diff --git a/src/IceFloeTracker.jl b/src/IceFloeTracker.jl index 729be9db..78633f6a 100644 --- a/src/IceFloeTracker.jl +++ b/src/IceFloeTracker.jl @@ -182,6 +182,8 @@ module MorphSE include("morphSE/fill_holes.jl") end +include("preprocess_tiling.jl") + module Register include("Register/CenterIndexedArrays.jl-0.2.0/CenterIndexedArrays.jl") include("Register/RegisterCore.jl-0.2.4/src/RegisterCore.jl") diff --git a/src/find_ice_labels.jl b/src/find_ice_labels.jl index ba4fd837..dddf6f69 100644 --- a/src/find_ice_labels.jl +++ b/src/find_ice_labels.jl @@ -84,171 +84,3 @@ function find_ice_labels( # @info "Done with ice labels" # to uncomment when logger is added return ice_labels end - -function get_image_peaks(arr, imgtype="uint8") - _, heights = imhist(arr, imgtype) - - locs, heights, _ = Peaks.findmaxima(heights) - - # TODO: make this conditional on input args - order = sortperm(heights; rev=true) - locs, heights = locs[order], heights[order] - - return (locs=locs, heights=heights) -end - - -function get_ice_labels_mask(ref_img::Matrix{RGB{N0f8}}, thresholds, factor=1) - cv = channelview(ref_img) - cv = [float64.(cv[i, :, :]) .* factor for i in 1:3] - mask_ice_band_7 = cv[1] .< thresholds[1] - mask_ice_band_2 = cv[2] .> thresholds[2] - mask_ice_band_1 = cv[3] .> thresholds[3] - mask = mask_ice_band_7 .* mask_ice_band_2 .* mask_ice_band_1 - @debug "Found $(sum(mask)) ice pixels" - return mask -end - -function get_nlabel( - ref_img, - morph_residue_labels, - factor; - band_7_threshold::T=5, - band_2_threshold::T=230, - band_1_threshold::T=240, - band_7_threshold_relaxed::T=10, - band_1_threshold_relaxed::T=190, - possible_ice_threshold::T=75, -) where {T<:Integer} - _getnlabel(morphr, mask) = StatsBase.mode(morphr[mask]) - - # Initial attempt to get ice labels - thresholds = (band_7_threshold, band_2_threshold, band_1_threshold) - ice_labels_mask = get_ice_labels_mask(ref_img, thresholds, 255) - sum(ice_labels_mask) > 1 && return _getnlabel(morph_residue_labels, ice_labels_mask) - - # First relaxation - thresholds = (band_7_threshold_relaxed, band_2_threshold, band_1_threshold_relaxed) - ice_labels_mask = get_ice_labels_mask(ref_img, thresholds, 255) - sum(ice_labels_mask) > 0 && return _getnlabel(morph_residue_labels, ice_labels_mask) - - # Second/Third relaxation - return get_nlabel_relaxation( - ref_img, - morph_residue_labels, - factor, - possible_ice_threshold, - band_7_threshold_relaxed, - band_2_threshold, - ) -end - -function get_nlabel_relaxation( - ref_img, - morph_residue_labels, - factor, - possible_ice_threshold, - band_7_threshold_relaxed, - band_2_threshold, -) - # filter b/c channels (landmasked channels 2 and 3) and compute peaks - b, c = [float64.(channelview(ref_img)[i, :, :]) .* factor for i in 2:3] - b[b .< possible_ice_threshold] .= 0 - c[c .< possible_ice_threshold] .= 0 - pksb, pksc = get_image_peaks.([b, c]) - - # return early if no peaks are found - !all(length.([pksb.locs, pksc.locs]) .> 2) && return 1 - - relaxed_thresholds = [band_7_threshold_relaxed, pksb.locs[2], pksc.locs[2]] - ice_labels = get_ice_labels_mask(ref_img, relaxed_thresholds, factor) - - sum(ice_labels) > 0 && return StatsBase.mode(morph_residue_labels[ice_labels]) - - # Final relaxation - mask_b = b .> band_2_threshold - sum(mask_b) > 0 && return StatsBase.mode(morph_residue_labels[mask_b]) - - # No mode found - return missing -end - -""" - get_ice_masks( - falsecolor_image, - morph_residue, - landmask, - tiles, - binarize; - band_7_threshold, - band_2_threshold, - band_1_threshold, - band_7_threshold_relaxed, - band_1_threshold_relaxed, - possible_ice_threshold, - factor, -) -Get the ice masks from the falsecolor image and morphological residue given a particualr tiling configuration. -# Arguments -- `falsecolor_image`: The falsecolor image. -- `morph_residue`: The morphological residue image. -- `landmask`: The landmask. -- `tiles`: The tiles. -- `binarize::Bool=true`: Whether to binarize the tiling. -- `band_7_threshold=5`: The threshold for band 7. -- `band_2_threshold=230`: The threshold for band 2. -- `band_1_threshold=240`: The threshold for band 1. -- `band_7_threshold_relaxed=10`: The relaxed threshold for band 7. -- `band_1_threshold_relaxed=190`: The relaxed threshold for band 1. -- `possible_ice_threshold=75`: The threshold for possible ice. -- `factor=255`: normalization factor to convert images to uint8. -# Returns -- A named tuple `(icemask, bin)` where: - - `icemask`: The ice mask. - - `bin`: The binarized tiling. -""" -function get_ice_masks( - falsecolor_image, - morph_residue, - landmask::BitMatrix, - tiles, - binarize::Bool=true; - band_7_threshold::T=5, - band_2_threshold::T=230, - band_1_threshold::T=240, - band_7_threshold_relaxed::T=10, - band_1_threshold_relaxed::T=190, - possible_ice_threshold::T=75, - factor::T=255, -) where {T<:Integer} - - # Make canvases - ice_mask = BitMatrix(zeros(Bool, size(falsecolor_image))) - binarized_tiling = zeros(Int, size(falsecolor_image)) - - fc_landmasked = apply_landmask(falsecolor_image, landmask) - - for tile in tiles - # Conditionally update binarized_tiling as it's not used in some workflows - if binarize - binarized_tiling[tile...] .= imbinarize(morph_residue[tile...]) - end - - morph_residue_seglabels = kmeans_segmentation(Gray.(morph_residue[tile...] / 255)) - - floes_label = get_nlabel( - fc_landmasked[tile...], - morph_residue_seglabels, - factor; - band_7_threshold=band_7_threshold, - band_2_threshold=band_2_threshold, - band_1_threshold=band_1_threshold, - band_7_threshold_relaxed=band_7_threshold_relaxed, - band_1_threshold_relaxed=band_1_threshold_relaxed, - possible_ice_threshold=possible_ice_threshold, - ) - - ice_mask[tile...] .= (morph_residue_seglabels .== floes_label) - end - return (icemask=ice_mask, bin=binarized_tiling) -end diff --git a/src/histogram_equalization.jl b/src/histogram_equalization.jl index 95645d33..64cf79ac 100644 --- a/src/histogram_equalization.jl +++ b/src/histogram_equalization.jl @@ -9,6 +9,11 @@ function to_uint8(arr::AbstractMatrix{T}) where {T<:Integer} return img end +function to_uint8(num::T) where {T<:Union{AbstractFloat,Int,Signed}} + num = Int(round(num, RoundNearestTiesAway)) + return clamp(num, 0, 255) +end + function anisotropic_diffusion_3D(I) rgbchannels = get_rgb_channels(I) @@ -127,6 +132,20 @@ function get_rgb_channels(img) return cat(redc, greenc, bluec; dims=3) end +""" + rgb2gray(rgbchannels::Array{Float64, 3}) + +Convert an array of RGB channel data to grayscale in the range [0, 255]. + +Identical to MATLAB `rgb2gray` (https://www.mathworks.com/help/matlab/ref/rgb2gray.html). +""" +function rgb2gray(rgbchannels::Array{Float64,3}) + r, g, b = [to_uint8(rgbchannels[:, :, i]) for i in 1:3] + # Reusing the r array to store the equalized gray image + r .= to_uint8(0.2989 * r .+ 0.5870 * g .+ 0.1140 * b) + return r +end + function _process_image_tiles( true_color_image, clouds_red, @@ -287,7 +306,7 @@ end Histogram equalization of `img` using `nbins` bins. """ function histeq(img::S; nbins=64)::S where {S<:AbstractArray{<:Integer}} - return to_uint8(sk_exposure.equalize_hist(img, nbins=nbins) * 255) + return to_uint8(sk_exposure.equalize_hist(img; nbins=nbins) * 255) end function _imhist(img, rng) diff --git a/src/ice_masks.jl b/src/ice_masks.jl index 61571174..612fb5e7 100644 --- a/src/ice_masks.jl +++ b/src/ice_masks.jl @@ -1,18 +1,108 @@ -""" - get_ice_masks( - falsecolor_image, - morph_residue, - landmask, - tiles, - binarize; - band_7_threshold, - band_2_threshold, - band_1_threshold, - band_7_threshold_relaxed, - band_1_threshold_relaxed, - possible_ice_threshold, +function get_image_peaks(arr, imgtype="uint8") + _, heights = imhist(arr, imgtype) + + locs, heights, _ = Peaks.findmaxima(heights) + + # TODO: make this conditional on input args + order = sortperm(heights; rev=true) + locs, heights = locs[order], heights[order] + + return (locs=locs, heights=heights) +end + +function get_ice_labels_mask(ref_img::Matrix{RGB{N0f8}}, thresholds, factor=255) + cv = channelview(ref_img) + cv = [float64.(cv[i, :, :]) .* factor for i in 1:3] + mask_ice_band_7 = cv[1] .< thresholds[1] + mask_ice_band_2 = cv[2] .> thresholds[2] + mask_ice_band_1 = cv[3] .> thresholds[3] + mask = mask_ice_band_7 .* mask_ice_band_2 .* mask_ice_band_1 + @debug "Found $(sum(mask)) ice pixels" + return mask +end + +function get_nlabel( + ref_img, + morph_residue_labels, + factor; + band_7_threshold::T=5, + band_2_threshold::T=230, + band_1_threshold::T=240, + band_7_threshold_relaxed::T=10, + band_1_threshold_relaxed::T=190, + possible_ice_threshold::T=75, +) where {T<:Integer} + _getnlabel(morphr, mask) = StatsBase.mode(morphr[mask]) + + # Initial attempt to get ice labels + thresholds = (band_7_threshold, band_2_threshold, band_1_threshold) + ice_labels_mask = get_ice_labels_mask(ref_img, thresholds) + sum(ice_labels_mask) > 0 && return _getnlabel(morph_residue_labels, ice_labels_mask) + @debug "Trying first relaxation." + + # First relaxation + thresholds = (band_7_threshold_relaxed, band_2_threshold, band_1_threshold_relaxed) + ice_labels_mask = get_ice_labels_mask(ref_img, thresholds) + sum(ice_labels_mask) > 0 && return _getnlabel(morph_residue_labels, ice_labels_mask) + + @debug "Trying second/third relaxation." + # Second/Third relaxation + return get_nlabel_relaxation( + ref_img, + morph_residue_labels, + factor, + possible_ice_threshold, + band_7_threshold_relaxed, + band_2_threshold, + ) +end + +function get_nlabel_relaxation( + ref_img, + morph_residue_labels, factor, + possible_ice_threshold, + band_7_threshold_relaxed, + band_2_threshold, ) + # filter b/c channels (landmasked channels 2 and 3) and compute peaks + b, c = [float64.(channelview(ref_img)[i, :, :]) .* factor for i in 2:3] + b[b .< possible_ice_threshold] .= 0 + c[c .< possible_ice_threshold] .= 0 + pksb, pksc = get_image_peaks.([b, c]) + + # return early if no peaks are found + !all(length.([pksb.locs, pksc.locs]) .> 2) && return 1 + + relaxed_thresholds = [band_7_threshold_relaxed, pksb.locs[2], pksc.locs[2]] + ice_labels = get_ice_labels_mask(ref_img, relaxed_thresholds, factor) + + sum(ice_labels) > 0 && return StatsBase.mode(morph_residue_labels[ice_labels]) + + # Final relaxation + mask_b = b .> band_2_threshold + sum(mask_b) > 0 && return StatsBase.mode(morph_residue_labels[mask_b]) + + # No mode found + return 1 +end + +""" + get_ice_masks( + falsecolor_image, + morph_residue, + landmask, + tiles, + binarize; + band_7_threshold, + band_2_threshold, + band_1_threshold, + band_7_threshold_relaxed, + band_1_threshold_relaxed, + possible_ice_threshold, + k, + factor + ) Get the ice masks from the falsecolor image and morphological residue given a particular tiling configuration. @@ -28,13 +118,13 @@ Get the ice masks from the falsecolor image and morphological residue given a pa - `band_7_threshold_relaxed=10`: The relaxed threshold for band 7. - `band_1_threshold_relaxed=190`: The relaxed threshold for band 1. - `possible_ice_threshold=75`: The threshold for possible ice. +- `k=3`: The number of clusters to use for k-means segmentation. - `factor=255`: normalization factor to convert images to uint8. # Returns - A named tuple `(icemask, bin)` where: - `icemask`: The ice mask. - `bin`: The binarized tiling. - - `label`: Most frequent label in the ice mask. """ function get_ice_masks( falsecolor_image::Matrix{RGB{N0f8}}, @@ -48,6 +138,7 @@ function get_ice_masks( band_7_threshold_relaxed::T=10, band_1_threshold_relaxed::T=190, possible_ice_threshold::T=75, + k::T=3, factor::T=255, ) where {T<:Integer,S<:AbstractMatrix{Tuple{UnitRange{Int64},UnitRange{Int64}}}} @@ -56,15 +147,13 @@ function get_ice_masks( ice_mask = BitMatrix(zeros(Bool, sz)) binarized_tiling = zeros(Int, sz) - fc_landmasked = apply_landmask(falsecolor_image, landmask) + fc_landmasked = apply_landmask(falsecolor_image, .!landmask) - Threads.@threads for tile in tiles - # Conditionally update binarized_tiling as its not used in some workflows - if binarize - binarized_tiling[tile...] .= imbinarize(morph_residue[tile...]) - end - - morph_residue_seglabels = kmeans_segmentation(Gray.(morph_residue[tile...] / 255)) + # Threads.@threads + for tile in tiles + @debug "Processing tile: $tile" + mrt = morph_residue[tile...] + morph_residue_seglabels = kmeans_segmentation(Gray.(mrt / 255); k=k) # TODO: handle case where get_nlabel returns missing floes_label = get_nlabel( @@ -80,7 +169,10 @@ function get_ice_masks( ) ice_mask[tile...] .= (morph_residue_seglabels .== floes_label) + + # Conditionally update binarized_tiling as its not used in some workflows + binarize && (binarized_tiling[tile...] .= imbinarize(mrt)) end - + return (icemask=ice_mask, bin=binarized_tiling .> 0) end diff --git a/src/preprocess_tiling.jl b/src/preprocess_tiling.jl new file mode 100644 index 00000000..f6cd9d4d --- /dev/null +++ b/src/preprocess_tiling.jl @@ -0,0 +1,210 @@ +using Images +using IceFloeTracker: + get_tiles, + _get_masks, + _process_image_tiles, + to_uint8, + unsharp_mask, + imbrighten, + imadjust, + get_ice_masks, + imcomplement, + adjustgamma, + to_uint8, + get_holes, + get_segment_mask, + se_disk4, + se_disk2, + branchbridge, + fillholes!, + get_final, + apply_landmask, + kmeans_segmentation, + get_nlabel, + get_brighten_mask, + get_holes, + reconstruct, + imgradientmag, + histeq, + impose_minima, + label_components, + imregionalmin, + watershed2, + imbinarize, + _regularize + +# Sample input parameters expected by the main function +ice_labels_thresholds = ( + prelim_threshold=110.0, + band_7_threshold=200.0, + band_2_threshold=190.0, + ratio_lower=0.0, + ratio_upper=0.75, + use_uint8=true, +) + +adapthisteq_params = ( + white_threshold=25.5, entropy_threshold=4, white_fraction_threshold=0.4 +) + +adjust_gamma_params = (gamma=1.5, gamma_factor=1.3, gamma_threshold=220) + +structuring_elements = ( + se_disk1=collect(IceFloeTracker.MorphSE.StructuringElements.strel_diamond((3, 3))), + se_disk2=se_disk2(), + se_disk4=se_disk4(), +) + +unsharp_mask_params = (radius=10, amount=2.0, factor=255.0) + +brighten_factor = 0.1 + +ice_masks_params = ( + band_7_threshold=5, + band_2_threshold=230, + band_1_threshold=240, + band_7_threshold_relaxed=10, + band_1_threshold_relaxed=190, + possible_ice_threshold=75, + k=3, # number of clusters for kmeans segmentation + factor=255, # normalization factor to convert images to uint8 +) + +prelim_icemask_params = (radius=10, amount=2, factor=0.5) + +function preprocess_tiling( + ref_image, + true_color_image, + landmask, + tiles, + ice_labels_thresholds, + adapthisteq_params, + adjust_gamma_params, + structuring_elements, + unsharp_mask_params, + ice_masks_params, + prelim_icemask_params, + brighten_factor, +) + begin + @debug "Step 1/2: Get masks" + mask_cloud_ice, clouds_view = _get_masks( + float64.(ref_image); ice_labels_thresholds... + ) + clouds_view .= .!mask_cloud_ice .* clouds_view + + # Get clouds_red for adaptive histogram equalization + ref_img_cloudmasked = ref_image .* .!clouds_view + end + + begin + @debug "Step 3: Tiled adaptive histogram equalization" + clouds_red = to_uint8(float64.(red.(ref_img_cloudmasked) .* 255)) + clouds_red[landmask.dilated] .= 0 + + rgbchannels = _process_image_tiles( + true_color_image, clouds_red, tiles, adapthisteq_params... + ) + + gammagreen = @view rgbchannels[:, :, 2] + equalized_gray = rgb2gray(rgbchannels) + end + + begin + @debug "Step 4: Remove clouds from equalized_gray" + masks = [f.(ref_img_cloudmasked) .== 0 for f in [red, green, blue]] + combo_mask = reduce((a, b) -> a .& b, masks) + equalized_gray[combo_mask] .= 0 + end + + begin + @debug "Step 5: unsharp_mask on equalized_gray and reconstruct" + sharpened = to_uint8(unsharp_mask(equalized_gray, unsharp_mask_params...)) + equalized_gray_sharpened_reconstructed = reconstruct( + sharpened, structuring_elements.se_disk1, "dilation", true + ) + equalized_gray_sharpened_reconstructed[landmask.dilated] .= 0 + end + + # TODO: Steps 6 and 7 can be done in parallel as they are independent + begin + @debug "Step 6: Repeat step 5 with equalized_gray (landmasking, no sharpening)" + equalized_gray_reconstructed = deepcopy(equalized_gray) + equalized_gray_reconstructed[landmask.dilated] .= 0 + equalized_gray_reconstructed = reconstruct( + equalized_gray_reconstructed, structuring_elements.se_disk1, "dilation", true + ) + equalized_gray_reconstructed[landmask.dilated] .= 0 + end + + begin + @debug "STEP 7: Brighten equalized_gray" + brighten = get_brighten_mask(equalized_gray_reconstructed, gammagreen) + equalized_gray[landmask.dilated] .= 0 + equalized_gray .= imbrighten(equalized_gray, brighten, brighten_factor) + end + + begin + @debug "STEP 8: Get morphed_residue and adjust its gamma" + morphed_residue = clamp.(equalized_gray - equalized_gray_reconstructed, 0, 255) + + agp = adjust_gamma_params + equalized_gray_sharpened_reconstructed_adjusted = imcomplement( + adjustgamma(equalized_gray_sharpened_reconstructed, agp.gamma) + ) + adjusting_mask = + equalized_gray_sharpened_reconstructed_adjusted .> agp.gamma_threshold + morphed_residue[adjusting_mask] .= + to_uint8.(morphed_residue[adjusting_mask] .* agp.gamma_factor) + end + + begin + @debug "Step 9: Get preliminary ice masks" + prelim_icemask, binarized_tiling = get_ice_masks( + ref_image, morphed_residue, landmask.dilated, tiles, true; ice_masks_params... + ) + end + + begin + @debug "Step 10: Get segmentation mask from preliminary icemask" + # Fill holes function in get_segment_mask a bit more aggressive than Matlabs + segment_mask = get_segment_mask(prelim_icemask, binarized_tiling) + end + + begin + @debug "Step 11: Get local_maxima_mask and L0mask via watershed" + local_maxima_mask, L0mask = watershed2( + morphed_residue, segment_mask, prelim_icemask + ) + end + + begin + @debug "Step 12: Build icemask from all others" + local_maxima_mask = to_uint8(local_maxima_mask * 255) + prelim_icemask2 = _regularize( + morphed_residue, + local_maxima_mask, + segment_mask, + L0mask, + structuring_elements.se_disk1; + prelim_icemask_params..., + ) + end + + begin + @debug "Step 13: Get improved icemask" + icemask, _ = get_ice_masks( + ref_image, prelim_icemask2, landmask.dilated, tiles, false; ice_masks_params... + ) + end + + begin + @debug "Step 14: Get final mask" + se = structuring_elements + se_erosion = se.se_disk1 + se_dilation = se.se_disk2 + final = get_final(icemask, segment_mask, se_erosion, se_dilation) + end + + return final +end diff --git a/src/regularize-final.jl b/src/regularize-final.jl index 6a772e5d..ce822371 100644 --- a/src/regularize-final.jl +++ b/src/regularize-final.jl @@ -109,5 +109,5 @@ function get_final( # Restore shape of floes based on the cleaned up `mask` final = IceFloeTracker.MorphSE.mreconstruct(IceFloeTracker.MorphSE.dilate, _img, mask) - return final + return BitMatrix(final) end \ No newline at end of file diff --git a/src/segmentation_a_direct.jl b/src/segmentation_a_direct.jl index 1cdd34ee..5b26df2f 100644 --- a/src/segmentation_a_direct.jl +++ b/src/segmentation_a_direct.jl @@ -101,14 +101,14 @@ function segmentation_A( end function get_holes(img, min_opening_area=20, se=IceFloeTracker.se_disk4()) - img .= ImageMorphology.area_opening(img; min_area=min_opening_area) - IceFloeTracker.hbreak!(img) + _img = ImageMorphology.area_opening(img; min_area=min_opening_area) + IceFloeTracker.hbreak!(_img) - out = branchbridge(img) + out = branchbridge(_img) out = IceFloeTracker.MorphSE.opening(out, centered(se)) out = IceFloeTracker.MorphSE.fill_holes(out) - return out .!= img + return out .!= _img end function fillholes!(img) @@ -117,8 +117,10 @@ function fillholes!(img) end function get_segment_mask(ice_mask, tiled_binmask) - Threads.@threads for img in (ice_mask, tiled_binmask) + # TODO: Threads.@threads # sometimes crashes (too much memory?) + for img in (ice_mask, tiled_binmask) fillholes!(img) + img .= watershed1(img) end segment_mask = ice_mask .&& tiled_binmask return segment_mask diff --git a/src/special_strels.jl b/src/special_strels.jl index 364095d0..fe80aac9 100644 --- a/src/special_strels.jl +++ b/src/special_strels.jl @@ -4,8 +4,9 @@ Generate a structuring element by leveraging symmetry (mirroring and inverting) a given initial structuring element. """ function _generate_se!(se) - se .= se .| reverse(se; dims=1) - se .= se .| reverse(se; dims=2) + for d in [1,2] + se .= se .| reverse(se; dims=d) + end se .= .!se return nothing end @@ -19,11 +20,10 @@ end make_landmask_se = se_disk50 function se_disk4() - se = zeros(Bool, 7, 7) - se[4, 4] = 1 - return bwdist(se) .<= 3.6 + se = [sum(c.I) <= 3 for c in CartesianIndices((7, 7))] + _generate_se!(se) + return se end - function se_disk20() se = [sum(c.I) <= 11 for c in CartesianIndices((39, 39))] _generate_se!(se) diff --git a/src/watershed.jl b/src/watershed.jl index 46272c0a..3c331270 100644 --- a/src/watershed.jl +++ b/src/watershed.jl @@ -5,7 +5,7 @@ function watershed1(bw::T) where {T<:Union{BitMatrix,AbstractMatrix{Bool}}} cc = label_components(imregionalmin(seg), trues(3, 3)) w = ImageSegmentation.watershed(seg, cc) lmap = labels_map(w) - return Images.isboundary(lmap) + return Images.isboundary(lmap) .> 0 end function _reconst_watershed(morph_residue::Matrix{<:Integer}, se::Matrix{Bool}=se_disk20()) @@ -16,25 +16,26 @@ function _reconst_watershed(morph_residue::Matrix{<:Integer}, se::Matrix{Bool}=s end function watershed2(morph_residue, segment_mask, ice_mask) + # TODO: reconfigure to use async tasks or threads # Task 1: Reconstruct morph_residue - task1 = Threads.@spawn begin - mr_reconst = _reconst_watershed(morph_residue) - mr_reconst = ImageMorphology.local_maxima(mr_reconst; connectivity=2) .> 0 - end + # task1 = Threads.@spawn begin + mr_reconst = _reconst_watershed(morph_residue) + mr_reconst = ImageMorphology.local_maxima(mr_reconst; connectivity=2) .> 0 + # end # Task 2: Calculate gradient magnitude - task2 = Threads.@spawn begin - gmag = imgradientmag(histeq(morph_residue)) - end + # task2 = Threads.@spawn begin + gmag = imgradientmag(histeq(morph_residue)) + # end # Wait for both tasks to complete - mr_reconst = fetch(task1) - gmag = fetch(task2) + # mr_reconst = fetch(task1) + # gmag = fetch(task2) minimamarkers = mr_reconst .| segment_mask .| ice_mask gmag .= impose_minima(gmag, minimamarkers) cc = label_components(imregionalmin(gmag), trues(3, 3)) w = ImageSegmentation.watershed(morph_residue, cc) lmap = labels_map(w) - return (fgm=mr_reconst, L0mask=isboundary(lmap)) + return (fgm=mr_reconst, L0mask=isboundary(lmap) .> 0) end diff --git a/test/test-get-ice-masks.jl b/test/test-get-ice-masks.jl new file mode 100644 index 00000000..933630ed --- /dev/null +++ b/test/test-get-ice-masks.jl @@ -0,0 +1,84 @@ +using IceFloeTracker: + get_ice_labels_mask, + get_tiles, + kmeans_segmentation, + get_nlabel, + get_ice_masks, + apply_landmask + +begin + region = (1016:3045, 1486:3714) + data_dir = joinpath(@__DIR__, "test_inputs") + ref_image = load(joinpath(data_dir, "NE_Greenland_reflectance.2020162.aqua.250m.tiff")) + landmask = float64.(load(joinpath(data_dir, "matlab_landmask.png"))) .> 0 + ref_image, landmask = [img[region...] for img in (ref_image, landmask)] + morph_residue = readdlm(joinpath(data_dir, "ice_masks/morph_residue.csv"), ',', Int) +end + +tiles = get_tiles(ref_image; rblocks=2, cblocks=3) +ref_image_landmasked = apply_landmask(ref_image, .!landmask) + +@testset "get_ice_labels_mask tests" begin + begin + tile = tiles[1] + band_7_threshold = 5 + band_2_threshold = 230 + band_1_threshold = 240 + thresholds = (band_7_threshold, band_2_threshold, band_1_threshold) + foo = get_ice_labels_mask(ref_image[tile...], thresholds) + @test sum(foo) == 0 + + morph_residue_seglabels = kmeans_segmentation(Gray.(morph_residue[tile...] / 255)) + @test get_nlabel(ref_image_landmasked[tile...], morph_residue_seglabels, 255) == 3 + end + + begin # first relaxation + first_relax_thresholds = (10, band_2_threshold, 190) + bar = get_ice_labels_mask(ref_image[tile...], first_relax_thresholds) + @test sum(bar) == 8 + end + + begin + tile = tiles[2] + foo = get_ice_labels_mask(ref_image[tile...], thresholds) + @test sum(foo) == 32 + end + + begin + morph_residue_seglabels = kmeans_segmentation(Gray.(morph_residue[tile...] / 255)) + @test get_nlabel(ref_image_landmasked[tile...], morph_residue_seglabels, 255) == 3 + end + + begin + tile = tiles[3] + foo = get_ice_labels_mask(ref_image[tile...], thresholds) + @test sum(foo) == 1 + end + + begin + tile = tiles[4] + foo = get_ice_labels_mask(ref_image[tile...], thresholds) + @test sum(foo) == 29 + end + + begin + tile = tiles[5] + foo = get_ice_labels_mask(ref_image[tile...], thresholds) + @test sum(foo) == 19 + end + + begin + tile = tiles[6] + foo = get_ice_labels_mask(ref_image[tile...], thresholds) + @test sum(foo) == 62 + end + + begin + morph_residue_seglabels = kmeans_segmentation(Gray.(morph_residue[tile...] / 255), k=3) + @test get_nlabel(ref_image_landmasked[tile...], morph_residue_seglabels, 255) == 1 + end + + ice_mask, binarized_tiling = get_ice_masks(ref_image, morph_residue, landmask, tiles) + @test sum(ice_mask) == 2669451 + @test sum(binarized_tiling) == 2873080 +end \ No newline at end of file diff --git a/test/test-preprocess-tiling.jl b/test/test-preprocess-tiling.jl new file mode 100644 index 00000000..5d310575 --- /dev/null +++ b/test/test-preprocess-tiling.jl @@ -0,0 +1,47 @@ + +using IceFloeTracker: + adapthisteq_params, + adjust_gamma_params, + brighten_factor, + ice_labels_thresholds, + ice_masks_params, + prelim_icemask_params, + preprocess_tiling, + structuring_elements, + unsharp_mask_params, + get_tiles + +@testset "preprocess_tiling" begin + region = (1016:3045, 1486:3714) + data_dir = joinpath(@__DIR__, "test_inputs") + true_color_image = load( + joinpath(data_dir, "NE_Greenland_truecolor.2020162.aqua.250m.tiff") + ) + ref_image = load(joinpath(data_dir, "NE_Greenland_reflectance.2020162.aqua.250m.tiff")) + landmask = float64.(load(joinpath(data_dir, "matlab_landmask.png"))) .> 0 + + # Crop images to region of interest + true_color_image, ref_image, landmask = [ + img[region...] for img in (true_color_image, ref_image, landmask) + ] + + landmask = (dilated=landmask,) + tiles = get_tiles(true_color_image; rblocks=2, cblocks=3) + + foo = preprocess_tiling( + ref_image, + true_color_image, + landmask, + tiles, + ice_labels_thresholds, + adapthisteq_params, + adjust_gamma_params, + structuring_elements, + unsharp_mask_params, + ice_masks_params, + prelim_icemask_params, + brighten_factor, + ) + + @test sum(foo) == 1735472 +end diff --git a/test/test_inputs/ice_masks/morph_residue.csv b/test/test_inputs/ice_masks/morph_residue.csv new file mode 100644 index 00000000..0cc912bb --- /dev/null +++ b/test/test_inputs/ice_masks/morph_residue.csv @@ -0,0 +1,2030 @@ +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,113,126,126,121,120,121,124,126,126,126,126,129,131,134,137,139,142,142,147,155,160,163,165,168,170,186,183,147,76,77,89,137,144,155,163,173,168,103,65,79,165,165,163,83,33,36,99,152,165,173,168,155,147,147,147,144,109,105,101,103,150,165,173,173,163,163,170,181,186,183,181,176,173,170,173,176,178,178,181,183,181,173,165,160,160,157,111,102,100,103,107,107,105,103,103,105,107,111,111,111,111,111,147,147,150,152,155,150,111,147,152,147,107,109,147,147,105,102,103,103,101,97,96,97,103,111,150,147,109,105,102,107,160,165,157,152,157,163,160,157,157,160,157,121,119,117,117,119,117,119,121,163,165,165,165,165,170,173,169,165,166,189,199,199,189,173,125,123,165,173,173,168,163,123,163,163,121,118,163,176,178,170,123,123,123,123,121,123,173,183,181,127,118,119,129,186,199,204,204,204,204,204,204,199,189,183,181,181,181,186,194,196,191,183,181,181,183,183,181,178,133,133,176,178,178,178,178,178,181,186,189,183,176,131,131,130,129,130,183,199,209,209,199,189,183,178,133,176,181,176,133,176,183,194,199,194,181,178,183,189,194,192,194,196,181,107,105,108,111,135,189,194,191,189,191,196,189,181,183,186,186,181,133,126,123,123,129,133,132,135,194,196,202,230,233,207,194,194,196,196,191,189,181,133,131,178,189,186,131,128,131,178,176,123,120,122,131,183,194,191,176,133,131,128,129,181,194,189,177,176,186,209,230,233,225,207,196,194,202,217,230,230,222,215,212,209,199,189,187,189,194,196,202,196,176,119,109,107,107,109,113,119,125,170,176,178,183,189,191,191,186,185,185,186,186,189,191,189,183,181,186,194,202,209,212,204,178,170,172,173,173,178,189,186,181,178,178,176,173,170,129,170,186,209,225,222,196,125,117,121,165,165,164,168,173,168,119,115,113,112,113,115,119,117,117,119,125,168,125,122,123,181,202,207,204,204,207,209,207,207,207,202,186,176,132,132,176,183,189,194,199,196,195,195,202,212,217,215,207,199,194,199,202,204,202,199,194,194,196,196,191,183,181,186,186,183,181,183,189,189,189,196,204,204,204,204,204,194,181,131,133,178,181,181,183,189,189,178,131,176,183,191,194,189,186,191,196,195,195,199,202,202,202,202,204,204,207,209,212,215,212,202,190,187,191,199,199,194,189,181,125,121,125,178,186,181,176,176,183,196,207,202,191,183,178,173,170,173,176,170,165,164,168,168,173,176,176,170,127,123,119,119,125,168,166,168,173,176,176,176,176,176,170,170,170,170,129,131,130,131,181,194,199,199,196,196,194,191,191,194,194,192,192,192,194,199,199,199,196,196,196,199,199,199,196,194,194,194,194,194,194,194,199,204,204,204,204,202,196,178,88,84,93,123,170,127,125,125,123,119,116,115,117,127,181,183,178,168,165,165,173,181,191,196,196,189,183,189,194,196,194,189,178,177,178,181,181,181,178,176,181,191,202,204,204,204,202,199,194,189,181,131,128,131,137,183,186,189,196,202,207,207,207,207,204,202,196,199,204,207,204,200,199,202,204,199,191,189,189,186,181,176,131,127,123,117,115,109,104,104,111,183,204,212,209,204,194,191,202,209,209,202,191,189,194,196,199,199,202,207,212,209,207,204,199,196,196,189,181,183,202,217,220,204,183,173,174,186,194,191,183,178,183,189,186,181,178,176,173,125,120,119,123,129,133,176,183,186,189,186,186,186,191,191,191,196,202,207,207,204,196,192,191,194,202,204,204,202,199,196,196,199,199,199,199,202,204,207,204,202,196,189,183,183,189,194,194,196,199,196,196,196,194,191,191,196,199,202,207,209,207,202,199,198,198,202,204,199,196,196,196,196,194,191,190,194,202,202,194,183,135,133,135,183,191,194,186,181,177,177,181,189,186,135,128,126,129,181,189,194,199,202,204,204,204,207,212,217,225,225,222,217,212,209,207,207,208,212,212,211,209,211,212,217,225,225,222,212,207,207,207,204,199,196,196,198,202,202,199,198,198,199,196,196,196,196,194,196,202,212,215,215,212,212,209,202,199,198,198,199,202,202,202,204,209,212,212,212,209,207,199,191,189,190,199,207,207,202,194,189,183,181,181,186,189,194,191,189,183,183,183,189,189,186,183,183,186,194,202,202,196,191,191,191,191,189,183,181,178,178,181,183,183,183,183,183,186,191,191,186,177,173,174,183,194,194,196,196,194,192,192,194,196,186,177,176,181,189,191,190,190,191,191,189,189,190,190,191,189,186,186,186,189,189,194,196,202,204,202,199,199,199,199,199,199,199,199,194,192,192,192,194,191,191,189,186,183,183,178,131,127,126,126,126,129,176,181,178,127,119,119,125,173,178,181,181,183,183,181,176,170,127,125,127,173,178,181,183,186,186,189,186,186,181,176,176,178,181,181,176,129,127,129,178,183,186,189,189,189,189,183,181,181,186,189,189,189,189,191,194,196,196,196,196,196,194,194,196,196,196,194,194,191,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,207,191,176,144,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,9,0,0,0,0,0,0,0,0,33,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,0,0,0,0,0,0,0,0,0,0,0,0,0,43,38,40,0,0,0,0,0,0,0,0,0,0,0,0,0,196,202,204,202,194,178,176,178,194,204,207,204,196,191,186,183,183,189,196,199,199,196,191,190,191,191,191,189,186,173,160,159,160,165,173,0,0,0,0,0,142,147,150,152,155,155,147,139,0,0,0,183,199,0,0,0,217,215,215,0,212,212,212,217,222,222,222,222,220,215,0,204,191,176,169,170,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,0,0,0,202,199,199,0,0,0,0,0,0,0,0,0,0,199,0,0,0,196,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,225,222,225,230,238,241,241,238,235,235,243,251,255,255,0,238,0,0,0,0,0,0,228,225,225,225,230,233,233,230,225,220,215,215,217,215,209,207,202,202,204,209,217,225,228,225,222,215,212,209,204,196,191,191,194,191,183,135,131,130,131,131,131,129,127,127,173,183,186,186,186,189,186,178,129,121,120,120,123,129,181,191,202,207,209,212,212,212,212,212,212,209,204,202,202,207,207,204,202,199,196,196,191,190,190,194,204,212,212,209,207,204,204,202,200,198,196,196,198,202,207,209,212,209,209,209,207,204,202,199,198,198,198,199,202,202,204,204,202,196,192,192,194,149,149,149,202,212,222,230,235,238,238,233,230,230,233,233,233,230,228,228,230,233,230,228,225,222,222,222,225,230,233,230,225,225,228,233,238,235,233,225,224,225,230,230,230,233,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,118,126,126,121,121,124,126,126,124,124,126,129,129,131,137,137,137,137,144,155,160,157,157,160,168,183,194,186,137,86,91,134,144,147,155,165,160,144,31,33,93,139,142,75,28,32,89,147,170,176,168,155,147,150,152,147,107,104,103,104,147,157,163,160,157,160,168,181,186,181,176,168,160,163,170,176,176,173,176,176,170,160,152,115,115,152,113,107,103,103,105,105,103,103,103,103,105,109,109,109,111,147,147,146,146,150,150,147,111,111,147,111,107,109,144,109,105,103,103,105,101,99,97,97,101,105,109,109,107,105,103,105,113,157,157,152,152,155,157,160,165,170,173,168,121,117,115,117,115,117,119,121,123,165,168,165,125,170,173,173,181,199,209,212,202,181,123,118,123,170,170,165,121,119,119,121,119,119,163,176,181,168,117,117,163,163,123,125,170,178,176,125,118,119,129,189,204,212,209,207,204,204,204,199,189,183,181,178,178,186,196,202,199,194,189,186,181,181,183,178,133,131,131,133,176,178,178,178,181,183,183,181,176,133,131,131,133,178,186,199,207,207,199,191,186,183,176,133,176,133,133,176,183,191,196,191,181,179,183,191,194,194,196,202,204,191,129,113,115,131,189,194,191,181,186,191,189,178,178,181,135,129,131,131,127,127,135,183,183,189,191,194,202,215,215,202,194,189,191,191,186,183,133,129,129,133,181,178,130,129,173,178,173,121,119,123,173,191,204,199,181,131,128,127,129,178,186,183,177,176,183,204,222,225,212,196,186,183,196,217,230,230,222,215,209,207,202,191,189,189,189,186,181,178,129,123,115,109,113,119,119,119,121,127,170,176,183,189,194,194,189,189,189,186,186,189,194,191,186,181,181,189,191,191,196,191,178,174,178,178,176,181,189,186,178,176,176,173,170,127,127,129,181,199,204,189,125,115,113,119,125,165,165,168,173,168,119,115,115,115,115,115,117,119,121,123,125,127,125,123,168,186,202,204,202,202,204,207,204,204,202,194,181,132,132,133,178,183,189,196,202,202,196,195,202,212,215,212,202,191,191,194,202,202,199,196,194,194,194,189,183,181,183,186,186,183,181,181,186,186,186,194,199,196,194,196,196,189,178,131,129,176,178,133,133,181,181,131,130,131,133,131,133,181,189,196,199,196,195,195,196,199,202,202,202,207,209,212,212,212,209,199,194,191,196,202,202,196,186,176,125,122,125,173,178,131,127,129,181,196,202,194,181,176,173,170,170,173,176,170,165,165,173,176,170,127,127,125,121,118,118,121,168,170,166,166,168,173,170,168,170,170,170,173,170,129,129,173,173,173,181,191,199,199,196,194,191,190,191,194,196,194,194,192,192,194,194,196,196,196,196,199,199,196,196,194,194,196,196,196,196,196,199,204,207,207,204,202,196,176,92,88,103,125,170,170,127,123,121,117,116,116,119,127,178,183,178,170,168,170,173,178,183,186,183,173,131,181,194,196,194,186,181,178,181,178,176,133,133,176,183,191,196,199,199,202,202,199,191,183,133,127,126,129,137,186,189,191,199,204,207,207,207,204,202,196,196,199,204,204,204,202,200,202,204,196,189,186,189,189,183,183,186,183,131,123,121,117,108,106,111,176,202,207,204,194,131,131,191,202,199,186,181,186,191,189,189,191,196,204,207,207,207,204,199,196,194,191,181,176,186,207,209,196,178,174,178,191,199,194,181,173,131,181,183,178,131,131,173,129,123,122,129,178,181,181,186,191,191,189,186,189,194,194,191,194,199,207,209,207,202,194,192,196,202,204,204,202,196,196,196,196,199,199,202,204,204,207,204,202,199,191,185,183,186,194,194,194,196,196,194,191,191,191,191,194,199,202,207,209,209,204,199,198,199,207,207,202,196,196,199,199,196,191,190,191,196,196,189,178,133,133,133,181,189,189,183,178,177,178,181,186,186,181,131,127,127,131,181,189,196,199,202,202,204,207,209,212,215,222,222,217,215,212,209,209,212,215,215,212,212,215,215,217,222,222,212,207,202,204,204,204,202,202,199,202,202,202,202,199,199,199,199,199,196,194,191,194,202,209,215,212,212,209,207,202,199,198,198,199,199,199,202,204,209,215,217,215,212,212,204,194,189,191,204,209,207,199,194,189,181,137,181,183,189,189,189,186,183,183,183,186,189,186,183,181,186,191,194,191,189,186,189,191,191,189,183,178,176,178,181,183,183,183,186,186,186,191,191,186,181,178,181,189,194,196,194,194,196,196,194,196,199,194,183,181,189,194,191,191,191,194,191,191,191,194,194,194,189,186,186,189,189,191,194,196,199,204,204,202,202,199,199,199,199,199,196,194,194,194,194,194,191,189,189,186,183,181,176,131,127,126,127,129,170,178,181,176,123,116,116,119,170,181,183,183,186,183,178,173,129,125,123,125,173,178,178,181,183,186,186,186,181,178,173,173,176,178,178,176,131,129,173,178,181,183,186,186,186,183,181,178,181,186,189,189,187,189,191,194,196,196,196,194,194,194,194,194,196,196,194,191,189,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,215,202,170,147,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,9,12,0,0,0,0,27,0,46,38,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,46,0,0,0,56,38,38,0,0,0,0,0,0,0,0,46,0,0,0,0,0,0,0,0,0,0,142,160,183,196,199,202,199,194,183,178,178,189,199,204,204,196,191,186,185,186,191,199,202,202,196,191,190,191,191,191,189,183,176,160,0,156,163,170,173,0,152,0,0,144,152,155,155,155,152,147,144,0,0,0,186,196,207,217,222,0,215,0,0,212,209,209,215,217,222,225,222,217,215,212,209,199,183,170,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,204,0,0,0,0,0,196,194,196,199,202,199,196,194,196,194,191,191,194,194,191,0,0,0,0,0,0,0,0,0,228,228,217,216,222,233,238,0,238,233,235,243,251,255,255,251,238,222,0,0,0,0,0,230,228,225,225,228,230,228,225,222,217,212,212,212,212,209,207,204,202,204,207,215,217,222,217,215,212,209,204,199,194,189,187,191,191,189,181,135,135,133,133,131,127,123,125,131,178,183,183,186,186,186,181,170,123,120,120,121,125,176,189,196,204,209,212,215,215,215,217,215,212,207,202,202,207,0,212,0,204,202,199,194,190,190,194,207,215,215,212,207,204,202,202,202,202,202,202,202,207,209,212,209,209,209,209,207,202,199,198,198,199,199,199,199,202,204,204,199,194,191,191,194,196,149,149,202,212,225,230,235,238,235,233,230,230,233,233,233,230,228,228,230,233,233,228,225,222,222,222,228,230,233,230,225,224,228,233,235,235,230,228,225,225,230,230,230,230,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,118,126,124,121,124,124,126,124,124,124,126,129,129,129,131,134,131,134,142,155,160,157,150,147,152,173,191,194,170,137,129,134,142,144,150,155,157,152,39,30,30,25,25,26,26,49,147,163,178,181,176,163,152,150,152,147,107,105,107,144,147,150,147,147,150,157,170,186,186,173,160,152,115,160,170,173,168,168,170,170,160,115,111,111,111,113,113,111,107,105,103,101,99,97,99,101,103,107,111,111,111,147,147,146,146,146,147,147,111,111,111,109,107,107,107,105,103,105,107,107,105,103,101,97,99,103,107,105,103,103,101,99,105,113,155,152,150,151,160,173,181,189,191,183,168,119,115,113,113,113,117,121,123,168,170,165,123,165,173,183,194,207,215,217,209,183,123,118,119,165,168,163,119,119,119,119,118,119,163,170,173,123,115,116,123,163,123,125,168,170,168,123,119,121,170,191,207,215,215,209,207,207,207,199,191,186,181,178,178,183,199,207,209,204,196,186,179,181,186,181,131,130,131,133,176,178,178,178,178,181,181,181,178,176,133,176,178,181,186,194,199,199,196,189,186,186,178,133,133,133,176,178,183,189,191,186,181,181,189,199,204,204,202,209,217,222,209,181,131,135,186,194,196,183,186,191,189,178,177,178,129,124,126,131,133,135,186,191,191,194,196,196,202,207,207,199,189,186,186,183,181,178,131,128,129,131,176,176,131,130,176,178,131,121,122,129,178,194,215,217,189,131,127,127,129,176,181,181,178,177,181,191,202,202,194,183,135,137,194,215,230,230,222,212,204,199,199,194,189,186,183,176,129,125,125,125,123,123,129,173,127,121,119,123,129,173,181,189,196,196,194,194,194,189,186,189,194,194,191,183,181,181,176,129,131,176,176,181,189,189,186,189,194,189,178,173,173,173,129,127,126,127,173,181,176,121,110,109,110,115,121,125,125,170,176,170,123,117,119,119,117,115,117,121,123,125,123,123,123,127,176,186,194,199,199,196,199,202,202,199,194,181,173,132,132,133,178,178,183,194,202,202,199,199,204,212,215,209,199,189,187,191,199,202,199,194,194,194,191,183,178,135,178,183,186,183,181,181,181,183,183,186,189,183,181,183,183,181,133,129,127,131,129,123,123,131,176,130,130,129,127,125,127,133,191,202,202,199,196,196,196,199,202,200,202,207,212,212,209,209,207,196,194,194,196,204,204,194,178,129,127,127,129,173,173,127,123,123,131,189,191,181,173,170,170,170,173,173,173,173,168,166,176,178,170,123,119,119,118,117,118,127,176,173,166,165,168,168,125,123,125,168,170,173,129,127,170,178,178,178,181,189,196,196,194,191,190,190,191,196,199,199,199,196,196,194,194,194,194,194,194,196,196,196,194,194,196,196,199,204,202,199,199,204,207,207,204,199,186,117,101,101,113,125,168,170,168,123,121,119,117,119,123,127,170,178,178,178,178,178,176,173,170,170,129,126,126,173,186,191,189,183,181,183,183,178,129,127,129,176,183,191,194,191,189,191,194,194,186,178,131,127,127,133,183,191,196,196,199,199,199,199,202,204,202,196,196,199,204,207,209,209,207,204,202,194,186,186,191,191,189,191,196,199,194,189,186,181,129,123,129,189,202,199,191,176,124,124,133,186,181,176,178,189,191,181,176,181,189,196,199,202,204,204,199,196,194,189,181,133,131,181,194,189,178,176,183,191,194,189,178,130,130,173,173,125,118,119,127,131,131,133,181,189,191,191,191,191,191,191,191,191,194,191,191,194,199,207,207,207,204,202,202,202,202,202,202,199,196,194,194,196,196,199,202,202,204,204,204,204,202,194,186,185,191,194,194,194,196,194,186,185,186,189,191,194,196,202,204,209,212,209,204,202,204,209,209,204,196,195,199,199,196,191,190,190,191,191,181,131,127,131,133,176,181,181,178,178,183,186,189,189,186,183,135,129,127,128,133,183,191,194,199,202,204,207,207,207,209,215,222,222,217,215,215,215,215,217,215,212,212,217,217,217,217,215,209,199,191,191,196,199,202,202,199,199,199,204,204,204,204,202,202,199,196,191,189,189,196,204,209,209,207,207,207,202,199,198,198,198,198,199,202,204,207,215,217,215,215,212,207,194,190,196,212,215,207,199,194,186,181,137,137,181,183,183,183,183,183,181,181,183,186,183,181,178,183,191,191,183,179,179,183,189,189,189,183,176,174,176,178,181,181,183,189,189,189,189,189,186,186,186,189,191,194,196,194,194,199,199,196,196,202,199,194,191,194,196,194,196,199,199,196,194,196,196,196,191,189,186,186,186,186,186,189,191,196,199,202,202,202,202,199,199,199,199,196,196,196,199,196,191,189,189,189,186,181,176,131,129,127,127,129,173,176,178,178,173,125,117,117,123,176,186,189,189,186,183,176,170,127,123,122,123,170,176,178,178,181,183,183,178,131,129,127,129,173,178,178,176,131,131,176,178,181,183,186,186,183,181,178,178,183,189,191,189,189,187,189,194,194,196,194,194,194,194,194,194,196,196,196,191,189,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,217,209,183,113,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,30,0,0,0,35,0,0,0,0,59,0,0,0,0,0,0,0,0,0,0,0,0,0,33,43,0,0,0,61,38,35,0,38,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,165,181,194,199,202,196,191,186,178,178,183,191,199,199,196,191,186,186,189,194,199,199,199,196,191,191,194,194,189,186,183,176,160,0,156,160,165,168,165,157,0,0,150,157,160,160,157,0,0,0,0,0,0,189,196,204,217,222,0,0,0,0,0,207,207,212,215,222,225,225,217,215,215,215,207,191,176,0,0,0,0,0,0,0,0,0,0,0,0,0,194,207,212,212,212,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,207,204,202,202,202,0,0,196,196,196,196,191,189,191,196,199,199,196,196,194,191,0,0,0,0,0,0,0,0,0,228,228,217,215,216,225,233,0,0,233,235,241,254,255,255,255,246,230,217,0,0,0,0,233,228,225,225,225,225,225,222,217,212,209,207,207,207,207,207,204,202,202,204,209,212,212,212,209,207,207,202,199,191,187,187,189,194,194,189,186,183,181,176,131,125,121,121,127,176,183,186,186,189,189,186,178,129,123,121,120,123,131,183,191,199,207,212,217,217,222,222,222,215,207,202,0,0,0,0,0,212,209,204,196,191,191,196,207,215,217,215,207,202,202,202,204,209,209,209,209,212,212,212,209,209,209,209,204,199,198,198,199,202,202,202,202,204,204,204,199,194,191,192,196,199,196,196,202,215,225,228,230,233,233,233,230,230,230,233,233,230,229,228,230,235,233,228,222,222,221,225,228,230,233,230,225,224,228,230,233,233,230,228,225,225,228,230,230,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,121,126,126,124,124,126,126,124,121,121,124,126,124,124,126,129,131,134,142,155,160,155,137,87,81,139,178,189,176,147,134,134,139,144,150,150,152,155,134,37,30,26,25,28,38,147,176,178,183,189,183,173,155,150,147,144,139,144,152,155,152,147,143,144,152,160,168,181,176,109,107,109,150,160,168,165,160,163,165,165,155,113,109,109,109,109,109,111,111,105,101,103,99,89,89,99,105,111,152,152,111,147,147,147,147,147,147,147,147,147,144,107,105,105,105,101,101,105,109,109,105,103,101,99,99,103,107,103,99,101,99,96,99,111,155,155,151,152,165,183,194,202,204,202,189,160,115,112,112,113,115,121,165,170,170,163,119,121,170,183,196,204,212,215,204,181,123,118,119,123,163,123,119,119,121,121,119,121,121,163,123,119,116,119,163,123,121,123,125,125,123,121,119,123,173,191,207,215,217,215,209,209,207,196,189,186,183,179,179,186,199,209,212,207,199,186,178,181,186,181,130,130,131,133,176,176,178,178,178,178,181,183,183,178,176,176,181,183,183,186,186,189,191,189,186,186,181,133,131,133,178,183,186,186,186,181,179,186,194,204,215,209,202,207,228,235,235,217,194,186,186,196,202,190,189,191,189,181,181,181,127,121,124,131,178,186,194,196,194,196,202,202,202,202,199,194,183,183,181,178,178,181,133,129,128,129,176,178,178,176,178,178,131,123,129,176,181,191,222,225,199,178,131,129,131,176,181,183,183,178,178,181,183,183,181,135,135,181,191,207,217,222,212,202,194,191,194,196,191,186,181,133,125,123,123,127,176,183,196,199,183,125,119,119,125,173,181,191,199,202,202,199,196,189,186,186,191,194,194,189,183,178,127,117,117,123,176,191,199,199,196,199,199,194,181,173,173,173,170,127,126,126,127,127,121,110,108,108,111,119,123,123,125,170,178,173,125,121,121,119,117,117,119,123,125,125,121,118,119,127,178,186,191,194,196,196,196,196,196,191,181,170,173,178,178,178,178,178,178,189,196,202,199,199,204,209,209,202,194,187,186,189,196,202,204,199,199,196,191,181,135,131,133,178,183,186,183,181,181,183,183,183,181,176,131,133,178,178,173,129,125,125,123,116,116,125,131,131,131,131,128,126,128,178,194,202,204,204,202,202,202,202,202,202,202,207,209,212,209,207,207,196,191,191,194,202,199,186,131,127,131,178,181,181,178,131,123,121,125,176,178,173,129,129,129,170,170,170,173,176,173,170,173,173,127,121,119,118,118,119,125,178,183,178,170,168,168,127,123,122,125,170,170,170,127,127,173,181,181,178,178,183,191,194,194,194,191,190,191,199,204,204,204,204,202,196,196,196,194,194,192,194,196,196,196,196,196,196,202,207,207,202,202,202,202,202,196,189,119,100,101,111,121,125,127,168,168,127,125,121,121,125,127,127,127,170,178,186,191,186,176,129,126,126,127,127,127,131,176,181,181,178,178,183,189,181,125,124,126,133,183,191,189,183,179,183,186,189,186,178,133,131,133,181,191,199,204,202,191,186,186,189,196,202,199,196,194,199,207,209,209,212,212,204,194,183,181,183,186,189,191,194,199,204,207,204,199,191,181,176,183,199,204,194,178,127,124,126,133,178,176,174,178,189,191,178,131,133,181,186,191,196,202,204,202,199,196,189,181,129,120,121,173,178,176,178,181,186,183,178,173,131,130,131,129,120,116,117,125,133,178,183,191,194,196,194,194,189,186,189,191,191,191,189,189,194,199,199,196,199,202,207,209,207,204,202,202,196,194,194,194,196,196,199,202,202,202,204,204,202,199,196,191,191,196,199,196,196,196,194,186,183,185,189,191,194,196,196,199,207,212,212,209,207,207,207,207,202,196,194,195,196,196,196,191,191,191,189,135,123,122,127,131,133,133,131,133,178,189,194,194,191,189,183,178,133,129,129,133,137,186,191,196,202,207,209,207,205,209,215,222,222,217,215,215,215,215,215,212,207,207,209,212,212,215,217,212,194,129,127,137,143,191,191,191,191,194,202,207,207,207,207,204,202,196,191,187,189,194,202,207,207,204,204,204,204,202,199,199,198,198,202,202,204,204,209,212,215,212,212,204,191,190,199,212,212,202,196,189,139,137,137,137,137,137,178,178,181,181,181,181,181,183,181,176,176,183,191,191,181,177,178,181,186,189,189,181,176,174,174,178,181,183,186,189,191,191,189,186,185,186,189,191,191,191,194,192,194,199,199,196,196,199,202,196,191,194,196,196,199,202,199,196,196,194,194,194,189,186,186,186,186,186,181,181,181,186,191,196,199,199,202,202,202,199,199,199,199,202,202,196,191,186,186,189,189,183,176,131,131,131,131,131,173,176,176,173,170,129,125,125,170,186,194,194,191,189,181,176,173,129,125,123,123,129,173,176,178,181,183,181,131,126,125,126,129,176,178,178,176,131,173,176,181,181,183,186,183,181,176,178,181,186,189,191,191,189,189,189,189,191,194,194,194,194,194,194,194,196,199,199,194,191,189,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,209,207,186,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,14,35,0,0,43,46,0,0,0,0,59,56,0,66,61,0,0,0,0,0,0,0,0,0,0,46,0,0,0,0,46,0,0,40,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,165,165,176,189,196,199,196,191,186,178,176,176,178,186,191,194,191,189,189,191,194,196,199,196,194,194,194,196,196,191,189,186,176,165,159,159,160,160,163,163,163,155,152,155,160,165,0,163,157,155,0,0,0,0,189,194,202,215,0,0,0,0,0,0,204,207,209,215,222,225,225,220,215,217,217,212,199,183,0,0,0,0,0,0,0,0,0,0,0,0,0,194,207,212,212,212,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,207,0,0,0,0,199,196,194,189,185,183,189,199,204,204,202,199,194,189,0,0,0,0,0,0,0,0,0,228,228,217,213,215,222,230,0,0,233,235,241,251,255,255,255,251,0,225,0,0,0,0,228,225,222,222,222,222,217,215,215,209,207,207,207,207,209,209,204,202,202,202,207,209,209,209,207,204,204,202,199,194,189,187,191,196,196,194,191,191,186,178,131,125,120,121,127,176,183,189,191,194,196,194,186,176,129,125,121,123,131,178,189,196,204,209,215,222,222,225,222,217,209,204,0,0,215,222,225,222,215,209,202,199,196,199,204,209,215,215,209,202,200,202,209,215,217,215,215,215,215,215,212,209,209,209,204,199,198,198,199,202,204,204,207,207,207,204,199,194,192,194,199,202,199,199,204,215,225,228,228,228,230,228,228,228,230,233,233,233,230,229,230,235,235,228,222,220,222,225,230,233,233,230,225,225,225,228,230,230,230,228,222,222,228,228,228,228,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,103,124,129,129,126,126,126,126,124,121,118,118,116,116,118,118,124,131,139,147,152,155,139,55,19,17,59,129,163,157,142,134,137,142,147,150,144,147,152,168,163,150,134,63,65,137,181,186,183,186,191,189,178,157,147,144,142,142,147,155,157,152,147,144,152,163,163,155,101,75,73,91,107,113,150,113,111,150,155,160,157,152,113,111,111,109,108,108,111,111,105,103,107,105,83,84,99,109,150,160,157,111,109,147,147,147,150,150,150,147,147,147,109,107,107,105,101,103,107,144,142,105,101,99,97,97,103,105,101,97,99,97,96,101,113,157,157,152,155,170,186,196,204,209,212,207,173,119,113,113,113,115,121,165,168,170,163,117,115,121,170,186,189,194,196,191,178,165,121,119,119,121,119,117,117,121,160,160,121,117,117,117,117,121,163,165,121,119,121,123,123,121,119,117,123,173,189,204,215,217,215,212,209,204,194,183,181,183,181,181,189,196,202,204,199,194,186,181,181,186,181,130,130,176,176,176,178,178,178,178,178,181,186,189,183,176,176,181,189,189,183,178,181,186,186,183,186,183,176,131,133,183,191,191,186,181,179,179,189,194,202,209,204,191,196,225,238,241,233,215,202,194,199,207,196,191,191,189,189,191,191,178,122,123,129,178,189,196,196,194,191,199,202,196,194,194,189,181,181,178,136,181,189,183,131,128,129,176,183,189,186,181,178,133,131,176,181,181,189,212,222,204,189,181,176,176,178,183,186,186,178,133,133,133,135,135,178,183,186,191,196,202,204,199,189,183,186,194,199,196,189,186,181,133,125,125,131,183,196,209,212,196,129,117,115,121,129,178,191,199,202,204,202,196,189,186,186,189,191,194,191,189,181,125,113,111,119,181,199,204,204,204,204,204,196,186,176,173,173,129,127,126,127,127,125,119,113,111,115,121,127,165,125,165,173,178,176,165,123,123,121,117,115,119,123,125,125,119,117,117,123,176,186,191,194,194,194,191,191,191,181,170,169,176,183,183,186,186,181,178,183,189,194,196,196,199,204,204,196,191,187,187,189,196,204,209,207,204,202,194,183,133,129,129,131,181,186,183,181,181,186,186,186,178,131,127,129,176,178,178,173,125,121,117,115,116,123,127,131,176,178,178,135,135,183,194,202,207,207,207,207,207,204,204,202,202,207,209,209,209,209,207,202,191,186,189,194,191,181,129,129,178,189,186,186,189,186,173,125,129,176,176,170,129,129,127,127,127,127,173,178,178,176,176,168,125,121,119,121,123,127,173,183,186,181,173,173,173,168,123,123,168,173,170,127,123,125,129,176,176,131,131,176,183,189,191,196,196,194,196,202,209,212,212,207,204,199,196,196,196,194,194,194,194,196,196,196,196,196,202,207,204,202,202,202,199,191,186,170,103,96,100,115,125,168,168,170,173,173,170,165,125,168,170,127,126,127,176,191,196,189,173,126,125,127,173,176,173,129,129,173,176,173,131,181,189,178,124,124,127,176,186,189,189,181,179,181,186,189,189,183,178,178,183,189,196,204,207,202,185,181,182,186,194,196,194,191,194,199,204,207,209,209,209,196,133,127,129,133,133,178,186,191,196,199,202,199,199,191,181,176,181,194,199,183,127,124,127,176,183,183,181,176,176,183,186,178,131,131,133,181,186,191,202,204,204,202,196,189,176,125,119,119,123,129,131,178,181,181,181,178,176,173,131,131,129,125,121,123,131,178,183,191,194,194,194,191,191,186,183,186,189,191,189,187,187,191,194,189,186,189,196,204,209,207,204,202,202,196,194,194,194,196,199,202,202,202,202,202,202,199,199,194,194,199,202,202,199,199,202,196,191,186,186,186,186,191,194,191,194,202,207,212,212,209,207,204,204,202,196,194,195,196,199,199,196,194,194,189,133,123,120,123,127,129,128,127,128,176,186,194,191,189,186,186,183,178,135,133,137,183,189,191,196,202,207,209,207,207,212,222,225,222,217,215,212,215,215,212,207,202,196,199,204,207,212,217,212,139,107,106,113,125,135,139,141,143,194,202,209,209,209,209,207,204,199,194,189,189,194,199,204,207,204,204,202,202,204,204,202,202,204,204,207,204,204,204,209,212,212,207,202,194,191,196,204,199,191,189,186,139,137,137,137,181,181,178,178,181,181,181,178,178,178,178,133,133,178,189,191,183,178,178,181,186,191,189,183,176,174,176,181,183,183,186,191,191,191,189,186,183,185,189,191,191,191,194,194,196,199,199,194,194,196,196,191,189,191,196,196,196,199,199,196,194,191,189,186,183,183,186,191,191,186,181,178,177,178,183,191,194,196,199,199,199,199,199,199,202,204,202,196,189,181,183,186,191,189,181,176,176,176,131,129,130,173,173,170,170,173,173,173,178,186,194,196,194,189,183,178,176,173,170,127,127,129,173,173,176,178,181,178,131,126,125,126,129,173,178,178,176,131,131,176,181,181,183,183,181,176,133,176,181,186,186,186,189,189,189,186,186,186,189,191,194,194,191,191,194,199,202,202,196,191,189,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,199,196,181,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,38,51,0,46,38,46,0,173,170,0,69,56,56,53,48,56,0,0,0,0,0,0,0,0,0,0,48,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,163,165,181,191,196,194,0,0,178,173,168,168,173,181,186,189,189,191,194,196,196,196,194,194,194,196,199,196,194,191,189,181,170,165,163,160,155,155,160,163,165,165,165,165,163,0,165,0,0,0,0,0,0,194,191,196,204,0,0,0,0,0,0,207,207,209,215,222,225,228,222,217,220,222,215,204,191,178,0,0,0,0,0,0,0,0,0,0,178,186,196,204,209,212,209,204,196,189,0,0,0,0,0,186,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,199,191,186,182,181,186,202,209,209,207,202,196,189,0,0,0,0,0,0,0,212,0,228,228,222,216,216,222,225,230,0,233,233,241,251,255,255,255,251,0,228,0,0,0,0,225,222,222,222,217,217,215,212,212,212,209,209,207,209,215,215,209,204,202,202,204,207,209,207,207,204,204,204,202,196,194,194,196,199,199,196,194,194,189,181,131,125,120,120,125,176,186,191,194,199,202,199,194,183,173,127,123,125,131,178,186,194,202,207,215,217,222,225,222,215,209,204,202,207,215,225,230,228,225,215,209,204,204,202,202,204,209,212,209,202,199,202,212,222,222,222,217,217,215,215,212,212,212,209,204,199,198,198,199,204,204,207,209,212,209,207,199,196,194,196,202,204,202,199,204,215,222,225,225,225,225,225,225,225,228,233,235,233,230,230,233,238,235,228,222,220,222,225,230,233,233,230,225,225,228,228,230,230,230,228,222,222,225,228,228,228,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,108,124,134,137,134,131,129,129,126,121,111,100,95,100,103,105,113,129,144,155,152,121,39,0,0,0,0,45,124,137,137,137,142,150,152,147,137,139,150,178,181,176,137,67,79,152,178,181,181,186,189,189,178,157,144,142,144,147,150,152,152,147,142,144,155,160,155,77,50,54,67,97,111,109,93,77,85,105,113,150,150,152,150,150,152,113,109,109,113,150,113,107,111,107,84,83,95,105,147,157,152,105,105,111,147,147,150,150,150,147,150,152,150,147,109,105,101,103,142,144,142,105,99,95,95,97,101,101,99,95,97,97,99,105,150,160,160,155,155,170,189,196,204,209,212,207,178,160,117,117,117,117,121,165,168,176,173,121,115,113,117,163,168,170,173,173,170,168,123,119,117,117,117,116,116,119,163,165,160,117,111,111,115,123,163,121,113,115,123,163,121,115,115,117,125,173,186,202,212,217,215,209,207,199,189,181,179,181,183,186,189,194,196,196,191,189,186,183,181,183,178,131,133,178,178,178,181,183,183,178,178,181,186,189,183,176,174,181,194,199,191,178,177,183,186,183,186,183,176,129,131,183,194,194,189,181,179,181,189,189,191,199,191,182,186,217,233,241,238,233,222,207,204,209,199,191,191,191,194,202,204,194,131,127,131,178,189,194,194,189,186,194,196,191,189,189,183,181,183,178,134,178,194,191,181,133,131,178,189,194,191,183,178,181,186,186,186,189,194,204,212,207,194,186,181,181,183,186,186,181,135,131,131,131,133,135,181,183,189,186,186,186,186,186,178,178,186,196,202,196,191,189,189,186,173,129,176,186,196,207,209,194,127,113,109,113,125,176,189,196,202,204,202,196,189,186,186,189,191,194,194,191,183,125,113,111,123,186,204,207,204,204,207,207,202,194,183,178,176,170,127,127,129,170,170,168,127,127,168,170,173,168,125,125,170,178,178,173,168,168,123,115,109,113,121,165,165,123,118,117,121,170,186,196,196,189,181,178,183,183,178,170,170,178,183,189,191,191,183,178,178,181,186,189,191,194,199,202,199,194,191,189,191,194,202,207,209,207,204,196,183,133,129,127,129,176,181,178,178,181,189,191,183,176,127,124,127,176,181,181,176,127,121,119,117,119,123,125,127,133,183,186,183,181,183,189,199,204,207,209,209,207,207,207,204,204,207,209,212,209,212,212,207,194,183,181,183,181,176,131,133,183,189,186,189,196,199,194,194,191,183,178,173,170,127,123,123,123,123,170,181,183,181,178,170,123,119,117,119,125,170,176,178,178,173,173,176,176,168,124,124,170,173,127,123,121,121,127,129,129,127,127,131,176,181,189,196,199,199,202,207,212,215,215,207,202,199,196,199,199,196,194,194,194,196,196,196,196,194,194,199,196,194,199,199,191,181,173,125,111,100,101,115,168,176,178,186,191,191,183,173,168,168,168,127,126,127,176,191,194,186,170,125,126,170,176,176,173,129,129,131,173,129,128,133,183,178,125,125,129,176,183,189,189,183,181,186,191,194,191,189,189,189,194,196,202,204,207,196,185,182,185,194,194,191,190,190,191,196,202,207,204,204,202,183,121,116,117,117,117,121,133,189,191,189,186,186,194,194,183,176,176,183,183,129,122,123,133,189,194,191,183,133,133,183,181,131,127,129,173,178,183,191,202,204,204,202,199,189,131,123,121,121,123,125,129,178,181,183,183,183,181,176,173,173,173,176,176,178,183,186,191,199,196,191,186,186,183,181,181,183,189,191,191,189,189,189,189,186,185,186,191,196,199,202,202,202,202,199,196,196,196,199,202,204,204,204,202,202,202,199,196,194,194,199,204,207,204,204,204,204,199,196,189,183,181,186,189,189,191,196,204,209,212,209,207,204,204,204,202,196,196,199,202,202,199,196,196,191,178,125,122,123,127,129,128,127,127,131,178,186,189,186,186,186,186,186,183,181,186,191,194,196,196,199,204,209,209,212,217,225,225,222,215,212,209,212,212,209,204,199,195,196,202,207,209,215,207,131,103,103,111,121,135,139,143,191,199,204,209,209,209,209,207,204,199,194,189,191,194,199,202,204,204,204,202,202,204,207,207,209,212,212,215,212,207,207,209,212,212,207,204,202,196,196,196,191,187,189,189,189,183,181,181,183,186,183,181,181,181,181,178,177,177,178,133,132,133,183,189,186,181,181,186,189,191,189,183,178,176,181,186,189,186,189,189,191,189,189,186,183,183,189,194,194,196,199,199,199,199,199,194,191,189,189,189,189,191,194,194,194,194,194,191,189,183,181,178,178,181,186,191,194,191,186,179,177,177,181,186,189,191,194,196,199,199,199,202,204,204,202,194,183,178,178,183,191,191,189,186,183,183,173,129,128,131,173,173,173,176,178,178,178,181,186,191,194,191,186,183,181,178,178,176,173,173,173,173,173,176,178,178,176,131,127,127,129,131,131,131,131,131,131,176,181,183,186,183,178,133,131,133,181,183,183,186,186,189,189,183,181,183,189,191,194,194,191,191,194,196,202,202,199,194,189,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,202,194,168,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,33,35,0,178,181,0,0,0,0,53,51,0,0,0,0,0,0,0,0,0,0,0,0,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,0,0,168,186,194,0,0,0,0,0,0,165,165,173,178,183,189,194,196,196,199,196,194,194,194,196,196,196,194,191,186,178,170,165,165,160,152,152,157,160,165,170,170,163,155,157,165,173,178,178,183,0,0,0,186,183,189,0,0,0,0,0,0,0,209,212,215,220,225,228,225,222,220,0,0,0,196,186,178,0,0,0,0,0,0,0,0,0,181,186,194,202,207,209,207,202,194,186,183,0,0,0,181,178,181,0,0,181,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,217,209,204,194,186,182,182,189,202,209,209,207,204,199,191,0,0,0,0,0,0,0,212,0,228,230,228,225,222,222,222,225,230,230,233,235,246,254,254,254,248,0,225,0,0,0,0,0,222,222,222,217,215,212,212,212,215,215,215,212,215,222,222,215,209,204,204,207,209,209,209,207,207,207,207,207,204,202,202,204,204,202,196,194,191,186,178,131,125,121,120,123,170,181,191,196,199,202,202,196,186,176,129,127,127,131,176,183,191,199,207,212,215,222,222,220,215,209,204,202,204,212,222,230,230,228,222,215,212,209,204,200,200,204,209,207,202,199,202,212,222,225,222,222,217,215,212,212,212,209,209,204,199,199,199,202,204,207,209,212,215,212,207,202,196,194,196,202,204,202,202,207,215,225,225,225,225,228,225,225,225,228,233,235,235,233,233,235,238,235,230,222,220,222,225,230,233,230,228,228,225,228,228,230,230,230,228,222,222,225,228,228,228,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,105,126,142,150,152,150,142,131,121,113,90,49,37,45,57,61,90,111,147,160,134,25,0,0,0,0,0,21,75,129,137,142,150,155,155,134,93,131,147,165,165,131,54,51,75,144,163,168,170,178,181,181,173,155,142,142,147,150,152,152,150,144,139,142,150,150,89,40,37,57,152,176,163,109,73,70,79,101,109,111,113,155,155,157,157,155,150,113,150,157,160,150,111,107,91,85,87,93,105,111,105,101,103,109,144,144,147,147,147,147,152,157,157,152,144,103,101,103,107,142,107,105,99,89,87,93,99,99,95,91,91,95,99,105,113,157,157,115,117,165,186,194,199,202,202,191,176,163,121,119,119,121,163,165,170,186,189,173,119,111,110,112,117,119,123,163,165,165,163,121,117,117,117,115,115,119,165,170,168,121,109,103,111,160,160,113,105,112,163,163,109,105,107,115,123,170,181,196,209,215,209,204,199,194,189,181,179,183,186,186,186,191,199,199,191,186,186,189,186,186,183,178,183,183,181,181,189,189,186,181,178,181,183,183,181,176,173,181,196,207,199,183,178,181,181,183,186,181,133,129,129,178,189,191,186,181,183,186,189,186,186,189,186,181,183,209,228,235,238,238,233,217,207,207,202,194,191,194,196,204,207,199,186,137,133,178,183,189,189,183,182,186,191,189,186,186,183,186,191,181,131,133,191,196,191,183,135,178,189,196,194,183,178,183,196,194,194,199,202,207,207,202,189,183,178,181,181,183,181,176,131,131,131,131,131,133,135,181,181,181,135,135,135,135,135,178,189,196,199,194,189,189,191,189,181,178,178,183,189,194,196,181,121,108,106,109,123,173,183,189,194,199,199,194,189,189,191,194,196,196,194,189,178,121,111,111,123,183,199,204,204,207,207,209,207,202,194,189,181,173,129,129,129,173,178,183,186,186,183,176,127,121,117,119,125,173,178,181,181,176,165,107,95,101,117,165,170,170,168,127,127,173,186,199,196,176,115,117,168,176,176,173,170,173,178,183,186,186,178,176,173,176,176,178,181,186,194,202,202,199,196,194,191,191,194,199,202,202,199,191,181,133,129,127,127,131,133,131,129,176,189,191,181,131,124,123,125,173,181,181,178,131,129,129,129,127,129,129,129,176,183,186,183,181,181,186,196,202,204,207,207,207,207,207,204,204,207,212,212,215,217,222,212,196,183,176,133,131,131,131,176,181,183,178,181,191,204,212,217,215,199,183,176,170,125,120,120,121,123,129,181,183,181,181,173,125,117,114,116,123,170,176,173,168,127,168,170,170,127,124,127,173,170,123,120,120,121,125,127,127,127,129,131,173,178,186,196,202,202,204,207,212,215,212,204,199,196,196,199,199,199,196,194,194,196,199,199,194,189,189,186,181,181,189,191,183,170,125,125,125,117,111,117,170,183,191,202,207,204,194,183,176,170,168,168,127,168,181,191,189,181,170,170,176,178,176,173,131,131,173,173,173,129,128,173,181,178,129,129,133,178,183,189,189,189,189,191,194,194,194,194,196,196,196,199,199,199,196,189,186,189,199,202,199,191,189,190,194,199,202,204,202,199,194,135,117,114,114,112,113,116,129,186,191,183,178,178,189,196,196,189,189,189,183,129,124,125,183,199,196,189,178,126,133,186,181,115,112,125,173,181,186,194,202,204,202,199,194,186,127,119,121,125,123,125,129,176,181,186,189,189,186,178,176,176,178,178,181,183,186,194,199,204,196,189,183,181,178,178,178,181,186,191,194,194,194,191,186,186,189,191,191,191,191,194,196,199,199,199,199,199,199,199,202,207,207,204,204,202,202,202,199,196,196,199,204,207,207,207,207,204,204,202,194,183,178,181,189,189,191,194,202,207,209,209,207,207,204,204,204,202,199,196,199,199,194,194,196,194,183,133,129,129,133,135,133,129,129,131,133,176,178,181,183,189,189,186,186,186,191,199,202,202,199,199,202,207,212,217,222,225,222,215,209,209,207,207,209,207,204,199,196,196,199,204,209,212,209,189,118,119,131,141,191,194,194,196,202,207,209,209,209,209,207,204,199,191,189,191,194,196,199,202,202,202,204,204,207,209,209,212,215,217,225,222,212,209,212,215,212,209,207,207,204,202,196,191,191,196,199,196,191,186,186,189,189,189,186,183,181,181,178,177,177,178,176,132,132,178,181,183,181,183,186,189,189,189,183,178,178,186,191,191,189,189,189,189,189,191,189,185,185,189,194,196,202,204,204,204,202,199,194,191,189,186,186,186,189,194,194,194,191,186,186,183,181,177,177,177,178,183,189,191,191,189,186,181,183,186,189,189,189,191,194,196,199,199,202,204,202,196,189,181,135,135,178,186,189,189,189,189,186,178,130,129,131,176,178,176,176,176,176,173,172,176,186,191,191,189,189,183,181,181,181,181,176,176,173,131,173,178,181,181,176,131,127,127,127,126,126,127,129,131,176,183,186,186,186,181,133,132,133,178,181,181,183,186,186,186,181,179,181,186,191,194,194,191,191,191,194,199,199,199,194,191,189,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,199,194,183,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,56,30,30,0,165,170,0,64,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,170,0,0,0,0,0,0,0,0,165,168,173,178,186,191,194,196,196,194,191,191,191,191,189,189,191,189,181,173,163,160,160,157,152,152,152,155,157,165,168,157,0,152,165,0,181,181,186,194,0,0,0,0,0,0,0,0,0,0,0,0,0,207,209,215,222,225,222,215,215,0,0,0,199,191,186,0,0,0,0,0,0,0,176,176,181,186,194,199,204,207,204,196,189,0,178,176,173,170,170,170,173,181,183,183,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,217,212,207,199,189,183,183,191,202,207,209,207,207,202,196,0,0,0,0,0,0,0,0,0,0,230,230,228,225,222,220,222,228,230,230,233,238,246,248,248,0,233,0,0,0,0,0,0,222,225,222,217,212,211,211,215,222,225,225,222,222,225,225,222,212,207,207,207,209,212,212,209,212,212,215,215,212,209,209,212,209,202,196,191,191,183,135,129,125,121,120,121,127,176,183,194,196,199,199,196,189,178,170,129,129,170,173,178,186,196,204,209,215,222,222,217,215,209,207,204,204,209,217,228,233,230,225,222,222,215,209,202,202,204,207,209,204,200,202,209,217,222,222,222,217,212,209,209,209,209,207,204,199,199,199,202,207,209,212,215,215,215,209,202,196,194,196,202,204,204,204,212,222,228,228,228,228,230,228,228,228,230,235,238,238,235,233,235,238,238,230,225,222,222,225,230,230,230,228,225,228,228,230,230,230,228,225,222,222,228,228,228,228,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,105,131,147,160,170,168,152,124,95,69,25,0,0,0,0,0,9,29,63,124,55,0,0,0,0,0,1,39,75,124,134,142,150,155,137,65,77,126,144,142,95,59,50,49,83,137,144,152,155,160,165,168,160,144,137,139,144,147,150,152,150,147,139,137,139,137,81,34,34,93,191,191,168,101,71,73,89,101,107,109,150,155,155,155,157,157,155,152,152,157,163,160,152,109,95,83,82,87,101,103,101,100,105,144,144,144,144,147,147,150,155,157,157,152,142,103,101,103,103,103,103,103,101,79,73,89,101,99,93,89,87,93,99,103,107,115,115,113,113,160,176,183,186,186,183,176,165,160,121,121,123,163,165,165,170,191,199,186,163,112,110,111,113,119,123,123,123,123,163,121,117,119,119,117,117,121,168,176,173,160,103,98,109,163,165,115,107,115,165,123,108,103,106,113,119,123,173,189,202,207,202,191,186,189,189,183,181,183,186,186,189,196,204,204,194,183,189,196,196,194,194,194,196,191,186,186,191,191,186,183,183,183,183,183,183,178,176,181,194,202,196,186,178,178,178,181,183,178,129,127,127,131,178,178,178,181,186,191,191,185,185,186,186,182,185,202,217,228,230,235,233,215,204,204,202,194,191,194,194,196,199,196,191,181,135,135,183,189,186,182,182,183,186,189,189,186,183,186,196,181,128,129,189,199,196,186,178,135,186,194,191,181,176,183,194,196,199,204,209,209,202,183,133,176,178,178,178,178,176,133,131,129,129,129,129,131,133,135,178,135,133,133,133,133,133,176,183,191,191,186,183,186,189,191,189,189,189,186,183,183,183,170,115,107,106,111,127,176,181,183,186,194,194,189,186,189,194,196,199,196,191,181,129,115,109,110,121,176,191,202,207,209,212,212,212,209,204,196,186,173,129,129,168,173,181,191,196,196,189,176,119,113,113,114,119,165,178,186,191,183,125,87,67,71,105,125,173,181,186,186,178,178,181,186,178,99,88,99,121,173,176,173,125,123,127,173,173,127,127,129,129,127,127,129,131,176,189,199,199,196,196,194,194,191,191,191,191,191,191,186,181,133,131,129,127,127,127,122,122,131,183,189,183,176,127,123,124,131,176,176,176,176,181,186,181,176,176,176,176,181,186,186,183,181,178,183,194,199,202,202,204,204,204,207,204,204,209,212,215,217,222,225,217,202,183,133,129,128,129,173,176,178,178,173,131,178,202,222,228,222,207,186,173,129,125,121,121,123,125,129,176,176,176,176,173,127,119,116,121,168,176,176,173,168,125,125,127,127,127,127,173,181,173,121,120,121,123,127,129,170,176,178,178,178,178,183,194,199,202,204,207,207,209,209,204,199,196,196,196,199,196,194,194,194,199,199,199,194,186,181,173,125,125,176,181,173,125,123,125,168,125,119,119,170,186,196,204,209,207,196,189,181,176,170,170,170,176,186,191,186,178,176,181,186,186,178,173,173,176,176,173,131,129,129,176,183,181,176,178,181,183,186,191,194,194,194,194,191,189,191,196,199,196,194,191,191,183,133,133,183,199,207,207,202,196,191,194,196,202,204,202,199,194,183,131,121,116,115,114,116,123,133,189,194,183,177,177,186,199,199,199,204,204,196,186,178,186,202,204,196,181,127,125,173,186,173,105,104,113,129,178,186,194,199,202,196,191,186,178,123,113,113,117,119,123,129,176,181,186,191,194,189,181,176,176,178,178,178,178,183,191,199,199,194,186,183,178,177,177,178,183,186,189,191,194,196,191,185,186,189,191,194,191,189,189,189,194,196,199,199,199,199,199,202,204,207,204,204,204,204,207,204,199,196,199,202,207,209,207,204,202,202,199,191,183,179,181,189,191,191,194,196,202,204,204,204,207,204,204,204,202,194,189,189,194,191,191,196,196,194,189,183,183,186,189,186,183,183,181,176,133,135,178,183,189,189,186,183,189,196,207,212,209,204,199,199,204,212,217,222,217,212,209,207,204,204,204,204,204,204,202,196,195,196,202,209,215,215,207,196,194,196,196,202,202,202,202,202,207,209,209,207,207,204,204,199,189,187,189,194,196,196,199,199,202,204,207,209,209,212,212,212,220,228,225,215,209,212,215,212,207,207,207,207,207,204,202,199,202,202,199,194,191,191,191,191,189,183,181,179,181,181,178,181,183,183,178,133,133,176,178,181,181,183,183,186,186,183,181,183,189,194,194,191,189,189,189,189,189,189,186,189,191,194,199,204,207,207,204,202,199,196,194,191,189,183,183,186,191,194,194,189,183,181,181,178,177,177,178,181,183,186,189,191,189,189,191,194,194,194,191,189,189,194,196,199,202,202,202,196,189,183,178,135,134,134,176,181,183,183,186,183,181,178,176,176,178,178,176,173,173,173,172,172,176,183,189,191,189,189,183,181,181,183,181,178,176,173,131,131,176,181,181,176,131,129,129,127,125,126,127,131,176,183,186,186,186,186,183,178,133,133,176,178,178,181,183,183,183,179,179,181,189,191,194,191,191,191,191,191,194,196,196,194,191,191,191,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,196,191,163,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,59,35,35,0,0,0,64,38,33,40,46,0,0,0,0,0,0,61,0,0,0,43,33,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,186,191,191,191,189,186,186,183,178,176,176,183,183,178,168,157,155,155,155,155,157,155,152,150,152,157,155,151,152,163,173,178,181,186,194,196,0,0,0,0,0,0,0,0,0,0,0,196,199,202,209,215,215,0,207,207,0,0,0,0,194,189,189,0,0,0,0,0,181,176,173,178,183,189,196,202,204,199,194,186,178,173,165,163,160,163,168,173,178,183,183,181,178,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,215,212,207,202,194,186,186,189,199,0,0,0,207,204,196,0,0,0,0,0,0,0,0,0,0,228,225,225,225,222,221,221,225,228,228,228,233,0,0,0,0,0,0,0,0,0,0,0,222,225,225,217,212,211,211,215,225,230,230,225,225,225,228,225,215,209,207,207,209,212,212,215,217,222,222,225,222,222,217,215,212,204,199,196,191,183,133,129,125,123,120,120,123,127,176,186,189,191,191,191,189,181,173,170,129,129,131,176,183,194,202,209,215,222,225,222,215,212,209,207,204,207,215,228,233,233,228,228,225,222,215,209,207,207,209,209,207,202,202,204,209,217,222,222,215,209,207,207,207,207,204,202,199,199,199,204,207,209,212,212,215,215,212,204,196,192,194,202,207,209,209,217,228,233,233,233,233,233,233,230,230,233,235,241,241,238,235,235,241,238,233,228,225,225,225,228,228,228,228,225,228,230,233,233,230,228,225,222,225,228,230,230,230,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,134,147,160,173,170,147,92,19,0,0,0,0,0,0,0,0,0,0,13,0,0,0,0,0,0,55,67,81,118,129,137,144,150,57,49,65,126,139,126,85,65,54,54,91,134,137,142,144,147,152,155,150,137,135,137,142,137,137,142,144,142,101,97,97,99,95,39,37,95,181,170,105,81,70,85,99,101,103,109,150,150,147,147,152,155,155,152,147,150,157,165,165,152,93,79,79,91,105,103,100,101,109,147,147,147,144,144,147,152,157,160,155,147,142,105,101,101,101,99,97,97,99,62,59,81,103,103,95,87,84,89,99,101,103,107,111,111,113,155,165,168,170,170,170,165,121,119,121,121,163,170,168,165,168,186,196,186,168,117,113,115,115,121,165,163,122,122,163,163,121,121,121,119,119,160,168,176,173,119,98,96,109,168,176,165,119,121,163,163,117,109,109,113,115,117,125,176,189,191,186,178,170,178,186,183,181,178,181,186,191,202,207,204,191,183,191,207,209,207,204,207,212,204,194,191,194,189,186,186,189,189,186,186,189,186,181,178,183,189,189,183,178,176,176,178,181,133,129,127,126,127,129,131,133,181,191,194,191,185,185,186,189,186,186,194,204,212,215,217,217,204,199,199,199,194,191,191,189,189,191,189,186,181,135,135,183,189,189,186,183,183,186,189,189,183,137,183,194,137,128,130,189,199,194,186,135,133,178,186,186,178,133,178,183,191,202,207,209,207,194,129,127,129,176,178,176,133,131,131,129,129,129,129,129,131,133,178,178,178,178,133,131,129,129,131,176,181,183,181,181,183,189,194,196,196,194,189,181,178,176,127,115,107,107,117,173,183,181,181,183,189,189,186,183,189,194,196,196,194,183,170,121,110,108,111,119,129,183,199,209,212,215,215,215,212,209,202,186,173,129,127,127,170,181,191,199,199,191,176,117,113,113,114,121,168,181,189,191,183,115,69,59,61,87,117,168,183,191,191,183,176,168,127,115,86,82,93,121,173,176,170,117,115,117,123,121,113,113,121,123,121,119,119,121,129,181,191,191,191,191,194,194,194,191,189,186,186,186,183,178,133,133,133,129,129,123,120,120,125,178,189,191,186,173,127,125,127,131,173,176,181,189,194,186,183,183,183,183,186,189,191,189,183,178,178,189,191,194,194,196,202,204,207,207,204,207,212,215,217,222,225,215,202,186,133,128,128,129,173,176,178,176,129,121,121,191,217,217,215,204,183,170,129,127,125,123,121,121,125,170,170,129,168,168,168,127,168,176,183,183,181,178,170,125,121,123,123,125,170,183,191,181,127,123,125,127,170,176,183,189,189,189,186,183,183,189,196,202,204,204,207,207,207,204,199,196,196,196,194,191,189,189,194,196,196,196,194,186,176,125,120,120,127,173,129,124,124,125,168,127,121,121,168,183,194,196,199,199,194,189,183,181,176,173,173,178,186,189,183,181,183,189,191,191,183,178,178,173,131,129,129,127,131,178,181,181,181,183,186,191,194,194,194,194,191,186,181,178,186,196,199,196,186,181,135,127,120,121,135,202,209,209,207,202,199,199,202,204,207,199,191,181,135,129,125,123,123,123,133,183,189,194,196,189,179,183,191,196,196,199,207,207,204,199,196,202,207,204,189,131,125,126,131,176,123,105,104,112,123,176,183,189,194,194,189,183,178,129,119,110,108,110,117,123,129,176,181,186,191,191,189,183,178,181,181,181,178,177,178,186,189,191,189,186,183,183,181,178,181,181,183,183,186,191,194,189,185,185,186,191,194,194,191,186,186,189,191,194,196,199,199,196,199,202,204,207,204,207,209,209,209,202,199,196,199,204,207,204,199,196,196,194,189,183,181,183,189,191,191,191,194,196,199,199,202,204,204,202,202,196,186,182,182,189,191,194,196,202,199,199,196,194,196,199,196,196,196,194,189,178,178,181,186,191,189,183,183,189,199,212,217,215,209,204,202,204,209,215,215,209,204,202,202,202,202,202,202,202,202,199,196,194,196,207,215,222,217,212,204,196,194,196,199,202,204,204,204,207,209,207,207,204,202,202,199,189,187,189,191,194,196,199,199,202,204,207,212,212,212,211,211,215,225,225,215,207,209,209,207,204,202,202,207,212,212,207,202,196,194,189,191,194,194,194,194,191,183,181,179,181,181,183,186,189,189,183,178,176,176,176,178,178,178,181,181,183,183,181,183,189,194,194,191,189,191,191,186,186,186,189,189,191,194,199,204,207,207,204,202,199,196,196,194,189,183,182,183,189,191,194,189,183,181,178,178,177,178,181,183,186,189,191,189,189,191,196,199,199,196,191,189,189,194,196,202,202,199,194,189,181,181,181,181,135,134,133,134,176,178,181,181,181,181,181,178,178,178,176,173,173,176,173,172,176,186,191,191,189,186,183,178,178,181,181,176,176,173,131,131,176,178,178,176,173,173,173,131,127,126,129,176,183,189,189,186,186,186,186,183,176,132,132,132,176,178,181,181,181,181,179,183,189,191,191,191,191,191,190,191,191,194,194,191,191,194,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,194,189,183,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,14,20,40,0,0,53,46,53,0,95,77,48,27,25,33,38,43,0,59,0,0,0,64,0,0,0,27,20,14,0,0,0,0,0,0,0,0,30,33,0,0,0,0,0,0,0,0,0,0,0,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,186,183,178,178,178,176,168,164,165,173,178,176,165,157,153,155,160,163,168,165,155,147,146,150,152,155,155,160,168,173,178,183,191,191,0,0,0,0,0,0,0,0,0,0,0,0,186,194,199,202,0,199,0,199,202,202,0,0,196,191,191,0,0,0,0,183,178,173,168,173,178,183,189,194,196,194,189,181,173,165,160,155,155,160,165,170,176,178,181,0,176,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,0,209,209,209,209,207,202,196,191,189,189,196,204,0,0,207,202,0,0,0,0,0,0,0,0,0,0,0,217,215,217,222,222,222,222,222,225,222,222,228,0,0,0,0,0,0,0,0,0,0,0,217,225,222,217,212,211,212,217,228,233,233,228,225,225,225,222,217,212,209,209,212,215,217,222,225,228,230,230,230,228,225,222,215,209,204,202,196,186,135,131,127,125,121,120,121,123,129,176,181,181,186,189,189,183,178,173,129,127,127,129,176,186,196,207,215,225,228,225,217,215,212,209,207,207,215,225,233,233,230,228,228,225,217,215,212,212,212,212,209,204,199,202,204,212,217,217,215,209,207,207,207,204,202,199,199,199,202,207,209,212,212,212,215,212,209,202,196,192,196,207,212,215,217,225,233,238,238,235,235,235,235,233,233,233,235,241,241,238,235,238,238,238,233,230,228,228,225,225,228,228,225,225,225,228,230,233,230,228,222,222,225,228,230,233,233,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,126,139,147,157,157,113,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,71,75,105,113,121,129,137,139,48,56,77,126,131,91,85,83,69,56,83,134,137,139,139,139,144,147,147,142,139,147,95,63,69,85,77,81,77,45,59,95,95,57,40,73,139,139,93,69,73,93,103,103,103,109,150,147,108,108,109,152,155,111,99,97,147,168,176,170,89,72,78,97,107,107,102,102,147,155,152,150,147,144,147,157,165,163,152,144,142,105,101,101,101,99,95,91,65,53,52,71,103,105,95,84,81,85,97,101,101,101,105,111,115,155,157,160,160,160,163,160,121,119,119,123,168,173,168,163,163,173,178,170,123,121,121,121,121,163,168,165,122,122,165,170,163,121,119,119,118,119,163,170,170,113,96,96,109,121,163,168,163,121,121,163,163,121,115,117,115,117,121,125,168,170,170,127,123,129,178,181,178,177,181,189,194,202,202,191,181,183,196,212,217,212,209,212,217,215,204,196,194,189,186,189,194,191,186,186,194,189,181,178,178,181,181,181,181,178,176,176,176,133,131,129,126,127,129,131,133,181,191,194,191,185,186,191,194,194,191,191,196,202,202,202,202,202,199,199,196,191,189,186,183,181,181,183,181,183,137,137,186,191,191,189,189,189,191,191,189,137,135,137,186,137,132,133,183,194,191,183,135,131,130,133,178,178,176,133,176,186,199,204,202,194,178,128,127,129,133,176,176,133,131,129,129,129,129,129,129,131,176,183,186,186,181,133,127,127,127,127,131,176,181,181,181,183,189,196,196,196,191,186,181,176,173,127,117,111,111,119,178,183,178,176,181,189,186,178,176,181,189,191,191,186,176,123,115,111,111,115,121,127,176,191,207,215,217,217,217,217,215,204,189,173,127,125,125,127,178,189,194,199,194,176,121,115,115,121,173,183,186,183,178,125,105,79,66,67,89,111,125,176,183,186,176,125,121,117,111,95,91,107,125,173,176,170,116,115,116,117,112,110,112,119,119,117,115,115,117,121,131,178,181,186,189,191,194,196,196,194,189,186,183,178,176,131,129,131,173,173,129,123,122,129,181,191,194,191,183,173,127,127,173,181,181,183,186,186,181,178,186,191,186,186,186,186,189,191,186,176,178,183,183,186,191,202,204,204,204,202,202,207,209,207,207,209,204,196,181,129,128,131,173,173,176,173,131,127,113,105,110,196,202,199,194,186,176,170,129,127,123,118,117,119,125,127,125,125,125,168,176,183,191,194,191,189,183,173,123,119,119,119,123,170,183,189,183,176,168,168,170,176,186,194,199,196,194,194,189,181,186,194,199,204,207,209,209,207,204,196,194,196,194,186,178,178,183,189,191,189,194,196,189,131,121,119,120,127,170,170,127,127,168,170,168,123,123,168,181,189,191,194,194,189,181,178,178,181,181,176,176,183,183,183,186,189,194,194,194,189,186,178,131,127,125,123,123,125,131,176,176,178,183,191,196,194,189,183,178,176,131,123,123,176,196,199,191,181,133,127,122,120,122,178,199,209,209,207,204,202,202,204,207,204,196,133,128,129,131,133,181,183,189,194,199,202,204,202,196,191,191,194,196,196,199,202,204,204,202,199,199,204,199,181,127,125,126,129,129,125,123,123,123,123,173,176,178,181,183,181,176,170,125,117,110,108,111,121,129,173,176,183,189,189,189,186,183,183,183,186,186,183,181,183,183,186,189,191,194,191,191,191,186,181,179,179,181,186,189,189,186,185,185,186,191,194,196,194,186,186,186,186,186,189,191,194,199,202,202,204,207,207,207,209,209,207,202,199,196,196,199,204,202,196,194,194,191,186,183,181,183,189,191,189,189,191,194,196,196,199,202,202,202,196,189,182,181,183,191,194,194,196,199,199,199,199,199,202,204,199,196,196,196,191,189,183,183,183,186,183,181,178,183,196,207,215,212,209,204,202,202,207,209,209,207,202,198,196,198,204,204,202,200,202,199,195,194,199,212,217,222,222,215,202,191,143,143,191,199,204,204,202,204,207,207,207,202,202,202,199,194,187,186,187,194,199,202,202,204,204,207,209,212,212,212,211,212,217,217,212,207,204,207,204,202,202,202,207,212,215,209,199,189,181,181,186,191,194,194,196,191,186,181,181,183,186,189,191,191,186,181,178,178,178,178,176,174,176,178,181,181,178,178,178,186,189,189,186,189,191,191,186,183,183,185,186,186,189,194,199,204,204,202,199,196,196,196,196,191,183,182,183,189,194,194,189,186,181,181,181,183,183,186,189,191,196,196,189,189,194,199,199,199,194,189,187,189,194,199,202,202,194,183,177,177,178,183,183,181,176,133,134,176,176,178,181,181,181,181,178,178,178,176,176,176,176,173,173,176,183,189,189,186,183,183,181,181,178,178,176,176,173,131,131,131,131,173,176,178,181,181,176,129,127,131,181,189,191,189,186,185,186,186,186,181,133,131,131,133,178,181,183,183,183,183,189,194,191,189,189,191,191,191,194,191,191,189,189,191,196,199,199,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,189,183,176,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,27,43,51,61,0,0,0,53,40,35,35,0,40,43,48,56,69,0,0,64,0,0,0,33,20,14,12,14,14,0,0,0,0,0,0,30,0,0,0,0,0,0,0,0,0,0,0,46,0,48,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,181,178,173,173,173,173,170,165,165,168,170,170,165,157,157,163,168,173,178,178,168,152,0,147,152,152,152,155,157,163,170,181,186,181,168,0,0,0,0,0,0,0,0,0,0,0,178,191,194,191,189,0,0,0,0,0,0,0,0,0,189,186,183,181,0,178,173,168,165,165,168,173,178,181,181,181,176,170,165,160,155,152,152,155,163,168,170,170,170,176,176,176,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,0,0,0,0,212,212,209,207,207,204,202,199,194,191,194,199,204,207,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,215,222,225,222,222,217,215,0,0,0,0,0,0,0,0,0,0,0,0,207,209,217,222,215,212,212,217,225,233,235,233,228,225,222,222,222,217,215,212,212,215,222,225,228,230,233,235,235,235,233,230,228,222,215,209,204,199,191,183,135,131,127,123,121,121,119,121,125,129,173,178,186,189,186,183,176,129,123,0,123,127,176,189,199,209,220,225,225,222,217,215,212,207,207,212,222,228,230,228,228,228,225,222,217,217,217,215,212,209,204,199,198,202,207,212,212,212,209,209,209,207,204,199,198,198,199,204,212,215,215,212,212,212,212,207,199,196,196,204,212,217,222,228,230,235,238,238,238,235,238,238,235,235,233,235,238,238,238,235,238,238,235,233,230,230,230,228,225,228,228,225,222,222,225,228,230,230,225,222,217,222,228,230,235,235,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,118,126,137,131,87,48,11,0,0,0,0,0,0,0,0,0,0,0,15,7,0,0,0,43,71,105,108,111,113,121,126,131,129,53,64,85,124,126,118,87,87,67,52,69,124,131,137,137,137,142,147,150,147,142,142,39,0,0,0,0,0,0,0,39,93,99,83,65,83,101,99,85,73,83,95,101,105,109,147,150,150,109,107,108,111,111,101,90,85,99,160,178,183,99,69,76,99,107,107,103,105,152,155,155,152,147,107,107,152,163,163,152,144,107,103,101,101,99,97,93,87,77,53,51,69,97,99,91,85,83,87,97,101,100,100,103,109,115,117,119,119,119,157,160,121,119,118,119,163,170,173,168,123,123,163,123,119,119,121,123,121,121,168,173,170,163,122,123,165,163,121,119,118,119,121,160,163,163,119,103,99,101,103,109,119,160,160,121,163,165,121,115,117,117,119,119,119,119,119,119,119,119,125,173,178,178,181,189,196,202,199,191,181,178,181,194,207,212,212,212,215,222,217,207,196,191,186,183,189,194,189,185,185,191,189,183,178,178,181,181,181,178,176,176,176,176,176,176,133,129,129,133,178,181,186,191,194,189,186,189,194,196,199,199,196,196,199,199,198,199,202,204,199,194,191,189,183,137,137,137,137,181,183,183,183,189,191,191,189,189,191,191,194,189,137,135,137,183,181,135,136,186,191,189,183,178,131,129,131,135,181,178,135,133,178,189,191,189,178,131,128,127,129,133,133,133,131,131,131,129,129,129,129,131,133,178,186,194,194,183,131,125,123,123,125,129,176,181,186,183,183,186,191,194,191,186,183,178,176,170,127,123,121,119,121,170,173,127,129,181,186,183,173,129,170,178,181,181,178,173,123,117,117,119,123,127,129,129,181,199,212,217,215,215,217,217,204,186,170,125,123,123,125,173,181,186,191,189,173,121,117,119,168,181,191,191,183,168,121,113,103,93,97,111,121,127,170,170,168,121,115,115,115,115,113,115,165,173,173,173,170,125,121,119,117,113,112,115,119,119,115,113,111,111,115,121,127,129,176,186,191,196,199,199,196,194,191,186,181,129,125,126,131,178,181,178,131,129,176,186,194,196,191,183,178,173,176,186,194,189,183,173,119,117,127,178,183,183,181,178,181,189,194,189,133,131,133,178,181,189,196,199,196,191,191,194,199,199,191,183,183,186,183,133,127,128,173,176,176,173,129,131,129,113,102,101,111,173,183,186,186,181,176,170,170,127,121,119,120,121,125,127,127,127,168,181,194,202,202,196,189,181,173,123,119,118,117,118,165,170,170,170,176,173,125,127,176,183,194,199,196,194,194,189,181,181,186,196,204,209,209,207,204,202,196,194,191,183,127,121,127,176,183,186,183,186,189,181,127,121,121,123,129,170,170,129,129,127,168,127,123,125,170,178,183,189,191,191,183,178,176,177,181,181,178,178,181,181,183,189,194,196,196,194,194,189,181,129,121,118,118,118,119,125,129,129,176,186,194,194,183,129,126,126,127,125,120,120,129,189,191,189,181,176,131,127,123,129,186,202,209,209,207,207,204,204,204,207,204,191,129,126,129,178,189,199,202,202,204,207,209,209,209,204,196,191,191,194,196,196,199,202,202,199,191,191,196,191,178,131,127,126,127,129,176,186,186,170,121,121,123,123,127,170,176,176,170,127,119,113,110,115,123,170,176,176,183,186,186,189,186,183,183,186,189,189,189,191,194,191,189,194,202,202,199,196,199,196,186,179,179,181,189,191,189,189,189,189,191,196,199,202,199,189,189,189,183,135,133,137,191,199,204,204,207,209,207,204,207,207,202,196,196,194,194,196,199,199,196,194,194,194,189,183,181,183,186,189,189,189,189,191,194,194,194,199,202,199,194,186,183,183,189,194,196,196,194,194,194,199,199,196,202,202,196,189,186,186,186,186,181,178,178,178,135,133,133,137,186,196,202,204,202,199,196,196,202,204,209,207,204,199,196,199,207,209,204,202,204,204,196,195,204,215,217,217,222,215,202,189,142,141,143,194,199,202,202,204,207,207,204,202,199,199,202,199,191,186,187,191,202,207,207,204,202,204,207,212,215,215,212,212,215,212,209,204,204,204,202,202,202,204,207,212,212,207,194,183,179,179,189,194,194,191,191,189,183,181,183,186,191,194,194,189,183,178,176,178,178,178,176,174,176,178,178,178,176,133,133,181,183,181,181,183,189,189,186,183,183,183,185,185,186,191,196,199,196,194,191,191,194,196,196,191,186,183,186,191,194,196,194,189,183,183,186,189,186,186,189,194,202,199,191,189,194,199,199,196,191,187,187,189,194,196,199,199,191,178,176,177,181,186,186,183,178,134,134,176,174,176,178,178,178,178,178,178,176,176,176,173,173,172,173,176,181,186,189,186,183,183,181,178,176,176,176,173,131,131,131,129,127,131,176,181,186,186,178,131,129,176,183,191,194,191,189,186,185,185,186,186,181,176,133,178,183,183,183,183,183,186,189,191,189,189,189,191,194,196,196,191,189,186,186,191,196,204,204,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,189,152,121,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,9,0,0,0,0,22,48,0,0,0,0,43,0,40,46,0,51,51,0,69,0,0,0,0,0,0,0,46,0,0,0,12,4,1,0,0,0,0,0,0,0,0,0,0,0,38,33,0,0,0,0,0,0,0,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,181,178,178,178,181,181,176,170,168,165,165,163,160,157,160,168,176,181,189,186,173,157,150,147,150,147,142,144,147,155,168,181,183,176,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,0,0,0,0,0,0,0,0,0,0,186,181,178,176,176,176,173,168,163,160,160,163,165,168,165,163,160,160,160,157,155,152,152,155,160,165,165,163,165,170,176,176,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,217,212,207,207,207,207,202,196,194,194,196,202,204,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,212,217,225,228,225,222,215,0,0,0,0,0,0,0,0,0,0,0,0,204,207,212,217,217,217,222,228,230,233,233,230,225,220,217,217,217,217,215,215,217,222,228,230,233,235,238,238,238,238,238,235,233,228,222,215,209,204,194,186,181,133,129,125,121,119,117,117,117,121,125,173,183,189,191,189,181,129,121,119,117,119,125,176,186,199,209,215,217,220,222,217,212,209,209,212,217,225,228,225,225,225,225,222,220,222,217,215,215,209,204,199,198,199,204,209,209,207,207,209,209,209,204,199,198,199,204,209,215,222,217,215,215,212,209,207,202,199,204,212,222,225,228,230,233,238,241,241,238,238,241,241,241,238,235,235,238,238,235,235,235,238,235,230,228,230,230,228,225,225,225,225,222,222,222,228,230,230,225,217,217,222,228,233,235,235,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,87,124,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,7,0,0,90,111,113,118,116,116,118,124,126,126,118,67,81,118,124,121,116,116,85,63,51,63,89,129,134,134,134,137,144,147,150,142,81,0,0,0,0,0,0,0,7,77,144,139,99,91,93,97,91,71,77,93,93,95,107,150,150,150,155,152,147,109,109,109,101,92,88,99,147,173,191,160,72,79,101,107,105,105,144,152,155,155,155,147,106,105,142,152,155,152,144,105,103,103,101,97,93,89,89,91,61,57,83,99,93,87,87,87,93,99,103,103,103,107,113,117,155,119,119,157,157,160,121,118,118,121,165,173,176,170,165,165,123,119,117,119,163,165,123,121,165,173,176,168,123,123,123,163,163,160,121,121,163,160,119,121,160,119,107,95,87,93,117,163,163,121,121,123,117,114,115,117,117,119,119,119,115,114,114,115,123,170,176,178,186,196,207,209,202,186,178,177,181,191,196,199,202,207,212,215,209,199,191,186,183,183,189,189,186,183,183,186,189,186,178,181,186,186,181,178,176,176,176,134,176,135,135,131,133,178,181,186,191,194,194,189,185,189,194,196,202,207,204,202,204,204,202,204,207,209,202,191,191,189,183,137,136,137,137,137,137,181,186,191,194,191,189,189,189,191,194,189,181,137,181,183,186,189,191,194,194,191,186,181,133,130,131,178,183,183,181,133,131,135,135,133,129,128,128,129,131,176,176,176,176,176,133,131,127,127,129,133,176,181,186,194,194,183,129,122,122,123,127,131,176,183,189,186,186,186,191,194,189,183,181,181,176,173,129,127,127,125,125,125,121,117,121,173,181,178,170,125,125,168,170,178,181,176,168,125,125,125,129,173,127,125,129,186,204,209,207,209,212,212,199,178,125,123,123,123,125,168,173,176,181,178,168,121,119,123,173,186,194,191,183,170,168,173,181,189,191,186,181,178,170,123,114,112,112,115,121,165,168,173,178,176,170,170,176,176,170,168,125,121,119,121,121,119,117,113,110,108,109,113,119,121,129,181,189,196,202,202,199,196,196,194,183,127,123,125,176,186,189,186,181,178,183,189,191,191,183,178,176,176,186,199,207,194,181,121,109,109,117,129,133,181,178,176,133,181,189,183,131,129,130,133,178,186,191,191,186,178,178,186,191,189,176,125,125,129,173,129,126,127,131,176,173,129,127,170,173,125,107,104,109,119,170,181,186,183,178,176,178,181,178,173,129,125,127,170,173,168,170,183,202,209,204,196,189,181,176,170,125,121,118,118,125,165,118,117,127,125,118,118,127,178,186,191,189,186,189,183,178,173,176,186,199,207,209,204,202,199,196,194,186,129,115,115,125,176,181,183,183,178,173,127,123,121,123,127,129,170,173,170,168,127,125,125,125,168,173,181,183,189,189,186,183,178,177,177,181,183,186,189,181,176,178,189,194,196,196,194,194,191,181,127,118,116,117,118,121,127,129,128,131,183,189,183,129,123,123,127,133,133,127,127,176,183,186,186,186,186,181,176,176,183,196,207,207,209,209,209,209,207,207,204,202,194,133,131,181,191,202,212,212,212,209,209,212,215,215,209,202,191,189,191,194,196,199,202,202,191,187,187,191,191,183,178,176,131,170,176,186,196,194,129,103,93,101,113,123,173,178,181,178,170,123,117,113,115,121,129,173,173,178,181,183,189,186,181,181,186,189,191,194,199,202,199,194,196,204,204,202,202,204,202,191,181,179,183,189,194,191,191,191,194,199,202,204,207,202,191,191,191,183,125,119,122,183,196,202,204,207,207,204,204,204,202,196,196,194,194,194,196,199,199,196,194,194,194,189,183,178,178,181,183,183,183,186,189,191,191,191,196,199,196,196,191,189,189,191,194,194,191,178,131,178,189,191,191,194,194,189,181,178,178,178,178,135,131,131,131,131,133,133,135,137,183,189,194,196,196,194,194,196,202,204,207,204,202,199,202,209,212,207,207,209,209,204,199,207,212,215,215,217,215,207,196,189,143,189,194,199,202,202,204,207,204,202,199,199,202,202,202,194,187,187,194,202,209,212,207,202,202,204,209,212,212,212,209,209,207,204,204,207,207,202,202,202,204,204,209,212,207,194,183,181,182,191,196,194,189,186,181,178,178,181,186,191,194,191,186,181,176,176,178,178,178,176,176,178,178,178,176,133,132,133,178,181,176,176,178,186,191,191,189,189,186,186,185,186,191,194,191,189,186,183,183,189,191,194,191,189,189,189,189,191,194,196,191,189,191,191,191,186,185,189,196,202,199,191,189,194,196,196,194,189,187,187,189,194,196,199,199,191,183,178,181,183,186,189,186,181,176,176,176,174,174,176,176,176,178,178,176,176,173,173,172,172,173,176,178,181,183,186,186,183,183,178,176,173,173,173,173,131,129,129,127,126,127,176,181,186,186,183,176,133,178,189,194,194,194,189,186,185,185,186,189,189,183,181,183,186,183,183,183,183,183,186,186,186,186,189,191,194,199,199,191,189,186,189,191,196,204,207,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,168,103,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,48,0,0,59,43,35,0,43,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,7,0,0,0,0,22,20,0,0,0,0,0,0,30,25,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,186,186,186,186,181,170,165,163,157,155,153,155,163,173,0,181,183,181,170,160,152,150,142,0,0,0,0,152,168,181,181,173,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,186,181,178,173,170,170,170,170,168,163,160,155,155,155,152,147,144,147,152,157,160,157,152,152,152,157,160,160,157,160,165,173,176,176,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,222,215,209,209,209,207,204,202,199,196,196,199,0,0,0,0,196,196,199,204,0,0,0,0,0,0,0,0,0,0,0,228,233,233,228,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,222,225,222,228,233,235,235,233,228,217,212,212,212,215,215,215,217,222,228,233,235,235,238,241,241,241,241,241,238,235,230,228,222,215,207,199,191,183,135,129,125,121,117,0,113,0,0,121,129,181,189,194,191,183,173,125,119,116,115,0,123,131,181,194,204,209,215,217,220,215,212,212,212,217,222,225,222,222,225,225,222,222,222,222,217,215,212,207,202,199,199,204,207,204,204,204,207,209,209,207,202,199,202,207,212,217,222,222,215,215,212,209,207,204,204,212,222,230,230,233,233,235,238,241,243,241,241,241,241,241,238,238,235,235,235,233,235,235,238,235,230,228,228,228,225,224,224,225,222,222,217,222,225,230,230,225,217,222,225,228,233,235,235,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,77,3,0,0,0,0,0,0,0,0,0,0,0,5,5,21,25,17,15,53,103,116,121,121,121,118,121,126,126,121,113,108,118,124,118,116,113,85,85,71,57,69,87,126,131,131,131,134,139,142,147,137,39,0,0,0,0,19,0,0,137,168,173,150,134,99,99,97,75,55,87,99,95,95,107,150,147,147,152,157,152,147,109,109,109,147,147,109,105,147,183,173,82,86,105,107,107,109,150,155,152,155,155,144,106,105,107,144,150,150,142,103,103,103,99,93,89,87,87,87,75,75,97,103,93,86,87,91,97,103,105,105,109,113,155,155,155,119,157,160,160,160,121,119,121,165,173,178,178,176,170,168,123,119,117,121,165,168,165,121,121,165,168,170,165,123,121,163,170,173,165,163,165,160,117,119,165,173,165,101,73,77,119,165,163,119,119,121,117,114,115,115,115,117,123,165,123,115,113,115,123,129,173,178,189,199,209,212,202,183,178,178,181,183,186,186,191,196,202,199,191,183,181,181,186,189,189,189,186,185,185,186,189,186,178,178,189,194,186,181,178,178,176,134,134,135,135,133,133,178,181,186,191,194,194,189,183,185,191,199,207,212,209,207,207,207,207,209,212,212,204,191,191,191,183,139,139,183,139,135,132,133,183,191,196,194,191,189,191,194,194,189,183,181,183,186,194,202,204,202,194,191,189,183,178,135,135,183,186,186,181,133,129,129,131,131,129,129,131,135,178,181,183,186,189,183,176,129,127,127,129,133,178,178,183,189,191,181,127,122,122,125,129,176,178,183,189,189,189,191,194,194,186,183,183,181,178,173,129,129,170,129,127,125,119,113,113,123,168,168,125,123,121,125,168,181,186,181,173,168,127,127,127,170,127,124,126,176,191,196,194,191,196,196,183,127,117,117,121,123,125,127,168,168,168,168,123,119,119,127,178,191,194,189,178,173,178,191,199,202,202,202,199,196,186,165,113,111,114,123,173,173,170,173,173,168,165,168,176,183,178,176,173,168,125,123,121,119,117,115,111,108,108,111,115,119,123,170,178,191,199,202,199,199,199,196,186,131,125,129,183,191,194,191,186,186,189,189,183,173,127,127,127,129,178,199,209,199,181,121,112,114,125,129,133,181,181,133,132,133,178,176,131,130,130,131,176,181,183,183,178,172,173,178,183,181,127,122,122,127,173,131,128,127,131,173,170,127,125,127,176,176,127,121,121,119,127,176,178,178,178,181,183,194,199,199,189,176,173,178,181,173,170,178,199,207,204,196,189,181,181,181,178,176,168,125,165,170,118,115,119,121,117,118,125,170,176,178,176,176,176,173,131,129,131,178,194,207,207,204,202,199,196,191,181,123,115,119,176,183,186,186,183,173,121,117,118,121,125,127,129,129,173,176,176,170,168,127,127,173,178,183,186,189,189,186,183,181,178,178,181,189,196,196,183,170,173,183,191,194,191,189,189,186,178,127,121,119,127,131,178,186,181,176,176,178,178,176,127,126,131,186,194,194,189,186,186,183,183,186,191,194,189,183,186,196,207,209,207,207,209,212,212,209,207,204,202,199,189,189,196,202,209,215,217,217,215,215,215,217,217,209,202,194,189,186,189,194,199,202,199,190,187,187,191,194,191,189,186,183,181,183,186,186,176,107,86,79,87,109,168,181,183,186,181,173,125,117,113,112,115,121,125,170,176,178,181,189,186,178,177,183,189,191,194,199,199,194,189,194,199,199,199,204,209,207,194,183,179,183,189,191,191,191,194,196,202,207,209,212,204,191,189,194,186,123,116,119,137,189,186,194,194,196,202,204,202,196,194,194,194,194,194,196,199,199,196,194,194,191,189,181,178,178,178,178,178,178,183,186,191,191,191,194,196,199,199,199,196,191,189,189,189,135,117,113,119,131,178,181,183,186,183,178,135,135,133,131,129,128,128,129,133,135,181,181,181,137,137,183,189,191,191,190,191,194,199,202,204,207,204,204,209,209,209,209,212,212,209,207,209,212,212,212,215,215,212,204,196,194,194,196,199,202,204,207,207,204,199,199,199,202,202,202,196,191,189,194,204,209,212,207,204,202,204,207,209,209,209,209,207,202,199,204,209,207,202,200,202,204,204,209,212,207,199,189,183,183,191,196,191,186,181,135,134,134,178,183,189,191,189,183,178,176,176,178,178,178,176,178,181,181,178,176,133,133,176,181,178,176,174,178,189,194,199,199,199,196,194,191,191,194,194,189,183,181,178,181,183,189,191,191,191,191,189,186,186,191,194,196,196,196,194,191,186,185,189,194,199,194,189,186,191,194,191,189,189,187,189,191,194,194,196,199,196,191,189,189,191,191,189,186,183,181,181,178,178,174,174,174,176,176,176,176,173,173,172,172,173,178,178,181,181,181,181,181,178,176,173,129,129,131,131,131,131,129,129,127,126,129,176,183,189,189,186,181,181,183,191,194,194,194,191,189,186,185,186,191,191,189,186,189,189,186,183,181,181,178,178,178,181,183,186,189,194,199,196,189,186,186,189,191,196,202,204,202,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,181,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,56,0,0,40,33,0,35,43,0,0,0,61,0,0,0,61,0,0,0,0,0,0,0,0,0,27,14,0,0,0,0,0,17,17,0,0,0,0,0,0,22,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,186,189,191,191,191,189,178,168,160,155,153,153,153,155,165,173,0,170,168,168,165,163,157,150,0,0,0,0,144,157,176,186,183,173,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,183,181,178,176,170,169,170,170,170,170,165,163,157,152,147,144,0,0,0,152,160,165,163,157,155,152,152,155,155,155,155,163,168,170,173,178,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,228,222,215,209,209,209,207,204,202,199,196,196,0,0,0,0,199,199,202,0,0,0,0,0,0,0,0,0,0,0,0,230,238,241,235,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,225,225,222,225,233,235,235,233,225,212,207,204,207,212,212,215,217,225,230,233,235,238,238,241,241,243,243,243,241,238,233,230,225,217,209,202,191,183,135,129,125,121,117,113,111,110,0,119,129,181,191,194,194,191,183,173,125,119,116,116,117,0,127,176,189,199,207,212,215,215,215,215,212,215,217,222,217,217,225,225,225,225,225,222,217,217,215,212,207,204,204,207,207,202,200,202,204,209,209,207,202,199,204,209,212,217,222,217,212,212,207,204,207,207,212,222,230,235,235,235,235,235,238,243,243,243,241,241,241,241,238,238,235,235,233,233,233,235,238,235,233,228,230,230,225,224,225,225,222,220,217,220,225,228,228,225,217,222,225,228,233,235,235,234 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,33,31,37,39,43,55,92,108,118,121,121,121,124,124,121,116,111,113,118,116,111,108,108,108,83,81,73,77,113,124,129,126,126,134,139,142,144,142,63,0,0,0,9,71,55,53,165,178,183,163,134,131,134,101,58,39,101,137,137,105,144,150,144,143,144,150,150,147,144,144,150,160,163,147,92,87,152,160,101,99,105,109,109,147,152,152,150,152,155,147,142,107,142,144,147,147,142,105,103,99,93,89,87,83,79,75,79,91,101,103,97,93,91,97,101,103,105,107,111,115,155,117,155,157,160,163,163,160,160,168,173,181,183,183,181,176,173,165,121,117,117,119,123,168,165,121,117,116,121,165,168,123,119,165,178,181,170,163,160,119,115,117,168,189,196,165,60,58,97,119,117,117,123,168,163,119,117,117,115,119,170,183,178,119,114,119,127,170,170,178,189,196,204,207,199,186,181,181,181,179,179,181,186,191,194,186,178,176,178,189,194,196,194,189,186,186,186,186,189,183,176,176,189,196,194,186,181,178,178,176,176,135,135,133,135,178,181,183,191,196,199,191,182,182,191,202,209,212,207,204,207,209,209,212,215,215,209,196,194,191,186,186,189,191,183,133,127,129,139,191,196,199,199,199,199,202,196,191,186,183,183,189,199,207,207,199,191,186,186,183,181,181,181,186,186,186,178,131,128,128,131,133,131,131,135,186,191,191,194,199,202,189,133,127,126,126,127,131,176,176,178,189,191,183,129,122,123,127,131,176,181,186,194,196,194,194,194,186,178,177,181,183,181,176,173,170,129,129,129,129,123,113,109,113,115,117,119,119,121,125,173,183,189,183,173,168,127,126,126,168,127,126,168,176,183,186,181,127,127,170,125,117,113,115,119,123,123,125,127,125,123,123,121,119,123,170,183,189,189,181,172,173,183,194,196,199,202,207,209,212,209,196,173,121,123,165,173,165,123,123,123,123,121,125,170,178,178,176,176,173,168,123,121,119,121,121,115,111,111,113,117,121,123,123,127,181,194,196,194,196,196,194,189,178,173,181,191,196,196,194,191,191,191,183,131,113,111,115,119,121,127,189,204,196,181,131,173,181,178,176,176,181,181,176,132,131,133,176,178,178,133,131,131,133,176,178,176,172,172,176,178,133,125,123,124,129,178,178,131,131,173,173,129,124,123,127,176,183,181,176,129,123,125,129,129,170,178,186,194,202,209,209,202,189,183,183,186,178,170,170,183,196,196,191,183,176,181,183,189,194,186,173,170,170,123,118,121,125,127,168,168,127,127,127,127,125,127,129,129,129,128,173,189,202,204,202,202,196,191,181,129,117,115,127,186,191,191,191,186,176,119,116,118,125,129,170,129,170,178,189,191,186,176,168,170,176,186,191,194,194,191,191,186,181,178,177,178,191,202,202,186,127,127,176,183,183,183,181,178,173,170,125,127,178,196,209,222,222,207,191,183,178,176,173,173,181,194,199,202,199,196,194,191,186,186,191,196,196,191,186,189,202,212,212,207,207,209,212,212,209,204,202,199,196,194,194,199,202,204,215,217,222,217,215,215,215,212,204,199,191,181,179,181,189,196,199,199,196,194,194,199,202,199,196,194,194,191,186,178,170,119,103,88,79,88,115,173,181,181,178,176,168,123,117,113,112,113,117,123,129,173,176,183,191,189,178,177,181,183,186,191,194,191,187,186,189,194,196,196,204,212,209,196,186,181,181,186,189,189,189,194,199,204,207,212,212,204,194,189,191,186,125,118,120,135,137,125,115,113,127,189,199,199,194,194,194,194,191,194,194,194,194,194,194,194,191,186,178,178,178,181,178,177,178,183,191,196,199,196,194,196,199,204,204,199,191,185,186,186,135,117,112,117,123,127,131,133,178,181,181,178,135,133,129,127,128,128,131,178,186,191,194,189,181,136,137,186,191,191,190,190,190,191,196,204,209,209,207,207,209,209,212,215,212,209,209,212,212,212,211,212,215,215,209,204,202,199,199,202,204,204,204,204,199,196,196,196,196,199,196,196,194,194,196,202,207,207,207,204,202,204,207,209,209,209,209,204,199,198,202,207,207,202,200,202,204,207,209,212,212,207,199,191,186,189,189,189,186,181,135,134,134,135,181,186,189,186,181,176,133,133,176,178,176,133,178,181,181,178,176,133,133,176,181,178,176,176,183,191,199,204,207,207,204,199,194,191,194,191,189,183,181,178,178,181,183,186,189,191,189,186,181,181,186,194,202,202,199,196,191,185,185,189,191,191,189,183,183,186,186,186,186,189,189,189,191,191,191,194,196,196,194,194,194,194,191,189,186,186,186,186,186,183,178,174,176,176,176,176,173,173,173,173,173,176,178,181,181,178,176,131,125,123,125,123,125,127,129,173,173,173,131,131,129,127,131,178,183,189,191,189,186,186,186,189,189,189,189,189,189,189,186,189,189,191,189,189,189,189,186,183,178,178,178,134,134,135,181,183,189,194,196,194,186,185,186,189,191,191,194,194,194,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,183,170,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,0,0,0,35,30,29,30,40,0,0,0,51,0,0,0,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,176,178,181,183,186,189,191,191,0,0,178,165,155,155,157,157,160,163,0,0,0,157,0,152,160,163,0,0,0,0,0,0,157,170,183,191,189,178,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,176,178,178,176,170,170,170,173,170,170,168,163,157,152,147,142,0,0,0,155,168,170,168,160,155,152,0,152,152,152,152,157,165,168,170,176,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,225,215,212,212,209,209,207,204,199,0,0,0,0,0,0,199,202,204,0,0,0,0,0,0,0,0,0,0,0,0,228,238,241,0,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,222,217,222,228,235,235,230,222,212,204,203,204,209,212,215,222,225,230,233,235,235,235,238,241,241,241,241,241,241,238,233,230,225,215,204,194,183,133,129,123,119,117,113,111,0,117,123,170,183,191,194,194,194,189,181,170,125,119,117,116,116,119,125,133,189,199,207,212,215,217,217,212,212,215,217,216,217,222,225,225,228,228,225,220,217,217,217,215,212,209,212,209,204,200,200,202,209,209,207,199,199,202,209,212,212,215,212,209,207,202,202,204,209,215,225,233,238,238,238,235,238,241,243,243,241,238,238,235,235,235,235,235,233,230,230,233,235,238,238,233,230,230,230,228,225,225,225,225,220,217,217,225,228,228,222,217,222,225,228,233,235,235,234 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,59,37,17,31,41,37,33,53,95,111,121,126,126,124,118,111,105,103,105,103,73,75,103,105,105,111,116,111,111,116,118,121,121,124,131,139,139,137,137,147,1,0,29,49,71,69,73,160,178,183,176,137,131,137,93,29,26,95,144,150,155,157,155,147,142,140,142,147,150,147,150,152,157,157,144,89,83,97,150,147,107,103,105,105,109,144,142,144,150,147,147,147,147,144,144,147,144,142,105,99,91,85,85,85,81,67,61,81,99,101,99,101,103,101,103,103,103,105,107,109,113,115,115,117,157,163,163,160,163,168,178,186,191,189,183,178,176,170,123,117,116,117,119,121,123,163,121,116,114,117,123,165,121,119,165,178,181,170,121,117,115,115,119,170,191,204,189,61,53,61,99,105,111,165,183,178,123,117,115,113,119,178,194,183,123,115,168,176,173,168,173,186,194,196,202,199,191,186,183,181,179,178,181,189,196,196,186,176,176,181,199,207,202,194,189,186,186,183,183,186,181,174,176,186,196,196,191,183,181,178,178,178,178,135,135,178,178,181,183,189,196,199,194,183,183,196,207,212,209,203,203,207,209,209,212,217,217,212,204,194,186,189,194,199,199,191,133,125,127,183,196,204,209,207,209,212,212,204,199,194,191,189,189,196,204,202,191,183,182,183,186,183,183,183,183,183,178,133,129,127,128,133,178,135,135,181,194,202,202,202,207,204,189,131,126,126,127,129,131,131,131,176,186,191,186,131,123,123,129,133,176,181,189,199,202,199,194,189,178,174,174,178,186,186,181,178,173,170,129,129,170,127,115,107,105,105,107,113,117,121,125,173,183,186,181,173,170,170,168,127,168,170,170,178,183,186,181,170,111,111,115,115,113,113,115,119,121,121,125,127,123,121,121,121,121,125,173,181,186,181,173,170,173,189,194,194,194,202,212,217,225,228,228,217,196,176,123,113,107,111,115,119,121,121,121,123,168,170,173,176,173,165,121,121,125,168,170,125,121,121,119,119,123,121,119,121,170,183,186,186,189,191,189,186,183,181,186,196,199,199,196,194,194,189,176,117,104,105,111,115,117,121,176,194,186,178,178,189,191,181,176,178,181,181,181,176,133,176,186,194,191,181,131,127,127,129,133,176,173,173,173,173,129,124,124,129,176,183,183,181,178,181,178,170,124,124,129,181,189,186,176,127,121,121,121,123,127,183,196,199,202,207,212,207,196,191,189,189,186,176,168,168,178,183,178,170,168,173,181,189,194,191,176,170,170,168,165,168,170,173,170,127,122,121,122,122,122,123,129,170,131,129,173,186,194,194,194,194,191,176,119,113,111,115,127,183,191,191,191,189,178,125,119,121,127,173,173,170,173,186,199,204,196,183,170,170,178,189,194,196,199,199,196,191,183,177,176,178,189,199,199,186,125,121,168,173,170,170,170,129,127,125,127,173,194,215,228,235,235,222,204,194,186,181,181,183,194,202,204,199,199,199,196,194,191,194,196,199,194,189,183,186,196,207,209,204,202,204,207,207,202,196,194,191,186,183,186,186,181,186,204,212,212,212,212,209,204,199,194,189,183,178,177,178,186,194,199,202,204,207,207,209,209,204,199,194,194,191,186,170,121,115,113,109,103,111,123,170,173,170,168,127,125,123,121,119,117,119,123,127,173,176,178,183,191,189,178,178,178,178,181,186,189,189,187,187,189,191,191,194,202,209,209,199,191,186,183,183,186,186,189,194,199,204,207,209,212,204,194,189,186,181,129,121,123,131,127,109,84,82,89,121,183,191,189,191,191,191,189,191,191,189,186,186,191,194,191,183,178,135,178,181,178,178,181,189,196,202,207,204,196,194,196,204,207,202,191,183,185,189,189,135,125,125,125,125,127,129,135,181,183,181,135,133,128,127,129,131,178,186,194,199,202,196,189,183,183,186,191,191,191,190,190,191,196,204,209,212,209,207,207,209,212,215,212,212,212,215,215,215,212,212,215,215,212,209,207,204,202,204,204,204,204,199,196,195,195,195,195,195,195,196,196,199,199,199,202,202,204,202,202,202,207,209,212,212,209,204,198,196,199,204,204,202,202,204,207,207,209,215,215,212,207,199,191,189,189,189,186,181,178,134,134,135,181,186,189,186,181,176,133,132,133,133,133,132,133,176,178,178,176,133,132,133,176,176,176,181,186,194,202,207,209,209,207,202,194,189,186,186,183,181,181,178,181,181,183,183,186,186,183,181,178,181,186,196,202,204,202,199,191,186,186,191,189,186,181,178,178,181,183,183,186,189,191,189,189,189,189,191,194,196,196,196,194,194,191,186,183,186,186,189,189,189,183,178,178,178,176,133,133,133,176,176,173,176,176,178,181,178,131,123,119,119,120,122,123,127,133,176,176,176,133,133,131,129,133,178,183,189,189,189,186,186,186,186,183,183,183,183,183,186,186,186,186,189,189,191,189,186,183,181,178,178,178,135,134,135,181,186,189,194,194,191,186,185,186,189,191,189,183,183,189,194,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,191,183,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,0,0,48,38,0,29,30,38,51,0,0,43,40,40,35,35,35,0,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,170,170,170,170,173,178,181,186,191,191,194,0,0,170,160,160,168,173,0,0,0,0,163,147,0,0,147,157,0,0,0,0,0,0,0,183,191,196,191,183,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,0,176,178,176,170,170,170,173,170,168,165,163,157,152,150,147,144,0,155,163,170,173,168,163,155,0,0,150,152,152,152,155,160,163,168,173,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,233,228,217,212,209,209,209,207,0,199,0,0,0,0,0,0,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,238,0,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,212,215,222,230,233,230,222,212,207,204,204,209,212,217,222,225,228,230,230,230,230,233,235,238,238,238,238,238,238,235,233,228,215,204,194,181,131,127,123,119,117,115,0,117,121,127,173,183,189,191,191,191,191,186,178,131,127,121,117,116,116,117,125,135,189,199,204,212,220,222,215,212,215,217,216,217,222,228,228,228,228,225,222,217,222,222,222,217,217,217,212,204,200,199,202,207,207,202,196,196,202,209,209,209,209,207,204,202,196,196,204,212,217,228,233,238,238,238,238,238,241,243,243,241,238,235,233,233,233,233,233,230,228,228,230,235,238,238,235,230,230,230,228,225,225,228,225,217,216,217,222,228,228,222,217,217,225,228,233,235,235,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,0,0,0,5,56,31,0,0,0,0,0,0,51,113,124,126,121,111,95,65,63,67,67,59,51,63,103,105,105,113,121,118,116,113,113,116,118,126,129,131,124,69,53,75,0,0,59,65,67,71,87,142,165,173,168,137,131,139,73,18,24,89,144,152,160,165,165,155,143,142,147,152,155,152,155,155,152,144,105,93,88,93,107,144,105,95,97,99,103,102,102,107,144,107,142,147,147,142,107,142,142,139,103,95,85,79,83,85,75,59,53,85,142,107,101,103,109,109,107,103,103,105,107,109,111,113,115,157,163,165,163,163,170,181,189,196,196,191,181,173,173,170,123,117,116,119,123,163,123,123,121,117,115,116,121,123,119,121,168,176,176,168,121,117,115,117,121,168,181,191,186,107,63,69,95,99,105,163,189,183,123,115,109,107,115,173,183,176,119,117,181,183,173,123,125,178,189,191,196,196,194,191,186,183,179,179,183,194,207,209,196,179,178,189,204,207,202,191,186,186,186,183,183,181,178,176,176,183,191,196,194,186,178,178,183,186,183,181,181,183,186,186,189,191,194,199,194,186,189,204,212,212,204,202,203,207,212,212,215,222,222,215,207,186,135,186,202,209,207,199,139,125,129,199,207,212,215,215,217,222,222,215,209,207,207,202,196,202,204,199,186,182,182,186,189,186,183,181,137,135,133,131,129,128,129,178,183,181,181,189,199,207,209,204,202,196,183,129,126,127,129,131,131,129,129,133,181,186,183,131,125,125,129,176,178,181,191,199,202,196,189,183,178,174,176,183,191,189,183,183,181,176,129,127,129,123,113,105,104,103,104,109,115,119,125,173,178,181,181,178,178,178,176,170,170,170,176,183,191,191,181,125,110,109,111,113,115,115,115,117,119,121,125,127,123,121,123,123,125,127,173,178,181,178,173,172,181,194,196,194,196,207,222,228,230,235,235,233,220,186,109,95,98,105,113,121,123,123,119,119,121,123,165,168,168,123,121,125,173,181,181,178,176,173,127,117,117,119,121,123,129,176,176,176,178,181,183,183,181,181,186,194,196,196,191,191,189,181,125,109,104,107,115,119,119,119,127,178,178,181,183,189,183,176,174,178,183,189,186,186,183,189,196,204,199,186,131,124,123,124,129,176,178,178,176,173,127,124,125,173,181,189,189,186,186,189,181,129,125,125,129,176,183,178,129,119,115,117,119,121,170,191,202,202,199,202,207,204,199,199,194,194,194,186,168,125,126,170,127,120,120,168,176,178,183,181,173,170,173,173,170,170,173,173,170,125,122,122,122,123,123,125,170,176,173,170,176,186,189,183,178,178,173,113,99,100,105,115,123,176,186,191,191,186,176,127,119,119,123,170,176,173,178,191,204,207,199,183,170,170,181,189,194,194,196,199,202,196,186,178,178,183,191,194,194,183,123,115,119,125,123,125,129,129,127,127,170,183,199,217,230,235,233,222,207,199,194,191,191,194,199,204,204,199,199,199,199,196,199,199,199,196,191,186,181,178,186,196,199,196,194,196,199,199,191,189,186,183,176,131,129,119,102,105,178,194,196,199,204,202,194,186,183,181,179,179,181,186,189,194,199,202,207,209,212,215,215,212,204,196,191,186,178,125,117,115,117,119,119,123,125,127,125,125,125,125,125,168,170,173,173,173,176,176,178,178,178,183,189,186,178,178,176,174,174,183,194,196,194,194,194,191,186,186,196,209,212,204,199,191,186,183,183,183,186,194,199,204,204,207,209,202,194,189,186,181,133,127,129,133,127,111,86,82,87,115,178,186,186,189,189,189,189,191,191,183,178,178,186,189,189,181,135,131,133,135,178,178,183,189,199,204,209,207,199,191,194,199,204,202,191,185,185,191,199,202,196,186,135,129,129,129,135,183,186,181,133,129,129,131,135,181,186,191,199,204,204,204,202,199,196,194,194,194,194,191,194,196,202,207,209,212,209,207,207,209,212,215,212,212,212,215,217,217,215,212,212,212,209,209,207,204,204,202,204,204,202,199,196,195,196,196,195,195,196,199,199,199,199,199,199,199,204,204,202,204,207,212,215,215,209,204,199,196,198,202,204,204,204,209,212,212,212,215,215,212,209,204,199,196,196,194,186,181,135,134,134,135,181,186,189,191,186,178,133,133,133,176,133,132,133,176,178,178,178,176,133,133,133,133,176,183,191,199,204,207,209,209,207,202,194,186,181,178,178,178,178,181,183,183,183,186,186,183,178,176,176,178,186,194,199,202,204,202,194,189,189,191,186,181,177,177,177,178,181,181,186,191,191,189,187,187,189,191,194,196,196,196,194,191,191,186,183,183,183,183,186,189,186,183,181,181,176,133,133,133,176,178,176,173,173,176,181,181,173,123,120,120,122,125,129,133,176,178,178,176,176,176,133,131,133,178,183,186,186,186,183,183,181,181,178,176,176,176,178,181,183,183,186,186,191,191,189,186,183,178,178,181,183,178,135,178,183,189,191,194,194,191,189,186,189,191,191,183,181,182,189,194,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,204,199,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,3,0,0,0,0,0,0,0,3,46,0,56,40,35,33,30,33,40,46,43,40,38,38,35,33,35,33,22,14,17,25,0,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,0,168,168,165,163,165,168,170,176,181,186,189,194,0,0,0,0,0,0,0,0,0,0,0,157,0,0,0,0,0,0,0,0,0,0,0,0,0,194,196,194,186,173,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,173,173,176,173,168,163,165,168,168,165,160,155,152,152,155,155,155,157,163,168,170,170,165,163,155,0,0,0,152,152,152,155,157,160,165,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,233,228,215,209,209,209,207,204,0,199,0,0,0,0,0,0,0,202,204,209,0,0,0,0,0,0,0,0,0,0,0,0,222,230,235,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,0,207,207,207,212,222,225,228,222,215,212,209,209,212,215,217,220,222,225,225,225,225,225,228,230,233,235,235,235,235,233,233,230,225,212,202,189,135,127,123,121,121,119,117,119,121,125,129,176,183,189,189,189,189,191,189,183,178,176,129,123,119,116,116,117,127,178,189,199,209,220,222,215,212,215,217,216,216,222,228,230,230,230,228,222,217,217,222,222,222,222,222,215,207,202,200,202,204,204,199,194,194,202,209,209,207,207,204,202,196,195,196,207,215,222,228,233,235,238,238,238,241,241,243,241,238,235,233,233,230,230,233,230,228,226,228,230,235,238,238,235,230,230,230,228,225,225,225,222,217,216,217,222,225,225,222,216,217,222,228,233,235,235,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,46,0,0,0,0,0,0,43,23,0,0,0,0,0,0,11,116,121,118,105,63,45,33,35,41,51,37,35,59,105,108,108,116,121,118,111,103,108,113,116,126,126,113,61,15,0,0,0,0,67,65,62,69,89,129,137,144,142,131,129,139,70,16,48,134,142,144,152,168,170,157,147,150,165,165,160,152,152,155,150,107,103,99,93,93,101,105,97,86,92,99,105,105,103,144,147,105,103,107,142,107,103,103,103,101,97,89,77,75,81,83,71,56,52,91,152,150,105,105,109,109,107,105,105,107,109,111,113,115,155,163,168,165,165,168,181,194,199,202,199,189,176,165,163,163,123,117,116,121,165,165,123,119,119,119,117,119,119,119,119,160,170,173,170,165,121,115,115,117,121,163,168,176,183,183,168,117,113,103,101,115,178,176,119,109,102,101,107,123,168,123,116,117,181,181,127,115,117,168,181,186,191,196,199,194,186,183,181,183,186,196,209,215,204,186,183,191,199,202,194,186,186,189,189,186,183,181,178,178,176,178,186,194,191,183,176,176,183,191,189,186,189,194,199,199,199,199,196,196,194,189,196,209,215,212,204,202,204,209,215,217,222,225,225,217,207,135,126,139,209,217,217,207,189,129,137,209,215,217,222,217,217,222,222,217,217,222,225,222,212,209,207,199,189,183,186,189,189,189,183,137,135,133,131,131,131,129,133,183,191,191,189,194,204,212,212,204,196,189,178,131,129,133,176,133,129,127,129,129,133,178,176,129,125,127,133,181,186,189,191,196,199,194,189,186,186,181,183,194,199,194,189,186,186,181,129,125,123,119,111,109,107,105,105,109,113,119,123,168,170,176,178,183,186,186,178,170,170,168,168,178,189,189,178,123,113,111,113,117,119,119,117,117,119,121,127,168,125,123,125,127,168,168,168,173,176,176,173,176,186,194,196,196,202,215,225,228,230,230,230,230,217,186,101,90,98,107,117,121,123,123,119,117,117,119,123,163,123,121,123,170,181,189,189,189,186,186,170,115,111,117,127,170,173,173,173,173,173,176,178,176,173,176,181,186,189,189,183,183,181,173,121,109,109,117,125,125,121,118,121,129,178,183,186,183,176,176,178,186,196,199,196,196,194,194,199,204,202,189,133,125,123,123,125,173,181,181,181,176,129,124,127,173,183,191,191,191,191,189,178,127,123,123,123,127,129,127,121,114,114,115,119,125,181,199,204,202,199,199,199,202,202,202,202,199,202,194,173,124,124,127,121,117,119,165,170,170,173,173,170,170,173,173,170,170,170,170,170,170,125,123,123,123,123,125,170,176,173,173,181,189,186,176,127,125,119,101,94,97,109,117,121,127,178,183,186,181,129,119,113,113,117,127,173,176,181,191,199,199,191,181,173,176,183,189,189,186,183,194,199,196,189,183,186,191,194,191,189,181,117,105,111,117,119,125,170,170,170,173,181,191,204,222,230,230,225,215,207,202,196,196,196,199,202,204,204,202,199,196,194,196,202,204,202,196,191,186,178,173,176,186,189,186,181,186,189,189,186,181,181,178,176,131,125,105,90,93,115,131,178,186,194,196,189,181,179,179,181,189,196,196,196,196,199,199,202,204,212,217,222,217,207,196,186,178,127,115,111,113,115,117,119,121,121,123,121,121,121,123,168,178,186,189,189,186,186,183,178,176,176,181,183,178,176,178,176,173,173,183,199,204,204,202,194,189,183,183,189,204,212,209,204,196,189,186,183,183,186,194,199,202,202,202,204,202,194,191,191,189,183,178,178,181,135,127,119,99,103,135,191,191,189,189,191,189,189,191,189,183,135,135,178,183,183,178,131,128,128,129,133,135,181,189,194,199,204,204,196,189,186,189,196,199,191,186,186,191,202,207,207,199,186,178,133,133,181,186,186,135,129,127,131,135,186,191,194,196,199,202,202,207,212,212,207,202,199,199,196,196,196,202,204,207,209,209,212,209,207,209,215,215,212,209,209,215,217,217,215,212,209,209,207,207,207,207,204,202,202,204,204,202,199,199,199,199,196,196,199,202,202,199,196,196,196,199,204,207,204,204,207,209,212,209,207,204,202,199,199,202,204,204,209,215,215,212,212,212,212,212,212,209,207,204,202,196,189,137,135,134,134,135,178,186,189,191,189,183,178,176,176,176,176,133,132,133,178,181,181,181,176,176,176,133,178,186,196,202,204,207,207,207,207,202,191,183,178,133,133,133,135,178,183,186,186,186,186,183,178,133,131,176,181,186,194,196,199,199,194,189,189,189,183,178,177,178,178,178,178,181,186,189,191,189,187,187,189,194,196,196,199,196,196,194,191,189,183,183,182,182,183,186,189,186,186,183,178,176,133,133,176,178,178,173,173,176,181,183,178,129,127,129,131,133,176,176,178,181,181,181,178,178,176,133,176,181,183,183,183,183,183,181,178,178,176,174,174,174,176,178,181,181,183,186,191,191,191,189,183,181,181,186,186,181,178,183,186,191,196,196,196,194,191,191,191,191,191,183,181,182,189,196,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,199,204,207,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,33,13,0,0,0,0,0,0,0,14,46,53,40,30,30,30,33,38,48,48,33,27,33,40,40,40,0,0,17,7,9,20,0,0,0,0,0,0,35,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,0,165,0,155,0,163,163,163,163,163,165,170,173,178,178,181,186,194,194,189,181,178,0,0,0,0,0,0,155,0,142,0,0,147,0,0,0,0,0,0,0,189,194,196,196,186,173,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,170,170,170,165,160,159,159,160,165,163,155,150,147,152,157,160,160,163,168,170,168,165,160,157,155,0,0,0,150,150,152,152,155,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,215,222,228,230,233,228,215,209,209,207,207,204,0,199,0,0,0,0,0,0,0,204,207,209,0,0,0,0,0,0,0,0,0,0,0,0,212,222,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,0,199,0,199,199,202,209,215,222,222,220,215,212,212,212,212,212,215,217,222,222,222,222,222,228,230,230,233,230,230,228,225,225,222,215,207,196,183,133,127,123,123,123,121,121,121,123,125,129,176,183,186,189,187,189,191,194,189,186,183,178,129,123,117,116,116,0,129,181,194,207,215,217,212,209,215,217,216,217,225,230,230,233,230,228,222,215,217,222,222,222,222,222,217,209,204,200,202,204,204,196,192,194,204,209,209,207,207,204,199,196,196,199,209,217,225,228,230,233,235,238,241,241,241,241,241,238,235,235,233,230,230,230,230,228,226,226,230,233,238,238,235,230,228,228,225,225,222,222,222,217,216,216,222,225,225,222,216,217,222,225,230,235,238,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,92,56,0,0,0,0,0,9,15,0,0,0,0,0,0,37,111,116,103,35,9,0,0,11,17,8,3,39,95,111,116,116,121,124,100,63,57,71,103,100,111,111,57,35,0,0,0,0,0,71,64,61,69,87,89,87,91,126,129,129,97,83,71,81,99,101,99,101,155,160,144,144,160,183,178,165,152,144,144,147,142,105,105,101,99,101,103,95,88,92,103,152,160,157,152,144,99,87,95,142,147,139,97,93,93,91,85,61,75,75,69,67,62,60,81,107,147,144,109,144,109,107,107,109,109,113,113,115,155,160,168,168,165,165,176,189,196,202,199,194,183,170,160,121,121,121,117,117,121,165,165,121,119,121,121,123,121,117,114,117,123,168,170,168,123,119,113,112,113,121,160,165,176,191,196,194,194,181,115,101,103,117,121,117,109,102,100,103,115,121,121,116,117,125,170,121,112,112,117,125,176,183,196,202,194,183,183,183,183,186,191,199,202,196,186,181,183,189,189,183,183,186,189,191,191,189,183,181,176,174,174,178,186,186,181,133,131,178,191,194,189,194,202,209,215,215,209,202,194,189,189,196,209,217,215,209,204,209,215,222,222,222,222,222,217,207,186,122,137,204,212,222,204,183,183,199,212,217,217,222,222,222,220,217,215,217,225,230,230,222,215,207,199,194,191,189,186,183,186,186,181,135,133,131,131,133,135,183,194,202,202,202,202,204,209,212,209,199,189,181,178,178,183,183,176,129,127,127,127,129,131,131,127,125,129,181,194,199,199,199,199,202,199,196,194,191,191,196,207,207,199,189,186,178,170,127,125,123,121,119,121,121,121,119,113,113,119,123,125,165,168,173,186,191,189,176,168,165,123,121,165,176,178,170,123,115,113,115,121,125,125,123,123,123,127,127,127,125,127,168,170,173,168,166,170,176,176,176,178,183,191,194,194,204,215,225,225,222,217,222,217,196,125,107,99,101,109,117,121,121,119,117,115,115,117,121,123,117,117,163,176,186,189,189,191,191,189,176,111,107,115,170,183,183,181,178,176,173,176,173,129,129,170,176,176,178,176,173,131,131,127,123,125,178,183,183,176,125,119,123,173,178,181,178,176,176,181,194,204,209,212,209,204,199,194,191,194,191,183,176,129,125,124,127,173,178,183,183,181,131,125,124,129,178,186,191,191,191,181,129,121,121,119,117,117,119,119,117,114,114,119,127,176,189,202,204,199,196,194,194,199,202,202,202,204,204,199,181,127,126,127,123,119,121,165,170,168,170,173,170,168,170,176,176,176,173,173,173,173,127,121,119,119,121,123,125,127,127,170,183,189,186,176,125,121,115,109,103,111,125,125,123,125,129,173,178,173,111,94,98,113,119,127,176,178,183,186,186,183,183,183,189,189,181,181,178,123,121,173,194,189,183,186,191,199,191,181,173,123,89,87,103,117,123,127,129,129,170,178,189,196,207,222,228,225,215,209,204,196,189,194,199,199,202,202,202,199,199,196,194,194,199,202,199,196,196,189,176,127,127,173,176,131,123,131,181,183,181,178,178,181,178,181,183,123,105,109,117,125,129,176,189,196,191,181,178,181,186,196,199,196,194,194,194,191,191,194,202,212,217,212,204,194,178,127,113,103,103,107,109,109,111,117,119,119,119,119,115,115,123,181,191,194,196,194,189,186,178,176,176,176,173,173,176,181,178,176,178,189,202,204,204,204,194,186,183,183,189,199,207,209,204,196,191,186,183,183,189,196,199,199,199,202,202,202,196,194,194,194,194,191,189,186,181,178,178,178,183,196,202,199,194,191,191,191,189,186,186,183,178,133,133,135,178,135,131,128,127,127,129,133,178,183,186,186,191,194,189,178,135,181,186,191,191,189,189,194,202,209,212,207,199,189,181,183,189,186,178,131,127,127,131,181,194,199,199,199,191,186,186,196,209,212,209,207,202,199,199,196,199,202,204,204,202,207,209,209,207,207,212,212,209,207,207,212,217,217,215,212,209,209,207,207,207,207,204,202,202,204,207,202,199,202,204,202,199,196,199,199,199,196,194,194,194,199,204,204,204,204,207,204,204,204,204,207,207,207,204,204,207,209,212,215,215,215,209,209,209,212,215,212,207,207,204,199,189,181,135,135,135,178,181,183,186,189,186,181,178,176,178,178,176,133,132,133,178,181,183,183,181,178,176,176,178,186,196,202,204,204,204,204,204,199,191,183,178,133,131,130,131,135,183,186,183,183,186,183,176,129,127,131,176,181,183,186,189,191,191,186,183,183,181,178,181,183,183,178,133,176,181,186,186,191,191,191,194,196,196,196,196,196,196,194,191,189,186,183,183,182,183,186,189,189,186,186,183,181,176,176,176,178,181,176,173,176,183,186,183,178,178,178,178,178,178,181,181,181,183,186,186,186,181,178,181,183,186,189,189,186,183,183,181,181,178,178,176,176,181,183,181,176,178,183,189,194,194,191,186,183,186,186,186,183,183,186,191,196,202,199,196,196,196,194,194,191,189,186,186,189,191,196,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,178,191,186,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,14,0,0,0,0,33,0,0,0,0,0,0,0,0,11,40,46,33,22,25,30,35,48,0,0,33,16,20,35,0,46,0,0,0,14,12,22,38,61,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,163,160,150,0,0,152,160,165,165,168,173,176,173,173,170,168,173,186,194,191,183,178,178,0,0,0,0,0,0,155,157,155,0,152,160,160,157,155,163,170,181,186,191,194,194,183,170,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,0,0,0,0,0,0,163,160,159,159,160,163,160,152,0,147,150,157,163,163,165,168,168,165,0,0,0,152,0,0,0,147,150,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,222,217,217,222,228,230,230,225,217,212,209,207,204,204,202,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,194,196,202,209,215,217,217,215,209,207,207,204,204,207,212,217,217,217,217,222,228,230,233,230,230,225,222,215,212,209,207,199,191,183,133,129,127,127,125,125,125,125,125,127,129,173,183,189,189,189,191,194,196,194,191,191,186,178,127,0,117,0,0,125,135,191,202,209,209,209,209,215,217,217,217,225,233,233,233,230,225,220,215,215,220,222,222,222,222,220,215,207,202,202,204,204,196,192,196,204,209,209,207,207,204,199,199,199,204,212,217,225,228,230,233,235,241,241,241,238,241,243,241,238,235,233,230,229,229,230,230,228,228,228,233,235,235,233,228,226,228,228,225,222,217,217,217,217,216,217,225,225,222,217,216,217,225,230,235,238,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,111,105,0,0,0,0,0,0,0,5,15,0,0,0,0,87,111,105,85,17,0,0,0,17,13,0,0,55,108,118,118,118,129,126,65,41,25,35,49,49,67,63,43,13,0,0,0,0,3,71,73,71,75,79,73,69,79,93,126,129,129,93,87,93,97,91,85,99,137,101,83,97,168,186,183,168,150,105,103,107,142,107,105,105,103,103,101,93,90,93,107,168,176,165,147,99,83,70,78,105,152,144,95,89,90,93,83,57,69,65,55,67,71,65,75,95,107,109,144,144,109,109,109,111,111,115,155,155,160,165,168,165,165,165,176,186,191,194,189,183,176,165,119,117,119,119,121,121,163,165,163,119,118,121,163,163,123,117,113,114,119,123,163,163,123,119,113,110,110,117,123,168,178,194,199,202,202,196,163,105,103,111,117,117,113,107,103,105,113,119,121,119,117,119,123,121,113,111,112,119,127,178,194,199,191,181,178,183,189,191,189,183,181,178,173,170,170,176,176,178,181,183,183,189,191,189,186,181,176,174,174,176,176,173,131,129,128,176,189,194,191,196,207,217,222,225,222,209,194,186,186,196,207,217,222,222,217,222,222,225,225,222,222,217,215,209,199,129,129,189,204,209,191,139,189,204,215,217,217,220,222,222,217,215,212,215,217,225,225,217,212,204,199,196,194,189,139,137,183,189,183,135,135,137,137,183,189,196,207,212,215,212,207,202,202,207,209,204,191,186,183,189,194,189,133,127,126,127,126,127,129,129,129,129,133,183,196,204,207,207,207,209,209,204,202,194,194,199,207,207,196,189,183,170,125,125,125,127,127,170,178,181,183,176,123,117,119,125,125,125,165,173,186,194,189,173,125,121,117,114,117,123,165,125,119,115,113,117,125,168,168,170,170,168,168,127,125,125,168,173,176,176,170,166,173,178,176,173,176,181,186,191,194,202,212,217,217,217,215,212,202,176,121,113,107,107,111,117,123,121,117,113,115,119,121,123,119,115,114,123,178,186,189,189,189,189,186,170,109,105,113,127,183,191,191,186,178,170,173,173,129,128,170,170,129,127,125,123,123,123,127,173,191,207,209,204,194,176,129,173,183,183,176,172,176,191,207,209,212,212,215,217,212,204,194,186,181,178,176,131,129,127,125,129,176,181,183,186,183,173,125,124,127,173,181,183,183,178,129,121,117,117,115,113,113,115,117,117,115,117,127,176,186,196,202,202,196,191,189,189,191,196,196,196,202,204,194,178,168,127,168,125,121,123,165,168,168,170,173,165,121,125,178,183,181,181,178,173,170,123,119,117,117,119,121,121,119,119,127,181,186,181,173,127,123,121,121,125,173,181,178,131,127,123,123,129,125,99,86,89,115,127,173,176,178,178,181,181,179,183,194,202,199,178,119,101,87,101,121,183,173,168,181,183,189,181,107,85,65,51,59,105,123,168,170,170,129,129,178,191,199,207,217,217,212,207,207,199,186,125,127,189,194,191,196,199,196,196,196,196,194,194,194,196,199,194,186,131,121,120,125,127,121,117,129,176,176,176,176,178,181,183,189,202,196,178,127,123,127,170,181,191,194,189,179,178,183,189,194,194,189,181,181,181,181,181,183,191,199,202,196,191,183,170,113,102,100,102,107,109,109,113,115,119,117,117,115,110,108,113,170,186,191,194,191,189,186,183,181,173,127,125,129,176,181,183,186,189,196,204,204,202,199,191,186,186,186,191,199,204,207,204,196,189,186,186,186,191,196,199,199,199,199,202,204,202,199,196,196,196,196,194,191,191,191,191,191,196,204,207,202,196,191,189,186,183,181,181,178,135,133,133,133,135,135,135,133,129,128,128,131,178,181,178,131,123,115,114,121,131,178,186,189,189,191,194,199,207,212,215,212,204,199,191,189,186,181,133,127,126,127,135,189,202,202,204,199,183,135,135,186,196,202,202,202,199,196,196,194,194,196,199,196,196,199,204,202,199,199,204,207,207,204,204,207,212,215,212,209,212,212,207,207,207,207,204,204,204,204,204,202,199,202,204,202,199,199,199,199,196,194,192,192,194,199,204,204,204,204,204,202,202,204,207,209,215,215,212,212,209,209,212,212,212,212,209,207,209,215,222,217,209,207,204,199,191,183,178,178,181,181,183,183,181,181,178,178,178,178,181,181,178,176,133,176,178,181,181,181,178,133,133,133,178,186,194,196,196,196,196,199,199,196,191,183,178,135,131,130,130,133,178,183,181,178,181,178,131,126,125,127,131,176,178,178,181,183,183,181,178,178,178,178,181,183,181,176,132,132,178,181,183,191,194,194,196,196,196,196,196,194,194,194,191,189,186,186,186,186,186,186,189,191,189,189,186,183,181,181,181,181,181,178,178,181,183,186,183,181,181,183,183,183,186,186,183,186,189,191,196,194,191,186,186,186,191,194,191,191,189,186,183,183,183,183,181,183,186,189,183,133,133,178,186,194,199,196,191,189,189,189,186,186,189,191,194,196,202,199,196,194,196,196,194,191,189,189,191,191,194,196,196,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,144,124,111,72,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,27,0,0,0,27,27,0,0,0,0,0,0,0,0,3,33,40,27,17,22,35,46,0,0,0,38,17,17,27,35,43,0,0,0,22,14,20,27,51,0,0,0,0,30,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,147,0,0,0,0,144,163,173,176,178,181,178,173,168,163,155,155,168,181,183,178,173,168,170,0,0,0,0,0,0,170,168,163,163,163,163,160,160,165,173,178,183,189,194,194,186,173,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,194,0,0,0,0,0,163,163,163,163,163,157,0,0,0,150,155,160,160,163,165,165,160,0,0,0,147,0,0,0,0,0,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,217,217,222,225,228,233,230,225,217,212,209,207,204,202,202,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,194,199,207,212,217,217,212,204,199,196,194,194,196,204,212,212,215,215,222,228,230,233,233,230,225,215,209,207,204,202,196,189,139,135,133,133,131,129,129,127,127,125,127,129,133,181,189,191,194,196,202,202,202,199,196,191,183,133,127,0,0,0,125,135,191,199,204,204,207,209,215,217,217,220,228,233,233,230,228,225,217,215,215,217,222,225,222,222,222,217,209,204,202,204,204,196,194,199,207,212,212,209,207,204,199,199,202,207,212,217,222,228,230,233,235,241,241,238,238,238,241,241,238,235,235,230,229,229,230,230,230,228,228,230,235,235,233,228,226,228,228,228,222,217,217,222,217,216,217,222,225,225,217,216,217,228,233,235,238,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,121,124,22,0,0,0,0,0,0,9,21,0,0,0,33,95,105,98,47,13,0,0,23,39,25,0,0,87,118,124,121,121,129,129,92,25,0,0,25,33,35,35,33,19,11,0,15,37,41,73,83,85,81,71,62,61,69,91,126,131,134,137,131,129,93,58,53,137,134,91,71,74,155,173,176,165,147,101,100,105,142,139,103,103,103,101,97,92,92,99,144,168,176,160,142,99,85,75,81,105,147,142,93,91,99,139,99,61,55,51,45,75,87,75,77,89,103,109,109,111,111,111,111,109,113,155,163,165,168,173,168,165,165,168,170,178,181,181,176,170,168,163,119,117,116,117,121,163,168,168,165,121,119,121,123,123,123,115,113,113,115,117,121,163,165,123,117,111,111,115,123,168,178,189,194,196,202,196,170,109,107,113,119,123,123,123,117,115,117,117,117,117,115,115,121,123,119,112,112,119,125,176,191,196,186,176,173,181,189,194,183,170,125,123,121,121,123,123,127,173,178,181,183,186,189,189,186,181,176,176,178,178,131,128,128,127,128,133,186,191,191,194,209,222,225,228,228,215,196,186,186,194,207,217,228,230,230,230,228,225,225,222,222,217,215,215,207,183,119,121,183,189,137,139,194,207,215,217,220,222,222,222,217,215,212,212,212,215,215,212,207,202,199,199,196,189,137,135,139,189,186,135,137,186,191,199,207,215,222,228,230,228,215,199,196,199,204,199,194,191,194,199,199,189,133,127,127,127,127,127,129,129,129,127,131,178,191,204,207,209,209,212,209,204,199,191,189,191,196,196,191,186,178,125,123,125,129,173,178,183,189,194,199,194,170,117,117,121,125,125,125,170,183,189,181,168,121,117,114,114,114,115,119,119,117,115,115,121,125,127,168,170,176,173,170,127,125,125,170,178,183,183,176,170,176,178,176,170,173,178,183,191,194,202,209,215,215,215,212,204,186,123,115,115,113,111,115,123,168,163,117,111,115,123,165,123,117,114,114,119,173,186,186,186,186,189,183,168,105,103,107,117,173,191,194,186,176,170,178,178,173,129,129,129,127,125,123,122,121,121,127,186,209,222,225,222,207,189,178,181,189,183,173,172,181,204,220,217,212,212,215,217,215,209,196,183,173,127,125,125,127,127,127,131,178,183,183,186,183,176,129,127,129,170,173,173,129,121,115,115,115,113,112,112,113,119,121,123,123,127,176,186,194,199,202,199,194,186,183,181,183,186,189,191,194,196,183,168,127,127,127,125,123,123,123,125,168,176,176,123,107,113,176,183,183,183,181,173,165,123,119,117,117,117,117,117,116,117,125,176,181,178,173,170,131,129,129,176,186,189,186,178,127,121,120,121,119,101,87,92,170,178,178,178,173,176,178,181,181,186,196,204,196,93,57,60,75,95,170,183,89,55,111,113,75,45,26,34,53,52,59,109,125,173,176,173,129,129,176,189,199,209,212,209,204,204,204,196,178,107,103,117,127,127,183,196,194,194,194,191,186,183,186,191,194,191,181,125,118,118,121,121,115,117,173,178,170,170,173,176,178,178,181,196,199,186,129,119,123,176,189,194,191,183,177,178,186,194,194,191,183,176,170,169,170,173,176,178,181,176,173,173,173,123,105,99,100,103,109,113,115,115,115,115,115,115,113,109,107,109,121,170,178,181,178,178,181,186,183,173,125,124,129,176,178,186,194,199,207,209,204,199,194,186,185,189,191,196,202,204,204,202,194,189,186,186,186,189,194,196,196,194,196,199,202,202,199,196,196,196,196,196,196,199,202,196,194,196,202,204,199,191,186,183,181,181,178,133,133,133,135,135,135,135,178,181,178,133,129,129,133,178,183,181,129,115,110,109,115,129,181,183,186,189,194,199,204,209,215,217,212,209,204,196,191,183,135,129,127,127,131,183,199,207,207,207,202,135,133,137,183,189,191,194,194,194,191,191,189,186,189,191,189,189,191,194,191,191,189,191,196,202,202,199,202,204,204,204,207,209,212,207,204,202,204,207,209,207,202,199,196,196,199,202,202,202,199,199,199,196,194,192,192,196,202,204,204,204,204,204,202,202,204,209,212,217,217,217,215,212,209,207,207,207,207,204,207,209,215,222,217,209,204,202,196,191,186,183,183,183,183,183,181,178,176,176,176,178,181,183,183,181,178,178,178,181,181,178,176,133,132,131,132,178,186,191,191,191,189,191,196,196,194,191,186,181,178,135,131,131,133,176,181,178,178,176,133,127,125,126,129,131,131,133,133,176,178,176,176,173,176,178,178,178,181,178,133,132,132,176,178,183,191,196,196,196,196,196,194,194,196,194,194,191,189,189,189,191,191,191,191,191,194,194,191,189,189,189,189,189,186,183,181,181,183,186,186,183,181,181,186,189,189,191,191,189,189,191,196,202,202,199,194,189,189,194,196,194,191,189,186,183,183,183,183,183,186,191,191,183,133,129,133,183,191,199,199,194,191,191,189,186,189,191,194,196,199,199,196,191,191,194,194,191,191,191,194,194,194,196,196,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,111,134,147,116,0,0,0,0,0,0,0,0,0,46,43,3,0,0,22,27,0,0,0,0,0,0,0,0,7,43,59,35,9,14,40,0,0,0,0,51,25,20,25,33,43,0,0,38,17,9,12,14,27,51,66,51,30,17,9,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,181,183,183,183,176,168,163,155,144,137,0,152,163,168,165,157,157,168,0,0,0,0,0,176,173,170,165,163,160,157,160,168,173,178,181,189,196,196,189,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,0,0,0,0,0,170,170,168,163,157,152,0,147,150,152,155,155,157,160,157,0,0,0,0,0,0,0,0,0,147,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,217,217,222,225,230,233,233,228,217,212,209,207,204,202,0,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,196,199,207,215,222,222,215,204,194,191,190,190,192,199,204,207,207,209,215,222,228,230,230,228,222,212,207,204,202,199,194,189,141,139,139,139,137,135,131,129,127,125,127,129,133,178,186,191,199,204,209,212,209,207,204,199,191,183,178,133,129,127,129,137,191,199,202,204,204,209,215,217,217,217,228,230,230,228,225,222,215,212,215,217,222,225,225,222,222,222,215,207,204,204,202,196,194,199,209,215,215,212,209,207,202,199,202,204,209,217,225,228,230,230,233,238,241,238,238,238,241,241,238,238,235,230,229,229,230,230,230,228,228,230,233,235,233,228,226,228,230,228,222,217,217,222,217,216,217,222,225,225,217,216,222,228,233,238,238,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,116,105,35,0,0,0,0,0,0,0,0,0,0,0,56,85,95,87,29,23,19,0,87,53,35,0,0,87,116,124,121,118,121,116,90,5,0,0,29,45,33,31,31,35,41,35,39,51,65,108,118,121,85,73,63,62,75,91,126,134,144,150,144,129,85,48,42,142,134,95,70,68,97,150,157,152,139,101,101,139,147,144,105,97,93,93,95,93,93,101,103,142,147,142,142,144,150,150,147,152,150,139,95,95,142,163,170,71,23,37,51,95,97,91,85,89,101,107,109,109,147,150,113,111,113,163,170,173,176,176,168,160,160,165,165,168,170,170,165,163,165,163,121,117,116,116,119,165,173,176,173,165,121,118,119,121,121,117,114,114,115,117,121,165,168,168,123,117,115,117,123,165,170,178,183,189,196,194,170,115,111,115,123,170,178,189,183,170,121,115,111,111,111,111,115,121,121,115,117,123,125,170,186,191,189,176,170,170,181,186,176,125,119,116,116,116,117,119,121,127,176,181,183,186,186,186,186,181,176,178,186,186,176,129,128,128,128,131,181,186,186,191,207,222,225,228,230,217,202,191,189,194,204,222,233,238,235,233,228,225,225,222,222,222,217,215,212,196,111,101,113,123,129,183,196,209,217,220,222,222,222,222,217,215,212,212,211,212,212,212,212,207,204,204,199,189,135,133,135,186,183,137,139,191,202,215,228,230,233,238,238,233,217,199,189,189,191,191,191,194,199,204,204,191,135,131,133,133,131,131,131,131,129,127,126,129,178,196,204,207,207,204,202,196,189,181,181,181,181,183,183,181,176,127,124,127,176,183,186,186,189,194,199,196,173,115,112,117,123,123,123,125,173,176,170,123,119,115,115,115,115,115,117,119,121,119,121,125,125,124,124,168,173,173,168,127,124,125,170,181,189,189,181,173,173,176,173,170,170,176,183,194,199,204,207,209,209,209,207,196,168,113,113,117,115,113,119,168,173,165,115,111,115,160,163,121,117,115,115,117,168,178,183,183,186,186,181,125,99,96,101,111,125,181,189,178,168,181,186,186,176,170,170,173,173,129,125,123,121,122,129,186,204,217,228,225,209,194,181,178,181,178,173,176,186,204,215,217,215,212,212,215,217,215,204,189,131,124,123,124,127,129,131,176,181,183,183,183,181,178,178,181,183,181,173,123,115,113,113,114,115,115,113,113,117,123,168,173,176,178,183,189,194,196,196,194,189,183,178,176,176,181,183,186,189,186,170,121,121,125,123,121,123,121,121,125,173,183,178,101,45,73,125,178,181,181,181,173,165,125,123,121,119,116,116,116,119,121,129,178,183,183,183,186,189,181,176,178,183,186,186,181,127,121,120,121,119,111,101,115,181,183,181,176,170,173,176,181,181,181,186,191,173,57,46,58,99,115,181,191,105,11,3,23,37,25,13,34,79,79,89,111,121,168,170,173,170,170,176,186,199,207,212,207,204,207,207,196,176,89,89,101,103,83,95,183,189,183,183,183,181,181,183,186,189,186,178,125,119,121,127,119,107,117,176,176,129,127,170,176,176,174,173,181,189,178,121,115,118,176,186,191,189,181,178,183,196,204,199,196,194,189,173,168,168,170,173,170,125,119,115,119,123,117,105,99,100,105,113,117,119,117,117,115,115,117,119,115,111,111,117,119,121,123,125,125,170,178,178,129,125,125,131,173,173,183,196,204,212,215,209,202,194,186,186,189,196,202,204,207,207,199,191,186,185,186,186,189,194,194,191,186,189,194,199,199,196,196,196,194,194,194,196,202,202,194,186,183,189,191,186,178,174,174,176,178,178,133,132,133,135,181,181,178,135,135,135,133,133,133,135,181,183,183,135,123,115,115,125,135,181,183,186,191,196,199,204,209,215,215,209,207,204,202,194,186,135,129,129,133,181,194,207,212,209,209,191,117,133,186,191,189,186,189,191,191,189,186,185,185,185,186,186,185,185,186,186,186,185,185,186,194,199,196,196,194,194,194,199,204,209,204,200,200,204,209,215,212,204,196,195,195,196,199,199,202,202,199,199,196,194,192,194,199,204,207,204,204,204,204,202,202,204,209,212,215,217,215,212,209,207,204,202,202,200,202,204,207,212,215,215,209,204,199,196,191,189,186,186,183,183,181,178,176,176,178,181,183,183,183,183,181,178,181,181,183,183,181,178,133,132,131,133,181,186,186,186,186,186,189,194,194,194,189,186,183,181,178,176,133,133,178,181,183,181,176,131,127,126,127,131,133,131,131,173,173,176,173,173,172,173,176,176,176,178,178,176,133,176,178,178,181,189,196,199,199,196,196,196,196,196,196,194,191,191,191,194,196,196,194,194,194,194,194,191,189,189,191,194,194,189,186,183,183,183,186,186,183,183,186,189,191,191,191,191,191,191,194,196,202,204,204,199,194,191,196,196,196,191,189,186,183,182,182,183,183,189,191,194,186,133,129,131,178,186,194,194,191,189,189,186,183,186,191,194,196,196,196,191,189,189,191,194,191,191,194,196,196,196,199,199,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,108,111,100,51,0,0,0,0,0,85,163,170,186,199,181,4,0,0,0,0,0,0,0,0,43,64,48,1,1,30,53,22,0,9,7,0,0,1,13,25,74,0,64,0,0,33,0,0,0,0,0,0,27,30,0,0,0,0,20,7,4,7,9,9,14,9,4,7,9,7,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,186,186,183,176,0,0,150,137,124,121,0,142,152,155,150,150,157,170,183,0,181,176,170,168,163,160,155,150,150,157,165,173,176,181,189,196,199,194,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,0,0,0,0,0,0,0,176,176,168,163,157,152,150,147,147,144,147,150,152,152,0,0,0,0,0,0,0,0,147,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,215,217,222,228,230,233,230,225,217,212,209,207,204,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,199,202,209,217,228,230,222,209,199,192,191,190,191,194,199,202,202,202,207,212,217,225,225,222,217,212,207,204,204,202,196,191,189,189,189,189,183,137,133,129,127,125,127,131,133,176,183,191,202,212,217,222,222,217,212,204,196,191,189,183,137,135,135,183,191,199,204,207,207,209,215,217,215,217,225,230,228,225,222,217,212,212,212,217,222,225,225,225,225,225,217,209,204,202,196,191,191,199,209,217,220,217,215,209,204,202,202,204,209,215,225,228,228,230,230,235,241,238,238,238,241,238,238,238,235,233,230,230,230,230,230,228,228,230,233,235,233,230,228,228,230,228,225,217,222,222,217,216,217,222,225,225,217,216,222,230,235,238,238,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,79,43,0,0,0,0,0,0,0,0,0,0,0,33,66,74,33,25,43,66,0,77,47,29,0,0,79,111,121,121,116,111,100,21,0,0,0,43,124,113,45,17,37,47,51,53,57,105,121,126,124,118,85,81,81,89,121,126,139,160,165,152,137,93,63,47,99,97,97,75,72,91,103,139,137,103,101,137,144,147,147,105,93,83,85,97,101,99,101,87,81,91,101,144,163,173,170,168,168,165,155,105,97,103,168,168,49,3,37,67,101,105,99,89,89,99,107,107,109,150,152,150,111,115,165,173,176,176,173,163,119,119,160,121,121,160,160,160,160,163,165,160,119,116,116,119,160,173,181,181,170,160,118,118,121,121,119,117,117,119,121,163,165,168,168,163,121,119,121,123,123,163,170,176,183,191,189,173,119,115,119,163,176,186,199,199,189,168,113,107,105,107,105,103,109,113,113,119,165,165,168,178,186,186,176,127,125,127,170,168,123,119,117,116,116,119,119,119,123,173,183,186,183,183,183,183,181,176,181,191,194,183,173,131,131,131,133,181,186,186,189,202,217,225,228,228,215,202,196,191,191,202,228,241,243,238,230,225,222,220,222,225,222,220,215,212,204,125,93,85,95,125,189,202,212,217,222,222,222,222,217,215,215,212,212,212,215,217,222,222,215,212,209,204,194,137,133,135,183,186,139,186,199,209,225,235,238,238,238,238,233,215,196,186,182,183,183,186,189,196,207,207,196,183,178,181,181,178,181,178,176,131,127,125,125,127,186,196,196,196,191,186,181,176,131,131,131,131,131,176,176,173,127,125,129,181,191,191,186,183,186,191,186,168,113,111,113,119,123,121,121,125,125,123,121,119,119,119,121,119,117,117,121,125,165,170,173,170,124,123,125,127,168,127,127,125,125,170,183,194,194,183,173,129,129,129,170,173,176,183,194,202,207,207,204,204,204,199,186,119,110,113,115,109,107,115,123,165,121,111,107,109,113,115,115,113,111,113,119,165,173,176,176,178,176,170,113,92,92,97,107,119,170,173,125,120,176,183,183,176,173,173,176,176,173,129,123,123,127,173,181,191,207,215,215,204,189,178,176,176,173,131,173,183,196,207,212,212,212,212,212,217,217,212,196,178,125,123,124,127,131,131,176,181,183,181,178,178,181,186,196,204,196,178,121,114,114,119,123,127,125,121,119,121,127,176,183,183,183,183,186,189,189,186,183,178,176,174,174,176,178,183,183,183,178,121,113,117,121,119,117,121,125,125,168,178,183,173,42,0,43,107,168,173,176,176,173,168,165,165,165,121,116,116,121,168,170,176,181,191,199,204,207,204,199,183,176,173,176,183,181,127,121,123,123,121,119,121,170,178,178,173,168,168,170,176,178,178,173,168,170,165,81,61,99,125,168,176,186,181,3,0,0,69,77,57,87,109,103,103,113,119,123,129,170,173,170,173,181,194,204,209,207,207,209,209,194,127,77,85,95,93,64,56,67,101,119,170,181,186,189,189,186,183,183,178,170,129,178,181,121,99,105,123,127,123,125,170,181,183,178,176,186,194,186,127,118,121,173,183,189,186,183,186,196,207,212,204,199,202,199,186,170,168,170,173,129,119,112,111,113,115,115,109,102,101,105,115,121,121,123,123,123,123,127,168,127,121,119,117,115,114,115,116,116,121,127,127,121,119,123,129,129,129,176,194,204,212,215,212,207,202,196,194,196,199,204,207,209,207,199,189,186,186,191,191,194,196,196,189,181,181,186,191,194,191,191,194,191,191,191,194,196,196,183,131,129,133,178,178,174,172,173,176,181,181,176,133,133,178,181,181,176,133,132,133,135,181,183,183,183,183,186,183,178,133,181,183,186,186,186,189,194,196,199,204,209,212,209,207,204,204,202,199,191,181,133,133,181,194,204,209,212,209,199,109,85,121,186,191,189,186,186,191,191,189,185,185,185,185,185,186,185,185,186,189,189,185,185,186,191,196,196,194,191,190,190,194,199,204,202,199,199,202,212,217,215,204,196,195,195,195,196,199,199,199,202,199,196,194,194,196,202,207,207,204,204,204,204,202,202,204,207,209,212,212,212,209,207,204,204,202,200,200,202,204,209,209,209,209,204,202,199,196,194,191,189,186,183,178,178,176,178,181,186,189,189,186,183,181,178,178,181,183,186,186,186,183,178,176,133,133,176,181,181,181,183,183,189,191,194,194,189,186,183,183,183,181,178,178,181,186,189,189,178,133,129,127,129,133,173,131,131,173,176,176,176,176,173,173,173,173,173,176,178,178,181,183,181,178,181,189,196,199,199,199,196,199,199,202,199,196,194,191,191,194,196,196,196,194,194,194,194,191,189,191,194,196,194,191,186,183,183,183,186,186,189,189,191,191,191,189,189,189,189,191,194,196,202,204,204,202,196,196,199,199,196,194,191,189,183,183,182,182,183,189,194,196,189,176,129,129,131,176,181,183,183,183,183,181,178,181,189,194,196,194,191,189,186,186,191,191,191,191,194,196,199,199,199,199,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,113,134,142,121,0,0,0,14,56,160,181,183,191,196,178,0,0,0,0,0,0,0,0,0,35,64,53,20,20,53,87,56,35,38,35,1,0,30,38,38,69,0,59,0,0,7,0,0,0,0,0,38,22,22,0,0,0,27,14,4,1,4,7,4,1,0,0,0,7,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,152,0,0,0,0,0,0,0,176,183,186,183,173,160,0,152,139,121,113,116,0,139,0,0,0,0,163,178,183,181,168,155,150,150,150,144,0,0,150,163,170,176,181,189,199,202,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,181,176,170,165,157,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,215,217,225,228,228,230,228,225,215,209,207,204,202,202,0,0,0,207,0,0,0,0,0,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,202,204,209,222,233,235,233,222,212,204,202,199,196,196,199,199,198,198,199,207,212,215,217,215,212,209,207,204,204,204,202,196,194,194,196,194,191,183,135,129,127,125,127,131,133,176,183,191,202,215,225,230,228,225,217,209,202,199,196,194,186,181,181,183,191,199,207,209,207,209,215,215,212,215,222,228,225,222,222,217,212,212,212,215,222,225,225,225,225,228,220,209,202,196,194,190,191,199,212,222,222,222,220,215,209,207,204,204,209,215,222,225,228,225,228,233,238,238,238,238,238,238,238,238,235,233,230,230,230,230,230,228,228,230,233,235,233,230,228,228,230,230,225,222,222,222,217,216,217,222,225,225,217,217,222,230,235,238,235,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,59,43,22,7,0,0,0,11,0,0,0,0,0,9,31,29,0,39,92,79,0,21,39,29,0,0,82,108,116,118,116,108,90,0,0,0,0,9,121,144,19,0,11,47,61,57,51,73,121,126,121,118,121,124,126,129,124,126,150,176,178,155,144,152,168,63,73,79,87,80,80,95,101,101,99,99,103,139,142,142,144,139,93,83,85,103,142,105,97,73,71,85,99,147,168,178,178,178,176,173,165,150,97,85,89,63,14,8,59,83,97,142,103,93,91,99,107,109,111,150,152,150,111,115,163,170,170,170,170,163,119,119,157,121,119,119,119,119,160,165,165,121,117,117,117,119,160,170,178,178,170,160,121,121,123,123,121,119,119,123,165,165,165,165,163,121,119,119,123,163,121,121,165,178,186,191,189,176,163,121,121,123,170,183,196,202,191,173,117,109,107,103,99,97,99,105,111,123,170,170,170,173,178,178,173,125,123,124,168,127,125,123,119,117,117,121,121,119,121,129,181,183,183,181,181,181,181,181,183,191,194,189,181,176,131,133,178,183,189,186,186,194,209,222,225,217,207,199,194,186,183,199,228,246,248,238,228,217,215,215,222,225,225,217,212,209,209,202,95,49,63,127,196,207,212,217,222,222,222,222,217,215,212,212,212,215,217,225,228,228,222,217,215,209,199,183,135,135,183,186,189,196,204,209,222,233,238,238,238,235,228,209,191,182,181,183,183,186,186,191,202,209,207,196,191,191,189,186,189,186,181,176,129,126,125,126,176,181,183,181,133,129,127,125,123,123,123,125,127,129,131,129,127,125,129,181,191,191,186,183,183,183,176,123,113,112,113,121,125,123,119,121,121,121,121,121,121,123,123,121,119,119,123,168,176,183,183,176,168,125,125,127,127,125,125,127,129,176,186,194,191,181,129,125,123,125,170,173,176,178,186,199,204,202,199,194,189,183,170,113,110,119,117,98,98,105,113,111,107,106,105,104,104,106,109,107,100,105,121,165,170,168,168,165,163,119,103,87,90,99,111,119,125,125,121,118,121,127,170,170,173,176,176,176,173,129,125,127,176,183,183,183,191,199,202,194,183,178,178,178,176,131,130,173,189,202,207,209,209,209,212,217,222,215,202,186,125,123,125,131,173,131,173,178,181,176,173,173,178,186,199,207,199,181,123,119,123,173,181,183,178,170,127,127,170,176,178,181,178,178,181,183,183,178,174,174,173,174,176,178,181,183,181,173,125,112,110,113,117,117,116,119,168,173,176,183,189,178,47,5,47,105,125,170,170,168,168,168,168,168,168,123,119,121,170,181,181,181,189,199,209,217,220,217,212,196,176,125,125,173,170,121,123,127,170,129,129,176,178,178,173,128,127,128,168,173,173,170,123,116,119,127,165,123,125,125,168,173,176,79,0,0,29,115,121,121,123,125,121,117,121,127,127,170,173,173,129,129,176,191,202,207,207,207,209,207,186,117,89,90,93,95,83,54,28,17,57,105,183,196,196,191,189,186,183,183,181,178,191,196,173,99,100,107,117,121,125,173,183,189,183,186,202,212,207,191,173,173,178,186,189,189,189,194,196,202,209,202,196,196,196,189,176,169,170,173,170,119,112,111,112,114,115,115,109,102,103,113,119,123,168,170,168,170,173,176,170,127,127,125,117,115,115,114,115,119,123,119,113,113,117,123,125,125,129,186,196,204,209,209,207,207,207,204,204,204,207,207,209,207,199,191,189,191,199,202,204,204,199,189,178,135,181,186,186,186,186,189,191,189,189,189,191,189,178,128,126,129,176,181,181,176,174,176,181,181,178,176,176,178,178,178,176,132,132,133,183,191,196,194,189,186,183,183,183,186,191,191,194,194,194,194,196,196,199,204,209,212,209,204,204,204,202,202,199,189,181,178,186,199,207,209,209,202,178,89,78,93,129,181,183,183,186,191,194,191,186,186,186,189,189,191,189,186,189,194,194,194,191,191,194,199,199,196,191,189,190,194,199,204,202,200,200,204,215,217,215,207,199,196,199,196,196,196,199,199,202,199,196,191,191,194,202,207,207,204,204,204,204,202,202,204,207,209,207,209,209,209,209,207,207,204,202,204,207,209,212,212,209,207,202,199,196,194,194,194,191,189,181,178,176,176,178,183,189,191,191,186,181,178,176,178,181,183,189,191,194,189,186,178,176,133,133,133,176,178,181,183,186,189,191,191,189,186,186,186,186,186,186,186,186,191,194,194,186,176,131,129,131,176,176,131,131,173,176,176,178,178,178,176,173,172,172,176,178,181,183,189,183,178,176,183,194,196,196,196,196,199,202,202,202,199,196,194,194,194,196,194,194,191,191,191,191,189,191,194,194,194,191,189,186,183,183,183,186,189,191,194,194,194,191,189,189,189,189,191,194,196,196,202,202,202,199,199,202,202,199,196,194,191,189,186,183,183,183,189,194,196,189,178,131,128,128,128,131,133,176,176,178,135,133,135,186,194,194,194,191,186,183,186,191,194,194,194,196,199,199,199,199,199,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,98,131,147,147,17,0,0,0,61,178,186,189,189,181,147,0,0,0,0,0,0,0,0,12,17,40,48,46,51,64,74,66,48,43,38,13,13,38,46,43,48,51,27,0,0,0,33,66,69,59,38,12,0,0,0,12,20,0,0,12,1,0,0,1,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,0,0,0,0,0,0,0,168,181,186,186,176,163,0,0,0,126,113,113,0,0,0,0,0,0,152,173,183,178,165,0,0,0,0,0,0,0,144,157,165,170,176,186,199,204,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,183,181,176,170,163,155,0,0,0,0,0,0,150,0,0,0,0,0,0,0,144,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,217,225,228,228,225,225,217,212,207,204,204,202,202,202,204,0,0,0,0,0,196,0,207,0,0,0,0,194,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,215,225,233,241,241,235,230,225,222,215,209,204,202,199,198,198,199,204,209,215,215,215,212,209,207,207,207,207,207,202,202,202,202,202,196,189,139,133,127,127,127,129,133,178,186,191,202,212,225,230,230,228,222,212,204,202,202,199,191,186,183,186,189,196,204,207,207,209,212,212,212,215,222,225,225,222,222,222,215,212,212,215,222,225,225,225,225,228,222,209,202,196,191,190,191,202,212,222,225,225,225,222,217,212,207,204,207,215,222,225,222,222,225,230,235,238,238,235,238,238,241,238,238,233,230,230,233,233,230,228,228,230,233,235,233,230,228,230,230,230,225,222,222,222,217,216,217,222,225,225,222,217,222,230,235,235,235,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,77,46,7,25,33,5,0,0,0,0,0,7,0,0,69,92,74,0,0,41,39,0,0,74,98,111,111,105,95,49,0,0,0,0,0,19,43,0,0,0,53,90,52,49,55,111,121,121,121,126,131,134,134,118,87,139,173,168,134,134,160,173,69,59,69,83,82,85,97,101,99,99,99,101,137,137,137,137,103,97,85,85,95,103,101,89,65,65,87,99,142,157,168,173,176,173,168,160,144,71,1,0,15,15,31,87,97,97,107,105,99,97,103,109,111,111,113,113,113,111,113,157,163,160,160,165,163,157,119,119,160,121,119,119,121,163,168,165,119,115,115,117,119,121,165,170,168,165,160,163,163,123,123,121,119,119,123,165,165,163,123,121,119,119,117,119,121,117,119,168,181,189,191,186,178,170,163,121,121,123,173,186,191,186,173,123,117,111,103,95,95,99,103,115,165,176,181,178,170,168,170,168,125,125,168,176,170,125,123,121,119,119,121,123,119,119,125,173,178,178,178,176,178,183,183,186,186,186,186,183,178,173,133,178,186,189,186,178,183,196,209,212,204,194,189,189,183,181,194,225,243,246,238,228,215,212,213,217,225,225,217,215,212,209,209,81,18,46,133,202,212,215,217,222,222,222,222,217,215,212,209,212,215,222,228,230,228,225,217,215,212,202,189,139,135,139,186,194,204,207,202,209,225,230,233,235,233,225,204,191,182,181,183,186,186,186,191,202,212,217,209,202,199,194,189,191,189,183,178,133,131,129,127,129,129,129,127,123,122,122,122,122,121,121,125,127,127,129,129,127,125,129,178,183,183,186,189,189,178,165,119,113,113,117,123,123,121,119,119,119,119,121,123,123,125,125,125,121,121,123,168,176,183,186,181,173,168,127,127,127,124,124,129,176,183,189,189,183,173,125,122,122,123,129,173,176,173,173,183,194,194,189,181,173,165,119,111,115,168,123,88,95,103,109,105,105,107,107,105,107,111,119,109,79,84,160,170,170,165,123,121,119,117,107,91,94,105,117,121,125,127,125,120,120,120,120,125,170,176,176,173,170,129,129,173,189,199,194,183,181,183,183,176,173,178,186,189,186,176,130,130,178,194,202,207,209,209,215,217,220,212,202,186,127,125,129,176,176,176,176,178,178,170,127,129,173,181,191,194,183,129,123,123,170,181,189,189,183,176,170,170,170,170,170,168,168,170,178,183,186,181,176,176,176,181,183,183,183,178,168,121,113,110,110,113,119,121,119,121,168,176,178,186,194,196,165,75,85,115,165,170,168,166,166,168,168,168,165,123,121,125,170,176,178,181,191,204,215,222,225,222,217,212,186,121,120,121,120,118,123,173,183,189,186,186,189,186,176,128,126,127,168,170,173,168,119,115,116,125,168,168,165,125,165,170,123,9,0,0,69,103,119,170,176,176,178,176,178,186,186,183,176,129,126,126,170,189,199,204,204,204,204,199,176,115,111,103,95,101,183,113,32,14,46,83,178,194,196,194,191,189,189,189,181,170,181,194,191,121,103,107,117,123,168,170,178,186,176,181,204,212,209,199,186,183,189,191,191,191,191,191,183,176,186,189,191,189,189,183,173,168,169,173,173,125,117,115,115,117,119,119,115,109,107,111,119,127,176,178,176,176,178,181,173,168,170,173,168,123,119,117,119,127,125,115,109,109,111,113,115,119,123,176,189,194,199,199,202,204,207,207,207,207,207,209,209,207,199,191,191,196,204,209,212,209,204,189,133,131,133,178,178,178,181,186,189,189,186,186,186,183,178,129,127,128,178,186,189,186,178,178,181,181,178,178,181,183,181,178,176,176,178,183,191,194,199,196,191,183,181,181,183,186,189,191,194,196,199,196,194,194,199,204,209,209,207,204,204,204,204,204,202,196,189,183,186,194,204,204,204,194,133,107,89,97,113,127,137,183,186,191,194,194,191,191,194,196,196,196,194,189,191,194,199,199,199,196,196,199,202,199,194,191,194,199,204,207,207,204,202,207,215,215,212,207,202,204,204,202,199,199,202,202,199,199,194,190,190,191,199,207,207,204,204,204,204,202,202,204,207,207,204,204,209,209,209,209,209,207,207,207,212,212,212,212,209,204,199,191,186,189,191,194,194,189,183,178,176,176,176,178,183,186,189,186,181,178,176,176,178,183,191,196,196,194,189,181,176,133,131,131,176,181,181,181,181,186,189,191,189,189,186,189,191,191,191,189,191,191,196,196,189,181,131,129,131,176,173,129,131,173,176,176,178,181,181,178,173,172,172,173,178,181,183,186,183,176,133,178,186,191,194,194,196,199,202,202,202,199,194,191,191,194,194,191,189,189,189,189,189,189,194,196,194,191,189,186,183,183,186,186,189,191,194,194,191,191,191,191,189,189,191,191,194,194,196,202,204,207,204,202,202,202,199,196,196,194,191,189,189,186,186,186,191,191,186,176,131,128,128,128,131,131,133,133,133,133,132,135,183,191,194,191,189,186,183,186,191,194,194,194,196,196,196,196,196,196,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,103,22,0,0,0,61,181,183,183,178,137,61,0,0,1,0,0,0,0,12,14,0,5,38,53,61,64,64,61,46,30,17,11,11,27,38,33,19,15,9,3,0,5,22,35,40,33,14,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,183,191,191,178,165,160,0,0,131,121,116,0,0,0,0,0,0,0,168,181,178,163,0,0,0,147,147,0,0,0,147,155,157,165,176,191,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,186,181,173,165,157,0,0,0,0,0,152,157,157,157,152,147,0,0,142,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,217,225,225,225,222,217,212,207,204,202,202,202,202,202,204,0,0,0,204,0,196,0,207,212,212,0,199,191,186,186,189,0,0,0,0,0,0,0,0,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,0,0,0,228,222,217,217,225,233,241,243,243,241,241,235,230,222,212,207,204,199,198,199,204,209,215,215,212,212,209,209,209,212,215,215,212,209,207,207,207,204,196,186,137,131,127,127,129,133,181,189,191,196,207,217,228,228,228,222,212,204,202,204,202,194,186,186,186,186,191,196,202,204,207,209,212,209,212,222,225,225,225,225,225,220,212,212,215,222,225,225,225,228,228,222,212,202,196,191,191,194,202,212,222,225,225,228,228,222,217,209,207,207,212,217,222,217,222,222,228,235,238,238,235,235,238,241,241,238,233,233,230,233,233,230,228,228,230,233,235,233,230,228,230,233,230,225,222,222,222,217,216,217,222,225,225,222,222,225,230,233,235,233,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,103,90,30,40,46,25,0,0,0,0,0,0,0,0,53,74,72,7,0,66,69,23,15,41,74,87,98,79,41,0,0,0,0,0,0,0,0,0,0,9,85,87,46,51,61,105,118,124,126,129,131,134,134,73,63,81,144,131,53,63,147,142,61,52,75,83,81,83,95,101,101,99,99,101,101,101,99,99,99,97,91,81,77,83,85,71,58,60,83,93,93,101,150,157,165,165,155,144,89,0,0,0,15,27,57,105,150,101,105,109,109,107,109,111,113,113,113,111,111,110,113,155,155,115,115,119,157,119,117,119,121,121,119,119,160,168,170,163,117,113,115,115,117,121,160,121,121,160,165,165,163,121,119,117,117,119,121,163,163,163,123,123,121,121,117,115,113,113,117,170,183,189,191,186,181,173,165,119,118,119,165,176,178,176,168,163,123,113,99,89,93,101,107,117,165,178,189,189,176,164,164,165,165,170,183,189,178,125,119,119,119,119,119,121,119,121,123,168,173,176,176,174,176,183,186,186,182,182,186,191,186,176,133,178,183,186,183,177,177,186,199,199,189,181,181,183,181,179,189,212,233,238,235,228,217,213,213,217,225,225,225,222,217,207,199,53,0,45,186,207,212,215,217,222,222,222,217,217,215,209,207,209,212,222,225,228,225,222,215,215,209,199,189,139,135,135,183,194,204,202,194,199,212,222,225,228,228,217,204,194,186,182,183,186,189,191,194,202,217,225,217,207,199,191,186,186,186,183,178,178,135,133,131,129,127,125,122,121,122,123,127,125,122,123,129,131,129,131,131,127,127,129,173,176,178,186,194,191,178,123,115,113,117,121,123,121,117,115,115,115,115,117,121,123,165,170,168,125,123,125,165,170,176,181,178,173,170,170,168,129,127,125,170,181,186,186,181,173,127,123,122,121,123,127,170,173,127,125,168,178,181,178,170,123,117,111,110,119,173,163,83,99,111,111,106,107,119,119,113,168,176,186,160,72,76,168,173,170,163,123,121,121,121,115,101,101,113,123,165,170,176,178,173,127,121,119,120,127,176,178,176,131,131,176,183,199,209,204,189,173,129,127,123,125,176,189,196,196,186,176,131,173,181,194,204,209,212,215,217,215,207,194,178,127,125,131,178,181,178,178,178,173,125,121,123,129,173,178,178,123,120,120,123,170,181,186,186,176,170,170,173,173,168,125,123,123,125,173,183,191,189,186,183,186,189,191,189,183,173,119,110,112,113,115,121,127,168,165,125,168,170,176,181,191,202,199,189,123,165,170,173,170,168,166,168,170,168,125,121,119,119,121,125,170,181,191,202,212,217,225,225,222,222,202,129,121,120,117,117,123,178,194,202,199,194,194,196,186,173,129,168,170,173,173,170,123,117,119,121,123,123,125,127,168,168,119,51,0,0,59,69,113,178,186,189,194,199,202,212,209,199,183,129,125,125,173,189,199,202,202,202,199,191,129,113,113,111,105,115,209,202,93,77,59,95,127,183,191,194,194,191,191,186,127,100,100,176,194,189,119,117,123,170,170,168,168,170,161,168,189,194,191,191,189,191,194,191,189,189,189,181,125,113,115,170,181,183,178,176,170,166,169,176,178,173,129,125,123,121,123,121,119,117,115,115,125,176,183,186,186,186,191,189,178,170,173,181,186,178,170,125,127,173,123,111,107,107,105,103,101,107,115,131,178,183,189,194,194,196,199,202,202,204,207,207,207,204,196,189,189,196,204,209,212,212,202,186,131,127,131,135,135,134,178,183,186,186,183,183,181,181,181,133,128,129,176,183,186,186,183,181,181,178,178,181,186,186,183,183,183,186,191,194,194,191,186,183,181,135,133,133,135,181,183,186,191,196,199,196,194,191,194,202,204,207,204,204,204,202,202,202,202,199,194,186,181,181,189,194,196,189,181,183,131,115,113,123,135,183,189,194,196,194,191,194,199,199,202,202,199,191,191,191,196,199,202,202,199,199,202,202,199,199,199,204,207,209,212,209,209,209,215,215,209,204,204,207,207,204,202,204,204,202,199,196,191,190,190,191,196,204,207,207,207,207,204,202,202,202,204,204,204,204,207,209,209,209,209,207,207,209,212,215,212,212,209,204,194,181,134,135,183,191,191,189,183,178,176,133,133,133,176,178,183,183,181,178,176,176,176,181,189,194,196,194,189,181,176,131,131,133,181,183,181,178,178,181,189,191,191,189,189,189,191,191,191,191,191,191,194,194,191,181,131,127,129,173,131,129,129,173,176,176,178,181,183,181,176,173,173,173,176,178,181,183,181,133,130,133,181,189,191,194,194,196,199,202,202,196,194,191,191,191,189,186,186,186,186,186,186,189,194,196,194,189,186,183,182,183,186,191,194,194,194,191,189,189,191,191,194,191,191,191,191,191,194,202,207,207,204,202,202,202,199,196,196,194,191,191,191,189,186,186,186,186,181,133,131,129,131,133,176,176,133,133,133,132,132,135,186,191,194,191,189,186,183,186,189,191,194,194,194,194,196,196,196,196,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,77,59,0,0,77,173,170,168,152,33,0,0,0,43,0,0,0,0,7,9,0,0,20,43,56,61,64,56,33,1,0,0,0,3,9,0,0,0,5,7,11,22,27,25,22,17,5,0,0,0,0,0,0,4,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,183,194,194,181,168,160,0,0,0,0,121,0,0,0,0,0,0,0,160,176,173,160,142,0,142,152,155,0,0,142,142,144,147,155,165,178,186,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,189,183,176,168,160,152,0,0,0,0,157,163,163,160,155,150,0,0,147,152,0,0,0,0,0,0,0,0,0,207,0,0,0,0,0,0,0,0,0,0,0,0,212,217,225,225,222,215,212,207,204,202,202,202,199,199,202,204,207,0,0,0,0,199,202,207,212,212,0,199,191,189,191,191,0,0,0,0,0,0,0,0,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,0,0,0,235,230,225,222,225,230,238,243,246,246,246,246,241,233,222,212,207,204,199,202,204,209,212,212,212,212,215,215,217,222,225,225,222,217,215,215,212,207,202,191,141,137,131,129,129,133,183,189,191,194,202,212,222,225,225,217,209,202,202,204,204,196,189,186,185,185,186,189,194,196,202,204,207,209,212,217,225,225,225,225,228,225,215,215,217,222,225,228,225,228,228,225,215,207,199,194,194,196,202,209,217,222,225,228,230,228,222,212,207,207,212,215,215,215,217,222,228,235,238,238,235,235,235,238,241,238,235,233,233,233,233,230,230,230,230,233,233,233,230,230,230,230,228,225,222,225,222,217,216,217,222,225,225,222,222,225,228,230,233,233,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,111,43,0,64,38,0,0,0,3,7,0,0,0,0,21,77,85,74,77,85,90,59,27,21,29,51,3,0,0,0,0,0,0,0,0,0,0,15,87,103,98,63,65,103,111,118,126,131,131,131,129,124,65,33,27,41,0,0,0,45,61,63,87,93,85,69,77,95,131,131,99,99,97,97,99,95,95,99,101,93,59,48,54,65,62,53,58,79,81,70,73,95,144,150,152,144,91,27,0,0,35,33,27,39,147,155,109,107,147,152,150,147,150,152,155,155,113,110,110,115,157,117,111,111,111,113,115,115,117,119,119,119,121,168,176,173,163,115,111,111,113,115,119,121,117,114,119,170,173,165,119,117,116,116,119,123,123,163,165,165,165,165,163,119,112,110,112,121,173,183,189,191,189,183,173,123,118,117,118,121,163,165,163,163,163,160,113,93,84,90,109,111,117,168,178,191,194,186,168,164,165,168,173,191,199,183,121,114,115,117,117,117,117,117,119,121,125,170,176,176,176,176,181,183,183,182,183,189,196,194,183,176,133,176,181,181,177,178,186,189,186,181,135,137,181,181,179,183,199,217,230,235,230,225,217,215,222,228,230,230,230,222,204,191,22,0,83,199,209,212,212,215,222,220,215,215,215,212,209,207,207,209,217,222,222,222,217,212,209,202,194,186,141,137,135,137,189,196,196,194,194,199,207,212,215,212,207,202,196,191,186,186,191,196,196,194,204,217,225,217,207,199,189,179,181,183,186,186,183,178,133,133,135,133,125,121,120,123,133,181,178,133,133,181,183,181,178,176,131,127,127,129,173,176,181,186,183,176,123,115,113,119,123,123,119,115,113,111,109,111,113,117,123,173,181,176,168,125,125,123,125,125,168,168,168,170,170,173,173,173,129,129,173,181,178,129,125,123,123,123,123,123,125,170,170,125,121,123,170,173,168,125,117,111,108,109,117,125,119,105,111,115,115,115,123,170,165,121,173,189,191,105,78,88,168,173,165,121,163,168,163,121,115,107,109,119,170,178,183,191,194,191,183,170,120,118,125,173,178,176,173,176,181,191,204,212,207,191,173,121,118,118,123,173,186,196,196,189,178,173,129,131,183,202,209,212,215,212,204,191,178,129,124,125,131,176,181,181,178,176,127,121,118,120,170,178,181,176,125,122,121,122,168,176,176,173,125,124,168,178,178,170,125,123,123,125,168,178,189,191,194,194,194,194,191,189,183,170,113,106,117,123,125,168,173,178,176,170,165,125,165,170,181,194,196,189,176,173,176,173,170,173,178,176,173,165,123,119,113,109,109,115,168,178,183,191,202,212,222,222,222,212,202,183,176,129,121,123,170,183,194,199,196,196,199,199,194,186,181,178,176,176,173,170,127,121,117,116,117,119,123,127,168,170,170,119,89,71,67,79,121,181,196,199,202,207,215,217,220,209,194,173,128,173,181,186,191,194,194,194,186,170,115,107,111,115,119,176,196,202,196,183,123,123,127,173,178,183,186,191,191,178,113,95,97,121,186,186,125,123,168,173,170,165,163,161,160,165,178,176,160,168,189,189,186,165,176,181,181,178,121,107,107,114,168,173,168,173,178,176,176,181,183,183,181,176,127,121,121,121,121,123,127,176,181,186,189,191,196,202,202,196,186,176,176,191,199,194,178,170,129,125,115,107,105,105,103,100,97,93,98,123,133,178,189,196,194,189,191,194,196,199,202,204,202,196,189,183,186,191,196,202,204,204,194,178,129,127,133,178,178,135,181,183,183,181,176,176,178,178,181,178,133,133,176,181,186,186,189,189,186,183,183,186,189,189,186,189,194,202,204,204,199,191,178,133,131,130,130,130,131,135,135,135,183,191,199,196,194,190,191,196,196,196,199,204,204,199,196,196,199,199,194,186,133,130,133,181,181,137,183,196,199,189,127,129,137,189,194,196,196,194,191,196,199,202,202,204,202,196,191,190,191,196,202,202,199,198,202,202,202,204,204,207,207,209,215,215,212,215,215,215,209,204,204,204,204,204,204,207,204,202,199,194,191,191,194,196,196,199,207,209,209,207,204,202,202,199,199,202,204,207,209,209,207,207,207,207,207,207,209,215,212,209,209,202,191,137,131,129,132,183,189,186,181,178,176,133,131,130,131,133,178,181,181,181,178,176,176,181,183,186,189,189,186,178,133,130,131,176,183,186,181,176,176,181,186,191,194,191,189,189,189,189,187,187,189,191,191,191,189,181,131,127,127,131,131,129,129,173,176,176,176,181,186,186,181,178,176,176,176,178,181,181,176,130,129,131,178,186,191,196,196,199,199,199,199,196,191,191,191,189,189,186,186,186,186,186,186,189,191,194,194,189,183,182,182,183,189,191,194,194,191,189,186,186,189,191,194,191,189,191,191,190,191,199,207,204,199,199,199,202,199,196,196,196,194,191,194,194,191,186,183,181,135,131,129,129,133,178,181,178,133,132,132,132,133,181,186,191,191,191,189,186,183,183,183,186,191,191,191,191,191,194,196,199,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,7,0,69,72,92,69,0,103,157,152,142,27,0,0,0,0,0,0,0,0,0,0,0,0,0,12,30,38,48,64,66,22,0,0,0,0,0,0,0,0,0,1,15,38,33,30,11,3,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,25,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,186,189,181,168,157,0,0,0,0,129,124,0,0,0,0,0,0,0,165,168,152,0,139,144,152,157,155,150,144,0,144,147,0,157,168,176,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,186,178,170,165,163,157,152,150,155,163,165,165,160,155,0,150,150,152,155,0,0,0,0,0,0,0,0,0,0,212,215,0,0,0,0,0,0,0,0,0,0,0,0,222,225,217,212,207,204,204,202,199,199,196,196,199,202,204,0,0,0,0,0,199,204,212,212,207,199,0,0,0,199,199,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,0,0,0,0,0,241,233,228,222,225,228,235,243,246,246,0,251,248,238,228,220,212,207,204,204,207,209,209,212,215,217,222,225,228,230,233,233,230,230,228,222,217,209,204,199,194,186,137,133,131,135,183,189,189,191,196,204,212,215,217,212,207,202,199,202,202,199,194,189,186,185,186,143,143,189,194,199,202,207,209,215,222,222,222,225,228,225,222,217,222,225,228,228,225,225,225,228,222,212,204,199,196,196,202,207,209,215,220,225,228,228,222,212,207,209,212,215,212,212,215,217,225,233,238,238,235,233,235,238,241,238,235,233,233,233,233,233,230,230,233,233,233,233,233,230,230,228,225,220,222,225,225,217,216,217,222,225,225,222,222,225,225,228,228,230,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,111,30,0,0,56,12,0,0,5,7,0,0,0,0,0,72,90,90,90,98,121,100,25,0,0,0,0,0,0,0,0,0,0,31,21,0,3,49,108,124,129,121,116,118,121,121,129,137,137,124,111,77,61,15,0,0,0,0,0,0,43,59,129,129,83,64,71,91,99,99,99,97,95,95,93,91,95,103,137,95,62,53,58,77,73,63,71,79,71,68,70,85,103,105,105,103,97,77,63,67,101,99,27,18,67,157,155,150,150,155,152,152,157,168,176,173,155,113,115,163,165,157,113,110,110,111,113,115,117,117,117,117,160,170,178,176,163,115,113,111,110,113,121,160,119,114,117,170,176,173,165,121,117,117,119,123,165,170,176,176,178,178,173,165,115,112,113,123,176,186,191,194,189,186,176,163,119,119,121,121,119,119,119,119,160,165,121,103,91,95,115,117,117,123,168,183,196,196,186,176,173,168,170,186,199,183,119,112,113,115,115,115,114,114,115,119,123,170,176,178,176,176,178,181,183,183,183,189,194,194,189,181,176,176,176,178,178,183,191,191,183,135,135,181,183,183,181,183,191,207,225,235,235,230,225,222,225,230,235,238,235,228,204,139,42,0,47,191,212,215,212,215,217,215,212,209,212,212,207,207,207,209,215,215,215,217,215,207,196,194,194,194,202,191,137,135,141,194,202,202,196,194,196,199,202,202,199,194,191,191,191,191,199,202,202,196,204,215,222,215,207,199,186,178,179,189,199,202,191,135,133,181,191,189,133,123,121,123,133,183,189,189,191,199,199,196,194,189,178,131,127,127,129,170,173,173,173,168,121,113,113,119,121,121,117,115,113,109,107,106,107,111,121,176,183,178,168,165,125,122,122,122,122,123,123,127,129,173,176,176,173,129,129,173,170,127,125,125,123,127,127,127,127,129,127,121,119,121,127,127,123,119,117,113,110,110,113,119,117,115,119,123,121,123,168,176,168,121,165,181,181,105,90,99,168,168,119,109,113,163,165,163,119,111,115,165,181,189,194,199,202,202,194,181,123,119,123,170,176,176,176,178,186,191,202,207,199,183,127,118,117,119,129,178,183,186,186,178,173,129,125,123,173,194,204,207,207,202,191,178,129,125,124,125,127,129,131,173,176,176,173,125,119,121,181,191,189,183,183,183,173,127,127,170,170,127,124,125,176,186,186,170,125,123,123,123,127,173,181,191,196,196,196,194,189,183,176,168,119,113,127,170,170,170,173,181,183,178,125,124,125,168,178,189,191,186,176,173,170,170,173,183,194,189,178,168,123,119,112,109,109,117,168,176,176,176,183,202,212,217,209,199,194,189,186,183,176,176,183,186,186,186,189,196,199,202,199,196,194,189,186,181,176,173,168,121,116,115,117,121,125,127,170,178,181,176,127,121,127,173,178,191,202,202,204,207,215,217,215,209,202,189,181,178,181,181,181,181,181,127,86,83,95,105,113,123,173,183,191,194,196,196,196,186,173,125,119,123,170,178,181,173,123,109,101,103,125,173,123,125,170,170,165,161,161,163,165,173,178,170,157,161,176,173,105,69,101,119,173,178,176,125,117,119,125,125,124,173,191,191,186,183,183,186,186,181,170,123,120,120,123,129,178,186,191,191,191,194,196,202,202,199,191,183,183,194,199,196,186,176,170,127,119,113,111,109,107,105,99,94,101,125,131,133,183,189,186,186,189,189,191,194,196,199,196,189,181,179,182,189,189,189,189,189,181,131,126,127,133,178,178,133,133,181,183,178,131,129,131,176,186,186,183,178,178,183,186,189,194,194,191,189,189,189,186,186,186,191,199,207,209,207,204,194,178,133,131,130,130,131,133,133,133,133,178,189,196,196,194,190,190,194,191,186,186,196,202,199,195,195,196,196,194,183,131,128,128,131,131,133,181,196,204,199,186,183,186,194,199,199,196,191,191,196,202,202,204,204,204,202,194,191,191,196,202,204,199,198,199,202,202,204,204,204,204,209,215,217,215,215,215,215,209,204,202,202,202,204,204,207,204,202,196,194,191,191,191,194,194,199,207,209,209,207,204,202,202,196,196,199,202,204,207,207,207,207,209,209,207,207,209,215,215,212,209,202,191,181,133,131,132,135,186,186,181,176,133,133,131,130,130,133,178,183,186,186,186,183,181,181,183,183,183,186,183,176,131,130,131,133,178,181,178,176,133,176,183,191,194,194,191,189,189,187,187,187,189,191,191,189,186,181,173,127,127,129,129,127,129,131,173,173,173,181,189,194,191,186,181,176,176,176,181,181,173,130,129,131,178,186,194,196,196,199,199,199,196,191,189,189,191,191,191,189,186,186,186,186,186,186,189,191,191,191,186,183,186,189,191,194,196,194,191,186,186,183,186,191,191,189,189,191,191,190,190,196,202,202,196,195,199,202,202,199,199,202,199,196,196,196,194,189,183,178,131,129,129,129,131,178,181,178,133,133,132,133,178,183,189,191,191,191,189,186,183,183,182,183,183,186,186,186,189,191,196,199,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,77,0,0,72,134,72,0,111,152,100,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,14,20,46,33,0,0,0,0,0,13,9,0,0,0,0,17,40,33,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,12,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,176,181,176,165,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,0,0,0,142,150,155,155,152,152,152,155,157,160,163,168,173,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,194,186,178,173,170,168,165,160,157,160,165,168,165,163,157,157,157,157,157,160,0,0,0,0,0,0,0,0,0,0,215,215,0,0,0,0,0,0,0,0,0,0,0,0,222,222,215,207,204,202,202,199,196,194,194,194,196,199,204,0,0,0,0,204,202,204,209,212,209,204,0,0,0,0,207,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,0,0,0,0,0,238,233,228,222,222,228,235,241,243,243,0,0,248,241,233,225,220,212,207,209,212,212,209,212,217,225,230,233,238,238,241,241,238,238,233,228,222,212,207,202,199,194,189,139,135,137,183,189,189,189,191,196,202,207,209,207,202,199,198,199,202,202,196,194,191,189,189,143,143,143,145,191,196,202,207,212,217,222,222,222,225,225,222,217,222,225,228,228,225,225,225,228,228,217,209,207,204,202,202,204,209,212,215,222,225,225,222,212,207,209,212,212,209,209,212,215,222,230,238,238,235,233,233,238,241,238,235,233,233,233,233,233,233,233,233,233,233,233,233,230,228,225,222,220,222,228,225,222,217,217,222,225,225,225,225,225,225,225,225,228,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,90,46,0,0,59,51,35,5,5,0,0,0,0,0,0,51,87,98,105,124,152,139,17,0,0,0,0,0,0,0,0,0,0,66,59,33,35,85,118,139,150,144,129,124,129,129,137,147,142,111,57,49,41,23,0,0,0,0,0,0,35,59,131,129,85,68,75,87,97,99,99,99,97,95,92,89,95,137,137,97,85,69,73,93,91,91,95,89,75,71,75,83,99,101,101,107,144,147,152,163,170,155,37,16,57,155,160,155,155,155,152,155,168,183,194,189,165,115,157,170,168,160,117,111,111,111,115,117,117,117,116,116,121,170,176,173,160,115,111,111,110,111,119,163,121,115,115,160,173,178,176,165,119,119,121,165,176,186,191,191,194,191,189,181,170,123,119,123,173,189,194,194,194,189,178,168,163,163,165,121,118,117,117,118,160,168,168,117,103,99,111,119,121,160,163,173,189,196,194,186,176,163,163,178,186,173,117,112,113,115,117,117,115,115,115,117,121,127,176,178,176,176,181,183,186,183,181,181,183,189,189,186,181,178,176,176,181,189,196,196,186,135,135,181,186,189,186,183,189,199,215,233,238,238,233,230,230,233,238,241,235,228,204,183,119,26,39,135,207,217,217,217,215,209,207,204,207,209,207,207,207,209,209,209,209,209,207,189,135,139,196,215,225,207,186,139,186,199,207,207,202,194,191,191,191,194,194,191,189,189,191,196,202,207,207,202,204,209,215,209,207,199,186,177,178,189,209,217,199,135,135,196,212,209,191,131,122,122,127,178,191,199,207,212,212,209,207,202,191,178,129,126,126,127,129,127,127,123,117,113,113,115,117,117,113,111,111,109,107,105,105,107,119,170,178,173,165,125,123,123,123,123,122,121,121,123,127,170,173,176,173,129,170,176,176,170,129,127,129,173,176,173,129,125,123,118,118,121,123,121,117,116,119,121,117,111,111,115,119,123,168,170,168,165,170,173,165,120,121,170,173,117,104,117,170,165,111,100,101,117,170,173,123,113,117,170,186,194,199,204,204,202,196,186,127,120,123,129,170,173,176,178,181,183,189,191,183,131,119,116,118,129,183,186,181,176,173,131,129,127,122,121,127,186,194,194,191,186,178,131,129,127,131,131,129,127,127,129,173,178,183,176,123,125,186,194,189,183,189,196,189,173,170,173,173,168,126,168,183,194,189,170,123,123,121,121,123,125,170,181,189,194,191,183,176,125,123,125,127,168,173,176,173,170,170,178,186,183,165,125,165,173,181,186,189,183,176,165,123,163,170,186,196,194,178,165,123,119,115,113,115,123,170,170,169,168,170,186,202,207,199,191,189,186,189,189,183,183,186,181,176,178,189,196,202,202,204,202,199,194,186,181,178,176,170,125,117,117,123,168,170,173,178,183,186,183,178,176,181,186,191,199,202,199,199,202,209,212,209,204,199,191,183,176,176,176,170,127,121,103,77,76,89,105,117,170,183,189,186,186,194,204,209,202,186,123,111,112,115,117,165,173,183,186,99,56,61,117,123,168,176,173,163,160,163,173,176,178,178,176,165,165,163,91,21,0,37,71,117,170,181,181,176,176,173,127,125,178,194,196,191,186,181,183,186,183,176,127,121,121,127,176,186,189,189,186,186,186,186,191,194,196,194,191,191,196,196,194,191,186,178,176,176,129,125,121,119,119,117,109,129,178,133,131,133,176,178,183,186,186,183,189,196,199,199,189,179,179,183,189,189,183,178,135,133,127,125,126,129,133,132,130,130,135,183,178,129,125,126,131,183,186,183,178,178,183,189,191,194,194,191,191,191,189,189,186,189,194,202,207,207,207,202,194,183,176,133,131,131,133,178,178,135,133,178,189,196,196,191,191,194,196,191,181,179,186,194,196,196,196,196,194,191,183,133,130,129,131,131,131,135,191,199,202,196,191,189,194,196,196,191,189,189,196,202,202,204,207,207,204,199,196,196,199,204,204,202,199,199,199,202,202,204,204,204,207,215,215,212,209,212,212,209,207,202,200,200,202,204,207,204,202,196,191,189,141,139,141,186,194,204,209,207,204,202,202,202,199,196,196,196,199,202,204,207,209,212,215,212,212,215,217,222,217,209,199,189,183,181,135,133,134,183,183,178,133,133,133,131,131,131,176,181,186,191,194,194,191,189,186,183,183,183,186,183,178,133,131,131,133,133,133,133,133,133,176,178,186,191,196,194,191,189,189,189,189,191,194,191,189,186,183,176,129,127,127,127,125,127,129,170,170,173,183,194,199,199,194,183,176,173,176,178,181,176,131,131,173,178,186,191,194,196,196,196,196,194,189,183,183,189,194,194,191,186,183,186,186,186,183,183,186,189,191,189,189,189,189,191,194,196,194,189,186,183,183,183,186,189,186,186,191,194,190,189,194,202,202,196,195,196,202,202,202,204,207,204,199,199,196,194,191,186,178,131,129,129,129,131,176,178,176,133,133,135,178,181,186,189,189,189,189,186,186,183,183,183,183,183,183,183,186,186,191,196,199,199,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,61,0,0,0,77,30,0,0,113,155,61,0,48,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,25,38,90,95,30,0,0,0,7,30,25,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,1,0,7,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,168,173,170,165,163,160,155,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,157,157,163,168,170,173,173,170,168,170,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,194,189,183,178,176,176,176,170,165,163,165,168,170,168,168,165,165,168,165,165,168,0,0,0,0,0,0,0,0,0,0,215,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,202,199,199,199,196,194,192,192,194,196,202,207,212,212,212,209,204,204,207,209,212,209,207,204,0,0,0,0,204,199,0,0,0,0,0,0,178,0,0,0,0,0,0,0,0,0,0,0,212,209,209,212,222,230,233,230,225,222,222,228,235,0,0,241,0,0,248,243,235,230,225,217,212,212,215,212,212,215,222,230,238,241,243,246,246,246,246,243,238,233,225,215,209,204,204,202,196,189,139,137,139,186,189,189,189,191,194,199,199,199,199,198,198,199,202,202,202,199,196,196,196,191,189,143,143,145,147,196,199,207,212,215,217,217,217,217,217,217,217,225,228,228,225,225,228,230,230,225,215,212,209,207,204,207,209,212,215,217,220,222,217,212,209,212,212,209,207,207,209,212,217,228,235,238,235,233,233,238,241,238,235,233,233,235,235,233,233,233,233,235,235,235,233,230,228,228,222,222,222,228,225,222,222,222,222,225,225,225,225,225,225,225,225,228,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,30,0,27,56,69,56,20,0,0,11,46,0,0,35,77,92,105,134,157,134,0,0,0,0,0,0,0,0,0,0,0,23,48,56,72,100,126,147,165,163,137,124,131,139,147,150,129,47,19,17,33,47,63,65,61,51,25,0,45,65,95,126,93,82,85,91,97,129,137,142,139,134,93,87,92,134,101,97,97,87,83,93,93,93,99,95,85,81,85,89,101,105,142,152,157,160,160,165,165,97,51,53,103,150,155,157,160,157,152,157,173,191,199,194,168,114,157,170,165,157,119,113,113,115,115,117,117,117,117,117,119,160,165,165,119,113,111,110,111,111,117,121,119,113,112,115,163,176,176,163,117,119,163,173,189,199,204,202,199,199,196,194,194,183,165,121,165,183,191,191,191,186,176,168,165,165,163,119,117,119,160,163,168,173,173,163,111,94,94,115,170,170,168,168,173,181,183,178,168,121,123,168,170,163,117,114,115,119,121,121,121,119,117,115,117,121,127,170,170,173,178,186,189,186,178,174,174,181,186,186,183,181,178,178,181,191,202,199,186,135,135,181,186,186,189,189,189,194,207,228,238,241,241,238,235,238,241,241,230,212,199,191,191,71,51,117,191,212,222,220,212,204,199,199,204,209,209,207,207,207,207,204,204,202,189,129,125,132,204,230,235,217,194,189,194,204,209,209,204,194,190,189,190,191,194,191,189,186,189,194,199,207,209,204,202,202,202,199,196,191,181,176,177,183,209,228,212,183,183,212,228,225,207,183,125,121,125,135,194,207,212,217,215,215,215,215,207,194,178,129,127,127,170,170,127,121,115,111,111,113,113,111,109,109,109,109,106,106,107,111,117,125,168,165,125,125,125,125,168,168,125,121,121,123,127,129,129,173,178,178,183,191,194,183,173,170,181,191,191,181,129,123,119,117,118,121,123,119,116,117,125,165,123,115,113,117,123,168,176,176,173,168,168,168,123,119,120,168,173,165,160,168,168,119,103,98,100,117,176,178,163,113,115,165,183,194,202,204,202,199,191,181,127,120,123,127,129,129,131,173,173,173,173,173,131,123,117,117,123,183,196,194,183,133,129,127,127,125,122,121,123,173,178,176,131,129,127,129,129,173,181,181,173,129,127,129,173,181,186,181,129,129,181,183,170,170,183,199,196,181,176,178,178,176,170,173,183,189,181,127,121,121,123,123,121,121,123,168,178,183,181,170,120,116,117,125,170,176,178,181,178,173,170,178,183,183,168,125,168,173,178,183,181,178,168,109,103,113,165,183,189,181,170,123,119,119,119,119,123,127,168,170,168,168,169,181,191,194,191,189,189,186,186,183,181,181,181,176,174,181,194,202,202,204,207,202,194,186,181,176,176,176,176,127,121,123,173,181,183,183,189,189,186,183,178,181,189,194,196,199,202,199,198,198,202,207,204,199,194,186,176,170,172,176,170,123,117,111,93,91,101,107,117,173,189,191,189,186,194,207,209,204,194,173,112,112,112,100,119,173,196,204,83,40,51,119,170,181,189,183,173,165,170,181,183,181,181,181,181,181,165,49,0,0,0,0,81,117,183,183,181,186,183,176,168,176,189,194,194,186,181,178,183,183,176,129,127,127,173,183,189,191,183,179,179,179,179,183,191,196,196,196,196,199,199,196,194,191,189,191,194,189,178,129,125,129,176,181,194,189,178,129,129,129,131,178,181,181,178,183,194,202,202,196,186,183,189,196,196,189,178,133,131,127,126,127,131,133,132,130,130,135,183,181,131,125,125,127,176,181,178,176,176,183,191,194,194,191,189,189,191,191,194,194,194,196,199,202,202,202,196,191,183,178,133,131,133,135,181,181,178,135,178,186,191,191,189,191,196,199,194,183,179,183,194,202,202,199,194,191,189,183,137,133,135,137,137,135,135,183,191,199,196,189,183,139,186,189,183,183,186,194,199,202,204,204,207,204,202,199,199,204,207,207,207,202,202,202,202,204,204,204,204,207,212,209,204,204,207,209,209,207,202,200,202,204,207,207,207,202,196,191,186,138,137,137,139,191,199,204,204,202,202,202,202,199,196,196,196,199,199,204,207,209,212,215,215,217,222,225,222,217,207,194,186,183,183,181,134,134,181,181,176,133,131,131,133,133,176,181,186,191,194,199,199,199,194,189,186,186,186,186,186,183,178,176,176,133,132,132,133,176,176,176,176,181,189,196,194,191,191,191,191,194,196,196,194,189,186,183,178,131,127,125,125,123,125,127,129,129,170,178,191,199,202,196,183,176,170,173,176,178,178,176,173,173,178,181,183,189,191,194,194,194,189,183,181,181,186,191,194,189,183,182,183,183,181,178,178,183,186,189,191,189,189,189,191,194,196,194,189,186,186,183,183,186,186,186,189,194,199,194,191,194,204,207,199,196,199,202,204,204,207,209,207,202,199,196,196,194,189,183,135,133,131,129,129,133,176,176,176,176,178,178,181,183,186,186,186,186,183,186,186,189,189,189,189,189,186,186,189,191,194,196,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,129,0,0,0,0,0,0,17,147,147,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,48,46,53,95,105,74,5,0,0,0,27,30,1,0,0,0,0,0,0,0,0,0,0,1,3,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,20,35,0,0,0,0,0,0,0,0,0,0,181,0,0,0,196,199,194,0,0,0,0,0,0,0,0,163,165,170,168,165,163,163,155,144,142,0,0,0,0,0,0,0,137,0,0,0,0,0,0,147,155,160,163,165,168,176,178,181,178,173,168,165,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,191,186,181,181,181,183,181,176,170,168,170,173,173,173,173,173,176,176,173,170,173,0,0,0,0,0,0,0,0,0,0,212,215,0,0,0,0,0,0,0,194,0,194,0,0,0,0,0,0,199,199,199,196,196,194,192,192,194,196,199,204,209,212,212,209,207,204,204,207,212,215,209,207,0,0,0,0,0,202,0,0,0,0,0,0,176,0,0,0,0,0,0,0,0,0,0,0,212,209,207,204,209,222,230,228,225,220,220,225,230,235,235,235,0,246,246,243,238,235,230,222,215,215,215,215,212,215,225,233,241,243,246,248,248,248,246,243,243,238,230,222,215,209,209,207,202,191,139,135,135,139,186,189,189,189,189,191,194,196,199,199,199,202,204,204,204,204,204,207,204,199,194,191,145,145,147,194,196,202,207,212,215,215,215,212,215,215,217,222,225,228,225,222,225,230,230,225,217,215,212,207,207,207,209,209,212,215,215,215,215,212,209,212,212,209,207,205,207,209,212,222,230,233,233,230,233,235,238,238,235,233,235,235,235,235,233,233,233,235,238,238,235,230,228,228,225,225,225,228,228,225,225,222,225,225,225,225,225,225,225,225,225,225,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,92,85,51,20,35,59,40,0,0,9,53,72,66,100,121,61,0,0,0,0,0,0,0,0,0,0,0,0,0,56,79,111,134,155,170,168,142,124,131,150,152,103,7,3,7,13,49,75,121,129,91,75,59,45,53,67,91,129,131,126,97,129,131,137,150,163,165,155,97,83,84,95,97,97,95,89,87,97,92,90,92,93,91,89,93,101,107,147,157,163,160,157,157,157,147,85,73,101,152,152,152,163,165,160,155,160,176,194,199,191,168,114,155,163,157,117,117,115,117,119,117,117,119,121,121,119,117,119,121,121,117,113,111,111,113,115,115,115,115,112,111,113,119,163,163,115,111,117,165,181,199,209,209,204,199,196,196,199,202,194,170,117,117,168,178,178,178,176,165,123,123,163,121,118,117,163,176,181,178,176,173,168,117,84,78,103,186,186,178,168,160,121,163,163,121,120,120,123,123,119,117,119,121,123,121,119,123,121,117,115,115,113,117,121,123,127,173,183,189,186,178,173,173,176,181,183,183,181,181,181,181,189,199,196,183,133,133,137,181,183,186,189,189,189,196,215,235,243,246,243,238,235,235,233,217,187,189,194,194,113,93,105,129,199,220,222,209,199,198,199,204,212,215,209,204,204,202,199,194,191,137,127,125,134,207,228,233,212,189,141,194,204,209,209,204,194,190,189,190,191,194,194,189,186,186,186,194,202,207,207,202,196,191,189,186,183,179,177,177,181,202,222,215,189,189,212,228,228,215,191,129,123,127,181,202,212,215,215,215,217,222,225,217,209,196,181,129,127,173,176,168,123,117,113,111,109,109,109,109,111,111,107,106,107,115,121,125,165,165,123,123,123,125,168,176,176,170,123,122,125,127,127,127,176,191,199,207,212,215,202,181,183,199,207,199,181,129,123,119,119,121,125,125,123,123,125,168,165,121,117,121,168,176,178,176,173,170,165,165,163,121,119,121,170,176,173,173,170,123,111,102,100,105,123,178,178,163,115,115,165,181,191,194,194,191,186,178,173,125,121,125,129,127,127,129,131,173,172,172,173,131,125,119,119,129,186,199,194,181,133,129,127,127,125,123,122,122,125,127,125,121,119,121,125,131,178,183,183,178,131,129,129,173,176,181,181,173,170,170,125,113,115,173,194,189,176,176,181,181,178,173,173,176,176,170,121,120,125,127,168,127,123,121,123,170,176,170,123,117,116,119,168,176,176,181,189,189,183,178,178,181,176,125,123,163,165,168,170,173,168,111,91,90,101,163,181,178,168,123,117,115,117,121,123,125,165,168,170,173,173,178,183,186,186,186,191,196,191,181,179,178,181,181,176,176,183,189,194,196,199,199,194,183,176,173,170,170,170,129,125,123,127,181,191,194,194,196,191,183,178,176,181,191,199,199,199,199,199,198,198,202,207,207,202,194,183,173,169,172,181,178,127,123,129,173,170,121,113,117,168,183,194,194,194,199,204,207,202,194,173,117,119,119,103,123,170,189,191,105,63,76,189,191,194,196,196,189,178,181,186,189,186,183,181,181,183,176,63,0,0,0,0,79,123,183,176,168,181,181,173,166,168,176,186,189,183,178,176,178,176,170,127,127,129,176,183,191,191,186,179,179,179,181,186,194,202,202,199,196,199,199,196,191,191,194,199,202,194,183,131,125,131,186,194,196,191,178,131,129,127,127,131,178,178,178,183,191,199,199,202,204,202,202,204,207,199,189,181,178,133,131,133,178,181,181,135,135,181,186,186,181,131,127,127,133,178,176,174,174,181,191,196,196,191,186,186,189,194,196,199,196,196,199,199,199,196,191,189,183,178,131,129,131,135,181,181,181,178,178,183,186,183,183,186,194,199,199,189,181,183,196,202,202,196,194,191,191,191,189,186,189,186,183,181,137,181,189,196,196,189,135,132,133,135,135,137,186,191,199,202,202,202,204,204,204,204,207,207,209,212,212,209,204,204,204,207,207,207,207,207,207,202,199,196,202,207,209,207,204,202,202,204,207,207,207,202,196,191,186,139,137,138,141,191,199,202,202,199,199,202,202,199,195,196,199,202,202,204,204,204,207,209,217,222,225,222,217,212,199,186,181,181,181,178,135,135,178,178,176,133,131,131,133,176,181,186,189,194,196,199,202,202,196,194,189,189,186,186,183,181,181,181,178,178,176,133,176,176,178,176,176,178,186,194,194,194,194,194,194,194,196,196,194,189,186,186,183,173,129,125,123,122,123,127,129,128,129,176,183,191,196,191,181,173,170,170,173,173,176,173,131,131,173,176,178,181,186,189,189,189,186,183,182,182,186,194,194,189,183,182,182,183,178,177,178,181,186,189,189,186,186,186,189,194,196,196,191,189,186,183,183,186,189,186,189,194,199,199,194,196,204,207,202,196,199,204,207,207,207,209,209,202,199,196,199,199,194,189,183,178,135,131,129,133,176,176,176,178,178,181,181,183,183,183,183,183,186,189,191,194,196,196,194,191,189,189,189,191,196,199,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,100,0,0,0,0,0,0,14,79,72,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,53,46,46,66,90,85,40,0,0,0,56,77,30,0,0,0,0,0,0,0,0,0,0,0,9,0,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,33,46,0,0,0,0,0,142,155,168,178,183,191,199,199,194,194,194,186,0,0,0,0,0,0,0,160,163,168,165,160,157,155,150,0,0,147,155,160,155,0,0,0,0,150,150,0,0,0,0,0,157,163,165,168,170,173,178,178,176,170,163,157,155,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,183,0,0,0,0,0,0,0,191,189,183,181,183,186,189,186,181,173,170,173,176,176,176,176,178,178,178,176,173,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,0,0,0,0,0,0,0,0,0,0,199,199,196,196,194,194,196,196,199,202,204,207,207,207,207,202,202,204,212,215,212,209,209,212,0,0,0,0,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,204,202,204,217,228,228,222,220,220,222,228,230,0,230,0,246,246,246,243,241,233,225,217,215,215,215,212,217,225,235,243,246,248,248,248,248,246,246,243,241,233,228,222,217,215,212,204,191,139,133,131,135,183,186,186,186,186,189,194,196,202,202,204,204,207,209,209,209,212,212,212,209,204,199,196,194,196,196,199,202,204,209,215,215,212,212,212,212,215,220,225,225,222,217,222,225,225,222,215,212,209,207,204,207,209,209,212,212,212,209,212,209,209,212,212,207,205,207,207,207,207,215,225,230,230,230,230,235,238,238,235,233,235,238,238,235,233,233,233,235,238,238,235,230,228,228,228,228,228,228,228,228,228,225,225,225,228,225,225,225,225,222,222,225,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,85,74,79,92,82,46,0,0,0,0,0,0,22,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,72,118,139,155,168,163,139,118,121,147,144,2,0,0,31,57,121,131,150,160,157,137,81,65,57,67,89,129,134,131,131,134,137,144,160,178,181,170,139,83,80,93,101,97,87,83,91,150,142,93,93,95,93,93,101,142,147,155,163,160,155,152,155,155,107,93,95,107,150,155,157,163,165,163,157,160,173,189,194,186,168,117,155,160,155,115,115,117,119,119,117,119,160,163,163,121,117,117,119,121,119,119,117,115,117,117,117,117,117,115,113,115,117,117,113,108,108,115,165,181,199,209,209,202,196,191,191,191,196,186,165,116,115,117,123,165,163,121,120,119,120,123,121,117,118,170,189,196,189,178,173,168,160,84,74,101,189,189,178,168,121,118,119,121,120,119,121,121,119,117,117,121,165,163,117,114,117,117,115,115,113,112,112,115,117,121,127,176,183,186,181,174,173,176,181,183,178,178,181,181,178,183,189,186,135,131,135,178,181,181,183,189,189,183,186,202,230,241,241,238,230,225,222,217,202,179,185,189,189,133,117,107,121,181,209,217,212,202,198,202,209,217,217,209,204,199,191,139,135,141,186,137,135,194,207,215,212,186,130,132,141,199,207,209,202,196,196,194,194,194,196,194,191,189,186,185,189,196,202,202,196,191,186,183,181,183,183,183,183,183,194,209,204,186,181,196,215,217,209,191,133,127,133,191,207,215,217,215,215,222,225,225,222,217,212,196,178,129,170,173,129,123,115,111,109,107,107,111,117,119,115,111,109,113,123,176,181,176,168,123,123,123,125,168,176,181,173,127,125,127,129,127,129,189,209,217,225,228,228,215,196,196,207,209,196,176,127,125,125,125,127,127,127,127,170,173,170,125,121,123,178,199,202,189,173,168,165,163,123,123,121,121,163,173,178,176,173,165,113,105,102,105,111,163,176,170,123,119,123,173,181,183,181,178,176,170,170,170,127,123,129,170,131,131,176,181,183,183,186,189,189,181,133,131,176,183,189,183,178,133,129,127,127,127,127,123,122,122,125,125,119,117,118,123,129,176,178,178,173,131,129,129,129,170,173,178,181,176,129,119,109,109,117,125,121,121,170,178,178,178,178,170,168,168,125,121,123,168,176,178,178,170,123,121,127,170,127,123,120,121,170,178,176,170,181,189,194,191,189,183,178,168,121,117,119,123,163,165,170,168,115,92,91,107,176,183,176,123,117,114,113,115,121,125,165,125,127,173,178,183,186,189,186,181,178,189,199,194,183,179,179,189,186,178,173,173,176,176,183,189,186,181,178,173,170,170,129,129,125,122,123,170,186,194,196,196,194,191,181,172,172,176,189,199,199,199,202,202,202,199,202,209,212,209,199,186,176,172,176,181,178,129,129,176,178,173,125,119,119,127,181,194,199,199,202,204,202,191,176,121,119,165,170,115,121,119,121,168,170,168,181,196,202,199,202,204,199,189,186,189,191,194,191,178,170,178,181,111,0,0,0,0,119,181,176,92,90,123,173,170,166,165,166,173,181,181,178,178,176,170,127,123,122,123,129,178,189,194,191,186,181,181,183,191,202,207,204,199,194,194,194,194,189,186,194,204,202,194,183,129,124,131,189,194,189,183,178,176,133,128,126,128,178,181,181,183,186,191,196,202,212,212,209,209,212,204,196,191,189,183,181,183,189,191,191,189,186,186,189,194,191,183,178,176,181,183,181,176,174,181,191,196,199,196,189,186,186,191,196,196,196,194,196,196,196,194,191,189,183,135,129,128,131,135,178,181,178,177,177,178,178,178,178,186,196,204,202,194,183,181,186,191,194,191,191,191,196,199,202,202,196,191,189,189,189,186,189,196,199,191,135,131,131,133,135,137,186,194,199,202,202,202,202,204,209,212,212,212,215,215,215,212,209,207,209,209,212,212,209,207,204,196,195,195,202,207,212,209,204,202,202,204,204,204,204,199,196,191,189,186,186,186,191,194,196,199,199,199,199,202,202,199,195,196,199,202,204,202,199,199,199,204,212,217,217,209,204,199,189,137,135,135,135,135,134,176,178,178,178,176,131,131,131,176,183,189,191,194,196,199,202,202,199,194,191,189,186,181,176,176,178,181,181,183,183,181,178,178,178,176,176,178,183,191,194,194,194,191,191,191,194,194,191,189,189,189,183,178,173,131,127,123,125,170,170,170,129,173,178,183,189,183,176,170,170,170,170,170,129,129,127,129,131,173,133,176,181,183,183,183,183,183,186,189,194,196,196,194,189,183,186,183,178,177,178,181,186,189,186,186,185,186,189,194,196,196,194,189,186,186,186,189,191,189,189,194,196,199,196,196,202,202,199,194,199,204,204,207,209,212,209,204,199,199,199,202,199,194,189,183,178,133,131,135,178,178,178,181,181,181,181,181,181,181,183,186,191,194,196,199,199,199,196,194,189,189,189,194,199,202,202,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,0,0,0,0,0,0,0,0,0,0,0,0,22,38,38,40,53,79,82,51,7,0,11,0,124,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,3,0,0,0,0,0,0,0,0,0,0,0,0,4,0,17,22,30,40,0,0,0,0,0,163,168,170,176,181,194,202,199,194,189,189,186,0,0,0,0,0,0,0,157,157,163,157,150,147,144,142,0,0,150,0,0,0,152,0,0,147,155,160,157,152,0,0,0,0,160,163,163,163,165,168,170,168,165,157,155,152,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,181,178,0,0,0,0,0,189,191,189,186,183,186,191,194,191,183,176,173,176,176,176,176,176,176,178,178,176,173,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,194,0,0,0,0,0,0,0,0,0,196,196,196,196,199,196,196,196,196,196,199,199,202,204,204,204,207,202,199,202,207,212,212,209,207,209,0,0,0,204,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,209,204,203,204,217,228,228,222,220,220,222,228,230,0,228,235,243,246,246,246,243,238,228,222,217,217,215,215,217,228,238,243,248,251,251,251,248,246,246,243,241,238,233,230,225,222,217,207,196,139,131,128,129,135,139,183,183,186,189,194,202,207,209,209,212,212,212,212,212,215,215,215,215,209,207,204,202,202,202,202,204,207,209,215,215,212,211,212,212,215,217,222,222,217,215,217,222,222,215,209,209,207,204,204,204,207,209,209,209,209,207,209,207,207,209,209,207,207,207,207,207,204,209,217,225,228,228,230,235,238,238,235,235,235,238,238,235,233,230,230,233,235,238,233,228,228,230,230,230,228,230,230,230,230,228,225,225,228,228,225,225,225,222,222,222,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,82,98,113,105,77,0,0,0,0,0,0,9,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,105,137,147,150,144,124,103,90,134,131,4,0,33,134,150,157,165,178,189,191,181,160,134,71,67,75,87,126,129,134,137,139,139,147,163,170,168,152,92,89,99,134,93,80,80,97,160,155,139,103,101,95,97,142,152,155,157,160,157,151,151,155,157,107,99,101,107,111,152,157,160,163,163,157,157,168,178,183,176,163,155,157,160,157,115,113,115,115,115,115,157,165,170,168,160,119,117,119,121,163,163,160,121,119,121,160,165,165,163,160,121,121,113,108,107,109,115,123,176,191,204,207,202,191,186,183,181,181,170,123,117,115,115,117,121,120,120,119,119,120,123,121,118,119,170,191,199,196,183,173,168,163,96,85,113,178,178,173,165,160,118,119,160,120,120,160,160,121,117,117,123,170,168,119,113,114,114,115,117,117,113,112,113,113,115,121,168,181,186,183,178,174,178,183,183,178,174,176,178,181,181,178,133,129,129,178,186,183,181,181,186,183,137,137,189,209,222,222,215,207,204,207,204,194,185,185,189,194,191,189,123,123,129,189,212,217,207,204,207,212,217,215,207,199,191,131,113,117,141,199,202,202,207,209,207,196,133,128,131,186,196,202,202,199,202,204,202,199,194,194,194,191,191,189,186,186,191,196,194,186,183,181,181,183,186,189,191,191,186,189,196,191,178,134,183,196,204,204,191,135,133,186,204,212,215,215,212,215,217,222,215,215,220,222,212,191,176,170,129,127,119,113,109,107,106,107,113,125,165,123,115,113,119,173,189,191,183,168,123,122,123,125,168,173,178,176,129,129,170,173,170,178,202,225,230,230,233,233,222,204,196,196,194,178,129,127,129,173,170,168,127,125,127,176,181,173,165,125,173,202,222,217,199,170,163,163,123,121,121,121,123,163,176,181,176,170,121,109,103,103,107,111,121,168,165,123,165,178,183,183,173,127,125,125,127,170,173,129,127,170,176,178,181,186,194,199,202,204,207,207,204,196,189,181,178,176,133,133,131,129,127,129,131,129,127,123,123,129,127,121,117,117,121,127,173,173,173,131,129,129,129,170,170,176,186,191,186,178,125,117,113,105,99,94,100,123,173,178,183,181,173,127,127,168,127,170,176,178,183,183,176,125,119,123,127,127,125,125,127,173,176,170,168,176,186,194,194,194,186,173,123,115,113,117,123,165,170,176,178,168,105,105,176,191,191,181,165,119,114,114,117,125,168,168,125,125,170,176,178,183,183,181,176,170,181,196,194,183,181,186,194,189,176,127,127,127,129,178,186,186,181,176,173,170,170,170,170,127,127,170,181,191,194,194,191,189,183,178,172,169,173,186,196,202,199,199,202,202,199,202,209,215,212,199,181,173,173,176,178,176,127,129,176,176,170,125,123,125,173,183,194,199,204,204,202,199,183,123,113,113,119,117,99,95,73,79,119,181,189,191,196,202,202,202,204,202,194,191,196,196,196,194,174,168,176,181,119,0,0,0,29,121,176,117,83,84,113,170,173,173,168,165,166,173,181,183,186,181,173,127,123,122,122,123,129,181,189,191,186,181,178,186,196,207,215,212,204,194,189,191,191,186,186,194,204,202,191,178,129,127,173,183,183,181,181,178,176,176,133,129,131,178,178,178,178,178,181,189,196,207,209,209,209,207,199,196,196,196,191,189,186,189,191,194,191,189,186,189,194,196,194,189,189,189,189,186,176,174,178,186,196,202,199,191,186,189,191,194,191,189,189,191,194,194,194,191,189,183,133,128,127,129,133,178,178,178,177,177,178,178,178,181,191,202,207,202,194,181,134,135,181,189,189,189,194,199,207,212,212,207,196,196,199,199,194,194,199,199,194,183,135,133,135,139,186,191,196,202,204,204,200,200,207,215,217,217,217,215,215,212,212,209,209,209,212,212,212,212,207,202,195,195,196,204,212,215,212,207,202,199,202,202,202,199,194,191,191,189,191,194,196,196,196,196,196,199,196,199,202,202,199,195,196,199,202,202,199,196,195,195,199,204,207,204,194,189,183,137,131,131,133,135,135,134,134,176,178,178,176,133,131,131,133,183,189,191,191,194,196,199,202,199,194,191,191,186,181,174,174,176,178,181,186,189,186,181,133,133,133,176,178,183,191,194,196,196,194,191,191,191,191,191,189,189,189,186,183,183,181,176,129,129,173,176,173,170,173,176,181,183,178,170,129,170,173,173,170,127,125,123,125,127,129,129,131,133,178,178,181,183,189,191,196,202,202,199,196,191,189,189,186,183,181,181,181,186,186,189,186,186,186,189,194,196,194,191,189,186,189,189,194,194,191,191,191,194,196,196,196,196,196,194,191,196,202,204,204,209,212,212,204,199,199,202,202,202,194,189,183,178,133,133,178,181,181,181,181,181,181,181,181,183,183,183,186,189,191,194,196,196,199,196,196,191,191,191,196,199,204,204,204,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,43,48,74,69,38,13,15,19,46,0,61,0,0,0,0,0,0,0,0,0,0,0,3,0,0,17,5,0,0,14,0,7,0,0,0,0,0,0,12,12,17,20,27,33,48,0,0,0,0,0,173,176,0,170,178,191,196,196,194,189,186,183,176,0,0,0,0,0,0,152,150,152,150,0,0,0,0,0,0,152,0,0,0,0,0,150,150,0,165,170,168,157,0,142,0,0,0,0,0,152,157,160,160,160,157,155,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,186,181,178,0,0,0,0,0,183,189,189,189,189,189,194,194,191,181,176,173,176,178,178,176,173,173,176,176,173,173,181,189,0,0,0,0,0,0,0,0,0,0,0,217,225,222,212,199,191,191,0,0,0,0,0,0,0,0,0,191,191,194,196,196,196,196,199,199,199,196,199,202,204,204,204,204,202,199,199,204,207,209,207,207,209,212,212,0,202,199,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,207,204,204,209,222,228,228,225,222,0,0,0,0,0,228,233,241,243,246,248,248,243,233,225,222,222,217,217,222,230,241,246,248,248,251,248,248,246,243,241,241,241,238,235,233,228,225,212,202,143,133,128,128,129,135,139,139,183,189,196,204,209,215,215,217,217,215,215,215,215,217,217,215,215,212,212,209,207,207,207,207,207,209,212,215,212,212,212,215,215,217,217,217,215,213,215,217,217,212,207,204,202,199,199,204,207,209,209,209,207,207,207,207,207,207,207,207,209,209,209,204,204,204,212,217,225,225,228,233,238,238,235,235,235,238,238,235,230,228,228,230,233,235,233,228,228,230,233,230,230,230,230,233,233,230,228,225,228,228,228,225,225,222,222,222,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,100,116,121,85,0,0,0,0,4,0,12,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,82,79,72,64,45,45,55,129,134,57,39,124,155,165,181,186,189,194,194,191,189,183,139,67,64,69,91,126,134,137,137,95,83,81,97,150,150,137,131,131,95,83,77,80,97,147,144,142,142,105,101,105,155,163,160,157,157,152,151,151,157,157,109,101,101,105,107,111,150,155,160,160,155,152,155,165,168,163,157,155,157,160,160,115,113,113,111,110,113,160,173,176,170,163,121,119,119,121,163,165,165,163,121,163,170,178,181,178,173,168,165,115,108,108,111,115,119,165,183,194,199,196,189,183,178,173,168,165,125,123,119,116,117,121,121,121,121,121,121,123,123,119,121,168,186,196,199,189,178,170,165,111,97,115,165,165,168,168,163,119,160,165,160,121,163,163,121,117,117,163,173,173,163,115,115,115,115,119,119,115,113,113,112,112,117,127,178,186,183,178,178,183,191,191,181,173,172,176,183,181,131,123,122,129,183,191,191,181,178,183,183,135,134,137,189,196,196,191,186,191,199,202,194,191,189,191,204,209,212,191,131,125,131,204,215,209,207,207,209,209,204,199,194,139,112,101,113,189,207,209,209,212,212,207,199,141,133,189,202,204,204,199,196,202,204,204,196,191,189,191,191,194,191,186,186,189,191,186,137,136,178,181,186,189,196,196,194,186,186,186,183,134,133,135,183,194,196,189,181,183,196,209,212,212,212,209,209,215,212,207,207,215,222,222,207,186,173,127,125,117,109,107,107,107,109,115,125,168,125,119,117,165,186,196,194,181,165,122,122,123,127,170,173,178,178,173,173,176,176,173,181,207,228,233,233,233,233,228,207,189,173,127,125,125,127,173,178,173,168,125,121,123,170,178,173,168,170,186,209,225,217,199,170,165,163,163,123,119,119,119,123,176,181,176,168,119,109,103,99,105,111,119,165,163,125,176,189,191,183,168,123,123,124,127,176,176,170,129,176,186,189,189,191,199,207,209,212,212,212,212,212,204,189,176,130,130,131,133,127,129,173,176,173,129,127,127,131,129,123,118,118,123,129,173,173,173,131,129,131,131,173,176,183,196,199,194,186,176,129,121,107,97,91,98,123,178,186,191,189,178,173,176,178,178,181,181,176,178,178,168,117,113,117,123,125,125,125,125,168,173,170,165,170,178,186,191,191,183,165,117,113,113,117,123,168,170,178,181,170,117,121,186,194,194,186,176,123,117,117,121,168,173,170,165,125,125,127,168,170,170,170,168,127,173,186,189,186,186,189,194,181,125,121,123,127,173,178,189,189,183,178,173,170,170,173,176,178,181,186,191,194,194,189,186,181,181,181,176,173,178,189,199,202,199,199,199,199,196,199,207,215,209,191,129,125,129,173,173,170,127,129,178,178,173,170,129,176,181,189,194,202,204,204,202,196,183,125,117,115,105,60,43,45,49,63,115,186,196,196,199,202,202,202,204,202,196,196,202,202,199,191,178,173,181,181,111,0,0,7,65,103,121,101,85,94,165,173,173,173,170,166,168,176,186,194,194,186,178,170,127,125,122,122,125,170,176,178,178,176,178,183,196,209,225,228,217,196,189,189,189,186,189,194,199,194,183,173,129,127,173,178,178,183,186,181,176,176,181,181,178,131,127,127,125,127,131,178,186,194,199,204,202,196,191,194,199,202,196,191,189,186,186,189,189,186,185,186,194,196,194,194,194,191,189,183,176,174,176,183,191,196,196,191,186,186,189,189,186,181,181,186,189,191,189,189,186,181,133,128,128,129,133,135,178,178,178,181,183,183,183,189,194,199,199,194,186,137,134,135,181,189,191,189,191,196,204,212,215,212,204,204,209,209,202,199,199,196,194,189,186,183,186,191,194,199,199,202,207,204,202,200,207,215,222,222,217,212,209,209,209,209,209,209,209,209,209,209,207,202,196,196,202,209,215,217,212,204,199,199,199,199,196,194,189,186,141,186,189,194,194,194,194,194,194,196,196,196,199,199,196,195,195,196,199,199,196,195,195,195,196,196,199,191,183,135,135,131,127,127,131,178,178,176,176,176,176,178,178,176,133,131,133,181,186,189,189,191,194,196,199,196,191,191,191,191,186,178,176,176,176,181,186,189,186,176,129,129,131,176,181,186,191,196,199,199,196,191,191,191,191,191,191,191,191,189,186,186,189,183,173,173,178,181,178,173,173,176,178,178,173,127,127,129,173,173,170,125,123,121,123,125,127,126,127,131,176,178,181,186,191,196,202,204,202,202,199,196,191,189,189,189,186,183,183,186,189,191,194,191,191,191,191,194,191,186,185,186,189,191,196,196,194,191,191,191,194,196,196,196,194,191,189,191,196,202,204,209,212,212,207,199,199,202,202,199,191,183,181,135,133,135,181,186,186,183,183,183,183,183,183,183,186,189,189,186,183,183,191,196,196,199,196,196,194,196,199,202,202,202,202,204,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,163,79,0,0,0,0,4,0,0,0,0,0,0,0,0,22,38,35,53,51,17,12,21,15,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,5,1,5,35,0,30,0,0,0,0,0,0,27,20,25,30,35,46,0,0,0,0,160,176,181,176,0,0,176,189,191,191,191,189,183,178,173,0,0,0,0,0,0,0,142,0,142,0,0,0,0,0,147,0,0,0,0,0,0,0,150,152,163,0,181,173,160,144,142,0,0,0,0,0,147,152,155,155,155,157,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,176,0,0,0,0,0,176,181,186,189,189,191,191,191,186,178,170,170,173,178,178,176,173,0,170,173,173,173,181,189,0,0,0,0,0,0,0,0,0,0,0,0,222,0,209,196,186,189,0,0,0,0,0,0,0,0,0,189,189,191,194,196,0,199,199,199,196,196,196,202,204,204,204,204,202,199,199,199,202,204,207,207,207,209,209,207,202,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,207,207,207,212,222,228,230,228,225,0,0,0,0,0,228,230,235,241,246,251,251,246,238,230,228,225,222,222,228,235,243,246,246,246,246,246,246,243,243,241,241,241,241,238,235,233,228,220,207,191,137,129,127,129,133,137,183,186,191,196,204,209,215,220,222,222,217,215,215,217,222,217,217,217,217,215,215,212,209,212,209,209,209,212,215,212,212,212,215,215,215,217,215,213,213,215,217,217,212,204,202,196,196,199,202,207,209,209,207,207,204,204,204,204,207,207,209,212,212,209,204,202,202,209,215,222,225,228,233,238,238,235,235,235,238,238,235,230,228,228,228,233,235,233,230,228,230,233,233,230,230,230,233,233,230,228,228,228,228,225,222,222,217,217,217,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,108,98,46,0,0,0,33,30,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,59,56,39,39,74,131,134,121,137,139,147,178,189,189,191,194,196,196,199,199,189,67,64,67,89,126,131,137,139,93,8,5,49,134,147,142,134,95,85,83,85,91,97,101,101,105,142,105,105,147,157,168,165,163,160,152,151,155,163,163,111,103,100,100,101,105,109,115,155,157,115,111,112,117,157,157,117,115,117,155,119,113,112,113,111,108,109,160,181,183,176,170,165,160,119,119,121,163,165,163,160,168,178,189,191,189,186,178,170,119,115,113,113,113,117,123,176,183,183,178,178,181,178,176,170,168,170,168,123,117,119,123,121,123,163,123,121,121,121,117,117,168,183,194,194,191,186,178,168,115,99,99,113,160,168,173,168,119,119,163,160,121,160,163,160,117,117,160,168,173,170,121,113,113,117,119,119,119,117,117,113,113,117,127,181,186,183,178,178,186,199,202,191,174,172,176,186,183,129,122,120,125,178,191,191,181,178,181,183,181,135,135,181,186,183,181,181,191,202,204,194,189,191,202,212,222,217,202,135,124,125,189,204,204,202,204,202,194,189,191,186,121,107,111,139,196,207,212,212,215,215,215,212,209,209,215,217,215,209,202,196,199,202,194,189,186,186,186,194,194,191,186,183,186,186,137,135,135,178,181,186,194,199,199,191,189,186,183,181,135,134,135,183,191,191,186,186,194,207,215,215,215,209,207,204,207,207,204,207,215,225,225,215,194,173,125,121,115,107,106,107,111,113,115,121,123,121,115,119,176,191,191,183,170,125,122,122,125,168,173,178,181,178,176,176,178,176,173,181,202,222,230,233,235,238,230,209,170,116,114,121,123,129,176,178,173,168,123,119,119,121,127,127,168,173,186,199,207,199,183,165,163,165,168,163,121,118,117,119,170,178,173,165,123,117,97,91,97,113,165,173,168,165,176,186,191,181,125,122,124,127,168,170,173,129,129,181,196,199,194,191,199,204,209,209,207,207,207,212,209,194,131,128,131,176,133,129,131,176,178,176,131,129,129,131,131,127,121,121,127,173,176,178,176,173,131,131,173,176,173,183,194,199,196,189,181,176,127,113,105,105,117,173,189,199,202,199,189,186,189,186,186,186,176,170,168,125,115,108,109,115,125,123,122,123,165,170,173,170,125,125,168,181,189,186,170,115,111,115,115,117,121,163,163,165,170,165,163,168,178,186,186,178,170,123,119,121,125,170,173,173,170,125,122,122,123,123,120,123,127,168,170,178,186,189,186,189,189,173,122,120,123,173,178,178,178,178,176,170,129,170,173,178,183,189,194,196,196,191,189,186,183,183,189,191,191,189,191,194,199,199,199,198,199,199,196,194,199,207,204,189,125,122,125,131,131,127,127,173,181,181,178,178,181,183,186,189,191,196,204,202,202,196,173,170,176,170,117,66,42,42,65,105,163,186,196,196,194,196,199,199,202,202,199,196,199,199,199,194,183,181,186,186,173,97,93,93,107,165,165,111,101,121,181,178,169,170,170,168,170,183,194,199,196,189,183,178,176,170,129,127,127,125,125,123,125,170,176,181,186,202,217,228,217,202,191,186,186,186,186,189,189,181,131,127,127,127,129,176,181,189,189,186,181,183,189,191,183,127,120,116,118,124,131,133,135,181,183,189,191,189,189,194,199,199,196,194,191,186,186,189,191,194,189,189,194,196,196,194,194,191,189,183,178,176,178,183,189,191,191,189,181,178,178,183,181,179,181,186,189,186,183,183,181,135,131,129,129,131,135,178,178,178,183,189,191,194,194,191,191,189,189,183,137,135,135,181,186,191,191,189,187,187,194,204,212,212,209,212,217,215,207,202,199,196,194,194,194,196,199,202,202,202,202,202,204,202,202,202,204,207,212,215,212,209,204,204,207,209,209,209,207,204,204,207,207,204,202,207,209,215,215,212,209,204,202,199,199,199,196,191,189,139,135,135,137,139,183,186,189,191,194,194,196,196,196,196,196,195,195,196,202,204,202,199,199,199,196,194,194,191,183,135,133,129,127,127,131,178,181,181,178,181,178,176,176,178,178,178,178,181,186,189,189,189,191,194,194,191,189,189,191,194,191,186,181,178,178,178,181,183,178,129,127,128,131,176,181,189,194,199,202,199,196,196,194,191,194,194,196,196,194,189,183,181,186,186,176,173,178,181,178,173,173,176,176,173,168,125,125,127,129,129,127,125,121,119,121,127,129,129,129,133,178,183,186,189,191,196,202,204,202,199,199,196,191,186,186,191,189,186,186,191,194,196,199,196,194,191,191,189,186,185,183,186,191,194,194,194,194,191,191,191,194,194,196,196,194,191,189,191,196,199,204,207,209,207,204,199,202,202,202,194,186,181,178,135,135,178,186,191,191,189,183,183,186,186,186,186,189,191,189,178,133,133,183,194,196,196,196,196,199,202,204,202,202,202,202,199,199,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,137,82,0,0,0,0,0,0,0,0,0,0,0,0,0,13,33,30,30,27,13,15,35,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,5,3,5,25,0,40,20,0,0,0,0,25,0,27,30,46,43,40,0,0,0,0,0,0,178,186,178,164,0,170,186,191,191,191,186,183,178,173,165,157,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,155,152,157,173,183,181,173,157,0,0,0,0,0,0,0,0,0,0,152,155,157,0,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,170,178,183,186,186,183,181,173,168,163,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,176,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,189,191,0,0,0,0,0,196,194,194,194,199,202,204,202,199,202,202,199,196,196,202,204,207,204,204,204,204,199,196,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,209,212,215,222,225,228,228,228,230,235,238,238,233,230,230,230,235,243,251,254,251,243,235,230,225,225,228,233,238,243,243,243,243,243,243,243,241,241,241,241,241,241,238,238,235,233,225,212,199,143,135,129,131,135,139,186,189,191,194,199,207,212,217,222,222,217,215,215,222,225,222,217,217,217,217,217,215,212,209,209,207,209,212,212,212,212,215,215,215,215,215,215,215,213,215,215,215,212,202,194,189,191,0,0,0,207,207,207,204,204,204,204,207,207,207,212,215,215,209,204,199,199,204,212,217,225,228,230,235,235,235,235,235,238,238,233,233,230,228,228,230,235,235,233,230,233,233,233,230,230,230,230,230,230,230,230,228,225,222,217,217,217,217,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,56,27,0,0,0,0,35,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,56,41,41,90,129,142,150,155,144,144,178,186,186,189,194,194,194,196,194,181,75,73,79,129,129,131,144,150,139,10,2,25,97,147,142,97,84,82,91,99,101,101,103,103,95,99,107,144,152,157,163,168,168,165,155,152,155,163,160,150,109,103,100,101,105,109,113,115,115,112,110,111,115,157,155,117,115,115,117,115,113,112,113,111,109,111,168,186,189,181,173,168,160,119,119,121,160,163,163,160,168,183,194,199,196,194,186,176,165,160,119,113,110,113,117,123,123,123,165,176,186,189,191,186,183,178,173,165,121,119,119,119,121,123,123,121,123,119,114,117,168,183,189,191,191,189,186,173,113,93,88,91,113,170,181,173,115,111,119,121,121,160,163,160,119,119,119,160,168,165,111,100,107,115,117,116,117,121,121,119,119,121,168,178,183,178,173,176,186,199,207,199,181,174,178,186,183,131,123,121,122,127,178,183,181,178,181,183,181,135,134,137,181,181,181,183,196,207,207,191,183,191,204,215,222,217,199,137,127,127,135,186,194,199,202,196,135,129,137,139,129,123,137,196,202,207,209,215,217,222,217,217,217,220,225,225,222,215,207,199,196,194,189,186,185,185,186,191,191,189,183,183,186,186,137,136,178,181,181,186,194,199,196,191,189,189,189,186,183,183,191,194,194,189,186,189,202,212,217,222,217,212,204,202,204,204,204,207,215,225,225,209,189,129,119,115,111,109,109,113,115,115,115,119,119,117,114,115,165,176,173,168,165,125,125,127,168,170,176,186,186,181,176,181,186,186,181,183,196,212,225,230,235,238,233,209,129,116,114,121,125,170,178,176,170,168,125,117,115,116,119,123,125,168,176,183,181,170,121,115,119,163,165,163,121,118,118,121,168,176,168,163,163,119,94,88,95,121,181,186,173,125,165,176,178,170,124,124,127,168,127,125,125,123,127,183,202,207,196,194,196,202,204,204,202,199,199,204,204,191,130,128,131,178,178,176,176,176,178,173,129,129,131,173,173,129,125,125,173,186,191,189,181,176,131,129,131,129,127,173,186,194,191,186,181,170,125,121,123,127,178,194,204,212,212,207,194,186,191,189,186,183,170,127,125,121,113,109,110,121,168,125,123,125,170,176,170,125,119,117,121,170,181,178,123,110,108,117,119,119,121,117,114,115,123,168,170,170,176,176,176,170,165,121,119,119,123,165,168,170,170,125,122,122,123,121,119,120,127,168,170,173,178,183,183,186,186,173,125,123,170,181,181,176,129,125,121,121,123,129,176,181,183,191,196,199,196,191,189,186,186,189,196,204,202,199,199,199,199,198,198,198,199,199,194,190,194,199,199,186,129,124,127,173,131,125,125,170,181,183,181,181,183,181,183,186,181,186,194,196,202,189,170,176,186,189,186,165,105,111,121,163,165,178,189,194,194,194,199,202,202,199,199,194,191,196,196,191,181,178,183,194,199,196,191,178,178,186,183,170,165,173,189,183,173,170,168,166,170,189,196,199,194,191,191,191,189,186,181,178,131,123,117,116,119,129,176,176,176,183,199,209,207,199,191,186,183,183,183,181,178,173,127,125,127,129,131,176,181,186,186,186,183,189,191,189,181,125,121,119,122,131,181,178,133,132,132,133,178,183,186,189,194,194,191,189,189,189,191,196,199,199,194,191,194,196,196,194,191,191,189,186,183,181,183,186,186,189,189,183,133,127,129,176,181,183,186,191,189,183,181,178,135,133,131,133,135,135,181,183,186,186,189,191,196,199,202,194,186,181,181,137,134,134,135,183,191,194,194,189,187,186,189,196,204,212,212,215,222,220,209,204,199,196,199,202,202,204,207,209,207,204,199,196,196,199,202,202,202,202,204,207,207,202,199,199,202,207,207,204,202,199,202,204,207,207,209,215,217,220,217,212,209,207,204,204,202,199,196,194,189,137,131,125,123,127,135,139,186,189,191,194,196,196,199,199,199,196,195,199,204,207,204,202,202,202,196,194,194,194,189,181,135,129,125,126,131,178,181,181,183,183,181,176,176,181,183,181,181,181,189,191,191,191,191,191,189,189,187,187,191,196,194,189,183,178,176,176,176,176,133,129,128,129,133,178,183,189,194,196,199,196,196,196,196,196,194,194,194,194,191,186,181,178,181,181,176,129,170,176,176,173,173,176,176,170,127,123,121,123,125,125,123,121,119,119,123,131,178,181,181,183,186,189,191,191,194,199,202,202,199,199,196,194,189,185,186,189,189,189,191,194,196,199,196,194,191,189,189,189,186,185,185,189,194,194,194,191,189,191,191,189,189,191,194,196,194,191,189,189,194,199,202,204,204,204,202,199,199,199,194,186,181,178,178,181,181,183,191,196,196,191,183,183,186,189,189,189,191,194,191,135,131,131,181,191,196,196,196,194,199,204,204,204,202,202,199,199,199,199,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,87,30,0,0,0,0,0,0,0,0,0,0,0,0,0,35,43,27,11,33,43,43,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,30,35,27,5,0,0,0,0,0,5,9,40,0,0,46,64,0,0,144,0,165,183,189,178,163,0,170,186,189,189,189,186,183,178,176,170,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,152,157,160,160,168,178,181,178,170,160,157,157,0,0,0,0,0,0,0,0,0,152,152,150,150,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,0,0,0,0,0,165,173,181,181,178,176,170,165,163,157,160,0,0,0,0,0,0,0,0,0,0,0,0,0,183,181,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,194,194,196,0,0,0,0,196,191,191,194,196,0,202,202,199,202,202,202,196,196,199,204,204,202,199,199,196,196,194,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,209,212,215,217,222,225,225,228,230,235,241,241,235,230,228,225,230,241,251,254,251,246,241,235,228,228,228,233,238,241,243,243,241,241,241,241,241,241,238,238,238,238,238,238,235,235,228,217,204,191,139,133,133,137,183,186,189,191,194,199,204,209,215,217,217,215,215,215,222,225,225,222,222,222,222,222,217,212,212,207,207,207,209,212,212,215,217,217,215,215,215,217,215,215,215,215,215,209,199,191,186,186,0,0,0,207,207,207,204,204,204,207,207,207,209,215,217,215,209,202,149,149,199,207,215,222,225,230,233,235,235,235,235,238,238,235,233,233,230,228,230,235,235,233,233,233,233,233,230,230,230,230,230,230,233,230,228,225,217,216,216,217,217,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,35,59,74,113,131,150,165,163,144,144,176,183,186,189,194,194,191,189,186,173,142,137,142,152,134,129,150,176,173,14,0,29,95,142,139,91,75,78,99,137,137,142,147,139,83,89,142,152,152,152,157,165,168,165,157,152,157,163,163,157,155,150,107,107,152,155,152,152,152,115,113,115,155,160,157,155,117,115,115,115,113,113,113,115,113,119,173,186,186,178,170,163,121,119,119,121,160,160,160,121,168,183,196,199,196,194,186,178,168,165,121,111,109,110,113,113,111,115,168,186,194,199,204,202,196,186,176,168,123,119,116,117,117,119,121,123,123,119,114,117,165,181,189,191,191,191,189,181,115,97,87,85,99,176,181,165,107,107,117,160,160,163,160,121,119,119,118,119,163,121,101,90,101,119,119,116,116,121,125,165,125,125,170,176,181,176,173,173,178,191,202,199,189,181,181,183,181,176,129,123,122,123,129,176,178,181,181,181,178,135,135,135,137,181,181,183,196,204,204,186,137,186,199,207,212,207,194,137,131,129,131,137,189,199,204,199,102,100,129,186,194,202,207,207,207,207,209,217,222,225,222,215,215,215,222,225,228,225,217,207,194,186,183,186,186,186,186,189,186,183,183,186,189,189,183,183,186,189,186,189,191,194,194,191,191,191,194,196,194,196,204,202,194,183,183,191,204,215,217,222,222,215,207,202,202,199,199,204,217,225,215,196,178,121,111,110,111,115,119,123,123,121,123,125,121,117,114,114,115,119,121,123,125,165,170,176,178,178,178,186,183,178,178,189,202,202,194,186,194,209,220,228,235,238,230,202,129,119,119,127,127,173,181,176,170,168,125,117,114,115,119,123,125,165,168,170,168,121,114,112,115,123,165,123,119,121,165,170,176,178,170,165,168,123,101,92,109,168,183,189,173,123,122,125,165,125,124,127,170,170,127,121,121,121,127,183,204,207,204,199,199,204,204,199,198,196,196,199,199,189,131,129,176,186,189,186,181,176,173,129,128,129,176,178,181,176,131,173,186,202,209,202,189,181,173,129,129,128,126,128,173,181,181,178,170,123,119,127,176,183,196,207,212,215,212,204,181,173,183,183,178,173,127,125,125,123,117,113,119,173,186,176,168,168,173,173,165,119,113,110,113,121,170,170,121,109,107,111,119,121,121,115,112,114,163,176,176,173,170,170,170,168,163,121,116,116,121,125,165,165,168,165,125,165,168,125,121,121,127,170,170,168,168,170,176,183,186,178,170,173,181,189,186,176,125,120,118,118,120,127,176,178,181,186,196,202,199,194,191,189,191,196,204,209,207,204,202,202,199,198,198,198,199,196,191,190,191,199,196,189,178,173,173,176,173,125,124,127,176,181,181,178,176,173,176,178,168,168,173,178,194,176,165,178,191,194,191,178,165,163,165,163,163,165,176,189,196,199,199,202,202,194,189,189,189,189,189,181,163,119,168,194,204,202,196,186,183,186,186,183,183,191,199,199,189,178,170,168,178,189,191,189,186,191,199,204,207,204,199,189,173,123,116,115,117,127,173,173,129,170,183,191,194,191,186,186,183,183,181,176,131,127,123,122,125,131,176,178,178,178,181,183,186,189,191,186,133,125,124,127,178,191,196,191,183,133,131,131,132,135,178,181,183,186,183,183,186,194,199,202,202,199,194,191,194,196,196,194,191,191,191,189,186,186,186,186,186,186,183,176,127,125,126,129,135,181,189,191,189,186,181,178,178,135,135,178,181,183,186,191,191,191,191,191,196,202,207,202,191,186,186,186,137,135,137,189,194,196,196,196,194,191,191,196,202,209,212,215,217,222,212,204,199,199,202,204,204,207,207,209,209,202,195,194,194,199,202,202,199,194,196,202,199,196,194,194,196,202,202,199,196,196,202,207,209,212,215,222,225,225,220,215,212,209,209,207,204,202,199,194,191,183,133,122,120,122,133,139,183,186,189,191,196,199,202,202,202,199,196,199,204,209,207,207,207,204,199,196,199,202,196,186,135,127,124,124,131,178,176,178,181,183,181,178,178,181,183,181,178,181,189,196,199,196,194,191,189,187,187,187,191,194,194,189,183,181,176,133,131,131,131,131,129,131,133,181,186,189,191,194,196,196,196,196,199,199,196,194,194,189,181,178,178,176,176,176,170,128,129,173,173,173,173,176,176,170,125,119,117,119,123,123,121,119,117,119,125,176,189,194,196,194,194,191,191,191,194,202,204,202,196,194,194,191,186,185,186,191,191,191,194,196,196,194,191,189,189,187,189,189,189,186,186,191,196,196,194,189,186,189,189,186,186,189,191,194,194,191,186,186,189,194,196,199,202,202,199,196,196,191,186,178,135,181,186,189,191,194,196,199,196,191,186,186,189,189,191,191,191,194,194,181,133,133,181,191,194,191,191,191,194,199,204,204,202,202,199,199,199,199,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,11,33,46,25,1,43,103,100,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,27,30,13,1,0,0,0,0,0,0,0,43,0,56,35,56,0,0,0,0,170,186,191,178,164,163,173,186,186,183,183,183,181,178,176,173,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,160,168,168,168,170,178,178,176,170,170,170,168,160,0,0,0,0,0,0,0,0,147,147,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,155,0,0,0,0,168,173,176,176,170,168,163,160,160,157,155,160,0,0,0,0,0,0,0,0,0,0,0,181,183,183,186,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,196,194,194,196,196,194,191,191,191,196,0,0,202,199,202,204,204,202,196,196,199,199,199,194,194,191,191,189,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,202,207,212,215,217,217,217,222,228,230,235,241,243,241,233,222,222,228,238,248,254,251,246,241,235,230,228,230,233,238,241,243,243,241,241,238,238,238,238,237,237,237,238,238,238,238,235,233,222,209,196,141,133,131,135,139,183,189,191,194,199,204,209,215,217,217,215,215,215,222,225,225,222,222,222,225,225,222,215,212,207,205,205,207,212,215,217,222,217,217,215,217,217,215,212,212,212,209,207,199,189,185,185,191,196,0,207,209,207,204,204,204,209,209,209,212,217,222,215,207,199,148,147,149,204,215,222,225,228,233,233,235,235,235,238,238,235,233,233,230,230,233,235,235,233,233,233,233,233,233,230,230,228,228,230,233,233,228,225,217,216,217,222,222,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,29,61,85,113,131,152,165,160,142,144,170,183,189,194,196,196,191,189,183,168,147,144,152,155,124,83,124,191,178,20,13,55,87,131,131,85,69,74,131,101,99,144,152,101,77,87,147,155,152,152,155,157,157,157,152,152,157,163,168,173,173,163,111,113,170,173,163,160,163,168,168,168,165,165,165,165,157,117,115,115,115,113,115,117,117,157,170,178,178,170,165,157,118,118,119,121,121,121,121,121,165,178,189,191,189,183,181,170,165,163,121,111,109,109,111,111,113,123,186,196,196,199,204,204,196,186,176,173,173,163,119,117,114,115,117,119,121,119,114,115,123,176,186,191,194,194,191,181,121,105,90,84,93,173,173,111,103,106,160,170,170,165,121,118,119,119,118,119,165,163,107,90,111,178,170,119,119,123,165,168,165,127,168,176,178,178,173,129,129,173,186,191,186,183,181,178,178,176,173,129,125,125,129,176,183,186,186,181,135,134,135,178,181,181,179,179,186,199,199,183,134,135,186,191,194,194,186,135,129,129,133,183,191,202,207,196,59,56,121,199,212,217,217,212,207,207,212,217,225,222,215,207,205,207,215,225,230,233,230,217,202,186,181,183,191,194,191,186,183,181,183,189,194,191,186,186,191,196,194,194,194,194,194,191,189,189,194,202,202,202,204,199,186,179,181,196,209,215,215,220,222,217,209,204,202,198,198,199,212,212,196,178,129,119,111,111,117,127,176,176,173,170,176,178,168,121,117,115,114,114,115,119,123,168,176,181,183,181,178,181,178,176,181,196,212,215,202,183,189,207,215,225,233,238,230,191,117,119,173,183,170,173,178,173,170,127,123,117,116,119,125,125,125,125,165,168,165,121,114,112,115,125,165,123,119,165,178,183,186,186,178,173,176,170,121,117,163,170,176,176,165,122,121,122,123,125,125,168,170,170,127,121,121,123,170,186,202,207,207,207,207,207,204,199,198,195,196,198,199,191,176,133,183,199,204,202,191,183,173,129,128,173,183,191,189,183,183,189,204,222,225,215,199,189,181,176,176,173,129,129,173,173,173,131,127,121,119,129,178,186,199,209,215,212,202,181,118,115,129,176,170,168,127,127,127,127,125,123,170,186,196,191,173,125,165,168,123,115,111,109,109,113,121,125,121,115,110,111,115,121,121,117,114,117,168,176,178,173,165,165,168,170,168,121,116,116,119,163,125,165,170,173,170,168,168,127,123,123,127,173,168,125,122,125,170,178,183,183,178,178,183,186,183,176,129,123,120,119,121,129,173,173,173,183,196,204,204,199,196,194,194,199,204,207,202,199,199,202,202,202,202,202,199,196,191,191,194,199,199,191,186,181,178,181,181,131,127,127,170,176,176,173,173,173,176,176,127,119,111,96,109,119,125,183,196,194,181,163,123,163,123,121,121,163,173,189,196,199,196,199,194,176,160,170,178,176,170,160,116,113,116,173,196,199,196,191,186,189,189,189,196,204,209,209,204,189,176,176,189,189,183,179,179,189,207,217,217,215,204,189,131,123,117,117,119,127,173,173,129,129,176,183,186,186,186,186,186,183,178,173,129,125,122,121,123,131,181,183,178,177,178,183,191,196,196,189,135,129,131,178,189,199,204,207,204,191,178,132,132,133,131,129,129,133,178,181,186,194,199,202,199,196,191,191,194,196,196,194,191,191,191,191,189,186,183,183,181,181,176,131,129,127,127,129,129,135,181,186,186,186,186,186,186,181,181,181,186,191,194,194,191,190,191,194,196,204,209,209,202,196,202,199,191,186,189,191,194,196,199,202,204,202,202,202,204,207,207,207,212,215,212,202,196,196,199,202,204,204,207,209,207,202,195,194,195,202,204,202,194,191,194,196,196,194,192,192,194,196,196,195,195,199,204,209,212,215,217,225,225,225,222,215,212,212,212,209,207,204,199,196,194,189,183,131,123,127,137,183,183,183,186,191,194,196,199,202,202,202,199,199,204,209,209,209,209,207,202,199,202,202,194,183,135,127,121,121,129,178,176,133,178,181,181,178,178,178,181,178,177,178,186,194,199,199,196,194,189,189,189,189,191,194,191,186,183,181,176,133,131,131,131,131,131,131,176,183,189,189,191,196,196,196,196,196,199,199,199,199,194,186,131,129,173,173,170,170,129,128,168,173,173,173,173,173,173,168,123,117,115,117,121,121,121,117,117,119,127,178,191,202,204,202,196,191,189,189,194,199,204,202,196,191,189,186,185,185,189,191,194,194,194,194,194,191,189,189,187,187,189,189,189,186,186,189,196,199,196,189,183,186,186,183,183,186,191,194,194,191,186,183,186,189,191,194,196,196,196,196,194,186,178,133,133,181,191,196,199,199,202,202,196,191,189,189,191,194,194,191,191,194,194,189,181,181,186,191,191,189,187,187,191,196,202,204,204,202,202,202,202,199,199,199,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,178,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,3,0,11,7,0,59,160,163,100,0,0,0,0,0,0,0,0,0,0,0,23,0,0,5,0,0,0,0,0,0,13,17,9,0,0,0,0,0,0,0,0,9,48,17,11,46,0,0,0,147,168,186,189,178,164,164,176,186,181,173,176,178,176,176,173,170,165,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,160,170,173,168,166,170,176,176,176,176,176,173,168,157,0,0,0,0,0,0,0,142,144,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,0,0,0,0,0,0,176,176,173,165,160,157,157,157,155,155,157,168,0,0,0,0,0,0,0,0,0,181,181,183,189,194,194,191,0,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,194,191,194,194,194,191,191,191,196,0,0,0,202,204,207,207,202,199,194,194,196,194,191,189,187,189,189,186,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,209,215,222,222,217,217,222,228,233,238,243,0,243,235,222,217,225,235,246,251,248,243,238,233,230,230,233,235,241,243,243,243,241,241,238,238,238,238,237,237,238,238,238,241,241,241,235,228,215,202,143,133,129,133,135,139,189,191,196,199,204,209,215,217,217,217,217,217,225,225,225,225,225,225,228,228,225,220,215,209,205,204,207,212,217,222,225,222,217,217,217,217,215,212,212,209,207,204,196,189,185,185,189,194,0,207,209,209,207,204,207,209,212,212,215,222,222,217,209,199,148,147,149,204,215,222,225,228,230,233,235,235,235,238,238,235,235,235,233,230,233,238,238,235,233,233,235,235,233,230,228,228,228,230,233,233,228,225,217,217,222,225,225,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,19,48,77,105,129,144,152,142,131,142,163,183,194,196,199,196,194,191,186,176,144,142,150,160,89,71,79,126,87,25,31,53,63,85,129,85,72,79,134,99,94,103,142,88,81,101,150,150,150,155,155,152,147,147,147,150,155,163,173,181,181,165,107,109,168,170,160,157,168,178,181,178,173,173,173,173,168,160,119,117,115,113,113,115,115,117,160,168,168,168,163,157,118,118,157,160,121,119,119,121,160,168,176,176,173,173,173,168,160,160,160,115,111,110,111,111,115,163,183,189,181,181,189,191,189,181,178,183,189,183,168,121,115,114,115,115,117,119,115,114,117,168,181,189,191,191,189,178,160,111,95,83,87,117,117,105,103,109,165,176,176,170,160,118,117,119,119,121,165,165,113,103,173,196,191,170,165,170,173,170,168,168,170,173,178,176,173,127,125,126,170,178,183,181,178,176,173,173,176,173,129,129,133,181,191,196,194,183,135,135,135,178,181,183,181,178,181,194,202,189,134,133,135,137,181,183,183,137,129,129,186,196,196,202,207,127,24,24,109,212,217,217,215,209,207,207,212,220,222,217,209,205,204,205,212,222,233,235,235,230,215,194,178,181,199,204,194,183,137,135,183,191,196,194,189,186,194,202,204,199,196,194,191,191,186,182,189,204,207,202,196,189,179,178,183,199,209,212,212,215,222,222,215,212,207,202,198,199,204,199,181,131,129,125,119,121,127,178,189,189,181,178,183,183,176,168,168,165,119,114,114,119,123,127,170,178,183,181,176,176,176,178,186,202,212,212,196,176,183,204,215,222,228,235,233,123,101,111,199,207,173,170,176,173,168,127,123,119,119,125,170,168,165,165,165,168,165,123,117,113,117,125,165,119,118,165,183,189,189,191,186,178,178,176,170,168,168,165,125,125,125,123,123,123,165,168,168,127,168,168,127,123,121,125,173,186,196,204,209,209,209,209,207,204,199,199,202,202,202,194,183,183,199,215,225,225,212,196,183,176,131,178,189,194,189,183,189,204,222,230,230,217,199,191,189,186,189,189,183,183,183,176,131,129,129,127,125,129,173,181,191,204,207,202,186,123,113,109,119,170,129,127,168,168,170,168,127,127,173,186,196,191,168,119,121,123,119,113,111,110,110,113,117,125,165,165,121,117,117,121,121,119,117,119,163,170,170,165,121,121,165,170,170,123,116,116,123,168,168,168,173,176,173,168,165,125,123,123,127,173,170,123,122,123,170,181,183,186,183,181,178,178,178,176,173,170,125,123,125,129,131,131,131,183,196,207,207,204,202,199,196,202,204,202,194,191,194,199,204,207,207,204,199,194,191,194,199,202,199,191,186,183,181,189,194,194,183,176,173,173,170,173,178,181,183,183,176,121,99,68,65,109,123,186,191,181,117,104,113,121,120,119,119,121,173,189,189,186,191,191,173,99,99,109,117,119,157,157,157,117,118,168,183,194,199,199,196,194,191,189,196,207,207,209,207,189,178,183,199,191,181,178,178,189,207,217,217,212,194,173,125,123,123,121,121,127,176,176,131,129,173,178,181,183,186,189,186,183,178,173,131,131,127,122,123,131,181,186,183,181,183,194,202,207,209,199,189,181,181,183,189,191,199,204,207,204,191,181,135,135,131,127,126,128,133,178,186,194,196,196,196,194,189,189,189,191,194,194,191,191,191,191,186,183,178,178,178,133,129,129,133,181,181,133,129,131,135,181,186,189,191,191,191,186,183,181,186,196,199,196,191,190,194,196,199,202,207,209,204,204,209,207,202,199,202,196,191,191,196,202,207,207,204,204,204,204,204,202,204,207,207,202,195,196,199,202,202,202,204,204,207,204,199,199,202,209,209,202,194,190,191,196,196,194,192,192,194,196,195,195,196,202,209,215,215,215,217,222,225,225,217,215,212,212,212,212,209,207,202,199,196,194,194,189,139,139,183,186,183,183,186,189,191,196,199,199,202,202,202,202,207,209,209,209,209,207,204,202,199,194,183,178,133,127,120,120,127,178,176,131,131,176,176,176,178,178,178,178,177,177,181,186,191,191,191,191,191,191,191,194,194,191,189,183,181,181,178,176,133,133,131,131,130,131,176,183,189,189,191,196,202,199,194,194,196,199,204,204,199,181,123,122,127,129,129,129,129,128,168,173,176,176,176,173,170,168,123,117,115,117,119,121,119,117,117,121,127,178,189,199,202,202,196,191,189,191,194,199,204,202,194,189,186,186,185,185,189,191,191,191,191,191,194,194,191,189,189,189,189,189,189,186,183,186,191,199,199,191,183,183,183,183,182,186,191,194,194,191,186,183,183,186,189,191,194,194,196,196,191,183,133,131,132,181,191,196,199,199,199,196,191,189,186,191,194,194,194,191,191,191,191,191,186,186,189,191,189,187,187,187,189,194,202,204,204,204,202,204,202,202,199,199,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,191,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,163,165,105,3,0,0,0,0,0,0,0,0,0,0,51,0,0,5,0,0,0,0,0,0,0,5,0,0,0,0,0,0,0,0,0,0,3,0,7,53,0,0,134,144,165,181,183,173,163,164,178,186,0,0,170,176,173,173,170,165,157,150,0,0,0,0,0,0,0,0,0,0,0,0,0,142,0,0,0,0,0,0,157,170,178,173,168,168,170,173,173,173,173,170,168,165,163,157,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,181,176,168,160,155,152,155,155,152,155,163,176,0,0,178,176,0,0,0,0,181,181,186,191,196,196,194,189,0,0,0,0,0,0,0,0,0,0,0,0,183,183,186,0,0,0,0,0,0,0,0,199,194,191,191,191,194,191,191,191,196,0,0,0,202,204,207,207,204,196,194,191,191,191,189,186,186,189,189,186,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,212,222,228,225,222,217,222,228,233,241,246,248,246,238,222,217,222,233,241,246,243,238,233,230,228,230,235,241,246,248,248,246,243,241,241,241,241,238,238,238,238,241,241,241,243,241,238,230,217,204,189,133,127,127,133,137,186,191,194,199,204,209,215,217,222,222,222,225,228,228,228,228,228,228,230,230,228,225,217,212,207,205,207,215,222,225,225,222,222,222,222,217,215,212,212,209,207,202,196,191,186,185,186,191,199,207,209,209,207,207,207,212,212,212,215,222,225,217,209,199,194,148,196,207,215,222,222,225,228,230,235,235,238,238,238,238,238,235,233,233,235,238,238,235,235,235,235,235,233,230,228,225,225,228,230,230,230,225,217,217,225,228,228,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,1,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,116,131,116,33,29,85,129,160,181,191,196,199,199,196,194,186,173,69,67,61,59,11,0,0,0,15,33,43,31,14,47,129,93,84,93,139,134,95,95,95,89,89,144,152,148,150,155,157,152,147,146,146,150,152,163,173,186,186,165,99,97,109,117,115,115,157,170,178,178,178,178,183,181,178,170,163,119,117,113,112,112,112,113,117,160,168,170,168,160,118,119,160,160,119,118,119,121,121,160,165,165,163,163,165,165,163,168,168,160,117,113,111,111,111,117,123,123,121,123,168,173,170,173,181,194,204,202,186,165,115,113,114,114,117,119,117,113,114,121,173,183,186,186,183,173,163,113,91,82,85,101,107,106,105,111,163,170,173,170,163,118,117,119,121,160,163,160,115,115,170,191,189,176,170,173,176,173,170,170,173,176,176,173,170,127,126,125,127,176,181,181,178,173,131,131,176,173,131,131,176,186,196,202,199,189,181,178,135,178,181,183,183,179,181,191,202,194,135,133,133,134,135,183,189,189,133,135,199,207,196,196,199,109,22,23,111,212,215,212,209,207,205,207,212,217,217,215,209,207,207,209,215,222,230,233,233,233,225,202,178,179,199,204,194,181,133,132,137,191,196,194,189,183,191,204,207,202,196,191,189,189,183,179,183,204,207,196,186,181,178,179,189,202,207,209,212,215,222,225,222,217,215,209,204,202,199,189,176,131,173,176,173,173,176,186,194,191,183,178,178,176,170,173,178,178,168,117,114,117,121,123,127,173,181,178,174,176,178,181,186,196,202,196,178,127,178,199,212,222,230,233,233,108,95,111,207,209,129,129,176,173,168,125,125,125,127,170,176,173,170,168,165,125,123,121,117,114,115,123,125,118,117,163,186,189,189,191,189,181,178,176,170,165,163,122,121,125,168,170,170,170,170,170,127,125,125,127,127,125,121,125,173,181,189,196,207,207,209,209,207,204,204,207,209,207,202,194,186,194,209,228,235,235,225,207,194,181,176,176,183,183,176,176,189,209,225,230,225,207,191,186,189,191,196,199,196,196,194,183,173,131,131,131,131,131,131,176,183,191,194,186,173,119,114,112,119,173,170,127,168,170,170,127,125,125,170,181,186,178,123,117,118,121,119,115,113,119,121,119,123,168,178,181,176,165,163,123,123,119,117,117,121,163,168,163,121,121,165,170,170,121,115,115,123,170,170,168,170,173,168,125,123,122,122,122,125,168,168,125,123,127,178,186,189,189,186,178,173,170,173,176,176,173,129,127,127,129,131,129,131,181,196,207,209,209,204,202,199,202,202,199,191,190,191,202,207,209,209,204,194,190,190,196,199,202,199,191,183,181,189,199,209,209,199,186,178,173,170,176,183,189,191,191,191,183,115,71,65,113,127,186,183,125,101,96,107,168,163,121,119,119,173,186,173,160,189,170,37,41,85,99,105,109,117,173,191,186,165,165,176,186,199,202,204,199,191,183,186,194,196,202,202,189,181,191,202,194,183,179,179,189,199,207,204,196,178,127,123,127,129,125,123,127,173,173,129,129,131,173,173,181,189,189,186,181,178,176,181,189,183,131,127,131,181,186,189,189,194,199,204,212,212,207,196,194,189,183,178,178,181,186,194,199,191,186,186,186,178,129,127,127,129,135,183,189,194,194,191,191,189,186,183,186,189,189,186,186,186,186,183,178,178,178,178,131,128,129,181,189,189,183,135,133,135,181,186,191,194,194,191,189,183,183,189,199,204,199,191,191,196,199,196,196,199,199,196,199,207,207,202,202,207,202,191,187,190,196,204,207,204,202,202,202,202,202,202,202,204,202,196,196,199,202,202,202,202,204,207,207,207,207,212,215,212,204,194,191,191,196,196,194,194,194,196,199,196,196,199,207,212,215,212,212,215,222,225,225,217,215,212,212,212,212,209,207,204,199,196,194,194,194,191,189,183,139,139,139,183,186,191,194,196,199,202,202,202,202,207,209,209,207,207,207,202,199,191,181,133,131,133,129,123,122,129,176,133,127,125,129,131,133,176,178,178,178,178,177,177,181,183,186,185,186,189,194,196,196,196,194,189,183,181,181,181,178,178,176,176,133,130,131,176,181,183,186,189,196,202,199,194,192,194,199,204,204,196,178,122,120,125,127,129,129,129,128,128,170,176,178,176,170,168,127,121,117,115,117,119,119,119,117,117,123,129,176,186,191,196,196,191,189,189,191,196,202,202,202,196,191,189,186,185,185,186,186,186,186,189,194,196,196,194,191,189,189,189,189,186,183,182,182,189,196,196,194,189,186,183,183,183,186,191,196,196,194,189,183,182,183,186,189,191,191,194,196,191,183,133,131,132,181,189,191,194,194,191,189,186,181,183,189,194,194,194,191,189,189,189,189,186,186,189,191,189,189,189,189,191,194,199,204,204,204,202,202,202,199,196,199,199,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,196,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,51,17,0,0,0,0,0,0,0,0,0,0,0,19,29,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,72,0,0,129,142,163,178,181,170,161,164,183,189,0,0,170,176,173,170,165,160,152,0,0,0,0,0,0,0,0,0,0,142,152,0,0,155,144,0,142,144,144,0,0,168,178,178,170,166,168,170,168,168,168,168,168,168,168,165,160,152,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,0,191,186,173,163,155,152,152,152,147,150,157,173,181,181,178,178,176,178,181,181,183,183,183,186,191,191,189,189,189,0,0,0,0,0,0,0,0,0,0,183,176,176,181,0,0,0,0,0,0,0,0,0,194,191,189,191,191,191,191,191,196,0,0,202,199,202,204,204,202,196,191,189,191,191,189,186,186,191,194,191,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,215,225,230,230,225,217,222,228,233,238,246,246,246,235,222,215,222,230,238,241,238,230,228,225,225,230,238,246,251,251,251,251,248,246,243,243,241,241,241,241,241,241,243,243,243,241,238,230,220,207,191,133,125,125,129,133,139,186,191,196,204,209,215,220,222,225,225,225,228,230,230,228,228,230,233,233,230,228,225,215,209,207,212,217,225,228,225,222,222,225,225,222,215,215,212,209,204,202,196,194,189,186,186,191,196,204,207,209,209,207,209,212,212,209,212,222,225,217,209,202,196,194,199,207,215,222,222,222,225,230,235,238,238,238,241,241,238,238,235,233,235,241,238,235,235,235,235,235,233,230,225,225,225,228,230,230,230,225,222,222,225,228,228,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,66,43,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,139,142,33,0,0,0,45,147,170,186,194,196,199,196,191,183,155,17,23,15,0,0,0,0,0,15,59,71,20,3,39,131,134,129,99,137,139,134,97,91,91,97,144,150,150,150,157,163,160,150,146,147,152,157,165,181,196,204,189,105,96,98,107,111,111,111,117,165,176,183,189,191,191,191,186,173,163,119,115,112,112,112,112,117,165,176,176,173,163,119,119,160,163,119,118,119,121,121,160,165,163,119,117,121,160,165,176,178,168,121,117,115,111,107,107,109,113,115,117,117,119,119,123,178,199,207,207,196,173,117,113,114,115,119,119,117,114,114,117,163,170,176,178,178,173,170,121,99,87,89,99,107,107,107,113,119,157,160,165,163,157,118,119,163,160,121,119,115,115,119,168,173,168,165,165,170,173,173,178,181,181,178,173,168,168,127,127,170,176,181,178,173,129,125,129,176,176,131,131,178,186,196,204,199,191,183,181,178,178,178,181,183,183,183,186,194,191,178,133,134,134,135,186,196,196,186,189,199,202,194,196,202,129,60,65,186,209,209,207,207,207,207,209,212,215,215,215,215,217,217,217,222,225,228,228,228,230,225,204,181,179,191,196,186,137,131,130,133,186,191,191,186,182,189,202,204,199,191,186,183,183,183,181,182,202,209,196,181,178,178,181,189,196,199,204,209,215,217,222,222,222,222,220,212,204,191,181,133,176,181,186,186,183,183,189,196,194,181,170,170,168,166,168,176,181,176,125,119,119,123,123,127,176,183,183,176,176,178,181,183,186,186,178,127,125,131,191,209,225,233,233,220,110,102,176,199,189,118,123,168,168,127,127,168,173,178,181,183,181,178,173,168,125,121,119,115,114,117,123,125,119,118,168,191,191,191,194,194,189,181,176,168,123,122,121,121,168,181,186,186,178,173,127,125,124,125,127,168,125,121,123,129,173,176,183,196,204,207,207,204,202,204,207,207,202,191,183,181,191,209,225,230,230,222,209,196,186,176,176,176,127,121,125,181,202,212,209,202,189,176,176,186,191,199,202,202,199,199,194,181,176,176,176,131,130,130,173,176,176,173,131,127,121,119,118,125,178,173,129,129,170,127,124,123,124,168,178,181,173,125,118,118,119,119,119,123,176,178,173,173,181,191,194,189,178,173,170,163,121,117,117,119,163,168,168,123,121,165,170,165,117,112,113,121,170,168,165,165,165,125,123,122,123,125,125,123,125,123,123,125,173,186,194,194,194,194,183,170,168,170,176,178,176,131,127,125,127,129,131,173,181,196,207,209,207,204,199,194,196,202,199,194,191,196,202,207,207,209,204,194,190,190,194,199,199,196,186,173,173,189,204,212,212,204,191,181,173,170,178,189,191,194,196,202,202,189,99,97,125,178,191,183,125,102,97,163,186,183,181,173,160,168,170,71,39,59,9,0,37,99,107,109,111,160,186,199,191,157,115,163,173,189,196,199,199,186,173,170,176,178,189,196,186,183,194,199,194,189,183,183,189,194,194,189,181,131,129,131,178,176,129,123,125,129,129,125,127,131,173,173,181,186,186,183,178,176,178,189,202,199,186,133,133,178,186,191,196,199,202,204,207,209,204,196,191,186,178,131,127,127,131,135,181,183,189,194,196,189,135,129,128,128,129,135,186,191,191,191,191,189,181,179,181,186,186,183,181,181,183,181,178,178,183,183,178,131,176,183,189,189,186,186,183,183,186,191,194,196,194,194,189,189,189,194,199,202,199,194,194,196,196,194,191,189,186,185,191,202,202,196,196,204,204,194,186,187,194,202,204,204,202,200,202,204,202,196,196,202,202,199,196,199,199,202,199,199,202,204,207,209,209,212,212,209,204,196,191,194,196,196,196,194,196,199,202,202,199,202,207,212,209,208,209,212,217,222,225,222,215,212,212,209,209,209,207,204,202,196,191,186,186,189,189,183,137,137,135,137,183,189,194,196,199,202,202,202,204,209,209,207,204,204,204,196,189,181,131,128,129,133,133,131,131,133,176,131,125,122,123,127,131,133,176,178,181,181,178,178,181,186,186,185,185,189,194,199,199,199,194,189,183,183,183,181,178,178,178,178,176,133,133,176,181,181,178,183,191,199,196,194,192,194,199,202,199,191,176,123,121,123,127,170,173,173,168,168,170,176,176,170,127,125,123,119,115,115,115,117,117,115,115,119,125,170,176,181,186,189,186,186,183,189,194,196,199,202,202,196,194,191,186,185,185,186,186,186,189,191,194,196,194,194,191,189,186,189,189,189,183,182,182,183,189,194,194,191,189,189,186,186,189,194,196,196,194,189,183,182,183,183,186,189,191,194,196,191,183,133,131,132,181,186,189,186,189,186,183,181,179,181,183,189,191,194,191,189,189,189,189,189,189,189,191,191,191,191,194,194,194,199,204,207,207,202,199,196,196,196,199,202,202,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,3,1,0,0,21,69,90,108,121,139,165,181,183,170,161,164,189,194,178,169,170,173,170,165,163,157,150,0,0,0,0,0,0,0,0,0,0,152,165,0,176,165,155,150,150,152,150,147,150,160,176,181,176,166,166,170,168,166,166,168,168,168,168,165,163,157,150,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,0,199,196,183,168,160,155,152,150,147,0,155,168,176,178,173,173,173,173,176,181,181,181,178,178,181,181,181,183,189,191,191,0,0,0,0,0,0,0,0,0,176,176,183,0,0,0,0,0,0,0,0,0,0,191,189,189,191,191,191,194,196,0,202,199,199,199,199,199,199,194,191,189,189,191,189,186,187,194,199,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,217,225,230,230,225,217,222,225,230,235,241,243,241,233,217,0,217,228,0,238,233,228,225,222,225,230,238,246,251,254,254,254,251,248,246,246,243,243,243,241,243,243,243,241,241,241,235,230,220,207,191,133,123,123,125,129,133,137,186,194,202,207,212,217,222,225,225,228,228,230,230,230,230,233,233,235,233,230,228,222,215,212,215,222,225,225,222,222,222,225,225,225,217,215,215,212,207,202,199,196,191,186,186,189,196,202,207,209,209,209,212,212,209,207,209,217,225,222,212,204,199,202,207,212,217,222,222,222,225,228,233,238,238,238,241,241,241,238,238,235,238,241,241,238,235,235,235,235,235,230,225,222,222,225,230,230,230,225,222,222,225,228,228,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,85,82,56,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,134,137,11,0,0,0,0,51,155,170,183,191,194,194,186,176,29,0,0,0,0,0,0,0,41,67,139,144,27,14,65,134,142,137,95,91,101,139,97,91,97,101,139,144,150,152,157,168,163,155,152,155,157,163,176,191,212,228,225,176,98,97,105,113,111,109,110,157,176,189,196,199,202,202,199,186,173,163,155,115,113,113,113,119,168,178,178,173,165,157,157,160,163,157,119,119,163,165,170,173,165,117,114,115,119,163,178,181,168,121,119,117,111,106,106,107,113,117,117,115,114,114,119,173,191,199,202,194,176,119,114,115,117,119,119,117,115,114,114,117,160,165,173,176,176,183,178,117,101,99,103,107,109,109,113,115,115,117,157,163,160,119,121,165,163,121,119,117,115,115,119,123,123,121,123,165,170,176,183,189,189,183,176,170,168,129,129,173,176,178,176,170,125,123,127,173,176,173,173,178,186,194,199,196,191,189,186,181,181,178,178,183,186,183,181,181,186,178,134,135,135,178,189,196,196,191,191,194,194,191,196,207,204,117,129,212,215,209,209,209,207,207,209,209,209,212,215,217,225,228,228,225,225,228,225,225,225,215,202,186,181,183,183,181,135,131,130,133,183,189,189,183,181,186,196,196,191,186,186,186,186,186,183,186,202,209,196,181,179,181,183,189,191,191,199,207,212,215,215,215,215,222,222,215,202,186,133,133,181,186,191,191,189,186,191,196,194,178,168,166,166,166,166,170,176,176,170,125,123,125,168,173,186,196,194,178,173,173,176,176,173,173,127,125,125,127,181,204,225,235,228,204,121,117,196,196,123,113,119,123,125,125,168,178,189,194,194,191,189,189,183,178,168,123,119,117,117,119,125,165,123,121,176,196,199,196,199,202,196,189,178,165,123,123,123,123,176,191,196,196,183,173,125,124,124,125,168,170,125,121,121,125,127,127,173,186,199,204,202,199,196,199,199,199,191,178,131,131,181,196,209,212,215,209,202,194,186,181,178,173,119,117,121,176,189,189,183,181,173,127,131,181,191,196,199,199,199,202,202,191,183,181,176,173,130,130,131,131,127,124,125,125,121,123,121,127,178,178,176,170,168,125,123,123,125,173,181,183,176,168,123,119,119,121,168,178,194,194,186,181,189,196,196,191,189,183,178,168,121,117,117,121,165,170,168,121,119,123,165,123,116,112,114,123,170,168,165,165,125,123,122,123,168,173,170,127,122,121,122,125,173,186,191,191,196,199,189,173,169,173,178,178,173,129,123,121,123,129,173,176,183,196,207,209,204,202,196,191,194,199,199,196,194,199,202,204,207,209,207,199,191,191,194,196,199,194,178,115,117,173,194,202,202,196,186,176,170,129,176,186,191,194,199,207,209,199,127,123,170,186,196,196,183,121,113,191,191,194,199,194,168,117,65,0,0,0,0,0,95,117,113,115,113,160,181,189,157,89,91,109,119,168,176,181,181,121,109,111,121,125,176,186,181,178,189,194,194,191,191,191,194,196,194,183,173,173,178,186,189,181,129,123,123,125,123,122,125,173,176,176,181,183,183,183,178,178,181,191,202,202,191,178,133,178,186,191,202,204,202,202,204,204,199,191,183,178,133,127,125,125,126,129,135,183,191,202,204,194,183,135,131,128,127,131,181,191,194,191,191,189,181,178,181,189,189,183,178,178,178,178,178,183,189,191,189,183,183,186,183,183,186,189,189,189,191,194,196,199,196,194,191,191,194,196,199,199,196,196,196,194,189,189,189,189,183,181,186,196,199,191,189,199,204,196,189,189,194,202,204,204,202,202,202,204,199,194,194,196,199,199,196,196,199,202,199,199,199,202,202,204,207,207,207,204,202,196,191,191,194,194,194,194,196,199,202,202,202,202,207,209,208,207,209,215,217,222,225,222,215,212,209,207,207,207,204,204,202,196,189,181,181,183,186,139,137,135,133,134,137,186,191,196,199,199,202,202,204,207,209,207,203,204,204,194,137,131,128,128,129,133,178,181,181,181,178,129,123,121,121,123,129,131,133,176,178,181,183,183,189,194,191,186,185,189,194,199,202,202,196,191,189,186,183,181,178,176,178,181,181,181,176,178,178,176,174,176,183,191,194,194,192,194,196,196,191,186,176,125,122,125,129,176,178,176,173,170,170,173,173,127,121,119,119,117,115,115,117,117,115,114,114,119,125,170,178,183,183,183,181,181,182,183,191,194,196,199,202,199,196,194,189,185,185,186,189,191,194,196,196,194,191,189,189,186,186,186,189,189,186,183,182,183,183,186,189,191,191,191,189,191,194,196,199,196,194,189,183,182,183,183,183,186,191,194,196,191,183,135,132,132,178,183,186,186,186,183,181,179,179,181,183,186,191,191,191,191,189,189,189,191,191,191,191,191,191,194,196,199,196,199,202,207,207,204,196,195,195,196,199,204,202,199,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,9,7,0,0,11,56,77,95,118,142,168,189,191,173,163,165,194,202,186,176,176,170,163,157,157,157,155,147,0,0,0,0,0,0,0,0,0,168,178,186,183,170,157,150,152,152,152,150,0,155,170,178,176,168,170,173,173,170,173,173,170,165,163,160,160,157,157,157,155,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,204,191,173,163,160,160,157,150,0,0,160,168,168,163,163,165,168,170,176,178,178,173,170,170,170,170,176,183,189,189,186,0,0,0,0,0,0,0,0,181,0,0,0,0,0,0,0,0,0,0,0,0,0,191,191,191,191,191,194,199,202,202,199,196,194,194,194,194,191,189,186,189,191,189,187,187,196,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,217,225,230,230,225,217,217,220,228,235,238,241,235,228,0,0,212,225,0,0,230,225,222,222,225,230,238,246,251,254,255,255,254,251,251,248,248,246,246,243,243,241,241,241,241,238,233,228,217,204,189,133,123,121,121,125,129,133,137,186,196,204,209,215,217,222,225,228,228,230,230,230,230,233,235,235,235,233,230,228,222,217,220,222,225,225,222,220,222,225,228,225,222,215,215,212,207,204,202,202,196,191,189,189,194,199,204,207,209,209,209,209,207,204,207,215,222,222,212,207,204,207,212,217,225,228,225,225,225,228,233,238,238,238,241,241,241,241,238,235,235,238,238,238,235,235,235,238,235,233,225,222,220,222,228,230,230,225,225,222,225,228,225,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,85,82,69,59,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,13,113,105,0,0,0,0,0,0,51,134,165,173,181,181,160,65,0,0,0,0,0,0,31,61,87,142,152,137,45,33,63,139,142,129,79,70,75,81,75,87,97,101,105,142,147,150,157,163,160,155,157,165,165,170,183,199,217,233,228,217,105,90,105,109,111,110,111,157,181,199,204,204,204,204,199,194,181,168,157,155,115,113,113,117,163,170,173,168,160,157,157,157,160,163,160,157,160,173,181,181,170,121,114,113,115,160,170,170,160,117,115,113,111,107,106,109,115,119,119,117,116,119,121,165,176,183,183,183,176,165,121,121,119,117,119,121,119,115,113,114,117,160,170,178,183,196,202,173,107,103,105,107,109,109,111,113,113,115,157,163,163,157,160,165,165,163,160,160,121,121,123,121,120,121,123,125,168,178,189,196,196,194,181,170,173,170,170,170,173,176,173,129,123,123,125,131,176,176,176,178,183,186,189,191,194,191,189,186,181,176,176,183,189,189,183,178,178,178,178,181,181,183,186,191,194,191,189,189,186,189,196,207,209,202,202,215,222,215,212,209,207,207,207,207,209,212,215,217,225,228,225,222,222,225,222,217,212,207,196,186,181,181,137,135,133,133,135,178,183,189,189,186,182,183,189,191,186,189,194,196,194,191,189,191,199,204,191,181,186,189,189,191,191,191,199,207,209,209,209,209,212,215,212,207,196,183,133,133,181,191,194,194,189,191,194,196,191,181,170,166,168,170,170,168,168,170,170,168,125,127,176,189,207,215,204,186,170,169,170,170,129,127,126,126,126,126,170,191,215,225,212,186,123,125,202,202,119,116,119,123,123,127,178,189,199,202,199,196,196,196,196,189,178,168,123,119,117,121,125,165,125,165,178,194,199,199,202,204,199,191,178,170,165,168,170,170,176,186,196,194,183,173,127,127,125,127,168,170,125,121,120,121,127,131,178,186,196,202,199,191,189,189,189,186,178,131,129,130,133,186,194,196,194,191,189,186,183,181,178,131,118,119,129,178,176,125,125,131,129,127,131,178,189,196,199,199,202,207,204,199,191,183,176,176,176,178,178,176,131,131,129,127,123,120,120,125,176,181,181,178,170,125,123,124,170,176,181,181,170,125,121,121,123,165,178,191,202,196,186,183,189,189,186,186,186,178,170,163,121,119,121,165,173,170,163,119,117,117,121,121,121,117,119,165,168,168,168,170,168,165,123,165,176,186,183,176,127,123,125,127,170,176,181,181,191,194,186,173,170,178,181,176,127,121,116,116,121,131,178,183,189,199,207,207,202,199,194,191,191,196,196,196,196,199,202,202,204,204,204,202,196,194,194,194,196,191,114,101,110,119,127,181,189,186,176,129,125,127,129,170,173,181,194,202,204,196,183,176,178,189,199,202,199,191,189,191,194,196,204,202,178,71,0,0,0,0,0,7,109,117,109,93,94,109,157,117,91,85,89,107,115,119,121,107,80,85,97,111,115,121,168,173,170,168,176,189,194,194,196,196,199,199,194,181,172,173,186,191,189,178,129,123,123,123,122,122,127,131,173,173,176,178,183,189,189,181,181,189,196,199,194,183,176,178,183,194,202,204,202,202,202,199,189,183,183,183,178,133,129,126,126,131,186,196,204,207,202,194,186,181,135,129,128,131,181,189,194,194,194,191,186,181,186,194,194,189,181,178,178,181,183,186,191,194,191,191,191,189,186,183,186,189,189,191,191,194,196,196,196,194,191,191,194,196,199,199,196,196,196,191,187,186,189,191,189,185,186,194,194,189,186,194,202,196,190,189,194,202,207,207,202,199,202,202,199,194,192,192,196,196,196,196,199,202,202,198,198,198,198,202,204,204,204,207,204,199,194,191,191,191,191,194,196,196,199,199,199,202,207,209,209,209,212,215,217,222,222,217,212,209,207,204,202,202,202,202,202,196,186,182,182,186,189,186,183,137,133,133,137,186,191,196,196,199,202,202,202,207,207,204,204,207,207,191,135,128,128,128,129,133,181,183,186,186,181,133,125,122,121,125,129,129,131,133,176,181,186,189,194,199,199,194,189,189,194,199,202,202,199,194,189,186,181,178,174,176,178,183,183,183,181,181,181,178,174,174,176,183,191,194,194,196,194,191,186,183,178,170,125,127,170,176,178,176,173,173,170,168,127,123,119,118,119,119,117,117,119,121,117,113,113,117,125,173,181,186,189,183,181,179,182,183,186,191,194,199,199,199,196,194,191,189,186,189,196,202,204,202,194,189,189,189,189,186,185,186,191,191,189,186,186,183,182,182,186,191,194,191,194,196,199,199,199,196,194,189,186,183,183,182,182,183,189,194,194,191,183,135,132,133,178,183,183,183,183,183,181,181,181,183,183,189,191,194,194,194,191,189,189,189,189,189,189,189,191,196,199,202,202,202,204,207,209,207,199,196,196,199,202,204,202,199,196,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,95,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,29,25,0,0,0,0,7,7,0,0,0,25,77,105,126,150,173,191,199,176,164,166,191,204,199,189,178,163,0,0,0,0,160,165,157,147,0,0,0,0,0,0,0,165,178,186,183,170,0,0,0,147,152,155,152,0,163,170,170,170,173,178,183,181,181,176,170,160,155,0,0,160,165,170,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,176,168,170,173,170,160,150,0,0,157,155,150,0,155,160,165,170,170,170,168,165,163,160,160,165,176,181,181,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,194,0,0,0,0,0,199,196,191,191,191,191,189,186,183,186,191,191,189,189,194,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,217,222,225,225,222,215,212,212,222,233,0,235,230,217,204,0,0,0,0,0,228,222,217,215,217,228,235,241,246,251,255,255,255,255,254,254,254,251,248,246,243,241,241,241,238,235,230,222,212,202,189,133,123,119,119,121,127,129,133,137,189,196,204,207,212,217,222,228,230,230,233,230,233,233,233,235,233,233,233,230,225,225,222,225,225,222,221,220,222,225,228,228,222,212,212,212,212,209,207,207,204,196,191,191,191,196,204,207,0,207,207,209,207,204,204,212,217,217,212,209,207,209,215,225,230,230,230,228,225,228,230,235,235,238,238,241,243,241,238,235,235,235,235,238,235,235,235,238,238,233,225,217,216,217,225,228,228,225,222,222,225,225,225,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,59,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,0,0,0,0,29,31,0,0,0,0,0,0,0,55,129,147,155,150,67,0,0,0,0,0,0,7,73,121,144,150,142,83,57,53,73,129,131,75,67,65,65,65,67,85,101,105,105,144,152,157,157,157,152,147,150,160,163,170,183,199,212,222,217,212,109,78,96,109,113,111,111,155,178,194,202,204,202,199,196,191,181,170,163,155,115,113,113,115,119,157,160,157,119,117,117,117,157,165,163,160,163,173,181,178,170,163,117,114,114,119,160,160,119,115,113,113,111,109,109,111,115,119,121,121,123,165,163,163,170,178,181,181,183,181,178,168,121,117,119,163,163,117,114,113,115,121,170,178,183,196,199,181,111,103,103,105,107,107,105,107,111,115,119,157,157,157,160,165,168,168,168,170,176,173,168,123,121,123,125,123,165,178,191,199,204,199,186,176,176,173,168,166,168,170,170,129,125,124,125,131,176,178,181,181,183,183,186,196,199,194,189,186,181,176,176,183,191,191,186,178,178,181,183,186,186,186,186,186,186,186,186,186,183,183,191,199,204,202,207,215,222,217,215,209,205,205,207,207,209,215,217,217,217,222,220,217,217,217,215,207,199,196,191,186,183,181,137,135,135,181,183,181,181,186,191,189,186,183,186,189,189,194,204,204,199,196,196,194,194,191,183,181,196,199,194,191,191,196,204,207,207,202,204,207,212,209,204,196,189,181,176,176,183,194,196,196,191,191,194,194,189,178,170,168,176,181,176,168,125,125,127,127,125,168,186,204,222,228,212,191,173,170,173,173,170,129,127,129,129,129,173,181,189,189,173,121,115,119,183,186,121,118,127,168,168,170,181,191,196,199,199,199,199,202,202,196,186,173,125,119,117,119,123,125,123,125,173,183,186,191,196,202,199,191,178,170,168,170,173,170,170,176,186,186,178,168,125,127,168,170,168,129,127,123,121,123,170,181,189,196,202,202,194,183,178,178,178,178,133,130,129,131,178,186,189,183,181,178,178,178,178,178,176,129,125,127,178,183,173,124,123,127,125,127,129,176,186,194,196,199,204,209,209,204,194,176,131,181,189,194,196,194,189,189,186,178,129,123,123,127,176,181,181,178,176,168,127,168,173,176,178,173,125,117,115,117,125,173,183,196,199,194,183,181,186,186,181,178,173,121,113,111,115,119,163,173,173,168,121,115,111,113,115,119,123,123,123,165,165,168,170,176,178,173,168,168,181,191,194,186,181,176,176,173,127,127,170,170,176,181,178,176,178,183,183,170,119,115,114,116,127,178,183,186,191,199,204,202,202,199,194,191,191,194,194,194,196,199,202,202,202,204,204,204,199,196,194,194,191,186,114,107,114,117,114,117,129,131,125,121,119,121,123,119,108,109,123,178,186,189,189,186,183,189,196,204,204,202,196,191,190,191,199,202,189,109,17,0,0,0,0,71,113,109,95,92,95,103,109,107,97,91,101,115,121,160,117,66,62,81,107,119,119,123,168,168,165,164,168,181,186,189,191,194,194,194,189,178,172,173,183,191,189,178,129,123,123,125,127,127,129,129,127,129,131,131,181,196,199,189,178,178,186,191,189,183,181,181,186,194,199,196,194,194,194,189,182,181,189,194,194,191,181,133,131,178,191,204,209,209,202,194,186,183,178,133,129,129,135,183,194,196,196,196,191,186,189,194,196,191,186,181,181,183,186,189,189,189,191,194,196,194,191,189,189,189,189,189,191,191,194,194,194,194,191,191,191,194,199,199,199,196,194,189,186,186,191,196,196,191,191,194,191,189,186,191,196,194,190,189,191,202,207,207,202,194,196,196,196,196,194,192,194,194,196,196,202,204,204,199,199,199,198,199,204,207,209,212,212,204,202,199,196,191,189,189,194,196,199,196,196,199,207,212,215,217,217,217,217,217,217,215,209,207,204,199,196,196,199,199,199,194,186,183,183,189,194,194,191,183,135,135,181,189,194,196,199,199,202,202,202,207,209,207,204,207,207,194,178,129,129,129,133,135,178,181,183,183,181,176,131,129,127,129,131,131,131,133,178,183,189,191,199,204,204,199,194,191,194,199,202,202,199,196,191,186,183,178,174,174,176,181,186,186,183,186,183,183,178,176,176,181,189,194,194,194,194,191,186,181,178,170,129,129,170,176,176,176,173,168,127,125,123,121,119,118,119,119,119,119,121,123,119,114,113,117,125,173,183,191,194,191,183,183,186,186,186,189,194,196,199,196,196,194,191,191,191,196,204,207,207,202,194,189,189,191,189,186,185,186,189,191,189,189,189,189,183,182,183,189,191,191,194,199,202,202,202,199,194,189,186,183,183,182,181,183,189,194,194,191,186,178,133,135,178,183,186,186,183,183,183,183,183,183,183,189,191,194,194,194,191,189,186,186,186,186,186,186,191,196,202,202,202,202,204,207,209,207,202,199,199,199,202,204,202,199,199,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,74,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,39,72,79,43,7,3,3,11,13,0,0,0,27,95,0,144,157,170,186,199,183,168,170,191,204,199,189,176,152,139,134,134,0,160,176,176,165,152,0,0,0,108,0,0,155,170,178,176,160,0,0,0,0,152,157,157,157,160,165,168,170,178,189,194,191,186,178,170,157,0,0,0,163,173,178,181,176,163,150,142,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,0,0,0,0,0,0,0,0,0,0,0,199,178,170,176,181,181,173,160,150,0,0,0,0,0,144,155,163,165,165,163,163,160,157,152,152,157,163,168,170,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,196,199,0,0,0,0,202,196,191,191,191,191,189,183,181,183,189,191,191,191,194,194,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,217,215,217,217,217,212,209,207,207,215,230,235,233,225,212,202,199,0,0,0,0,225,217,213,213,215,225,230,235,238,246,254,255,255,255,255,255,255,254,251,246,243,241,241,238,238,233,228,220,209,199,143,133,123,117,115,117,123,125,129,131,137,186,194,199,204,209,217,225,228,230,230,230,230,230,233,233,233,233,233,230,228,228,225,225,225,222,222,222,222,225,230,228,217,212,209,212,215,215,215,212,209,202,194,191,191,194,199,204,0,202,204,207,207,204,204,209,215,215,212,209,207,209,217,228,233,233,233,230,225,225,228,233,235,235,238,241,243,241,238,235,233,233,235,238,235,233,233,238,238,233,228,217,215,216,222,225,225,222,222,222,225,225,225,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,27,0,0,0,0,0,0,25,59,69,75,67,35,0,0,53,61,0,0,39,126,139,150,147,126,71,63,69,87,129,81,57,63,73,69,65,67,85,142,142,142,152,165,170,163,155,111,103,103,111,152,160,176,186,196,207,209,209,173,76,87,107,111,109,111,115,165,181,191,194,194,194,191,186,178,170,163,155,115,113,113,113,115,117,115,115,113,113,113,115,157,165,165,160,160,165,170,168,165,163,119,115,114,115,119,119,119,117,115,115,113,111,111,115,117,121,121,123,163,168,165,165,173,181,189,194,196,196,196,183,163,117,121,165,163,119,115,115,117,121,168,173,176,181,186,173,111,105,103,105,107,105,103,104,109,111,113,115,115,117,160,165,168,170,176,181,186,181,170,163,123,165,168,165,125,173,189,199,204,204,194,183,181,176,168,166,168,170,170,129,129,129,129,170,176,181,183,186,183,181,189,202,202,191,186,186,178,174,176,183,189,191,186,181,181,183,186,189,194,191,186,183,183,189,194,194,186,182,183,191,194,196,204,215,217,217,215,209,205,205,207,209,212,217,217,215,212,215,215,215,215,212,204,196,189,189,189,189,189,183,181,135,135,183,183,135,133,181,189,191,189,181,181,186,191,199,207,204,196,199,202,194,183,178,135,183,204,202,191,186,189,199,207,207,204,199,199,204,209,207,194,181,178,178,176,178,186,194,199,199,191,191,194,194,186,181,176,176,183,189,178,127,123,123,123,123,123,168,186,209,225,228,212,194,178,173,176,176,173,173,170,173,176,178,181,181,176,127,119,113,111,112,127,176,127,127,178,181,176,176,181,186,194,196,199,202,204,207,207,199,189,173,125,119,119,119,121,123,121,121,165,173,170,176,186,191,191,183,176,168,165,165,125,123,123,165,173,176,168,121,121,127,176,178,176,173,170,127,123,125,176,189,199,204,207,202,189,176,129,129,131,133,133,131,131,178,183,189,186,178,133,131,131,133,176,176,133,131,131,176,181,183,176,125,123,124,124,125,127,173,178,186,196,202,207,209,207,202,186,127,126,181,194,204,207,207,202,199,194,189,181,173,170,170,178,181,178,178,176,173,170,173,176,176,170,127,119,111,108,111,121,173,186,194,194,189,179,179,189,191,186,176,163,109,103,107,111,117,123,170,170,165,121,115,111,110,111,115,121,121,123,123,123,163,170,178,183,181,173,173,183,196,199,194,191,189,183,176,123,121,123,123,121,125,170,178,186,189,183,127,116,115,117,125,176,186,189,186,191,196,199,202,202,199,194,189,189,194,194,194,196,199,202,199,199,204,204,202,199,196,194,194,191,181,123,119,127,123,111,110,115,121,121,117,117,117,117,113,105,102,103,109,129,183,189,189,186,189,194,202,204,204,199,194,191,191,194,199,199,186,109,49,75,89,101,119,157,101,90,93,109,113,113,113,113,115,121,163,165,168,160,72,69,107,121,165,165,168,170,168,165,165,168,176,178,183,186,186,186,189,186,181,173,173,181,186,186,181,173,125,123,129,173,173,131,125,123,127,129,129,176,194,202,191,176,173,181,186,186,183,186,186,189,191,189,183,181,183,186,183,181,181,191,199,204,204,196,183,137,183,194,204,209,207,199,191,186,183,181,135,131,127,127,133,186,194,196,196,194,189,186,194,196,194,189,183,183,189,189,183,181,181,186,191,196,196,194,191,189,191,189,189,191,191,194,194,194,194,194,191,191,194,196,199,199,196,194,189,186,186,189,196,199,196,194,191,189,186,183,189,191,191,190,190,194,202,209,207,196,186,186,191,194,196,196,194,194,194,194,196,202,204,204,199,199,199,199,199,202,204,212,217,215,209,207,207,204,196,187,186,189,194,194,191,191,196,207,215,217,217,217,217,217,215,215,212,209,204,199,196,191,191,194,196,194,191,186,183,183,191,196,199,196,189,181,181,186,191,194,199,199,202,202,202,202,207,209,207,207,207,204,194,183,135,131,131,133,178,176,176,178,178,176,133,176,176,173,173,173,173,176,178,181,183,186,191,199,207,207,202,196,194,194,196,199,199,199,196,191,189,186,178,174,174,174,178,183,186,186,189,191,189,186,181,181,183,189,191,191,191,191,186,181,178,173,170,129,129,173,176,176,173,173,127,123,121,121,121,119,119,121,121,121,121,123,123,119,114,113,117,127,176,186,194,202,199,196,194,194,191,191,191,194,196,196,194,194,194,194,196,199,204,209,209,204,199,194,191,191,191,191,189,186,186,189,189,186,186,189,191,189,186,183,186,189,191,194,196,202,202,202,199,194,191,186,186,183,182,182,183,189,194,194,191,189,181,178,178,181,186,189,186,183,183,186,186,183,181,183,189,191,191,194,194,194,189,186,186,185,185,185,186,191,196,199,202,202,202,204,204,207,204,202,199,199,202,204,204,202,199,199,199,199,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,14,14,33,30,22,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,11,9,0,0,1,15,9,0,5,19,3,9,69,90,103,113,35,25,23,33,29,3,0,0,37,116,152,160,160,163,176,191,181,170,176,191,199,189,173,163,147,139,137,131,131,150,176,183,178,168,0,0,0,118,0,0,0,155,160,157,0,0,113,111,0,144,157,163,163,163,165,165,168,178,191,196,196,186,176,168,160,0,0,160,168,176,178,181,181,173,163,152,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,0,0,0,0,0,0,0,0,181,0,0,0,0,181,170,173,0,0,0,170,157,0,0,0,0,0,0,147,157,163,163,157,155,155,0,0,0,0,152,157,163,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,199,199,202,0,0,0,202,196,194,194,196,194,189,181,178,179,186,191,194,194,194,0,0,194,196,196,199,204,0,0,0,0,207,202,202,0,0,0,0,222,222,215,212,212,212,209,205,204,204,209,228,235,233,222,209,202,202,0,0,0,0,225,215,212,212,215,222,228,230,235,243,251,254,255,255,255,255,255,254,251,246,241,238,238,235,233,230,225,217,207,199,143,133,123,115,111,113,117,121,123,127,129,133,181,186,194,202,209,215,222,225,228,228,228,228,230,230,230,230,230,230,230,228,228,225,225,225,225,222,225,228,230,228,217,209,207,209,215,217,217,217,212,204,199,191,190,191,196,0,0,0,204,207,204,202,202,207,212,212,212,209,207,212,217,228,233,235,233,230,225,222,225,228,230,233,235,238,241,241,238,235,233,233,235,238,235,233,233,238,238,233,228,217,215,215,217,225,225,222,220,222,225,225,225,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,108,3,0,0,7,0,0,13,45,55,59,55,41,21,35,65,75,67,57,83,131,139,144,139,83,59,61,75,93,137,77,44,60,147,131,85,83,95,139,142,147,157,173,178,170,157,111,100,99,102,107,150,157,165,176,194,202,209,199,86,88,99,105,107,109,113,157,165,170,170,181,183,183,178,173,168,160,155,117,117,115,115,115,115,115,113,111,111,111,115,119,160,163,160,157,157,157,157,157,157,119,115,114,115,117,119,119,119,119,117,115,115,115,117,119,119,119,119,123,165,165,163,173,183,194,202,202,204,204,194,170,117,117,121,119,117,117,121,160,163,165,163,160,163,168,163,113,107,107,109,109,104,103,105,109,107,107,107,111,117,160,165,168,170,176,183,183,176,168,163,123,170,178,173,125,170,183,196,204,204,199,191,186,181,173,168,170,170,170,173,173,173,170,173,176,178,181,181,181,183,189,199,196,186,181,181,176,174,176,181,186,186,183,183,183,186,189,191,194,196,189,182,183,194,204,204,194,182,182,186,189,194,202,212,215,215,215,212,207,207,209,212,215,217,215,212,212,209,212,212,209,204,196,189,186,186,186,189,189,183,183,181,178,181,181,131,130,176,189,191,189,178,178,186,194,199,199,196,194,202,202,194,181,133,135,183,194,196,189,181,183,194,204,204,202,199,199,202,202,194,181,131,129,133,176,178,186,196,204,202,194,194,194,189,186,183,183,186,191,189,173,123,123,125,123,121,119,123,176,196,212,212,202,189,178,176,178,178,178,176,176,176,181,186,189,183,173,127,119,114,111,112,127,181,176,173,183,186,178,176,181,186,191,196,199,204,207,209,209,199,183,168,123,123,123,121,121,123,121,120,121,125,123,125,170,176,178,176,170,165,125,121,117,115,117,121,165,127,123,119,120,168,186,194,191,186,181,170,127,127,173,186,196,202,202,194,181,131,127,127,128,131,133,131,133,181,183,186,186,178,131,127,127,129,131,176,176,176,176,176,181,186,181,129,124,124,124,125,127,129,131,178,189,196,204,204,199,189,173,126,126,178,194,207,212,212,207,202,196,191,189,183,176,176,178,181,181,181,178,176,178,181,181,173,127,121,115,109,107,109,117,168,183,191,191,186,179,181,194,199,194,183,111,95,99,109,115,115,119,123,163,163,123,119,113,111,110,111,115,119,121,121,120,121,163,173,181,181,176,176,186,196,202,199,194,186,178,168,120,119,120,119,117,119,168,183,191,189,176,123,117,121,129,176,183,189,189,186,186,194,199,202,202,199,191,186,187,194,196,196,199,199,199,196,196,202,204,202,199,196,194,191,189,176,123,123,131,125,111,109,115,123,125,125,123,121,123,123,119,106,103,107,125,183,189,189,186,189,191,196,199,199,196,196,196,194,191,196,199,199,181,97,83,101,117,165,165,101,90,99,163,165,163,121,119,119,160,165,168,165,160,95,93,117,165,173,173,170,168,170,170,173,176,181,181,181,181,181,183,186,189,186,183,181,181,186,186,183,176,129,127,173,176,173,127,123,123,127,129,129,173,183,189,183,173,173,181,186,186,186,186,189,186,186,181,179,178,179,183,186,183,183,191,199,204,207,199,189,183,189,196,202,204,202,194,189,186,183,183,178,133,127,126,127,135,186,194,196,196,189,186,189,194,194,191,189,189,191,191,181,133,132,176,186,191,194,194,191,191,194,194,194,194,194,196,196,196,196,196,194,191,194,196,196,196,194,194,191,187,187,189,196,199,196,194,186,181,137,135,181,189,191,191,191,196,204,209,204,191,182,181,183,191,196,202,199,196,194,194,196,202,204,202,199,198,199,198,198,198,202,209,215,212,209,207,207,204,196,187,185,186,189,191,187,187,191,202,209,212,215,215,215,215,212,212,209,209,204,199,194,190,191,191,194,194,191,186,183,183,186,191,196,196,194,189,189,189,191,196,199,202,202,202,202,202,207,209,207,207,204,202,194,186,181,133,131,133,176,133,129,129,129,131,133,178,181,181,178,178,178,181,183,183,183,183,189,196,204,207,199,196,194,194,194,196,199,199,196,194,189,186,181,176,176,176,178,181,186,189,191,194,194,191,186,186,186,186,186,186,183,183,181,176,170,170,129,129,129,170,173,173,173,173,168,123,123,125,165,125,123,125,125,125,123,125,125,119,113,112,117,127,178,189,199,207,207,204,199,196,194,191,191,191,194,194,196,194,196,199,204,207,212,212,207,199,196,194,194,194,191,191,189,186,186,186,186,183,183,186,191,191,189,183,182,183,186,191,194,199,202,202,199,194,191,189,186,183,182,182,186,191,194,194,191,189,183,181,178,181,186,189,189,189,186,186,183,181,179,183,189,191,191,191,194,194,189,186,186,186,186,186,189,194,199,199,199,202,202,202,202,202,202,202,202,202,204,204,204,204,199,199,202,199,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,51,111,129,147,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,17,15,7,0,0,7,27,27,23,43,66,7,7,69,82,92,111,31,43,90,0,69,0,0,27,77,0,165,168,157,147,147,165,163,157,165,183,183,155,139,144,150,152,150,139,131,0,170,181,178,173,165,160,0,0,0,0,0,0,0,0,0,118,108,103,113,0,150,163,168,170,168,165,165,173,186,191,189,181,170,165,165,168,173,173,173,176,178,181,183,183,181,170,157,147,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,176,0,0,0,0,181,165,168,0,0,0,0,163,147,0,0,0,0,0,142,155,160,157,152,150,0,0,0,0,0,0,150,155,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,199,202,204,207,0,0,204,196,196,196,199,196,189,181,178,178,183,191,0,0,196,0,189,191,196,202,204,207,212,0,0,0,0,202,199,204,0,0,0,222,222,215,212,209,209,207,207,205,204,209,225,235,233,225,212,207,0,0,0,0,0,228,217,213,213,217,225,228,228,233,238,246,251,254,255,255,255,255,254,248,243,238,235,235,233,230,225,222,215,207,199,143,133,123,115,109,111,115,117,119,121,123,125,127,133,181,191,202,209,215,217,222,222,225,225,228,228,228,228,230,230,230,230,228,228,225,225,225,225,225,228,228,228,217,209,205,207,215,222,225,222,215,209,202,196,191,191,196,0,0,0,204,207,204,202,202,204,209,212,212,209,209,212,217,228,233,235,233,228,222,221,222,225,228,230,233,238,241,241,238,235,233,233,235,238,235,233,233,238,238,235,228,217,215,215,217,222,222,220,220,222,225,228,225,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,98,15,0,15,41,13,0,0,29,41,45,49,47,45,57,75,89,124,129,134,134,134,134,126,53,31,55,77,126,155,160,46,55,139,139,134,134,103,92,97,142,157,170,181,178,170,155,103,100,102,105,109,113,115,155,173,189,196,194,115,98,101,105,107,109,113,115,113,101,79,107,163,170,168,165,160,157,117,155,157,155,117,115,115,115,113,111,110,110,111,117,119,119,119,119,119,117,117,117,119,117,115,117,119,160,163,160,160,119,117,115,115,115,117,117,115,111,111,119,163,163,123,170,181,194,202,204,204,204,196,176,119,115,115,113,115,117,121,163,165,168,163,157,157,163,160,115,113,115,113,107,102,103,107,109,106,105,107,111,117,160,163,168,170,176,176,173,165,123,121,121,165,178,178,165,170,183,194,202,204,202,196,194,186,178,176,176,176,176,173,173,173,173,173,176,176,176,173,176,181,183,183,181,181,178,176,173,173,176,178,181,183,183,183,186,189,189,191,194,194,189,182,183,196,209,209,196,182,181,183,186,191,199,207,209,215,215,212,207,207,209,212,215,217,215,212,209,204,202,204,202,196,191,189,186,186,186,186,186,183,189,189,183,183,178,131,130,178,191,191,183,133,133,186,194,196,194,192,196,202,199,191,181,135,133,135,178,183,181,135,178,186,196,199,202,202,202,196,191,181,129,125,125,129,131,176,186,199,207,204,194,191,191,186,186,189,194,194,194,186,127,121,125,170,168,123,117,117,123,173,183,186,183,178,176,176,176,178,178,181,178,178,178,181,183,181,176,173,129,121,115,123,183,191,186,176,178,181,176,173,178,186,191,194,196,199,204,209,204,191,170,121,121,125,125,121,121,123,121,120,120,121,120,120,121,125,165,168,168,168,168,121,114,113,115,121,123,123,121,120,121,173,189,199,202,199,186,173,127,125,129,178,183,189,189,183,173,129,127,127,129,131,133,131,133,178,178,178,183,181,133,127,127,127,131,178,181,181,178,178,183,189,189,181,173,131,131,131,131,127,125,127,173,181,189,194,183,131,129,131,176,183,194,204,212,212,207,199,196,191,189,183,176,174,176,181,186,189,186,186,189,189,183,168,121,115,113,111,109,108,113,125,181,194,202,199,189,181,191,196,191,183,57,69,99,119,163,121,119,121,123,163,163,123,119,115,111,113,117,121,163,123,120,120,121,165,173,176,170,173,183,196,202,199,189,178,168,123,119,120,121,121,119,121,170,183,189,178,123,117,119,127,173,178,183,186,186,186,186,194,202,207,204,199,189,186,187,196,202,204,202,202,196,194,194,196,202,202,202,202,196,189,181,127,119,119,123,123,115,115,127,176,181,183,181,176,176,181,189,178,121,119,127,178,189,189,186,186,189,191,191,194,194,196,196,191,189,191,196,202,191,119,81,103,117,165,165,109,95,111,176,183,176,121,111,110,117,163,165,163,113,86,87,117,168,173,173,164,163,168,181,189,191,194,194,189,183,181,186,194,196,196,194,191,189,189,189,186,178,131,131,173,129,125,123,121,123,127,131,131,173,176,178,176,173,178,186,189,189,189,189,186,183,183,183,181,181,183,186,189,189,189,189,194,199,204,199,191,191,194,199,202,199,196,191,189,189,189,189,183,178,131,127,127,131,181,191,196,194,189,185,186,191,194,191,189,194,196,194,183,132,131,132,176,181,186,189,191,194,194,194,194,196,199,199,202,202,199,199,194,191,191,191,194,194,191,194,194,191,189,189,194,194,194,186,135,131,130,131,137,189,191,196,196,199,202,204,202,189,181,181,182,186,196,204,204,199,194,199,202,207,207,204,199,198,199,199,198,198,199,207,209,207,204,202,199,199,196,194,189,187,189,189,187,187,189,196,204,207,209,212,212,212,209,209,209,207,204,199,194,191,191,194,196,196,194,189,186,186,183,183,186,191,194,194,194,194,194,196,199,202,202,202,202,202,204,204,207,204,199,196,191,189,186,178,133,133,176,131,127,126,127,131,181,186,186,186,183,183,186,186,186,186,183,183,183,191,196,199,196,194,194,194,194,194,196,196,196,194,189,183,178,178,178,178,178,181,183,189,194,196,196,194,189,189,189,186,181,178,176,178,176,170,129,129,129,127,129,168,170,170,176,178,173,168,165,170,173,170,168,168,168,168,165,125,125,119,113,111,117,170,183,191,202,207,207,204,202,196,194,191,191,190,191,194,196,199,202,204,209,212,212,209,202,196,194,196,196,194,191,189,189,186,183,183,183,182,183,186,191,194,191,183,181,182,183,189,191,196,199,199,199,196,191,189,186,183,183,186,189,191,191,191,191,189,183,181,178,178,183,189,191,191,189,183,179,178,179,183,189,191,191,191,194,194,191,191,191,191,191,191,196,199,202,199,199,199,199,199,199,199,202,204,204,204,204,207,207,204,202,199,202,202,199,196,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,100,150,170,186,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,15,0,0,0,0,0,0,0,0,0,0,0,0,11,21,17,9,0,0,0,21,31,41,85,87,15,15,43,41,21,15,0,31,0,0,53,0,0,39,100,142,165,165,152,131,126,131,129,121,126,137,118,100,108,134,160,170,176,160,142,0,168,176,176,170,168,163,155,0,0,0,142,0,0,129,124,121,118,113,116,0,144,163,173,176,173,168,164,168,178,181,181,176,170,168,176,183,191,189,181,0,176,181,189,194,196,191,176,160,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,168,183,202,0,0,0,165,165,0,0,0,0,0,152,0,0,0,0,0,0,152,157,155,150,147,0,0,0,0,0,0,0,155,160,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,202,202,204,204,207,204,202,199,196,196,196,196,189,181,178,179,186,191,0,0,0,0,186,191,199,207,212,212,215,0,0,0,0,204,202,202,0,0,0,222,222,217,215,212,212,212,209,207,207,212,228,0,235,230,225,0,0,0,0,0,0,0,225,215,215,217,225,230,230,230,235,241,246,251,254,255,255,254,251,246,241,238,235,233,230,228,225,222,215,207,199,189,135,123,115,109,109,111,113,115,117,117,117,119,125,133,186,196,204,209,212,215,217,217,222,222,225,225,228,228,228,230,230,230,228,225,225,225,225,222,225,225,225,217,209,204,205,212,222,225,222,217,212,204,199,194,194,196,0,0,0,204,207,204,202,202,202,207,212,215,212,212,212,217,228,230,233,233,228,222,221,222,225,228,230,233,235,238,238,235,235,233,233,235,238,235,233,233,238,238,235,228,222,216,216,217,222,222,222,222,222,228,228,225,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,51,5,0,19,25,0,0,0,1,0,3,27,47,57,69,89,129,131,134,137,134,131,126,75,0,0,49,81,134,173,186,55,60,131,142,144,142,137,73,88,103,147,160,176,186,183,168,111,105,107,107,109,111,111,111,152,163,170,176,168,117,109,109,113,113,113,109,91,23,0,63,107,163,165,157,155,115,114,157,160,157,117,113,113,113,115,113,110,109,111,113,115,113,115,117,119,117,117,117,119,117,117,160,170,176,173,168,163,119,115,113,111,113,113,113,109,104,104,109,119,121,121,165,176,186,196,199,202,202,194,178,121,113,111,111,113,113,115,121,165,170,165,159,160,168,165,157,157,165,160,105,101,101,107,109,106,106,107,113,117,157,160,165,170,170,170,160,119,117,117,117,121,170,173,165,170,181,189,196,199,199,196,194,189,183,181,181,181,178,173,170,170,170,173,176,176,173,131,131,176,176,131,131,176,176,174,174,176,176,178,178,181,183,189,194,196,194,189,189,189,186,181,183,196,207,209,196,183,181,183,186,189,194,196,202,209,212,207,202,202,207,207,212,215,215,209,202,194,191,196,196,191,189,191,189,186,183,183,181,183,194,202,196,189,181,132,132,181,191,194,178,130,133,186,191,191,194,194,199,199,196,189,181,178,133,129,127,131,133,133,133,178,183,189,194,199,199,194,178,129,123,123,123,127,129,176,186,199,204,196,186,186,186,183,186,191,196,196,191,181,123,121,127,173,170,125,119,115,115,119,125,127,168,170,173,173,176,178,181,183,183,178,173,173,176,173,176,178,176,129,125,173,189,191,183,173,173,173,173,173,178,183,186,189,186,189,194,196,191,173,119,115,117,123,123,121,121,123,125,125,123,123,120,119,119,120,121,165,173,178,176,125,115,114,115,119,121,121,123,123,125,173,183,191,199,199,186,170,125,124,125,170,176,178,176,131,129,128,129,129,173,178,176,133,176,181,178,178,186,186,176,129,127,129,133,178,181,181,178,181,183,191,194,196,194,194,189,183,176,129,125,123,123,123,125,129,123,119,129,181,183,183,191,202,209,209,202,196,191,189,186,178,174,173,176,183,191,196,199,199,196,194,183,168,119,115,115,115,111,109,113,165,186,202,215,215,194,173,163,115,91,73,38,58,105,170,181,178,168,163,121,123,163,163,121,119,117,119,123,170,173,168,123,121,121,163,165,165,165,168,178,194,202,196,183,170,125,123,121,125,168,168,127,168,176,183,181,125,115,115,121,129,176,176,178,181,186,186,191,202,209,209,204,199,189,187,189,199,204,207,207,204,199,195,195,196,199,202,204,204,196,181,129,123,118,118,119,125,129,173,183,191,196,199,199,196,194,199,202,202,194,178,129,170,183,191,189,186,186,186,186,189,191,194,191,189,189,189,194,204,202,176,95,107,117,163,163,117,111,119,183,191,181,117,106,106,113,163,163,121,109,77,77,117,168,170,165,160,161,173,194,204,207,204,204,199,191,186,191,202,204,204,204,199,194,191,189,186,178,173,173,131,123,117,116,117,121,127,131,176,176,176,173,131,176,181,189,191,191,189,186,183,183,186,191,194,191,191,191,191,191,189,187,189,196,199,199,194,194,199,202,202,199,196,196,194,194,194,194,189,186,181,135,135,135,181,189,191,191,189,186,186,186,189,189,189,191,196,194,186,178,176,133,133,132,176,183,191,194,194,191,194,196,202,204,204,202,202,199,194,189,189,189,189,191,191,194,196,196,194,191,191,191,189,137,130,129,130,133,183,191,194,199,199,199,199,199,196,189,183,183,183,189,194,202,202,199,199,204,209,212,212,209,204,202,202,204,202,199,202,207,207,204,204,199,194,194,199,202,196,194,194,194,194,191,191,194,199,202,204,207,207,207,207,204,204,202,199,199,196,194,194,196,199,199,196,191,191,189,183,181,181,186,191,196,196,196,196,196,199,202,202,202,202,199,199,199,202,202,194,189,186,189,191,186,178,135,176,133,128,126,128,178,191,196,194,191,189,189,189,189,186,186,186,186,183,183,186,191,191,194,194,194,194,194,194,194,194,191,189,181,178,181,181,181,181,181,183,189,194,196,194,191,191,189,189,183,178,131,131,173,173,170,129,129,127,127,127,127,168,170,176,181,181,176,173,176,178,176,173,173,170,170,168,165,127,121,114,113,121,173,183,189,196,202,204,202,196,194,191,191,191,190,190,194,199,204,207,209,209,209,207,202,196,191,191,194,196,194,191,191,189,186,186,183,183,183,183,189,191,196,194,189,182,181,183,186,191,194,196,199,199,196,194,189,186,183,186,189,191,191,189,189,186,183,181,135,133,135,178,183,189,191,189,183,179,179,181,186,191,191,191,189,191,191,191,191,194,196,199,199,202,204,204,199,196,194,194,196,196,199,202,204,207,207,207,207,207,204,202,202,202,202,199,196,194,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,134,163,173,176,134,0,0,0,0,0,0,0,0,0,0,59,72,66,7,0,29,178,160,29,0,0,0,0,0,0,0,0,0,3,11,23,33,33,21,0,0,0,5,27,51,92,92,29,25,35,13,0,0,0,0,17,39,23,0,0,21,87,126,150,155,144,129,124,124,108,79,47,43,45,69,95,0,165,181,186,176,152,0,168,176,173,168,160,155,0,0,0,0,142,0,0,134,129,134,0,0,134,0,0,160,173,178,176,168,165,165,173,176,176,176,176,178,189,199,207,204,191,0,178,181,189,199,204,202,191,176,163,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,165,176,194,0,0,0,170,168,0,0,0,0,0,0,0,0,0,0,139,147,152,155,155,150,147,0,0,0,0,0,0,0,155,160,168,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,204,204,204,202,199,196,194,194,194,191,189,183,179,181,186,191,196,0,0,0,186,191,202,0,0,217,215,0,0,0,0,209,204,204,0,0,0,217,220,220,217,215,212,215,215,212,212,217,230,0,235,235,233,0,0,0,0,0,0,0,0,225,217,217,225,230,233,233,235,238,243,246,248,251,251,251,248,243,241,235,233,233,230,228,225,222,215,209,202,191,137,125,115,109,108,109,109,113,113,113,112,115,121,129,181,191,202,204,209,209,212,215,215,220,222,222,225,225,225,228,228,228,228,225,225,225,222,217,222,222,222,217,209,204,204,209,217,222,222,217,212,207,199,196,194,199,199,0,202,207,207,207,204,202,204,207,215,217,217,215,215,217,225,230,230,230,225,222,222,225,228,228,228,230,233,238,238,235,235,233,233,235,235,235,233,233,238,238,235,230,222,217,216,222,225,225,222,222,225,230,230,228,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,19,1,9,13,3,0,0,11,45,63,83,134,137,134,131,131,131,129,124,69,0,0,51,73,126,181,178,66,72,131,142,144,139,97,76,90,105,107,147,165,183,186,173,150,111,111,111,109,111,111,109,109,113,152,160,168,160,113,113,115,115,152,113,87,0,0,0,65,155,157,155,115,114,113,155,157,155,113,112,111,113,117,117,113,111,113,115,113,112,112,115,117,117,117,117,119,117,119,170,183,191,186,176,163,119,113,109,108,109,111,111,107,103,102,104,113,117,117,121,165,173,186,191,194,194,186,170,119,113,111,109,109,109,109,115,160,165,163,160,168,176,170,165,173,186,178,113,101,101,105,109,107,106,109,113,117,119,121,163,168,170,165,121,115,115,117,117,121,165,165,165,170,178,181,186,189,191,191,191,186,183,183,183,183,178,173,129,129,170,173,176,178,176,173,129,127,126,127,131,176,176,176,176,178,181,178,178,181,186,194,204,207,202,189,183,183,183,182,186,196,207,209,202,189,183,186,189,189,186,186,191,202,207,202,196,196,199,202,204,207,209,207,196,189,189,194,196,189,189,194,191,186,181,178,135,178,191,204,204,191,178,133,133,178,186,189,176,130,133,183,183,183,191,196,196,194,191,186,181,178,133,125,123,123,125,129,131,131,133,135,183,191,194,186,133,123,121,119,119,123,127,133,186,196,194,181,173,178,183,183,186,189,191,189,186,181,127,122,127,173,170,127,123,117,115,115,117,119,123,168,173,173,173,178,183,186,186,181,170,170,170,129,170,176,178,170,125,170,178,173,170,170,170,173,176,176,178,178,176,173,170,170,173,173,165,119,114,113,115,119,121,120,121,165,173,176,176,170,125,121,120,120,123,168,176,181,176,165,119,117,115,115,119,123,127,125,123,127,173,181,189,189,176,127,123,123,125,170,176,178,173,129,129,131,173,178,183,189,183,178,181,186,186,186,191,191,176,129,129,131,133,176,176,176,176,176,178,181,189,196,204,204,199,191,181,173,129,125,123,117,113,113,114,119,173,183,183,183,189,202,209,207,199,194,189,186,181,176,176,176,181,189,199,204,209,209,202,194,183,170,123,123,123,119,115,111,117,170,191,202,209,207,181,109,93,77,63,54,47,71,165,183,191,191,181,165,119,119,160,121,119,119,121,163,170,178,178,170,123,119,121,121,123,123,125,165,176,189,196,191,178,168,165,125,125,168,178,178,173,173,176,178,170,117,115,116,123,170,176,176,176,178,183,189,196,209,215,209,202,196,191,191,194,199,204,204,207,207,207,202,199,202,199,199,202,202,186,121,115,119,123,121,121,129,183,189,194,194,199,207,209,207,204,204,204,207,204,189,170,129,178,189,189,186,183,183,186,189,191,191,189,186,186,189,194,202,199,178,111,111,119,163,165,163,121,160,178,189,181,121,109,109,123,170,123,119,115,90,90,121,168,170,165,164,165,186,202,209,212,209,209,207,202,196,199,204,207,207,207,202,196,191,189,183,176,131,131,129,121,115,115,115,117,123,173,178,178,173,129,131,176,186,191,194,194,191,183,182,182,186,196,202,199,199,196,194,191,189,187,189,194,199,199,194,194,199,202,202,199,199,199,199,199,196,194,191,189,186,183,186,186,189,189,189,189,186,186,186,183,183,181,181,181,186,189,189,189,189,183,133,130,131,178,191,194,191,189,191,196,202,207,207,204,199,194,189,186,183,186,189,189,189,194,199,202,196,191,191,191,186,135,129,130,137,186,191,196,196,199,199,199,196,194,194,194,191,191,191,191,194,194,199,202,204,209,212,215,215,212,207,204,207,207,202,202,204,204,204,204,204,196,192,192,196,204,202,199,202,202,202,199,196,194,194,196,199,202,202,202,202,199,194,191,189,191,191,191,194,196,199,199,199,194,194,191,189,183,182,183,189,194,194,194,194,194,194,196,196,202,202,199,194,194,196,196,189,181,178,186,194,196,189,183,183,178,176,133,176,186,194,196,196,194,191,191,189,186,185,186,194,191,183,176,178,186,189,191,194,194,194,194,194,194,194,191,186,178,178,178,181,178,181,183,186,189,191,194,191,191,189,189,189,181,131,125,127,131,176,176,173,129,127,127,126,126,127,170,176,181,183,181,178,178,178,176,173,170,170,168,168,168,168,125,119,121,168,178,181,183,189,196,199,196,194,189,189,191,191,191,191,194,199,207,212,212,209,204,199,194,189,183,183,186,189,194,194,191,191,189,189,186,186,186,186,191,194,199,199,194,186,182,183,186,189,191,191,194,196,199,196,189,186,186,191,194,194,189,186,186,183,181,135,132,132,132,135,181,186,189,191,189,186,183,183,191,194,194,189,189,189,189,189,189,191,196,199,199,202,202,202,196,191,191,191,194,196,199,204,207,207,207,207,209,207,204,202,202,204,202,199,196,194,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,157,163,160,134,0,0,0,0,0,0,0,0,0,0,30,116,131,129,72,25,108,183,186,160,105,0,0,0,0,0,0,0,9,21,27,35,43,43,31,11,0,0,7,25,77,95,85,33,25,21,0,0,0,0,0,0,0,0,0,0,15,47,103,131,144,142,131,134,139,108,51,35,33,41,72,0,0,163,181,186,178,0,152,165,170,168,160,0,0,0,0,0,142,142,0,147,0,139,0,0,0,0,0,0,152,170,178,176,168,165,165,170,176,178,181,183,191,199,209,215,212,202,189,181,181,189,199,207,209,202,191,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,168,186,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,155,155,155,155,150,0,0,0,150,152,152,0,155,157,163,170,173,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,202,199,196,196,196,191,189,186,186,186,183,183,183,186,189,194,0,0,0,0,191,202,0,0,215,215,0,0,0,0,209,207,204,0,0,0,217,217,222,217,215,215,215,215,212,212,217,228,230,233,235,238,0,0,0,0,0,0,0,0,233,225,222,228,235,238,235,235,238,241,243,243,243,246,246,246,243,238,235,233,233,233,230,225,222,215,212,204,194,139,127,117,113,109,108,109,111,113,112,112,113,117,127,178,191,199,204,207,207,209,212,212,215,217,222,222,220,222,225,228,228,225,222,222,217,217,215,215,217,222,215,209,205,204,207,215,217,217,215,212,209,202,199,199,202,202,0,0,207,209,207,207,204,204,209,217,222,222,217,215,217,225,228,228,228,225,225,225,228,230,230,228,230,233,235,238,235,235,233,233,235,235,235,233,233,238,238,235,233,225,220,220,225,225,225,225,228,230,230,230,228,222,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,41,51,124,111,51,7,3,29,49,63,142,147,144,139,134,131,131,134,137,89,11,11,45,55,69,163,155,79,85,131,139,139,134,97,92,137,144,105,101,152,173,176,165,150,111,113,111,109,113,113,111,106,107,111,115,157,152,111,109,111,115,163,173,163,19,0,0,0,99,113,115,115,115,114,115,115,115,112,112,112,113,152,157,157,155,155,157,117,113,112,112,115,155,155,117,117,117,157,178,194,199,194,178,163,117,111,107,107,109,113,115,113,107,105,107,115,117,116,117,117,121,168,181,183,181,176,163,117,113,113,108,108,108,108,111,117,119,119,119,168,176,170,168,183,199,194,168,107,102,105,109,109,109,113,117,117,119,119,163,168,168,163,119,114,114,117,119,123,165,164,164,168,173,176,176,181,183,183,181,178,181,183,183,181,176,170,129,129,129,129,176,181,181,178,129,125,124,127,173,176,173,176,178,181,183,181,178,181,189,199,209,215,207,191,182,182,182,183,191,202,212,215,207,196,191,191,191,186,181,179,183,196,199,196,194,196,196,194,194,196,199,199,194,189,190,196,196,186,186,191,191,183,178,133,133,133,183,199,202,183,129,129,131,133,178,181,173,130,131,178,176,176,186,191,189,189,186,183,181,178,131,125,123,121,122,125,127,127,125,127,129,135,181,178,129,123,119,118,118,119,123,129,178,189,181,169,168,173,183,189,191,191,183,181,183,183,170,125,127,168,168,127,127,121,115,113,115,115,121,127,170,173,173,178,183,186,186,181,170,170,129,125,123,168,170,127,119,121,119,116,123,168,173,173,178,176,173,168,168,165,123,121,123,121,115,114,114,114,115,117,121,121,123,173,183,189,189,186,173,165,123,123,165,168,173,173,165,121,119,117,115,115,121,165,170,125,122,123,168,176,181,181,170,124,123,124,129,176,181,183,178,173,131,176,181,189,194,196,186,178,178,186,189,189,191,189,133,129,131,133,133,131,129,127,127,125,123,123,131,186,199,202,196,189,181,178,176,131,129,121,112,112,115,127,181,186,183,186,191,202,209,207,199,194,191,186,181,178,178,183,191,196,202,207,212,209,202,191,183,176,170,170,127,121,115,115,123,178,191,194,196,194,176,115,101,91,79,73,69,115,178,189,194,191,178,121,117,117,117,115,114,117,160,168,173,176,173,165,119,117,117,119,121,123,123,165,173,183,189,183,173,168,168,168,165,170,181,183,176,173,173,173,125,116,116,121,127,173,178,178,178,181,186,191,204,215,217,209,199,194,196,199,196,199,202,202,204,207,209,209,207,204,199,196,194,191,127,95,99,117,129,127,125,176,189,194,194,194,196,207,212,209,204,204,204,204,202,189,176,170,178,186,186,181,178,181,186,191,194,191,183,183,186,186,189,191,189,168,115,115,123,168,170,168,163,121,163,173,176,165,121,163,176,178,168,121,117,115,117,165,173,178,178,178,186,199,207,212,212,212,209,209,207,204,204,204,204,202,202,199,194,191,189,183,178,173,129,129,125,119,117,116,116,123,176,181,176,129,128,129,178,186,194,199,199,194,186,182,181,183,194,199,199,199,199,196,194,191,189,189,196,199,199,196,196,196,199,199,202,202,202,202,199,194,191,189,189,189,189,191,191,191,189,186,186,186,186,183,181,178,176,131,130,133,181,186,191,196,194,181,131,130,178,189,191,189,187,189,196,202,207,207,204,199,191,186,183,183,183,186,189,189,191,199,202,199,194,191,189,186,137,133,137,189,196,199,202,199,199,196,196,194,191,194,196,199,196,196,196,194,192,194,199,207,209,209,212,215,212,207,207,207,207,202,202,202,202,202,204,204,196,192,192,196,202,202,199,202,202,202,202,199,192,191,192,196,199,199,196,196,191,186,135,131,137,139,183,189,191,194,194,196,196,194,194,191,191,189,186,183,186,186,189,189,189,189,189,194,199,199,196,191,189,194,191,183,133,133,183,196,202,199,194,189,186,183,181,181,183,186,191,194,194,191,191,189,185,185,189,196,194,183,133,133,181,186,189,191,191,191,191,191,191,191,191,186,181,178,178,178,178,181,186,189,189,191,191,191,189,189,189,186,178,127,121,123,170,178,181,181,173,129,127,126,126,168,173,176,181,181,181,181,178,176,173,170,168,168,165,165,170,173,170,127,168,176,181,181,179,181,189,194,194,191,189,189,191,194,191,191,191,196,207,212,212,207,199,191,186,183,181,179,181,183,189,194,194,194,194,191,191,189,189,191,194,196,202,202,199,189,183,183,186,186,186,189,191,194,196,194,189,186,189,191,194,194,189,186,186,183,181,133,132,131,132,133,178,183,186,191,191,191,189,189,191,194,194,189,189,189,186,183,183,186,189,191,194,194,196,196,191,189,186,189,191,196,199,202,204,207,207,209,207,207,204,204,202,204,202,199,196,194,191,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,152,150,124,35,0,0,0,33,0,0,0,0,7,0,19,126,144,147,108,79,147,170,178,168,150,0,0,17,43,0,0,7,31,37,37,39,43,45,37,23,15,15,17,29,74,90,77,33,23,7,0,0,0,0,0,0,0,0,1,11,25,49,105,131,139,137,131,137,144,0,51,35,39,0,0,0,0,157,170,178,168,0,0,160,163,157,0,0,0,0,0,0,139,137,0,147,0,147,160,170,173,163,0,0,0,163,173,173,168,165,168,170,176,181,186,191,199,207,212,215,215,209,199,189,183,189,196,204,209,207,202,194,186,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,165,176,183,0,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,157,157,157,155,152,0,152,157,163,163,160,157,157,160,163,165,168,173,181,186,189,196,0,199,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,202,199,194,194,194,191,186,181,178,181,183,183,183,186,186,189,0,0,0,191,0,0,0,0,212,212,0,0,0,0,207,202,0,0,0,0,0,217,220,217,215,215,215,215,212,212,215,222,225,225,230,238,0,0,0,0,0,0,0,243,241,233,228,233,241,243,243,241,243,241,241,241,241,241,243,243,243,241,235,235,233,233,230,225,222,215,212,204,196,141,127,119,113,111,109,109,111,113,113,112,113,119,127,178,191,199,202,204,204,207,207,209,212,215,217,217,215,215,220,222,222,222,217,217,215,212,212,212,212,215,212,209,207,205,207,212,212,212,212,215,212,207,204,202,204,207,0,204,209,209,209,209,207,207,209,217,225,222,217,215,217,222,225,225,225,225,225,228,230,233,230,228,228,233,235,235,235,235,235,233,233,235,235,233,233,238,238,238,233,228,222,222,225,228,228,228,228,230,230,230,225,222,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,108,147,163,139,108,71,73,61,53,55,150,155,152,147,144,139,137,139,144,126,11,12,29,41,61,147,142,95,95,142,144,134,101,137,142,155,152,103,35,85,165,163,157,152,150,111,109,109,111,111,109,107,106,107,109,111,109,107,107,111,115,176,191,204,209,23,0,0,29,109,111,115,155,115,114,115,115,113,152,155,113,152,160,165,165,168,173,173,160,113,113,117,155,155,117,116,117,160,178,194,196,191,176,163,117,109,107,107,111,117,157,119,117,115,115,117,119,119,116,115,116,121,168,170,165,163,123,119,117,119,115,111,109,111,113,115,115,114,115,160,168,165,170,183,194,189,168,115,107,107,109,111,115,157,160,160,157,121,160,163,163,160,117,114,114,115,121,165,165,164,164,170,176,173,173,176,176,173,168,170,178,183,186,181,176,170,173,129,125,123,127,173,178,178,176,131,127,131,178,178,131,131,133,181,186,183,183,186,191,199,209,212,207,191,181,181,186,194,199,209,215,215,209,202,196,194,191,186,181,178,182,194,196,194,191,194,194,191,190,190,194,196,194,190,191,196,194,181,137,186,186,181,131,127,129,131,178,191,191,131,122,125,131,173,173,176,173,130,131,173,173,173,181,186,183,181,183,183,178,131,127,125,123,123,123,125,125,123,122,122,122,123,127,129,127,123,119,118,118,119,121,125,173,181,176,170,170,176,189,202,207,199,186,181,183,183,176,168,168,168,127,127,125,121,113,112,112,113,119,125,129,170,173,178,178,176,176,176,170,129,125,120,120,123,127,121,116,115,113,114,121,127,127,168,170,168,121,121,165,168,125,121,121,117,115,117,121,121,121,123,125,121,123,176,189,191,194,191,178,165,123,125,168,168,125,119,111,110,113,119,121,123,168,178,181,173,168,170,176,181,183,186,176,127,125,127,170,176,186,194,183,176,176,181,189,194,196,191,181,173,173,176,178,178,176,133,129,129,133,176,176,131,129,123,118,113,113,115,118,131,183,189,186,181,181,183,181,178,176,173,114,114,123,176,183,189,194,196,199,202,204,204,202,196,191,189,183,181,183,189,196,202,202,202,204,199,191,186,181,176,170,168,123,115,114,121,173,183,183,186,189,189,181,178,189,186,176,173,163,168,176,183,189,183,168,119,117,117,115,114,113,117,163,168,168,165,163,123,123,121,117,115,119,121,123,165,170,176,176,173,165,165,168,165,165,173,183,186,178,173,170,168,121,115,116,121,127,173,178,183,186,186,189,194,204,215,220,212,199,194,196,202,199,196,196,199,202,202,204,207,207,204,202,191,178,109,49,1,77,123,176,173,173,181,191,196,196,194,196,207,209,207,199,196,196,199,199,191,181,176,181,189,181,170,170,178,186,189,191,189,182,183,186,186,183,183,178,165,119,119,163,168,168,163,121,119,118,121,165,173,181,189,194,191,178,165,123,123,168,181,186,194,202,194,199,204,207,209,209,212,209,209,212,212,207,202,196,191,191,191,191,191,189,186,181,176,129,129,173,173,131,125,123,127,176,181,178,131,128,131,178,186,194,199,202,199,194,189,183,182,189,191,194,199,202,202,199,194,194,196,196,196,196,199,199,199,202,202,202,202,199,199,196,191,186,189,191,191,191,189,189,186,183,183,186,186,186,183,181,181,176,130,128,131,178,183,189,194,196,191,178,133,178,186,189,189,189,191,194,199,202,204,202,199,191,183,183,183,186,186,185,186,194,199,202,199,194,189,189,186,183,186,191,194,199,204,207,204,202,199,196,194,191,194,196,196,194,196,196,196,194,194,196,202,204,207,209,209,207,204,204,207,204,202,196,194,194,199,202,202,196,194,195,199,199,199,194,192,194,196,199,199,194,191,192,196,196,194,191,191,189,137,123,117,118,125,135,183,186,189,191,194,194,191,189,191,194,191,186,181,179,179,181,186,189,189,189,191,196,196,194,189,189,189,189,181,132,131,135,191,199,202,199,194,189,183,181,178,133,133,178,186,189,189,189,191,189,189,189,191,189,176,129,129,176,181,181,181,183,186,189,191,189,189,189,186,183,178,178,178,181,183,189,189,191,191,191,191,189,189,186,183,173,123,120,123,129,176,181,183,176,170,168,127,168,173,178,178,178,178,178,176,176,173,168,125,123,123,123,125,168,176,176,173,170,173,181,181,181,183,189,194,194,194,191,189,191,194,191,189,189,191,199,207,207,204,194,189,186,183,182,181,181,182,186,191,194,194,194,194,191,191,191,194,196,202,204,204,199,191,186,183,183,182,182,183,189,194,194,191,189,189,191,191,194,191,189,189,191,189,183,178,133,133,133,135,135,178,183,189,191,189,191,194,194,194,191,191,189,186,183,183,179,181,183,183,181,183,189,191,189,186,183,189,194,196,199,199,202,204,207,207,207,204,204,204,204,204,204,202,199,196,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,56,7,0,0,0,0,56,9,0,0,0,0,0,0,111,150,144,118,116,142,157,163,155,116,0,0,23,74,82,111,116,90,55,53,49,41,37,41,33,23,23,25,31,51,79,57,43,31,13,0,0,0,0,0,0,0,0,7,21,37,67,118,134,134,131,131,129,121,90,41,43,0,0,0,0,0,0,0,0,0,0,155,160,157,0,0,0,0,0,0,0,0,134,0,0,144,155,168,176,176,163,139,121,0,0,160,168,168,168,168,170,176,181,189,196,204,207,212,215,215,209,202,194,189,189,194,202,207,207,204,199,194,186,176,160,0,0,0,0,0,0,0,0,0,0,0,0,0,147,152,0,0,0,0,0,165,170,176,0,0,0,0,0,0,0,0,0,0,0,0,165,163,0,0,0,163,160,160,163,163,160,160,163,0,0,0,163,160,160,160,163,163,165,173,178,183,191,196,196,194,191,0,0,0,0,0,0,0,0,0,0,0,0,0,207,207,202,199,194,191,191,189,183,176,172,176,178,181,183,183,186,189,0,0,0,0,0,0,0,0,0,0,222,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,212,212,215,217,217,222,230,235,235,233,230,228,233,241,246,246,243,241,241,243,246,248,248,248,246,243,239,239,239,241,243,243,241,241,238,235,233,228,225,217,212,209,204,196,141,127,119,113,111,109,111,113,113,113,113,0,121,129,181,194,202,204,202,202,202,202,204,207,209,212,212,212,212,212,215,217,217,217,215,212,209,209,207,207,207,209,209,209,207,207,207,207,207,212,215,212,209,204,204,207,209,209,207,207,209,212,212,212,212,212,217,222,222,217,215,215,217,222,225,225,225,228,230,233,233,228,228,228,230,233,233,233,235,235,233,233,233,233,233,233,235,238,238,233,228,225,225,225,225,225,228,228,230,230,228,225,222,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,0,0,0,0,87,131,147,150,144,134,139,157,137,77,73,147,152,152,150,144,142,139,134,126,67,3,3,17,41,81,137,137,129,134,150,152,139,134,147,170,178,170,33,0,47,107,160,165,160,155,150,111,109,108,109,109,107,106,106,107,107,106,106,107,152,165,196,209,225,238,83,0,0,47,103,105,109,152,155,155,152,152,150,155,157,150,152,160,168,173,178,186,189,176,155,152,155,157,157,155,152,155,160,173,183,189,183,173,163,117,111,107,108,113,119,163,163,160,121,119,121,163,165,160,117,116,117,123,163,123,121,121,121,163,176,173,165,121,117,117,117,117,115,115,119,160,165,170,178,178,168,157,115,111,109,109,111,119,168,173,170,165,160,160,160,163,160,117,114,113,117,123,168,168,168,168,173,173,173,170,170,170,127,121,125,178,189,189,181,176,173,173,127,122,120,121,123,170,178,181,181,178,178,181,176,129,128,131,178,186,186,183,189,194,199,204,207,202,189,182,183,191,202,207,212,209,207,204,199,196,194,194,189,183,183,191,199,199,191,189,191,196,194,189,189,191,196,194,191,194,196,189,135,133,183,186,178,127,125,129,176,181,186,181,125,121,125,173,176,173,173,131,130,173,178,176,176,181,183,181,178,178,176,131,125,122,123,125,125,125,125,125,125,123,121,121,121,123,125,125,125,123,121,121,121,121,125,131,181,181,176,178,186,196,209,215,207,194,186,186,183,176,170,168,168,168,127,123,117,113,112,113,113,117,123,168,170,173,173,170,127,126,126,126,127,123,121,121,123,125,121,117,115,115,117,127,127,121,119,121,119,113,117,168,173,170,125,119,117,119,165,173,173,170,165,121,120,121,170,183,189,189,183,170,119,117,121,125,123,115,109,106,107,111,125,173,181,186,194,194,189,183,186,191,191,191,191,186,181,173,129,129,173,186,191,178,173,176,183,191,196,191,181,131,128,127,128,129,128,128,128,129,133,181,186,186,183,181,131,115,112,114,115,115,119,131,176,176,178,181,183,183,178,176,173,121,123,131,181,189,194,199,202,199,199,199,199,199,199,196,194,191,186,186,191,196,202,199,194,189,183,181,178,173,170,127,121,117,114,115,123,170,173,176,178,189,194,194,199,204,202,194,191,181,173,173,173,176,170,163,119,117,117,115,114,115,121,165,168,163,122,122,168,170,165,117,112,115,121,163,165,165,165,165,125,123,125,165,165,170,181,186,186,178,173,168,127,121,116,117,125,129,173,181,186,189,189,186,189,199,209,215,209,202,196,199,199,196,194,194,196,196,194,194,199,199,202,199,189,127,73,0,0,0,91,173,178,178,181,183,191,196,199,202,204,207,202,196,195,195,199,199,194,183,181,186,191,181,127,127,178,183,186,186,186,183,183,183,183,178,170,168,170,170,168,168,165,123,121,119,119,119,121,170,181,191,199,202,199,186,173,168,173,183,194,199,204,207,199,199,202,204,207,207,204,204,209,212,212,207,199,191,189,187,189,194,196,196,194,189,181,129,131,181,186,183,176,129,127,173,181,178,173,131,173,178,183,189,196,199,199,199,199,196,191,191,191,194,196,202,204,204,202,202,202,196,192,192,196,199,199,202,202,202,196,194,194,191,186,185,186,191,194,189,183,182,181,179,181,183,186,189,186,183,181,178,133,131,133,178,181,183,189,194,191,183,178,181,186,189,189,189,191,191,194,196,196,196,194,189,186,186,189,189,186,183,185,194,199,199,196,189,183,181,181,186,194,199,199,202,207,207,204,204,202,199,194,191,191,191,191,189,191,194,196,196,196,194,194,196,202,204,204,202,199,202,202,199,196,191,186,189,194,199,199,196,195,196,199,199,196,192,191,191,191,194,199,196,194,194,196,194,189,186,183,183,137,125,120,119,122,133,181,186,189,189,191,189,186,186,189,191,191,186,179,179,179,181,189,191,191,191,191,194,196,194,189,189,189,186,181,133,132,133,183,194,199,202,199,191,183,133,129,127,126,130,178,181,183,189,194,196,194,186,181,176,123,113,119,129,133,131,129,131,176,181,183,186,186,186,186,183,178,177,177,181,183,189,191,194,194,194,191,189,186,181,176,127,121,119,121,127,173,178,178,176,173,170,168,170,176,178,176,176,176,176,173,170,168,123,119,117,119,119,121,165,176,178,173,127,168,176,183,186,189,191,194,194,191,189,187,189,191,191,189,187,189,194,199,199,196,189,186,186,189,186,183,183,183,186,189,191,194,196,194,191,191,191,196,199,204,207,207,199,191,186,183,183,182,183,186,191,191,189,187,189,191,194,194,194,191,191,191,194,191,186,181,178,135,178,135,135,135,181,189,191,191,191,194,194,194,194,194,191,186,183,181,179,179,181,179,179,179,183,186,183,183,186,191,196,199,202,199,199,202,204,207,204,202,202,204,204,204,204,202,202,196,194,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,53,51,0,0,0,0,0,0,0,0,61,202,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,134,131,118,118,131,142,142,124,90,1,0,41,113,147,160,160,152,144,134,116,87,45,37,25,23,29,31,33,49,61,61,55,49,37,15,0,0,3,7,11,9,7,11,21,35,67,116,126,126,126,129,126,111,57,43,53,0,0,0,0,0,0,147,152,0,152,157,163,160,152,0,0,0,0,0,0,0,131,0,0,147,160,173,178,176,160,129,103,103,0,0,0,0,170,170,170,173,183,194,199,204,209,212,215,212,207,199,194,191,189,191,199,204,207,204,202,199,194,183,170,157,0,0,0,0,0,0,0,0,0,0,0,0,144,147,0,0,0,0,0,0,170,176,0,0,0,0,0,0,0,0,0,176,173,170,170,165,168,0,0,0,168,0,0,0,0,0,0,0,0,0,170,165,0,163,163,163,165,170,173,178,183,189,191,191,194,0,0,0,0,0,0,0,0,0,0,0,0,207,209,209,204,196,194,191,189,189,181,173,170,172,176,178,181,186,189,194,0,0,0,0,0,0,0,0,0,0,225,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,212,211,212,212,212,215,222,230,235,235,235,233,235,243,248,248,246,246,246,246,248,251,254,254,251,246,241,239,241,243,243,243,243,243,243,238,235,230,225,217,215,212,207,196,141,129,119,113,111,111,113,115,115,113,0,0,123,129,181,194,199,202,202,202,202,202,202,204,207,209,209,209,209,209,212,215,215,215,215,212,209,207,204,202,202,207,209,209,209,207,205,205,207,212,215,212,209,204,204,207,212,212,209,209,212,215,215,215,215,215,217,222,222,217,215,215,215,217,222,225,228,228,233,233,233,228,226,228,230,233,231,233,235,235,233,230,230,230,233,233,235,238,238,233,228,225,225,225,222,225,228,228,228,228,228,225,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,0,0,0,39,126,137,137,134,139,147,173,204,202,168,147,147,147,150,147,144,144,139,75,55,53,9,4,12,45,126,134,129,126,131,150,157,155,152,165,191,199,194,18,0,49,99,163,170,168,160,155,147,111,109,109,109,109,107,107,107,107,107,107,113,168,189,209,220,233,248,194,59,51,87,105,105,107,155,165,165,157,147,109,147,150,113,152,163,173,178,183,189,191,178,160,155,155,155,155,155,157,157,160,165,170,176,173,168,163,155,113,108,109,115,157,163,165,165,160,121,160,168,173,170,163,119,119,123,165,163,123,123,163,173,191,196,186,170,160,119,119,121,119,117,115,119,160,165,165,160,117,115,113,115,113,109,109,119,173,183,183,176,165,160,160,165,165,121,114,114,121,165,165,165,168,170,170,168,168,168,165,125,121,115,123,181,194,191,183,178,173,170,125,123,122,122,122,127,176,186,191,186,183,183,178,129,128,131,178,183,183,183,189,194,196,202,204,199,186,182,186,194,202,209,207,202,194,191,196,196,194,194,196,196,202,207,212,204,194,185,189,194,194,189,189,194,202,196,191,194,194,186,133,132,181,186,135,124,124,176,183,186,183,176,123,122,125,131,173,173,173,131,131,183,189,183,178,181,181,181,178,133,133,131,127,122,122,123,123,125,127,131,131,129,125,123,123,125,127,129,129,131,129,129,131,129,131,176,181,183,183,186,191,196,204,209,204,191,186,183,181,178,173,173,170,173,168,123,117,113,113,115,115,119,123,170,170,173,173,173,129,126,125,125,127,127,125,125,127,127,123,119,117,121,170,181,170,119,117,117,113,109,115,170,181,176,168,119,117,123,176,189,191,183,170,118,118,121,165,176,181,176,168,123,115,112,113,117,115,111,108,108,110,121,173,186,191,196,202,202,199,196,199,199,196,191,189,191,189,176,125,123,170,186,189,170,127,129,176,183,186,178,131,129,127,127,128,128,127,127,129,176,186,196,204,204,202,199,191,129,127,131,123,115,115,123,129,131,176,181,183,178,133,133,131,129,133,181,186,191,196,202,204,199,194,194,194,194,196,199,199,194,189,186,191,196,196,194,186,176,170,170,170,168,127,121,117,114,114,117,121,123,125,125,170,183,194,196,204,209,207,202,196,183,170,163,121,121,121,121,119,119,119,117,117,119,165,170,168,123,121,123,176,183,168,113,110,112,119,123,163,123,121,120,121,123,123,125,165,176,189,191,183,176,170,168,125,123,121,123,168,170,176,183,189,191,189,183,186,194,202,209,209,204,199,199,196,191,189,191,191,191,186,186,189,194,196,194,183,127,87,5,0,0,61,125,178,178,177,178,189,196,202,204,204,202,199,199,196,196,202,202,196,186,181,183,189,183,125,123,168,176,178,178,178,183,186,186,181,123,105,115,176,181,178,173,165,121,121,121,123,165,170,178,189,199,202,202,194,186,181,181,186,196,207,209,212,207,199,196,199,204,204,199,196,196,202,209,209,199,191,189,189,191,194,199,202,204,202,199,189,131,131,178,186,183,176,129,129,173,181,181,176,131,131,173,176,181,189,191,194,196,202,204,204,199,196,194,196,202,204,207,204,204,202,196,191,191,194,199,199,202,202,199,194,191,191,189,185,183,186,194,194,189,183,182,181,181,182,183,186,186,186,181,181,181,181,178,176,181,183,181,181,183,186,183,181,178,183,189,189,189,189,191,189,189,189,186,186,186,186,189,194,194,186,183,185,196,199,196,191,183,136,136,137,186,196,202,202,202,204,207,204,204,204,202,196,191,189,186,186,185,186,191,196,199,199,194,192,192,196,196,196,196,194,191,189,189,189,186,141,186,194,199,202,199,199,199,199,202,202,196,194,192,191,194,202,204,202,196,196,191,186,139,137,137,133,127,123,123,127,135,183,189,189,189,186,186,185,185,186,189,189,186,183,181,183,189,194,194,194,191,194,194,194,194,191,189,189,186,181,178,133,133,178,189,194,199,202,199,189,176,129,127,126,128,131,173,176,183,191,196,194,183,131,121,109,104,109,123,131,129,123,123,123,127,133,181,183,186,186,183,178,177,177,178,183,189,191,194,194,194,191,186,178,173,129,123,121,120,120,123,170,176,176,173,173,173,170,170,173,176,173,173,176,173,170,168,125,119,113,113,115,115,119,125,170,173,168,124,125,170,181,189,194,194,191,191,189,189,187,189,191,191,189,189,189,189,189,191,189,186,186,191,194,191,189,186,186,186,186,189,194,196,194,191,190,194,199,202,204,207,204,199,191,186,183,183,183,186,191,194,191,186,185,189,194,196,196,196,194,191,191,191,191,186,183,181,181,181,178,133,131,135,183,189,191,194,196,196,196,196,199,196,189,183,181,179,181,183,183,181,181,183,183,181,182,189,196,199,202,202,202,202,202,204,207,204,202,202,202,204,204,204,202,199,196,194,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,98,30,0,0,0,59,46,35,0,0,85,202,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,85,105,108,105,103,116,118,103,85,41,25,85,139,165,170,173,178,183,181,173,157,95,25,16,22,39,41,41,49,63,87,63,61,61,39,3,0,5,13,19,17,13,13,21,35,57,71,103,108,113,124,126,116,63,57,0,0,0,0,152,152,0,147,150,152,152,157,165,160,152,0,0,0,0,0,137,0,129,0,0,0,163,173,173,168,155,111,85,85,0,0,144,0,170,170,168,173,186,196,202,204,209,212,212,209,204,196,194,191,191,194,196,202,202,202,202,202,202,194,183,170,0,0,0,0,0,0,0,0,0,0,0,0,144,147,155,0,0,0,0,0,173,176,0,0,0,0,0,0,0,0,0,176,176,176,176,170,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,168,168,170,173,173,173,176,178,183,189,194,0,0,0,0,0,0,0,204,204,0,207,207,209,212,209,204,196,191,189,189,189,181,173,170,172,173,178,183,189,194,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,225,217,215,212,212,212,211,212,217,230,235,241,241,241,243,248,251,251,248,248,248,251,251,254,255,255,254,251,246,243,243,246,246,246,248,248,246,243,238,233,228,225,217,215,209,199,143,131,121,113,111,113,115,117,115,0,113,0,123,129,181,191,196,199,199,202,204,202,202,207,209,209,207,207,207,207,209,212,215,215,215,209,207,204,202,199,202,207,209,209,207,205,205,207,212,215,215,212,209,204,202,207,212,215,212,209,212,215,217,215,215,215,217,217,222,217,215,212,215,217,222,225,228,230,233,233,233,228,226,228,230,233,231,231,233,233,233,230,230,230,233,233,235,238,238,233,228,225,225,225,222,222,225,228,225,225,225,225,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,0,0,0,90,139,139,129,127,134,150,178,209,212,204,191,144,144,150,147,147,150,144,33,33,71,77,23,14,31,134,134,127,125,129,144,157,163,165,178,196,204,199,35,16,79,103,157,165,165,160,155,152,150,147,113,111,111,107,107,107,109,109,111,155,181,199,212,217,228,235,207,194,160,152,147,107,109,157,173,170,152,97,92,103,107,109,150,163,173,178,178,178,176,165,155,150,150,113,150,155,160,163,165,163,163,163,163,163,160,155,115,111,111,115,155,160,165,165,165,160,160,165,173,176,170,165,165,170,170,168,165,165,168,176,196,202,194,176,160,117,117,121,160,119,115,115,119,157,119,117,117,115,115,115,115,111,107,113,168,186,189,181,170,160,160,168,173,163,115,115,123,168,163,123,165,170,165,123,123,125,123,119,115,114,123,183,196,196,189,181,173,127,125,129,173,170,125,127,176,189,191,186,186,189,183,129,128,129,176,181,181,181,186,191,194,202,202,196,186,183,186,191,196,202,196,186,181,183,196,199,196,196,199,207,215,225,222,209,194,185,185,191,191,191,191,199,204,199,191,191,191,186,133,132,135,178,129,122,124,183,194,191,183,176,127,123,125,127,129,131,131,129,173,191,199,191,181,181,181,181,176,133,178,186,186,131,123,122,123,129,176,186,189,183,176,131,131,131,133,133,176,178,181,183,183,181,178,181,183,183,186,189,189,191,191,191,189,181,176,176,178,181,183,181,178,176,173,127,119,115,115,115,117,119,123,168,173,178,183,189,186,178,170,127,168,168,127,127,127,127,125,121,121,125,176,186,176,121,117,119,113,107,111,176,186,181,168,121,121,165,181,199,202,194,176,120,123,168,170,170,170,168,125,123,121,115,113,113,113,115,117,119,123,170,181,191,196,199,202,202,202,202,202,202,196,189,183,183,183,173,123,121,170,186,186,170,127,125,123,123,127,129,131,173,131,129,129,131,129,129,176,191,204,215,222,222,215,209,207,204,202,199,183,118,116,121,127,131,133,178,178,133,130,131,133,178,181,186,191,194,199,202,204,196,192,191,191,192,194,199,202,196,191,189,191,191,191,189,181,170,125,125,127,168,168,123,117,114,115,119,121,121,120,121,125,173,181,189,196,207,207,202,194,173,121,116,115,115,116,117,121,123,123,119,117,121,168,170,168,123,120,123,178,181,123,111,110,112,117,121,123,123,120,120,121,125,125,125,165,176,186,189,181,170,127,127,127,127,125,127,168,170,181,189,191,191,189,186,183,189,194,202,204,202,199,194,189,183,183,186,189,186,183,181,181,186,186,181,176,173,129,119,103,31,83,121,173,178,177,178,191,199,204,207,202,196,199,202,202,199,202,202,196,186,178,178,181,178,117,111,119,125,168,170,170,176,181,183,168,98,92,101,168,178,181,178,170,125,125,168,178,183,181,181,189,196,199,194,186,183,186,191,196,204,209,212,209,204,196,196,199,202,196,178,178,181,186,194,196,189,183,189,194,199,202,204,207,207,209,204,194,176,129,129,127,125,125,127,129,176,183,181,176,131,130,131,173,178,181,183,186,189,194,202,207,204,199,196,196,196,202,204,204,199,196,194,191,191,194,199,202,202,204,202,196,191,191,189,185,186,191,196,199,196,191,189,189,191,189,189,186,186,183,178,176,176,176,133,133,181,186,181,174,174,181,183,181,178,181,189,191,191,189,189,186,183,181,178,178,186,186,189,194,194,191,186,189,196,199,194,186,181,136,135,137,189,196,199,199,199,202,204,204,207,204,199,194,189,186,186,185,185,185,189,196,202,199,194,192,194,194,194,194,194,189,186,140,140,140,139,139,141,194,202,207,207,204,202,199,202,204,207,204,202,196,196,204,207,204,199,196,191,189,183,137,133,129,125,123,127,133,181,186,189,189,189,186,186,186,186,189,189,189,189,189,189,189,191,196,196,191,189,191,191,194,194,191,189,189,186,183,181,135,133,135,183,189,196,204,202,196,186,181,178,133,131,130,130,130,173,183,191,191,181,129,119,108,105,109,121,129,133,129,122,120,121,127,176,183,189,191,189,183,178,178,181,186,191,194,194,194,191,189,181,173,127,123,123,123,123,120,121,129,176,176,173,173,173,170,170,170,173,176,176,176,170,168,165,123,119,113,112,113,113,115,123,168,168,127,124,124,127,176,189,194,194,189,189,189,187,187,189,191,194,194,191,189,183,183,183,183,183,189,194,196,194,191,186,183,183,183,186,191,194,194,190,189,194,199,202,204,204,202,196,189,186,183,183,186,189,194,196,194,187,186,189,194,196,196,194,191,186,186,186,186,183,181,181,181,181,178,131,128,129,178,186,191,194,196,196,196,196,199,196,191,189,186,186,186,189,189,186,183,183,183,181,183,191,199,202,202,204,204,202,204,207,207,207,204,202,202,202,204,202,202,199,196,196,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,53,0,0,0,0,64,43,7,0,0,43,46,0,0,0,0,0,64,103,100,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,64,79,66,25,64,116,111,95,85,85,118,155,170,176,178,186,191,191,186,178,155,25,15,22,53,63,55,51,63,67,61,61,63,43,0,0,0,5,13,15,13,15,25,39,49,51,49,55,69,111,124,126,111,108,0,0,0,144,165,165,157,152,152,150,150,157,163,157,0,0,0,0,0,0,137,0,0,0,137,144,157,165,165,157,139,100,82,82,0,0,0,0,165,165,165,173,186,199,204,207,209,212,209,207,202,196,194,194,194,196,196,199,199,202,204,204,207,204,196,186,0,0,0,0,0,0,0,0,0,0,0,0,147,150,155,163,0,0,0,0,176,178,0,0,0,0,0,0,0,0,0,176,178,178,178,176,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,173,176,181,181,176,170,169,170,176,183,191,0,0,0,0,202,0,204,204,204,204,204,207,209,209,207,202,191,186,186,189,189,181,176,172,172,176,181,183,189,196,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,225,222,217,217,217,217,217,217,225,233,241,243,246,246,248,251,251,251,251,251,251,254,254,255,255,255,255,254,248,248,248,248,248,248,251,251,251,248,243,238,233,228,225,217,212,202,189,135,125,119,115,115,115,117,115,113,113,0,123,129,178,186,194,196,199,202,202,202,204,209,212,212,209,204,204,204,207,209,212,212,212,209,207,202,199,199,202,204,209,209,209,207,209,212,217,217,215,212,209,204,202,207,215,217,212,209,212,215,217,215,212,212,212,217,222,222,215,212,212,215,222,225,228,230,233,235,233,230,228,230,233,233,233,233,235,235,233,230,230,230,233,233,235,238,235,230,225,225,228,225,222,222,225,225,225,225,225,225,228,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,131,134,129,129,137,147,168,196,207,207,199,144,143,147,144,144,155,147,31,32,129,142,67,23,33,134,139,131,127,129,139,152,163,168,170,186,189,150,67,73,91,105,147,155,155,152,152,152,152,150,147,111,109,107,107,107,109,111,150,163,183,202,212,217,225,222,209,199,176,160,152,109,107,152,165,163,105,83,84,93,101,107,144,155,165,168,165,157,155,150,147,111,109,109,111,152,163,170,170,163,157,155,155,155,155,152,115,113,115,117,155,157,163,168,170,163,159,160,168,173,173,173,176,176,170,168,168,176,176,178,191,199,191,173,121,115,115,119,160,160,119,117,119,117,116,116,157,119,115,113,113,109,105,109,157,178,183,178,168,159,159,168,176,170,121,119,163,165,121,119,123,168,125,120,121,123,121,117,114,114,121,178,191,196,189,181,173,168,168,170,176,173,129,129,176,183,186,183,186,194,189,173,128,131,176,178,177,178,183,186,191,196,196,191,186,186,191,191,189,189,183,135,133,181,196,204,199,194,199,209,222,228,222,204,191,185,185,186,191,194,196,204,207,202,194,191,191,189,137,133,133,131,125,121,124,189,199,194,186,181,131,123,122,123,125,129,129,129,173,191,202,194,183,181,181,181,176,176,189,207,209,186,125,121,125,178,196,207,207,196,189,181,178,178,178,178,178,181,183,189,189,186,183,181,181,181,183,183,183,181,178,178,176,173,170,173,178,186,191,191,186,178,173,170,125,119,115,115,114,115,121,168,178,189,202,212,212,202,186,173,170,168,127,125,123,123,121,121,121,123,170,181,170,119,115,115,109,106,111,181,189,181,168,125,125,170,183,199,204,196,181,170,183,189,178,168,165,165,168,173,173,165,121,117,117,125,173,173,170,173,178,189,196,199,202,202,202,202,202,202,196,186,176,170,170,127,119,119,129,181,183,176,176,170,123,118,119,127,176,178,176,173,173,133,133,133,183,204,217,228,230,228,225,217,215,212,209,207,196,129,123,125,129,131,133,176,133,130,130,133,178,183,186,189,191,194,196,199,199,196,194,192,191,192,194,196,199,194,194,191,189,186,181,178,176,129,125,125,168,176,178,168,121,119,121,121,123,121,121,120,120,123,168,173,183,199,202,194,183,165,117,116,116,116,116,117,121,123,123,119,117,121,165,168,165,122,121,163,176,173,117,112,113,115,115,117,121,123,121,121,125,170,170,168,165,168,173,176,173,125,165,168,170,170,168,125,125,168,181,191,194,191,191,186,183,183,189,191,196,194,191,183,181,178,183,186,186,183,178,173,173,131,131,131,131,178,189,196,194,127,125,125,173,178,178,183,194,199,207,207,199,194,196,202,202,202,202,199,194,183,176,129,125,117,101,101,111,119,123,125,125,127,170,165,107,95,93,101,113,119,168,178,176,170,168,178,191,196,183,168,168,183,191,186,183,183,191,196,202,204,207,209,207,199,194,196,202,199,168,87,107,119,125,170,178,178,181,186,199,204,207,207,207,209,212,207,196,178,129,123,121,121,123,125,131,181,183,183,178,173,131,173,176,178,181,183,183,183,183,191,202,204,202,196,194,194,196,199,199,192,192,194,194,194,199,204,204,207,207,204,199,196,194,191,191,194,199,204,204,199,196,194,196,196,196,194,194,191,183,135,129,125,125,125,127,178,186,181,173,173,178,186,183,181,183,191,196,194,191,191,189,186,178,177,177,183,186,189,191,196,194,194,196,199,199,194,189,183,181,137,181,189,196,196,194,194,196,202,204,207,204,199,191,189,186,186,186,186,186,189,194,199,199,196,194,194,196,194,194,194,191,189,186,186,141,139,139,141,191,202,209,212,209,202,199,199,204,207,209,207,202,199,202,207,207,202,196,194,191,189,186,137,131,123,121,127,135,183,189,191,191,191,191,191,189,186,186,189,191,191,191,191,191,191,194,194,189,186,189,194,196,196,191,189,191,189,186,183,181,135,135,181,186,194,202,204,202,196,191,191,189,181,173,131,130,131,178,186,189,181,173,127,121,117,115,117,121,129,133,127,121,121,125,133,183,189,194,194,186,181,181,183,189,191,194,191,191,191,189,181,173,127,123,125,129,127,121,121,127,176,176,173,170,170,168,168,168,173,178,178,176,168,125,123,125,121,115,113,113,113,115,121,165,127,125,125,125,127,168,181,191,191,189,186,189,189,189,191,191,194,196,194,189,183,182,183,186,189,191,196,196,191,186,183,182,182,182,182,189,194,191,190,189,191,199,202,199,199,196,191,189,183,182,183,186,189,191,196,194,189,187,189,191,194,194,191,186,181,178,178,178,178,178,178,178,178,135,129,127,128,133,183,189,191,194,196,196,194,194,194,191,194,194,191,191,191,191,189,189,186,183,182,183,191,199,199,202,202,204,204,204,207,207,207,204,202,202,202,202,202,199,199,199,196,194,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,17,43,0,0,0,0,0,0,147,152,163,176,72,9,9,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,23,23,25,23,16,35,139,137,113,103,113,152,173,181,181,183,189,189,189,186,181,178,55,21,27,98,121,103,53,57,57,51,51,49,25,0,0,0,0,3,11,11,17,29,41,43,41,41,43,55,69,108,116,118,118,118,116,0,150,168,170,163,157,152,150,147,152,155,0,0,0,139,0,0,142,137,137,137,0,126,131,144,152,150,142,121,100,90,0,0,0,0,139,157,160,163,173,186,199,204,207,209,209,209,209,204,196,194,196,196,196,196,196,196,199,202,207,207,207,204,199,178,0,0,0,0,0,0,0,0,0,0,0,0,157,157,165,173,178,0,0,181,181,0,0,0,0,0,0,0,0,0,176,178,178,178,176,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,186,183,178,170,168,168,170,181,191,0,0,0,202,202,202,202,204,204,204,207,207,207,207,202,196,189,183,183,186,186,183,178,176,176,178,183,189,191,196,202,209,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,222,222,225,225,228,228,230,233,235,243,246,248,251,251,248,248,248,251,251,251,254,254,255,255,255,255,255,254,254,251,251,254,254,251,251,251,251,248,246,241,238,233,228,222,215,204,194,139,131,127,123,119,117,117,117,117,117,117,121,127,176,181,189,194,196,199,199,199,204,212,215,215,209,204,202,202,202,204,207,207,207,204,202,199,196,196,199,202,204,209,209,209,212,217,222,222,217,212,209,202,199,204,212,215,212,209,209,215,215,215,209,209,209,215,217,222,217,212,209,212,217,225,230,233,235,238,235,230,228,230,233,233,233,233,235,235,233,233,230,230,233,233,235,238,235,230,225,225,225,225,222,222,222,225,225,225,225,225,228,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,118,129,131,134,139,144,155,176,191,194,186,163,147,144,139,134,137,91,37,49,131,126,71,51,61,131,139,137,134,134,139,150,160,165,157,144,55,41,67,85,97,142,147,150,147,147,147,150,150,147,111,109,105,103,105,107,111,150,155,165,186,202,215,222,222,215,202,189,173,160,150,109,109,147,157,155,103,82,84,93,99,105,144,147,152,152,150,144,109,109,109,107,107,105,107,150,163,176,178,168,155,150,150,150,150,150,152,155,155,155,155,157,163,173,176,168,160,159,163,168,170,176,176,173,168,163,168,181,183,183,186,191,186,173,121,116,116,119,160,160,121,160,160,157,116,117,157,157,113,107,107,107,103,105,115,165,170,170,163,159,160,170,178,176,165,121,123,123,119,115,117,165,125,121,121,121,119,115,114,114,119,170,183,186,183,176,170,173,173,170,168,128,129,170,176,181,183,183,183,191,186,176,131,176,178,178,177,177,181,183,186,189,191,189,189,194,196,196,189,181,135,133,131,135,196,204,199,191,194,204,215,217,209,196,189,185,185,186,189,194,199,204,209,207,196,191,194,196,189,181,133,129,125,123,125,189,196,194,186,183,173,123,121,122,125,129,128,128,131,189,196,191,183,181,178,176,174,176,189,209,212,191,125,122,129,191,209,217,215,207,194,183,181,178,178,178,178,181,183,183,181,178,178,178,178,178,178,176,176,173,173,173,173,173,173,170,176,186,194,196,191,181,176,176,168,121,117,115,114,114,119,168,183,202,217,228,228,215,199,183,173,127,125,123,121,119,119,119,119,119,123,168,165,117,111,107,106,107,115,181,186,173,125,165,168,170,178,189,196,191,178,176,186,189,176,123,121,123,168,181,183,173,125,119,121,173,186,178,173,170,173,181,191,196,199,199,202,204,204,204,199,186,170,125,123,121,118,118,123,170,178,183,194,191,176,121,119,127,178,181,178,176,176,178,178,181,191,207,217,228,230,228,228,225,222,215,212,209,199,181,131,129,127,131,133,133,131,131,176,178,181,183,183,186,186,189,191,191,194,194,194,194,194,194,194,194,194,191,191,189,186,181,176,173,129,127,125,127,176,183,183,173,127,125,165,165,125,125,125,121,119,120,121,123,168,183,189,181,173,163,121,121,123,123,117,117,119,121,121,121,119,121,165,168,165,122,122,165,173,168,119,117,121,119,115,115,121,163,163,163,170,181,183,176,168,125,125,165,125,125,168,176,178,176,168,122,121,127,181,191,191,189,189,186,181,178,181,183,183,181,178,176,173,178,183,186,183,178,173,129,125,125,125,127,170,181,196,207,207,196,181,173,173,181,181,183,191,199,202,202,196,191,194,199,202,202,199,196,191,181,173,125,115,100,96,99,115,123,125,127,127,125,119,109,102,102,105,107,107,109,121,176,178,176,176,183,194,194,127,105,103,115,176,183,186,191,196,202,204,204,204,207,207,196,189,191,194,183,61,29,87,101,107,113,125,173,178,186,194,204,209,207,204,207,212,207,194,176,127,124,123,124,125,129,173,181,183,183,181,178,178,181,186,183,183,186,186,181,178,181,191,199,199,196,194,192,194,196,196,191,192,196,196,196,202,204,207,207,209,207,202,199,199,196,196,202,207,209,204,199,194,194,194,191,191,196,199,199,194,181,129,124,123,123,127,176,183,181,176,176,186,191,189,186,189,196,199,196,196,194,194,189,181,177,177,181,183,186,191,196,199,202,202,202,196,194,191,189,186,183,186,189,194,194,194,194,194,199,202,204,204,199,194,189,186,183,186,186,189,191,194,196,196,194,194,194,194,194,194,194,196,196,199,199,194,189,186,189,191,196,207,215,209,202,196,196,199,202,204,204,199,198,199,204,204,202,199,196,194,194,194,191,181,127,122,123,131,183,191,194,194,196,199,196,191,183,181,183,189,191,194,191,189,189,189,189,186,185,189,196,199,196,194,191,191,191,189,186,181,178,181,181,183,189,196,202,202,196,189,189,189,186,181,178,176,173,176,183,186,183,181,181,181,178,127,113,110,112,125,131,129,127,131,176,181,189,196,196,191,186,183,186,189,191,191,191,191,191,191,186,178,131,127,129,170,170,125,123,127,173,178,173,170,168,168,127,127,173,181,181,176,165,123,123,125,123,119,115,115,115,117,123,165,127,125,127,168,127,127,173,186,189,186,186,189,189,191,191,191,194,196,194,191,186,183,186,189,189,191,196,196,189,183,182,182,182,182,182,186,191,194,191,191,194,199,199,196,194,191,191,189,183,183,186,186,189,191,196,196,194,189,187,189,191,191,191,186,181,178,178,178,178,178,178,178,178,135,131,128,128,133,178,183,189,194,196,194,191,191,191,191,194,196,194,191,191,191,191,191,191,189,186,189,191,194,196,196,199,202,204,204,204,207,207,204,199,199,202,202,199,199,199,199,199,196,191,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,40,48,113,124,20,0,14,0,0,0,142,157,168,189,165,38,38,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,56,56,77,59,19,19,23,25,47,144,142,118,108,118,168,181,183,186,186,183,186,186,183,181,173,116,35,35,124,144,124,57,50,49,49,51,47,29,0,0,0,0,0,11,15,17,27,39,43,41,40,45,51,57,61,71,105,113,111,111,0,147,160,163,160,155,150,0,0,147,0,0,0,134,139,0,0,144,134,129,0,124,121,126,134,139,137,126,111,103,100,0,0,0,0,0,147,155,160,173,186,199,202,204,207,207,209,209,207,196,194,196,199,199,196,196,196,199,202,204,207,207,209,207,191,157,0,0,0,0,0,0,0,0,0,0,0,165,168,173,181,183,183,181,183,183,0,0,0,0,0,0,0,0,0,176,181,178,176,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,186,183,178,170,169,168,169,178,189,0,0,199,199,199,199,202,204,207,207,207,207,204,202,196,189,183,181,181,183,183,183,183,183,183,186,189,191,191,194,199,207,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,222,225,230,233,235,241,243,246,246,251,251,254,251,251,248,248,248,248,248,251,254,255,255,255,255,255,255,254,254,254,255,255,255,254,251,251,248,246,243,243,238,235,230,225,217,209,199,143,139,135,131,127,123,123,123,123,121,121,123,127,173,178,183,189,194,194,194,194,202,209,215,212,207,202,199,199,199,199,202,202,202,202,196,194,191,194,196,199,202,204,207,212,215,222,222,222,217,212,207,202,198,202,209,212,209,207,209,215,215,212,209,207,207,212,217,222,217,212,208,209,215,225,230,233,235,235,235,230,228,228,230,230,230,233,235,235,235,233,230,230,233,233,235,238,235,230,225,222,225,222,221,222,225,228,225,225,225,225,228,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,116,126,129,134,137,137,142,157,173,181,181,168,147,139,134,95,55,39,41,87,93,77,71,85,126,134,137,134,137,137,142,152,165,163,150,39,0,13,63,95,137,144,147,144,142,107,109,144,144,109,105,103,101,101,103,107,147,155,160,170,189,207,217,222,215,202,189,173,168,160,150,147,147,152,157,163,157,93,97,103,99,103,142,142,142,142,142,142,107,105,105,105,105,105,105,144,157,176,181,168,155,147,144,147,147,147,152,160,160,157,155,152,160,173,178,173,163,160,163,165,165,165,165,168,163,159,165,181,186,183,183,186,183,176,163,117,117,119,121,121,121,160,160,160,157,157,160,160,113,105,103,103,101,103,111,119,163,165,163,163,168,176,181,178,170,123,121,119,117,115,115,163,168,125,121,119,119,115,112,113,119,168,176,178,173,170,170,176,178,170,127,127,170,176,178,186,189,186,183,183,181,176,178,183,183,181,177,177,181,183,183,183,186,189,191,202,207,202,189,178,178,133,131,133,191,202,196,189,189,199,207,209,199,189,185,186,189,189,189,189,196,204,212,212,204,196,199,207,204,191,181,133,131,125,127,181,191,191,186,181,129,121,120,123,129,131,129,128,129,181,189,189,183,181,178,174,174,174,181,191,196,181,123,121,131,196,215,222,217,212,199,186,178,178,178,181,181,183,181,178,133,132,133,178,178,176,173,131,129,129,170,170,170,170,170,127,127,173,183,191,194,191,186,181,173,127,123,119,115,115,119,168,191,212,228,235,235,228,209,189,176,168,127,127,125,121,117,115,117,115,115,121,125,117,111,108,109,111,119,168,168,121,119,123,125,165,168,173,178,173,168,165,170,170,123,117,115,119,125,178,178,168,121,117,119,168,178,173,168,125,165,173,186,191,191,194,199,204,204,204,196,178,125,119,118,118,118,118,118,123,173,189,202,199,181,121,118,123,131,176,176,173,176,181,186,191,199,207,215,222,222,225,222,225,225,217,212,207,196,181,131,129,129,131,131,131,131,176,183,186,183,181,178,181,181,183,183,183,186,189,191,194,196,196,191,186,186,186,183,181,178,181,178,170,125,121,123,173,183,189,183,173,127,168,170,170,168,165,165,123,119,119,120,121,123,168,173,168,165,163,163,165,170,168,121,117,117,121,163,165,165,165,168,168,165,163,168,176,178,173,163,123,121,117,115,117,163,165,163,165,173,181,186,181,170,165,125,125,123,123,168,178,181,181,173,123,120,127,183,191,189,183,183,181,176,173,173,173,173,131,129,129,131,176,183,183,178,173,129,125,124,124,127,129,173,181,191,202,202,191,183,178,176,178,181,183,189,196,196,196,194,191,191,194,199,196,194,191,189,183,173,123,115,103,99,107,123,168,170,173,170,127,113,104,105,113,117,113,109,113,125,176,183,183,183,189,191,178,115,102,102,109,170,183,191,196,199,202,199,196,196,202,202,191,170,113,87,41,0,0,77,89,93,101,121,178,183,183,186,196,204,204,204,209,212,207,189,131,127,129,173,178,178,178,178,181,183,186,189,186,186,189,189,183,183,189,189,183,176,135,183,191,196,196,196,194,194,196,196,192,194,196,194,194,196,199,202,204,207,207,202,199,199,199,199,207,212,209,202,194,191,191,191,187,186,191,202,204,199,186,133,125,124,125,129,131,133,133,178,186,196,199,194,186,189,194,199,196,194,194,194,189,183,178,178,181,183,189,196,202,202,204,202,199,196,194,191,191,191,189,186,186,191,194,196,196,196,199,199,202,204,202,196,191,186,139,139,183,189,191,194,194,191,191,191,191,191,194,191,191,194,202,207,207,202,196,196,194,191,191,199,207,204,199,196,196,199,202,202,199,198,198,202,204,204,202,199,196,196,196,199,199,191,133,125,125,131,181,189,196,199,199,199,196,189,135,133,135,183,189,189,186,183,183,183,186,186,189,194,202,204,199,194,191,194,194,191,186,181,181,186,183,183,183,189,196,199,194,186,183,186,186,183,183,181,178,178,181,183,183,186,191,194,194,181,117,109,110,117,133,176,176,181,181,181,186,196,199,196,191,189,189,191,191,189,189,191,191,194,189,183,176,131,170,173,173,170,127,125,129,176,176,173,170,127,126,126,170,181,183,178,168,125,165,168,125,121,117,117,119,119,123,165,125,124,127,168,127,126,170,181,186,186,186,189,189,191,191,189,191,196,196,191,189,189,189,189,189,189,191,191,189,186,183,183,183,183,183,186,194,196,199,199,199,199,196,194,191,191,191,189,186,186,186,189,189,194,196,196,194,189,186,186,189,194,194,191,189,183,183,183,183,183,183,183,181,178,133,131,131,135,178,181,186,194,196,194,191,191,191,191,194,196,196,194,191,191,191,194,194,194,194,191,189,189,191,194,196,196,202,202,202,202,204,202,196,196,199,202,199,199,199,199,199,196,191,186,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,48,61,142,147,147,152,150,111,0,0,20,152,168,178,152,30,40,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,69,82,95,90,82,87,77,25,29,64,45,82,124,131,121,108,116,165,176,178,178,176,176,178,183,183,173,152,116,35,35,134,144,118,63,49,47,59,111,73,63,53,19,0,0,9,17,21,23,33,45,45,42,42,47,53,53,55,63,73,100,95,98,0,0,0,147,150,147,0,0,0,147,150,0,0,0,0,155,0,147,131,126,126,126,126,131,134,129,124,118,108,105,105,0,0,0,0,0,139,147,160,173,189,196,202,204,204,204,207,209,207,199,194,196,199,199,196,196,196,199,202,202,202,204,209,212,199,165,0,0,0,0,0,0,0,0,0,0,0,176,178,186,191,194,189,183,183,183,0,0,0,0,0,0,0,0,0,181,183,181,173,170,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,186,183,181,178,173,170,170,176,186,0,196,194,194,191,194,196,202,204,204,204,202,202,196,189,181,178,178,181,181,181,186,191,191,191,191,194,194,194,196,202,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,222,228,235,241,243,248,251,254,254,254,254,254,251,251,251,248,248,248,248,251,254,255,255,254,254,251,251,254,254,255,255,255,255,254,251,246,243,243,241,241,241,235,230,225,217,212,202,194,189,186,183,137,133,133,131,129,127,125,127,129,173,176,178,181,186,189,189,189,196,204,209,207,202,196,196,196,196,196,196,196,196,196,194,189,189,191,194,194,196,199,204,209,215,217,217,217,217,212,207,199,198,199,207,209,209,207,209,215,217,215,209,205,205,209,217,225,217,209,208,209,215,222,228,230,233,233,230,228,222,222,225,225,228,230,233,235,233,233,230,230,233,233,235,238,238,230,225,222,222,222,220,222,225,228,228,225,225,225,228,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,111,121,126,126,129,131,129,131,142,160,173,178,160,137,129,131,91,28,25,45,95,91,70,77,147,142,137,137,137,142,144,147,157,165,157,134,14,0,16,77,101,142,144,144,142,107,105,105,107,107,105,101,101,100,100,101,105,147,155,160,170,189,209,217,217,204,178,168,155,160,157,150,147,152,157,165,173,176,157,152,144,101,103,139,142,140,140,140,142,142,105,104,104,105,105,105,107,150,165,173,163,152,144,143,144,144,147,152,157,160,155,150,152,157,168,176,168,163,160,163,163,159,157,157,160,160,159,163,178,181,181,181,181,181,176,168,121,117,117,119,121,121,121,157,160,163,165,168,163,113,107,107,105,101,102,109,117,160,165,165,168,173,181,183,178,168,123,119,117,117,116,116,123,168,125,119,118,119,115,113,114,121,170,176,173,168,127,170,176,178,173,128,168,178,183,183,191,196,191,183,176,174,174,183,189,191,186,178,178,181,183,186,186,186,189,194,204,209,204,191,181,181,178,131,132,186,196,194,189,186,194,202,202,194,186,185,189,191,194,189,187,191,204,215,217,209,199,202,209,212,202,189,183,178,129,127,176,186,186,186,176,125,120,121,127,173,173,129,128,128,176,183,183,181,181,178,176,176,176,176,176,178,133,125,121,129,191,212,222,222,215,207,186,178,178,181,183,186,186,183,178,132,131,133,178,178,176,131,128,128,129,170,129,129,127,125,121,117,119,127,183,199,202,196,186,178,173,168,125,119,115,119,168,194,215,230,235,238,230,215,191,176,168,168,173,173,125,117,113,113,113,112,115,119,117,115,119,123,119,117,115,113,111,113,115,119,121,123,125,125,123,117,117,121,119,117,115,115,115,121,168,165,121,115,113,113,119,123,123,121,119,121,165,181,186,183,181,189,196,199,196,186,168,119,118,118,118,121,119,118,119,129,186,196,191,173,119,117,119,125,127,129,129,176,183,189,196,204,209,212,215,217,217,217,222,222,222,212,202,189,133,129,133,133,131,131,131,133,181,189,189,183,178,176,178,178,181,178,178,181,183,189,191,194,191,186,181,178,178,173,129,131,181,183,176,121,116,121,178,189,189,178,168,127,168,173,176,170,168,125,121,120,121,123,123,121,163,165,163,163,163,123,165,176,173,123,117,117,163,173,181,178,173,170,168,168,170,176,183,183,178,168,123,119,115,115,121,168,168,163,163,168,176,181,178,173,170,168,165,123,123,165,176,181,181,176,127,122,127,181,189,183,178,176,176,173,170,170,170,129,127,127,127,127,131,176,176,173,129,127,127,125,124,129,176,181,183,183,181,176,173,176,176,176,178,178,183,189,194,191,191,191,191,191,191,196,194,194,191,189,183,176,127,121,119,115,125,176,176,173,173,176,127,113,107,113,119,119,115,117,168,178,189,191,194,194,194,191,173,119,109,109,121,176,186,189,189,191,194,189,181,178,186,186,125,79,21,0,0,0,0,67,81,83,95,121,183,186,182,181,189,196,199,202,207,209,202,183,131,131,176,183,189,189,183,181,181,183,189,191,191,189,189,189,182,182,186,189,181,131,131,178,186,191,194,196,196,199,202,202,196,196,196,191,186,186,189,191,196,202,204,202,202,199,199,199,207,209,207,199,194,191,194,194,187,186,189,196,202,202,194,183,131,127,127,127,125,124,125,176,189,199,202,191,181,181,189,194,194,191,191,191,189,181,178,177,181,183,191,199,204,204,202,199,196,194,191,191,194,191,186,181,181,186,194,199,202,199,196,196,199,202,204,202,196,189,139,137,138,186,191,191,191,186,186,189,189,191,191,189,189,189,196,202,204,199,196,196,194,190,189,190,196,199,196,199,199,202,202,202,199,198,199,204,207,204,202,202,199,194,194,196,196,191,135,129,129,131,137,186,196,199,199,196,196,186,132,130,131,135,181,183,181,179,179,181,186,189,194,199,204,207,202,196,191,191,194,191,183,181,181,186,186,183,181,183,191,196,194,189,183,183,181,181,178,181,181,181,181,183,183,186,194,199,202,194,178,121,117,123,133,178,183,186,186,183,189,199,204,202,199,194,194,194,191,189,187,189,191,191,189,183,178,173,170,170,176,176,170,125,127,173,176,173,170,127,125,125,168,181,186,181,173,170,170,170,165,121,119,121,121,121,123,125,125,124,127,168,168,168,173,183,189,186,186,186,189,191,189,189,189,194,194,194,191,191,189,189,186,186,189,189,189,186,186,186,186,183,183,189,194,199,199,202,199,196,196,194,194,194,194,194,191,189,189,189,191,194,196,196,191,187,186,187,191,194,196,196,194,194,191,189,189,189,189,189,186,183,178,178,178,178,178,181,186,194,196,194,194,194,194,191,189,191,196,196,196,194,194,196,199,199,199,194,189,189,189,191,194,196,196,196,199,202,202,202,196,194,196,199,196,196,199,199,199,196,194,189,189,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,131,144,155,165,155,139,100,0,0,51,155,152,95,0,0,56,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,72,100,111,111,100,79,74,72,59,98,111,74,98,113,124,124,118,124,157,170,173,170,168,165,170,181,178,157,129,98,23,27,137,139,108,63,51,49,131,173,155,147,147,103,41,27,25,27,29,35,49,59,49,43,45,51,57,59,63,71,98,71,63,61,95,0,0,0,0,0,0,0,0,152,155,147,142,0,0,163,165,155,137,126,129,134,144,0,139,121,111,108,108,108,111,0,0,155,155,0,0,147,163,178,191,199,202,202,202,199,204,207,207,199,196,199,199,199,199,196,196,199,202,202,199,202,207,212,202,173,0,0,0,0,0,0,0,0,0,0,0,181,189,194,199,199,194,186,181,178,0,0,0,0,0,0,0,0,0,0,189,183,173,168,168,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,186,186,186,178,170,168,173,181,189,191,189,186,186,183,189,194,199,199,196,196,194,186,181,178,176,176,176,176,178,186,194,196,196,196,196,196,196,199,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,228,233,241,246,248,251,255,255,255,255,254,251,251,251,251,248,246,246,248,251,254,254,254,254,251,248,248,248,254,255,255,255,255,254,248,246,241,241,241,241,238,235,230,225,217,212,207,199,196,196,194,191,189,186,183,178,133,129,131,173,173,173,173,176,181,183,183,183,189,199,202,202,199,196,196,194,194,191,191,191,191,194,191,186,183,189,191,191,191,194,199,207,212,212,215,215,215,215,209,202,198,199,204,207,207,209,212,217,222,217,212,205,205,209,217,225,222,212,208,208,212,217,222,225,228,230,228,222,217,215,217,222,222,225,230,233,233,233,230,233,233,235,235,238,235,230,225,221,222,222,221,222,228,230,230,228,225,225,228,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,116,126,129,126,126,126,126,131,137,147,160,168,152,134,121,126,65,0,30,67,134,95,83,85,131,142,142,142,147,150,152,152,157,163,87,67,14,25,71,95,137,142,142,142,142,139,105,105,105,105,103,103,101,100,99,101,105,144,152,160,168,181,199,212,207,170,77,52,65,142,147,147,147,150,163,170,176,168,160,155,147,139,139,142,144,142,142,142,142,142,139,137,139,142,144,142,142,142,147,150,147,147,144,144,147,147,147,150,152,152,150,150,152,157,160,157,160,160,160,163,163,160,159,157,159,160,160,163,168,173,173,173,176,173,170,168,160,117,116,117,121,121,121,119,117,157,168,173,163,113,111,117,117,107,105,111,119,160,163,165,168,173,176,178,170,160,121,121,119,121,121,123,163,165,123,119,119,121,121,117,117,123,168,173,170,125,123,127,173,173,173,173,176,183,186,186,194,194,189,183,176,173,174,183,194,196,194,183,176,178,183,189,191,189,186,191,199,204,202,191,181,181,181,133,135,186,194,191,183,186,191,194,194,189,186,186,191,199,202,194,186,187,199,212,217,209,202,202,207,209,204,199,194,183,131,127,129,178,181,181,173,125,121,122,127,131,131,131,128,129,173,178,181,181,181,181,178,178,178,176,174,176,133,129,125,127,178,202,215,222,222,217,199,183,181,181,183,191,191,183,178,176,133,176,181,181,178,131,128,129,173,173,173,129,123,117,113,111,111,117,173,194,199,194,186,186,181,170,125,119,115,115,125,189,212,228,235,238,230,209,181,168,123,125,176,178,170,121,115,115,115,115,115,115,117,121,168,168,119,107,104,105,107,107,111,117,119,121,121,121,121,115,115,117,117,115,115,115,115,117,123,165,123,113,106,106,109,115,121,119,116,116,121,168,170,168,168,176,186,189,183,170,123,119,118,119,123,170,173,127,121,123,173,183,183,176,125,119,119,121,121,125,131,176,183,189,196,209,212,215,215,215,217,217,220,222,222,215,207,194,176,131,181,183,176,133,176,176,181,189,189,183,176,176,181,183,181,177,178,181,186,189,186,183,181,181,178,176,173,128,126,129,181,183,173,118,113,119,183,194,186,170,126,127,168,173,173,173,168,123,121,121,125,168,165,123,163,163,161,165,165,121,121,170,176,163,116,116,168,178,186,186,178,168,165,165,170,176,181,176,170,165,123,119,115,117,123,168,168,163,161,163,168,170,168,170,173,170,168,125,123,123,168,173,178,176,127,123,127,176,181,178,173,170,170,170,173,173,170,173,173,170,127,126,126,127,129,129,129,127,129,129,125,129,176,183,183,176,170,169,169,170,172,176,178,178,181,183,183,183,183,189,191,191,191,194,194,194,191,191,186,178,173,173,181,191,199,202,189,173,127,125,121,117,117,119,121,121,121,127,181,191,199,202,204,202,196,191,181,178,173,129,173,181,181,176,173,181,168,65,52,53,77,117,89,0,0,0,0,0,0,0,49,77,101,125,183,186,182,181,189,191,191,194,196,196,191,181,176,178,183,186,189,183,176,176,181,181,183,186,191,191,191,191,186,186,186,181,131,127,129,178,183,189,191,194,199,207,207,204,202,196,194,189,185,183,182,183,191,199,204,207,204,202,199,199,204,207,204,199,191,191,196,199,189,187,187,191,196,199,196,191,183,129,125,125,124,123,125,131,178,194,199,183,123,121,133,189,191,191,189,189,186,181,178,178,183,186,194,202,202,199,196,194,194,189,187,189,191,189,181,177,178,183,191,199,202,199,196,196,199,204,207,204,199,191,183,138,138,183,189,191,189,185,185,189,191,191,189,189,189,189,191,194,196,194,191,191,194,191,189,189,191,194,194,194,196,202,204,204,202,199,202,202,204,204,202,202,199,191,189,189,189,183,135,133,133,135,135,181,189,196,199,199,196,186,132,130,131,135,178,181,181,179,179,181,189,194,196,202,207,209,207,202,191,190,191,191,183,178,177,178,183,186,183,181,186,191,194,194,189,183,178,177,177,178,183,186,186,183,183,183,191,196,196,191,186,178,133,133,176,183,186,186,183,183,191,202,207,207,202,196,194,196,194,189,189,191,194,191,186,181,178,176,173,170,173,176,170,127,127,168,173,173,173,168,126,126,170,178,183,181,178,176,176,170,125,121,119,121,121,121,121,123,125,127,168,168,168,173,181,189,191,189,186,183,186,189,189,189,186,186,189,191,194,194,191,189,186,186,183,183,183,183,183,186,186,186,186,186,191,194,196,196,196,194,194,194,196,196,196,194,194,194,194,194,194,196,196,196,191,187,189,191,194,194,194,196,199,199,196,191,189,191,191,189,186,186,183,181,178,178,177,178,183,191,194,194,196,196,194,191,189,189,194,196,196,196,196,196,199,202,199,196,191,194,194,194,194,196,194,194,196,202,204,204,196,192,194,194,194,196,199,202,199,196,194,194,194,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,111,105,87,90,116,103,0,0,0,111,113,0,0,0,3,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,87,113,116,103,69,59,66,152,155,155,118,111,116,124,129,129,134,147,165,170,168,163,163,163,165,160,108,43,0,0,21,147,142,121,59,59,116,165,183,183,176,170,160,113,47,35,33,37,47,69,77,53,53,55,59,69,111,113,103,75,67,53,43,37,43,63,0,0,0,0,0,0,155,157,0,147,0,152,170,178,168,147,137,137,150,165,163,0,105,96,100,0,0,0,0,0,163,160,0,0,152,168,186,199,202,202,202,199,199,202,204,207,202,199,199,199,199,199,199,199,199,202,202,199,199,204,207,199,178,150,0,0,0,0,0,0,0,0,0,181,186,194,199,202,202,194,186,176,173,0,0,0,0,0,0,0,0,0,189,189,183,173,168,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,181,183,186,189,189,181,170,165,168,176,181,183,183,183,181,178,181,186,191,191,186,183,178,176,173,176,176,173,170,170,173,183,191,196,199,199,199,202,204,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,233,238,243,248,251,254,255,255,255,255,251,251,251,251,248,246,246,246,248,248,251,251,251,251,248,243,243,246,251,254,255,255,255,254,251,246,241,241,238,238,235,233,228,222,217,215,212,207,204,204,204,204,202,196,191,183,178,176,176,178,178,176,173,173,173,178,178,181,183,191,196,199,199,196,194,189,189,189,186,186,189,194,191,186,183,186,191,191,189,189,194,202,207,209,212,215,217,215,212,204,202,202,204,207,207,209,212,217,222,222,215,207,204,207,215,225,225,215,209,209,212,217,222,225,225,225,225,217,215,213,215,215,217,222,228,230,233,230,233,233,235,235,235,235,235,230,225,221,222,222,222,225,230,233,230,228,225,228,230,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,121,129,131,126,126,126,126,131,134,139,150,155,142,124,120,126,87,30,53,89,147,142,126,93,126,137,144,155,157,157,157,152,155,152,49,23,37,65,91,134,139,139,139,139,139,139,105,105,103,103,103,103,101,100,100,103,107,144,152,160,168,173,178,181,155,50,30,25,59,95,137,142,144,150,163,165,157,147,147,147,144,142,144,147,147,147,147,147,147,144,144,144,147,147,147,147,147,144,140,139,140,144,147,152,157,152,147,147,150,150,150,150,152,157,155,152,152,157,160,163,165,165,165,163,160,160,160,163,163,160,163,168,168,168,168,165,160,119,117,117,121,160,160,119,117,119,165,170,163,113,113,163,165,119,111,113,119,157,157,160,160,165,170,170,163,121,121,123,121,123,165,168,165,163,123,123,125,165,165,123,125,165,170,173,165,122,122,125,127,168,170,176,181,183,183,183,189,189,183,178,176,176,178,186,194,202,202,189,178,176,186,194,196,194,186,186,191,194,194,186,181,181,181,135,135,186,194,191,183,183,186,189,186,186,189,191,196,207,209,199,187,186,194,207,212,207,202,199,204,207,207,204,199,186,133,127,129,173,178,178,173,125,123,125,127,129,131,131,131,131,173,173,173,176,178,181,181,181,181,178,176,178,181,176,131,129,135,191,207,217,225,228,217,191,181,181,183,189,189,183,181,178,176,178,181,186,183,176,173,173,173,176,178,170,121,111,107,107,107,113,127,186,191,186,189,191,183,173,123,117,114,114,123,181,202,215,228,230,222,196,125,120,119,121,176,183,176,127,125,123,123,123,119,117,119,165,173,165,111,103,103,105,109,111,113,121,123,125,121,121,125,121,123,165,123,115,115,115,115,117,165,178,176,119,105,103,107,121,165,123,117,115,116,117,117,117,121,168,181,183,176,125,119,119,121,123,173,191,202,194,178,168,125,129,178,183,178,129,123,121,127,131,176,181,186,186,194,207,212,215,215,217,217,222,222,225,225,217,212,199,183,183,196,199,189,183,181,178,181,186,189,183,176,133,178,183,181,177,178,183,191,189,183,177,177,181,178,176,173,128,127,129,173,170,119,113,114,127,186,189,178,168,127,168,170,170,170,170,165,121,121,125,170,176,168,163,163,163,168,176,173,121,120,163,168,121,115,116,165,176,183,186,176,165,123,163,165,168,163,121,117,119,121,121,117,119,123,163,163,163,163,165,165,165,163,165,165,165,168,165,123,122,123,165,170,168,125,122,125,168,170,168,127,127,127,129,129,170,173,181,183,181,173,127,126,126,127,129,129,129,129,127,125,125,170,178,178,173,170,170,170,170,172,176,178,176,176,176,176,176,178,183,189,191,194,196,196,194,191,191,189,181,178,183,194,199,204,209,202,183,123,116,116,117,121,125,127,168,170,176,186,196,202,202,202,202,196,191,194,194,191,186,186,186,186,181,176,168,85,42,33,28,35,83,93,0,0,0,0,0,0,0,53,85,113,170,183,186,182,182,189,189,189,189,186,186,183,181,178,183,186,186,181,131,127,131,176,176,178,186,191,196,202,202,199,194,186,133,126,124,126,133,183,189,191,194,199,207,209,204,199,196,191,189,186,185,183,185,191,202,207,212,209,207,204,202,204,204,202,196,191,191,194,196,191,187,187,189,194,196,196,191,186,133,127,125,125,124,124,125,127,181,189,131,115,114,120,181,191,191,191,189,186,181,181,183,186,191,196,202,199,194,194,191,189,187,187,189,189,186,179,178,179,186,194,202,202,202,196,195,196,202,204,204,202,196,189,183,139,139,183,189,189,186,186,191,194,194,194,194,196,191,189,191,191,189,189,191,196,196,194,191,191,190,190,190,194,199,204,204,202,202,204,204,202,202,202,199,194,186,181,181,181,181,137,181,181,178,178,178,183,191,196,202,196,189,178,135,178,183,186,186,186,183,181,181,186,191,196,202,209,212,209,202,191,189,190,191,186,178,177,177,181,186,183,178,178,183,189,191,189,183,181,178,178,181,183,186,186,186,183,181,181,183,183,178,176,178,181,181,181,183,186,183,183,186,194,199,204,204,199,194,194,196,196,194,191,194,194,191,186,181,181,178,176,173,173,176,170,129,168,170,173,173,173,170,170,170,173,176,178,178,181,178,173,165,123,119,117,119,119,121,123,125,168,170,170,168,127,173,183,191,191,186,178,178,181,186,186,186,183,181,186,189,191,191,189,186,186,186,181,178,176,178,181,183,186,186,185,186,189,191,194,194,194,194,194,194,194,194,194,194,194,194,196,199,199,199,196,194,191,189,191,194,194,194,194,196,199,202,199,191,189,186,186,183,181,183,181,181,178,177,177,177,181,186,191,194,196,196,196,191,189,189,194,194,191,191,194,196,199,202,199,196,196,199,199,199,196,196,194,194,196,202,204,204,199,194,194,194,191,194,199,202,199,194,194,194,194,196,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,51,61,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,64,0,0,0,0,0,0,0,0,12,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,105,111,98,33,25,66,170,168,165,147,121,118,124,131,131,126,134,160,165,168,165,163,157,142,116,23,0,0,0,5,126,137,118,51,57,124,173,186,189,189,186,178,137,65,49,49,55,69,113,116,73,67,67,71,111,126,124,111,75,63,45,32,28,32,47,69,0,118,0,150,160,163,160,0,152,152,157,170,183,181,163,150,152,160,168,157,126,100,95,98,0,0,0,118,0,0,0,0,0,155,173,189,199,204,204,202,202,199,202,204,204,204,202,199,199,199,199,199,199,199,202,202,199,199,202,204,202,183,155,0,0,0,0,0,0,0,0,0,181,189,196,202,202,202,194,183,176,173,0,0,0,0,0,0,0,0,0,189,189,186,178,173,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,183,186,189,189,183,176,168,163,165,170,176,178,178,178,178,176,173,176,178,178,176,173,168,163,165,170,173,170,165,165,170,178,189,194,196,196,199,204,207,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,235,241,246,248,254,255,255,255,255,255,251,251,251,251,248,243,243,246,246,248,248,248,248,248,246,241,241,243,248,254,255,255,255,255,254,248,243,241,241,238,235,233,228,225,222,222,217,215,212,212,212,209,207,202,196,189,183,181,181,181,181,178,176,173,170,173,173,176,178,183,189,191,191,189,183,178,181,181,181,183,186,194,191,183,182,183,189,189,187,187,191,196,202,207,209,215,217,217,215,209,207,207,207,207,207,209,212,215,222,225,217,209,205,207,215,222,225,217,215,212,215,217,222,225,225,225,222,217,215,215,215,215,217,222,225,228,230,230,230,233,235,235,235,235,235,230,225,222,222,225,225,225,230,233,230,225,225,228,230,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,116,124,126,129,126,126,126,126,131,134,137,142,142,131,120,120,126,129,83,81,126,152,155,147,137,131,137,150,163,168,160,152,147,137,51,0,0,75,89,131,139,142,139,139,139,137,137,103,103,103,103,103,103,103,101,101,105,107,142,147,160,173,173,168,157,99,46,32,34,63,89,101,139,142,150,160,157,144,137,139,139,137,139,144,147,150,147,147,147,150,152,152,152,155,152,147,147,150,150,144,140,140,142,152,165,170,160,150,150,150,150,150,152,157,160,155,115,152,155,157,163,168,170,170,168,163,160,163,165,160,121,160,168,168,165,163,163,160,119,117,117,119,157,160,119,115,113,119,163,160,113,112,160,165,119,115,115,117,117,117,117,117,121,165,165,160,120,160,163,123,163,170,173,165,163,165,173,176,173,165,125,168,173,176,173,165,122,122,123,123,123,168,176,181,183,183,182,183,183,178,173,173,176,183,186,191,199,202,189,178,176,186,196,199,196,189,186,186,186,183,181,178,178,135,134,178,191,202,199,189,183,181,181,181,183,189,196,207,215,215,207,189,185,187,199,204,199,196,202,209,207,204,202,196,183,131,127,129,173,178,176,131,125,123,125,127,129,131,173,131,131,131,129,129,131,176,181,181,183,183,181,181,183,186,183,133,133,135,183,196,212,225,228,222,194,181,178,183,186,189,186,183,181,178,178,186,191,191,183,178,131,131,176,178,170,117,105,103,103,107,113,127,183,186,186,191,191,183,170,123,117,114,114,123,176,189,199,207,209,199,173,120,119,119,123,181,191,186,178,170,168,170,170,165,123,125,168,168,117,105,103,105,111,115,119,127,178,178,176,170,168,173,173,176,183,170,115,114,117,119,123,176,191,191,165,105,103,115,176,183,170,119,117,116,115,115,116,123,170,181,181,170,121,119,121,125,168,183,204,215,215,204,186,125,123,129,178,178,170,125,127,176,183,183,183,186,186,191,204,209,212,217,222,222,225,225,222,222,217,209,196,189,196,212,212,202,194,183,178,181,186,189,183,133,132,176,181,181,177,178,183,191,189,181,177,178,181,181,176,131,129,129,131,129,119,113,111,119,176,183,178,168,168,170,176,176,170,165,125,123,121,123,168,170,176,170,125,123,165,178,191,183,165,121,121,121,116,115,119,165,173,181,181,173,163,121,121,123,121,117,114,114,116,121,121,121,121,121,123,123,163,165,168,168,165,124,124,124,125,168,170,165,123,122,125,165,165,125,123,123,125,125,121,121,123,123,123,125,129,176,186,194,191,183,173,127,126,129,170,170,127,125,121,120,121,125,129,173,173,176,178,176,173,173,173,176,173,170,170,170,170,173,178,183,189,194,196,194,189,189,189,186,183,183,186,194,196,199,204,202,186,123,115,115,119,168,176,178,181,181,183,189,196,196,196,196,196,194,194,199,199,194,194,194,194,191,194,194,183,119,95,75,40,40,95,170,79,0,0,0,9,35,71,87,119,176,186,189,186,183,183,186,186,186,183,178,176,178,181,183,189,189,183,173,121,121,129,173,173,178,186,196,204,209,212,209,202,189,133,126,125,126,133,183,191,194,196,202,207,209,204,199,196,196,196,194,191,189,189,196,204,209,212,212,212,207,204,202,202,202,196,191,190,191,194,191,187,186,189,194,194,191,186,183,178,131,129,127,125,125,124,125,133,178,127,115,113,119,176,191,194,191,189,189,186,186,189,191,194,196,199,194,190,190,191,189,187,189,189,189,186,183,181,186,194,202,207,207,204,199,196,196,202,204,204,202,199,194,186,137,135,135,183,186,189,191,194,196,196,199,202,202,196,191,189,186,185,186,191,199,204,202,199,194,191,190,190,194,199,204,207,204,204,207,207,204,202,199,196,191,181,179,179,181,181,183,186,183,183,181,181,181,186,194,196,194,189,186,186,191,196,196,194,189,186,183,183,183,189,194,202,209,215,212,202,191,189,190,191,189,183,178,177,181,183,183,176,131,176,181,183,183,183,183,183,183,183,183,183,183,183,183,181,131,129,127,126,127,131,181,183,183,183,183,183,186,189,194,196,199,196,194,191,194,199,199,196,196,196,194,191,186,183,183,181,178,176,176,173,170,129,170,173,173,173,173,173,176,178,178,176,173,173,173,170,125,121,119,117,116,117,121,123,165,168,173,176,173,127,123,127,178,186,183,178,170,168,173,178,181,181,181,178,181,183,183,183,183,183,186,186,178,173,173,176,181,186,186,186,185,185,186,189,194,194,194,194,194,191,191,191,191,191,191,194,199,202,202,199,196,191,191,191,191,194,194,194,194,196,199,202,196,191,186,181,135,131,133,178,178,178,181,178,178,178,178,183,186,191,194,196,196,194,191,189,189,186,183,186,191,196,199,199,199,194,194,199,199,199,196,196,196,194,194,199,202,202,199,196,194,194,191,194,196,199,196,194,194,194,191,191,191,191,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,178,186,186,178,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,15,19,38,0,0,0,0,0,13,51,40,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,87,53,0,0,59,168,160,157,139,113,108,113,124,121,108,108,139,160,163,160,155,129,61,23,0,0,0,0,0,63,118,71,40,45,121,173,186,191,191,191,183,163,118,75,77,111,126,134,124,79,73,73,79,121,131,126,105,71,61,45,31,27,31,49,95,111,121,144,170,178,176,168,0,160,160,160,170,183,189,183,168,165,163,0,137,116,105,100,105,0,0,0,116,108,0,0,0,0,157,173,186,196,202,204,202,202,199,202,204,204,204,202,199,199,199,199,199,199,199,202,202,199,199,199,204,202,189,160,0,0,0,0,0,0,0,0,178,181,191,199,204,204,202,191,181,176,173,0,0,0,0,0,0,0,0,0,186,189,189,186,183,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,189,183,176,168,163,161,163,168,170,170,173,176,178,173,168,165,165,168,165,163,157,156,160,165,168,165,161,161,165,176,183,191,194,194,196,204,212,0,0,0,0,0,0,217,215,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,238,243,246,248,254,255,255,255,255,255,254,251,254,251,248,243,243,243,246,246,246,246,246,243,243,241,241,243,248,251,254,254,255,255,254,251,248,246,243,241,238,235,233,230,228,228,225,222,217,215,212,212,207,202,196,191,186,186,186,186,186,181,176,173,168,168,168,170,173,178,181,181,178,173,168,127,170,173,176,178,186,191,191,183,182,183,189,189,187,187,189,196,202,207,212,215,217,217,215,212,212,212,209,207,204,207,209,212,217,225,222,215,207,207,212,222,222,222,217,217,217,222,225,225,225,222,222,222,217,217,217,217,222,222,225,225,228,228,230,233,233,235,235,235,235,233,228,225,225,225,228,228,230,233,230,225,225,228,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,111,121,124,124,126,126,126,129,131,137,139,142,139,134,124,117,120,126,131,131,126,134,152,157,160,155,144,139,147,157,163,155,139,89,29,0,0,0,87,93,131,137,139,137,137,137,134,103,103,103,103,105,105,105,105,103,105,107,107,107,142,155,181,178,163,152,137,89,75,69,55,77,95,131,137,144,152,152,144,137,137,137,133,133,139,144,147,144,142,147,155,160,157,155,155,150,142,144,155,163,163,155,147,144,150,165,173,160,150,150,150,150,152,160,165,168,160,152,115,152,157,160,165,170,173,173,170,165,163,163,160,121,163,173,170,165,163,163,160,119,115,115,115,119,157,117,111,110,113,117,119,112,112,117,119,111,109,115,117,115,115,115,115,121,165,168,160,121,160,163,123,163,170,173,165,163,170,183,186,176,125,121,125,173,178,178,168,125,123,123,122,122,127,173,181,183,183,183,182,183,181,170,127,170,178,181,181,186,189,181,176,176,183,191,196,194,189,189,186,186,178,177,178,178,135,134,181,199,215,215,194,183,178,177,178,181,189,199,209,215,217,212,196,185,186,191,194,189,194,207,212,207,199,194,186,176,129,127,129,173,178,178,131,125,122,123,127,129,131,131,129,129,129,127,127,129,176,181,183,183,183,181,181,186,191,186,178,178,181,181,186,204,215,217,212,194,178,178,186,196,199,196,191,186,178,178,186,196,196,189,173,127,127,129,131,123,113,103,102,102,107,117,176,191,191,186,186,186,178,129,121,117,117,119,123,170,176,178,181,183,176,127,123,121,121,127,186,196,194,186,170,170,178,189,186,173,165,125,119,109,104,107,113,117,123,170,191,204,204,199,191,181,173,173,183,191,176,113,112,117,123,165,178,191,189,165,109,109,168,189,191,173,121,119,119,119,121,168,173,176,176,173,125,119,119,123,127,170,181,199,215,217,215,204,178,123,120,123,125,123,125,176,186,189,183,178,181,183,194,204,209,215,217,222,225,225,225,222,217,215,204,189,183,199,215,212,204,194,186,178,181,186,189,181,132,131,133,178,178,177,178,183,191,189,183,178,178,178,178,173,129,127,129,131,127,119,115,116,173,183,178,127,125,168,181,183,181,170,125,123,123,123,125,165,125,168,168,125,121,163,183,196,189,170,123,121,117,116,119,163,168,170,173,170,165,119,117,119,119,119,117,115,115,119,121,121,121,123,123,123,123,163,168,170,168,163,163,163,163,125,165,168,168,125,123,125,165,165,125,123,123,123,121,119,120,121,123,121,125,170,181,189,196,199,194,181,170,127,129,173,170,125,120,118,119,120,121,125,129,176,183,186,183,178,176,173,173,170,169,169,169,170,173,173,178,183,189,191,186,181,181,181,183,181,183,183,183,181,186,189,186,173,125,119,121,168,178,186,189,186,186,186,191,194,194,192,192,194,196,199,199,189,183,189,194,194,194,196,199,196,194,204,202,125,111,178,194,183,105,97,117,176,183,186,183,191,196,196,196,189,183,182,183,183,183,178,176,173,176,178,183,186,186,178,125,115,116,127,170,170,176,186,196,204,209,212,209,199,186,176,131,129,131,176,183,189,194,199,204,207,207,204,202,202,202,207,207,204,199,194,196,202,204,209,212,209,207,202,199,199,199,196,194,191,191,194,194,189,187,189,194,196,191,183,181,178,176,131,129,129,127,125,127,176,178,129,121,121,129,181,191,194,191,189,189,189,191,191,194,194,199,196,191,189,190,194,194,191,189,186,189,189,189,189,194,199,207,209,212,207,199,196,196,199,204,204,204,199,194,186,135,132,132,135,186,191,194,196,202,202,202,204,204,202,196,191,186,185,185,189,196,202,204,204,202,196,194,194,196,202,207,209,207,209,212,209,207,202,202,199,191,181,181,183,186,186,186,189,186,183,183,183,181,183,186,189,189,189,189,191,196,199,199,194,189,189,189,186,183,186,191,202,209,212,209,202,191,191,194,194,194,191,183,181,181,183,178,131,129,130,133,176,176,181,183,186,189,186,183,181,181,183,183,178,128,126,125,125,126,129,178,186,186,183,182,183,186,191,191,191,191,191,189,189,191,199,202,199,199,196,194,189,183,183,183,183,181,178,176,176,173,170,173,176,176,173,173,176,183,186,181,173,125,123,119,115,113,113,115,117,119,121,125,168,170,176,176,176,170,125,119,121,127,173,173,170,127,125,127,168,173,176,176,173,173,173,173,173,173,178,183,183,178,173,173,176,183,189,191,189,186,186,186,191,194,194,194,194,191,189,189,189,189,191,194,194,196,199,199,196,191,189,189,191,191,194,194,196,196,196,199,199,196,191,183,178,130,128,129,133,135,181,183,183,183,181,181,181,186,189,194,196,196,194,191,189,183,181,179,181,186,194,196,199,194,189,189,194,196,196,196,196,196,194,194,196,199,199,199,196,196,194,191,194,194,196,194,194,194,191,189,189,189,189,191,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,194,191,189,186,173,105,0,0,0,0,0,0,0,0,0,0,48,66,0,0,0,21,116,19,0,0,66,111,152,155,137,1,0,0,0,0,9,72,64,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,134,124,108,85,45,49,57,87,98,95,92,103,147,150,131,100,11,0,0,0,0,0,0,17,61,105,47,35,41,79,157,178,183,189,189,183,170,142,129,137,150,157,155,137,79,75,77,116,134,137,118,71,63,63,59,49,45,63,116,131,126,134,160,183,189,186,176,165,163,165,165,168,178,189,191,183,173,160,137,116,113,0,0,126,137,0,0,121,108,0,0,147,155,160,168,181,194,202,202,199,199,199,202,202,204,202,199,199,199,202,202,202,202,202,202,202,199,196,199,202,202,189,0,0,0,0,0,0,0,0,178,178,183,194,202,207,204,199,189,176,168,168,0,0,0,0,0,0,0,0,0,181,189,194,194,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,189,178,168,163,161,161,163,168,168,165,165,168,173,170,163,157,157,163,163,160,156,155,157,163,165,163,160,161,163,173,181,189,194,194,196,204,0,0,0,0,0,0,0,215,215,0,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,235,241,246,248,251,254,255,255,255,255,255,254,254,254,251,248,243,241,241,243,246,246,243,243,241,241,241,241,243,246,251,254,254,255,255,255,254,251,248,246,243,241,238,235,233,233,233,230,228,222,215,212,209,204,199,194,189,186,186,189,191,191,189,181,173,127,125,125,125,168,170,173,170,168,125,121,119,123,127,129,173,181,189,191,186,183,183,189,189,187,187,191,196,204,207,212,217,217,217,215,215,217,215,212,207,204,204,204,209,215,222,222,217,212,212,215,222,222,222,217,217,222,225,225,225,225,225,222,222,222,222,222,222,225,225,225,225,225,225,228,230,233,235,235,235,235,233,228,225,225,228,228,230,233,235,230,225,225,228,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,103,121,124,121,124,126,129,129,134,142,150,155,155,150,142,129,121,129,129,134,139,134,139,150,157,160,157,150,142,144,150,150,144,73,0,0,0,0,33,83,91,126,131,134,134,131,131,101,101,101,101,103,103,105,105,139,139,142,142,105,101,103,147,178,178,165,152,147,139,93,75,16,24,75,93,131,139,147,147,142,139,139,134,131,131,137,142,142,139,142,152,165,168,155,139,139,137,139,150,168,183,191,191,173,155,139,139,150,147,147,150,147,147,152,163,173,176,165,150,111,113,115,155,163,168,173,176,178,168,160,157,119,121,163,173,173,168,165,165,160,119,114,114,115,157,157,115,109,109,111,115,115,113,115,157,117,105,104,111,115,115,115,115,117,121,165,168,163,121,160,163,123,123,165,168,163,161,170,183,183,173,121,118,120,168,178,178,173,168,165,123,122,123,127,173,178,183,189,189,183,186,183,170,124,125,129,173,173,173,173,173,173,181,186,186,186,183,189,194,196,194,183,177,178,178,135,135,183,199,215,217,196,183,178,177,178,183,189,199,209,212,215,212,199,187,187,191,189,183,186,204,209,204,196,189,181,133,127,127,127,131,176,176,129,123,121,122,127,131,173,129,126,126,129,127,127,129,173,176,183,186,183,181,183,189,191,189,183,186,186,183,186,199,209,212,209,196,178,131,186,212,220,215,207,196,181,177,181,191,194,183,129,123,121,123,119,111,105,103,103,105,111,125,186,196,191,183,181,181,176,127,121,117,119,121,123,168,170,127,125,127,168,168,168,168,125,127,181,194,191,183,169,170,186,199,196,181,125,117,109,105,105,111,115,121,168,186,204,212,215,209,204,186,163,163,191,194,173,112,112,117,123,125,173,176,170,119,115,121,176,186,186,165,119,121,125,168,178,191,189,178,168,125,119,119,121,123,123,125,176,189,204,212,212,207,191,168,119,118,118,119,127,183,194,191,181,131,173,181,191,204,209,215,217,225,225,225,225,222,217,212,202,181,133,189,204,202,194,189,181,178,183,189,189,181,132,131,133,178,181,178,178,181,186,189,189,183,178,176,173,131,127,126,127,131,129,125,125,173,189,189,176,124,123,170,186,191,183,170,123,122,125,165,125,121,116,119,123,121,119,123,181,191,183,170,123,119,117,117,123,168,165,123,121,119,115,113,115,117,117,119,119,117,119,163,163,121,121,123,123,123,163,165,168,170,168,163,163,170,173,168,125,125,165,125,125,125,165,168,165,125,123,123,121,120,120,121,121,121,127,173,181,186,194,196,194,183,170,127,129,173,170,125,119,118,121,125,123,123,127,173,186,189,183,178,176,173,173,173,173,170,173,176,176,176,176,178,183,183,178,173,173,178,178,178,181,178,168,121,115,119,125,127,125,127,170,178,189,191,191,189,186,186,191,194,194,192,194,196,199,199,194,178,174,181,191,194,192,194,196,199,202,204,204,199,194,202,204,202,183,127,176,191,196,199,199,199,199,199,199,191,183,182,183,183,178,176,176,176,173,131,173,178,173,127,117,113,115,123,123,121,125,176,189,196,202,204,199,191,183,181,181,181,178,178,178,183,191,199,204,202,202,199,199,202,207,212,215,212,204,199,196,196,199,202,207,207,204,199,196,196,199,199,196,196,196,199,199,194,191,191,196,196,191,183,181,178,176,131,133,133,133,131,133,178,178,176,176,178,181,183,186,186,186,183,186,191,194,194,194,196,199,196,191,189,191,202,204,196,189,186,189,191,191,191,196,202,207,212,212,209,199,194,194,196,202,202,202,196,191,186,137,133,133,137,186,191,194,196,202,204,204,204,204,204,199,194,189,185,185,186,191,196,202,204,202,202,199,196,199,202,207,209,209,212,215,215,209,207,207,204,194,189,189,191,194,189,186,186,183,181,183,183,181,181,181,181,181,183,189,194,196,196,191,189,187,191,194,191,186,183,186,194,202,207,207,199,194,194,196,196,196,196,191,189,186,183,178,130,128,130,131,129,129,173,178,183,189,186,183,181,178,181,183,178,129,128,129,129,129,133,181,189,189,186,183,183,189,191,189,189,189,189,186,183,189,196,199,199,196,191,186,178,176,176,176,178,181,183,181,178,176,173,176,178,176,173,170,178,189,191,183,173,121,113,105,103,104,109,115,121,127,170,176,178,181,181,178,173,168,123,117,117,119,125,127,168,168,125,123,123,127,168,168,127,127,127,125,125,127,170,178,181,178,173,173,176,183,189,189,189,186,186,189,189,191,191,191,191,189,186,186,186,191,194,196,194,194,196,196,194,191,189,191,191,194,194,194,196,199,199,199,199,196,194,186,181,131,129,130,133,135,181,186,189,186,183,181,181,183,189,194,196,196,196,191,186,181,179,181,181,186,191,196,196,191,187,186,189,194,194,196,199,196,194,194,194,196,199,196,196,196,194,191,191,191,194,194,194,194,191,189,187,187,189,191,194,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,194,194,189,189,194,181,124,0,0,0,0,0,0,0,0,59,85,92,1,0,0,103,181,39,3,118,170,173,165,157,142,51,0,0,0,0,11,53,56,35,11,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,21,11,0,0,0,31,49,53,59,63,63,67,118,121,100,35,0,0,0,0,0,0,0,43,77,108,49,41,44,61,121,150,168,181,186,183,176,152,144,150,155,160,155,137,83,79,113,131,152,152,121,63,62,69,111,129,144,160,173,168,152,150,165,186,191,189,181,170,0,168,170,165,165,178,191,191,181,157,124,111,118,0,0,0,157,165,160,0,124,0,139,155,160,160,160,170,189,202,202,196,196,196,199,202,204,202,199,199,199,202,204,204,204,204,204,202,199,196,196,199,196,186,0,0,0,0,0,0,0,0,176,178,183,196,204,207,204,196,183,168,160,160,0,0,0,0,0,0,0,0,0,181,191,196,199,202,0,0,0,0,165,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,178,168,163,163,165,168,168,168,163,161,163,168,165,157,0,156,163,165,163,157,156,157,163,165,163,161,161,163,170,181,189,194,194,194,204,0,0,0,0,0,0,0,212,209,0,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,241,243,246,248,251,254,255,255,255,255,254,254,254,254,254,248,243,238,241,241,241,241,241,241,238,238,238,238,241,243,248,254,254,255,255,255,255,254,251,248,246,243,241,238,235,235,235,233,230,225,215,212,207,202,194,189,183,181,183,189,194,196,194,183,173,125,123,121,123,163,163,163,163,123,121,117,115,119,123,125,168,176,189,191,189,189,189,191,194,191,191,194,199,207,209,215,217,217,215,215,217,222,222,215,209,204,202,202,204,209,217,217,217,215,215,217,222,222,222,217,217,217,225,225,225,225,225,228,228,228,225,225,225,228,225,225,222,222,225,225,230,233,235,235,235,235,233,228,225,225,228,228,230,233,235,230,225,225,225,228,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,111,121,121,121,124,126,129,131,139,152,160,165,170,168,163,157,152,155,139,134,134,134,142,150,152,155,152,150,144,144,144,144,142,39,0,0,23,65,67,85,89,93,95,129,131,129,99,131,101,101,101,101,103,137,137,139,139,142,139,103,99,100,139,165,173,168,160,160,157,139,71,2,2,45,91,129,139,142,142,137,137,139,137,131,131,137,137,137,137,144,160,168,160,87,60,81,93,139,160,181,199,209,215,209,189,89,47,61,99,142,147,142,144,150,160,170,173,163,147,110,110,111,152,157,168,173,181,186,181,165,119,118,119,160,168,173,170,165,165,163,157,115,115,157,168,165,117,111,111,115,115,113,115,163,173,165,105,102,105,113,117,117,115,117,119,163,165,121,117,119,121,119,121,165,168,165,163,165,170,173,168,121,119,120,165,176,176,173,170,165,125,125,165,168,173,176,183,189,191,183,183,181,170,124,123,125,129,170,129,128,129,176,186,189,183,176,176,183,199,209,207,191,178,178,183,183,183,183,191,202,207,194,183,178,178,181,183,189,194,202,207,207,207,202,196,194,194,189,181,181,191,199,196,194,189,181,133,131,127,129,131,173,173,129,123,121,122,127,176,176,127,125,126,129,127,127,129,131,133,186,189,189,186,189,191,191,189,189,194,194,186,186,196,209,215,215,204,131,120,133,217,230,233,228,209,186,176,177,181,181,173,125,121,119,115,107,100,100,105,109,113,119,173,191,196,186,178,178,176,170,127,121,119,119,121,123,127,168,124,122,125,170,173,170,168,123,123,173,181,181,176,169,170,183,194,191,173,119,111,109,109,109,113,115,123,176,191,204,212,215,212,209,189,152,152,199,196,170,114,114,119,121,121,125,125,121,115,117,125,173,176,170,119,115,117,125,173,181,191,186,173,125,121,119,121,123,125,118,121,170,181,191,199,202,199,194,176,123,119,118,120,129,186,196,194,181,130,130,173,183,194,204,209,215,217,222,225,225,225,222,212,199,178,125,129,183,186,183,181,176,178,183,191,191,183,133,132,133,181,181,178,178,181,183,186,186,183,176,172,173,173,131,127,127,131,173,173,176,186,194,189,170,124,124,170,186,191,183,170,123,123,165,125,121,117,114,114,119,119,118,121,170,178,173,165,123,119,117,117,123,165,119,113,111,110,110,111,113,117,119,123,123,119,121,165,165,123,119,121,123,123,163,163,165,165,165,163,165,173,176,170,123,119,123,123,123,165,168,168,125,123,122,123,125,123,121,123,121,121,127,173,178,178,183,189,191,181,170,125,127,170,173,127,121,120,127,129,127,125,125,173,183,189,183,178,176,173,176,181,178,176,173,176,181,181,178,176,178,178,176,173,173,176,176,173,173,168,119,106,102,105,117,125,168,173,178,186,191,194,194,191,189,189,189,191,194,194,196,199,202,199,191,177,174,181,194,196,194,194,194,199,204,204,204,207,204,202,202,207,199,189,194,199,199,199,199,199,199,199,204,196,189,186,189,186,181,176,178,178,173,125,127,131,127,121,117,116,116,117,115,114,117,127,178,186,191,191,186,181,181,183,183,183,183,181,177,181,189,196,199,194,194,194,196,199,204,209,215,212,207,202,194,194,194,199,202,204,202,196,194,196,196,199,199,202,202,204,204,199,194,194,196,196,194,189,183,176,133,133,133,176,178,178,178,181,181,181,183,186,181,176,176,176,178,178,183,189,194,194,196,196,199,199,194,191,194,204,207,199,189,185,189,194,194,194,194,196,202,207,209,207,199,194,194,194,194,194,194,191,189,189,191,189,189,191,191,191,190,194,202,204,204,204,204,204,199,194,191,189,186,186,186,189,194,196,199,199,199,199,199,202,204,207,209,212,215,220,222,217,215,209,202,196,196,199,199,191,186,183,178,178,135,178,181,181,179,178,179,183,189,196,196,191,187,187,189,194,196,194,186,181,181,186,194,202,202,196,194,196,199,199,196,199,196,191,189,186,178,131,131,133,133,129,127,129,176,181,186,186,183,181,178,178,181,178,176,176,183,186,183,178,181,186,186,183,183,186,189,191,189,189,189,189,183,181,186,191,196,194,189,181,173,127,127,127,129,173,181,183,183,181,178,178,178,178,176,170,173,181,191,191,183,170,123,111,103,101,103,109,119,127,178,183,186,189,189,183,178,170,165,123,115,113,115,121,125,127,168,125,119,119,121,123,123,121,123,123,123,123,123,127,170,176,173,173,173,173,176,178,181,181,181,183,183,186,186,189,186,186,186,186,183,186,191,194,194,191,189,189,191,189,189,191,194,196,194,194,194,196,199,199,199,199,199,194,191,189,181,133,133,133,178,181,186,189,189,183,181,181,186,189,194,196,196,196,191,186,181,181,183,186,186,191,194,196,191,187,187,191,194,196,196,196,194,194,194,194,196,196,196,196,196,194,191,191,191,191,194,196,194,191,189,187,187,189,191,194,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,183,183,183,183,186,186,183,0,0,0,0,0,0,0,0,23,39,82,77,0,27,87,74,0,0,157,178,176,163,150,150,134,95,61,46,64,35,43,48,53,77,72,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,64,95,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,90,57,53,55,57,59,69,103,98,41,0,0,0,0,0,0,0,49,103,103,57,47,45,47,57,77,126,152,176,183,176,157,147,142,134,129,124,85,81,83,116,134,160,168,144,71,65,113,152,168,178,186,191,183,165,150,155,173,183,186,183,176,170,173,173,163,155,157,176,186,178,157,0,124,0,0,157,0,181,186,181,165,0,0,0,155,160,159,0,163,181,196,199,194,194,194,196,199,202,202,202,199,199,202,204,204,204,204,202,199,196,196,196,196,191,176,0,0,0,0,0,0,0,168,170,173,183,196,204,207,202,191,178,160,150,152,0,0,0,0,0,0,0,0,0,181,191,196,202,202,0,0,0,0,157,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,176,170,170,173,173,173,168,163,161,161,163,165,160,156,160,165,168,165,160,157,157,163,168,168,163,163,165,173,183,194,196,196,0,202,0,0,0,0,0,0,0,209,207,0,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,246,246,248,248,251,254,255,255,255,254,251,254,254,254,254,251,243,238,235,235,238,238,235,235,235,235,235,235,238,241,248,254,255,255,255,255,255,254,254,248,246,243,241,238,235,235,235,233,230,225,217,212,204,199,191,186,181,178,181,186,194,196,196,189,176,165,123,121,121,121,123,123,121,121,119,115,113,117,119,121,125,170,186,191,191,191,194,196,199,196,196,199,204,209,212,217,222,217,212,212,215,217,222,217,212,207,202,199,199,204,209,215,215,215,217,222,222,222,222,217,217,217,222,225,225,228,230,230,230,230,228,225,228,228,228,225,222,221,222,225,228,230,233,235,235,235,233,228,225,225,225,228,228,233,235,230,225,225,225,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,108,118,118,121,121,124,129,131,142,155,163,168,176,183,181,178,176,170,155,139,137,139,147,152,152,150,150,150,147,144,144,139,129,9,0,35,77,87,85,89,89,89,91,95,129,129,129,131,131,101,101,101,134,103,137,137,139,139,137,101,98,99,139,160,168,165,163,168,170,152,91,8,0,33,126,137,139,139,134,124,126,137,137,133,133,134,134,137,142,152,165,163,137,59,46,67,89,142,163,178,194,207,215,217,207,69,0,11,91,137,139,137,142,147,152,155,157,152,111,109,109,111,115,157,165,173,181,189,189,178,163,119,157,163,168,170,168,163,165,168,163,157,157,168,178,178,163,117,115,117,117,115,115,163,176,168,105,101,104,113,117,117,117,115,115,119,119,113,112,115,119,117,119,165,173,170,165,123,121,123,168,168,168,170,173,176,173,173,173,170,165,165,168,170,170,170,176,181,183,176,173,170,170,127,125,127,170,176,170,128,128,178,189,191,181,172,170,178,202,222,222,202,183,181,189,196,196,189,186,189,191,189,183,181,181,183,189,191,191,191,196,199,199,202,204,207,202,189,179,179,181,189,194,191,186,181,176,133,131,131,131,173,173,129,127,123,123,129,178,178,131,125,126,129,127,127,129,133,176,191,196,194,191,194,194,191,189,191,199,196,189,186,196,212,222,217,204,122,116,127,212,230,241,241,222,191,176,176,178,176,129,125,119,115,111,101,98,100,111,117,123,173,189,194,191,181,177,181,176,129,127,125,123,121,121,123,129,129,124,123,125,170,170,127,125,122,122,168,176,176,173,173,173,173,176,170,123,117,115,117,119,119,119,121,168,178,189,199,207,209,209,207,191,153,160,204,196,168,119,123,125,123,121,123,125,123,119,117,121,125,125,119,113,111,113,119,123,125,123,125,121,119,121,121,121,123,123,119,125,170,173,173,178,186,186,183,176,168,123,121,125,176,186,194,194,181,130,130,131,176,183,191,196,199,204,209,215,217,217,215,207,194,176,120,120,129,176,178,176,133,176,183,194,194,186,178,133,176,181,183,181,178,178,181,181,181,178,173,172,173,178,176,129,127,131,178,181,183,189,191,183,129,126,127,170,176,181,181,173,168,165,125,121,119,117,115,114,117,119,118,119,125,125,123,121,121,121,119,119,121,123,119,113,111,110,110,111,113,119,123,168,168,123,121,163,163,119,116,117,119,121,121,121,123,163,165,165,168,173,173,163,119,115,119,121,125,165,170,168,125,121,121,123,168,165,125,123,121,119,121,168,170,170,173,181,181,173,125,120,121,127,173,170,125,125,127,129,127,125,127,176,186,189,178,176,173,173,178,186,189,181,168,170,176,181,178,176,176,176,176,173,173,173,170,125,123,119,113,105,103,107,121,170,176,178,181,186,191,196,196,194,191,189,189,191,194,196,199,202,202,196,194,183,181,189,199,202,199,196,196,199,204,207,204,204,202,198,199,202,202,196,199,202,199,196,196,199,199,204,207,202,196,196,196,194,189,181,181,178,129,122,125,131,127,121,123,125,123,119,115,114,116,125,173,181,183,181,176,173,176,178,181,183,183,181,181,181,189,194,191,189,189,191,194,194,196,199,202,202,202,196,194,192,192,196,202,204,202,196,194,194,196,196,199,202,204,207,207,204,199,194,196,196,196,196,189,178,132,133,176,176,181,186,183,186,189,186,183,181,131,125,125,127,131,133,178,186,191,194,194,194,196,196,194,191,194,199,199,194,186,186,189,191,191,191,191,191,196,202,207,204,196,191,191,189,183,181,181,183,189,196,204,204,204,204,199,191,190,191,196,202,204,202,204,202,196,191,189,191,191,189,186,186,186,189,191,194,196,199,202,204,204,207,207,212,217,228,233,230,222,212,207,202,202,202,199,191,186,183,181,135,133,133,181,183,181,179,179,183,194,199,199,194,189,187,189,194,194,189,183,178,177,181,189,196,199,194,194,196,199,196,196,196,196,191,189,186,183,178,178,181,178,129,126,128,173,181,183,183,181,181,178,178,176,176,176,183,191,196,191,183,181,183,183,183,183,186,189,191,191,191,191,189,183,178,181,186,189,186,181,131,126,124,124,126,127,170,176,181,183,181,178,176,176,176,173,170,173,183,191,191,183,170,127,119,111,105,107,115,125,173,181,183,186,189,189,183,176,168,165,121,113,110,113,119,123,123,121,117,113,115,119,121,121,121,125,127,125,123,121,123,125,127,127,168,170,129,127,127,129,173,173,176,176,178,181,183,183,183,186,183,183,183,189,191,189,183,183,181,181,183,189,194,196,196,194,191,194,196,199,202,199,196,196,194,191,194,189,183,178,135,178,183,189,191,189,186,183,183,186,189,194,196,196,194,191,189,183,183,186,189,191,194,194,194,194,191,194,199,199,196,194,191,191,191,194,196,196,196,196,194,194,191,189,189,189,191,196,196,196,191,191,189,189,189,191,194,196,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,152,157,165,173,176,183,189,0,0,0,0,0,0,0,0,0,0,79,118,116,111,85,7,0,0,155,173,168,134,131,163,173,183,157,157,160,105,59,59,77,157,152,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,87,173,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,95,95,57,53,55,51,47,51,98,113,98,0,0,0,0,0,0,0,47,71,69,57,53,47,45,49,65,83,124,155,173,165,150,139,124,83,80,81,80,81,83,83,87,144,165,152,79,81,144,176,183,189,194,196,189,165,142,139,157,176,186,189,186,181,178,176,163,147,142,152,168,165,157,150,0,0,0,0,0,189,194,191,181,160,0,0,0,160,165,163,0,173,189,194,191,191,191,194,199,202,202,202,199,196,199,202,204,204,202,199,196,194,194,196,191,181,163,0,0,0,0,142,147,152,157,160,168,181,196,204,204,0,0,0,0,147,150,0,0,0,0,0,0,0,0,0,183,191,196,199,199,196,0,0,0,157,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,186,181,178,181,181,178,170,165,161,161,163,165,163,160,165,168,170,168,163,157,157,165,170,173,170,168,170,176,0,0,0,0,0,199,207,0,0,0,0,0,0,209,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,248,248,251,251,254,255,255,254,251,251,251,254,254,254,251,246,235,230,230,230,230,230,230,230,230,233,233,235,241,246,254,255,255,255,255,255,254,254,248,246,241,241,238,235,235,233,230,228,222,217,209,204,196,186,181,135,134,176,183,189,194,194,189,181,173,163,121,120,120,121,160,121,119,117,111,0,113,117,119,123,168,181,191,194,194,194,199,202,202,202,204,209,212,217,217,222,217,209,207,212,217,222,217,215,207,202,199,198,199,204,209,209,209,215,217,220,222,222,222,222,217,217,222,225,230,233,233,233,230,228,225,228,228,228,225,222,221,222,225,228,230,233,235,235,235,230,225,222,222,225,225,228,230,233,230,225,222,225,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,100,116,118,118,118,118,124,129,139,152,160,165,173,183,186,178,178,176,163,147,144,155,163,160,157,152,152,152,147,142,139,116,29,0,29,85,116,124,129,124,89,88,89,93,126,131,131,134,131,131,131,101,101,134,134,137,137,139,137,101,99,100,139,157,163,163,163,168,170,163,150,35,2,41,131,139,139,131,118,71,83,131,139,134,134,137,137,144,152,157,160,152,124,60,48,75,121,139,152,160,168,186,202,207,204,61,0,0,95,137,137,135,139,144,144,139,107,142,144,147,111,113,150,155,165,173,181,189,191,186,170,160,163,168,170,170,165,160,165,168,165,163,165,173,181,181,170,157,157,157,157,119,117,160,168,163,107,101,103,111,115,117,115,115,115,117,115,111,110,113,117,116,117,168,178,181,176,123,113,117,173,189,191,191,189,181,173,173,173,170,168,168,170,170,168,125,125,127,168,127,125,125,168,173,173,176,178,181,176,128,128,176,189,191,186,173,169,173,196,222,225,204,186,181,191,202,204,194,183,181,183,183,181,181,183,189,191,191,189,189,191,194,196,202,212,212,204,183,179,181,186,189,191,189,183,176,133,133,133,176,178,178,173,131,131,131,129,131,181,183,178,126,126,127,127,129,133,178,186,199,204,202,199,199,199,194,189,191,196,196,191,186,191,209,225,215,196,123,120,183,209,230,243,243,225,191,177,177,181,181,131,125,117,111,107,101,101,109,119,123,129,186,199,199,189,178,178,183,173,125,125,129,127,121,119,123,127,127,124,123,127,127,125,123,123,122,123,173,178,176,178,189,181,170,127,125,123,121,123,125,168,173,173,173,176,176,178,189,199,202,202,204,191,163,176,199,189,168,127,176,178,170,127,165,168,165,121,115,117,121,119,115,111,109,109,109,109,105,102,104,108,115,119,119,117,115,115,119,127,170,127,121,123,170,173,173,173,170,127,125,129,176,183,186,186,176,170,131,173,173,173,178,181,183,186,191,199,204,207,202,189,181,131,120,119,125,133,176,133,131,133,183,194,194,189,181,176,176,178,181,181,178,178,181,176,174,176,176,176,178,183,178,129,127,173,181,183,186,189,186,176,129,129,170,168,127,168,176,176,173,168,123,115,115,117,117,116,117,121,119,119,119,117,117,117,121,125,123,119,119,121,123,123,121,119,117,117,121,125,168,176,176,165,123,123,119,116,115,116,117,119,119,119,121,163,165,168,168,168,163,119,115,115,117,123,165,170,173,168,125,121,120,125,170,173,168,123,118,117,118,123,127,125,168,173,173,127,121,118,119,125,170,173,170,127,125,125,125,125,129,178,189,189,178,170,129,170,181,191,191,181,122,122,168,173,173,168,168,170,173,170,168,127,123,115,107,109,109,107,111,121,168,176,181,183,181,183,191,196,196,194,189,186,186,191,194,199,202,202,202,196,196,194,194,196,202,204,202,202,202,202,204,204,202,202,202,199,200,202,196,195,199,202,202,199,196,199,202,209,212,204,199,202,202,202,196,189,186,178,125,122,125,131,127,123,127,131,129,123,119,117,117,125,173,178,176,173,127,129,131,173,176,178,181,183,183,186,191,191,189,183,186,191,196,194,191,190,190,190,190,191,194,194,194,199,204,207,202,199,194,194,194,196,199,202,204,207,207,207,202,196,196,196,199,202,194,181,133,133,176,176,181,189,189,191,196,191,178,129,123,121,121,123,127,131,178,183,189,191,191,189,189,191,194,189,189,191,191,189,186,186,186,189,189,189,189,189,191,199,202,199,191,186,186,183,135,133,133,137,189,204,209,212,212,209,202,194,190,191,194,199,202,204,204,202,196,191,191,194,196,194,189,186,186,186,191,194,199,204,207,209,209,207,207,209,217,230,238,235,225,212,209,204,199,196,194,191,186,186,186,178,132,132,178,186,186,183,183,189,194,199,199,196,191,189,189,186,183,181,178,177,177,178,186,194,196,194,191,194,194,191,194,196,194,189,189,189,189,186,183,183,181,129,127,129,176,181,183,183,183,183,181,178,173,173,176,183,191,196,189,181,179,179,179,181,183,186,191,194,194,194,194,189,181,176,176,181,183,181,173,127,125,124,125,127,170,170,173,176,178,176,173,173,170,170,170,170,173,181,189,189,181,173,170,127,121,115,115,121,170,178,181,181,183,186,183,178,170,127,165,119,110,109,111,117,121,119,113,110,110,113,119,121,121,123,170,173,170,125,123,121,123,123,123,127,127,125,123,123,124,125,127,129,170,176,178,178,178,181,183,181,181,181,183,183,181,176,176,173,133,176,181,189,194,196,194,191,189,191,196,199,199,196,194,191,191,194,191,186,178,178,183,189,194,194,191,189,186,186,189,189,191,194,194,194,191,189,186,186,189,191,194,196,194,194,194,194,196,202,204,199,191,187,189,191,194,196,196,196,196,191,189,186,186,186,189,191,196,199,196,194,191,189,189,189,191,194,196,196,196,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,121,126,142,155,157,147,118,0,0,0,31,77,64,0,0,0,0,124,160,178,176,165,47,0,0,113,150,144,108,121,183,189,202,189,189,183,178,124,92,100,176,189,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,181,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,59,49,47,53,55,43,37,45,100,126,126,0,0,0,0,0,0,33,57,69,63,61,59,55,49,55,73,81,116,139,163,147,137,126,89,81,81,91,124,121,118,82,80,121,147,134,75,126,157,178,183,189,191,191,186,160,126,124,147,176,191,196,196,191,183,173,160,142,131,134,144,0,155,163,163,152,0,155,173,186,191,191,183,163,0,0,0,168,176,173,165,168,181,186,189,189,189,194,196,199,202,199,196,194,194,196,199,202,199,196,191,191,191,191,189,176,155,0,0,0,0,0,144,147,150,155,163,181,194,199,199,0,0,0,0,147,150,0,0,0,0,0,0,0,0,0,186,194,196,196,194,191,189,186,176,163,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,196,194,189,189,189,186,181,176,168,165,163,165,165,163,165,168,170,170,168,165,160,160,165,173,178,178,176,176,0,0,0,0,199,196,199,204,0,0,0,0,0,0,212,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,251,251,251,254,254,254,254,254,251,248,251,251,254,254,254,246,235,225,222,220,222,225,225,228,228,230,233,233,238,246,254,255,255,255,255,255,254,251,248,243,241,241,238,238,235,233,230,225,222,215,209,202,191,183,135,133,133,176,178,183,186,189,186,183,176,165,121,120,120,121,160,160,119,115,109,0,111,115,119,121,165,178,186,191,191,194,202,204,207,207,209,212,215,217,222,222,215,207,207,209,215,222,222,215,209,204,199,198,198,202,204,204,207,212,215,215,217,222,222,222,222,217,217,225,230,233,235,235,230,225,225,228,230,230,228,222,221,222,225,228,230,233,233,233,233,230,222,220,222,222,225,225,230,233,230,225,222,222,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,85,61,25,0,0,56,103,116,116,116,118,118,121,126,137,147,157,160,163,170,173,168,170,176,168,147,150,178,178,176,168,155,152,155,147,118,57,17,0,0,39,113,124,137,142,129,88,88,91,124,126,131,134,134,134,134,131,134,134,134,134,137,139,139,137,134,131,134,139,152,157,157,163,170,173,176,176,43,0,73,126,139,142,131,41,0,55,129,134,134,134,137,142,155,157,150,137,131,124,116,113,85,139,131,71,121,134,131,157,176,39,0,0,39,134,144,142,142,139,142,139,105,99,97,142,152,152,147,113,155,165,176,183,186,183,181,176,170,170,178,183,178,165,160,163,165,163,161,165,168,173,176,168,163,163,163,165,160,157,160,165,160,111,103,102,109,113,115,117,119,121,165,165,119,113,115,119,117,117,168,183,189,186,123,103,111,191,204,207,207,199,186,178,178,176,168,165,168,170,170,165,121,117,119,119,121,121,123,168,178,183,189,189,186,176,129,129,176,186,191,191,183,173,169,173,204,212,196,181,181,189,196,196,189,183,181,181,181,181,181,183,189,189,189,189,189,189,191,196,204,212,209,194,179,183,194,194,191,191,189,181,133,129,127,133,181,183,181,173,131,178,181,173,176,186,191,183,173,131,127,127,173,181,186,196,207,207,204,204,204,202,194,186,185,189,194,194,186,186,196,209,204,186,133,178,194,207,228,238,235,215,186,177,178,186,181,131,123,115,111,109,111,115,123,127,127,173,189,204,202,191,181,181,186,173,127,125,129,129,121,117,118,123,125,124,124,125,125,121,121,123,123,125,176,181,181,189,202,189,170,127,127,125,123,123,125,173,186,199,194,176,127,170,178,183,191,199,199,191,181,181,189,181,173,181,202,207,194,178,168,170,165,111,107,113,121,121,117,115,111,109,107,104,102,99,104,108,115,119,119,113,110,110,113,121,127,125,119,119,125,127,125,168,168,127,125,168,173,176,170,123,123,170,170,129,129,129,131,173,173,131,131,181,189,189,178,131,129,127,121,121,125,131,176,133,131,133,183,191,191,189,181,174,174,176,178,178,178,178,176,174,176,181,183,183,181,181,181,176,173,176,178,183,189,191,186,176,173,178,178,170,125,127,170,176,173,127,121,111,110,115,119,119,121,123,121,117,115,113,113,113,119,168,168,119,115,121,168,173,176,176,173,173,176,181,181,176,170,165,125,123,119,117,117,119,119,121,121,123,163,168,173,173,168,123,119,115,113,115,119,163,170,176,173,168,123,122,122,165,176,181,176,123,117,115,117,121,125,124,127,173,176,127,121,119,119,123,170,176,173,127,124,124,125,129,173,181,186,186,178,129,127,128,181,191,186,170,120,119,123,127,125,119,119,123,125,123,119,115,105,74,74,95,103,107,113,123,173,178,181,183,181,183,186,189,191,191,189,186,186,186,194,202,207,207,204,204,202,199,196,194,194,199,202,199,202,202,202,199,199,202,202,202,202,202,196,196,199,202,202,202,196,196,202,209,215,209,204,204,204,204,202,199,191,178,125,123,125,127,125,125,129,129,127,125,123,119,113,117,129,170,123,119,119,127,131,130,130,173,178,181,181,186,191,191,183,181,183,191,196,196,194,190,187,186,186,189,196,199,199,202,207,207,202,196,194,191,194,196,199,199,199,202,204,207,207,202,196,196,199,204,199,186,176,133,176,178,183,186,189,194,196,189,173,123,122,122,121,123,131,178,178,183,189,191,189,183,183,189,191,186,183,185,186,189,189,186,185,186,186,186,186,189,191,196,196,194,186,181,181,181,135,131,131,133,186,204,209,212,212,209,204,194,191,194,196,199,202,204,204,202,199,196,196,199,199,194,189,186,189,196,202,204,207,212,212,212,212,207,203,204,212,225,230,228,217,209,207,202,196,191,189,186,186,189,189,183,133,131,132,181,186,186,186,189,194,199,199,196,191,191,186,183,178,178,177,178,178,181,186,191,194,191,186,183,186,191,194,194,191,189,189,189,189,186,183,181,176,129,128,131,178,183,183,183,183,186,183,178,173,172,173,178,186,189,186,179,179,179,181,181,183,189,196,199,199,196,189,181,131,130,173,176,176,173,129,126,126,127,170,173,173,173,173,170,129,170,173,170,168,127,127,168,173,178,183,183,178,173,170,168,123,119,121,168,178,183,183,179,179,181,181,173,127,125,125,119,111,108,110,117,119,115,111,110,111,115,117,119,121,125,173,176,173,165,123,121,121,121,123,125,127,125,124,123,123,124,125,125,129,173,176,178,178,178,178,176,173,173,176,176,176,173,131,129,127,127,131,178,189,194,191,186,183,183,186,194,196,196,194,191,189,191,191,186,181,181,186,191,194,194,189,186,183,186,186,186,186,189,189,189,191,191,191,189,189,191,194,194,194,196,196,196,196,202,202,199,191,187,187,191,194,196,196,199,196,189,181,181,183,186,189,191,196,199,199,196,191,189,189,189,189,189,191,196,196,189,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,118,0,0,48,48,40,59,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,116,111,100,61,0,0,0,100,163,173,163,108,31,31,111,160,183,194,194,196,165,0,0,0,59,49,31,126,189,194,194,191,191,189,186,186,150,118,139,168,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,124,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,31,37,49,57,43,27,35,55,95,126,129,41,25,0,0,0,51,134,121,69,61,67,75,73,67,75,83,83,116,139,147,134,126,121,91,124,142,152,157,157,147,124,89,126,124,75,74,137,142,147,168,178,176,170,165,142,79,71,131,189,196,196,199,196,186,170,152,139,129,124,121,129,150,168,163,0,0,165,178,176,181,183,173,155,147,0,157,173,178,173,168,165,170,178,183,186,189,191,196,199,199,196,196,194,192,194,196,199,196,194,189,186,186,186,183,173,152,0,0,0,0,0,147,147,147,155,168,181,189,191,0,0,0,0,0,150,150,0,0,0,0,0,0,0,0,170,183,191,194,191,186,181,181,181,176,170,170,0,0,0,0,0,0,0,0,0,202,207,207,207,202,199,199,199,202,199,196,194,189,186,181,176,170,165,165,165,163,165,170,173,170,168,168,168,165,168,173,181,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,0,222,0,246,251,251,251,251,254,251,251,251,251,248,248,248,248,251,254,254,246,235,222,212,209,209,212,220,225,228,228,230,233,235,241,248,255,255,255,255,255,254,251,246,243,241,241,238,238,238,235,230,225,222,215,209,202,191,139,135,134,134,134,176,178,181,183,183,181,178,168,160,120,121,163,165,160,119,0,109,107,111,115,119,123,165,173,181,186,189,194,199,207,209,209,209,209,212,215,217,215,212,0,0,0,217,225,225,217,212,204,199,198,198,199,199,202,202,207,209,212,215,220,220,225,225,222,217,220,228,233,235,233,228,224,224,228,230,230,228,222,220,221,225,230,233,233,230,230,230,225,222,220,221,222,225,225,228,230,228,222,222,222,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,124,121,87,33,0,0,72,105,118,118,116,116,118,121,126,131,139,152,155,155,163,170,168,168,170,168,131,121,165,183,183,165,139,139,155,126,0,0,0,0,0,43,113,129,144,147,131,118,121,124,124,126,131,134,137,137,134,134,134,134,134,134,134,137,134,134,137,137,137,139,144,147,152,160,170,176,181,186,63,0,61,124,142,152,142,13,0,5,118,124,121,126,139,152,160,160,131,55,77,124,126,126,121,126,67,0,0,0,0,0,0,0,0,7,124,144,155,157,150,142,142,139,137,99,91,103,152,152,109,107,150,163,173,181,178,176,176,173,173,178,191,196,186,168,160,163,168,165,163,165,165,165,165,160,160,163,160,163,165,163,160,163,160,117,109,105,111,117,117,119,160,176,186,183,170,119,117,119,117,119,165,178,191,189,117,97,103,196,209,212,209,199,186,178,176,170,125,123,168,173,173,168,121,117,115,115,115,115,121,168,178,189,191,191,186,176,129,129,173,181,189,196,196,186,172,172,189,194,183,178,183,189,189,186,183,181,181,181,183,183,183,181,181,183,186,186,186,189,191,196,204,207,199,189,183,191,196,196,191,189,183,178,131,125,125,129,178,181,178,173,131,178,181,181,183,191,194,186,181,178,173,173,181,186,191,199,204,204,202,202,202,196,191,186,185,186,191,191,186,183,183,189,186,183,186,191,191,194,209,225,215,199,186,178,181,183,176,127,121,119,119,125,129,173,176,176,131,173,186,199,196,189,181,181,181,176,170,127,127,127,119,117,118,125,129,127,125,125,123,119,120,127,168,168,173,176,178,189,199,189,176,170,168,125,123,122,125,173,189,202,196,176,125,126,168,173,181,191,196,191,183,181,178,178,186,202,220,222,207,186,173,168,121,106,104,109,121,123,121,117,113,113,113,111,111,109,121,121,121,119,117,113,110,109,109,113,121,121,119,121,125,124,124,125,127,125,125,127,173,173,125,113,101,101,111,119,123,127,131,173,131,125,125,127,131,131,127,125,127,125,115,115,127,178,181,133,131,133,181,186,189,186,181,174,173,176,178,178,176,176,176,176,181,186,189,183,181,183,183,183,178,176,178,183,189,191,183,176,176,181,181,170,125,125,127,168,125,121,117,111,111,117,121,121,123,123,121,115,112,112,112,113,117,125,125,117,115,121,170,178,181,181,181,183,189,194,189,176,125,124,125,125,123,121,125,168,170,168,165,165,168,176,181,178,168,121,117,113,113,113,117,123,168,170,170,165,123,123,125,173,183,191,186,173,123,119,118,121,125,127,173,178,176,168,123,120,120,123,168,173,170,168,168,170,173,176,176,181,183,183,176,129,127,128,178,189,186,170,122,121,125,168,125,117,114,117,121,109,101,101,91,71,71,93,101,107,113,125,173,178,178,178,181,183,183,183,189,189,189,186,185,186,191,202,209,212,209,209,207,202,191,178,133,183,194,199,202,202,199,194,194,196,196,196,202,204,202,199,196,199,199,199,194,194,196,209,215,215,209,207,207,207,207,204,196,181,127,123,123,124,124,125,127,127,123,121,123,115,109,111,121,117,105,107,117,129,131,130,129,131,176,178,181,186,186,183,135,135,181,191,199,202,202,199,196,191,191,194,204,207,207,204,207,204,202,196,191,186,189,194,199,196,194,194,194,199,204,202,196,191,194,199,199,189,178,133,133,176,178,183,189,194,196,186,131,123,123,125,123,129,181,183,183,183,189,194,189,182,182,189,194,186,183,183,189,196,196,191,189,186,186,185,186,189,191,194,194,189,183,137,137,181,137,133,133,135,186,199,209,212,209,207,199,194,194,196,199,202,204,202,202,202,204,204,204,204,202,196,189,186,191,202,207,212,212,215,212,212,209,204,202,203,209,217,222,217,209,204,202,199,194,189,183,183,186,189,194,191,178,131,130,133,181,186,189,189,194,196,196,194,189,189,186,183,183,181,183,183,186,183,183,186,186,186,181,181,183,189,191,191,191,191,191,189,186,183,181,181,176,133,131,173,178,183,183,183,183,189,186,181,176,173,172,173,181,186,183,181,181,183,183,183,186,191,199,204,202,196,186,176,129,129,131,176,173,129,129,129,129,170,176,176,173,173,170,127,125,127,170,168,127,127,127,168,173,176,178,178,176,173,173,127,121,119,123,168,178,186,183,181,181,181,178,170,125,123,123,119,113,109,110,113,117,115,111,111,113,115,117,119,119,123,168,173,170,165,123,121,119,119,123,125,127,127,125,125,125,125,125,125,127,170,173,176,176,176,173,173,170,170,170,173,131,131,129,127,126,126,127,176,186,191,191,186,181,179,183,189,196,196,196,191,189,189,189,186,183,183,186,191,191,191,186,183,181,183,183,183,181,181,181,186,189,191,191,191,191,191,191,194,194,194,194,194,194,196,199,196,194,189,189,191,194,194,196,196,194,186,178,178,183,186,189,191,194,196,196,196,191,189,189,186,186,186,189,191,194,186,178,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,124,46,64,152,157,155,157,142,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,69,37,15,0,0,118,168,186,186,165,111,105,144,178,194,202,202,194,176,57,0,0,0,0,0,100,178,183,183,186,189,191,194,194,181,105,48,17,0,0,0,61,0,0,0,1,0,0,7,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,49,79,29,29,37,47,47,31,24,29,55,113,121,111,98,111,49,51,111,163,163,126,57,49,65,108,121,116,116,118,116,121,142,144,131,129,129,131,142,155,163,168,168,160,139,126,124,85,77,83,126,116,81,118,129,121,118,121,79,57,51,75,176,191,194,196,194,181,165,147,134,124,113,103,103,0,157,0,126,147,176,181,173,168,163,152,144,0,155,163,170,176,173,165,157,157,168,178,186,191,194,199,199,199,199,196,194,194,194,194,196,196,191,189,186,183,183,181,170,152,137,0,0,0,0,0,0,152,157,168,178,186,189,186,0,0,0,0,152,150,155,0,0,0,0,0,0,157,163,178,189,189,183,178,170,170,173,176,173,173,0,0,0,0,0,0,0,0,0,204,207,209,207,204,199,199,202,202,202,199,0,0,0,186,0,178,173,170,165,163,168,176,176,173,173,178,176,173,173,176,183,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,212,222,235,246,251,251,251,251,251,251,248,248,248,248,246,243,243,246,251,251,243,233,222,209,202,202,204,0,0,225,228,228,230,233,238,243,254,255,255,255,255,254,248,246,243,241,241,238,238,238,235,230,228,222,217,212,204,196,183,137,135,135,176,176,178,178,178,178,178,176,170,163,121,160,163,163,157,117,0,0,0,113,117,123,163,168,173,176,181,183,189,196,204,209,209,207,204,207,209,209,209,207,0,0,0,0,0,225,222,212,207,202,199,199,199,199,199,199,202,202,207,212,215,217,222,225,222,215,217,225,230,235,233,228,224,224,225,230,230,228,225,222,221,225,228,230,230,228,228,228,225,222,220,221,222,225,225,228,230,228,222,221,222,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,129,134,129,79,0,0,77,103,116,118,118,116,116,118,124,129,131,139,144,147,157,173,170,163,160,144,37,31,113,170,170,79,51,45,65,21,0,0,0,0,0,67,116,129,142,142,131,124,126,126,124,126,131,137,139,139,137,137,137,134,129,95,97,97,97,131,137,139,139,137,137,139,144,155,165,173,183,186,113,24,47,131,152,168,170,15,0,0,77,105,103,116,137,147,152,152,27,0,9,121,131,129,121,105,39,0,0,0,0,0,0,0,0,63,137,152,163,163,147,142,144,144,142,101,79,81,144,144,106,105,111,155,163,168,168,168,170,168,173,186,202,204,191,170,160,163,170,173,170,168,165,160,157,155,155,160,159,159,165,165,160,157,157,119,115,113,119,165,165,160,170,191,199,196,183,163,117,117,117,119,163,168,181,176,105,95,101,189,202,204,202,191,178,170,168,125,119,119,125,173,178,176,168,123,117,115,112,112,113,121,170,181,186,186,178,170,127,127,129,176,183,194,199,194,183,178,186,183,131,131,181,183,181,178,178,178,181,181,181,186,183,178,174,178,183,183,186,189,191,194,199,199,191,186,189,194,194,191,186,183,183,178,131,125,124,125,131,178,176,173,129,131,176,181,183,189,191,189,186,183,178,178,189,191,191,194,199,199,199,196,194,191,189,186,189,186,186,189,186,183,181,181,178,178,183,186,183,181,189,202,199,191,189,186,183,178,131,127,127,129,176,189,194,194,191,186,181,181,186,191,191,183,178,178,178,176,170,125,124,125,121,119,127,178,183,183,178,168,121,119,120,173,178,173,170,168,173,181,186,181,176,173,168,125,123,122,125,173,183,194,191,173,124,125,127,168,173,181,186,183,178,173,170,181,199,212,225,228,209,186,173,168,123,108,106,113,123,165,123,117,113,117,123,123,165,170,181,173,125,119,115,111,111,111,109,109,111,117,121,127,127,124,124,125,127,125,125,168,170,173,170,121,98,94,100,111,119,127,129,131,131,127,124,124,127,127,125,125,125,117,104,104,127,189,186,176,129,131,176,178,181,181,178,174,174,178,181,178,174,174,176,181,189,194,189,181,181,183,189,186,178,176,176,178,186,186,181,178,178,178,178,173,125,121,121,119,113,111,111,111,115,121,125,125,125,123,117,112,112,112,113,113,115,117,117,115,119,125,168,173,176,178,183,189,199,207,202,181,125,124,125,125,123,125,170,181,186,181,173,168,170,178,183,176,165,119,115,113,113,113,113,117,121,163,163,125,125,165,168,183,196,199,196,191,183,173,125,123,123,168,176,178,173,127,123,121,121,125,168,170,170,170,178,183,186,186,183,181,183,186,181,176,173,173,181,189,189,181,170,170,176,178,170,119,115,117,119,89,61,79,83,74,74,93,105,113,119,125,170,176,173,173,178,181,178,181,186,191,194,191,186,186,191,202,209,212,212,209,207,199,181,119,113,117,178,196,199,199,194,191,191,194,194,192,196,202,204,202,196,194,194,194,191,189,191,204,215,215,212,209,209,207,207,204,199,186,131,124,124,124,124,125,127,127,123,120,121,115,108,111,123,111,101,106,129,176,173,130,130,173,178,181,186,186,181,133,132,133,181,191,202,207,207,209,212,209,207,204,209,212,209,207,204,202,202,196,189,183,185,194,199,196,189,183,137,186,196,196,191,183,186,191,191,183,176,133,132,133,178,183,189,191,189,183,173,127,129,129,129,176,186,191,189,189,194,196,191,182,182,191,196,194,186,185,189,199,202,199,194,189,189,186,189,191,194,194,191,186,181,135,135,181,181,181,186,186,186,194,202,204,202,199,196,192,194,199,202,204,204,202,199,202,207,212,212,209,204,196,191,189,194,202,207,212,212,212,209,207,207,203,203,204,209,217,220,212,204,196,194,194,191,186,181,178,183,189,196,194,186,133,131,132,178,181,183,186,191,196,196,191,189,186,189,189,189,189,189,191,189,186,183,181,181,181,181,183,186,189,189,189,191,191,191,186,183,178,178,178,178,176,176,176,178,181,181,181,183,186,189,183,181,176,173,173,176,181,183,183,183,189,191,189,191,196,204,209,207,199,189,176,130,130,173,176,131,129,131,173,173,176,176,176,173,170,129,123,117,121,125,127,127,127,168,170,173,176,173,173,173,173,173,127,123,123,127,170,178,186,186,183,181,183,181,173,127,123,121,119,115,110,110,111,113,115,115,115,115,117,119,119,118,118,121,165,165,123,119,119,119,119,123,125,165,165,168,168,168,168,127,127,127,168,170,173,176,176,173,170,129,129,129,170,170,131,129,127,127,127,129,176,183,189,189,183,179,179,183,189,194,196,196,194,191,189,189,186,186,183,186,189,189,189,183,181,181,181,181,181,179,179,179,183,189,194,194,194,194,191,191,191,191,191,191,191,194,194,191,191,189,189,189,191,191,191,191,191,189,183,178,178,183,189,191,191,194,196,196,194,194,191,189,189,186,186,186,189,189,183,178,181,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,134,131,152,173,176,173,170,163,155,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,121,147,155,95,85,116,137,168,186,176,134,121,150,183,194,196,191,183,173,113,0,0,0,0,0,0,152,173,173,181,186,186,202,204,202,35,0,0,0,0,0,103,85,121,129,111,13,0,0,72,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,111,124,121,51,43,43,43,43,35,24,25,39,105,105,100,118,137,73,103,160,173,165,65,15,23,59,111,131,129,124,121,121,129,147,150,142,142,147,150,155,163,170,173,173,163,134,91,89,81,79,118,118,65,45,47,53,51,51,53,47,37,31,45,137,173,183,189,186,176,163,147,134,118,105,95,87,118,0,100,90,144,181,181,173,160,144,131,134,0,155,163,165,170,173,165,0,142,155,176,189,194,199,199,199,199,202,202,199,196,194,194,194,191,191,189,186,183,183,181,168,0,0,0,0,0,0,0,0,157,160,168,176,183,186,0,0,0,0,0,0,0,150,0,0,0,0,0,0,152,155,170,181,181,176,168,160,163,168,170,170,170,0,0,0,0,0,0,0,0,0,0,212,212,209,207,202,202,0,0,204,202,0,0,0,0,189,186,183,178,170,168,173,181,181,178,181,183,183,181,178,181,186,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,212,222,233,243,248,251,251,251,248,248,246,248,248,248,246,241,241,243,248,246,241,230,217,207,196,147,196,204,0,225,225,228,228,230,233,241,248,255,255,255,255,254,248,246,243,241,238,238,235,235,233,230,228,225,220,215,209,202,191,183,181,178,176,176,176,176,176,173,170,170,168,165,163,160,157,157,117,115,0,0,0,115,119,163,168,170,173,173,176,178,183,191,199,204,204,199,196,196,196,202,202,202,204,204,209,215,222,222,222,212,207,204,202,202,202,202,196,194,194,196,202,207,212,215,220,222,217,215,215,222,230,233,233,228,224,224,228,230,230,228,225,222,222,222,225,228,225,225,225,225,222,222,221,221,222,222,225,228,230,228,222,221,222,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,111,124,129,85,0,5,77,100,113,118,121,118,116,118,124,126,124,126,129,134,152,168,165,150,134,29,0,0,29,55,59,45,41,35,27,0,0,0,33,43,57,81,118,126,131,131,129,124,126,126,124,126,131,137,142,142,139,139,137,129,89,79,81,83,89,129,139,142,139,137,134,131,137,147,157,165,176,176,129,37,41,134,157,183,199,35,0,0,27,31,35,65,118,124,121,69,0,0,0,100,124,129,126,108,61,31,0,0,0,0,33,45,59,79,137,157,160,150,129,134,144,147,142,99,49,37,103,107,107,109,147,147,150,155,160,168,168,163,168,189,204,204,191,170,160,163,173,178,176,173,168,160,155,115,155,160,159,160,168,168,160,117,115,115,115,117,165,178,181,176,176,186,196,194,181,160,114,114,115,123,163,163,163,119,101,95,100,165,181,183,183,176,168,123,121,117,115,115,121,176,189,191,183,170,125,119,113,111,110,113,123,170,173,173,127,123,123,127,129,173,181,191,199,199,194,194,196,181,121,119,173,133,131,133,176,178,178,178,178,181,183,178,176,174,178,183,186,189,191,194,194,194,189,186,189,191,189,183,178,178,183,186,181,129,124,124,129,176,176,131,127,126,127,173,181,186,186,186,186,186,183,183,191,194,190,190,196,202,199,194,186,186,189,196,196,191,186,186,186,186,189,186,178,134,134,135,133,132,133,183,189,189,191,194,189,178,176,176,178,183,194,204,207,202,199,199,196,194,194,191,186,181,178,178,176,173,127,121,122,129,129,129,189,202,212,215,202,173,121,118,121,178,189,181,168,127,173,178,176,173,170,173,170,168,125,123,127,170,173,181,181,170,125,125,127,168,129,173,176,173,129,128,129,183,199,207,215,215,199,176,168,173,173,125,117,117,123,165,165,119,112,119,125,125,168,176,178,173,125,119,115,113,115,117,113,109,110,117,127,176,176,127,124,127,168,168,168,168,170,173,181,186,113,97,101,111,119,127,129,131,131,127,125,125,129,133,133,129,125,113,101,102,176,202,191,176,128,127,129,131,133,176,178,178,178,183,186,181,174,173,176,186,194,196,189,181,181,186,186,183,176,174,174,178,183,183,178,178,178,178,178,173,127,119,117,115,110,108,109,111,115,125,168,170,168,125,119,113,113,115,117,117,117,114,114,117,123,127,127,168,170,176,181,189,202,215,217,199,173,165,125,123,123,125,173,186,194,189,176,168,168,173,176,165,121,117,117,115,115,113,113,115,117,119,121,163,165,168,176,191,204,207,204,204,202,191,173,121,121,165,173,170,127,123,123,125,127,168,168,168,168,173,181,191,194,194,189,186,183,186,191,191,189,186,189,194,196,191,183,181,183,183,173,123,115,113,111,59,39,47,79,87,89,101,115,125,127,127,168,173,172,172,173,173,173,178,186,191,194,196,189,186,191,199,207,207,207,204,199,194,178,117,110,112,123,183,194,194,189,189,191,196,194,192,194,196,202,202,199,194,191,189,189,183,186,194,204,207,209,212,209,207,207,204,199,189,178,173,176,176,173,131,131,131,127,123,125,125,115,119,173,127,110,127,186,186,176,131,173,181,186,186,186,181,133,132,132,135,186,194,202,204,207,212,222,222,215,209,209,212,212,207,199,196,199,196,189,183,185,194,199,191,183,136,135,136,186,189,183,181,181,181,178,176,133,133,133,178,183,186,189,186,181,176,131,131,173,176,178,181,183,189,191,194,202,202,196,186,183,191,199,199,191,186,186,196,202,202,196,194,191,191,191,194,196,194,189,181,135,133,135,181,183,186,191,189,137,137,186,189,191,194,194,194,194,199,202,204,204,202,196,199,207,215,215,209,204,199,194,194,196,199,204,204,207,207,207,207,207,207,204,207,212,215,215,207,196,191,189,189,186,181,133,133,181,186,189,189,183,178,133,135,178,178,181,181,186,191,194,191,186,189,191,191,191,191,191,194,191,189,183,181,179,179,183,189,191,189,185,185,189,191,189,183,178,174,174,176,178,178,176,173,173,176,178,181,181,186,189,186,181,178,173,131,173,176,178,181,186,191,194,194,194,199,207,212,209,204,196,183,173,173,176,176,173,129,131,173,173,176,176,176,176,170,123,113,108,111,119,125,168,168,170,173,176,173,170,169,170,173,176,170,168,170,173,176,181,186,189,186,186,186,183,176,170,127,123,119,115,111,110,110,113,117,119,119,119,121,121,121,118,117,118,123,123,119,117,117,119,121,123,123,125,165,168,170,173,170,168,125,125,125,168,170,173,173,170,129,129,129,129,170,170,170,131,131,131,129,131,176,181,186,186,183,181,181,183,189,194,196,196,194,191,189,186,186,186,186,186,186,189,189,186,183,183,181,181,181,181,181,186,189,191,194,194,194,194,194,191,191,189,189,191,194,194,191,187,186,187,189,189,191,191,189,189,186,183,181,178,178,183,189,189,191,191,194,194,194,194,191,191,189,186,186,186,186,186,186,183,183,186,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,152,168,173,176,181,186,186,183,186,189,163,139,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,163,176,183,163,131,126,134,152,168,157,124,118,144,181,191,191,178,178,170,113,1,0,0,0,0,0,0,41,100,150,168,165,165,181,189,0,0,0,0,0,0,61,100,202,191,170,77,0,0,79,95,3,9,15,56,87,15,0,0,0,0,0,0,0,0,7,0,19,134,126,129,113,79,49,41,39,49,57,35,28,35,49,55,61,105,103,65,71,137,155,116,7,0,0,55,113,126,126,124,121,126,139,152,157,157,157,160,163,168,173,173,173,168,152,83,73,73,71,69,85,81,41,30,34,45,43,39,35,33,27,24,27,77,155,173,178,178,173,163,150,137,124,111,98,87,92,92,49,47,0,173,168,155,139,121,116,121,0,147,152,0,168,176,170,0,135,144,170,186,191,196,199,199,202,202,204,202,199,196,191,191,189,189,189,186,186,183,178,163,0,0,0,0,0,0,0,163,157,157,163,173,181,186,0,0,0,0,0,0,0,144,0,0,0,0,0,0,0,155,165,176,176,168,160,156,156,160,163,165,165,0,0,0,0,0,0,0,0,0,0,215,217,215,212,207,202,0,0,0,202,0,0,0,0,0,0,191,186,181,178,183,189,186,183,186,189,186,186,186,186,189,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,215,222,230,241,248,251,251,248,246,246,246,246,246,246,243,238,238,241,246,243,235,228,215,204,147,143,145,196,0,222,225,228,228,228,230,235,246,254,255,255,255,254,248,246,243,241,238,238,235,233,230,228,228,225,222,217,215,207,199,191,186,181,178,176,176,173,170,165,125,163,163,163,160,157,117,115,113,111,0,0,111,117,160,165,170,170,170,170,170,173,176,183,191,196,196,191,186,183,183,189,194,196,199,202,207,212,217,222,222,215,209,207,207,207,207,204,199,194,192,192,196,202,207,209,215,217,215,212,212,217,228,233,233,228,225,225,228,230,230,230,228,225,222,222,222,222,222,222,222,222,222,222,222,222,221,222,225,228,230,228,222,221,222,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,4,0,0,0,35,72,98,113,121,124,121,118,118,121,124,121,118,116,118,137,150,144,81,61,7,0,0,0,9,37,45,61,65,53,0,0,1,39,49,59,79,116,124,126,126,124,118,118,124,124,129,131,134,142,142,142,139,134,93,75,63,63,69,81,124,137,139,137,134,131,129,134,142,147,152,157,155,126,31,13,103,142,183,202,35,0,0,0,0,0,0,0,0,0,0,0,0,0,7,67,126,131,129,129,126,53,0,0,0,45,53,65,85,139,152,150,131,124,129,142,144,137,85,33,29,93,103,147,157,157,150,144,150,163,170,168,157,157,178,194,194,181,163,155,157,170,176,176,173,173,163,155,115,155,165,165,165,168,168,160,115,109,107,107,115,173,191,196,191,178,168,173,178,168,117,112,112,115,163,170,168,123,121,107,98,100,111,121,125,165,123,119,117,115,113,113,115,121,178,202,207,196,181,170,165,119,113,112,117,123,123,119,117,117,119,123,170,176,178,181,189,196,202,202,207,207,186,119,117,125,127,127,131,176,178,178,178,178,178,181,186,181,174,174,181,183,186,189,191,191,189,189,191,191,191,186,135,131,132,183,194,191,176,125,125,129,176,133,131,127,125,124,127,176,183,186,189,186,189,189,189,194,196,190,190,202,209,207,196,186,186,196,212,212,199,189,186,185,186,191,191,181,135,178,181,135,130,130,133,181,183,189,194,191,186,186,194,194,196,202,207,204,202,202,204,207,204,202,196,191,189,183,181,173,129,124,121,124,176,178,181,204,217,230,233,215,181,121,119,121,178,189,178,125,127,178,181,170,127,168,170,173,170,127,125,127,127,127,168,170,168,126,127,168,129,129,129,170,128,127,128,170,181,189,189,194,194,183,165,165,176,181,176,121,116,119,125,168,119,112,117,123,123,165,168,165,123,121,123,123,123,123,165,123,113,113,123,173,186,183,170,125,125,168,170,168,168,168,168,178,189,170,109,111,115,119,127,129,129,129,127,125,127,173,181,181,176,129,123,113,123,199,209,191,131,126,126,128,131,176,181,183,183,183,189,191,183,178,176,181,186,194,196,191,183,183,186,186,181,178,176,178,183,186,183,178,178,181,178,178,176,127,119,117,119,115,110,110,113,119,168,178,181,181,176,127,119,119,121,121,119,117,115,115,121,168,168,127,127,168,173,178,189,202,215,222,209,189,173,165,123,122,123,168,183,194,189,176,165,165,168,163,119,117,119,121,121,121,121,119,117,115,117,121,163,168,170,178,191,204,204,204,207,207,199,176,121,119,123,165,165,125,125,168,170,173,173,173,170,127,168,176,186,191,194,191,186,181,183,194,199,196,191,191,196,199,196,186,181,181,178,170,121,115,113,105,63,39,42,83,103,109,115,125,173,173,168,168,173,173,173,173,172,173,178,186,189,191,194,189,186,189,196,202,202,199,199,196,196,194,178,119,117,125,178,186,189,189,189,194,199,202,199,194,196,199,202,202,199,191,189,183,178,133,176,181,189,199,207,209,207,204,199,196,194,189,186,194,194,186,181,181,183,178,131,129,173,129,129,178,178,173,181,186,181,173,129,173,186,194,194,186,181,133,133,176,183,189,194,196,199,202,209,217,222,212,207,207,209,209,204,196,194,196,196,189,185,189,196,196,186,137,137,136,136,178,181,183,183,181,176,176,176,178,178,183,186,191,194,191,186,178,176,173,176,181,181,181,178,176,178,186,194,202,202,196,186,181,186,194,196,194,191,186,194,199,202,196,194,191,191,194,196,196,194,186,137,133,133,137,183,186,191,191,181,132,130,135,139,183,191,194,194,194,196,196,199,202,202,196,196,204,212,215,209,204,199,196,199,199,202,202,202,202,204,204,207,209,209,209,209,209,209,207,199,189,183,183,186,181,133,131,132,178,186,186,183,178,135,178,183,183,178,178,178,183,189,191,189,189,191,194,194,191,191,191,191,191,189,186,181,181,183,191,196,196,191,185,185,186,189,186,183,176,174,174,176,178,178,176,173,172,173,178,181,181,186,186,183,181,178,176,131,130,131,133,176,181,189,194,196,196,199,204,209,209,207,204,194,181,173,173,173,131,129,131,170,173,176,178,178,176,129,117,109,106,107,115,125,170,173,173,176,176,173,169,169,169,173,178,176,178,183,186,186,186,189,189,189,189,189,186,178,176,173,168,121,115,111,111,111,115,119,123,123,125,123,123,123,121,119,119,121,119,115,115,117,121,121,121,119,119,123,165,170,173,170,168,125,123,123,127,168,170,170,168,127,125,125,127,129,129,170,173,176,173,173,173,176,178,183,183,181,181,183,189,191,194,194,194,191,189,189,186,186,186,186,186,189,191,189,189,186,186,186,183,183,186,189,194,194,194,194,194,194,196,194,194,191,189,189,191,194,196,191,187,186,189,191,191,191,191,189,183,181,178,178,178,181,183,186,189,189,191,194,194,191,191,191,191,189,189,186,186,186,186,186,186,186,189,189,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,155,178,183,186,186,183,189,194,191,194,202,207,204,207,150,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,176,183,189,181,165,147,131,139,152,142,120,120,157,186,191,186,178,178,173,131,69,75,100,51,0,0,0,0,0,49,147,155,147,152,139,0,0,0,0,0,0,0,100,199,183,176,116,48,11,111,126,72,56,56,87,116,108,3,0,0,0,0,0,0,61,77,37,35,137,116,98,43,34,34,34,36,53,90,49,37,39,39,37,37,41,51,61,61,49,53,29,0,0,0,37,77,116,121,121,120,129,144,157,165,168,170,173,176,181,178,165,155,155,144,79,61,55,45,40,51,49,27,25,35,53,49,35,29,29,26,24,26,73,150,168,176,176,173,168,160,147,131,118,103,82,53,45,43,49,0,0,129,111,108,107,108,118,0,0,0,0,163,176,176,152,137,144,168,178,186,194,196,199,199,202,202,202,199,196,191,189,189,189,189,189,189,186,176,160,0,0,0,0,0,0,0,157,152,152,160,170,178,183,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,173,165,157,156,156,157,0,160,163,168,0,0,0,0,0,0,0,0,0,217,222,217,215,0,0,0,0,202,199,0,0,0,0,0,0,199,196,191,189,191,191,189,186,186,186,186,189,191,191,194,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,228,0,243,248,248,246,243,241,241,241,243,243,241,238,238,241,243,241,233,222,212,202,145,141,141,147,204,217,225,228,228,228,230,235,243,248,254,254,254,251,248,243,241,241,238,238,235,233,230,228,225,222,217,215,212,207,202,194,189,181,176,173,173,170,127,123,121,119,119,121,119,117,113,109,109,0,0,0,0,119,163,168,173,173,170,170,169,169,170,176,183,186,186,181,176,173,173,178,183,189,194,199,204,209,215,217,222,217,212,209,212,212,212,207,202,196,192,192,194,199,202,204,209,212,209,209,209,217,228,233,233,230,228,228,230,230,230,230,230,228,225,225,222,217,217,222,222,222,222,225,225,222,220,220,222,228,230,228,222,221,222,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,95,113,121,124,121,118,118,118,121,118,116,112,114,126,111,75,43,49,31,0,0,0,3,39,59,77,111,77,31,17,29,33,37,39,65,116,124,126,126,118,77,81,121,126,126,126,129,134,137,139,137,131,87,69,60,60,63,77,121,129,129,129,131,131,129,131,137,137,137,137,131,113,5,0,13,51,126,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,129,134,139,139,118,0,0,0,45,47,59,83,134,144,144,134,129,131,142,142,99,79,34,34,73,93,144,163,168,155,146,150,163,170,168,152,150,160,176,176,165,152,113,152,163,170,170,170,176,168,157,115,152,163,160,160,160,163,165,160,111,99,97,107,173,196,207,202,176,121,120,160,121,114,112,112,115,170,183,181,178,178,163,109,105,107,111,115,117,117,115,113,113,113,115,117,119,176,199,207,196,183,173,168,125,119,119,127,168,123,114,112,114,117,127,181,189,186,183,186,196,202,207,212,212,189,121,118,123,125,127,176,178,178,178,178,178,133,178,186,183,173,173,178,181,186,191,194,191,189,189,194,194,191,186,135,130,130,178,191,194,181,129,127,129,133,133,131,131,126,124,127,178,186,191,189,189,194,196,196,199,196,191,191,209,222,222,204,186,186,204,225,222,207,194,189,189,189,189,189,181,183,196,202,189,131,129,131,135,178,181,186,189,194,199,204,204,204,207,207,202,200,200,204,209,209,207,202,199,196,191,183,173,129,125,125,170,183,178,181,204,217,228,228,209,181,127,123,127,176,178,168,123,168,183,181,170,127,168,168,170,170,127,125,127,168,127,127,168,168,127,168,170,170,129,170,170,170,129,170,176,178,176,176,181,183,176,166,168,176,178,170,119,114,116,123,165,121,115,119,123,123,125,125,121,120,123,168,170,173,173,176,170,123,121,170,181,189,189,176,121,121,125,127,168,168,127,126,168,178,170,121,117,117,121,129,129,127,125,125,125,127,131,178,176,131,133,176,176,189,202,204,183,129,127,129,178,186,194,196,196,191,189,194,194,191,186,183,186,186,191,194,191,186,183,183,183,183,183,186,194,196,196,189,178,178,181,181,183,178,129,121,119,123,121,119,121,123,127,178,189,194,194,191,183,173,170,168,125,121,121,119,123,127,170,170,168,170,173,173,178,186,199,212,215,207,194,183,170,125,123,123,125,173,183,181,170,125,165,168,123,119,119,123,163,163,168,170,168,123,121,119,121,163,168,170,176,183,191,194,196,199,199,191,170,120,119,121,165,168,170,170,173,176,178,183,183,178,170,127,168,170,178,183,183,181,176,176,186,191,189,186,186,191,196,194,183,176,170,170,127,119,115,115,121,123,99,85,101,115,121,125,170,173,173,170,170,173,178,181,176,173,173,181,186,186,186,189,189,189,189,194,196,196,196,196,196,199,202,199,186,133,133,178,183,186,189,189,194,199,204,204,199,199,199,202,202,199,191,183,178,129,117,113,119,131,186,202,207,204,202,199,196,194,191,194,199,199,194,186,186,189,189,178,129,170,173,173,176,178,176,173,173,129,126,127,173,186,194,196,191,186,183,183,186,189,191,191,191,194,199,207,212,212,207,202,202,204,207,202,194,192,194,194,189,186,189,196,194,183,137,181,183,181,178,181,183,183,181,176,176,183,189,194,194,196,199,196,194,189,183,181,181,181,181,178,176,131,127,129,176,186,194,196,194,186,181,181,183,189,191,191,191,196,199,202,199,196,191,191,194,199,199,191,183,133,131,133,181,189,194,196,199,189,133,132,137,139,186,191,194,194,191,191,191,196,199,199,196,194,199,207,212,207,202,199,202,204,207,204,204,202,202,202,204,207,209,209,209,209,209,207,202,196,186,183,183,183,137,133,132,133,181,186,186,181,135,134,181,189,191,186,181,181,183,186,189,189,189,191,196,199,196,196,196,194,191,189,186,183,183,189,194,196,196,191,186,185,186,186,186,183,178,176,176,178,181,181,178,176,173,176,181,181,178,183,183,181,178,176,173,130,129,130,131,133,176,181,189,194,196,196,199,202,204,209,207,199,189,178,131,129,127,127,129,170,173,178,181,181,178,129,119,113,109,109,115,125,170,173,173,173,173,170,170,170,173,176,181,183,189,191,194,194,191,191,191,191,191,191,186,181,178,178,173,125,119,115,113,115,117,121,125,165,165,125,123,123,123,125,123,121,117,113,113,117,121,121,117,115,115,119,125,168,170,168,165,125,123,123,125,168,168,168,125,121,121,121,123,125,127,127,170,173,176,176,173,173,176,178,181,181,183,186,191,194,191,191,189,189,189,186,183,183,183,186,186,189,191,191,191,189,191,189,183,183,189,194,196,196,194,191,194,194,196,196,194,191,189,187,189,191,194,191,189,189,194,196,196,194,194,189,183,177,177,178,181,181,183,186,186,189,191,194,194,191,191,191,189,189,189,189,189,186,186,189,189,189,186,186,186,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,40,64,85,152,181,189,189,189,186,183,191,196,196,191,196,202,202,207,202,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,189,189,191,191,186,168,130,126,144,137,126,137,178,191,189,183,178,176,168,155,131,129,150,168,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,105,181,139,134,77,46,56,118,134,92,69,53,79,126,124,31,1,0,0,0,0,0,45,69,35,25,116,111,87,37,29,31,33,36,45,49,37,36,41,41,31,19,17,33,63,41,0,0,0,0,0,0,9,59,111,126,126,121,129,144,157,165,170,178,183,189,189,178,150,126,137,144,126,65,49,39,36,41,39,25,25,45,61,53,35,29,29,29,27,35,116,152,165,173,176,178,181,173,157,137,118,100,53,43,42,45,74,0,103,100,103,108,113,118,0,0,0,0,0,157,173,170,152,0,144,157,170,178,189,194,196,199,199,199,202,199,196,194,189,187,189,189,191,189,186,176,157,147,0,0,0,0,0,150,150,147,152,160,173,181,183,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,165,157,157,157,157,157,0,160,165,0,0,0,0,0,0,0,0,0,0,217,215,212,0,0,0,0,196,191,186,186,0,0,0,0,204,0,0,194,191,191,191,186,183,181,183,191,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,0,243,246,243,238,233,233,233,235,238,238,235,235,238,241,238,230,217,207,199,189,141,140,145,202,212,225,230,233,233,235,238,243,248,251,251,251,251,248,243,241,238,238,238,235,233,230,225,222,217,212,207,204,202,196,191,186,178,176,131,131,127,123,119,115,115,113,113,113,113,111,109,109,111,0,0,119,160,168,173,176,176,173,173,170,169,169,170,176,178,176,173,129,127,127,129,176,181,189,194,202,207,212,217,225,225,217,215,215,217,217,215,207,202,196,196,196,199,199,199,202,207,207,207,209,215,225,230,230,230,228,230,230,233,233,233,233,233,230,225,217,216,217,220,222,222,222,225,225,222,220,220,222,228,230,228,222,221,222,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,82,105,113,118,121,118,118,118,118,121,121,116,121,129,17,21,21,57,47,0,0,0,17,55,73,108,116,73,47,59,45,19,4,0,39,118,124,129,126,71,47,55,116,126,126,121,118,124,129,131,131,126,85,71,62,62,65,75,87,118,87,116,124,129,129,131,131,129,121,116,111,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,105,129,139,139,126,0,0,0,13,27,47,71,121,139,147,147,137,131,137,137,129,79,35,35,55,71,91,152,165,163,152,155,160,165,160,152,147,150,152,152,150,111,111,150,160,165,165,165,168,165,157,115,115,155,152,115,117,160,176,183,160,93,88,93,160,191,207,202,178,160,121,121,119,117,115,114,117,176,194,196,196,196,186,168,121,115,111,111,113,115,115,115,113,115,119,119,116,121,178,189,189,181,176,170,165,119,119,168,173,125,115,113,116,123,178,199,207,199,186,181,189,196,204,212,207,178,119,119,127,129,173,178,181,176,178,181,176,131,131,178,178,174,174,176,181,186,196,199,196,189,189,191,194,191,186,178,131,130,133,183,189,183,133,129,129,131,176,176,133,129,126,129,181,191,194,189,186,199,202,199,199,199,194,194,209,225,225,209,186,183,202,222,215,199,191,196,204,202,194,186,181,189,202,209,204,183,133,133,133,133,133,135,186,199,207,207,207,207,209,207,202,199,200,202,207,209,209,207,204,202,194,183,173,129,129,129,170,176,173,176,191,204,209,207,194,181,176,176,178,176,170,123,120,176,189,178,127,127,168,168,168,168,168,168,170,176,176,173,176,173,170,173,173,170,170,173,176,176,173,176,176,174,174,176,183,186,183,178,176,176,173,168,119,115,117,123,127,125,121,121,123,123,125,123,121,121,125,173,178,181,181,183,178,168,170,181,189,191,186,173,119,115,119,121,125,127,168,127,168,170,129,125,123,123,129,176,131,124,124,125,127,129,131,131,127,125,131,178,181,186,194,191,178,129,131,183,199,209,212,212,207,199,194,196,196,196,194,191,189,183,178,181,183,181,176,173,178,183,189,196,204,204,202,191,181,178,181,186,186,183,170,123,121,125,127,127,170,173,176,181,196,202,202,202,196,186,181,176,127,123,123,168,173,173,170,170,170,173,176,176,178,183,194,204,207,202,194,186,178,168,123,119,117,123,168,165,123,123,165,170,165,123,123,163,163,165,173,186,183,173,165,123,163,165,165,168,170,168,170,178,181,183,181,176,165,121,121,125,168,173,176,176,173,176,181,189,194,191,181,170,127,127,127,170,176,176,173,172,176,178,176,173,173,181,186,183,173,125,123,123,121,117,115,119,173,181,176,170,173,170,127,127,170,173,173,173,173,173,178,183,181,176,176,183,186,183,183,186,189,189,189,194,196,196,196,196,196,196,202,202,196,186,181,181,183,189,194,191,191,196,202,204,204,204,204,202,196,189,178,178,178,121,106,104,110,125,181,196,204,204,202,199,196,194,189,189,196,199,194,183,183,186,183,173,125,125,170,176,176,176,170,125,123,124,124,127,173,178,186,189,191,191,191,189,189,189,191,191,191,196,199,204,207,207,204,199,199,202,202,199,196,194,194,194,189,183,183,191,191,183,181,186,186,183,181,181,183,181,135,133,176,189,199,204,204,204,202,196,194,194,194,191,186,181,173,131,129,127,127,127,131,176,183,189,186,183,181,179,181,183,189,194,196,202,202,202,202,202,194,189,191,196,196,191,181,133,131,135,186,196,202,207,209,202,191,189,189,186,186,189,191,191,190,190,191,194,196,196,194,194,196,202,207,204,199,199,204,209,212,209,207,204,202,202,204,204,207,209,209,207,204,202,199,196,191,186,186,183,181,137,178,181,183,186,186,186,181,178,181,189,191,191,189,183,183,186,186,186,186,191,199,204,207,207,204,199,191,186,183,183,186,189,194,194,191,189,186,186,186,183,183,181,181,181,181,183,183,181,178,176,178,178,181,178,176,178,181,178,176,176,173,131,131,176,181,178,176,178,183,191,196,194,191,191,199,207,209,204,196,183,131,126,125,126,129,170,176,183,186,183,178,170,127,123,119,115,115,123,168,170,168,168,168,170,176,178,181,183,186,191,194,191,194,199,199,194,191,191,191,189,183,178,178,178,176,168,125,123,119,117,119,123,125,165,165,125,123,123,165,168,165,121,115,112,113,117,119,117,113,112,112,115,123,165,168,165,125,123,123,123,125,127,127,125,121,119,118,119,121,123,123,125,127,129,170,173,173,173,176,176,176,178,186,191,194,194,191,186,185,186,189,186,183,183,183,183,186,189,191,191,191,191,191,191,186,186,191,196,199,196,194,191,191,194,196,196,194,191,189,187,187,189,191,191,191,191,196,199,196,194,194,189,181,176,177,178,181,183,183,183,183,189,191,194,194,191,189,189,189,189,191,191,191,186,185,189,189,186,183,183,183,186,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,108,69,0,0,0,48,100,137,157,178,191,191,189,189,186,191,196,199,196,191,186,189,196,202,202,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,121,173,168,0,0,0,0,0,0,0,0,0,0,49,173,181,181,186,191,194,186,150,137,139,131,129,150,181,189,186,183,181,173,163,150,129,126,157,191,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,90,21,0,0,13,46,90,105,87,72,29,33,118,95,37,33,17,0,0,74,43,0,0,0,0,98,165,170,165,47,37,37,39,45,43,34,37,49,47,17,0,0,1,17,0,0,0,7,23,0,0,11,55,113,139,134,121,126,139,152,163,170,181,189,194,189,170,127,116,131,155,144,73,61,53,51,67,65,33,32,41,49,39,33,35,35,31,35,53,137,152,155,160,173,186,191,189,168,139,108,65,49,43,44,69,85,0,100,100,0,0,139,139,0,0,144,144,0,160,170,160,0,0,0,0,160,173,183,194,196,196,196,196,199,199,196,194,189,189,189,191,191,191,186,173,155,0,0,0,0,0,147,142,142,144,155,168,178,183,183,183,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,165,163,163,163,160,160,157,160,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,0,0,0,186,181,178,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,199,196,0,0,0,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,233,238,241,235,230,225,222,222,225,230,233,233,233,233,235,233,228,212,202,196,191,186,141,145,196,209,225,233,238,238,241,241,243,246,248,248,251,248,248,243,241,238,238,238,238,235,230,225,217,212,207,202,199,196,194,189,183,135,133,131,129,125,121,117,113,111,109,109,109,109,111,111,0,113,117,157,160,168,173,178,178,178,178,178,176,173,170,170,173,176,170,129,127,126,125,126,131,176,183,191,199,204,212,217,228,228,222,217,217,222,222,220,215,209,204,202,199,199,196,194,196,199,204,204,207,215,225,230,233,230,230,230,233,233,233,235,235,235,233,228,220,216,217,222,225,225,225,225,228,225,220,218,222,228,230,228,222,221,222,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,92,105,113,118,118,118,118,118,126,129,126,134,139,3,11,17,108,43,0,0,0,29,61,103,113,118,61,41,73,41,0,0,0,17,116,121,126,126,39,19,29,83,124,118,85,85,118,124,126,126,121,87,77,71,69,71,75,81,79,75,83,124,131,131,129,126,121,113,105,100,61,11,0,0,0,0,0,0,59,0,0,0,0,0,0,0,0,0,29,37,0,0,0,39,67,121,134,137,126,0,0,0,0,0,33,61,111,139,152,150,134,121,124,131,97,69,31,32,45,53,65,97,157,160,157,157,155,155,155,152,147,109,105,107,109,109,111,150,157,160,160,155,152,113,113,111,115,155,115,113,115,163,189,199,178,91,85,89,107,176,194,189,176,170,168,163,121,121,121,115,117,173,196,204,207,207,202,191,183,170,117,113,113,115,115,115,113,115,121,123,115,115,121,173,178,178,178,173,125,113,111,121,168,165,121,119,121,168,186,207,212,204,186,177,178,189,199,204,199,123,113,118,173,178,178,181,178,176,176,178,133,130,130,131,176,178,178,178,181,189,202,207,204,194,189,189,189,186,183,181,135,132,135,183,186,183,178,131,129,131,178,181,133,129,129,133,183,191,191,186,183,196,202,202,199,196,191,189,199,215,222,207,186,181,191,207,196,186,191,207,228,222,202,186,183,183,191,204,204,196,186,181,178,135,132,131,181,199,204,204,207,209,212,209,207,200,200,202,204,207,207,207,204,199,189,181,176,173,170,129,128,127,127,170,181,189,191,189,183,181,186,194,191,183,170,120,120,178,189,173,123,125,168,168,127,168,173,176,178,189,194,189,186,181,176,176,176,170,170,176,178,178,178,176,176,174,176,183,191,196,194,191,183,176,170,170,127,125,125,127,168,168,125,125,125,123,123,121,121,123,168,176,183,183,186,186,181,176,183,191,196,194,186,173,117,113,113,115,119,125,168,170,170,168,168,129,127,127,178,181,170,125,125,129,173,173,129,125,122,122,129,133,133,178,186,183,176,133,181,202,215,222,225,222,215,204,196,194,196,199,202,199,191,176,127,129,133,173,129,128,131,178,186,196,204,204,199,189,181,178,181,189,191,186,176,129,129,170,173,173,178,181,176,176,196,202,202,204,202,194,186,178,173,127,127,176,183,181,173,170,170,176,176,176,176,178,183,194,199,194,189,186,181,173,121,115,114,115,117,117,117,121,168,176,173,168,165,163,163,165,178,194,194,181,168,163,165,165,165,165,163,121,121,163,170,168,165,125,123,125,165,168,173,178,181,176,172,172,178,194,202,202,191,183,173,127,126,127,170,176,173,172,172,173,169,168,168,170,176,173,125,119,116,117,117,115,114,117,125,170,176,183,191,186,173,168,170,173,173,176,173,173,176,181,181,176,176,181,181,181,183,189,191,189,189,194,199,199,199,199,196,194,194,196,196,191,186,186,189,194,196,194,190,191,196,202,204,207,207,199,186,131,125,127,178,113,103,102,111,129,183,194,199,202,202,202,199,191,183,178,186,191,191,183,178,176,129,123,121,120,127,181,181,176,129,123,122,123,126,129,173,176,176,178,183,186,183,181,181,183,186,189,194,199,202,204,204,204,204,202,196,199,199,199,196,194,194,194,189,182,181,186,189,186,183,186,183,183,181,181,178,135,131,130,133,189,202,207,207,204,202,196,194,194,196,196,191,178,127,125,126,129,131,131,131,173,178,183,183,181,181,181,181,183,189,191,199,204,204,204,204,204,196,189,189,194,194,189,135,131,131,137,191,199,204,207,212,207,202,199,194,189,186,189,191,190,190,190,194,194,191,191,191,194,194,196,202,199,196,199,207,212,215,212,207,204,204,202,202,202,207,209,207,202,196,196,196,196,194,191,189,186,183,183,183,186,186,183,183,186,186,186,183,183,189,191,191,189,189,186,186,183,183,189,196,204,209,215,212,204,191,183,179,181,183,189,191,189,186,186,186,186,183,181,181,181,181,181,183,183,181,178,176,176,178,181,181,176,176,178,178,178,176,176,176,176,181,189,191,186,181,178,183,189,194,194,190,190,196,204,207,207,204,194,176,127,125,126,129,173,178,183,186,183,176,170,168,170,127,121,119,121,125,127,127,127,127,173,181,189,189,189,191,194,191,186,189,199,202,196,191,191,189,186,181,178,178,176,173,170,170,168,123,119,121,125,165,165,165,125,121,123,168,170,125,119,113,112,113,117,117,115,113,112,111,113,121,165,165,125,125,123,121,123,123,125,165,125,123,119,118,118,119,123,123,123,123,125,127,170,173,173,176,176,176,178,186,194,196,196,191,186,185,186,186,186,183,183,183,186,186,189,191,191,191,191,194,191,189,191,194,196,199,199,196,194,191,191,194,194,194,194,191,189,189,189,191,194,194,194,194,194,194,194,191,189,181,176,177,181,183,183,183,183,183,186,191,194,194,191,189,189,189,189,191,191,191,186,185,186,189,186,181,181,181,183,186,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,165,176,199,129,0,0,82,126,152,165,181,189,189,186,183,183,189,194,194,194,189,183,183,191,191,181,118,0,0,0,0,0,0,0,0,66,134,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,191,196,202,202,0,0,0,0,0,0,0,0,0,111,142,168,170,165,170,178,183,183,168,155,139,126,126,147,176,183,183,189,186,173,157,134,116,117,147,186,196,23,0,0,11,27,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,25,59,72,77,82,31,27,31,23,23,85,21,0,41,85,45,1,0,0,0,51,186,183,181,131,55,43,45,57,63,57,103,98,57,0,0,0,0,0,0,0,7,113,144,105,23,35,67,116,142,137,118,121,134,147,157,170,181,189,186,176,152,125,114,150,163,144,81,83,144,165,178,165,73,41,35,29,17,27,39,37,37,43,67,147,150,137,137,173,191,199,194,173,131,92,57,51,49,51,79,0,103,0,0,0,137,144,144,0,0,0,152,152,163,165,0,0,0,0,131,150,168,183,194,196,196,196,196,196,196,196,196,191,189,189,191,194,194,186,173,0,147,0,0,0,0,0,0,0,144,157,170,181,183,183,181,181,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,165,165,165,165,163,160,160,160,0,0,0,0,0,0,0,0,0,0,0,0,0,196,194,0,0,0,183,178,178,181,0,0,0,0,0,0,183,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,199,199,0,0,0,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,0,230,225,217,212,212,215,217,225,228,228,230,233,230,222,209,199,194,191,186,141,143,196,207,225,233,238,243,243,246,246,246,246,246,248,248,246,243,238,238,241,241,238,235,230,222,215,207,202,196,194,194,194,191,186,137,135,131,129,127,123,119,115,111,109,108,108,109,111,113,115,117,160,165,168,176,181,183,183,183,183,183,183,181,178,178,178,176,170,129,127,126,125,126,129,176,181,189,194,202,209,217,228,228,222,217,220,225,225,225,222,217,212,207,204,199,194,145,145,149,199,204,207,212,225,230,230,230,230,230,230,233,233,235,235,235,233,228,222,217,217,222,225,225,225,228,228,225,220,220,222,228,230,225,222,222,222,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,9,0,0,46,95,105,113,116,116,118,118,121,126,134,134,137,147,71,15,16,35,39,0,0,3,33,65,103,116,113,37,21,35,19,5,11,25,43,75,113,116,118,23,0,25,83,113,83,71,83,121,126,126,121,89,85,81,79,81,79,75,74,72,73,118,134,142,131,121,116,111,103,100,98,61,31,47,0,0,0,0,0,61,0,0,0,0,35,21,0,0,33,53,47,0,0,0,45,63,118,131,137,113,0,0,0,0,0,0,69,116,137,147,144,121,55,33,30,45,32,32,41,51,51,59,85,139,152,157,157,150,150,155,152,147,107,93,97,109,111,109,111,155,155,155,147,108,106,108,109,113,155,113,109,113,165,186,191,173,105,91,93,103,117,170,170,168,168,168,168,160,121,121,115,114,123,186,204,212,212,207,199,194,186,168,117,115,113,115,113,113,115,123,170,123,115,123,173,172,173,176,170,119,108,107,113,121,123,121,121,123,170,183,196,202,196,183,177,176,181,183,189,183,109,104,119,186,186,178,178,178,178,176,173,131,130,130,130,176,183,183,178,181,189,202,207,207,196,186,186,186,183,183,181,178,178,186,194,191,189,181,131,129,133,183,181,129,128,133,178,178,183,186,181,181,191,196,199,199,194,181,178,183,199,209,202,186,182,186,189,179,179,196,225,235,230,202,186,178,181,186,191,196,196,191,183,183,183,135,131,135,196,204,204,209,209,209,209,207,204,202,204,204,204,204,204,202,191,178,173,178,178,178,173,129,127,127,129,173,178,178,176,176,181,191,202,204,196,176,120,119,127,170,125,120,121,125,127,168,170,173,176,186,202,207,199,191,183,178,178,178,173,173,176,183,183,181,176,176,178,186,194,199,202,199,194,183,176,173,173,176,176,176,173,173,168,168,170,168,125,121,121,121,125,170,178,186,189,189,189,186,189,194,202,204,199,191,178,121,112,111,112,113,119,127,168,168,170,173,173,170,173,181,186,176,173,176,178,181,178,173,123,120,122,127,129,133,181,183,181,176,181,196,212,217,222,225,225,217,204,191,183,186,199,207,202,194,131,124,126,131,131,129,128,130,173,181,189,194,196,194,189,183,181,181,186,194,191,183,176,178,181,181,181,181,181,178,181,196,202,199,199,196,191,186,183,178,170,170,178,183,181,170,129,170,173,176,176,173,170,176,183,189,186,183,183,183,176,125,115,113,113,114,115,115,121,170,176,173,168,165,163,163,170,186,199,196,176,123,123,165,165,165,163,121,117,117,121,163,163,122,121,123,165,170,170,176,181,181,176,173,173,181,196,204,199,194,191,189,176,127,126,170,176,178,178,176,173,170,169,168,170,170,168,125,117,116,119,121,117,115,115,119,125,173,186,189,183,173,168,168,173,176,178,173,170,170,176,178,176,173,176,176,176,183,191,191,189,186,191,199,204,202,196,191,186,186,189,189,189,189,191,194,196,199,194,191,190,194,196,202,204,204,194,133,120,119,122,123,112,108,115,178,186,186,189,191,194,199,199,199,191,176,170,176,186,191,189,178,129,121,119,120,121,129,181,183,176,129,170,127,127,129,170,173,173,176,176,176,173,131,131,133,178,181,183,191,196,199,199,202,204,204,202,194,194,196,196,194,194,194,194,189,183,182,183,183,183,181,181,181,181,181,181,178,133,129,128,131,186,202,207,204,202,199,196,194,191,194,196,191,178,127,125,127,131,131,173,173,173,173,176,178,176,176,178,183,186,186,189,194,199,204,204,202,199,194,186,189,191,191,183,131,128,130,137,189,194,196,202,204,204,204,202,194,189,191,196,199,194,191,194,194,191,189,190,191,191,191,190,191,194,196,202,209,212,212,212,207,207,207,204,199,196,199,204,199,191,189,191,196,196,194,194,191,189,186,186,183,186,183,179,179,183,186,186,178,177,178,189,191,191,189,189,183,182,182,186,189,196,204,209,207,199,189,181,179,179,181,186,189,189,186,186,186,186,183,181,181,181,181,183,183,178,173,173,176,176,178,181,181,178,176,176,176,176,176,176,181,183,189,194,194,189,183,181,186,191,194,194,191,191,196,202,204,204,202,196,183,131,126,126,127,170,176,181,183,181,173,166,166,170,170,125,121,121,123,125,127,127,168,176,186,194,194,191,191,191,186,178,181,191,199,196,196,194,191,186,181,178,176,173,170,170,173,173,168,125,125,168,170,168,165,121,120,123,168,168,121,117,113,112,113,117,119,117,115,112,111,113,119,125,165,125,121,121,121,121,121,123,165,165,125,121,119,118,119,123,125,125,123,122,123,127,170,173,176,176,173,181,189,194,196,196,194,191,189,189,186,186,186,186,186,189,189,189,191,191,191,191,191,191,189,191,196,199,202,199,196,194,189,189,191,194,194,194,191,191,189,191,194,196,196,194,191,189,191,191,189,183,178,177,178,181,183,183,183,183,183,186,191,191,191,189,189,186,186,186,189,189,189,186,186,186,186,183,181,179,181,183,183,183,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,178,194,131,0,0,69,129,168,176,181,183,186,183,181,181,183,186,191,189,186,183,178,181,176,155,7,0,0,0,3,0,0,0,87,147,181,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,176,189,202,199,163,0,0,0,0,0,0,1,43,118,139,152,163,160,156,157,160,163,170,176,165,144,124,124,150,173,181,181,183,183,173,152,131,122,124,144,170,170,147,116,116,150,176,160,113,11,25,0,0,0,0,0,0,0,0,0,0,0,35,3,0,13,35,35,64,77,35,31,61,21,7,39,0,0,77,77,47,37,41,7,3,35,98,163,168,129,92,51,55,113,124,131,157,170,150,19,0,0,0,0,0,0,45,163,160,142,118,65,69,108,129,129,118,118,129,137,147,160,170,176,163,150,137,129,142,165,168,147,131,147,181,189,191,186,131,57,23,0,0,16,31,37,53,65,85,160,142,73,113,178,194,194,186,168,121,67,61,61,59,77,85,0,0,0,0,0,0,0,0,0,0,0,0,0,157,160,0,0,0,126,0,0,157,178,191,196,196,199,199,199,196,196,199,196,194,191,191,194,194,186,168,150,142,0,0,0,0,139,0,137,139,152,168,178,183,0,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,170,168,168,165,163,157,157,163,0,0,0,0,0,0,0,0,0,0,0,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,178,0,0,0,0,0,0,0,0,0,0,0,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,228,228,222,215,209,207,207,209,215,222,228,230,228,225,215,207,199,191,189,183,183,186,194,204,217,230,238,241,243,248,248,248,246,246,246,248,246,243,238,238,241,243,241,235,228,222,212,207,199,194,194,196,199,196,194,186,181,178,173,170,127,123,119,115,111,109,109,109,111,113,115,155,165,170,176,181,183,186,189,189,189,189,189,189,186,186,183,181,178,173,170,129,129,170,176,178,186,189,194,199,0,0,0,0,217,216,220,228,230,228,228,225,222,215,207,199,147,143,143,145,196,204,207,212,217,228,230,230,228,228,228,228,230,233,235,235,233,230,225,222,225,225,225,225,228,230,228,225,222,225,225,225,228,225,222,222,225,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,11,0,0,74,105,111,116,116,113,113,116,118,126,131,131,131,126,23,19,21,37,37,1,3,13,33,61,105,124,113,0,0,0,7,17,35,49,61,71,73,67,57,3,0,23,79,75,65,65,83,124,129,124,118,87,85,83,83,116,87,81,79,75,79,118,131,137,124,108,98,69,69,67,67,57,39,43,0,0,0,0,0,0,0,0,0,43,87,45,19,29,65,105,65,0,0,0,55,100,129,134,124,55,0,0,0,0,0,0,73,124,139,147,139,116,59,33,25,33,43,59,67,71,69,73,89,101,142,150,152,147,150,157,152,144,103,67,55,109,147,109,109,147,150,152,152,111,108,108,108,111,150,109,106,111,160,173,176,160,109,101,99,101,109,117,121,160,121,163,163,121,121,121,117,114,117,176,199,209,209,202,196,196,194,181,163,115,113,113,113,113,117,125,170,168,165,176,183,178,173,170,123,115,107,106,109,117,119,119,121,121,123,127,176,181,183,181,177,177,178,176,176,129,109,106,123,186,186,181,178,178,178,176,131,131,133,133,133,178,181,183,178,178,186,194,199,199,191,183,181,181,183,183,186,183,183,194,202,199,194,183,133,131,178,183,181,128,127,176,181,176,176,176,176,178,186,194,196,196,186,133,127,129,178,186,186,183,186,189,186,178,179,204,225,230,217,189,177,177,178,186,189,189,189,186,186,189,189,181,133,178,194,204,209,209,209,209,207,204,204,204,204,207,204,204,204,196,181,127,125,178,186,189,189,181,170,129,129,129,170,129,125,168,181,196,207,207,202,186,125,120,120,123,121,121,123,127,127,168,173,173,176,189,202,204,196,191,183,178,181,183,181,178,183,189,191,186,178,178,186,194,202,202,202,202,196,178,173,173,176,178,181,178,176,170,168,173,186,186,173,123,121,123,127,173,183,189,191,191,191,194,196,204,207,207,204,199,191,173,117,112,112,115,119,123,123,125,168,176,178,178,181,183,186,186,189,194,194,194,189,181,127,121,123,129,131,176,181,181,176,176,186,202,215,217,217,222,222,212,194,181,176,183,196,204,202,194,131,124,125,129,133,133,173,131,131,173,178,183,189,189,186,183,181,178,183,186,186,178,176,183,183,181,178,178,183,186,194,199,202,196,194,191,186,181,178,178,173,176,183,186,178,129,128,129,170,170,170,129,127,170,178,178,176,176,178,181,176,168,119,114,114,117,121,123,165,168,168,125,123,123,125,165,173,183,189,173,121,117,117,123,168,168,163,119,117,117,123,165,163,123,122,123,125,165,165,170,173,173,173,176,178,189,199,202,196,194,194,191,181,168,126,127,176,186,189,181,176,173,170,170,173,173,127,123,119,121,127,127,123,119,121,121,123,168,178,181,176,168,128,128,170,176,176,173,170,170,173,173,173,173,176,176,176,178,186,191,189,186,189,199,204,202,196,189,183,181,179,179,181,189,191,194,196,199,196,194,191,191,196,199,202,202,196,178,125,123,127,125,119,121,181,196,196,189,185,185,189,194,196,199,191,176,170,173,183,191,191,181,127,120,119,121,127,170,181,183,178,176,181,183,181,178,176,176,176,176,176,173,131,127,127,131,176,178,181,186,191,196,196,196,199,202,196,194,194,196,196,194,191,191,191,194,191,186,183,181,179,181,183,181,181,178,178,178,133,130,129,131,186,199,202,199,199,196,191,189,189,191,194,189,178,127,126,129,173,173,173,173,131,127,129,131,131,129,131,178,183,183,183,186,191,196,196,196,194,189,183,186,189,189,181,131,129,130,137,183,183,186,191,196,199,199,199,196,194,199,207,207,202,196,196,196,191,190,190,191,194,191,190,190,194,199,204,209,209,209,209,209,209,207,204,196,191,189,194,191,183,139,186,191,194,194,191,189,189,183,181,181,181,179,178,179,181,183,183,178,176,177,183,186,186,186,186,183,181,181,183,186,189,194,194,194,189,183,181,181,183,183,186,186,186,186,189,189,189,186,186,183,183,186,186,181,176,131,131,176,178,181,183,183,183,178,173,131,129,131,173,178,183,189,191,191,189,186,183,183,189,191,191,189,191,194,196,196,194,194,191,186,176,127,126,126,127,129,176,178,176,170,165,165,168,170,127,123,123,123,125,127,168,173,178,183,189,191,191,189,183,181,178,181,186,191,194,196,196,191,186,181,178,173,129,129,170,173,173,173,170,173,176,176,173,165,121,119,121,165,125,121,119,117,115,115,119,121,119,117,115,112,115,121,165,168,165,123,121,121,121,121,123,125,165,165,123,121,118,118,121,125,127,127,123,122,123,127,127,129,131,131,178,186,191,191,194,196,196,194,189,189,186,186,186,186,189,191,191,191,191,191,191,191,189,189,194,196,202,202,199,194,191,189,189,191,194,194,191,189,189,189,191,194,196,196,194,189,187,189,189,189,186,181,181,183,183,183,183,183,183,183,186,189,191,189,189,186,183,181,181,181,183,186,186,186,186,186,183,181,181,181,181,181,181,181,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,165,176,82,0,0,69,118,165,181,181,178,178,178,176,173,176,181,189,189,186,178,165,160,160,152,15,0,43,27,15,0,0,92,144,160,170,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,163,178,194,178,87,0,0,0,0,45,103,131,147,157,160,163,165,168,160,156,153,155,163,165,155,137,124,129,157,176,178,178,181,181,170,152,142,131,131,147,165,178,176,165,165,189,207,204,186,176,181,124,0,0,0,0,0,0,0,0,0,92,95,23,0,15,37,53,59,59,33,39,90,31,5,0,0,0,69,69,45,37,39,17,11,23,45,92,108,113,59,51,87,113,124,142,176,178,170,103,0,0,0,0,0,0,31,124,139,142,142,124,105,81,81,83,118,126,121,87,121,137,150,150,79,73,89,129,152,168,168,144,131,150,178,189,191,178,126,49,21,9,9,17,29,45,79,81,81,85,55,48,61,173,183,181,168,157,134,108,103,103,98,90,90,0,0,0,0,0,0,0,0,0,0,0,0,0,147,147,0,0,0,0,0,0,0,163,183,191,196,199,199,199,196,199,202,202,199,194,194,194,194,183,163,0,0,0,0,0,0,0,0,134,134,142,157,170,181,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,173,173,170,170,168,163,160,160,163,0,0,0,0,0,0,0,194,0,0,0,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,196,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,215,209,207,205,205,207,212,217,222,225,222,215,212,207,199,191,183,178,181,186,191,202,212,225,233,238,243,248,248,248,246,243,243,246,246,243,241,241,243,246,243,238,230,225,215,207,199,196,196,202,204,207,202,196,191,189,186,181,178,170,125,119,115,111,111,111,111,113,117,157,165,173,178,183,186,189,191,194,194,191,191,191,191,191,191,189,186,181,178,178,178,181,183,189,191,194,194,199,0,0,0,0,217,217,222,228,230,230,228,228,228,222,212,202,147,143,142,143,149,202,204,207,212,217,225,225,222,217,217,222,225,230,230,233,230,230,228,225,228,228,228,228,228,230,228,225,225,225,225,225,225,222,221,225,228,225,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,11,23,95,111,116,116,116,111,103,103,113,121,126,126,129,126,19,19,27,47,45,7,9,19,35,65,124,155,142,0,0,0,0,7,33,55,67,67,37,0,0,0,0,0,29,29,41,71,116,126,129,124,116,85,85,83,85,118,121,113,116,116,105,105,108,57,55,51,47,47,49,47,43,35,29,39,0,0,0,0,0,0,0,0,45,87,98,59,35,45,100,116,63,0,0,19,98,116,134,126,57,0,0,0,0,0,0,0,77,124,139,147,147,131,67,41,31,65,87,89,85,85,87,91,95,101,139,147,146,143,147,157,150,103,79,39,43,105,144,107,105,144,150,157,163,160,155,150,109,109,109,107,105,107,152,160,117,111,109,107,105,105,109,113,119,119,119,121,160,160,163,165,123,115,117,170,191,204,202,194,191,194,194,186,168,115,113,115,115,115,119,123,163,125,173,183,189,189,183,170,121,111,107,107,111,117,117,119,123,123,118,117,121,168,173,178,178,178,181,176,129,121,114,112,127,181,183,181,178,181,178,173,131,131,176,178,178,178,181,181,178,178,183,189,189,189,183,181,181,181,181,183,189,189,186,191,204,207,202,189,135,135,181,183,178,127,126,135,181,135,131,131,131,178,189,191,194,191,181,127,123,122,125,127,133,183,194,196,191,181,181,202,212,212,202,178,176,176,178,186,191,191,185,185,186,191,189,183,178,181,191,204,212,209,207,207,204,204,204,204,204,207,207,207,204,191,170,117,117,170,186,199,204,194,178,129,127,127,168,125,118,121,181,202,209,209,204,196,181,123,119,120,121,123,127,127,127,168,170,170,176,186,194,191,189,191,191,186,186,191,191,189,191,199,199,191,181,181,189,199,204,204,204,204,199,181,172,172,178,186,186,181,173,127,127,181,199,202,186,168,125,127,173,178,186,191,191,189,189,194,202,207,209,207,207,204,204,191,125,117,119,123,125,123,119,119,125,170,176,181,181,181,181,189,196,204,207,207,202,191,178,127,129,176,176,178,181,178,176,178,189,204,215,220,217,217,217,204,181,133,134,181,194,199,196,186,127,123,124,127,129,133,176,173,129,128,129,178,186,186,183,181,178,178,178,178,176,129,170,178,181,178,176,177,178,186,194,196,196,191,189,183,181,176,173,176,176,181,189,189,178,170,129,129,129,129,127,126,126,170,173,170,169,170,173,176,176,170,125,117,117,121,165,168,168,125,119,117,117,119,125,168,173,173,170,117,114,114,115,121,170,173,165,119,117,121,165,170,168,168,165,123,119,117,119,119,121,121,165,176,186,194,196,196,194,191,191,191,181,127,124,125,170,183,189,183,173,170,168,173,178,178,127,121,119,125,170,170,127,125,127,127,127,168,173,173,170,168,128,128,170,173,173,170,129,129,170,170,170,173,178,181,181,181,183,191,189,185,186,191,199,199,194,186,183,181,178,178,179,186,191,191,196,199,199,196,194,194,196,196,199,202,199,194,186,186,189,181,135,181,196,204,202,194,189,186,189,194,196,199,196,186,176,178,183,189,186,178,129,123,123,131,173,176,181,186,183,181,189,194,191,189,186,181,178,176,176,173,131,127,127,131,176,176,176,181,186,191,191,191,191,194,194,196,199,202,202,199,196,196,196,199,199,194,186,181,181,183,186,186,181,178,178,178,135,133,131,176,186,194,196,194,194,194,191,187,189,191,194,189,181,173,129,131,176,176,173,176,173,129,127,127,123,119,121,127,176,181,181,181,183,189,189,189,189,183,181,181,183,183,183,181,135,137,181,181,138,137,183,191,196,199,196,196,199,204,212,212,207,202,202,202,196,194,196,199,199,199,194,194,196,202,207,209,209,209,209,212,212,209,204,199,191,186,186,183,135,135,137,186,189,189,189,186,183,181,179,179,183,183,181,181,181,181,181,178,177,177,178,178,178,181,183,183,182,182,186,189,186,186,183,181,181,183,183,189,191,194,191,189,186,186,189,191,191,191,189,189,189,189,186,181,173,131,131,176,176,181,186,186,183,178,173,129,128,128,131,176,181,181,183,186,183,183,181,181,183,186,186,186,186,189,189,189,183,181,181,181,176,131,129,126,126,127,170,176,176,170,165,165,168,170,168,125,123,122,123,125,170,176,181,181,181,183,186,181,176,176,181,186,189,189,191,194,194,189,183,181,178,170,127,127,127,127,170,173,173,176,178,181,178,170,123,120,121,125,125,121,121,119,119,119,121,123,121,119,117,115,119,163,168,170,165,125,123,123,123,121,123,125,165,165,125,123,119,118,118,123,168,170,127,125,123,123,123,125,127,131,176,181,183,183,191,196,196,194,191,189,186,186,186,186,189,191,191,191,191,191,191,189,189,191,194,196,202,202,196,191,189,186,189,191,191,191,189,186,183,186,189,194,196,194,191,187,187,189,191,191,189,186,186,189,189,186,186,183,183,186,189,189,191,191,189,186,181,178,177,177,178,181,183,183,183,186,186,183,181,183,183,181,181,181,183,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,165,85,9,69,98,126,155,173,173,163,163,168,165,160,170,183,186,189,181,150,116,118,155,157,61,74,168,121,56,48,139,163,147,139,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,157,168,139,37,0,0,17,95,176,183,178,176,178,178,176,178,183,186,170,156,159,160,150,126,93,93,134,165,181,178,176,176,176,157,137,137,142,144,155,170,186,189,186,186,196,212,215,212,217,215,191,152,0,0,0,0,0,0,0,64,113,129,98,15,13,33,56,41,39,37,35,43,31,11,0,0,19,47,49,37,25,23,10,9,25,47,82,85,55,33,43,90,95,90,111,157,157,142,95,0,0,0,27,17,0,19,59,71,118,142,131,111,71,63,63,118,142,73,27,43,57,61,51,0,1,71,131,157,165,147,71,70,129,157,170,176,165,131,49,27,19,17,21,31,47,81,79,63,53,46,45,59,150,163,155,147,150,147,139,129,124,116,100,87,0,0,0,0,0,105,100,98,92,90,0,0,0,0,0,0,0,0,0,0,111,0,0,163,186,196,202,199,199,199,202,204,207,202,196,194,194,189,176,150,0,0,0,0,0,0,0,0,0,0,0,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,176,176,176,173,170,165,163,163,168,168,168,170,0,0,0,189,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,196,196,196,196,199,202,204,204,204,204,209,215,222,228,228,228,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,212,209,207,205,207,209,212,215,217,217,212,209,207,204,199,189,178,176,178,183,191,196,204,215,225,230,238,246,248,246,243,241,238,241,243,241,238,238,241,246,246,241,233,228,217,207,202,199,202,207,212,215,209,204,202,199,196,194,189,181,170,163,119,115,113,113,113,115,0,157,163,170,178,183,189,191,196,199,199,196,194,191,191,191,194,194,191,191,191,189,191,191,194,196,196,196,194,199,0,0,0,0,220,220,225,230,233,230,228,228,228,225,217,207,196,145,143,143,147,199,199,202,204,209,215,215,212,209,209,212,217,225,225,228,228,228,225,225,228,228,228,228,225,228,228,225,225,225,225,222,222,222,222,225,228,225,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,46,40,64,98,111,113,116,113,105,92,92,105,111,98,51,53,27,0,0,21,51,47,11,9,21,35,92,131,176,186,31,0,0,0,0,0,13,57,61,21,0,0,0,0,0,0,0,19,121,126,129,129,124,116,87,85,85,113,118,118,111,116,116,65,35,13,0,0,0,3,19,23,13,0,0,0,31,0,0,0,0,0,5,21,57,61,85,98,95,59,65,103,103,31,0,0,59,113,129,137,95,0,0,0,0,0,0,0,47,105,118,131,144,150,139,55,33,43,170,152,126,83,85,95,101,101,137,144,150,147,146,147,155,147,79,0,0,45,93,101,95,99,107,150,157,165,170,168,157,147,109,109,107,105,106,152,155,111,106,107,111,111,113,111,113,117,119,117,119,160,163,163,168,165,121,119,163,181,194,194,186,186,189,191,186,170,117,117,117,117,119,123,123,120,120,168,181,189,194,194,178,121,111,108,111,117,121,121,123,165,165,119,116,118,123,168,173,178,178,181,176,127,123,119,119,129,178,181,181,181,181,181,173,131,173,178,178,178,181,181,183,183,186,186,186,183,178,178,181,181,181,178,178,186,189,186,189,204,209,204,194,183,181,183,183,135,127,128,178,186,181,131,130,131,183,191,191,189,189,178,127,123,122,122,122,129,189,202,202,191,181,181,191,196,196,191,181,177,178,181,189,196,196,186,185,189,191,189,186,189,189,191,199,209,212,209,207,204,202,202,204,204,207,207,207,202,186,123,111,109,123,183,202,207,196,178,127,123,125,168,123,117,120,186,204,212,209,207,202,191,173,121,120,123,125,127,125,123,123,127,168,173,181,183,181,186,196,199,194,194,199,199,196,196,204,207,204,191,181,186,194,202,204,204,204,199,186,173,173,181,189,189,178,168,126,127,181,199,202,183,168,127,176,181,183,189,191,191,186,186,194,204,209,209,204,204,207,207,199,127,117,123,168,170,127,119,117,117,121,168,176,178,177,177,183,196,207,212,215,212,204,191,173,133,178,178,181,183,183,183,186,191,204,215,222,222,222,215,194,133,132,135,181,186,189,186,131,125,124,126,127,129,129,131,133,129,127,129,178,186,189,183,178,178,178,176,173,129,128,129,176,178,178,178,177,177,178,183,189,189,183,178,178,176,173,173,176,178,183,191,191,181,176,176,176,170,129,126,125,126,170,173,170,170,170,173,173,173,173,168,125,123,123,127,168,165,123,117,115,116,118,125,168,170,165,121,115,114,115,117,123,170,173,168,119,117,121,168,173,173,170,168,123,113,107,109,109,109,111,119,173,186,191,194,191,191,191,191,191,181,127,125,126,173,181,183,178,168,126,127,173,183,183,129,118,118,121,168,173,173,173,178,176,176,176,176,173,173,170,168,129,129,170,170,127,125,125,127,129,129,131,178,186,186,186,189,191,189,185,185,186,189,191,191,189,189,186,183,181,181,183,186,191,194,196,199,199,196,196,196,196,196,199,202,204,204,204,204,199,194,196,202,204,202,199,196,194,196,199,202,204,202,196,189,186,186,183,178,131,129,129,173,178,178,176,181,189,189,189,194,196,194,194,191,189,181,173,173,173,131,127,127,131,173,173,176,178,186,189,186,183,186,191,196,199,202,204,207,207,204,202,202,204,202,194,191,191,191,194,194,191,186,181,178,178,135,133,133,178,186,194,194,191,191,194,191,190,191,194,196,194,186,178,176,176,178,176,176,183,186,178,129,123,118,116,116,119,129,176,181,178,178,181,183,183,183,181,179,179,179,181,186,191,191,191,189,183,137,137,139,191,199,199,196,196,199,204,212,212,209,204,204,204,202,202,202,204,207,204,202,202,204,207,212,212,212,209,209,212,209,207,204,202,196,191,183,137,133,132,133,137,183,189,189,186,183,181,181,183,191,194,191,189,183,181,178,178,178,178,178,178,178,181,186,186,183,183,186,189,186,181,179,179,181,183,189,194,199,202,196,189,186,186,189,191,191,189,189,189,191,189,186,181,173,131,131,131,176,181,186,186,183,181,176,131,129,129,131,173,176,176,176,178,178,178,178,176,176,178,181,183,186,186,189,186,178,176,173,173,131,131,170,129,127,129,173,176,176,173,168,168,170,173,173,168,125,122,122,123,168,176,178,178,176,178,181,176,173,174,186,194,191,189,189,186,183,181,181,181,176,129,125,123,119,119,123,129,170,170,170,178,183,181,173,168,165,165,123,121,119,121,121,121,123,123,121,121,119,121,123,165,170,170,168,165,125,123,123,123,123,123,125,125,125,125,121,118,118,121,127,173,173,170,127,125,123,125,127,129,173,133,133,176,183,191,194,194,191,191,189,186,186,186,186,191,191,194,191,191,189,189,186,186,191,196,199,199,196,189,186,186,186,189,186,183,183,183,181,183,186,191,194,194,191,189,189,189,191,191,191,191,191,191,191,191,189,186,186,189,189,191,191,191,189,186,181,178,177,177,177,178,181,181,183,186,186,183,183,183,186,183,183,183,186,189,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,27,0,0,0,25,168,168,137,134,139,147,144,150,157,152,139,144,160,152,147,165,181,181,176,160,85,34,62,150,168,126,139,194,170,129,129,155,131,95,19,0,0,0,0,0,0,0,0,0,33,46,0,0,0,0,0,19,69,129,111,98,121,157,168,142,105,108,103,77,39,7,0,0,0,131,134,116,79,45,103,157,181,191,194,189,183,189,189,186,191,199,204,194,181,178,160,83,65,71,83,131,170,183,183,176,170,157,88,82,91,147,163,168,176,186,194,191,191,199,207,212,209,209,207,204,196,131,0,0,0,0,0,33,79,108,157,168,100,0,2,27,31,41,72,37,29,29,29,13,21,49,72,53,39,25,15,5,7,31,59,95,85,30,27,43,85,57,43,51,67,63,35,19,0,0,0,13,3,0,21,51,57,65,111,108,71,53,49,53,77,131,33,17,35,35,7,0,0,0,77,150,163,157,66,46,53,85,129,137,152,160,147,65,33,23,19,19,31,51,69,61,52,51,52,54,73,126,139,139,134,142,152,152,139,121,108,98,85,79,85,0,0,0,0,0,85,87,92,0,0,0,0,0,0,0,0,0,0,0,105,0,0,173,194,199,199,196,199,202,204,207,204,199,194,191,183,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,170,173,176,176,173,170,168,165,165,168,168,168,168,173,176,181,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,194,194,194,194,196,199,202,202,202,204,209,215,222,225,225,228,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,212,212,215,217,217,222,217,212,207,204,204,204,199,189,176,174,176,183,186,191,199,207,215,225,233,241,246,243,241,235,233,235,235,235,233,235,238,243,246,241,235,230,222,209,204,202,207,215,222,225,217,212,207,204,202,199,194,186,176,165,121,119,115,115,113,0,0,155,163,168,176,183,189,194,199,204,204,202,196,191,189,189,191,194,194,196,196,199,199,199,202,202,199,194,191,194,202,209,0,0,222,222,228,230,230,230,228,225,225,225,222,215,204,196,147,147,149,151,151,151,153,204,207,207,207,205,205,209,215,217,222,225,222,222,217,220,222,225,225,225,225,225,225,222,222,222,222,222,222,221,222,228,228,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,103,74,82,98,108,113,116,116,103,79,82,98,98,33,7,7,0,0,0,0,25,31,19,15,25,33,59,118,163,183,55,0,0,0,0,0,0,0,11,0,0,0,0,0,0,0,0,31,129,129,129,126,121,118,113,113,113,113,113,81,73,73,65,33,15,0,0,0,0,0,0,9,3,0,0,0,0,0,0,0,0,23,27,45,95,95,92,118,137,142,131,116,98,9,0,0,100,121,131,131,23,0,0,0,0,0,0,11,49,73,113,126,137,142,73,9,1,17,165,155,91,60,85,99,137,139,144,155,165,168,168,168,170,155,69,0,0,21,69,77,71,83,103,144,147,152,163,163,155,147,111,111,109,106,106,157,165,115,106,106,111,113,113,111,109,113,117,119,160,165,163,163,165,165,163,121,121,165,181,183,178,178,183,189,186,173,123,121,121,121,123,165,165,121,120,168,181,189,196,196,183,123,111,109,115,123,165,165,168,170,168,119,116,118,125,170,173,173,178,181,178,170,129,129,129,173,178,181,181,181,181,178,176,173,176,178,178,178,181,183,186,189,191,191,186,178,174,178,186,183,178,132,133,181,186,186,191,202,207,202,196,191,189,189,186,178,133,135,189,194,189,135,130,133,189,194,189,183,181,176,127,123,123,122,123,129,186,196,191,181,176,133,133,133,181,186,181,181,183,183,189,199,202,191,186,189,191,191,191,196,196,191,196,204,209,209,207,204,202,202,204,204,202,202,202,196,176,115,105,105,117,176,194,196,183,129,123,119,121,127,123,118,123,191,207,212,207,202,199,196,183,127,121,121,125,123,121,117,117,121,127,168,170,170,173,181,196,199,189,189,199,199,194,194,202,212,212,202,186,181,186,194,199,202,199,191,183,176,176,181,183,176,129,127,168,168,173,183,181,127,121,125,178,183,186,189,191,191,186,185,194,204,209,207,202,199,204,204,189,117,111,121,168,173,168,121,116,115,116,125,176,183,183,178,183,194,207,215,217,217,209,196,181,176,176,176,181,189,196,199,194,194,202,212,222,222,217,209,183,132,133,178,181,178,181,135,131,127,129,131,133,131,131,133,131,129,128,131,183,189,189,183,178,178,178,178,173,131,129,170,176,181,183,183,178,177,177,178,183,183,176,173,173,173,176,176,173,176,181,189,189,181,178,183,183,178,170,129,127,127,170,176,173,170,170,173,176,176,176,173,170,125,123,123,127,168,125,121,119,119,121,165,170,170,165,119,115,114,119,163,168,168,168,165,121,115,117,163,170,170,168,163,119,107,103,103,104,104,105,113,165,178,183,183,181,183,186,189,186,176,127,127,178,189,189,183,176,127,125,127,176,186,183,127,118,117,119,129,181,186,189,189,186,186,186,183,181,181,176,173,129,129,129,127,125,124,124,124,127,127,129,176,183,186,189,191,196,194,186,185,185,186,186,189,191,191,189,183,178,178,181,186,191,194,196,199,202,199,196,196,199,196,199,204,209,212,209,209,207,204,204,204,204,204,204,204,202,204,207,207,207,204,199,194,191,186,181,176,131,131,173,176,178,176,173,178,189,194,194,199,199,194,191,189,183,173,129,170,173,129,125,125,127,129,131,173,181,183,181,181,181,183,191,199,199,199,202,204,207,207,204,204,202,196,191,194,202,204,202,196,196,194,189,183,135,133,131,133,178,189,194,194,191,189,191,191,191,191,196,196,194,186,181,178,178,178,131,131,186,194,183,129,123,119,117,117,119,127,133,178,178,178,178,181,183,181,181,181,179,179,181,189,196,199,196,191,186,181,138,186,196,202,202,196,195,195,199,207,209,207,204,204,204,204,204,204,207,207,207,207,207,209,212,215,215,215,212,209,209,207,204,202,202,199,191,183,135,133,132,132,135,183,186,189,189,186,186,186,191,199,202,196,189,183,178,178,178,181,183,183,181,181,186,191,191,189,189,189,189,186,183,181,181,181,186,189,194,199,202,196,189,183,183,186,189,186,183,183,186,189,189,186,181,173,131,130,131,173,178,186,183,181,178,178,178,178,178,176,176,173,173,176,176,178,178,178,174,174,176,178,183,186,189,189,186,178,173,129,127,125,129,173,176,173,173,176,178,178,176,173,173,173,176,176,170,127,123,123,125,168,173,176,176,176,178,178,178,176,178,189,194,191,186,183,173,131,131,176,176,173,129,123,119,116,115,118,125,127,125,125,173,183,189,189,186,181,173,125,119,119,119,119,121,123,123,123,121,121,123,165,168,170,173,170,165,125,123,123,123,123,123,123,123,125,127,125,121,118,119,125,170,176,176,170,129,127,127,127,127,129,129,129,133,181,189,191,194,194,191,191,189,189,186,189,191,194,194,191,191,186,183,181,181,186,194,199,199,196,191,186,183,183,181,178,178,181,181,181,183,186,189,194,194,194,191,189,189,191,191,194,194,194,194,194,191,189,189,186,189,189,191,191,191,189,186,183,181,181,178,178,178,178,181,181,183,186,183,183,186,186,186,186,186,189,189,189,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,170,178,157,48,0,56,183,173,150,152,163,176,163,152,147,131,111,116,144,139,137,157,168,168,165,155,82,7,53,131,168,173,181,189,176,157,126,105,95,95,5,0,0,90,137,98,0,0,0,0,87,87,13,0,46,108,124,142,168,183,170,160,168,186,196,191,181,170,178,170,160,144,33,0,0,92,103,116,129,155,170,186,196,202,199,194,191,196,196,194,196,202,204,199,196,189,139,61,58,62,73,95,168,183,183,176,165,89,81,81,95,163,176,181,186,194,196,196,196,199,204,204,202,199,202,209,189,168,47,0,0,0,0,64,90,118,173,186,142,0,0,7,19,64,126,85,39,43,72,25,29,90,100,100,55,41,27,10,13,35,79,98,87,28,29,53,63,49,41,45,53,47,25,21,13,0,0,0,0,3,31,55,57,61,69,57,37,33,47,57,73,75,27,23,75,43,0,0,0,41,144,160,160,142,64,50,66,91,87,86,137,157,155,79,33,19,17,19,39,69,69,55,52,75,137,116,85,121,129,129,126,129,142,144,126,87,61,85,90,85,79,87,0,0,0,95,85,0,0,0,0,0,0,0,0,0,0,134,0,0,0,0,0,160,183,194,194,194,194,196,199,202,202,196,191,189,178,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,165,168,173,176,176,170,168,168,168,170,170,168,168,170,173,178,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,191,189,189,191,194,196,199,202,204,207,215,217,222,225,228,228,228,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,225,225,228,230,0,230,225,215,207,204,204,204,199,189,178,174,176,181,183,186,194,202,209,217,228,238,243,243,235,230,228,228,228,228,228,228,233,238,241,238,235,233,225,215,209,209,212,222,230,230,225,215,207,204,202,202,196,189,181,170,163,121,119,0,0,0,0,155,160,165,176,181,189,194,199,207,209,209,202,196,191,189,189,189,194,196,199,202,202,202,202,202,199,191,187,189,196,207,215,222,222,225,228,230,230,228,225,222,222,222,222,222,212,207,204,202,199,202,199,151,151,202,207,207,205,205,205,209,215,217,222,222,217,216,216,216,222,225,225,225,222,222,222,222,222,222,222,222,222,222,225,228,225,217,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,108,105,95,98,108,116,118,118,105,77,75,87,90,23,13,17,15,3,0,0,3,25,25,21,27,19,35,90,124,131,33,0,0,0,0,0,0,0,5,0,0,0,0,0,0,0,47,67,118,126,126,124,121,118,118,116,116,116,105,67,61,61,47,27,21,15,0,0,0,0,0,5,11,13,0,0,0,0,0,0,0,21,27,41,111,121,131,163,176,176,173,147,116,23,0,0,113,121,124,92,0,0,0,0,0,0,21,29,31,49,108,124,129,124,35,9,0,0,73,131,83,61,91,134,142,147,155,170,186,194,199,199,199,178,142,57,0,0,41,47,47,65,99,105,101,89,99,107,107,109,109,111,109,106,106,163,173,160,107,105,107,109,111,109,108,109,115,160,168,168,165,161,163,165,163,121,118,119,163,170,170,170,176,183,186,181,168,163,123,123,163,168,170,165,163,170,183,191,196,196,186,123,111,111,117,123,165,168,168,170,168,121,118,121,170,178,178,173,173,178,178,178,176,178,178,178,181,181,178,178,178,176,176,176,181,178,178,178,181,183,189,191,194,189,183,176,173,178,194,189,133,131,131,178,189,191,194,194,196,196,196,199,199,194,189,183,183,191,199,204,199,181,131,178,189,191,186,181,178,133,127,125,125,125,127,131,178,181,176,131,131,127,123,120,125,176,176,178,183,181,183,194,199,194,191,191,191,191,194,196,196,191,189,194,204,207,204,204,202,199,196,194,191,191,191,183,123,107,102,105,113,125,176,176,170,125,119,118,119,125,123,120,168,191,207,209,204,199,199,199,189,170,123,119,121,121,117,113,113,117,121,123,123,125,125,173,186,183,173,176,189,191,183,181,191,207,209,202,189,181,181,186,191,194,189,181,176,176,178,176,127,119,120,127,173,168,127,123,117,112,113,125,178,183,183,189,191,194,189,186,191,202,207,207,202,196,196,194,168,104,103,113,123,127,127,123,117,115,117,127,183,194,196,194,191,196,204,215,222,225,215,199,181,173,133,178,183,194,202,204,196,191,194,204,212,212,207,199,181,134,135,181,178,135,135,133,133,133,133,133,133,176,176,176,133,131,131,176,183,186,183,181,181,181,181,181,176,173,173,176,181,186,189,186,181,178,178,183,186,181,176,173,173,173,173,173,172,172,176,183,186,181,178,183,186,181,176,176,173,173,176,178,176,173,170,173,178,181,183,181,176,168,125,123,127,173,173,173,170,168,168,170,173,170,165,121,115,115,121,170,173,165,121,119,119,115,115,121,165,168,165,123,117,107,102,102,104,107,109,115,125,173,176,173,165,125,165,173,170,127,126,173,194,204,202,189,178,168,127,168,178,186,183,127,121,119,123,176,194,204,204,196,191,191,194,194,191,189,183,176,170,129,127,125,124,124,124,124,127,127,129,173,178,178,181,189,196,196,191,189,189,189,189,191,194,191,186,178,176,177,183,191,196,196,199,199,202,199,196,196,199,199,202,207,212,209,207,204,204,204,207,207,207,204,204,204,204,207,209,207,207,204,199,194,191,186,183,181,176,173,173,173,173,173,172,176,183,191,196,199,199,189,181,178,173,127,126,129,170,127,121,119,121,123,125,129,178,178,133,133,176,183,191,196,196,196,196,199,202,204,204,202,196,186,183,191,207,212,204,199,199,202,196,189,135,129,129,133,178,189,194,194,191,191,189,186,186,189,196,199,191,173,127,173,176,176,129,126,176,189,178,125,123,123,123,123,125,129,133,176,178,178,181,183,183,181,181,183,183,186,189,194,199,202,199,191,189,186,186,191,199,204,202,196,195,195,199,204,207,207,204,204,203,203,203,204,204,207,207,207,207,209,212,217,217,215,212,209,207,204,199,196,194,194,189,139,137,135,133,132,135,181,189,191,191,191,189,189,194,199,199,194,186,181,178,177,178,186,189,189,186,186,189,194,196,194,191,189,186,186,186,183,183,183,183,183,189,191,196,194,189,186,183,181,181,178,176,178,181,186,183,181,178,176,173,173,173,173,178,183,183,178,176,176,183,186,186,181,178,178,178,181,183,186,189,186,178,176,176,178,183,191,194,194,189,181,173,127,124,123,125,173,178,178,176,176,178,181,178,176,173,173,173,176,173,170,127,127,168,170,170,170,173,176,178,178,181,183,186,186,186,183,181,176,129,128,130,173,176,173,131,129,121,116,114,117,123,125,124,124,168,181,191,196,194,189,178,165,121,119,119,119,119,121,123,123,123,123,125,168,170,170,173,170,168,125,123,123,125,125,125,123,123,125,127,127,123,119,119,121,127,173,176,170,127,127,129,127,125,125,127,129,133,183,191,194,194,194,194,194,194,191,191,191,191,194,194,191,189,183,178,177,177,181,189,196,199,196,191,186,181,181,178,176,176,181,183,183,183,186,189,191,194,194,191,189,186,186,191,191,194,194,194,194,189,189,186,186,186,186,186,189,189,189,186,183,181,181,181,181,181,178,181,181,183,183,183,183,183,183,183,186,186,186,186,186,186,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,196,196,186,157,3,43,181,173,150,160,181,189,178,163,147,124,57,5,0,11,51,147,165,170,173,165,124,43,81,131,165,181,183,181,150,25,0,0,45,126,41,0,129,168,183,178,77,0,0,0,129,126,129,142,157,155,157,176,196,196,191,189,191,202,207,204,199,196,199,194,183,189,191,90,0,9,41,121,152,176,183,194,204,204,199,194,194,196,196,194,199,202,202,199,194,181,91,63,61,63,69,87,155,178,181,170,155,78,84,144,170,181,186,189,191,194,194,196,196,199,199,196,194,194,196,202,124,108,37,0,0,0,0,35,108,144,165,155,113,0,4,6,7,41,113,100,79,82,87,23,21,85,118,124,82,41,31,25,31,45,82,95,59,24,27,47,55,47,42,43,47,43,35,35,37,9,0,0,7,25,39,53,61,65,65,35,0,7,53,108,118,79,28,27,75,75,1,0,27,71,150,152,134,87,77,81,142,142,85,83,137,155,144,65,23,17,19,37,61,79,69,57,65,170,189,165,131,124,124,126,118,103,103,105,69,56,54,60,100,105,92,0,0,0,0,100,95,0,142,0,116,0,0,0,0,0,0,0,0,0,0,0,0,150,170,183,186,189,189,189,191,194,194,194,186,178,168,152,0,0,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,157,160,163,165,170,176,178,176,173,170,170,170,168,168,168,170,173,176,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,189,186,186,189,191,194,196,199,204,207,212,217,217,217,225,228,228,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,238,241,241,0,0,230,217,209,204,202,202,199,191,183,178,176,178,178,181,189,199,207,212,225,235,241,241,233,228,222,222,222,217,217,222,225,230,233,233,233,230,225,217,215,215,222,230,233,233,225,215,207,202,202,199,199,194,186,176,168,163,121,119,0,0,0,117,157,163,173,181,186,194,199,207,212,212,209,204,196,191,187,187,189,194,199,199,199,199,202,202,196,189,187,187,194,204,215,217,217,222,225,228,228,228,225,217,217,222,225,225,222,215,215,212,209,209,207,202,202,207,209,212,209,209,209,212,217,225,225,225,217,216,216,217,222,228,228,225,222,217,217,220,222,217,217,222,222,222,225,225,222,215,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,108,103,103,111,118,121,118,105,77,75,90,92,35,29,41,39,39,31,11,19,29,27,1,5,0,0,29,27,13,0,0,0,0,0,0,0,31,59,41,19,25,15,0,0,39,81,113,118,124,121,118,118,121,121,118,118,116,77,59,59,61,35,19,25,21,0,0,0,0,0,0,13,25,11,0,0,0,0,0,0,0,25,41,124,142,160,181,186,186,183,168,150,59,0,0,113,116,103,37,0,0,0,0,0,0,49,35,22,23,103,124,129,124,51,39,19,7,29,51,61,63,91,137,150,160,176,189,202,207,209,212,212,202,183,99,0,0,25,35,41,65,101,103,91,69,63,79,89,101,107,109,109,105,105,160,176,168,115,109,109,111,113,111,108,107,113,165,170,170,165,163,163,168,165,121,118,118,121,163,165,163,165,176,183,186,176,168,163,121,121,123,163,168,165,168,183,194,196,196,186,163,117,115,117,119,123,165,170,170,168,125,121,125,178,191,186,173,173,176,178,178,181,183,183,181,183,181,178,176,174,174,176,178,181,183,183,186,183,183,186,191,189,183,181,174,172,183,207,196,133,131,133,181,194,199,194,190,191,194,202,207,204,194,186,183,186,194,202,207,204,183,135,181,189,191,186,183,181,176,129,127,127,131,133,133,131,131,130,130,131,129,123,118,119,125,127,129,176,178,183,191,196,196,196,196,191,191,191,194,194,189,183,182,189,194,196,199,196,189,181,173,131,173,173,127,113,103,103,111,121,125,129,168,173,173,125,118,121,123,121,121,173,191,204,209,207,204,204,202,194,178,125,119,121,121,119,115,113,115,115,115,117,119,121,125,170,127,125,127,176,176,131,129,178,194,196,189,183,178,178,181,183,186,183,181,178,178,178,173,121,116,119,127,170,125,117,113,110,110,115,168,183,183,183,186,191,194,189,186,189,196,202,202,196,191,186,178,115,101,101,109,115,119,123,125,121,119,123,173,191,202,204,202,196,199,204,212,222,228,215,196,176,131,176,181,186,194,199,202,191,183,186,191,199,196,191,186,178,135,178,135,134,135,178,133,135,135,133,133,133,176,178,178,133,130,131,133,178,181,178,181,183,183,183,181,181,178,176,181,189,194,196,191,186,183,183,186,186,181,178,178,176,176,173,172,172,172,176,186,189,183,178,181,183,181,178,181,181,181,181,183,178,170,169,170,178,183,186,186,181,176,168,168,170,176,178,178,176,173,173,170,170,170,168,163,121,121,123,165,165,121,113,111,113,113,113,119,163,165,168,165,121,113,107,105,111,119,123,123,168,170,170,165,120,116,117,123,127,127,168,183,202,209,204,194,181,170,170,176,183,189,186,170,125,125,173,191,209,217,212,202,194,196,196,196,194,191,186,178,170,127,127,125,125,125,125,127,129,129,131,173,176,173,176,183,194,196,194,194,194,194,194,194,194,191,183,178,177,181,189,196,199,199,199,199,199,199,196,196,199,199,204,209,212,207,199,196,199,202,204,207,207,207,207,207,207,209,209,209,207,204,199,194,191,189,183,181,178,176,173,172,172,173,173,172,176,181,186,194,191,181,173,170,127,125,126,129,170,125,118,117,117,119,121,125,131,129,125,127,133,181,189,194,196,194,194,196,199,202,202,199,191,183,181,189,204,212,207,199,202,204,204,191,135,129,129,133,178,183,186,191,196,194,186,133,133,178,194,199,133,79,77,115,129,176,129,123,127,178,173,123,122,125,127,131,133,176,176,178,178,178,181,183,183,181,181,183,191,194,196,199,204,207,202,194,191,194,196,202,204,207,202,199,199,199,202,202,204,204,204,204,203,203,203,204,204,207,209,209,207,209,212,215,215,212,209,207,204,202,196,191,189,189,186,139,137,137,135,132,133,181,186,191,191,191,191,191,194,196,196,191,186,183,178,177,178,183,189,189,186,183,186,194,199,196,194,191,189,191,189,189,186,183,181,181,181,186,191,194,191,189,183,178,176,131,129,131,176,181,181,181,178,178,183,183,181,176,176,181,186,178,170,170,178,186,186,181,181,181,183,189,194,196,199,196,189,183,178,181,186,191,196,196,191,181,173,127,124,123,124,170,176,176,173,173,178,181,178,178,173,172,173,176,173,170,168,170,173,173,170,170,170,173,176,178,183,189,186,181,173,131,173,131,129,130,176,181,181,178,181,181,173,123,121,123,129,129,125,124,129,178,189,194,191,189,181,170,125,123,121,118,118,119,121,121,123,125,165,168,168,170,173,173,168,125,123,123,125,165,125,125,123,123,125,125,123,121,119,119,123,127,129,125,121,123,125,125,125,127,129,133,181,189,194,194,194,194,196,196,196,196,194,191,189,186,189,189,186,181,178,176,176,178,189,196,199,196,189,183,181,183,181,177,177,181,183,183,186,189,189,191,191,189,186,183,181,183,189,191,191,191,191,191,189,186,183,183,183,183,183,186,186,183,183,181,178,178,178,178,178,178,178,181,183,183,181,181,181,181,183,183,186,186,186,186,186,181,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,189,194,191,173,51,51,163,160,155,168,189,194,186,176,165,144,85,0,0,0,9,142,170,178,178,168,142,124,142,160,163,155,157,142,5,0,0,0,29,108,100,116,183,186,196,204,186,43,0,0,118,129,155,176,173,160,160,178,199,202,202,202,207,209,212,212,207,204,204,202,189,178,160,49,0,5,41,147,170,186,191,199,204,202,199,194,194,196,194,194,199,202,199,199,189,150,87,75,71,71,73,81,137,165,168,152,93,77,99,176,186,191,191,189,183,181,183,189,194,194,194,189,189,189,183,170,77,47,27,0,0,0,0,39,126,142,134,79,64,79,111,11,1,31,90,92,85,85,77,25,21,43,100,95,21,3,5,19,47,85,105,105,41,15,20,33,53,55,43,42,45,41,39,39,39,37,37,43,45,37,37,47,57,63,59,0,0,0,45,134,142,118,31,30,63,118,31,29,41,61,124,121,72,74,83,129,150,155,134,126,152,157,83,21,13,17,49,73,73,73,65,65,87,176,189,178,157,134,129,126,113,63,61,67,67,59,56,79,108,0,0,0,0,0,0,103,111,142,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,173,178,181,183,181,181,183,189,186,178,168,160,0,152,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,163,163,165,165,170,178,181,178,176,176,173,168,165,165,165,170,173,173,173,0,0,0,0,0,0,0,0,0,0,0,0,0,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,191,186,185,186,189,191,196,199,204,207,212,215,215,215,217,222,222,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,212,204,202,202,199,196,189,183,178,176,176,178,189,196,204,209,222,233,241,241,235,228,222,217,217,216,215,216,217,225,228,225,228,228,225,222,222,225,228,233,235,233,225,212,204,202,202,202,199,196,191,183,176,168,163,157,119,117,0,152,155,163,170,178,183,191,196,204,212,215,215,212,207,199,191,187,187,191,196,199,196,196,199,199,194,191,189,191,196,204,209,212,215,217,222,222,225,225,222,217,217,222,225,225,225,225,225,225,225,225,217,212,212,215,222,222,222,217,217,222,228,230,230,228,222,216,216,220,225,230,230,228,222,215,215,217,217,217,217,222,222,222,222,225,217,212,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,66,87,100,103,111,116,116,113,98,75,78,95,98,59,61,100,98,105,103,59,49,41,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,63,53,47,65,75,71,57,63,116,126,124,121,116,113,116,121,124,121,121,118,103,60,61,69,23,0,1,0,0,0,0,0,0,0,0,11,13,17,19,0,0,0,0,0,43,57,126,144,163,181,189,189,189,178,170,111,0,0,92,98,67,37,0,0,0,0,0,53,59,43,19,20,73,121,131,131,73,65,65,35,17,0,5,43,81,131,157,178,191,199,207,212,215,212,212,207,194,71,0,0,25,37,45,79,142,139,91,67,48,57,69,95,105,109,109,104,106,160,181,183,173,165,163,160,160,157,113,107,109,160,168,163,163,163,168,170,168,121,119,119,121,123,123,121,121,165,176,183,183,173,163,117,113,109,113,121,121,121,178,194,194,191,186,163,121,121,121,119,121,165,173,176,173,170,125,165,178,194,186,173,173,173,173,178,181,183,183,183,183,183,178,174,174,174,176,178,181,186,191,194,191,186,186,189,186,181,178,176,174,191,215,204,135,133,181,189,202,207,199,190,192,202,212,217,209,186,135,135,181,186,191,199,202,189,183,191,194,194,189,186,183,178,129,129,131,178,181,176,131,130,130,131,173,173,129,121,120,121,121,123,129,176,181,189,191,196,202,204,196,194,194,191,191,189,183,179,179,182,186,189,183,176,123,115,113,115,117,113,105,101,109,127,183,181,176,176,186,191,178,125,121,121,119,121,170,189,202,212,212,212,215,209,199,181,127,121,119,123,123,119,117,113,111,110,113,117,119,121,123,123,123,127,129,128,127,126,131,181,181,173,173,176,178,178,178,181,183,186,186,181,173,170,127,121,123,127,127,119,112,111,110,112,123,183,191,189,183,181,186,189,189,186,186,189,194,196,194,183,176,125,109,101,103,113,117,117,121,125,123,123,127,176,191,199,202,199,196,194,196,204,217,225,212,191,131,131,181,186,189,191,191,191,186,181,178,178,183,181,135,135,178,178,135,134,134,178,181,133,132,132,132,133,133,176,178,176,130,129,130,131,133,173,176,181,183,183,181,178,178,178,178,181,194,202,207,202,196,189,186,183,178,178,181,183,186,186,181,178,176,173,178,191,194,189,181,181,178,176,176,181,183,186,186,183,178,173,170,170,178,183,183,183,186,183,176,170,170,173,173,170,170,173,173,170,168,168,165,165,165,168,163,119,117,115,111,109,110,109,110,113,119,163,170,173,165,121,117,117,123,170,170,168,168,165,165,165,121,117,118,165,176,178,181,191,202,204,202,194,181,170,170,178,186,194,189,173,127,170,186,204,222,225,212,199,194,196,199,196,194,194,189,178,170,127,127,127,129,170,170,170,131,131,176,178,176,173,173,181,189,191,191,194,194,191,191,191,189,189,189,186,186,191,196,202,202,199,196,199,199,199,196,196,199,202,207,212,212,202,194,191,196,199,202,204,207,209,209,207,207,209,209,209,207,204,199,194,191,189,181,178,178,178,176,176,176,178,176,172,172,173,178,181,181,173,170,173,170,127,127,129,129,123,118,116,117,118,119,121,125,123,122,125,131,178,183,189,194,194,191,194,196,199,199,194,186,181,181,191,202,207,204,202,199,202,202,194,178,129,129,133,176,133,133,181,196,199,186,131,129,132,189,191,103,50,51,68,125,176,129,123,125,176,176,125,121,122,129,176,178,181,183,183,183,183,186,186,186,181,181,186,196,202,204,204,209,212,209,202,196,199,202,207,209,209,204,202,204,204,204,204,202,204,204,204,204,204,204,207,209,212,212,212,207,207,209,212,212,209,204,202,202,199,194,189,186,186,186,183,183,183,137,133,132,137,186,189,189,189,189,189,194,196,196,191,186,183,181,177,177,181,183,181,178,135,181,191,196,194,191,191,194,196,196,194,189,183,179,179,181,183,189,194,196,194,189,181,176,131,128,128,133,178,181,181,178,181,189,194,189,181,178,181,189,181,170,169,173,181,183,181,181,183,186,191,199,204,207,204,196,189,183,183,186,191,196,196,194,183,173,129,125,125,125,129,170,170,129,129,173,178,178,178,176,173,173,173,173,170,168,170,176,176,170,129,129,170,173,176,181,186,186,176,130,130,131,131,173,178,186,189,189,186,191,196,194,183,178,178,181,176,170,127,170,178,186,189,186,183,181,176,168,125,121,119,118,119,119,119,121,123,125,165,168,170,173,176,170,165,123,123,125,165,165,125,125,123,123,123,123,123,121,119,119,121,121,118,117,118,121,125,129,131,176,178,183,191,194,194,194,194,196,196,199,199,196,191,178,135,178,183,186,183,181,178,176,178,186,194,196,194,189,183,181,186,183,181,178,181,183,183,186,189,189,189,186,183,181,181,179,181,186,186,186,186,189,189,186,183,183,183,181,181,183,183,181,181,178,176,176,176,173,176,178,178,178,181,183,183,181,178,178,181,181,183,186,186,186,186,186,181,181,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,181,186,186,176,134,98,142,142,155,176,191,194,186,178,173,168,137,0,0,0,11,139,163,170,168,160,150,150,168,181,163,47,57,49,0,0,0,9,98,118,150,207,196,196,202,207,202,176,41,0,0,87,160,189,183,160,150,157,178,196,202,204,207,209,212,209,207,204,199,199,194,168,124,53,0,41,126,176,181,191,196,202,199,199,196,194,194,194,194,194,199,199,199,196,181,97,85,83,83,83,79,81,97,147,147,95,84,82,144,178,189,191,194,183,173,173,177,186,189,189,189,186,186,186,178,144,55,41,27,0,0,0,0,108,129,129,100,59,55,163,178,15,0,37,77,85,74,51,45,33,27,29,31,0,0,0,0,0,77,129,142,131,29,9,16,32,63,92,55,43,43,39,33,25,31,45,59,57,49,35,31,37,47,47,35,0,0,0,17,126,137,79,31,33,67,134,55,47,47,53,79,79,64,72,89,131,150,165,173,173,170,163,55,6,6,21,121,129,79,65,64,71,124,157,170,170,160,144,137,134,121,61,59,69,105,98,87,90,105,116,0,0,90,90,0,98,0,0,0,121,144,163,160,0,0,0,0,0,0,0,0,0,0,0,150,160,170,176,176,176,173,176,181,181,170,157,155,160,168,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,168,168,170,176,183,186,183,181,178,176,168,163,160,163,168,173,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,194,189,186,186,186,189,194,199,204,209,212,212,212,212,212,215,215,0,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,254,254,0,243,230,215,204,199,199,202,199,196,189,183,176,174,176,186,196,204,209,217,230,238,241,235,230,225,222,217,216,215,216,216,217,222,217,217,222,225,225,225,230,233,238,235,230,217,209,207,204,204,202,202,202,196,191,181,176,168,163,157,155,155,155,155,160,168,176,181,186,191,199,207,215,217,217,215,209,199,191,187,189,194,196,196,194,196,196,196,194,194,196,202,204,207,207,207,212,217,222,222,225,222,217,217,222,225,228,228,225,228,230,233,233,230,225,225,228,230,230,230,228,228,228,230,235,235,230,225,220,220,222,228,233,233,230,222,215,215,217,217,215,217,222,222,222,222,222,215,209,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,43,46,66,87,98,103,108,111,98,79,74,85,105,103,103,108,108,116,121,116,103,59,0,0,0,0,0,0,0,0,0,0,0,0,0,1,27,53,61,61,61,67,103,111,111,111,116,124,129,129,121,113,111,113,121,124,124,124,124,111,69,67,67,47,9,0,0,0,0,0,0,0,0,0,0,1,21,31,11,0,0,0,0,53,90,116,129,144,170,183,186,189,183,157,0,0,0,13,61,57,49,39,25,5,0,21,55,61,53,31,28,73,118,129,124,79,69,75,73,0,0,0,25,47,139,178,189,196,202,204,209,212,215,202,204,189,33,0,1,35,43,59,93,144,139,99,97,65,47,49,85,105,111,109,105,106,163,189,202,204,196,189,189,186,176,160,111,108,117,160,119,119,160,165,168,165,123,121,119,119,121,121,121,120,123,168,176,183,178,165,115,105,103,104,109,111,113,168,186,186,178,168,121,121,165,165,121,119,165,181,186,186,178,165,125,173,186,181,173,178,176,173,176,178,178,178,178,178,181,178,176,178,181,181,178,181,189,194,199,199,196,191,183,181,186,183,178,181,196,207,202,178,178,186,196,215,222,215,212,222,222,228,233,209,129,128,135,183,181,183,191,196,199,199,204,202,196,191,183,178,131,127,127,129,178,181,178,131,131,131,131,131,173,176,173,127,125,123,119,121,127,176,186,189,196,209,215,202,199,196,194,194,194,186,179,179,182,183,181,133,125,115,105,101,101,103,103,101,103,121,196,217,207,189,183,186,189,183,173,123,119,119,121,127,181,202,212,215,217,217,215,202,178,125,119,121,123,125,123,119,113,109,109,115,119,121,121,125,129,129,129,129,129,128,128,173,176,131,128,129,173,178,181,176,176,183,191,194,181,170,170,170,170,129,129,129,121,115,113,113,121,178,199,202,196,186,173,173,183,189,186,183,178,181,186,183,176,119,111,105,104,113,168,168,123,121,123,123,125,168,176,183,191,196,194,189,186,181,189,207,212,196,176,129,176,186,186,183,186,186,183,183,178,133,129,129,131,131,133,178,181,178,135,135,181,181,133,131,131,133,135,135,135,133,133,131,131,133,176,133,131,131,176,181,178,176,173,173,176,178,183,194,204,209,207,202,194,183,131,129,131,178,189,199,202,202,194,183,176,178,194,199,191,183,181,176,131,131,176,181,183,183,178,176,173,173,173,176,178,181,183,186,186,181,170,125,125,125,125,124,170,176,170,165,165,165,125,168,176,170,119,115,113,113,113,111,110,109,111,115,123,170,176,165,123,123,123,165,170,170,165,123,123,125,165,165,121,121,170,186,186,186,189,191,194,196,191,178,127,123,168,181,189,183,170,129,176,194,215,228,225,209,196,192,196,199,196,194,196,191,181,170,129,129,170,173,176,176,176,131,173,178,181,178,173,173,178,183,183,186,189,189,186,181,178,183,186,189,191,194,196,199,202,199,196,196,199,202,199,196,196,199,199,204,215,212,199,191,189,191,196,199,204,204,207,209,207,207,207,207,207,207,207,199,189,189,183,176,173,176,178,178,176,178,183,178,170,170,176,178,178,178,181,181,183,181,176,170,129,127,123,119,119,121,121,121,121,123,123,123,129,133,176,181,186,189,191,194,194,196,196,194,191,186,181,183,189,194,196,196,196,194,191,191,191,183,133,129,129,127,115,103,111,186,204,199,176,131,133,183,189,123,65,55,56,123,129,127,125,127,183,186,176,121,122,131,178,183,189,191,191,191,191,191,189,183,181,183,189,196,202,202,204,209,217,215,207,202,199,202,204,209,209,207,204,202,202,202,199,199,202,207,207,207,207,207,209,212,215,217,215,209,204,204,207,207,202,199,199,196,194,189,186,186,186,186,186,189,189,183,133,131,133,183,189,191,189,189,189,191,194,194,191,186,181,178,178,178,181,178,133,128,129,135,183,191,191,189,189,196,199,199,196,191,186,181,181,181,183,186,189,194,194,189,183,181,176,129,128,129,176,183,183,181,183,189,194,191,183,178,183,186,186,181,173,173,178,181,181,181,183,186,191,202,204,204,202,194,191,189,183,186,189,194,194,191,183,178,173,131,129,127,127,129,128,128,128,170,176,176,176,178,176,173,173,173,170,168,170,176,173,129,125,125,127,129,170,176,181,183,178,176,176,178,178,178,186,191,191,189,189,194,202,199,196,194,191,194,191,183,173,173,178,183,186,186,183,181,178,173,127,121,119,119,119,119,118,119,121,123,125,165,168,173,178,176,168,125,125,165,165,125,125,125,123,122,122,123,125,123,121,119,119,119,118,118,118,121,127,173,178,181,183,189,191,194,194,194,194,194,194,199,204,202,189,127,124,127,181,186,186,183,181,177,177,181,186,191,191,186,181,181,186,186,183,178,178,181,183,186,186,186,186,183,181,179,179,181,183,186,183,183,183,183,183,183,178,178,178,178,178,178,178,178,173,172,172,173,173,173,173,176,176,176,181,183,183,181,178,178,181,183,186,186,186,186,186,183,183,183,186,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,183,181,176,170,163,134,131,118,103,176,183,183,168,168,157,147,134,5,0,7,19,67,155,152,152,160,157,160,183,181,61,0,0,0,0,67,142,165,170,178,189,196,202,196,196,202,204,194,152,23,0,21,124,186,191,181,142,95,131,181,194,199,204,209,209,209,204,199,194,189,178,150,121,105,111,144,160,170,181,189,196,202,202,202,199,196,191,191,194,196,199,199,202,191,165,89,87,91,129,131,99,93,95,134,97,87,86,91,160,181,189,191,191,181,172,173,178,183,186,186,186,183,183,176,170,53,53,23,0,0,0,0,0,98,108,113,95,52,55,157,168,11,0,35,35,29,35,25,19,29,27,21,15,0,0,0,0,17,47,118,150,142,57,53,61,87,103,98,87,57,41,31,4,6,33,53,61,57,45,32,29,33,45,35,15,0,0,0,21,131,139,63,25,25,47,129,57,55,55,59,77,85,81,124,126,131,150,178,191,191,181,163,124,7,0,45,147,139,81,65,67,75,124,134,137,144,142,134,139,139,121,65,60,73,155,121,103,100,103,105,98,0,82,79,79,87,0,0,108,0,139,165,165,155,142,0,0,0,0,0,0,0,0,0,0,0,163,168,170,170,170,173,176,173,163,0,155,168,178,183,183,176,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,0,0,0,0,181,173,165,159,159,160,165,168,168,168,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,199,194,189,186,186,189,194,199,204,209,212,212,209,207,207,209,207,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,255,255,254,254,254,255,254,254,246,235,222,207,199,199,0,204,202,196,189,181,176,174,183,194,202,209,215,225,233,238,238,235,230,225,222,220,217,217,217,225,225,217,213,215,217,222,228,233,238,238,235,225,215,209,207,207,207,204,204,202,199,194,189,183,176,168,165,160,160,157,155,160,168,173,178,181,186,191,202,212,220,222,222,215,207,196,189,189,194,194,194,194,194,196,194,196,199,202,204,204,204,202,202,207,212,217,222,222,217,215,215,217,225,228,228,225,225,230,235,238,235,235,233,235,235,235,235,235,233,233,235,238,238,233,228,225,225,228,230,233,235,233,225,217,215,215,215,215,217,222,222,222,222,217,212,209,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,5,33,66,82,87,98,103,87,78,77,92,108,108,111,113,113,118,124,126,116,55,0,0,0,0,0,0,0,0,3,25,49,51,45,49,61,67,90,67,69,95,108,118,121,121,124,129,131,131,124,113,112,113,118,121,121,124,124,111,69,61,61,90,108,43,0,0,0,0,1,0,0,0,0,7,31,37,7,0,0,0,0,57,82,87,90,116,163,181,183,183,170,105,0,0,0,0,33,61,65,57,43,15,3,17,47,57,57,51,53,111,124,124,118,81,71,69,63,0,0,7,37,65,168,194,196,199,202,202,204,202,207,202,194,144,0,0,43,43,45,57,81,101,105,144,155,105,51,49,79,103,111,147,109,111,170,194,207,215,209,204,204,199,194,181,119,107,109,117,119,115,119,160,163,163,160,121,119,118,119,121,121,121,123,165,173,183,181,170,121,111,104,103,104,105,109,121,170,170,163,119,118,121,168,168,121,119,168,181,191,191,183,168,123,170,183,181,176,178,176,173,170,173,170,173,173,173,176,178,178,181,183,183,181,181,186,194,202,207,204,191,178,178,189,194,191,189,194,199,196,189,189,189,196,212,228,230,233,235,233,238,238,212,126,126,181,186,183,183,191,199,207,212,215,212,204,194,181,129,125,124,125,126,131,176,133,131,131,131,129,129,131,178,181,176,173,127,117,115,123,176,186,189,196,209,222,209,204,202,196,196,194,183,181,186,196,196,186,131,119,109,100,98,98,99,100,103,111,129,194,217,209,189,176,173,178,183,181,168,119,117,119,123,178,202,209,215,217,217,212,194,170,121,119,121,123,123,119,115,111,109,110,117,123,125,125,127,170,173,176,181,178,176,176,178,178,131,128,129,131,178,181,176,174,181,194,194,183,176,173,173,170,129,129,170,170,123,117,119,129,189,202,207,204,191,173,170,173,178,176,170,125,168,170,165,119,101,100,105,113,170,189,189,176,125,123,125,170,176,176,176,181,183,183,178,176,173,176,186,189,173,127,128,178,186,183,181,181,183,181,178,135,131,128,128,129,131,133,181,183,181,178,181,183,181,178,133,133,133,135,135,135,133,133,176,181,189,191,183,131,130,131,176,173,131,129,129,173,178,183,191,199,202,199,199,194,183,127,124,126,176,191,202,207,207,204,189,176,176,183,191,191,189,183,178,131,130,130,131,173,131,130,130,131,173,176,178,178,178,181,186,186,178,127,123,123,123,123,125,170,176,168,123,121,121,123,168,178,178,168,123,119,119,121,119,115,111,113,119,168,176,176,163,121,121,123,123,163,123,119,116,117,121,125,165,125,125,173,183,186,181,178,176,178,181,181,127,117,117,123,173,178,176,129,127,173,189,209,225,222,207,194,192,199,202,199,196,196,191,183,173,170,170,173,176,176,176,173,131,131,176,176,173,173,173,176,176,176,176,181,183,178,133,133,178,183,186,189,194,199,202,199,196,196,196,202,199,196,196,196,194,191,199,212,212,202,191,186,189,191,194,202,204,207,207,204,204,204,204,204,207,204,191,181,181,178,131,131,176,178,178,178,183,189,186,173,173,181,186,186,189,194,196,194,189,181,176,170,125,123,121,123,125,127,127,127,129,131,173,178,181,181,183,186,189,189,191,191,194,194,194,191,186,181,178,181,178,178,178,183,183,181,181,183,183,178,131,127,119,105,98,100,129,207,207,186,176,176,183,194,199,178,109,107,121,127,127,127,133,183,186,181,129,131,178,183,189,194,196,196,196,196,194,191,186,186,186,191,196,199,199,204,209,217,220,212,202,196,196,202,207,209,207,202,194,141,137,141,191,202,204,204,207,207,209,212,215,217,217,217,209,204,199,199,199,196,194,194,194,191,186,186,186,189,191,191,191,191,186,135,132,133,178,186,189,189,191,191,191,189,189,189,183,181,178,181,181,181,135,129,127,128,133,183,189,189,189,191,199,202,202,202,199,194,191,189,183,183,181,181,183,186,186,186,183,181,133,129,129,178,183,183,181,181,186,189,186,181,181,183,189,194,191,183,178,181,181,181,178,181,183,189,199,204,202,196,191,191,191,186,186,189,191,191,189,186,183,181,178,173,170,129,129,128,128,129,173,176,176,176,176,176,173,173,173,173,170,170,173,170,127,123,121,121,125,129,131,176,181,181,181,183,186,186,183,189,191,191,186,185,191,196,202,202,202,202,204,204,196,186,181,183,186,186,183,181,178,176,170,127,123,123,123,123,121,119,119,119,121,125,165,168,170,178,178,170,165,125,165,125,125,124,125,125,123,123,123,127,125,123,119,121,121,123,123,123,127,131,178,183,186,189,189,191,194,194,196,196,194,194,199,204,204,191,127,122,124,133,183,186,186,183,181,181,181,181,183,183,181,179,183,186,186,183,181,178,178,181,183,183,186,186,183,181,179,181,183,183,183,181,181,181,181,181,178,133,133,133,173,173,173,178,176,172,169,170,173,176,176,176,173,131,173,181,186,183,181,178,178,178,183,186,186,189,186,186,183,183,183,186,186,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,53,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,173,173,170,173,176,152,124,3,0,121,155,152,137,116,47,27,27,29,39,47,35,45,124,131,137,157,157,155,144,116,27,0,0,0,67,186,194,191,189,194,196,196,199,196,191,194,202,212,207,121,0,0,25,160,194,196,173,91,63,155,181,196,202,204,204,204,202,196,186,165,142,134,134,139,147,157,165,170,176,183,194,199,202,202,199,196,191,190,194,199,202,199,204,181,126,59,81,129,139,139,134,99,97,95,91,89,95,144,168,181,186,191,194,186,177,177,186,186,181,181,181,181,176,157,85,0,9,0,0,0,0,0,0,17,77,105,100,60,60,111,121,9,0,19,17,15,17,7,2,19,25,17,15,0,0,0,0,17,37,85,124,134,137,165,170,155,137,105,92,90,57,13,4,9,59,113,118,69,41,31,29,37,53,41,23,0,0,0,29,134,144,69,20,12,10,59,59,59,59,65,83,116,124,139,124,89,142,176,189,186,178,165,152,51,15,59,165,157,124,79,67,67,118,126,87,81,77,75,124,131,113,63,59,69,142,116,111,111,105,85,74,79,82,78,79,0,0,98,92,105,0,0,160,155,139,0,0,0,0,0,0,0,0,0,0,0,155,163,165,168,168,168,168,160,147,0,155,170,178,181,176,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,160,157,159,160,163,165,163,163,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,202,196,191,189,189,189,194,199,204,209,212,212,207,204,202,202,199,194,0,0,0,0,0,0,0,0,0,0,0,0,194,202,0,0,0,0,255,255,251,254,255,255,254,254,254,255,255,254,248,241,228,212,0,0,0,0,204,202,196,189,178,176,181,191,202,207,212,222,230,233,235,235,233,230,228,225,225,225,228,230,228,220,213,213,215,217,225,233,238,238,233,222,212,209,207,204,204,204,204,204,199,196,194,189,181,176,170,168,165,163,157,160,163,168,173,176,181,186,196,207,217,222,222,220,209,199,191,189,191,194,191,189,189,191,191,194,196,199,202,202,199,196,196,202,209,215,222,217,215,212,215,217,222,228,228,225,225,230,235,238,238,238,238,238,238,241,241,241,235,235,238,241,241,235,233,230,230,230,233,235,235,235,228,222,217,217,215,215,217,222,225,222,222,217,212,209,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,59,72,74,87,92,82,79,87,100,111,108,111,116,116,118,121,126,126,92,0,0,0,0,0,0,33,95,105,103,103,100,92,95,98,103,103,103,105,111,118,124,126,126,129,131,131,131,129,121,116,116,118,118,118,118,116,98,49,39,53,103,137,113,0,0,0,0,0,15,45,39,25,31,37,33,0,0,0,0,0,49,49,49,53,103,160,176,173,165,59,0,0,0,0,0,19,103,105,98,41,0,0,0,37,53,63,71,113,131,131,126,124,113,77,65,47,21,15,29,51,139,189,202,202,202,202,199,199,196,199,202,173,37,0,0,39,37,35,41,59,81,99,150,163,150,51,47,77,101,109,147,150,152,173,194,209,217,215,209,209,204,199,189,160,107,107,115,117,113,115,119,121,121,121,121,119,118,119,121,123,123,163,165,173,183,186,183,178,168,115,105,103,103,105,113,121,121,118,118,118,121,163,163,119,119,165,178,186,186,178,125,121,170,183,189,183,181,176,170,168,168,168,170,170,168,170,176,178,183,183,183,178,176,181,186,199,207,207,189,131,131,189,202,199,191,189,191,191,194,196,191,191,204,217,230,235,238,235,238,238,207,128,128,181,183,186,194,204,212,215,217,222,220,212,199,181,127,124,124,125,125,127,129,129,129,129,131,129,125,127,176,181,183,181,176,121,113,119,131,181,183,191,207,222,209,202,199,199,196,191,183,183,199,212,212,196,133,119,107,101,100,100,101,105,111,123,170,181,191,186,170,121,121,127,183,189,176,121,115,115,119,173,196,207,209,215,212,204,181,123,118,118,119,121,119,115,111,110,110,111,117,119,123,125,127,127,170,181,191,189,183,181,183,181,173,130,131,173,178,181,178,174,178,189,191,183,178,176,173,129,128,129,176,176,129,123,123,178,194,204,209,209,202,183,170,127,121,113,109,101,105,111,115,109,94,93,109,165,189,199,199,189,173,127,170,178,181,176,170,168,170,173,173,176,173,170,173,131,126,125,129,178,183,181,179,181,183,183,178,133,129,128,128,129,131,135,183,186,183,186,186,189,189,189,183,178,133,133,135,178,135,133,132,181,194,196,189,133,129,130,133,133,129,128,128,129,176,183,186,189,191,189,191,194,183,127,123,125,178,189,194,194,194,194,181,176,176,183,191,194,194,191,186,178,131,131,131,130,129,129,129,130,131,176,178,181,181,181,181,181,176,127,123,123,124,124,127,170,173,168,123,117,117,119,125,176,178,176,170,165,123,123,121,119,117,117,165,181,189,178,165,119,117,119,119,119,116,115,115,117,121,125,165,165,125,170,176,178,173,168,127,127,123,113,107,107,111,117,125,168,170,127,127,129,178,199,215,215,207,196,196,204,204,202,196,196,191,181,173,170,170,173,176,176,173,173,129,129,129,129,129,131,131,131,131,129,131,176,178,176,133,135,181,183,186,189,196,202,202,199,194,194,196,199,196,194,194,194,189,187,191,204,209,204,194,189,186,186,189,194,202,204,204,202,202,199,202,202,202,199,186,176,133,131,129,131,176,178,178,178,186,194,191,183,181,189,196,199,202,204,204,199,191,181,173,129,125,123,121,123,125,129,173,176,181,186,189,189,186,186,186,191,189,189,189,189,191,194,196,196,191,183,178,133,130,129,129,131,135,178,135,135,178,181,176,129,125,115,101,100,117,202,207,191,178,176,183,199,212,217,204,181,133,176,178,178,176,133,133,133,176,181,183,186,189,194,196,194,194,191,191,191,189,191,194,196,199,199,199,202,212,220,220,212,202,194,191,194,196,202,204,196,133,115,112,120,141,196,199,199,204,209,212,215,215,212,215,215,209,202,196,196,194,191,191,191,194,194,189,189,191,194,196,194,191,191,189,137,133,133,178,181,183,189,191,194,191,189,186,186,181,178,178,178,181,178,133,128,127,129,135,183,189,189,191,194,199,204,204,204,202,199,199,194,189,183,179,178,178,179,183,186,183,181,176,131,131,178,181,181,178,176,178,181,181,178,181,186,191,194,191,186,181,181,181,176,174,176,181,186,196,202,196,189,189,191,191,189,189,189,189,186,183,186,186,186,183,178,170,129,129,129,129,173,176,178,178,178,176,173,173,173,173,173,170,168,129,129,125,121,119,119,121,125,129,173,178,181,181,186,191,191,189,189,191,189,185,183,186,194,199,204,204,207,209,209,204,196,189,189,186,183,178,176,173,173,168,127,125,127,168,168,165,123,119,118,121,165,168,170,170,176,178,170,165,165,165,125,124,124,125,125,125,125,127,168,127,125,123,125,127,129,131,173,176,178,183,189,191,191,191,189,191,194,196,196,196,196,196,202,204,196,135,124,123,127,178,183,186,189,186,186,183,179,181,183,183,181,183,183,183,181,181,181,178,178,181,183,183,183,183,181,181,183,186,183,181,181,183,186,183,181,176,132,132,132,132,173,176,178,181,176,173,172,176,178,181,178,173,129,131,178,186,186,181,178,178,178,181,183,186,186,186,186,183,183,183,186,183,181,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,41,57,67,90,55,31,9,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,152,168,173,176,178,170,139,0,0,0,0,0,0,0,0,13,43,124,124,98,53,53,113,126,139,163,157,126,49,19,0,0,0,0,124,194,199,199,196,199,202,199,199,196,194,191,202,215,222,196,103,0,0,100,191,202,199,111,38,69,144,183,194,191,189,191,191,183,160,131,125,130,155,165,165,165,170,173,176,181,191,196,199,199,199,196,191,191,199,202,204,204,194,147,77,49,67,91,129,93,91,97,131,97,97,131,142,157,168,178,183,189,191,186,181,186,191,186,181,178,178,176,170,134,0,0,0,0,0,0,0,0,0,0,47,111,113,90,79,92,98,25,0,13,19,19,9,4,2,45,43,23,21,11,0,0,0,5,23,45,82,113,152,186,194,194,183,124,98,103,108,25,13,27,103,144,150,116,37,26,28,49,95,53,23,0,0,0,35,137,157,147,41,11,8,47,63,65,61,69,81,85,121,131,65,47,77,150,160,160,160,157,163,85,39,63,176,176,152,131,71,65,118,129,75,59,57,71,121,124,81,62,59,61,98,105,113,126,116,57,49,77,95,87,90,0,0,90,92,108,0,0,0,142,0,0,0,147,144,0,0,0,0,0,0,0,152,157,160,160,160,160,155,0,0,0,152,165,173,173,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,0,0,0,0,0,0,0,183,0,0,165,159,159,160,163,163,160,159,159,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,204,199,194,191,191,191,194,196,202,207,212,212,207,202,196,194,191,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,251,251,254,255,254,254,254,255,255,255,251,243,230,217,0,0,0,0,209,207,202,191,181,176,178,191,199,204,209,217,225,228,228,230,233,233,235,235,235,235,238,238,235,225,215,213,213,215,225,230,235,235,230,222,212,209,204,202,199,202,204,204,202,202,199,194,189,181,176,173,170,165,160,160,160,163,165,168,173,181,191,202,212,215,220,215,209,202,191,191,191,191,189,183,181,181,181,183,186,189,191,191,189,189,191,199,207,215,217,217,212,211,212,215,222,228,228,225,228,233,235,238,241,241,241,243,243,243,243,241,238,238,241,243,243,238,235,235,233,233,233,235,235,235,230,222,217,217,215,215,217,222,225,225,222,217,215,212,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,30,0,0,0,0,23,64,69,69,82,87,78,79,92,98,103,105,111,116,116,113,116,124,137,108,0,0,0,0,41,85,118,129,121,118,116,116,111,105,105,108,113,116,121,124,124,126,126,129,129,131,131,131,131,129,126,121,118,118,113,111,103,55,22,23,51,105,126,124,90,0,0,0,0,23,98,47,23,25,21,0,0,0,0,0,0,15,25,35,57,131,163,170,168,150,0,0,0,0,0,0,0,100,105,65,0,0,0,0,41,61,98,116,134,142,142,134,131,129,116,69,53,41,31,35,65,170,196,204,202,202,199,196,194,194,191,186,137,0,0,0,0,5,0,5,35,67,97,144,142,79,35,39,81,99,105,109,113,155,173,191,207,217,215,209,204,202,191,178,157,107,107,115,115,113,113,117,117,117,117,117,119,119,121,121,123,123,163,168,178,189,196,204,209,207,186,117,105,104,107,115,121,121,119,118,118,119,121,119,118,118,121,168,176,173,165,121,120,168,186,196,191,181,173,165,127,168,170,173,170,127,168,176,178,181,181,178,176,173,173,178,191,204,207,191,129,127,181,194,196,191,189,187,189,196,199,191,190,199,209,215,225,228,230,230,217,194,133,132,135,137,189,209,225,228,225,225,225,225,222,207,186,129,125,127,129,127,127,125,125,125,127,129,129,125,124,127,176,181,186,183,127,113,111,119,127,129,178,199,212,202,194,194,196,199,194,186,186,202,212,215,202,181,125,115,109,111,115,117,117,121,127,170,129,127,123,117,114,115,121,173,183,168,119,115,113,115,125,186,196,202,207,204,194,170,119,118,119,119,119,117,115,111,110,110,111,113,113,117,121,123,123,127,178,191,189,181,181,183,183,176,173,173,173,176,181,178,173,174,181,183,178,173,173,131,129,170,178,181,178,170,127,129,181,196,204,212,215,207,191,173,123,113,103,99,94,95,101,117,117,92,86,115,173,191,202,204,196,183,170,170,178,178,173,127,124,125,170,181,189,183,173,129,127,126,127,173,181,183,181,179,181,186,186,183,135,131,129,129,133,135,181,189,189,191,196,199,199,202,202,196,186,135,135,178,183,183,135,128,130,181,189,186,133,130,131,176,176,133,129,128,129,176,181,181,183,181,181,186,191,186,131,125,129,181,189,183,173,161,157,170,178,186,194,202,204,204,202,199,189,183,181,181,181,178,176,131,131,173,178,181,183,183,181,178,176,173,168,127,127,168,170,168,168,170,173,125,117,116,117,119,165,170,170,170,163,123,123,121,121,121,123,173,191,196,186,170,121,117,117,119,119,116,114,117,123,165,168,168,165,123,125,168,170,168,125,125,125,113,99,102,106,111,117,121,123,127,129,126,127,173,189,204,209,204,196,199,207,207,204,199,196,194,183,170,169,170,176,176,176,176,176,131,129,127,126,127,129,131,131,129,128,129,131,133,133,176,183,189,191,189,194,199,204,202,196,191,191,194,194,191,191,191,194,189,186,187,196,204,204,199,194,189,183,181,183,194,199,202,199,196,196,196,196,199,194,183,133,129,127,129,131,173,178,178,181,186,194,194,186,186,194,202,204,207,209,209,202,191,178,170,127,123,121,119,119,123,129,176,183,189,194,196,196,191,189,189,191,191,189,189,191,191,194,194,194,189,183,135,131,130,128,128,131,181,183,135,133,134,181,181,176,183,186,129,113,121,191,202,194,183,181,186,196,209,215,207,194,186,183,186,189,181,131,129,131,181,183,183,181,183,189,191,189,186,186,189,191,194,196,196,199,199,199,199,204,212,217,215,209,199,191,187,187,189,194,199,194,125,111,108,119,186,196,195,196,202,209,215,215,212,209,209,212,207,202,196,194,194,191,189,191,194,194,194,196,196,199,199,196,194,194,191,186,178,178,178,178,135,181,189,191,194,191,189,186,181,178,135,135,135,135,131,129,129,131,178,183,189,191,194,196,199,202,204,202,202,199,199,194,189,186,181,178,177,178,183,186,186,181,176,133,133,176,178,176,176,173,131,173,176,176,181,186,186,186,181,176,176,178,176,174,174,178,178,178,191,196,191,186,186,191,191,194,191,189,186,183,181,183,186,186,183,178,173,170,170,170,173,176,178,181,178,178,178,176,173,170,170,168,168,127,127,127,127,123,120,119,120,123,129,176,181,181,181,183,189,189,189,191,191,191,186,185,186,189,196,202,204,207,209,212,207,202,194,191,186,181,173,170,169,170,170,168,168,170,173,173,168,125,121,119,123,168,173,173,173,173,173,168,165,165,165,165,125,125,125,127,127,127,168,170,129,127,127,170,173,176,181,183,186,186,186,191,194,194,189,189,189,191,194,196,199,199,196,196,202,202,189,131,127,129,135,181,186,189,191,191,189,183,183,186,186,183,181,181,181,181,178,135,135,178,181,183,183,183,183,181,181,181,183,181,176,178,186,189,186,181,176,173,132,132,173,176,178,183,186,189,186,183,181,181,181,178,131,127,129,178,183,183,181,178,178,178,181,183,183,186,186,186,183,181,183,183,183,181,178,178,181,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,43,57,67,65,55,39,23,9,3,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,170,181,183,178,173,155,0,0,0,0,0,0,0,0,61,163,181,142,111,71,71,124,142,163,178,168,63,29,0,0,39,11,11,113,160,186,194,194,196,196,199,202,196,194,191,191,196,207,202,178,0,0,73,186,199,207,160,41,54,75,155,173,176,173,176,176,157,134,125,125,147,181,181,173,170,173,173,173,178,186,194,196,196,196,194,191,194,202,204,204,202,157,83,73,45,47,67,83,78,78,95,142,139,137,137,137,137,150,168,176,178,176,170,168,183,189,186,183,181,178,170,163,61,0,0,0,0,0,0,0,0,0,0,69,116,126,131,118,100,103,72,4,23,90,113,8,8,49,150,124,39,23,0,0,0,0,0,0,21,21,27,98,183,194,202,202,147,105,108,116,100,37,35,65,139,144,111,39,29,43,163,181,129,35,0,0,0,21,129,170,181,142,61,61,69,69,69,69,73,77,75,73,59,41,37,45,77,124,129,126,129,137,63,39,67,176,183,176,152,116,75,118,124,61,49,51,83,126,124,108,71,63,62,65,73,113,126,118,87,59,0,0,0,0,100,95,98,0,0,0,0,0,126,126,144,170,176,168,157,0,0,0,0,0,147,152,152,152,150,147,0,0,0,0,0,144,157,163,163,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,150,0,0,0,0,0,0,176,178,0,0,165,160,163,168,170,165,160,0,159,165,0,0,0,0,0,0,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,207,202,194,194,194,194,194,194,199,207,212,215,209,202,194,191,189,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,251,254,254,255,255,255,255,255,255,254,246,235,222,0,0,0,0,212,209,202,191,178,174,178,189,199,202,207,212,215,217,220,225,230,235,241,243,243,243,246,248,243,235,225,217,215,215,222,228,233,233,228,222,212,207,204,199,196,196,202,204,204,204,202,202,194,189,183,178,176,170,165,160,157,155,157,160,168,176,183,194,202,207,209,209,204,199,194,191,191,191,186,181,176,173,170,168,168,168,170,173,173,178,186,194,207,215,222,217,212,211,211,212,217,228,228,228,228,233,238,238,241,243,243,246,246,246,246,243,241,238,243,246,246,241,241,238,238,235,233,233,233,233,228,222,217,217,215,212,215,220,225,225,225,222,215,215,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,30,0,0,13,48,72,74,72,82,85,77,77,85,85,90,95,103,108,105,92,98,118,116,27,0,0,0,0,90,111,124,129,126,124,124,124,121,116,113,113,118,124,126,126,126,126,129,129,129,129,131,131,131,134,131,126,121,113,108,98,61,33,20,23,87,113,126,129,124,27,0,0,0,0,29,15,11,0,0,0,0,0,0,0,0,0,13,33,124,163,170,173,173,155,0,0,13,59,0,0,0,0,17,17,0,0,0,27,65,95,108,121,131,137,139,137,137,137,131,111,71,55,33,33,137,183,199,202,202,202,202,194,191,191,189,168,93,0,0,0,0,0,0,0,27,81,144,142,91,25,25,37,89,99,101,103,109,152,168,186,202,212,212,202,196,181,173,165,117,106,106,113,115,115,113,115,113,113,113,115,117,121,119,119,121,123,123,168,183,196,207,215,225,225,209,181,119,113,117,163,168,165,123,121,119,119,118,118,118,118,119,123,165,165,123,120,120,168,186,196,196,183,170,124,125,170,178,176,168,123,127,176,178,181,181,178,173,173,172,173,183,202,207,196,173,123,127,178,186,189,189,189,187,189,194,194,194,204,209,207,204,207,212,209,196,183,181,135,135,181,199,222,233,235,233,230,228,228,225,212,189,131,129,131,133,129,127,125,123,122,125,131,176,129,123,123,129,178,189,191,178,115,107,106,109,113,125,183,196,191,189,191,199,202,199,189,186,194,202,204,202,194,186,173,125,125,131,173,129,127,129,127,123,121,117,115,114,115,117,119,121,117,113,113,112,112,119,173,181,186,191,191,183,168,123,121,121,119,119,119,119,117,113,113,113,111,110,111,117,121,123,129,181,189,181,173,176,181,181,176,176,176,176,178,183,178,173,173,176,176,131,130,130,131,173,183,194,194,183,176,170,173,178,189,202,207,207,202,186,173,125,117,111,105,98,99,111,125,168,94,87,111,170,189,199,204,204,191,176,170,170,170,168,125,124,125,170,189,196,189,176,170,129,131,176,178,183,183,181,181,183,186,189,186,181,133,133,135,183,186,191,196,196,202,212,215,209,209,212,207,196,186,181,183,186,186,178,129,129,132,181,178,133,131,133,181,183,176,131,129,131,133,176,178,178,178,178,183,191,186,176,131,173,181,186,181,172,160,155,169,183,202,209,209,212,212,212,207,199,194,196,202,202,202,202,194,186,181,181,181,183,181,178,176,173,173,170,168,170,173,176,173,173,176,181,173,121,117,117,119,123,163,163,123,117,115,117,117,123,163,165,173,186,191,183,165,117,114,117,121,123,117,116,123,170,173,170,170,165,123,123,125,165,125,125,170,178,123,100,107,113,117,119,121,123,127,129,127,127,170,181,196,202,199,196,202,207,209,207,202,199,194,186,176,170,173,176,176,178,178,178,176,131,127,126,126,129,131,131,131,129,128,129,133,176,181,191,196,199,196,199,202,202,202,196,189,186,189,189,189,189,191,194,191,187,186,189,199,204,204,199,191,183,135,135,181,189,191,194,194,194,194,194,194,189,181,133,125,123,125,129,131,173,176,178,183,189,189,183,183,194,204,207,209,209,209,202,191,178,170,125,121,117,115,115,119,125,173,181,189,194,194,194,191,189,191,191,191,194,194,194,191,189,186,183,181,178,135,135,133,131,131,135,189,191,183,132,132,178,183,183,194,199,194,133,131,189,199,196,194,194,199,199,199,199,196,191,186,183,189,191,186,133,131,133,181,181,178,176,178,183,186,183,181,186,191,196,196,196,194,194,196,199,199,204,209,209,207,202,194,189,187,187,187,191,199,199,189,123,121,189,202,202,196,196,199,207,215,215,209,207,207,209,207,202,199,196,194,191,189,187,189,191,194,199,202,202,199,196,196,196,196,191,186,183,181,135,134,134,181,189,194,196,194,189,183,181,135,133,133,131,131,131,131,135,181,186,191,194,196,199,202,204,202,202,199,199,196,196,194,191,189,183,181,183,189,191,189,186,181,178,178,178,178,173,173,129,129,131,173,176,181,183,183,178,131,127,127,131,176,176,176,178,173,173,181,186,183,183,186,189,191,194,191,189,186,181,178,181,183,183,178,176,173,173,173,176,178,181,181,178,178,178,181,178,176,170,168,127,127,125,125,127,170,129,125,121,121,125,131,181,186,183,183,186,186,189,189,191,191,191,191,189,189,189,189,191,196,202,207,207,207,204,199,194,189,181,176,170,170,173,173,173,170,173,176,176,170,127,123,121,125,173,178,178,176,173,170,168,165,168,170,168,168,168,168,168,168,168,170,173,170,129,170,178,181,183,186,191,191,189,189,191,191,191,189,186,189,191,191,196,199,199,194,194,199,202,194,183,135,133,135,178,183,189,191,194,191,186,183,186,183,181,133,133,135,135,133,132,132,135,183,186,186,183,181,181,178,178,178,133,131,133,181,186,186,181,176,173,173,173,176,178,181,181,186,191,196,194,186,181,181,181,131,127,127,176,181,183,181,178,178,178,178,181,183,183,186,186,183,181,181,181,181,181,178,181,181,183,183,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,71,73,108,116,73,53,33,21,13,5,1,0,0,0,0,0,23,111,157,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,170,186,191,181,163,105,0,0,0,0,0,0,0,0,111,178,194,165,137,71,67,137,168,178,183,181,75,35,0,0,129,147,137,131,152,168,176,176,183,186,191,194,191,183,173,160,157,178,194,196,77,49,157,191,199,204,176,54,58,70,134,160,170,170,173,170,155,133,130,147,194,202,191,178,176,176,176,173,178,183,189,191,194,194,194,191,196,202,204,199,181,69,49,57,33,37,65,89,82,82,137,155,152,142,131,112,92,92,105,137,157,152,131,83,142,165,173,173,176,165,126,98,0,0,0,0,0,0,0,0,0,0,0,47,116,137,152,147,118,121,116,39,51,103,124,17,23,113,152,111,45,15,0,0,0,0,0,0,0,0,0,39,163,176,189,194,142,108,111,113,111,45,28,33,105,116,90,45,45,69,189,191,170,61,0,0,0,0,103,157,176,157,137,137,129,67,71,81,79,75,67,59,49,44,42,47,69,118,124,85,65,57,41,39,113,168,183,181,157,137,83,75,59,39,43,51,81,118,121,124,139,139,77,65,63,71,105,105,100,113,168,189,186,163,121,108,116,0,139,0,0,126,124,137,165,183,189,183,173,155,0,0,0,0,142,147,144,142,0,0,0,0,0,0,0,137,147,152,155,150,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,147,0,0,0,0,0,0,0,0,0,0,168,168,173,0,178,173,165,160,163,168,176,181,181,183,183,183,181,181,178,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,196,194,194,196,191,191,196,0,0,0,0,204,196,191,186,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,251,251,254,255,255,255,255,255,255,254,248,238,228,0,0,0,0,215,212,204,191,176,173,176,189,199,202,202,204,207,207,212,220,230,238,246,248,251,251,254,255,251,243,235,228,222,217,222,225,228,228,225,220,212,207,202,199,194,194,196,202,204,204,207,204,199,194,189,186,181,176,168,163,157,152,150,152,160,168,176,183,189,194,199,199,196,194,191,189,191,189,189,183,176,168,160,119,117,115,117,119,123,168,181,191,204,215,222,222,215,212,212,212,217,228,228,228,228,233,238,238,241,243,246,248,248,248,246,243,241,241,243,248,248,243,241,241,238,235,233,233,233,230,225,217,215,215,212,211,212,217,222,225,225,222,215,215,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,59,30,30,40,61,79,79,74,85,90,79,78,79,79,79,82,82,82,45,0,0,0,0,0,0,0,35,82,108,116,124,124,121,121,124,126,124,118,118,118,124,126,129,129,126,126,129,131,129,129,129,129,131,131,131,124,116,108,100,65,49,31,27,39,103,121,131,131,100,0,0,0,0,0,0,1,45,43,0,0,0,0,0,0,0,41,43,100,157,170,173,178,183,165,29,9,51,111,92,0,0,0,0,19,49,98,105,98,100,108,116,116,108,103,124,134,134,137,139,131,113,59,17,25,163,186,202,204,202,207,204,196,191,191,191,178,97,0,0,0,0,0,0,0,51,144,163,155,89,20,25,59,97,103,101,103,105,113,163,176,189,202,202,191,181,160,160,163,119,106,105,111,117,115,113,113,113,112,112,113,117,119,117,117,121,121,123,168,183,196,207,212,217,220,212,194,176,163,165,170,173,168,163,163,121,121,119,119,121,121,121,119,123,165,125,121,121,165,178,189,189,178,168,124,125,173,181,176,125,119,125,173,176,178,178,178,176,176,173,173,183,199,207,199,178,122,121,125,176,189,191,189,187,186,191,194,202,215,217,207,196,191,194,191,183,181,183,183,181,194,212,230,235,238,238,235,233,230,225,212,189,133,131,131,129,127,125,125,123,122,123,131,181,176,124,123,127,178,189,191,181,115,106,104,104,107,115,129,181,186,191,199,207,209,207,196,186,186,189,196,202,207,209,202,186,176,178,181,176,170,129,127,125,125,121,117,117,119,119,115,113,112,111,112,113,113,119,125,168,170,173,176,176,173,173,170,127,121,121,123,125,123,121,119,119,117,113,113,119,127,176,186,191,189,176,170,173,178,178,176,176,178,186,194,194,189,181,181,181,176,131,129,130,131,178,191,204,204,194,181,178,176,176,181,189,194,194,189,178,168,127,170,170,117,115,121,125,165,123,95,91,101,121,181,196,204,204,194,178,168,127,127,127,125,125,125,173,189,194,186,176,176,181,183,186,181,181,183,183,183,183,186,186,186,178,133,135,183,189,194,196,202,207,215,222,222,217,215,215,215,207,199,194,191,189,186,181,135,133,135,178,135,131,131,176,186,186,178,133,133,133,133,133,133,178,178,176,181,186,186,181,178,176,178,181,183,186,183,181,183,194,207,212,212,212,212,215,209,202,202,207,215,217,217,217,212,202,191,186,183,183,181,178,176,176,173,173,170,168,170,176,181,183,186,186,178,165,121,121,125,165,163,121,117,114,112,114,119,123,163,163,165,173,176,170,119,113,112,115,163,168,123,119,163,173,176,173,170,165,123,123,125,165,125,125,173,186,183,168,168,127,123,121,121,123,168,170,170,129,173,181,189,194,196,196,199,204,207,207,202,196,191,186,178,176,173,173,176,176,176,178,178,178,131,127,127,127,131,173,131,129,131,133,176,178,186,196,202,202,204,202,199,196,191,189,183,181,181,181,183,189,194,194,191,187,186,187,194,202,202,199,191,181,134,133,134,178,183,189,191,191,191,191,189,183,176,129,117,117,121,123,125,127,131,176,178,178,176,173,181,194,204,207,209,209,209,204,196,183,170,123,119,115,115,113,115,119,125,170,178,183,183,183,186,191,191,191,194,194,196,196,191,186,178,177,177,178,181,186,189,186,186,189,196,194,183,132,131,176,183,183,189,194,194,183,183,191,199,202,202,204,207,204,196,189,187,189,183,181,181,186,183,178,176,178,181,178,133,132,133,181,183,181,183,191,196,196,194,189,186,186,191,196,202,204,202,196,194,191,189,189,189,189,191,196,202,207,209,202,199,204,209,204,196,194,199,207,212,215,212,209,209,207,207,204,202,199,196,194,189,186,186,187,191,196,202,202,199,196,196,199,196,194,189,189,186,178,134,133,135,183,191,196,196,191,189,183,178,135,133,133,133,135,135,137,181,186,191,196,202,204,207,207,204,204,202,199,199,199,196,194,191,191,189,191,194,196,194,191,189,183,183,183,181,176,173,129,128,129,173,176,178,181,181,176,129,125,124,129,176,178,178,176,129,127,129,131,131,176,181,181,183,189,189,186,183,178,176,178,181,178,176,173,173,176,176,178,181,181,178,178,178,178,181,181,176,170,127,125,125,125,125,129,170,173,129,127,125,127,173,186,191,191,189,189,191,191,191,191,191,194,196,194,191,186,181,181,186,191,196,199,202,204,202,196,194,186,181,178,178,178,181,178,173,173,176,176,170,127,125,123,125,173,181,181,178,173,170,168,168,170,173,173,173,173,173,176,173,173,173,176,173,173,178,186,186,186,191,196,196,191,189,189,186,186,186,186,189,189,189,194,196,199,194,191,194,199,196,191,183,181,181,181,183,186,189,194,191,186,181,178,178,133,129,130,133,133,132,131,132,135,183,186,186,183,181,178,178,178,176,131,129,130,176,181,178,133,173,173,176,176,176,178,178,176,176,183,191,191,186,181,181,181,173,127,127,131,178,178,178,178,178,178,178,178,181,183,186,186,183,181,181,178,178,178,178,178,181,181,181,181,181,183,186,186,189,189,191,191,189,186,189,191,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,134,126,129,142,144,124,71,45,29,17,9,3,0,0,0,0,0,27,121,157,170,173,173,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,176,186,191,186,160,15,0,0,0,0,0,0,0,0,33,160,196,181,168,41,0,121,181,178,181,183,152,41,11,0,134,147,152,160,157,142,71,59,129,165,170,173,178,142,116,126,144,170,194,196,181,163,194,199,196,191,152,69,71,85,139,165,176,181,181,176,165,150,152,183,207,209,196,186,178,178,178,176,178,183,189,189,191,194,191,191,196,202,204,194,160,11,0,21,31,79,134,137,139,139,150,160,160,150,137,116,95,91,95,107,121,113,19,0,23,73,137,144,137,65,15,0,0,0,0,0,0,0,0,0,72,35,23,47,105,131,144,142,131,139,147,126,92,82,90,29,29,77,95,55,41,19,0,0,0,0,0,0,0,0,0,59,121,124,121,129,105,100,111,111,90,37,24,24,63,95,59,37,37,51,157,168,163,108,27,0,0,15,75,134,150,147,144,144,131,58,68,111,108,75,63,53,67,147,147,81,83,134,139,121,55,53,45,53,121,152,163,165,152,139,79,49,30,28,35,43,59,71,83,134,168,168,116,57,49,47,55,67,103,142,183,194,196,191,173,142,131,131,0,0,126,129,142,163,176,186,191,191,176,152,142,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,0,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,142,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,181,176,170,168,170,173,173,173,176,178,183,183,183,181,178,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,194,196,196,191,189,194,0,0,0,0,204,196,191,186,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,248,251,254,255,255,255,255,254,255,254,248,241,0,0,0,0,217,220,217,209,194,178,173,174,186,196,199,199,199,202,202,207,215,228,238,246,251,254,255,255,255,255,251,246,241,233,225,222,222,225,225,222,217,209,204,202,199,196,194,191,196,199,204,207,204,202,199,194,191,186,181,173,165,157,150,147,150,155,160,168,170,173,181,183,183,183,183,183,183,186,189,189,183,176,168,157,115,111,109,109,113,119,125,176,189,199,212,217,222,217,215,212,215,222,228,228,225,228,233,235,238,241,243,246,246,248,248,246,243,241,238,243,248,248,243,241,241,238,235,233,230,230,228,222,215,212,212,212,211,212,215,222,225,222,217,215,212,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,77,56,51,59,77,90,85,72,74,87,87,87,85,77,51,43,23,7,0,0,0,0,0,0,0,41,113,118,118,118,118,118,118,118,121,126,126,124,121,118,121,124,126,126,126,126,129,129,129,126,124,126,129,131,126,118,108,100,95,82,49,39,41,87,111,121,126,118,35,0,0,0,0,0,0,0,126,165,82,0,0,0,0,0,37,131,137,147,157,165,170,178,183,160,116,100,113,134,134,43,0,1,21,67,134,139,118,108,108,116,121,116,59,44,67,121,126,131,144,144,116,11,0,3,144,186,199,204,204,207,207,196,191,189,194,194,131,0,0,0,17,21,0,0,87,155,168,163,105,35,51,89,103,105,105,105,105,111,152,160,170,183,183,178,170,160,160,168,165,113,109,115,117,113,112,113,115,115,113,113,115,115,115,117,121,123,123,165,176,186,194,199,204,207,204,194,178,170,168,168,165,121,123,165,165,165,163,163,170,170,163,121,123,165,125,121,119,121,165,173,176,173,165,124,125,170,176,170,121,115,121,168,170,170,170,173,173,176,173,173,181,196,204,196,178,122,120,123,133,189,194,189,186,186,191,199,209,230,230,209,191,183,183,181,181,183,186,186,189,207,225,233,235,238,238,238,233,228,225,212,191,135,133,129,125,123,124,127,127,123,122,127,178,173,123,123,129,181,189,189,173,115,109,107,107,109,111,119,131,183,196,207,215,217,215,202,186,178,183,191,202,215,222,217,204,186,181,181,178,173,129,127,129,129,125,123,121,123,123,121,117,113,111,112,115,119,123,125,123,123,125,168,176,186,196,191,176,127,125,168,168,168,127,127,125,123,121,119,123,176,199,209,209,196,178,172,176,178,176,131,133,183,202,212,209,202,196,194,189,181,131,130,130,173,178,186,199,207,199,186,176,173,173,173,178,183,186,183,176,170,168,170,170,123,123,165,168,165,121,100,96,99,109,125,183,196,199,191,181,170,125,124,127,168,168,127,170,178,181,176,176,183,196,199,196,181,176,181,183,183,183,181,183,183,178,135,181,189,191,189,191,202,212,222,225,222,222,222,217,217,215,212,207,202,194,186,183,183,183,181,178,133,131,133,181,186,183,176,133,176,176,132,131,132,178,178,176,176,181,183,178,176,133,133,176,183,194,202,204,196,194,202,212,215,212,212,215,209,202,202,212,222,225,225,225,217,207,196,191,189,186,181,178,181,178,176,173,170,166,168,176,186,189,189,186,178,170,165,168,176,176,168,163,121,115,114,117,121,121,121,121,123,163,163,121,115,113,113,119,173,178,168,121,163,170,173,168,165,125,121,119,123,165,168,165,173,183,186,183,178,170,121,117,119,125,170,173,173,176,178,183,186,189,191,194,199,202,204,202,196,191,186,181,178,176,173,131,131,173,176,178,181,181,178,131,127,127,131,173,173,133,178,183,183,186,191,196,199,204,204,202,194,183,181,137,137,135,131,131,137,189,194,194,194,191,189,189,191,194,194,191,186,181,135,134,134,135,181,183,189,189,189,191,189,176,127,119,114,114,119,121,121,123,127,173,176,170,127,127,176,191,202,207,209,209,207,207,199,189,170,121,115,115,115,113,113,113,117,123,129,170,131,176,183,191,194,191,189,194,194,194,191,186,178,177,181,183,189,194,199,199,196,199,196,191,178,133,133,181,186,186,186,186,186,189,191,199,204,207,207,207,209,209,202,189,187,189,183,178,177,177,178,178,181,183,183,178,133,131,133,178,181,178,183,191,196,191,181,133,133,178,183,191,199,202,194,181,135,181,183,186,191,194,196,199,204,209,212,207,202,202,199,196,191,191,199,207,212,217,217,215,212,212,209,209,207,202,199,196,191,187,187,187,191,194,199,202,202,199,196,196,196,194,191,191,189,181,135,134,135,181,186,189,191,191,189,186,183,178,135,133,133,135,137,181,183,189,194,199,204,209,212,212,209,207,204,204,204,204,202,196,191,191,194,196,199,199,199,196,191,186,186,186,183,178,173,129,129,131,176,176,176,178,178,178,131,125,124,127,176,181,178,173,127,123,119,113,113,125,131,131,173,181,183,183,181,178,173,176,178,178,173,173,173,178,181,181,181,178,176,173,176,178,178,178,176,168,125,124,125,127,127,129,170,173,170,170,129,131,181,191,199,199,196,196,196,194,194,191,191,194,199,196,191,183,178,177,181,186,189,189,194,196,196,196,194,191,186,183,183,186,183,178,176,173,176,176,170,168,125,123,125,173,181,181,178,173,170,168,170,176,176,176,176,178,181,181,181,178,178,178,178,178,186,191,191,189,189,196,194,191,191,186,182,182,183,186,189,186,186,189,194,196,194,191,191,194,194,194,189,189,189,189,186,183,186,189,189,181,135,135,133,131,129,129,131,135,135,133,135,178,183,186,183,181,178,178,181,181,178,133,130,130,133,176,133,132,132,173,176,176,176,176,176,131,131,173,178,181,183,183,183,181,176,127,126,129,173,176,176,178,178,178,178,178,181,183,186,186,183,181,181,178,178,178,178,178,178,178,178,181,183,186,186,186,186,189,191,191,189,186,186,189,194,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,152,150,147,150,155,157,144,126,71,41,21,9,5,1,0,0,0,0,23,121,157,168,170,173,178,173,124,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,173,186,189,186,152,0,0,0,0,0,0,0,0,0,0,43,95,71,57,0,0,65,178,176,178,181,168,47,35,49,129,137,147,168,163,71,0,0,0,29,67,118,134,61,61,124,160,183,194,196,189,189,202,202,199,181,139,124,93,129,150,170,183,186,183,181,176,173,181,199,209,209,199,189,181,181,181,181,183,186,189,189,191,191,189,189,196,202,202,189,152,0,0,25,67,142,147,147,152,155,157,163,165,160,152,152,150,139,113,113,121,111,14,0,0,0,15,3,0,0,0,0,0,0,0,0,0,0,49,87,92,45,45,77,98,113,118,126,142,152,155,134,90,45,45,27,19,11,43,49,43,37,0,0,0,0,0,0,0,0,49,95,79,47,35,39,47,61,108,108,51,45,28,25,53,90,49,12,17,31,152,157,152,113,67,57,31,49,103,121,126,131,142,142,118,65,71,108,105,71,61,59,155,196,196,126,116,137,147,137,75,111,73,63,73,83,85,129,139,131,63,43,32,31,33,33,35,39,51,113,157,150,63,39,37,37,45,61,105,155,181,191,196,199,196,181,0,121,113,116,118,0,168,178,186,191,191,183,157,0,0,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,186,183,178,176,170,168,165,163,165,173,178,183,183,178,178,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,0,0,0,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,194,189,181,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,248,248,254,255,255,255,255,254,254,254,248,241,0,0,0,0,222,225,225,220,204,186,176,174,181,191,196,196,199,199,202,207,215,225,235,246,251,254,255,255,255,255,255,255,251,243,233,225,222,220,222,220,215,209,204,204,202,199,191,189,189,196,202,204,204,202,199,196,194,189,183,176,168,160,152,147,147,150,155,157,157,160,168,170,170,170,173,176,176,181,183,186,186,178,168,157,115,109,108,108,113,119,125,173,181,194,207,215,222,222,217,215,217,222,228,228,225,225,230,235,238,241,241,243,246,246,246,243,241,238,238,243,248,248,243,241,238,235,233,230,230,228,228,222,215,212,212,212,212,212,217,222,222,222,217,212,212,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,103,90,64,59,72,90,98,87,59,56,72,85,95,90,66,23,5,0,0,0,0,0,0,0,0,45,87,113,121,121,118,118,116,113,113,121,129,131,129,124,118,113,113,113,118,121,124,126,129,126,121,118,121,126,129,124,111,100,98,92,82,55,55,82,108,118,116,108,92,21,0,0,0,0,0,0,0,79,176,113,0,0,0,0,9,131,142,147,150,150,155,165,176,176,147,126,126,137,147,144,69,51,59,71,121,142,129,100,100,113,121,126,121,48,33,51,111,118,126,150,152,77,0,0,0,59,186,199,204,204,207,202,194,186,176,178,189,95,0,0,0,31,55,17,27,99,150,160,160,144,85,89,101,107,107,109,109,107,107,111,115,155,163,165,163,165,165,165,168,170,165,121,119,115,112,112,115,119,119,115,113,115,114,114,117,123,163,123,163,165,168,173,181,186,191,189,181,170,165,163,123,117,115,119,165,170,173,170,170,181,181,170,121,121,123,121,119,117,117,121,123,165,165,165,125,125,165,168,125,117,114,119,125,168,127,126,126,168,173,173,176,181,194,199,189,173,122,120,123,178,191,194,189,186,187,194,202,215,230,230,207,191,181,137,137,183,186,186,189,199,215,228,235,235,238,238,238,230,225,217,204,189,181,135,131,124,123,125,131,131,123,120,122,129,127,123,124,131,183,189,181,127,115,113,115,117,113,113,117,125,178,196,209,217,225,222,207,186,177,178,189,199,209,220,217,209,191,181,178,178,176,170,129,173,173,170,125,123,125,125,125,123,117,112,112,115,121,168,168,123,121,121,127,181,204,215,209,189,173,168,170,170,170,170,173,170,129,127,123,127,183,212,225,220,204,183,173,176,178,173,129,131,183,207,217,215,207,199,194,189,181,176,131,131,131,173,178,186,196,194,183,170,169,170,170,170,178,186,189,183,173,125,123,123,121,121,125,165,168,168,113,101,101,105,113,125,178,186,186,178,170,127,125,127,170,170,170,129,129,170,173,178,196,209,209,202,176,131,176,181,181,178,178,181,183,181,183,191,194,191,186,187,199,215,222,222,222,225,225,222,217,217,217,215,209,199,191,186,183,186,186,183,178,133,178,189,191,183,135,135,176,176,133,131,132,178,178,176,133,178,178,133,131,131,131,133,176,186,196,202,191,186,194,212,217,215,212,209,204,196,202,215,222,217,215,217,209,202,194,191,189,189,183,183,186,183,181,176,170,166,170,178,186,189,186,181,176,173,170,173,178,178,170,168,165,123,119,123,123,121,120,121,123,123,119,117,117,115,119,165,178,181,173,163,165,173,173,165,123,119,114,113,117,165,173,170,170,173,178,178,176,125,116,115,117,123,170,173,176,178,181,183,183,186,189,194,196,199,199,199,194,186,181,176,173,131,129,129,129,173,178,181,183,183,181,173,127,127,131,176,176,176,183,191,191,191,194,196,199,202,204,199,186,135,132,133,133,131,129,129,133,186,189,189,194,196,196,191,186,183,183,181,181,181,181,178,178,178,181,183,183,183,189,189,183,129,121,115,113,115,123,125,123,125,129,173,173,129,123,123,173,186,196,202,207,207,204,204,199,186,127,115,113,113,115,115,113,112,113,117,123,125,125,127,176,189,194,189,187,189,191,194,191,189,186,183,186,186,189,194,199,199,202,199,194,183,134,133,178,186,191,189,189,186,186,191,199,204,207,207,209,207,209,212,209,199,194,191,183,178,177,177,178,183,186,189,189,183,176,132,133,176,176,135,181,186,189,181,131,128,131,135,181,189,196,196,186,133,132,135,139,189,194,196,199,202,204,207,207,202,194,189,189,189,189,191,202,209,215,217,222,222,220,217,220,217,212,207,202,199,196,191,191,191,191,194,196,199,202,199,196,194,191,191,191,191,189,181,178,181,181,181,178,181,186,189,186,186,183,181,135,133,132,133,137,181,183,186,194,202,207,212,215,212,209,209,207,209,209,209,204,196,191,190,194,202,204,202,196,194,189,186,183,183,181,176,131,129,131,176,178,178,176,178,178,178,173,127,126,129,176,181,178,173,127,123,115,108,107,113,125,129,131,176,181,181,178,176,172,173,176,178,178,176,178,181,183,183,183,181,176,173,173,176,176,176,173,127,125,125,125,129,170,170,170,170,170,173,176,178,186,196,204,204,202,202,199,196,196,194,194,196,199,196,191,183,178,178,181,183,183,181,183,189,191,191,191,191,189,186,186,186,183,181,176,173,173,173,170,168,127,125,127,173,178,178,173,170,170,170,173,178,178,176,176,178,183,186,186,183,181,183,181,183,191,196,194,189,189,191,191,189,191,186,182,181,183,186,186,186,183,183,189,196,196,191,190,190,194,194,194,194,196,196,191,183,181,183,181,178,135,135,178,135,133,131,133,181,183,183,181,181,183,183,181,181,178,181,183,183,183,178,176,133,176,176,133,132,132,176,176,176,173,176,173,129,127,127,127,173,178,183,183,181,176,127,126,127,170,173,176,178,178,178,178,178,181,183,186,186,183,181,181,178,178,177,178,176,176,176,176,181,183,186,189,189,186,189,194,194,191,189,186,186,191,194,191,194,196,196,194,189,189,189,186,186,186,189,186,186,186,186,183,183,183,181,181,181,183,186,189,186,183,181,178,176,176,173,170,168,168,168,165,163,165,165,165,163,157,152,150,147,147,152,155,155,155,155,157,157,152,144,121,53,25,11,7,3,0,0,0,0,19,113,157,168,173,173,178,178,155,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,168,183,189,183,142,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,165,176,181,181,170,61,61,129,139,137,139,160,163,57,0,0,0,0,0,55,59,37,55,160,189,191,194,194,191,196,202,204,202,189,152,152,134,139,155,173,181,181,181,183,183,189,199,207,212,212,202,189,183,183,186,186,189,189,191,191,191,189,189,189,194,194,191,181,126,0,0,142,137,139,142,150,155,163,165,165,170,168,168,178,183,194,189,173,165,160,129,37,17,71,113,51,7,0,31,118,129,31,0,0,0,9,121,100,31,21,72,90,98,100,103,121,150,157,150,98,51,35,33,11,0,0,25,77,45,47,41,0,0,0,0,0,0,7,87,87,47,37,27,25,29,49,103,98,47,63,51,29,45,95,39,0,0,25,168,160,142,67,61,63,57,63,108,118,121,126,134,131,121,116,113,111,105,71,63,77,181,207,207,118,77,124,142,144,147,181,160,67,45,39,45,63,126,116,55,51,55,49,39,29,26,25,28,49,83,73,37,32,37,41,51,69,124,160,178,183,191,199,204,196,0,108,87,87,108,152,178,186,191,194,189,165,0,111,0,0,0,0,134,0,0,0,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,0,137,0,0,0,0,0,0,0,0,0,0,0,0,186,0,186,186,186,181,176,170,165,160,157,160,165,173,178,178,178,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,0,0,204,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,183,178,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,246,246,251,255,255,255,255,254,254,251,0,0,0,0,0,0,222,228,233,228,215,196,181,174,181,189,196,199,199,202,202,207,215,225,233,243,251,254,255,255,255,255,255,255,255,251,241,230,222,220,220,217,215,209,204,204,204,199,191,183,183,191,199,204,204,202,199,196,194,191,186,178,168,160,152,147,147,147,150,150,147,150,155,160,160,160,163,165,168,173,178,183,181,176,168,160,117,111,109,109,113,117,121,127,173,183,196,207,215,222,222,217,217,222,225,225,225,225,230,235,238,238,241,241,243,243,243,241,238,235,235,241,246,246,243,241,238,233,230,230,228,228,228,222,217,217,215,215,212,215,217,217,217,217,215,215,212,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,105,92,59,55,74,98,100,82,56,48,64,77,92,47,0,0,0,0,0,0,39,17,0,0,0,95,105,100,103,111,116,118,113,105,108,121,129,134,137,126,111,98,87,95,105,113,121,126,124,118,113,108,111,121,126,121,100,92,103,100,85,82,90,98,113,118,103,77,39,0,0,0,0,0,0,0,0,0,105,82,0,0,0,7,134,144,147,144,144,147,152,157,160,155,134,129,134,139,144,144,126,92,95,95,67,61,55,59,67,105,118,118,124,59,49,67,75,111,129,152,152,129,0,0,0,45,183,196,204,199,196,194,176,89,79,97,134,91,49,0,21,43,53,49,61,99,144,152,152,107,101,103,105,144,150,150,111,107,107,111,152,160,155,114,115,163,173,165,160,165,165,160,119,115,112,113,119,160,160,121,117,115,117,119,121,163,165,123,123,123,117,121,163,163,168,170,168,163,123,121,121,117,114,115,121,168,173,176,178,186,189,173,121,117,119,119,116,117,117,121,121,123,123,125,125,123,123,123,119,115,114,115,123,168,127,125,125,170,176,176,173,181,191,191,183,173,125,122,127,181,194,194,189,186,187,191,202,215,225,217,204,194,183,137,136,181,183,189,196,212,225,233,235,235,235,238,238,233,225,209,194,186,183,178,131,127,127,127,131,131,123,118,119,123,125,127,129,173,181,186,178,125,121,121,121,119,117,115,117,121,176,194,209,217,225,217,204,189,178,178,183,191,196,202,207,207,199,189,181,176,173,170,173,173,176,173,127,123,123,127,127,123,119,115,113,115,119,127,168,127,121,121,168,189,215,228,217,202,181,173,170,170,173,173,176,176,173,129,127,129,183,209,222,217,199,181,131,131,131,129,128,131,183,202,209,209,202,194,186,179,181,181,181,176,131,129,173,181,183,183,176,168,168,170,173,173,178,186,189,181,170,125,121,119,115,115,119,123,170,176,165,113,107,107,111,119,168,178,178,170,168,127,125,125,168,176,176,128,127,170,176,183,196,207,209,194,130,130,173,173,173,133,178,181,183,189,196,204,204,194,187,187,202,215,217,222,225,228,228,222,217,216,217,217,215,207,196,186,183,189,194,194,189,186,189,196,196,189,178,135,135,133,133,133,176,176,133,133,133,176,176,131,129,131,133,133,131,131,178,181,133,176,186,202,212,215,212,204,191,186,194,209,215,204,196,199,199,194,189,186,186,186,186,186,189,194,189,176,168,173,181,186,189,189,181,176,176,176,173,170,170,125,123,125,165,123,123,163,163,123,123,165,168,165,121,116,117,121,163,170,176,176,173,170,170,176,173,163,119,115,109,104,115,165,173,176,170,170,170,173,165,119,116,116,117,121,127,170,176,178,181,181,181,183,189,191,191,191,194,194,191,186,181,178,173,129,128,128,131,176,181,183,186,186,186,178,131,129,173,178,178,178,183,189,189,189,191,196,202,202,202,194,183,135,133,133,135,135,131,131,137,186,186,186,191,199,199,194,186,183,183,183,181,181,181,183,183,183,186,183,181,181,183,183,133,123,117,117,115,123,173,178,178,173,173,170,129,129,123,121,129,178,183,194,196,196,199,196,191,176,119,109,107,109,113,115,113,111,112,117,125,127,123,122,127,181,189,191,189,189,191,191,191,189,189,189,189,189,189,189,194,196,199,196,189,135,132,132,178,191,194,191,191,189,191,196,202,207,207,204,207,207,209,212,209,204,196,191,183,181,181,186,189,191,194,196,199,194,186,178,133,133,133,135,135,178,135,131,129,131,178,186,189,191,194,196,186,135,134,137,183,191,194,196,199,204,207,204,202,196,189,187,186,187,189,196,204,209,215,217,222,225,225,228,228,228,222,215,207,202,196,191,191,191,189,186,189,191,194,194,191,189,189,189,194,191,189,183,183,186,183,181,135,135,181,183,183,183,181,178,135,133,132,133,135,137,181,186,194,202,207,212,215,212,209,209,209,212,212,209,207,199,191,191,199,204,204,199,189,183,181,181,181,178,173,173,131,131,176,181,181,178,178,181,181,178,176,173,173,176,178,181,181,176,129,125,119,111,109,113,129,176,178,181,183,181,181,178,172,170,172,178,183,183,183,183,186,186,186,183,178,173,170,173,173,173,170,125,123,125,125,127,170,173,170,170,170,176,178,183,191,196,202,199,199,202,202,199,196,194,194,196,196,196,191,183,181,178,181,183,183,181,181,181,181,183,186,189,189,183,181,183,183,181,178,173,170,170,170,168,127,127,168,173,176,173,168,125,127,168,173,178,178,178,178,178,181,186,189,186,183,183,183,183,191,196,196,191,187,186,187,189,191,189,183,182,183,186,186,183,182,182,186,194,196,194,190,189,191,196,199,199,199,196,191,181,178,135,178,178,178,181,181,183,181,135,178,186,191,189,183,183,183,183,181,178,181,183,186,186,183,183,183,181,178,178,178,173,173,176,173,173,131,131,131,129,125,122,123,129,176,178,178,178,170,127,126,127,170,176,176,176,176,178,178,178,181,183,186,186,186,183,181,178,178,178,178,176,174,174,176,181,186,186,186,186,185,189,196,196,196,194,191,191,191,194,194,194,194,194,191,189,189,189,186,186,189,189,189,186,186,186,186,186,186,183,181,181,186,191,194,194,189,183,181,178,176,173,173,170,168,165,165,165,165,165,165,165,160,155,152,150,147,150,150,152,155,155,155,155,155,150,134,65,29,15,11,7,1,0,0,0,11,105,152,165,170,176,183,181,165,131,47,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,165,183,189,186,176,77,0,0,0,77,33,0,0,0,0,0,0,0,0,0,0,111,157,178,186,183,178,126,139,168,165,155,152,163,152,87,0,0,0,0,0,0,0,0,81,176,189,194,194,194,194,196,199,204,207,196,183,181,100,139,160,170,168,170,178,189,194,196,202,207,212,212,202,191,186,189,191,191,191,191,194,194,194,189,183,186,181,168,168,129,5,0,113,144,147,144,139,147,155,168,173,173,173,173,178,186,194,199,196,186,181,178,178,178,170,178,189,178,173,168,160,173,168,41,0,0,0,45,150,85,0,0,19,100,108,100,99,129,157,168,134,77,47,29,1,0,0,0,0,0,43,49,33,0,0,0,0,7,0,15,39,43,41,43,35,27,21,31,61,53,41,63,111,31,34,137,51,1,0,49,173,165,134,57,37,45,61,95,121,126,121,121,121,113,118,137,129,124,116,73,71,113,189,209,207,69,49,59,116,155,178,186,183,134,1,0,25,53,116,69,51,57,75,65,39,30,24,27,29,33,45,35,29,41,67,77,116,142,155,163,170,178,189,199,207,202,0,87,61,72,100,152,181,186,186,186,176,0,100,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,181,181,183,181,178,173,168,163,160,157,157,160,165,170,173,173,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,0,0,0,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,186,181,178,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,243,246,251,255,255,255,255,254,0,0,0,0,0,0,0,215,222,230,235,233,220,202,189,181,183,191,196,202,202,202,204,209,212,222,233,243,251,254,254,255,255,255,255,255,255,255,246,235,228,222,220,220,215,212,207,207,204,199,189,183,183,189,196,202,202,199,194,191,189,189,186,178,168,157,152,150,150,147,142,139,139,0,150,155,155,155,157,160,163,165,170,173,176,173,168,160,155,0,115,115,0,0,0,0,123,131,183,199,212,222,222,217,217,222,225,225,225,228,233,235,238,238,238,241,241,243,241,238,233,233,233,238,243,243,241,238,235,233,230,228,228,228,228,225,225,225,222,217,215,212,212,212,215,217,217,217,217,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,82,100,100,82,57,52,69,103,103,79,56,51,61,66,61,11,0,0,0,0,0,0,47,35,17,27,47,90,90,66,77,92,108,116,108,98,103,116,124,131,150,139,87,17,21,77,98,105,116,124,121,113,103,98,100,116,124,118,95,92,105,103,90,90,98,108,113,105,82,64,35,0,0,35,37,53,0,0,0,0,0,0,0,0,0,92,150,147,144,144,144,144,144,142,139,134,129,126,129,126,121,121,116,92,45,40,39,41,45,57,71,108,108,75,77,65,57,59,63,77,124,144,139,121,25,41,39,53,170,183,191,186,176,150,79,71,69,74,89,134,134,51,47,47,55,65,89,137,147,152,150,142,105,107,107,144,152,155,150,113,111,115,168,176,165,114,114,160,168,160,119,157,157,119,115,113,113,115,121,160,163,163,160,121,160,170,173,168,165,121,120,121,119,117,113,113,117,121,119,119,119,121,163,123,116,116,119,163,170,181,189,196,196,181,121,116,117,117,117,117,121,123,125,125,123,123,121,121,121,121,117,114,113,117,125,173,173,127,127,173,181,176,173,178,186,186,181,178,173,129,131,181,189,191,189,187,189,191,199,207,209,209,204,196,186,137,136,137,183,191,202,215,230,235,235,233,235,238,235,228,215,194,181,178,181,178,133,131,133,131,129,127,123,120,121,127,129,131,173,178,181,181,176,129,127,127,125,121,115,115,117,123,131,183,199,212,217,215,202,186,176,173,176,181,183,189,196,207,209,199,183,173,129,170,173,173,173,170,127,123,121,123,123,121,119,117,115,115,117,123,127,127,123,121,168,191,217,228,217,202,183,173,169,169,170,176,178,178,176,170,129,170,181,196,204,199,186,176,129,127,126,127,129,176,186,189,191,196,194,183,178,179,186,191,189,178,131,129,131,176,178,176,170,169,170,176,181,178,178,181,183,176,168,127,123,119,114,113,113,119,170,176,168,117,113,115,117,119,125,168,168,125,123,123,123,123,127,176,178,168,128,176,183,186,189,196,196,183,129,129,131,131,131,133,176,178,181,191,207,217,212,199,191,194,204,215,217,222,225,225,225,217,217,217,217,222,220,212,199,189,189,194,204,209,204,199,194,194,196,191,181,135,133,132,135,178,178,135,133,132,133,133,131,129,129,133,178,178,133,129,127,129,129,129,176,191,204,209,207,199,183,178,186,196,196,183,176,176,186,186,183,181,183,183,183,186,191,194,189,176,170,178,189,194,191,189,181,176,178,178,176,168,121,114,113,119,123,123,121,123,163,165,168,170,170,165,123,121,123,163,163,168,170,173,173,170,168,173,168,123,117,114,109,109,123,170,176,176,176,173,170,168,125,121,119,121,121,121,125,168,170,173,176,178,181,183,189,189,186,189,191,194,194,191,186,183,178,131,129,129,173,181,183,186,189,191,189,183,178,176,178,181,178,178,181,183,181,181,186,196,202,204,202,191,181,178,178,183,186,186,181,181,186,191,189,186,191,196,199,194,191,191,194,194,189,183,181,181,186,189,189,183,181,178,178,176,129,121,121,123,125,173,183,189,189,183,178,170,125,125,119,117,123,125,123,121,123,170,181,183,176,125,111,105,105,107,115,119,115,112,112,117,170,170,124,122,124,176,186,191,191,191,191,189,186,186,186,189,191,191,189,187,189,194,194,189,178,134,132,133,181,191,191,189,191,191,194,199,204,204,204,199,202,202,204,207,204,199,194,189,186,183,189,194,196,199,202,204,207,204,196,186,176,133,133,133,131,127,125,125,131,181,191,199,199,199,202,199,194,183,137,137,139,189,194,199,204,209,209,207,204,196,191,189,189,189,196,202,207,209,215,217,222,225,225,228,230,230,225,217,209,202,194,189,186,183,139,138,138,181,183,186,186,183,186,191,196,196,194,189,189,191,189,183,178,135,178,178,181,178,135,135,133,133,135,137,137,181,186,191,199,204,209,212,212,212,209,209,209,212,209,209,207,202,199,196,196,196,196,189,133,130,131,176,176,133,131,131,173,176,181,186,186,183,183,186,183,178,173,176,181,186,189,189,189,178,131,127,125,123,123,127,178,186,186,186,186,183,181,178,173,170,170,176,181,183,181,181,181,183,183,181,178,173,170,168,173,176,170,125,122,122,123,125,170,170,170,170,131,176,181,183,189,194,196,196,196,199,199,199,196,194,191,191,194,196,194,189,181,178,178,181,183,183,181,178,133,176,183,189,189,181,179,181,181,183,181,178,173,170,170,168,127,127,168,173,173,170,127,123,121,123,168,173,178,181,183,181,178,181,186,186,186,183,183,183,189,196,196,194,189,187,187,191,194,194,189,186,186,186,186,183,182,182,186,191,199,196,191,190,194,199,199,196,196,194,186,135,132,133,135,178,181,183,183,186,189,183,183,191,194,191,189,186,186,183,183,183,183,186,186,186,186,186,186,183,183,183,181,178,176,176,173,173,131,131,131,129,125,122,122,127,173,176,176,176,170,127,126,127,170,176,176,176,176,176,176,176,178,181,183,186,186,186,183,181,181,178,178,178,176,174,176,181,186,186,186,185,186,191,199,199,199,199,196,194,191,194,194,194,191,189,189,189,186,189,186,186,186,189,186,183,181,181,183,186,186,186,183,183,186,191,194,194,189,186,181,178,178,176,173,170,170,168,168,165,168,168,168,168,163,157,155,152,150,150,148,150,152,155,155,155,157,155,144,83,43,23,15,11,5,0,0,0,7,69,147,160,168,178,183,186,178,157,108,47,5,0,0,0,0,0,5,15,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,98,77,0,9,69,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,170,176,181,183,178,87,0,0,0,85,49,0,0,0,0,0,0,0,0,0,0,116,157,176,183,186,186,163,147,152,170,176,170,173,147,63,0,0,0,0,1,17,0,0,21,147,183,194,194,191,194,196,199,202,204,204,194,181,98,139,160,160,152,155,178,191,196,199,202,207,209,209,202,194,191,194,199,199,196,196,196,196,199,191,178,157,129,118,65,0,0,0,100,137,147,155,152,152,160,170,173,173,173,178,181,189,194,199,194,189,183,186,186,186,186,194,196,191,191,191,181,183,144,0,0,0,0,31,77,0,0,0,0,69,103,105,111,139,155,152,113,74,41,7,0,0,0,0,0,0,19,39,31,0,0,0,9,19,0,0,13,37,36,45,45,33,21,25,49,45,37,49,95,95,35,45,29,23,21,65,170,160,95,45,40,55,71,111,131,131,105,69,63,55,108,129,121,124,121,73,67,77,173,189,165,51,43,51,73,150,176,178,170,144,1,0,0,33,53,55,55,61,67,61,45,35,41,45,33,33,33,30,30,69,150,144,147,157,163,163,163,168,183,199,207,202,155,44,42,72,113,0,168,173,173,168,0,105,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,178,178,178,176,173,168,163,160,160,157,157,160,163,168,168,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,196,0,0,0,0,0,191,0,0,0,0,0,0,0,194,0,191,186,183,181,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,243,246,254,255,255,255,255,254,0,0,0,0,0,0,0,212,217,228,230,228,215,202,191,183,186,191,196,202,204,204,204,209,212,220,233,243,251,254,254,255,255,255,255,255,255,255,251,241,233,225,222,222,220,215,212,207,204,199,189,181,181,189,196,202,199,194,186,183,183,181,178,173,163,152,150,150,150,144,139,135,137,0,147,152,152,152,152,155,157,160,165,168,170,170,168,165,163,160,157,0,0,0,0,0,117,125,178,196,209,222,225,217,222,222,225,225,225,228,233,238,238,238,238,238,241,241,238,235,233,231,233,235,241,241,238,235,233,230,228,228,228,228,228,228,228,228,225,217,215,212,212,212,215,217,222,225,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,87,95,100,92,79,59,49,57,98,103,72,48,48,56,56,37,3,0,0,0,0,0,0,33,39,43,69,79,82,64,1,21,74,90,100,90,82,92,98,105,131,155,157,47,0,9,82,92,95,108,118,116,105,95,92,100,113,118,111,92,92,108,105,98,100,103,105,105,85,66,56,27,0,0,25,56,82,66,0,0,0,0,0,0,0,79,129,147,144,142,147,152,150,139,131,126,126,129,124,116,100,87,65,59,42,36,37,38,41,53,100,124,134,118,67,57,53,47,35,39,57,81,118,71,53,53,77,43,43,144,139,134,150,155,137,76,71,70,74,95,160,178,71,55,55,63,89,137,144,152,155,150,144,107,107,107,109,152,157,155,152,113,157,178,189,178,155,116,157,160,119,115,117,117,115,115,115,113,113,117,121,163,165,165,165,168,183,186,176,165,121,121,123,123,119,112,111,113,115,115,115,115,121,168,165,119,119,121,123,170,189,199,207,209,191,123,116,117,119,119,119,121,125,165,165,123,119,117,117,121,123,117,113,113,119,127,173,176,173,173,178,181,178,173,173,173,176,178,181,183,178,176,178,183,189,191,191,191,191,194,196,199,202,202,196,186,181,137,181,183,191,199,212,228,230,233,230,230,233,228,215,199,181,132,133,178,181,135,135,181,178,131,127,127,131,178,181,178,178,181,183,181,178,178,181,183,181,173,123,115,111,115,121,125,173,186,202,209,209,194,178,129,127,129,176,178,178,189,209,228,212,189,173,129,129,170,170,129,127,123,119,118,119,121,121,121,121,119,117,117,121,125,125,123,121,127,186,209,222,212,196,186,176,169,168,170,178,181,181,178,173,170,173,176,178,181,181,178,176,131,127,126,129,183,194,194,181,179,186,186,178,178,189,202,202,191,178,129,127,129,173,173,173,173,173,178,186,189,186,178,176,173,170,168,127,125,119,115,113,113,115,125,168,165,119,117,119,121,123,125,125,125,123,121,121,121,123,127,173,176,170,170,181,183,181,178,181,178,173,131,131,173,173,173,176,176,176,178,191,212,222,215,199,191,194,204,215,222,222,225,225,222,217,217,222,222,225,222,212,202,191,191,199,209,215,212,202,191,186,186,186,186,181,178,135,178,183,181,178,178,135,133,131,129,128,129,176,183,183,178,131,127,125,127,127,131,178,191,199,199,191,178,173,176,176,173,131,128,131,183,186,183,181,181,181,181,183,189,191,189,176,173,181,194,196,191,186,181,178,178,181,178,168,117,111,111,115,121,123,121,121,123,165,168,170,168,165,163,163,165,163,163,163,168,173,173,170,168,168,165,163,123,119,115,121,173,176,176,176,176,173,170,165,123,121,121,123,125,127,127,168,170,170,170,173,178,183,186,189,186,189,194,196,196,194,191,186,183,176,131,173,178,183,186,186,189,191,191,189,183,181,178,178,176,176,178,178,133,132,178,191,199,202,199,191,181,178,183,191,191,191,189,189,194,196,196,191,191,191,194,194,196,202,204,202,196,186,181,178,183,189,189,186,181,176,133,131,127,123,125,131,178,183,189,194,191,186,176,127,123,119,113,112,117,121,117,110,106,110,121,168,125,117,107,105,105,109,119,125,123,117,115,123,178,178,129,125,129,181,189,191,194,194,191,186,185,185,186,191,194,194,189,187,187,191,191,183,135,176,178,183,191,194,191,189,191,191,194,196,202,202,196,194,194,196,196,196,196,194,189,186,183,183,189,194,199,202,207,209,212,209,204,194,181,135,135,135,129,123,121,122,127,181,194,202,202,202,202,199,196,191,183,136,136,139,191,204,209,212,209,209,202,194,189,189,191,194,199,207,209,212,215,217,220,222,222,228,230,230,225,217,209,202,194,186,138,137,137,137,138,138,181,181,181,183,189,194,196,199,196,194,194,194,194,189,183,178,135,135,178,135,135,133,135,137,183,186,189,189,194,202,207,209,212,212,212,209,207,207,207,207,207,204,204,207,204,199,194,186,183,178,130,128,130,133,133,131,130,131,176,178,181,183,183,183,186,186,183,173,129,170,181,191,194,196,194,183,131,127,129,173,176,183,189,191,191,191,189,186,181,178,173,172,172,173,178,178,176,173,176,176,178,178,176,173,129,129,173,176,170,125,121,121,123,127,170,170,170,170,131,173,176,181,183,186,191,194,196,196,196,196,194,191,190,190,191,194,194,191,183,178,178,178,181,183,178,133,131,132,181,191,191,186,181,181,181,183,183,181,178,176,173,170,127,127,168,170,170,168,125,121,120,121,125,170,178,183,183,181,173,170,176,181,183,183,181,181,186,191,196,196,191,191,191,194,196,194,191,189,189,186,186,183,183,183,186,191,196,196,194,191,196,199,196,194,194,191,181,132,131,133,178,183,183,183,183,189,191,189,186,191,196,194,191,191,191,189,186,186,189,191,191,189,189,189,189,186,183,186,186,183,178,178,176,173,131,129,129,127,127,123,123,125,170,173,176,173,170,127,127,127,170,173,173,173,173,173,173,176,176,181,183,186,186,186,186,183,181,181,181,181,178,176,176,183,186,186,186,186,189,194,199,199,199,199,196,194,191,194,194,191,189,186,186,186,186,186,186,183,186,186,183,178,178,178,181,183,186,186,183,183,186,189,191,191,189,183,181,181,178,176,173,173,173,173,170,170,170,173,173,170,165,163,157,155,155,150,150,150,152,155,155,157,157,160,152,134,67,35,21,17,9,3,0,0,7,55,139,157,165,176,183,189,186,173,150,121,79,53,15,0,0,0,3,13,17,21,23,21,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,98,7,1,47,79,74,17,0,0,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,160,168,165,155,126,0,0,0,74,79,11,0,0,0,0,0,0,0,7,27,124,165,176,178,186,186,178,150,79,155,183,176,170,126,0,0,0,0,93,147,144,69,21,27,134,173,186,186,183,183,189,194,194,194,196,194,173,98,137,152,144,97,105,178,194,199,199,204,207,207,207,204,202,199,202,204,204,204,202,199,199,199,189,142,57,29,21,0,0,0,0,0,41,129,155,160,160,163,170,170,170,170,178,186,189,194,194,191,186,183,186,189,191,194,196,196,194,196,196,150,105,19,0,0,0,0,0,0,0,0,0,0,0,47,100,131,152,150,124,87,47,13,0,0,0,0,0,0,0,17,35,43,31,27,27,17,9,0,0,0,41,39,47,47,35,21,25,39,31,7,25,55,108,23,15,5,13,9,33,137,118,31,41,113,134,113,113,131,131,98,63,49,23,33,39,47,105,108,59,51,49,131,163,118,31,31,45,61,113,150,152,157,150,31,0,0,11,25,41,55,61,63,63,63,63,0,0,49,39,32,30,35,152,176,163,155,160,165,160,152,152,170,194,204,194,142,45,45,100,0,0,0,0,0,0,116,74,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,176,176,178,176,173,168,165,163,160,157,155,157,160,163,163,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,199,196,196,199,196,194,194,0,194,0,191,0,199,0,199,196,194,191,191,189,186,183,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,254,255,255,255,254,248,0,0,0,0,0,0,0,212,215,222,225,222,209,199,189,183,186,191,196,199,202,204,204,207,212,220,233,243,251,254,254,255,255,255,255,255,255,255,251,243,235,228,225,225,222,215,209,207,204,199,189,181,181,189,196,199,194,186,181,176,176,173,168,163,155,147,144,0,144,142,139,137,137,144,150,152,152,150,150,152,0,157,163,165,168,168,168,170,170,168,168,165,160,0,0,0,119,127,178,196,212,222,225,222,222,225,225,225,228,230,233,238,241,238,238,238,238,238,238,235,233,231,233,235,238,238,235,233,233,230,228,228,228,228,228,228,228,228,222,217,212,211,211,212,215,222,228,228,228,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,85,90,82,74,59,49,57,90,90,56,17,17,33,53,59,31,0,0,0,0,3,0,0,27,66,79,82,77,33,0,0,19,19,11,5,27,56,29,35,129,155,157,25,0,13,90,87,82,92,113,111,95,90,95,105,111,111,103,92,90,103,108,105,103,98,87,74,66,56,29,0,0,0,0,29,85,87,21,0,0,0,0,0,0,111,131,139,139,144,152,160,157,144,131,127,131,137,124,103,90,87,65,49,30,38,45,55,63,100,137,160,170,170,103,0,0,0,13,29,41,79,113,43,25,45,75,19,5,57,15,0,13,147,163,137,85,89,97,150,163,157,47,50,57,79,139,144,144,152,157,150,142,107,107,107,109,152,157,157,152,113,155,176,186,178,157,117,119,119,115,115,117,117,117,119,119,113,111,112,119,165,173,170,165,165,181,186,173,165,123,123,163,165,121,113,112,113,113,112,113,113,119,165,163,119,121,123,163,173,194,207,217,217,202,168,117,117,119,119,119,121,125,168,165,125,117,115,116,121,123,119,113,113,119,125,170,173,176,178,181,183,178,170,127,123,125,170,181,186,183,178,176,183,191,196,194,189,189,191,194,194,196,194,191,183,181,183,186,186,189,196,204,215,222,222,222,217,215,207,196,183,133,131,133,181,186,186,183,186,181,131,129,176,199,212,204,191,183,183,186,181,178,183,199,207,196,181,127,115,109,109,113,119,125,176,189,199,202,189,131,124,123,127,176,178,177,186,212,230,215,189,170,127,127,129,127,127,125,123,119,117,118,121,123,123,125,127,123,121,123,125,125,121,121,125,173,189,199,196,189,183,178,173,170,173,181,186,186,183,173,170,173,131,129,129,178,183,186,183,178,178,191,209,215,207,182,178,182,183,181,183,196,209,207,194,178,129,127,127,129,173,173,176,181,186,191,194,189,178,173,170,168,168,127,125,123,121,119,117,115,117,121,123,121,119,121,125,165,125,125,123,123,121,119,121,123,127,170,173,170,173,178,178,176,173,173,170,129,176,178,178,178,178,181,178,176,178,189,204,212,207,194,186,191,202,215,225,225,225,225,217,217,222,222,222,225,222,212,199,191,194,199,204,207,204,194,181,133,135,183,189,191,189,186,186,189,191,191,189,186,178,133,129,129,129,133,181,183,178,133,127,125,125,127,129,133,178,181,181,181,178,176,129,126,126,129,176,183,196,191,183,181,181,178,178,181,183,189,186,181,176,181,191,194,189,183,181,181,181,186,183,176,125,114,112,114,119,121,123,121,121,123,165,168,165,163,163,163,123,123,123,163,168,173,173,173,168,165,165,168,173,170,165,173,176,173,170,170,173,173,168,125,123,123,123,125,168,170,173,176,173,170,129,129,173,181,183,186,189,194,199,199,199,196,191,189,186,181,178,178,178,181,183,186,189,191,194,191,189,183,178,176,176,176,176,133,132,131,133,183,194,199,199,191,181,178,186,191,189,189,189,191,194,199,199,194,191,190,190,194,199,204,207,207,202,189,177,176,181,186,189,186,181,176,129,127,127,127,131,178,186,189,191,191,189,181,173,127,123,115,110,110,117,168,127,115,106,107,113,121,123,117,111,109,109,113,119,127,168,125,123,127,176,176,173,173,181,189,194,194,194,194,194,189,186,186,189,194,196,196,189,186,186,189,189,186,181,186,194,196,196,194,191,189,186,186,186,189,194,196,194,189,189,189,191,191,191,189,189,186,183,183,186,191,199,204,207,212,212,215,212,202,189,183,183,183,133,125,122,122,124,133,183,189,191,191,191,191,194,196,191,137,134,135,186,204,209,207,204,202,196,189,186,186,189,191,199,207,212,212,212,212,215,217,222,225,228,228,222,215,209,202,191,183,138,138,181,181,183,186,186,183,183,186,191,194,196,194,194,194,194,194,194,191,186,181,135,135,135,135,178,178,181,183,189,191,194,196,202,209,212,215,212,209,209,207,207,204,204,204,202,202,204,207,204,199,189,181,178,135,133,131,133,133,133,130,129,131,173,176,178,178,181,183,186,186,181,129,127,128,181,194,199,199,196,186,173,129,129,176,183,191,191,194,194,194,191,186,183,178,178,176,173,173,176,176,173,170,129,170,176,178,176,173,129,128,170,173,170,125,122,121,125,129,173,173,170,131,131,131,131,173,178,181,186,194,196,194,194,194,194,194,191,191,191,194,194,194,189,181,178,178,181,181,176,132,131,133,181,189,191,191,186,183,183,186,186,186,181,178,176,173,168,168,170,170,170,168,125,123,121,123,127,170,176,181,183,181,170,166,168,176,181,178,177,178,183,189,194,196,196,196,196,196,194,194,191,189,189,189,186,183,186,186,189,191,196,196,196,196,199,199,194,192,194,191,183,132,131,135,183,189,186,186,186,191,191,189,189,191,194,194,194,194,194,191,189,191,194,194,194,191,191,191,189,186,186,189,189,186,181,181,178,176,131,127,125,125,127,123,121,125,129,173,176,176,170,129,127,127,127,127,129,129,170,131,131,173,176,178,181,183,186,186,186,183,183,186,186,183,178,176,176,181,186,186,186,186,189,194,196,196,196,196,196,194,191,194,194,191,189,183,183,183,183,186,186,183,183,183,181,178,177,178,181,183,186,186,183,183,183,186,189,189,186,183,183,183,181,176,173,173,178,178,176,173,173,176,176,173,170,165,163,160,157,152,150,150,150,155,155,157,160,160,160,150,121,51,31,21,15,11,9,3,11,43,137,157,168,173,178,186,186,181,165,152,144,126,61,19,0,0,3,11,15,23,29,27,27,37,59,81,95,137,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,196,191,186,181,176,170,168,163,155,147,147,142,129,87,79,77,100,100,19,0,39,92,90,35,0,31,100,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,134,142,126,126,142,144,144,82,85,124,152,15,0,0,0,0,0,0,67,69,121,168,181,183,183,181,173,150,35,43,163,165,155,15,0,0,15,157,191,183,189,189,163,152,163,165,165,163,160,160,168,181,181,178,183,191,178,103,101,105,93,84,97,183,196,196,199,202,204,202,202,204,207,207,207,207,207,207,204,202,199,191,131,25,0,0,0,0,0,0,0,0,0,33,129,152,160,163,170,170,168,168,176,186,194,194,194,189,183,183,186,189,191,191,194,194,189,191,173,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,142,155,142,108,77,29,0,0,0,0,0,1,0,0,31,43,77,74,39,87,21,0,0,0,15,37,39,47,47,27,9,13,21,5,0,0,31,92,21,0,0,0,0,7,98,41,0,31,126,131,105,69,111,118,111,108,71,19,0,0,0,43,49,25,25,23,25,113,57,18,19,29,43,55,73,126,147,147,59,7,3,21,21,29,49,63,67,75,81,81,83,0,57,49,39,33,47,160,173,157,147,152,160,155,139,137,150,173,189,181,155,105,95,0,0,134,137,137,0,0,103,69,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,176,178,178,176,173,168,165,165,163,157,155,0,155,160,160,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,199,194,194,194,191,186,183,186,194,199,194,191,196,202,204,204,199,196,194,194,191,191,186,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,255,255,255,251,0,0,0,0,0,0,0,0,212,215,217,220,215,207,196,189,186,186,189,191,194,199,199,202,207,212,220,230,243,248,251,254,255,255,255,255,255,255,255,251,243,235,230,225,222,217,209,204,199,199,194,186,181,181,189,194,194,189,178,170,168,165,163,157,152,147,142,142,142,142,0,0,0,0,147,150,152,152,150,147,0,0,0,160,163,165,165,165,170,173,173,173,176,173,168,125,123,125,170,183,199,212,222,225,222,222,222,225,228,228,230,233,238,241,241,241,238,238,235,235,235,235,233,233,233,235,235,233,233,230,230,230,228,228,228,228,228,230,228,225,217,212,212,212,215,220,225,230,230,230,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,74,61,61,61,57,72,87,66,35,0,0,0,33,82,79,1,0,0,0,64,0,0,25,77,90,87,74,31,0,0,0,0,0,0,0,0,0,1,98,137,105,0,0,11,85,85,77,85,105,103,87,87,100,105,103,98,95,85,82,92,103,103,92,72,5,0,31,31,0,0,0,0,0,53,90,95,25,0,0,0,0,0,56,126,137,139,142,144,155,165,165,155,147,147,152,152,134,116,111,116,113,65,34,61,116,124,111,116,144,170,183,189,134,0,0,0,23,43,47,121,131,39,0,15,39,0,0,0,0,0,0,93,191,168,142,144,150,152,144,77,23,40,57,93,152,152,143,147,152,147,109,109,109,109,147,155,160,157,152,113,115,163,173,168,155,115,115,115,114,115,117,119,119,160,160,113,110,111,119,170,178,173,160,119,168,170,160,121,123,121,121,123,121,117,117,117,113,113,115,113,117,123,121,117,119,163,165,176,191,207,217,220,204,168,115,115,117,119,119,121,165,170,168,123,117,114,116,121,123,119,115,115,117,121,125,168,173,178,181,183,178,129,121,117,118,125,178,186,186,178,176,181,191,194,186,176,183,194,196,199,196,191,183,179,181,186,189,186,189,191,199,207,209,207,207,202,196,189,181,137,133,133,178,191,199,199,191,186,178,131,133,191,225,233,225,196,183,183,186,183,181,194,217,222,204,183,129,119,109,108,109,115,121,127,178,189,191,181,127,123,123,127,181,183,178,181,199,209,199,178,129,125,127,129,129,129,127,125,121,119,119,123,127,168,173,176,173,168,127,125,123,121,123,125,127,168,176,178,178,178,178,178,176,178,181,189,191,186,176,170,170,129,125,129,186,199,202,199,199,204,215,222,222,215,196,183,183,186,191,194,202,204,199,189,178,173,129,129,131,176,178,178,183,189,191,194,189,181,173,170,173,176,173,170,168,173,168,119,115,113,117,121,123,121,123,165,165,125,123,125,123,119,117,119,125,127,168,170,170,173,173,170,170,173,173,129,129,176,181,181,178,183,186,183,178,183,189,194,202,199,191,183,186,196,212,225,228,228,225,222,217,222,222,222,222,217,207,196,189,191,191,191,191,189,183,133,131,132,183,191,194,194,194,196,199,202,202,199,194,189,181,135,135,135,135,135,135,135,131,127,125,124,127,133,133,131,129,129,131,173,176,129,126,127,181,194,199,199,189,178,173,173,173,173,176,178,183,186,183,181,181,183,183,181,181,181,181,183,186,186,181,170,121,115,114,117,123,165,168,163,123,163,165,168,165,123,119,119,121,163,165,168,168,168,168,165,163,163,173,181,178,170,170,168,125,121,125,170,176,170,125,125,123,123,125,168,173,178,181,176,129,123,121,125,173,178,183,189,194,199,199,199,199,196,189,186,186,183,181,178,176,178,183,189,191,194,194,191,183,178,176,178,176,173,133,132,132,133,181,189,196,199,194,189,183,189,191,187,187,189,191,194,199,196,194,191,190,189,191,199,202,204,204,199,186,177,176,178,186,189,186,181,173,129,127,127,129,176,183,189,191,194,191,186,183,178,176,170,119,111,110,117,178,189,181,113,110,113,121,123,121,117,117,119,117,119,123,168,127,125,125,124,125,170,178,186,191,191,194,199,199,199,194,191,189,189,194,199,196,189,186,186,189,191,189,189,194,199,196,194,191,189,186,181,178,176,178,183,189,189,186,183,183,186,189,191,191,189,189,186,183,183,191,199,202,207,209,212,215,215,207,196,189,189,189,183,178,131,125,124,127,133,137,135,135,133,135,186,199,202,191,136,135,186,202,207,202,196,194,191,185,183,185,186,189,194,204,212,212,209,207,209,212,217,225,225,222,215,209,207,199,191,183,139,139,186,189,191,191,191,189,186,186,191,194,191,189,189,189,191,191,191,191,189,183,178,135,135,178,178,181,183,186,186,191,196,202,204,209,215,215,209,207,204,204,204,204,204,204,202,202,204,202,199,194,189,183,181,178,181,181,181,178,131,129,129,131,173,176,176,176,178,181,186,183,178,129,126,128,181,194,199,199,194,189,181,173,131,176,186,194,194,194,196,196,194,189,183,181,181,181,178,176,176,173,173,129,129,129,173,176,176,173,129,129,129,129,129,127,123,123,129,173,173,173,131,131,129,127,125,127,133,176,181,191,194,191,191,194,194,194,196,196,196,196,196,194,194,189,183,181,183,181,135,132,132,176,181,186,189,191,189,189,186,189,189,186,183,178,176,173,173,170,173,173,170,168,125,123,123,125,168,173,176,181,183,181,170,166,168,173,178,178,178,178,183,189,194,196,199,199,196,194,191,189,189,189,191,189,186,183,186,189,189,191,194,196,196,199,199,199,194,194,196,196,189,137,133,181,189,191,191,189,189,191,191,189,189,191,191,191,191,194,194,191,189,191,196,196,194,191,194,194,191,189,189,191,191,189,183,181,178,176,131,125,122,122,125,121,119,123,127,170,176,176,173,129,127,125,123,123,123,127,129,170,131,173,173,176,178,183,186,186,186,186,186,186,189,186,178,174,174,178,183,183,186,189,191,194,194,191,194,194,194,191,191,194,194,191,189,183,183,183,183,186,183,183,183,183,181,178,178,181,183,183,186,186,183,182,183,183,186,186,183,183,183,183,183,181,176,178,181,181,178,176,176,176,178,176,173,170,168,163,160,155,152,150,152,155,157,157,157,160,163,160,144,77,45,29,21,19,17,13,15,39,137,160,170,176,178,181,183,181,173,165,160,152,131,67,29,11,9,11,15,21,27,31,33,39,47,59,69,81,97,144,157,165,170,173,176,178,178,181,183,183,183,181,178,176,168,168,168,105,81,89,113,119,121,163,168,173,173,173,176,173,173,173,168,165,165,165,168,170,173,168,165,123,115,101,81,77,87,105,123,176,178,178,181,181,181,183,186,191,194,194,194,194,191,191,194,196,202,202,199,196,194,189,183,178,176,170,163,155,150,150,144,131,87,77,73,73,103,27,0,15,108,118,95,72,92,137,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,25,82,155,173,183,144,144,176,202,61,0,0,0,0,0,0,111,73,79,157,189,194,189,176,168,157,27,0,25,71,51,0,0,45,178,186,189,186,189,186,186,191,189,176,163,147,138,142,142,99,155,165,173,186,181,163,93,83,85,89,160,194,191,191,196,199,199,199,199,204,207,209,209,207,204,202,199,196,189,152,63,0,0,0,0,0,0,0,0,0,0,0,90,142,157,163,170,173,168,163,168,181,191,196,191,186,186,186,189,189,189,191,191,191,186,183,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,85,139,147,126,100,77,15,0,0,0,0,0,0,0,1,45,55,82,74,23,95,35,0,0,0,39,33,29,43,47,15,0,0,0,0,0,0,23,49,31,0,0,0,0,0,21,1,0,63,118,98,33,31,49,69,105,131,137,100,0,0,0,0,3,0,5,17,12,55,49,25,16,9,17,41,59,121,137,118,43,37,61,113,37,31,47,71,83,118,87,75,63,59,59,61,53,47,59,137,150,137,134,147,157,150,137,133,139,147,155,163,163,0,108,103,108,121,131,137,0,0,0,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,181,181,181,178,173,168,165,165,163,157,0,0,155,157,157,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,204,199,191,186,186,183,176,173,178,191,199,196,194,199,204,209,209,204,202,199,196,196,194,191,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,251,246,0,0,0,0,0,0,215,212,212,212,215,215,212,207,199,191,186,186,186,186,189,191,194,196,202,209,217,230,238,246,248,251,254,255,255,255,255,255,254,248,243,235,230,225,220,212,202,194,189,186,183,181,181,183,189,194,189,178,168,163,160,157,152,147,142,139,137,137,0,0,0,0,0,144,150,152,155,152,150,147,0,0,0,155,160,163,163,163,168,173,176,178,183,183,181,178,173,173,181,191,202,212,222,222,222,217,222,225,228,228,230,233,235,238,241,241,238,235,235,235,235,235,233,233,233,233,233,233,233,233,233,233,230,230,230,228,228,230,230,228,222,215,212,215,217,222,228,230,233,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,46,22,48,66,69,69,69,48,17,0,0,0,11,90,90,64,0,0,0,77,74,53,66,82,90,87,74,59,33,0,0,0,0,0,0,0,0,0,1,7,0,0,0,17,87,85,77,77,92,87,74,82,92,90,82,85,79,66,72,85,92,82,33,0,0,0,0,3,0,0,0,0,0,77,98,100,3,0,0,0,0,0,111,137,139,142,144,144,150,163,165,163,160,163,163,157,152,152,147,137,124,98,44,118,144,144,116,111,142,173,189,199,186,15,0,0,59,53,49,83,124,31,0,0,3,0,0,0,0,0,0,67,173,163,157,163,160,152,134,77,32,47,73,137,157,157,144,142,144,150,150,150,150,147,150,157,160,157,155,115,113,152,155,155,114,113,114,114,115,115,117,117,119,160,160,113,110,111,117,168,176,168,119,115,117,115,113,115,117,117,115,117,119,119,121,123,121,119,121,119,119,121,119,114,115,163,170,178,186,196,209,209,191,119,113,114,117,121,119,121,168,176,170,123,117,115,117,121,121,121,119,117,115,117,121,125,168,176,181,181,176,127,119,116,116,123,176,186,189,181,173,178,186,183,128,123,133,194,204,207,204,196,183,179,183,189,189,186,189,194,199,202,199,196,196,191,183,137,135,135,135,178,186,196,207,207,196,183,133,131,178,202,228,235,225,194,183,183,186,186,186,202,225,217,196,178,129,123,113,108,108,113,119,125,131,178,181,173,125,124,124,129,183,183,178,176,181,181,176,129,125,123,127,129,173,173,129,168,127,125,125,127,170,176,183,186,183,178,170,125,119,119,123,127,124,124,127,170,170,173,176,181,181,181,183,189,194,189,178,173,170,127,123,131,191,207,204,204,209,217,217,217,217,217,212,199,189,191,196,199,196,191,183,178,176,178,181,181,181,186,186,183,186,189,189,186,183,176,173,176,181,183,181,176,178,183,173,121,113,113,115,119,123,125,125,165,165,125,123,123,123,119,117,121,168,168,168,168,168,129,125,125,127,170,173,127,125,129,173,176,178,183,189,189,186,186,186,186,194,196,191,183,181,189,207,222,228,228,225,222,217,222,222,222,217,215,204,191,183,183,181,181,137,137,135,133,132,137,189,191,191,194,199,204,207,207,207,204,202,196,194,189,189,186,181,135,131,131,129,125,123,123,127,176,176,129,126,125,127,129,131,129,127,173,186,196,196,189,131,123,125,129,129,170,170,170,176,183,186,181,176,173,176,178,181,183,181,181,183,181,176,170,125,119,115,117,123,173,181,176,165,163,163,168,165,121,118,118,121,165,168,165,123,121,121,121,119,119,165,178,176,163,121,119,117,117,121,170,176,173,165,165,165,125,125,168,176,181,181,173,125,118,117,119,127,176,181,183,191,196,199,202,204,202,194,189,189,189,183,176,173,176,181,186,191,196,196,191,183,178,178,181,178,173,176,176,176,178,181,189,196,199,199,196,194,194,191,189,191,194,194,196,196,196,194,191,190,190,191,196,199,199,199,194,186,177,176,178,183,189,186,181,173,131,131,129,131,178,186,191,191,191,189,189,189,191,194,183,127,114,113,117,178,194,189,168,119,117,123,125,123,121,123,125,121,117,119,125,127,124,122,121,123,127,176,178,181,183,194,204,207,204,196,191,186,186,189,196,196,191,187,187,191,194,194,191,196,196,191,183,183,183,181,176,131,129,131,176,183,186,183,178,178,183,189,191,194,194,194,191,186,186,191,196,202,204,207,209,212,212,207,199,191,191,191,189,186,181,135,131,131,135,137,133,131,130,132,183,196,204,202,186,183,191,202,204,202,194,191,189,186,185,185,186,186,191,202,209,212,207,205,207,212,217,222,217,212,207,204,204,199,189,139,137,181,186,189,191,191,189,186,186,186,189,191,191,189,185,185,186,186,189,191,191,189,186,181,178,178,178,181,181,183,183,186,194,199,204,209,212,209,207,203,202,202,203,204,207,207,204,202,199,196,191,189,189,186,183,181,183,183,183,181,133,130,130,173,176,178,176,176,178,183,186,183,181,173,129,173,183,194,199,196,194,194,189,181,176,181,191,196,196,196,199,199,196,191,186,183,183,186,183,178,176,176,173,170,127,129,170,176,176,176,173,170,129,129,129,129,129,127,170,173,173,170,131,131,129,125,123,124,129,133,181,186,191,191,194,194,192,194,196,199,196,196,196,199,199,194,189,186,183,183,178,176,176,178,178,181,183,189,189,189,189,191,189,186,181,178,176,176,173,173,173,173,170,127,125,123,123,125,168,173,178,183,183,183,178,173,173,176,178,181,181,183,186,189,191,194,194,194,194,191,186,186,186,191,191,191,186,186,186,189,189,189,191,194,196,199,199,199,196,194,196,199,194,186,181,186,191,194,191,191,191,191,191,191,191,191,194,191,191,191,191,186,183,189,194,196,196,194,194,196,194,191,189,189,189,186,186,183,181,176,131,127,123,123,123,119,118,119,125,129,173,173,173,170,129,127,123,122,123,125,170,173,173,173,173,176,178,181,183,183,183,183,186,189,189,186,181,174,174,176,181,183,186,189,191,191,191,189,189,194,194,191,191,194,194,191,189,186,186,183,183,183,183,183,183,183,181,178,181,183,186,186,189,186,183,182,183,186,186,186,183,183,183,186,186,183,181,181,183,181,178,176,174,176,178,178,178,176,170,165,160,157,152,152,155,157,157,157,157,160,165,165,160,139,67,35,27,23,23,19,19,39,131,165,176,178,178,181,181,176,170,168,168,168,165,147,75,35,13,8,11,19,25,31,35,37,41,45,47,55,69,91,144,157,163,165,173,178,181,181,183,186,186,183,178,176,173,168,121,91,83,103,119,123,123,165,173,176,181,181,181,178,178,178,176,168,165,165,165,168,168,170,173,170,125,111,76,75,79,93,111,125,173,178,181,181,181,183,189,194,196,196,199,199,196,196,199,199,202,202,199,196,194,191,186,183,181,176,168,160,152,150,144,129,85,75,69,71,100,29,0,0,79,113,103,98,103,118,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,163,178,181,160,163,178,189,118,0,0,0,0,0,13,121,73,75,147,186,194,189,176,157,165,43,0,0,0,0,0,3,173,189,191,191,186,183,186,194,199,194,183,176,160,139,147,99,5,53,163,178,186,181,173,29,17,85,170,204,202,187,189,191,196,199,199,199,204,207,209,207,204,202,196,189,178,165,131,111,43,0,0,0,0,0,0,41,0,0,0,39,124,147,152,165,170,165,155,157,170,183,189,186,183,186,186,186,186,186,191,189,189,183,176,126,0,0,0,0,0,0,0,0,0,0,0,0,0,13,33,111,134,129,103,92,55,0,0,0,0,0,0,0,1,5,74,87,79,27,0,27,35,43,47,51,53,33,25,33,39,11,0,0,0,0,0,0,33,17,13,0,3,7,0,0,7,1,11,100,95,19,0,21,35,43,59,126,137,121,0,0,0,0,0,0,0,19,47,63,69,124,55,0,9,41,69,129,126,9,0,13,67,124,79,59,67,126,147,142,118,69,59,59,69,0,83,73,81,93,93,91,124,147,160,157,147,139,139,138,138,147,160,0,108,94,95,113,137,150,0,0,0,0,0,0,0,0,0,0,0,0,144,152,150,0,0,0,0,0,150,150,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,189,186,186,183,178,170,168,168,165,160,155,0,155,157,160,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,204,196,183,176,173,170,165,165,173,183,194,196,196,199,204,209,212,209,207,204,202,199,196,191,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,248,246,0,0,0,0,0,0,0,212,209,209,212,215,215,212,207,202,196,189,186,183,183,183,186,189,191,199,204,215,225,235,241,246,248,251,251,254,255,255,255,251,246,241,235,228,222,215,207,196,143,137,133,133,176,181,189,191,189,181,168,157,150,150,147,142,137,134,131,134,134,0,0,0,0,0,147,152,157,157,157,155,152,150,150,0,0,155,157,157,160,165,170,176,181,186,189,186,183,181,181,186,194,204,215,217,222,217,217,217,222,225,228,228,230,233,235,238,241,238,238,235,233,235,233,230,230,233,233,233,230,230,230,233,233,233,233,230,228,228,230,230,230,228,222,217,217,220,225,228,230,230,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,20,64,56,53,56,46,17,0,0,0,0,82,90,79,0,0,0,87,108,98,87,79,66,66,72,69,72,69,0,0,0,0,0,0,0,0,0,0,0,0,0,11,79,79,69,53,27,19,39,72,72,53,51,53,13,15,72,87,82,5,0,0,0,0,0,0,0,0,0,0,0,77,92,87,0,0,38,7,0,48,129,139,142,144,150,147,150,155,163,165,165,163,157,150,152,157,155,142,126,100,57,116,142,139,67,63,131,170,186,202,204,63,0,0,45,35,29,47,53,21,0,0,33,0,0,0,0,0,0,37,91,142,160,176,173,163,144,95,65,89,139,150,157,157,147,143,150,157,157,155,152,147,147,155,160,160,160,155,113,112,113,115,115,113,114,115,117,117,117,117,119,157,157,117,113,113,117,160,163,121,115,113,111,110,109,111,113,113,113,115,119,121,123,168,170,168,165,163,121,121,119,115,117,168,181,181,178,183,194,194,165,111,111,115,123,165,123,125,173,178,173,123,117,117,119,119,119,121,123,117,113,113,117,121,125,127,173,176,170,125,119,117,117,125,181,191,191,181,173,178,186,176,122,120,129,194,207,209,209,199,186,181,183,189,186,186,191,202,207,202,196,191,191,189,183,137,137,135,135,178,183,194,202,204,194,178,133,176,186,207,222,222,209,186,181,186,191,191,194,204,215,204,186,176,173,127,117,109,109,115,119,123,125,127,129,127,124,124,125,129,176,181,176,131,129,127,125,123,121,121,123,129,173,170,129,170,176,178,173,170,170,176,183,189,191,189,181,127,117,117,125,168,127,125,127,168,127,127,170,178,183,186,189,189,189,183,178,173,129,123,122,127,186,199,194,194,207,215,212,209,215,220,217,209,196,191,194,194,191,183,176,173,173,181,189,191,194,194,191,186,183,181,176,173,170,168,168,173,181,181,178,173,176,181,178,165,117,111,107,113,123,168,168,168,165,125,123,123,125,123,121,127,176,176,168,127,127,125,124,124,127,170,129,125,124,125,129,173,176,183,189,191,189,186,181,181,186,191,186,176,131,178,196,215,225,225,225,220,217,222,222,222,217,212,202,189,135,131,129,131,133,135,135,135,137,189,194,194,191,191,196,202,204,209,207,204,202,202,199,196,196,196,189,135,131,129,129,125,123,124,129,178,178,131,127,127,127,127,127,125,125,129,176,183,183,131,121,120,122,129,129,129,127,125,129,178,183,181,173,169,170,178,183,186,183,178,178,173,168,165,125,123,121,121,125,176,183,178,168,123,123,163,165,123,119,119,123,165,165,165,123,119,118,117,117,118,121,170,168,121,118,118,117,117,123,170,176,170,125,123,125,125,125,168,176,181,178,170,125,119,117,117,121,170,178,181,189,194,196,199,204,204,196,191,191,189,183,178,173,173,176,181,189,196,196,189,183,178,181,181,178,178,181,183,183,183,186,189,191,196,199,199,199,199,194,194,194,196,199,199,199,196,194,191,191,190,191,194,194,194,194,191,186,178,178,181,186,189,186,178,176,176,173,131,131,178,189,191,189,183,181,186,194,199,199,189,173,125,119,119,170,186,183,176,127,125,125,125,121,120,125,127,123,117,121,125,127,127,125,127,129,170,131,130,130,178,194,209,212,204,196,189,183,183,186,191,194,194,194,194,196,196,194,191,194,191,183,176,176,178,176,131,128,128,129,176,181,183,181,176,177,181,189,194,196,196,196,196,189,186,189,194,199,199,202,204,207,207,204,196,191,186,183,186,186,186,186,183,183,183,183,181,133,131,132,181,191,199,202,196,199,204,207,209,207,202,196,194,189,186,186,186,186,191,196,204,207,207,207,207,209,215,215,212,207,202,199,202,199,189,137,135,136,181,186,186,186,181,181,181,181,183,189,191,191,186,185,185,185,186,189,194,196,194,189,181,178,137,137,137,181,183,189,196,202,204,207,209,209,207,203,203,203,204,204,207,207,202,196,191,186,186,186,189,189,183,178,177,178,181,183,176,131,131,173,178,178,178,178,181,186,186,186,183,181,178,181,189,196,196,196,194,194,189,181,178,183,191,196,196,199,199,199,196,189,181,178,183,186,183,178,176,178,176,170,127,127,129,173,176,176,173,173,173,173,173,173,173,129,129,129,129,131,173,173,131,127,125,125,129,176,181,183,189,194,196,194,194,194,196,196,194,194,194,196,199,199,194,191,189,186,186,183,183,181,181,178,183,189,189,189,191,191,191,186,181,176,173,173,173,173,170,170,168,127,125,123,121,123,168,173,178,181,183,183,183,183,181,178,178,181,186,189,189,189,189,189,189,186,186,183,181,183,189,191,194,194,189,186,186,189,189,189,191,194,196,196,199,199,199,196,196,199,196,191,189,189,191,191,191,191,191,191,190,191,191,194,194,191,191,191,189,183,181,183,191,196,196,194,194,196,196,191,189,189,186,183,183,183,181,176,173,131,129,127,125,119,118,119,123,127,129,170,170,170,170,129,125,123,125,129,173,176,176,173,173,176,176,178,181,181,183,183,186,186,189,186,181,176,174,176,181,183,186,189,191,191,186,183,186,191,191,189,191,194,194,194,191,189,189,186,183,183,183,183,183,186,183,181,183,186,186,189,189,189,186,183,186,186,189,186,183,183,183,186,186,186,186,183,183,181,178,176,173,174,178,181,181,178,173,165,160,157,155,155,157,157,157,157,160,163,165,168,173,168,95,45,31,27,27,23,23,39,124,157,178,181,181,183,181,173,170,168,170,176,178,176,155,73,27,11,13,19,25,31,35,37,39,39,39,43,53,75,101,150,155,157,165,173,176,178,178,183,189,186,183,178,176,173,115,87,89,117,165,168,168,173,178,181,183,189,183,181,181,181,178,170,165,165,165,165,165,165,165,168,168,123,103,95,95,99,105,113,123,170,178,181,181,183,189,194,196,199,199,202,202,202,202,202,202,202,199,196,194,194,191,189,186,183,178,165,155,150,139,124,81,71,65,67,71,29,0,0,0,72,90,98,105,113,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,170,178,163,165,173,183,170,92,0,0,0,43,73,121,75,116,152,168,176,170,144,75,75,15,0,0,0,0,0,95,178,189,191,189,186,183,189,191,196,194,186,183,189,189,199,163,0,0,150,178,183,168,33,0,0,95,202,209,204,189,189,191,196,199,202,202,204,207,207,204,204,199,191,176,155,139,137,147,139,25,0,0,0,0,0,129,77,0,0,0,0,103,131,150,157,152,144,147,155,168,176,173,173,178,183,181,178,181,189,189,183,176,160,85,0,0,0,0,0,0,0,0,0,0,0,0,45,92,113,139,131,108,90,85,43,0,0,0,0,0,0,0,13,23,98,108,85,0,0,0,25,43,47,53,51,29,17,23,33,21,17,39,15,0,0,0,27,0,0,51,65,90,113,118,55,19,29,37,0,0,0,35,39,37,51,103,103,53,0,0,0,0,0,0,0,0,65,69,108,173,111,5,21,51,71,124,73,0,0,0,19,67,118,124,129,142,160,163,139,87,77,81,126,0,142,137,131,95,92,91,129,155,168,168,160,155,147,139,138,144,0,0,124,98,103,126,152,165,170,0,0,0,0,0,0,0,0,134,137,139,152,163,165,152,0,0,0,0,160,170,168,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,191,191,191,191,183,176,170,168,165,160,157,155,157,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,199,189,173,163,160,160,160,160,165,173,183,189,191,196,204,209,212,209,209,207,204,202,196,194,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,243,241,0,0,0,0,0,0,0,212,209,207,209,212,212,212,207,204,199,194,189,183,182,182,183,186,189,194,202,212,222,230,238,241,243,246,248,251,251,254,251,246,241,235,230,225,220,215,207,196,143,133,130,130,133,183,191,189,181,170,155,111,107,107,105,101,99,97,129,131,134,0,0,0,0,147,150,155,160,163,160,157,155,152,150,147,147,150,0,155,157,160,165,170,178,183,189,189,186,183,183,189,196,207,215,217,222,217,215,215,217,222,225,225,228,230,233,235,238,238,238,235,233,233,230,230,230,230,233,233,230,228,228,230,233,233,230,230,228,228,230,233,235,233,228,222,222,222,225,225,225,228,228,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,1,27,61,59,33,0,0,0,0,72,90,79,0,0,7,98,113,105,92,74,0,0,59,64,66,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,61,46,0,0,0,5,59,46,9,17,5,0,0,79,111,72,0,0,0,0,0,0,0,0,0,0,0,0,66,79,59,0,48,92,87,53,92,131,142,144,152,160,160,157,157,157,160,157,147,137,124,131,142,142,134,124,108,85,95,118,98,19,21,73,152,170,194,191,61,0,0,0,0,5,39,47,29,2,71,176,77,3,0,0,0,0,21,65,93,160,181,183,176,155,134,87,144,160,160,155,152,150,152,163,168,163,160,155,147,111,150,155,157,160,155,113,111,112,117,155,115,115,119,157,119,117,119,157,157,157,163,163,160,160,121,119,119,117,115,111,109,109,111,111,113,117,115,117,119,123,170,178,176,170,165,121,119,121,115,115,173,189,181,170,170,178,176,115,109,112,123,173,173,168,170,176,178,170,121,119,121,121,119,119,123,125,115,111,111,115,119,121,121,127,168,127,123,121,119,121,129,183,191,191,181,173,181,189,178,123,121,131,194,207,209,207,199,186,183,186,186,183,183,191,204,209,202,191,186,186,186,186,186,186,137,134,134,135,183,191,194,189,178,135,178,189,204,209,204,194,178,176,186,194,194,196,204,207,194,183,178,178,131,119,113,113,117,123,127,127,127,125,124,124,125,125,125,129,173,173,129,125,123,123,123,120,120,121,127,170,129,129,173,181,186,183,178,173,173,178,186,194,196,189,170,119,117,125,170,170,170,173,170,127,125,127,176,186,191,194,189,183,176,173,170,125,121,121,125,173,181,176,181,202,209,207,204,212,222,222,215,199,189,183,186,183,181,173,131,173,183,191,196,196,196,189,183,176,129,123,122,122,122,123,168,173,173,170,169,170,176,181,178,165,107,102,106,123,173,170,168,168,168,127,127,168,173,170,178,186,181,170,127,125,125,125,129,173,173,129,125,124,125,170,173,176,181,189,191,189,183,178,176,176,178,131,127,126,131,186,202,212,215,215,215,217,222,225,222,222,215,204,191,137,127,126,128,135,137,135,135,139,191,196,196,194,194,194,191,191,202,204,202,199,196,199,199,199,199,191,135,129,129,131,129,125,127,133,181,181,176,131,131,131,129,123,122,121,121,123,129,173,129,122,121,127,173,173,170,125,122,125,173,178,176,170,169,170,178,186,189,186,178,173,170,127,125,165,165,165,125,165,173,178,173,125,121,122,163,165,163,121,119,121,121,163,165,163,121,118,117,117,118,121,163,125,121,119,119,119,121,165,173,170,165,122,121,122,123,127,170,181,183,181,173,170,125,119,118,121,129,176,178,183,189,191,194,199,199,194,191,191,186,183,178,173,173,173,176,183,189,191,186,181,178,181,181,178,181,183,186,186,186,186,186,189,191,194,199,199,199,196,194,194,199,199,199,199,196,191,191,191,191,194,194,194,194,191,186,186,183,183,186,189,191,186,176,176,176,176,131,170,178,189,191,186,178,177,181,191,196,196,191,181,173,127,123,127,176,173,173,170,170,170,125,120,120,123,127,123,121,125,170,173,176,181,189,189,186,176,129,129,178,196,207,207,202,191,183,181,183,186,186,189,191,196,199,202,196,191,189,186,183,176,133,133,176,176,131,129,129,133,178,183,181,178,174,174,178,186,194,196,199,199,199,191,186,189,191,194,196,199,199,202,199,196,194,189,183,178,178,181,186,191,194,194,191,191,191,183,135,137,181,186,191,199,204,209,215,215,215,215,207,199,196,191,189,186,186,189,191,196,199,202,202,204,204,209,212,212,207,199,196,196,202,199,191,183,136,136,181,183,181,137,134,134,135,181,183,189,194,196,191,189,185,185,186,189,194,196,194,191,183,137,135,133,135,181,189,194,202,204,207,209,212,209,209,207,207,207,207,209,207,204,196,189,185,185,186,189,191,189,183,177,176,177,181,183,178,173,173,176,178,181,178,178,178,183,183,183,183,183,183,183,189,191,194,194,194,191,183,178,178,183,189,191,194,194,196,194,191,183,178,176,178,186,186,183,181,178,176,170,127,127,127,129,170,173,176,178,181,178,176,178,176,129,126,126,127,131,176,178,178,176,131,129,131,178,181,183,189,194,196,194,191,194,194,194,189,187,189,196,199,199,196,194,189,186,189,189,189,186,183,181,183,189,189,186,191,191,189,183,178,176,173,173,173,170,129,129,127,125,123,121,121,123,129,176,181,181,178,181,186,189,189,181,178,183,186,189,189,186,183,181,181,181,181,178,181,186,191,196,196,196,191,189,186,189,191,191,191,191,194,194,196,199,199,196,196,196,196,194,194,191,191,191,191,191,191,190,190,191,194,194,191,191,191,189,186,181,179,179,186,191,194,191,194,194,194,191,189,186,183,182,182,183,183,181,178,176,173,173,129,123,119,119,121,123,125,127,170,173,176,173,170,129,170,173,178,178,176,173,173,176,176,178,181,181,181,181,183,186,189,186,181,176,176,178,181,183,189,191,191,186,178,177,181,186,189,187,189,194,196,194,194,191,191,189,186,186,183,183,186,189,186,181,181,183,186,191,191,191,189,186,186,189,189,186,183,181,183,186,186,186,186,186,183,181,178,176,173,173,178,181,183,178,173,165,160,160,160,160,160,160,157,160,163,165,165,168,181,183,147,51,35,29,29,25,25,37,87,152,176,181,183,183,181,176,170,166,166,170,178,183,181,150,63,25,17,21,27,33,37,39,41,39,39,43,53,73,101,147,152,151,157,165,168,170,176,183,189,189,189,181,181,178,115,91,101,168,178,176,176,178,181,181,186,191,189,183,183,183,181,173,168,165,165,168,168,164,163,164,168,168,173,173,127,115,107,103,109,119,173,176,178,181,183,189,194,196,199,202,202,202,202,202,199,199,199,196,196,196,194,191,191,189,183,170,157,150,137,91,77,67,63,65,65,33,0,0,0,7,41,77,100,100,0,0,61,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,183,170,173,181,189,186,144,1,0,57,113,113,118,77,147,155,150,152,152,59,1,0,0,0,0,0,0,77,176,183,191,191,183,186,189,186,186,191,191,186,186,196,207,209,186,0,0,25,49,45,25,0,0,0,103,204,207,202,191,190,194,199,202,204,207,207,204,204,204,204,199,186,163,139,131,142,157,155,53,0,0,0,0,21,118,66,0,0,0,0,0,105,121,131,131,131,137,142,150,157,157,157,165,170,168,168,170,181,178,173,165,142,35,0,0,0,0,0,0,0,0,0,0,0,9,142,163,173,176,129,82,82,79,35,5,5,9,13,29,1,3,45,53,113,129,82,0,0,0,17,25,11,35,37,7,0,11,35,33,37,53,31,0,0,0,0,0,25,121,105,134,144,160,124,45,37,0,0,0,0,65,61,39,57,95,37,0,0,3,9,13,1,0,0,0,21,47,67,147,65,21,57,57,59,71,57,0,0,0,3,37,116,137,137,131,155,165,157,150,139,137,147,157,160,155,147,134,129,134,150,165,170,168,163,160,157,155,152,157,170,0,0,0,144,155,165,176,183,186,186,181,0,0,0,0,0,0,0,0,152,165,170,160,0,0,144,157,170,186,189,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,194,196,194,189,181,173,170,165,160,155,155,160,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,196,196,194,181,163,0,0,153,157,157,160,165,173,178,186,194,199,204,207,207,207,207,204,202,199,194,186,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,207,209,212,209,207,204,202,199,194,189,183,183,183,186,189,194,199,209,220,228,233,238,241,243,243,246,248,251,248,243,238,233,228,222,217,212,209,202,189,135,131,130,133,186,191,186,173,160,111,101,99,99,99,95,93,95,97,129,0,0,0,0,0,147,152,157,163,165,165,163,160,157,152,147,144,147,0,0,152,155,160,165,173,181,186,189,186,183,181,186,194,204,212,217,217,215,212,212,215,222,225,225,225,228,230,233,235,238,235,235,233,230,230,228,230,230,233,230,228,225,228,228,228,230,228,228,225,225,230,235,238,235,230,225,222,222,222,222,222,225,228,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,74,74,64,0,0,0,11,66,79,1,0,9,61,82,98,98,90,59,0,0,0,46,51,0,0,0,0,0,0,0,0,0,0,17,9,0,0,0,0,15,0,0,0,0,0,64,56,0,0,0,0,0,74,124,13,0,0,0,0,0,0,0,0,0,0,0,0,46,40,0,0,85,121,116,108,113,131,142,147,160,173,181,176,165,155,144,131,108,85,66,66,113,116,116,111,103,0,0,0,0,0,0,53,65,63,118,57,0,0,0,0,0,113,137,79,35,27,139,176,183,61,0,0,0,5,53,75,93,144,173,178,176,157,95,95,152,168,165,155,150,150,160,170,176,170,165,157,113,111,111,113,115,155,155,115,112,115,157,160,117,113,157,157,117,117,160,163,163,168,183,189,186,176,168,160,121,163,160,115,109,109,113,115,117,123,115,114,117,123,168,173,170,168,163,119,117,115,113,112,121,183,176,125,123,165,125,115,113,121,170,176,173,173,176,178,178,168,119,121,125,123,121,123,165,125,117,113,113,115,119,121,121,121,123,123,123,123,123,125,173,183,189,183,176,173,181,186,178,127,127,176,189,199,202,196,186,181,183,186,183,181,181,186,194,196,191,183,137,137,183,191,199,199,189,178,135,135,178,181,186,189,181,181,181,186,199,199,189,178,131,126,181,199,196,196,204,202,194,183,181,183,178,125,121,123,125,129,183,189,176,129,125,124,127,127,125,127,131,173,131,125,125,127,127,121,120,123,127,170,170,176,178,183,186,183,178,173,170,170,178,194,202,191,170,119,117,125,173,176,176,176,170,127,126,168,178,194,202,199,191,178,170,127,125,122,121,123,131,176,173,173,178,194,202,202,204,212,217,230,225,202,181,179,181,181,178,173,130,131,181,189,194,194,191,186,181,170,122,122,122,120,120,123,168,173,172,172,173,178,183,183,181,176,119,106,111,168,178,178,173,173,173,173,173,176,181,183,186,186,178,170,168,168,129,170,176,178,176,170,125,125,170,176,173,170,176,183,183,181,181,178,173,127,125,126,127,128,133,135,181,191,199,202,204,209,220,225,225,222,215,204,196,194,135,128,131,186,186,134,132,137,194,199,202,202,194,139,129,123,133,196,196,186,189,196,199,199,199,189,133,128,131,178,178,135,133,178,183,183,178,176,176,133,129,125,122,120,120,122,129,176,178,173,173,178,183,181,173,125,121,124,170,173,170,170,170,173,178,186,189,186,178,173,173,173,170,168,170,170,170,168,168,170,165,123,122,124,168,170,165,119,116,115,117,121,163,125,123,123,121,119,119,121,125,125,121,121,121,125,168,173,173,168,123,122,121,122,123,127,173,178,181,178,173,176,173,123,119,123,170,176,176,176,178,181,183,186,186,186,186,183,181,178,176,170,173,176,176,176,178,181,181,178,178,178,176,176,178,183,186,186,186,186,183,186,189,194,196,196,196,196,194,196,196,199,199,196,191,186,186,191,194,194,194,194,191,186,185,186,189,189,189,191,189,183,173,173,176,170,127,129,178,186,189,183,177,177,181,189,194,194,191,186,181,173,129,170,170,168,168,173,176,170,125,121,123,125,125,123,121,123,170,176,181,191,199,204,196,186,176,176,181,189,196,199,196,189,181,178,181,186,186,186,189,191,196,199,196,191,186,181,133,131,131,133,176,133,131,133,178,183,186,186,183,181,177,176,176,181,191,196,199,199,199,196,191,189,186,189,191,194,194,194,194,191,191,191,186,178,177,181,189,196,199,199,196,194,194,189,183,183,189,191,194,196,207,212,217,220,217,212,204,196,194,191,189,185,186,191,196,196,194,194,196,196,199,204,209,212,204,196,194,196,202,202,199,194,189,189,189,186,181,135,133,134,178,183,186,191,196,199,196,191,189,186,186,186,189,189,189,183,137,133,131,130,135,186,196,202,204,209,212,212,212,209,212,212,212,215,212,209,207,204,194,186,185,186,191,194,196,194,189,181,178,178,181,181,181,178,181,181,181,183,181,178,176,176,178,181,181,186,181,176,181,186,189,191,189,186,181,176,176,181,181,181,183,186,189,186,186,183,178,174,178,183,189,191,191,183,173,127,125,127,125,125,125,170,176,181,181,181,178,178,173,129,125,125,127,173,178,181,181,181,178,176,176,181,186,189,191,194,194,191,186,186,191,196,189,186,186,196,202,199,196,194,186,181,183,189,189,186,183,183,183,186,186,186,186,191,189,183,178,178,176,176,173,170,127,125,123,121,121,121,121,123,129,176,181,181,176,178,183,189,189,189,186,186,186,183,183,181,178,176,176,176,178,178,181,189,196,199,199,196,194,191,189,191,194,194,194,194,191,191,194,196,202,199,196,196,196,199,199,196,191,191,191,194,191,190,191,191,191,191,191,191,191,189,183,181,179,179,183,186,191,191,191,191,191,191,189,186,183,182,182,183,183,183,181,178,178,176,173,170,127,123,119,121,125,129,173,178,181,181,176,173,173,178,181,178,176,173,173,173,176,178,181,181,181,181,183,183,186,186,181,178,178,181,181,183,189,191,189,183,177,176,178,189,189,187,189,196,199,194,194,194,191,189,186,186,183,186,189,189,186,181,179,181,186,191,194,191,189,186,186,186,186,183,181,181,183,183,183,183,183,183,183,181,178,176,174,174,178,181,181,176,170,165,163,163,163,163,163,160,160,163,165,165,165,165,176,176,142,51,35,33,33,31,27,35,67,147,170,181,186,186,183,181,173,170,166,168,176,183,186,178,134,53,23,21,27,35,37,39,41,43,41,49,67,87,105,150,152,151,152,155,157,160,170,181,186,189,191,186,186,181,163,109,113,170,181,181,178,178,181,183,186,189,191,189,186,183,181,176,176,173,173,173,170,165,164,164,165,168,173,181,181,173,115,101,95,97,111,123,127,129,176,183,191,194,196,199,199,199,199,202,199,199,196,196,199,196,196,194,191,189,183,176,163,152,137,121,81,71,67,61,61,33,0,0,0,0,0,56,103,66,0,3,100,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,155,170,176,181,186,178,116,0,49,124,116,109,126,160,163,134,124,137,139,63,51,0,0,0,0,0,43,163,181,189,189,183,183,189,191,189,191,191,186,181,183,191,204,209,194,19,0,0,0,0,0,0,0,0,103,191,202,202,194,194,199,202,204,207,209,207,204,202,202,204,199,181,157,139,135,150,152,129,85,0,0,0,0,0,103,31,0,0,0,0,0,0,74,90,77,103,126,124,95,113,66,43,95,144,116,72,155,152,147,147,142,105,90,29,0,0,0,0,0,21,35,39,13,0,0,43,163,178,181,113,41,45,47,29,33,79,49,49,41,11,9,47,51,103,95,7,0,0,0,35,31,0,0,0,0,0,0,33,39,45,49,17,0,0,0,0,0,33,57,103,142,157,170,137,113,57,0,0,25,57,150,173,142,63,1,0,0,0,0,0,43,53,0,0,0,0,0,0,23,21,15,67,118,49,53,59,0,1,25,63,71,77,126,69,43,73,142,160,163,160,150,152,163,170,163,147,137,139,150,160,170,170,165,160,160,176,178,178,181,186,186,181,173,170,168,173,181,191,199,202,196,176,0,0,0,0,0,0,142,147,155,165,163,0,0,144,157,176,189,191,176,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,0,0,0,0,0,0,155,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,196,196,191,176,0,0,0,0,157,157,157,160,165,173,181,189,194,199,202,202,202,204,204,204,199,191,186,183,186,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,209,209,207,207,207,204,199,191,189,189,191,191,194,194,199,207,215,225,230,233,235,238,238,241,243,246,246,238,233,228,225,220,215,212,209,204,196,183,135,132,176,181,183,176,163,113,103,95,91,91,93,91,89,93,95,126,129,0,0,0,0,147,152,160,165,165,165,165,163,157,152,0,0,0,0,0,152,157,157,163,170,181,186,186,183,181,178,181,189,199,207,212,215,212,212,212,215,217,222,222,222,228,230,230,233,233,235,233,230,228,228,228,230,233,230,228,225,225,225,225,225,225,225,225,225,228,230,235,235,235,230,225,220,217,217,217,220,222,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,66,74,61,0,0,0,33,56,46,0,0,48,64,74,98,95,85,74,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,3,0,0,0,0,11,7,0,0,0,0,43,17,0,0,0,0,51,61,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,126,124,121,124,131,139,144,160,178,181,178,170,150,85,21,48,74,64,66,98,103,105,100,53,0,0,0,0,0,0,0,0,0,0,0,0,0,7,57,113,147,157,157,134,79,129,150,152,47,0,0,0,43,77,89,95,134,157,163,163,150,99,101,155,165,165,157,152,152,157,165,170,173,168,157,113,111,110,111,113,155,157,155,117,117,160,160,117,111,117,157,119,117,157,160,163,173,189,202,199,189,176,168,168,176,181,168,117,115,121,123,163,165,121,117,119,123,123,163,123,123,121,119,117,115,113,113,119,168,168,123,121,123,123,121,123,170,176,173,168,170,181,183,178,168,119,123,165,125,125,170,178,173,125,121,119,119,121,123,121,120,120,121,123,125,127,127,173,181,183,178,173,131,176,181,178,133,131,176,181,186,186,183,178,135,178,181,181,179,181,181,183,186,137,129,123,127,181,196,207,209,202,189,181,181,181,181,183,189,189,186,186,189,202,199,183,129,126,123,131,196,194,191,196,196,191,183,181,183,183,178,173,173,176,186,204,209,196,176,125,123,127,129,129,129,131,176,178,173,131,176,181,173,127,125,127,170,178,181,186,186,183,181,176,170,168,170,181,199,204,191,168,115,117,125,176,178,176,176,173,173,173,176,186,202,209,207,194,176,129,125,122,121,123,131,183,189,186,183,183,189,199,204,209,215,222,233,233,209,189,183,186,183,173,131,131,173,176,181,186,186,183,178,178,178,170,129,129,125,123,125,170,181,183,183,191,202,202,189,176,170,125,119,125,178,183,181,178,176,178,178,176,178,181,183,183,178,173,170,170,173,176,178,181,181,176,170,127,129,181,194,186,173,170,131,129,129,178,178,173,129,128,129,131,129,129,129,129,133,181,183,189,196,212,222,222,217,212,196,186,194,194,189,194,204,196,137,134,186,202,207,207,204,191,129,111,98,88,94,111,127,181,196,204,204,202,186,131,129,178,189,191,186,181,181,181,181,178,178,178,176,131,125,123,123,127,131,181,186,189,189,189,191,191,183,173,127,123,124,129,170,129,170,173,176,181,183,186,181,173,173,178,181,178,173,173,176,176,173,168,165,165,125,165,173,176,173,165,117,114,114,119,123,125,125,165,168,168,125,123,125,165,165,121,120,123,165,173,178,173,125,123,123,123,123,125,170,176,176,173,170,170,176,178,168,125,170,178,178,173,170,129,129,170,173,176,178,178,178,178,176,170,169,173,178,181,176,173,173,176,176,178,176,131,131,178,183,186,186,183,183,181,183,191,196,196,196,196,196,199,199,199,199,196,191,186,181,181,186,191,194,196,194,191,186,185,186,191,194,194,191,183,131,125,127,170,127,125,127,173,178,183,183,181,181,183,189,189,189,189,186,181,176,176,176,173,169,168,170,173,168,125,125,125,127,127,123,119,119,125,173,181,191,199,204,202,191,178,176,178,181,186,191,189,183,176,133,176,181,181,181,183,189,194,196,194,189,183,133,129,129,129,129,129,131,133,178,186,191,191,189,186,186,183,178,178,181,189,194,194,194,196,196,194,191,189,186,189,186,186,189,189,189,189,191,189,181,178,181,191,199,202,199,196,194,194,191,189,191,199,202,202,202,209,212,215,215,212,207,199,194,191,191,191,189,191,199,204,199,194,192,194,196,202,204,209,212,207,196,194,196,202,204,204,202,199,196,191,186,137,135,134,178,181,186,189,191,196,196,196,191,186,181,181,181,181,181,181,137,135,131,130,130,135,191,202,204,207,209,212,212,209,209,212,215,215,217,215,209,204,199,194,189,189,191,194,196,199,199,194,186,183,183,181,181,181,183,186,186,186,183,181,176,173,170,173,173,176,178,173,129,170,176,178,178,178,178,178,176,174,174,174,174,174,178,181,183,183,183,181,174,176,181,191,196,194,183,170,123,123,125,123,122,123,170,178,181,181,178,178,176,173,129,125,125,129,176,178,181,181,181,183,181,181,186,191,194,194,194,191,186,185,185,191,196,194,186,187,196,204,202,196,194,186,178,177,183,189,189,186,183,186,186,186,186,186,189,189,183,181,181,178,173,170,129,127,125,121,120,120,120,121,125,170,181,183,181,176,176,181,183,186,186,186,186,183,181,178,176,133,132,133,176,178,181,183,191,196,199,199,196,194,194,191,194,194,196,194,191,189,189,191,194,199,199,196,196,199,204,202,199,194,194,194,194,194,191,191,191,191,191,191,191,191,189,183,181,181,181,183,186,189,191,191,191,194,191,189,186,183,183,182,183,183,183,181,181,178,178,178,178,173,125,119,121,125,170,176,181,183,183,181,178,178,181,181,178,176,173,173,176,176,178,178,181,181,181,183,183,183,181,181,181,183,183,183,186,189,194,194,189,181,178,183,191,191,189,189,199,199,194,191,194,189,189,186,186,183,186,189,189,186,183,181,181,186,191,191,191,189,189,186,186,183,183,181,181,181,181,181,181,183,183,183,183,181,178,176,176,176,178,176,173,170,165,165,165,168,168,165,163,163,163,165,165,165,165,168,163,93,45,37,35,35,35,31,37,63,137,168,181,186,189,186,183,176,170,168,170,176,181,183,181,155,83,33,25,27,35,37,39,41,45,53,71,91,103,144,152,155,152,152,152,152,155,163,178,183,189,191,191,189,189,176,117,117,165,181,183,181,178,178,181,183,186,191,191,189,186,183,181,181,181,181,178,173,168,165,165,165,165,168,176,181,181,173,115,99,94,95,101,109,117,125,176,183,189,191,194,194,194,196,199,202,199,196,196,196,196,196,194,191,189,183,178,168,157,144,129,116,81,73,69,65,7,0,0,0,0,0,0,64,61,21,48,105,108,33,40,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,152,170,168,157,31,0,0,129,129,101,105,155,170,73,30,51,137,147,155,157,81,0,0,0,27,163,178,186,189,183,181,182,189,191,191,194,191,183,177,177,186,194,196,199,168,0,0,0,0,0,0,0,0,89,186,199,202,196,196,199,202,204,204,207,207,207,202,199,202,194,170,155,150,150,150,147,121,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,111,48,0,0,0,0,0,0,0,0,31,72,0,0,23,77,121,82,0,0,0,0,19,142,160,157,129,11,0,0,47,163,168,85,11,4,29,39,92,155,163,150,124,0,0,0,15,43,1,0,0,0,49,47,29,0,0,0,0,0,0,35,39,15,0,0,0,0,0,0,7,47,51,59,142,160,165,150,137,118,15,0,43,124,165,186,183,126,0,0,0,0,0,0,55,59,53,43,27,0,0,0,0,0,0,100,129,35,29,27,0,29,69,118,105,43,17,0,0,9,47,89,163,160,150,152,168,178,168,147,137,144,157,165,170,165,163,163,170,186,191,191,191,194,191,186,181,176,173,176,186,196,204,209,204,194,170,0,0,0,0,0,0,0,0,160,160,0,0,0,152,170,178,178,168,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,0,0,196,183,168,157,155,157,163,163,163,160,163,168,176,183,189,191,194,196,199,202,204,204,199,194,186,183,183,189,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,209,209,209,209,209,209,204,199,194,196,196,199,199,199,202,207,215,225,228,230,233,235,238,238,241,243,243,235,228,222,217,215,212,209,212,209,202,191,181,135,133,173,168,123,117,107,99,93,89,89,89,87,85,91,93,95,129,0,0,0,0,144,150,157,163,168,168,168,165,160,152,0,0,0,0,0,157,160,163,165,176,183,189,186,183,178,176,176,181,191,202,209,212,212,212,212,215,217,217,222,222,228,228,228,228,230,235,233,230,225,225,228,230,230,230,225,222,222,222,222,222,222,222,222,225,228,233,235,235,235,230,225,217,215,215,215,215,217,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,20,43,25,0,0,0,17,38,0,0,0,53,56,66,95,90,82,85,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,0,0,0,0,0,19,33,0,0,0,0,9,0,0,0,0,33,66,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,113,113,116,118,113,66,53,108,168,176,160,124,51,0,0,0,69,61,53,66,95,105,108,74,0,19,0,0,0,0,0,0,0,0,0,0,25,65,113,137,155,163,160,147,87,73,17,3,0,0,0,0,49,87,97,99,131,144,147,150,147,142,144,157,160,160,157,155,155,152,157,163,168,165,155,113,111,111,111,115,155,160,157,155,155,160,160,115,110,113,119,117,115,117,117,157,168,181,199,199,183,176,173,176,186,194,186,165,121,163,165,168,168,165,163,123,123,121,121,121,121,121,121,121,119,117,117,119,121,125,125,123,121,121,123,165,173,178,170,165,168,181,186,178,165,121,125,168,168,168,178,186,186,176,170,170,165,125,125,123,121,123,123,123,125,127,129,170,176,178,173,129,127,129,131,176,178,178,178,178,176,135,133,133,133,135,181,181,181,183,183,183,183,127,115,114,121,183,204,215,215,209,196,186,186,189,189,189,191,191,189,189,194,209,207,183,127,124,123,129,194,196,181,178,186,189,186,181,183,186,183,176,173,181,199,215,222,212,181,124,123,125,131,176,173,176,181,186,186,189,194,202,196,181,129,127,170,181,186,186,186,181,176,168,127,127,173,189,204,204,189,125,113,115,125,173,173,170,173,178,181,183,186,191,204,215,209,194,176,129,125,123,122,125,178,194,202,202,194,189,189,196,207,215,217,228,235,233,215,199,191,194,189,173,131,173,173,131,129,129,131,131,129,178,191,194,186,178,173,127,125,170,181,186,189,196,209,207,178,119,119,123,123,168,176,176,173,173,173,178,181,181,178,178,178,176,170,168,168,170,176,181,183,183,178,170,129,129,173,194,204,199,183,170,127,124,125,131,176,176,178,181,181,178,131,129,131,125,124,131,133,133,183,199,212,212,207,194,109,104,135,207,212,217,225,215,194,191,204,215,215,215,209,196,131,111,98,82,87,99,123,189,204,212,215,209,194,137,137,191,202,199,191,183,178,133,133,133,178,178,176,131,127,125,129,178,186,191,194,194,194,196,199,196,186,176,129,124,124,125,127,129,129,173,178,181,183,181,176,172,173,178,181,178,173,173,178,181,176,168,164,168,170,176,178,178,173,165,119,115,116,123,168,168,165,168,176,176,170,168,168,170,170,125,120,121,165,178,181,176,165,165,168,165,125,168,176,178,170,168,166,169,178,181,176,173,176,181,181,173,129,125,123,125,129,173,176,176,176,176,173,169,168,170,178,181,178,173,169,169,173,176,170,126,129,178,186,186,183,178,176,178,183,191,196,199,199,196,199,202,202,199,199,196,191,186,181,178,178,183,194,199,196,191,186,186,189,191,194,194,189,178,127,124,125,127,125,123,125,129,170,176,181,186,191,189,186,183,181,181,181,176,173,176,178,178,173,170,170,129,127,127,129,129,170,170,125,117,117,123,173,178,186,194,202,202,191,178,131,131,173,178,181,181,176,131,130,131,178,181,181,181,186,194,194,194,189,181,131,128,129,129,129,129,133,176,183,196,202,196,191,189,189,186,183,183,186,191,194,191,189,191,191,194,194,191,189,186,181,181,183,186,186,186,186,186,183,178,181,189,196,196,196,194,194,191,189,191,199,207,209,212,212,215,212,209,207,204,202,196,194,196,196,194,196,202,207,204,199,194,194,196,199,202,207,209,209,204,196,194,196,202,202,202,202,202,199,191,181,135,135,178,183,183,186,189,191,191,194,191,189,181,135,135,133,133,135,137,137,135,133,131,133,181,196,207,207,207,207,207,207,204,204,209,212,215,217,215,207,199,196,194,194,194,194,194,196,199,202,194,189,186,186,186,183,181,181,178,181,183,181,176,170,170,170,170,170,173,170,129,123,123,127,127,119,117,123,173,181,178,173,173,174,174,174,178,181,186,186,181,174,174,178,189,196,194,181,125,115,117,121,123,123,125,173,181,183,181,178,178,178,176,131,126,126,131,178,181,181,179,183,186,186,186,191,196,196,194,191,189,186,183,183,189,196,196,189,189,194,204,202,199,194,186,177,176,181,189,189,186,186,186,186,183,183,186,186,183,181,181,181,178,170,127,127,125,125,123,121,120,120,121,127,176,186,186,181,178,176,178,178,178,178,178,178,178,176,133,133,133,132,133,176,178,181,186,191,196,199,199,196,194,194,194,196,196,196,194,191,189,187,189,191,194,196,194,196,202,204,204,199,196,196,196,196,196,194,191,189,189,189,189,189,189,186,181,181,183,183,186,189,189,191,191,194,196,194,189,186,186,186,183,183,183,183,181,181,181,183,183,183,178,127,123,123,127,170,178,181,183,186,183,183,183,183,181,178,176,173,176,176,178,176,176,176,178,181,181,178,176,176,178,181,186,186,186,186,189,191,196,196,194,191,196,199,196,189,189,196,194,189,189,189,189,186,186,186,186,186,186,186,186,183,183,183,186,189,189,189,189,186,186,186,183,183,181,181,183,183,183,183,183,186,186,183,183,181,178,176,176,176,173,173,170,168,168,170,176,176,170,165,163,163,165,165,164,164,165,155,89,49,41,37,37,37,35,43,69,103,165,178,186,189,189,183,176,170,170,173,176,176,181,183,170,150,63,37,29,33,37,39,43,53,75,95,139,147,147,150,150,152,155,155,152,152,160,173,178,183,186,186,186,183,170,115,113,123,178,183,183,183,181,181,183,189,194,194,191,189,186,183,183,183,181,178,173,173,173,170,168,165,165,168,176,181,183,176,119,103,95,92,92,95,109,121,129,178,183,186,189,186,191,196,202,199,196,196,196,196,194,194,191,189,186,183,176,165,152,139,126,116,103,71,61,0,0,0,0,0,0,0,7,59,69,90,108,108,25,46,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,152,152,59,0,0,0,155,137,105,131,160,147,32,16,49,155,160,165,181,186,83,1,21,150,181,189,191,189,183,181,182,186,191,194,194,191,181,176,176,178,186,194,202,215,181,51,0,0,0,0,0,0,65,191,202,202,199,199,199,202,204,204,204,202,202,196,194,186,170,160,160,163,165,163,157,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,139,79,0,0,0,0,82,165,170,168,150,108,0,0,0,105,134,55,1,0,19,41,103,168,183,176,142,0,0,0,0,0,0,0,0,0,53,39,3,7,29,0,0,0,0,25,33,0,0,0,0,0,0,65,147,137,47,43,129,139,150,144,139,103,0,0,15,126,168,189,191,139,0,0,0,0,0,0,45,53,61,103,103,13,0,0,0,0,47,113,134,35,9,9,7,61,121,131,71,0,0,0,0,9,37,51,147,150,144,152,173,183,176,155,144,152,160,168,165,157,155,165,181,194,196,196,194,191,189,183,176,173,173,178,186,196,207,209,207,199,186,0,0,0,0,142,0,0,0,150,0,0,0,0,0,155,0,0,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,199,0,0,209,204,194,178,168,165,168,170,170,170,168,168,168,173,181,186,189,191,191,194,199,199,199,199,194,189,181,178,181,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,212,212,212,212,212,212,209,204,202,202,204,204,204,202,204,209,215,225,228,230,233,235,238,238,241,243,241,233,225,217,215,212,212,212,215,212,207,196,186,178,131,127,121,115,109,105,99,93,91,89,87,84,84,87,91,124,129,131,0,0,0,0,144,152,160,165,168,170,168,160,155,155,155,157,157,157,163,163,165,170,178,186,189,186,181,178,176,173,176,183,196,207,212,212,212,212,212,215,217,222,222,225,228,228,228,230,235,235,230,225,222,225,228,230,228,225,220,217,217,222,222,222,222,225,225,230,233,235,238,235,230,225,217,215,213,213,215,215,217,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,15,38,48,72,74,74,79,74,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,38,13,0,0,0,0,0,0,0,53,72,74,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,85,90,74,82,77,7,0,0,0,92,92,20,0,0,0,0,0,0,0,0,0,79,111,124,111,98,126,103,37,0,0,0,55,59,67,69,108,113,111,126,155,165,168,160,152,129,73,0,0,0,0,0,0,31,87,131,131,134,137,142,147,152,152,157,160,160,155,155,155,152,152,152,157,160,157,150,111,111,113,113,115,155,157,155,117,155,160,160,115,110,111,115,113,111,111,113,115,157,165,181,181,168,170,178,186,191,196,191,170,119,119,160,165,168,168,165,123,123,123,163,163,123,121,123,165,168,125,121,119,121,165,168,125,121,121,123,125,168,173,168,125,165,176,181,176,165,123,125,168,168,170,181,189,191,186,183,178,170,127,127,168,168,168,127,125,123,125,125,127,129,170,127,123,122,122,123,129,181,183,181,178,133,132,132,132,135,181,186,189,189,191,191,189,183,117,112,113,125,189,207,212,215,209,196,186,191,196,196,194,191,191,189,189,196,209,209,194,133,126,127,178,199,202,176,169,178,191,194,191,186,183,181,132,130,181,199,212,217,212,178,122,123,127,133,178,178,178,176,183,196,207,212,215,212,196,176,131,173,181,186,186,183,178,173,127,126,127,176,191,202,199,178,119,111,111,119,125,125,127,173,181,183,183,186,191,202,207,202,186,173,129,129,129,125,127,178,196,209,209,199,191,189,194,202,209,222,230,230,222,204,191,189,191,189,173,131,173,131,127,121,120,120,123,127,181,196,202,196,189,176,129,127,168,176,183,186,194,199,186,117,112,114,117,118,119,123,123,123,125,168,176,183,183,178,173,170,168,168,127,168,170,176,181,183,181,173,129,127,129,173,191,202,199,186,176,129,125,125,127,173,178,183,186,183,181,178,178,181,125,121,125,129,129,131,137,196,196,183,119,98,97,137,215,222,225,230,225,212,209,215,222,222,222,217,212,202,191,183,105,101,119,194,212,222,222,225,217,207,194,194,199,204,204,196,183,133,127,125,127,133,176,133,129,125,125,131,183,191,194,191,191,191,196,202,202,191,178,170,127,124,124,125,127,129,170,178,181,181,181,178,176,173,173,173,168,168,173,178,183,178,170,165,168,170,170,173,173,170,165,123,121,121,125,170,173,170,168,170,176,173,168,168,176,178,173,123,120,125,178,183,183,178,176,173,168,165,168,176,178,170,168,169,173,178,178,176,173,178,181,178,170,127,125,122,121,123,170,178,176,173,173,173,170,168,168,170,178,178,170,168,168,170,173,126,124,127,183,191,189,178,131,130,133,183,191,199,202,199,199,199,199,199,196,196,196,194,189,186,178,177,178,194,202,199,194,189,189,189,189,191,189,186,178,170,129,127,123,121,123,125,127,129,173,181,189,194,194,189,181,177,178,176,170,129,170,173,176,176,173,170,129,170,173,176,173,170,170,125,117,117,127,176,178,181,189,196,196,186,173,128,128,131,176,178,176,131,130,130,133,181,186,186,186,189,191,194,191,186,181,131,128,128,133,178,178,176,133,183,202,204,199,191,189,189,186,186,186,191,194,194,194,189,189,189,191,194,194,191,186,181,179,181,183,181,178,181,181,178,137,137,183,186,189,191,194,194,194,191,194,202,209,215,217,217,217,215,207,202,202,199,199,196,196,194,194,199,204,204,199,196,196,196,199,199,202,204,207,207,199,194,191,194,196,199,202,202,199,194,186,137,134,135,181,183,183,183,183,186,186,186,186,183,178,135,133,132,133,135,137,181,181,181,137,137,186,202,212,212,209,207,204,203,203,203,207,209,212,212,209,202,196,196,196,194,194,191,189,189,194,196,191,186,186,189,189,189,181,129,120,119,131,176,173,170,170,170,170,173,173,129,127,121,119,121,117,101,94,97,123,186,189,181,178,181,178,178,178,183,186,183,181,174,173,176,186,194,194,181,117,106,107,115,125,129,170,176,181,183,183,181,181,178,176,131,127,126,129,178,183,183,183,186,191,194,194,196,194,191,189,189,189,186,183,183,189,199,202,196,191,194,202,202,202,196,189,178,176,178,189,189,186,183,183,183,182,182,183,181,176,173,176,181,176,170,127,127,127,127,125,123,121,121,123,129,178,186,189,183,178,178,176,173,131,129,129,129,131,131,133,133,133,133,133,135,178,181,186,191,196,199,199,196,196,196,196,196,196,196,194,191,189,187,187,189,191,191,191,196,199,204,202,202,199,199,196,196,196,194,189,186,186,186,186,186,186,186,181,181,186,189,191,189,189,189,191,194,194,191,186,186,186,189,186,186,186,183,183,181,183,186,186,186,181,170,127,127,129,173,176,178,181,181,181,181,183,183,181,178,173,173,176,178,176,173,172,173,178,181,178,176,129,129,173,181,183,186,189,189,189,189,194,199,202,204,207,204,194,183,183,191,189,183,183,183,183,183,186,186,186,183,183,183,183,186,186,183,183,183,183,183,186,186,183,183,183,183,181,183,183,183,183,183,183,186,186,183,183,183,181,178,178,176,176,173,170,170,173,176,178,178,176,170,165,163,163,165,164,164,165,160,107,73,55,43,37,37,43,57,81,101,152,170,183,189,186,178,173,169,170,173,176,176,178,183,181,173,142,63,37,35,37,41,47,63,97,137,142,139,137,105,107,144,155,155,152,152,160,165,170,170,173,168,168,165,115,105,106,117,173,183,186,186,186,186,189,191,194,194,191,189,183,181,178,178,176,173,168,168,173,173,168,165,165,165,168,176,183,186,183,173,111,94,89,90,93,99,115,129,178,183,186,186,189,194,196,196,196,194,194,194,194,191,191,189,189,186,181,173,160,147,134,121,105,67,41,0,0,0,0,0,0,0,9,69,85,95,100,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,139,155,57,0,0,57,152,137,137,155,85,37,35,46,142,163,165,163,168,189,178,99,109,176,186,191,191,189,183,183,183,186,191,194,194,186,178,176,176,181,186,191,199,212,217,199,17,0,0,0,0,0,33,199,209,207,202,202,204,204,204,204,204,199,191,186,178,160,150,157,170,176,176,176,168,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,144,157,160,155,155,82,7,0,9,87,77,9,3,21,33,41,100,152,144,90,0,0,0,0,0,0,0,0,9,25,7,0,0,39,47,41,39,0,0,0,0,11,0,0,0,39,170,165,131,23,13,47,95,121,131,126,47,0,0,1,41,142,170,160,98,0,0,0,15,5,0,21,39,63,113,121,95,0,0,0,0,95,108,129,37,0,3,17,59,111,116,9,0,0,23,71,89,71,43,79,129,137,150,170,181,178,168,160,160,165,168,160,147,144,157,183,196,199,199,194,189,181,173,170,170,173,178,183,194,204,204,202,196,183,0,87,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,173,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,0,0,0,0,0,191,199,0,0,217,212,204,191,181,176,176,181,181,181,178,176,173,176,181,186,189,191,191,191,194,196,196,196,194,189,181,173,173,178,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,209,209,212,212,212,212,212,215,212,209,207,207,207,207,207,204,207,212,217,225,228,230,233,235,238,238,241,243,241,235,228,222,215,215,215,217,222,217,212,202,191,181,131,123,117,111,105,103,101,95,93,89,87,84,84,85,91,124,131,0,0,0,0,0,0,144,155,163,168,170,170,165,160,163,165,165,165,165,168,168,168,173,181,186,186,183,178,178,173,172,172,178,189,202,209,212,212,212,212,215,215,222,222,225,225,225,228,230,235,235,230,225,222,225,228,228,228,222,217,217,217,217,222,222,225,228,228,230,235,238,238,235,233,225,222,215,215,215,215,217,215,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,48,56,53,64,64,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,9,0,0,0,0,0,0,0,64,72,61,3,0,0,0,0,0,0,0,0,38,64,0,0,0,0,0,0,0,14,72,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,129,134,144,142,131,111,27,1,37,129,134,126,129,150,147,131,137,160,168,170,155,147,139,81,0,9,126,137,0,0,43,137,144,137,137,137,144,157,163,165,165,163,157,152,150,152,152,152,152,155,157,155,150,113,115,152,152,152,155,152,115,114,117,160,160,117,111,111,111,110,109,113,115,115,115,157,168,163,157,168,183,191,194,194,189,170,115,111,113,121,168,168,123,121,123,168,176,176,170,163,165,170,173,165,119,119,125,168,168,165,123,123,123,125,125,165,165,123,125,168,173,170,165,125,125,125,165,170,178,186,189,189,186,178,168,127,170,178,183,181,176,168,123,122,123,125,125,127,123,122,121,121,121,127,176,183,183,178,176,133,133,133,178,186,196,199,199,202,196,191,183,116,113,116,133,191,199,202,204,202,189,183,194,202,202,196,194,189,191,191,194,204,204,196,189,183,186,189,199,199,173,168,178,194,202,202,194,183,133,129,129,186,204,209,207,199,131,123,124,131,176,178,181,181,173,176,202,222,225,225,222,209,191,178,178,183,186,186,183,181,173,129,127,127,173,183,191,186,168,115,108,108,111,117,119,125,173,178,181,178,181,186,191,194,186,178,170,129,176,181,173,129,176,194,209,209,196,189,191,191,191,202,217,225,215,199,183,176,173,178,181,131,127,127,127,125,121,119,119,125,170,181,189,191,194,191,178,170,168,170,170,178,189,191,186,127,115,112,116,118,116,115,116,118,121,123,127,176,183,183,176,127,125,125,127,129,129,170,170,173,178,176,129,127,127,127,129,178,189,186,181,178,173,127,126,126,131,181,183,183,178,178,181,186,183,123,120,125,129,125,123,113,107,107,111,111,107,115,215,222,222,222,225,228,222,217,222,222,222,222,225,225,222,225,228,222,207,204,217,228,228,225,225,217,212,207,204,204,207,204,202,189,133,124,123,125,131,133,131,127,121,121,127,181,189,191,189,189,186,191,202,207,199,183,173,127,125,124,125,125,127,170,176,181,183,181,181,176,170,168,125,123,125,170,176,178,176,170,165,125,121,115,115,119,123,123,123,123,165,168,173,170,165,123,125,168,168,165,165,173,178,176,125,119,123,173,186,189,186,178,170,125,119,121,168,173,176,178,183,181,178,173,168,168,173,178,178,170,170,168,123,119,120,125,173,173,127,127,170,176,170,168,168,173,176,170,169,169,173,170,125,123,129,186,194,189,178,130,129,131,181,191,199,199,199,199,196,196,196,194,194,194,194,194,189,183,178,181,194,204,202,199,194,191,189,186,183,181,181,181,183,178,129,121,119,120,123,125,129,173,178,189,196,199,194,186,181,178,176,129,128,128,129,170,173,173,129,129,173,178,178,173,129,129,125,119,121,173,181,181,181,183,186,186,178,131,128,129,176,181,181,176,133,131,133,183,191,196,194,189,189,191,191,189,186,183,178,131,128,133,189,186,131,125,133,194,202,196,189,186,186,186,186,189,191,194,194,194,191,186,186,186,191,194,194,189,183,181,183,183,181,136,135,135,135,136,136,137,137,181,186,191,196,196,194,196,202,207,207,209,212,215,209,204,202,202,202,199,196,189,139,183,194,196,194,189,191,194,196,196,196,196,199,204,204,196,191,191,191,196,199,199,199,194,191,186,183,178,178,181,181,181,181,181,181,178,178,181,181,178,135,133,133,133,135,137,183,186,186,181,181,189,202,215,215,212,209,207,204,203,203,204,207,209,207,202,196,194,196,196,191,189,186,183,183,186,191,189,183,183,186,194,194,183,125,114,111,121,170,173,173,129,127,129,173,173,170,129,123,119,119,115,96,91,92,105,178,189,186,186,186,183,181,181,181,183,186,183,178,174,174,181,191,194,183,113,102,101,111,129,176,176,176,178,181,181,181,178,178,176,131,126,125,127,176,183,186,189,194,196,194,196,194,189,178,177,181,189,189,185,183,189,199,204,199,196,194,199,202,202,199,191,183,178,183,189,189,186,186,183,183,183,183,183,176,170,168,172,176,176,170,129,129,129,129,129,127,125,123,123,125,170,181,183,181,178,178,176,173,129,127,126,126,127,129,133,176,176,133,133,178,181,183,189,194,196,199,199,199,196,196,196,199,199,196,194,191,189,189,189,189,189,191,194,196,199,202,202,202,202,199,199,196,194,191,186,181,181,183,183,183,186,183,183,183,189,191,191,191,189,189,189,191,189,186,183,183,186,189,189,189,189,186,186,183,183,183,186,186,181,173,170,170,173,173,173,173,173,176,178,181,181,183,183,178,176,176,178,181,178,173,170,172,176,178,176,131,127,127,131,176,181,186,189,189,186,183,186,194,202,207,209,202,186,177,178,183,183,178,178,178,178,181,183,186,183,183,181,181,183,186,183,183,181,181,181,181,181,183,183,183,183,181,183,183,183,186,186,183,183,183,183,183,183,186,183,183,181,181,178,176,173,173,176,178,181,181,176,170,165,163,163,165,164,164,165,165,157,105,79,55,41,43,55,75,89,97,101,152,176,186,183,178,173,170,170,173,176,176,181,186,189,186,173,131,47,37,39,43,53,81,144,139,93,85,85,93,101,144,155,155,155,155,160,163,160,155,115,115,119,119,107,102,103,111,163,176,181,186,189,189,191,194,194,194,191,186,181,176,173,170,168,166,165,166,170,173,168,168,168,165,165,168,178,183,189,186,176,115,97,92,92,93,101,115,129,181,186,186,189,191,194,194,191,191,189,189,189,189,189,189,189,186,183,176,163,147,134,118,75,41,0,0,0,0,0,0,11,31,77,90,98,98,85,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,57,85,116,155,183,157,0,0,126,139,134,137,95,35,32,67,170,170,170,165,155,108,157,173,165,170,186,186,189,186,183,186,186,189,189,191,191,191,183,177,177,181,186,191,194,199,212,222,222,144,33,0,0,0,0,0,173,207,207,204,207,209,207,202,199,202,194,165,118,144,150,152,168,183,186,183,176,163,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,134,147,157,173,196,191,77,0,0,47,79,39,23,31,33,33,47,105,92,19,0,0,0,0,0,0,29,53,85,21,11,0,0,9,49,53,116,0,0,0,0,87,98,0,0,37,147,116,33,7,7,25,47,35,27,41,43,17,0,0,0,23,100,103,25,0,0,0,29,39,11,19,45,103,111,116,100,0,0,0,5,55,65,98,27,0,0,1,13,29,25,0,0,0,71,168,176,150,49,59,85,97,142,157,168,170,170,170,165,168,168,160,144,106,147,176,191,199,199,194,183,173,168,168,170,176,181,183,191,199,202,199,194,176,0,82,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,170,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,0,0,0,0,0,222,215,209,199,191,186,186,189,191,191,189,186,183,183,189,191,194,196,194,194,194,194,194,194,194,189,181,176,173,173,176,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,204,204,207,212,212,212,212,212,215,212,209,207,207,209,209,207,209,212,217,225,228,230,233,235,238,238,241,243,243,241,235,228,225,225,225,228,225,222,215,207,199,186,176,127,119,0,0,107,103,99,95,91,87,85,84,87,91,126,0,139,142,0,0,0,0,142,150,160,168,170,170,170,168,170,176,176,173,170,170,170,170,173,181,186,186,181,178,178,176,172,172,173,183,194,204,207,212,215,215,215,215,217,222,225,225,225,225,230,233,233,228,222,217,222,225,228,225,222,217,216,217,217,222,225,228,230,230,233,235,238,241,238,233,228,222,217,217,217,222,222,217,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,43,0,7,33,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,66,0,0,0,0,7,25,0,20,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,147,152,150,139,105,21,15,49,121,137,139,147,160,160,150,150,163,163,152,138,139,137,57,0,23,207,181,5,15,131,170,170,144,139,142,157,170,178,178,170,160,155,150,147,150,152,155,155,155,155,155,152,115,152,155,155,155,155,115,113,114,117,160,160,155,113,111,111,110,110,117,157,117,113,117,157,157,160,176,191,194,194,189,183,170,117,111,110,117,165,163,121,119,165,181,191,191,183,173,170,173,170,123,117,119,165,168,165,165,165,165,125,125,125,121,121,123,123,125,165,170,170,165,125,124,125,170,178,181,183,186,183,173,126,126,176,186,191,194,189,176,125,122,122,123,125,125,125,125,125,123,123,127,133,181,181,178,178,176,135,135,181,191,202,207,207,207,199,191,181,121,117,127,181,189,186,186,189,189,181,181,194,204,202,194,189,191,196,196,194,196,199,196,196,199,199,196,194,186,173,172,186,196,202,204,196,183,132,131,176,204,215,212,202,183,129,124,125,133,178,178,181,183,176,176,202,222,228,228,225,215,202,189,186,189,191,189,189,183,178,176,170,168,170,178,183,178,125,113,108,107,109,115,121,127,173,176,176,173,176,178,181,178,176,170,129,129,178,183,178,170,176,191,204,207,191,181,183,181,176,183,207,204,189,176,131,130,129,130,173,173,129,125,124,125,123,121,121,129,176,176,172,169,178,186,181,173,170,170,170,178,189,189,178,127,119,119,168,168,119,116,117,121,127,168,168,176,181,178,170,125,124,125,127,129,170,170,169,169,170,170,125,123,125,127,125,127,173,176,176,176,173,127,126,127,173,181,183,178,131,131,178,183,178,125,124,133,131,125,119,105,98,97,104,113,131,204,225,225,217,216,217,225,225,222,222,225,222,222,225,225,225,228,233,230,217,212,217,225,225,222,217,215,212,212,209,207,207,207,204,196,181,129,124,125,131,133,133,125,119,118,121,173,183,186,186,186,183,186,199,209,204,189,170,125,124,124,123,123,127,173,181,186,183,178,176,173,168,127,121,118,119,125,168,168,168,127,121,115,111,108,109,112,117,121,123,125,170,178,178,165,118,117,119,123,125,123,123,165,170,170,125,121,123,170,183,191,189,176,121,114,113,113,116,125,178,191,194,189,178,170,127,127,173,178,178,176,176,176,168,121,120,123,168,125,119,119,127,176,178,173,169,173,173,170,170,176,176,170,126,125,170,183,191,189,181,131,130,131,178,189,194,199,199,196,199,199,194,191,189,191,191,191,189,186,186,189,196,204,204,202,199,194,189,183,178,173,173,181,186,181,170,123,120,120,120,121,125,173,181,189,196,199,196,191,183,181,176,170,129,129,170,170,170,129,123,123,129,176,176,170,125,123,123,123,127,178,181,181,178,178,178,176,176,131,129,131,178,181,181,178,176,178,183,194,202,204,199,191,189,189,191,189,186,186,186,178,128,133,189,189,127,122,125,176,186,186,181,181,183,186,189,189,191,191,191,191,189,185,183,185,189,191,191,186,181,181,183,183,178,136,136,135,135,136,137,137,137,181,183,191,194,194,191,191,196,194,189,183,191,199,202,199,202,202,202,199,194,183,136,136,183,183,135,134,139,191,194,194,191,191,196,202,202,196,191,191,191,194,196,199,196,189,189,191,191,189,186,183,181,181,181,181,178,135,134,135,178,178,178,135,135,135,135,137,183,189,189,183,181,189,202,212,215,215,212,209,207,204,204,204,204,204,202,196,191,191,194,191,186,183,183,183,183,186,189,186,185,183,186,194,196,189,129,116,113,121,129,170,129,125,123,125,129,173,176,170,125,123,123,119,107,97,96,101,119,173,181,186,189,186,181,179,181,186,186,186,183,178,174,178,186,191,183,121,104,102,113,170,178,176,173,173,176,176,176,173,173,173,129,126,125,127,176,183,191,196,199,196,191,191,189,183,176,174,178,189,189,185,185,189,199,204,202,199,196,199,202,202,199,194,189,183,186,189,189,186,186,189,189,189,186,186,178,170,168,170,176,176,173,170,170,170,170,170,170,129,125,119,117,121,129,178,181,181,181,181,176,131,127,126,126,127,131,133,176,133,132,133,178,183,189,191,194,196,199,199,199,199,196,199,199,196,196,194,194,191,191,194,194,194,194,196,199,199,199,199,202,202,199,196,194,191,189,183,181,181,181,183,183,186,186,186,189,191,194,194,191,189,186,186,183,183,183,183,186,189,189,189,189,189,186,183,181,181,183,183,183,181,176,173,173,176,173,170,170,170,173,176,181,183,186,189,186,181,181,186,186,181,173,172,172,176,176,173,129,126,126,129,173,178,183,189,189,186,182,179,182,194,204,204,196,178,173,176,181,181,178,178,177,176,178,183,183,181,181,181,181,183,183,181,181,178,178,178,178,178,181,181,181,181,181,183,183,183,186,186,183,183,183,183,183,183,186,186,186,186,183,181,178,176,173,173,176,178,178,173,168,165,163,165,165,165,164,165,168,165,155,103,79,57,57,73,91,97,95,95,107,165,181,183,181,178,176,176,176,176,178,183,189,191,191,183,163,63,41,41,45,57,87,142,97,77,73,75,89,103,147,155,155,152,155,160,160,155,115,112,113,119,157,115,106,105,109,115,163,173,181,183,183,189,191,191,191,189,186,181,176,173,168,168,166,166,166,168,173,170,170,173,170,168,170,173,178,183,183,183,178,125,113,103,97,97,101,115,129,181,183,186,189,191,189,189,186,183,183,183,183,186,186,186,186,183,173,160,147,131,113,45,0,0,0,0,0,0,43,72,95,103,103,105,108,92,59,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,129,168,191,196,183,176,194,194,83,27,137,144,139,129,46,40,61,173,183,181,173,168,109,101,106,165,176,181,183,183,183,178,178,183,189,191,191,191,194,189,183,178,178,189,194,199,204,204,209,215,222,212,189,83,0,0,0,0,45,173,199,202,204,207,202,194,189,178,71,9,0,83,163,170,183,191,191,189,176,155,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,134,142,150,186,228,196,35,0,1,41,77,55,47,45,49,51,85,111,98,33,0,0,0,0,0,0,53,160,165,45,45,39,0,0,25,25,43,0,0,0,0,92,113,0,0,0,21,5,0,1,15,33,49,0,0,0,45,51,35,0,0,0,0,39,0,0,0,0,41,57,33,33,105,121,98,65,47,0,0,0,23,45,53,53,33,0,0,0,0,0,0,0,0,0,53,157,173,165,69,67,85,95,101,142,150,157,168,170,168,168,170,165,150,106,107,157,183,194,196,194,181,170,168,168,176,181,181,183,191,199,202,196,194,176,0,85,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,152,0,163,157,152,150,150,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,173,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,0,0,0,0,0,222,217,212,207,199,196,196,199,202,202,199,196,194,194,196,199,204,204,202,199,194,194,191,191,189,186,183,178,173,168,165,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,204,199,199,204,209,212,212,212,212,212,212,209,207,207,207,209,209,212,215,220,225,228,230,233,233,235,238,238,241,241,241,238,233,230,230,233,235,230,228,222,212,204,194,181,131,123,119,117,115,113,107,101,95,91,89,87,87,91,126,137,144,147,150,147,144,142,144,152,163,170,173,173,173,173,176,181,181,178,176,173,173,170,173,178,183,183,181,178,178,178,176,173,173,178,189,196,204,212,217,217,217,215,217,222,225,225,225,225,228,233,233,228,217,217,217,222,225,222,217,216,216,217,222,225,230,233,235,235,235,238,241,241,241,235,230,225,222,222,222,225,225,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,27,0,0,0,48,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,69,56,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,144,150,144,126,33,9,14,87,129,142,147,150,160,168,170,170,168,157,139,135,139,139,55,0,11,186,150,11,41,142,170,176,150,142,152,173,181,189,189,173,157,150,147,147,150,152,155,155,155,155,152,115,115,155,155,155,155,155,152,114,115,155,160,157,117,113,113,115,113,113,157,160,115,107,109,115,119,165,183,194,194,191,186,178,170,160,115,110,113,123,121,119,123,173,191,199,199,194,186,183,176,125,117,115,121,165,125,121,123,165,168,165,125,123,117,117,119,123,125,168,176,178,170,125,123,125,173,178,178,176,181,178,168,125,126,178,189,194,196,196,186,170,125,123,125,125,127,173,181,178,129,127,131,176,181,181,181,178,178,181,181,186,196,207,212,209,207,196,186,178,129,127,133,183,183,135,133,135,135,133,178,191,199,194,183,181,191,199,199,194,194,194,194,196,202,204,199,191,183,177,181,194,196,199,199,196,183,176,181,202,222,225,217,196,133,125,125,125,133,183,178,178,191,194,189,199,215,225,228,228,217,209,199,191,194,194,191,189,186,183,181,176,170,170,176,181,178,127,115,108,107,113,123,168,173,176,176,173,173,173,176,176,173,170,129,127,127,170,176,170,129,176,189,199,202,183,129,127,125,124,127,183,181,131,129,173,178,173,131,176,181,176,127,124,125,129,127,127,173,173,173,170,166,170,183,183,176,170,168,170,178,186,183,176,168,127,170,183,183,170,125,127,170,173,173,170,173,176,170,125,125,125,125,127,170,173,173,170,169,170,129,123,121,123,125,124,125,170,176,176,176,129,126,127,129,173,181,181,176,127,123,125,127,125,129,183,189,135,127,121,109,101,103,115,123,186,222,228,225,217,216,216,220,225,225,222,225,222,222,225,222,222,222,222,222,215,212,212,215,217,215,215,212,212,215,215,215,212,212,209,204,194,178,129,129,131,176,133,127,119,117,118,125,173,178,183,183,183,186,196,202,199,183,129,124,127,125,122,123,170,186,191,189,183,176,170,170,168,127,121,116,116,117,118,121,125,123,117,112,110,110,111,114,119,123,127,168,176,183,183,168,118,116,118,119,123,123,122,123,165,170,165,125,165,170,178,183,183,170,117,113,113,113,114,121,183,196,199,189,178,168,126,168,176,181,181,178,181,178,173,127,125,127,127,119,116,116,123,176,181,181,178,176,169,169,173,178,178,173,170,170,176,183,186,186,181,176,173,131,176,183,191,194,196,196,199,199,194,189,186,186,189,189,189,189,191,194,196,199,204,204,202,194,186,178,173,170,129,170,176,176,173,176,170,123,119,119,123,170,181,191,196,196,194,189,183,178,173,173,176,178,176,173,129,123,120,120,125,170,173,170,125,122,125,129,173,178,181,178,181,181,176,174,176,173,129,129,129,133,176,176,178,181,189,194,202,204,199,189,183,186,189,189,189,189,191,183,133,133,186,186,133,125,126,131,133,133,133,176,181,186,189,189,189,189,189,189,189,186,185,185,189,191,191,183,178,178,181,181,181,181,183,181,181,183,186,189,189,186,189,189,189,186,185,189,194,191,181,178,181,186,191,196,202,204,204,199,191,183,136,136,137,134,130,130,137,189,194,194,191,191,194,196,199,196,196,194,191,191,194,194,191,186,189,196,199,196,194,189,183,181,183,181,178,134,134,135,181,181,181,178,137,137,137,137,183,189,191,189,189,194,202,207,209,215,215,212,209,207,204,202,199,199,199,194,191,189,189,186,183,182,186,189,189,189,191,194,189,186,189,194,196,191,181,129,123,123,125,125,121,119,119,123,127,170,178,173,168,127,127,125,123,123,115,111,115,125,176,183,186,183,181,181,183,186,183,183,183,181,176,176,181,186,186,176,121,111,121,129,170,129,129,129,131,129,129,131,131,131,129,127,127,131,178,186,191,199,202,196,189,186,189,186,178,178,186,191,189,185,185,191,196,202,202,202,202,202,204,204,202,196,191,189,189,189,186,186,186,189,191,191,191,189,186,178,173,173,178,176,173,170,170,170,170,170,170,170,129,119,112,113,121,173,181,183,183,183,178,131,127,126,127,131,133,178,178,133,131,131,135,181,189,194,194,196,196,199,202,199,199,199,199,196,196,194,194,194,194,196,196,196,199,199,199,196,196,199,202,202,199,194,191,189,186,183,181,181,183,183,186,186,189,191,191,194,194,191,189,186,186,183,182,181,182,186,189,189,189,189,189,186,181,178,176,178,181,181,181,178,176,173,176,178,176,173,170,169,170,178,183,186,189,194,191,186,186,189,189,183,176,173,176,178,176,173,129,127,127,131,173,178,183,191,194,191,183,177,179,189,196,199,191,178,173,176,181,181,181,178,177,176,178,183,183,178,178,181,183,183,183,181,178,178,181,181,181,181,181,181,181,181,181,183,183,186,186,186,183,181,181,181,181,183,183,186,186,186,186,183,178,173,170,170,173,176,173,170,165,163,163,165,168,168,165,165,168,165,163,155,105,89,87,97,109,109,103,103,111,160,176,183,183,181,178,176,176,176,178,181,186,191,191,186,178,89,45,41,43,51,77,87,81,75,79,87,99,142,150,150,144,144,152,160,163,163,157,115,117,160,168,165,119,115,111,111,117,163,173,176,178,183,186,189,191,191,189,183,181,178,176,176,176,173,170,170,173,176,176,178,176,173,173,176,181,181,183,189,189,186,178,129,119,103,95,95,107,125,176,181,183,183,183,181,181,181,178,178,181,181,183,183,183,181,173,160,144,126,113,0,0,0,0,0,0,79,111,100,103,100,98,105,113,116,111,126,105,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,157,186,199,202,202,202,196,191,199,196,170,87,142,147,147,139,65,79,157,178,181,176,170,160,102,102,111,170,181,181,181,181,183,176,174,178,186,189,189,191,194,191,183,181,183,194,202,204,204,202,202,202,209,217,215,152,1,0,0,0,0,47,178,194,186,178,176,170,137,15,0,0,0,53,173,181,189,194,194,191,181,147,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,134,137,137,189,212,186,39,27,37,47,57,79,59,55,59,85,98,118,113,92,35,53,79,51,0,0,79,165,160,111,103,92,47,21,31,13,0,0,0,11,31,65,124,39,0,0,0,0,0,0,29,45,57,0,0,0,35,41,35,5,0,0,0,0,0,0,5,25,59,92,92,113,121,118,90,59,39,0,0,0,33,47,61,59,41,0,0,0,0,0,15,49,59,0,0,79,163,165,147,95,95,95,99,137,147,157,168,168,163,163,165,170,157,107,104,107,165,183,191,189,178,170,168,170,176,181,181,181,189,199,199,196,194,181,0,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,139,144,152,160,160,157,152,155,160,170,173,0,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,204,202,0,0,0,228,228,222,217,215,209,207,204,207,209,209,209,207,204,202,202,202,207,215,215,209,204,196,191,189,183,181,181,183,181,173,165,160,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,202,198,198,202,209,215,215,212,212,212,212,212,207,205,207,209,212,215,215,222,225,228,233,233,233,233,235,235,235,235,238,238,235,233,233,238,238,235,230,228,220,209,199,186,173,127,123,123,163,163,152,0,101,95,91,89,87,89,126,0,144,152,155,155,152,147,147,155,165,170,173,170,170,170,178,183,186,181,178,176,176,173,176,178,183,186,183,181,181,181,178,176,176,178,183,191,199,209,217,222,217,217,217,222,225,225,225,225,228,230,230,225,217,215,217,222,225,222,217,216,217,222,225,228,233,235,238,238,238,238,241,243,241,235,230,225,222,222,225,228,228,225,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,43,0,0,0,40,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,105,98,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,131,142,152,147,64,17,47,126,147,157,157,155,160,173,183,181,163,142,137,138,150,150,71,0,0,61,49,0,41,89,144,160,147,147,157,173,181,186,189,173,152,144,144,147,152,155,155,155,155,155,152,115,113,115,115,113,115,152,155,117,117,157,160,157,117,115,117,157,157,119,157,117,105,97,99,107,115,165,181,189,189,189,181,173,165,160,119,111,110,117,119,123,170,183,196,204,204,202,199,196,183,123,115,117,121,123,119,117,119,165,165,123,121,121,116,115,117,123,165,173,183,183,176,125,123,125,176,181,176,173,176,173,126,125,127,176,186,191,196,199,191,176,127,127,129,127,127,181,194,189,178,176,181,183,183,181,181,183,186,186,186,189,196,207,209,207,204,196,183,135,135,178,183,189,186,133,126,127,129,131,178,189,191,183,177,177,186,196,196,194,194,194,194,194,196,199,202,196,189,183,189,194,196,194,191,189,186,181,189,212,222,225,215,191,129,125,125,124,131,186,181,178,199,209,204,202,207,217,228,228,222,212,202,194,194,191,189,186,183,183,181,178,173,173,181,189,186,173,119,111,109,121,178,183,183,178,176,173,173,173,173,176,173,173,170,129,124,124,125,125,127,170,183,194,194,178,122,118,119,122,124,125,127,125,131,186,191,183,176,181,183,176,125,124,127,173,176,176,176,173,176,181,176,176,186,189,178,170,129,170,176,178,173,170,168,125,168,183,189,183,178,176,173,176,173,129,129,129,127,124,127,127,125,125,129,176,178,176,173,173,127,121,120,123,127,125,125,173,181,181,176,127,126,129,173,173,176,176,173,125,119,116,114,115,133,199,196,135,127,123,119,121,199,199,137,194,233,233,225,217,217,217,222,225,228,225,225,222,225,225,222,215,212,212,212,209,209,209,212,215,215,215,215,215,217,222,222,222,215,212,209,202,189,178,133,133,176,176,131,123,118,117,119,125,129,173,178,178,181,186,189,183,176,129,129,178,176,125,125,186,204,202,189,178,173,170,173,173,170,123,116,115,115,117,121,125,125,121,114,115,119,123,125,127,170,173,178,183,186,186,178,168,121,119,119,125,125,123,123,168,173,170,165,165,168,168,173,176,170,123,119,121,117,117,165,189,199,196,183,173,127,127,170,176,181,183,178,176,173,173,170,168,168,125,119,117,117,123,173,178,183,183,178,170,169,173,178,181,178,178,181,183,183,183,181,178,176,173,131,176,181,189,191,194,196,196,196,191,183,178,181,183,186,186,186,191,196,196,196,199,199,196,191,181,170,170,129,125,121,123,127,178,194,194,176,121,120,125,168,178,189,194,189,183,178,173,127,127,170,178,183,181,176,129,122,120,120,125,170,173,173,131,125,131,176,178,181,181,183,189,186,181,176,176,176,127,119,118,123,131,176,181,183,186,186,189,196,191,181,176,181,186,191,191,191,191,186,178,133,176,183,183,181,178,176,131,131,131,176,178,183,183,183,183,183,186,189,191,189,189,189,194,194,191,181,135,134,135,137,181,189,191,191,189,191,196,199,199,196,191,189,186,183,183,189,199,199,189,182,182,186,191,196,204,209,209,202,191,139,136,137,183,137,132,134,189,194,194,194,194,191,189,191,191,194,196,196,194,189,189,189,186,186,191,199,202,202,196,191,186,183,183,183,181,135,134,178,183,183,183,183,183,186,186,183,186,191,194,196,196,199,204,204,207,209,212,209,207,204,199,194,191,191,194,196,191,186,183,183,182,183,189,194,194,194,196,199,199,194,194,194,194,194,189,183,176,127,121,116,116,117,119,121,123,127,176,173,168,168,168,129,173,176,173,127,121,125,170,181,186,186,183,181,183,183,181,178,178,178,176,176,178,183,186,183,181,129,129,129,129,127,127,127,127,127,127,129,173,173,173,133,133,181,183,189,191,199,202,196,186,185,191,194,194,191,196,196,191,186,186,191,196,199,202,202,204,207,207,207,202,196,194,191,189,183,181,181,186,191,194,194,194,194,191,186,181,181,181,178,173,173,173,131,170,130,170,170,170,121,112,110,115,131,183,189,189,186,178,131,127,126,127,131,176,181,178,176,131,131,132,178,183,191,194,194,196,199,202,199,196,196,196,196,196,194,194,196,196,196,199,199,199,199,196,191,191,194,199,199,196,194,189,186,186,183,183,183,183,186,186,189,191,194,194,194,194,191,191,189,186,183,182,182,186,191,194,191,189,189,186,181,176,173,173,176,178,178,176,173,131,173,178,181,178,176,170,169,173,181,186,189,191,194,191,186,186,189,186,181,176,178,178,178,178,173,131,129,129,173,176,181,186,191,196,194,189,179,181,186,191,194,191,183,177,178,183,183,183,181,178,177,178,183,181,177,177,181,183,183,181,178,178,178,181,183,183,181,181,181,181,181,181,183,186,186,186,186,183,181,181,181,181,181,183,183,183,183,183,181,176,170,127,127,168,168,168,165,165,165,165,168,168,168,168,168,165,165,163,160,155,113,111,155,160,160,155,155,157,163,173,181,186,183,178,176,173,170,173,176,181,183,186,183,183,144,51,41,39,41,57,65,71,83,101,142,144,147,144,103,99,103,147,157,165,170,173,165,160,165,170,176,173,165,121,113,117,163,170,176,178,181,183,189,191,191,191,189,183,181,181,181,181,181,176,173,176,178,183,186,181,176,176,181,189,189,189,191,194,191,189,186,178,119,97,88,93,107,121,168,173,173,173,176,178,178,176,176,176,178,181,181,178,176,168,157,144,129,116,0,0,0,0,0,1,103,124,118,108,92,83,90,108,124,134,144,150,124,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,103,173,191,196,204,209,207,199,199,202,199,191,181,152,147,144,155,157,150,147,157,168,168,168,160,111,104,111,163,173,178,181,181,186,183,176,173,174,181,186,189,191,194,191,186,183,191,202,207,207,202,196,199,199,204,215,222,204,31,0,0,0,0,0,139,181,142,63,47,39,0,0,0,0,0,43,165,176,189,194,191,191,189,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,134,134,131,186,189,178,126,103,87,53,55,59,82,45,55,79,82,103,113,113,47,129,142,131,0,0,82,100,124,118,121,116,134,137,126,39,13,0,0,29,35,49,92,41,0,0,0,0,0,5,43,53,11,0,0,0,0,0,0,3,0,0,0,0,0,0,59,45,65,100,137,163,131,113,103,105,63,0,0,0,21,53,121,121,41,0,0,0,0,23,71,163,157,1,0,57,157,170,165,144,99,95,97,139,157,170,176,170,161,159,161,170,163,109,103,103,150,170,183,186,176,170,170,173,176,178,178,178,183,194,196,191,186,176,0,87,0,0,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,147,152,157,157,152,0,160,173,186,189,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,204,202,0,0,0,228,225,222,215,215,212,212,212,215,217,217,215,212,209,207,207,209,215,222,225,217,209,199,191,186,176,172,173,178,178,170,163,159,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,225,215,202,198,198,204,212,217,217,215,212,215,215,212,209,207,209,212,215,217,217,222,225,228,230,233,230,230,230,233,233,233,233,233,233,231,233,238,241,238,233,230,225,215,204,189,176,127,125,168,176,176,168,155,109,101,95,93,89,91,126,0,144,152,157,160,157,155,152,155,163,168,170,165,163,165,173,181,186,183,181,178,178,176,176,181,186,189,186,183,183,183,183,181,178,181,183,186,194,207,217,222,222,217,217,217,222,225,228,228,228,230,228,222,215,215,217,222,225,222,217,216,217,222,228,233,235,238,241,238,238,241,243,243,241,235,230,225,222,222,222,228,230,228,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,25,7,0,0,7,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,142,121,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,124,152,173,183,168,121,121,155,168,168,163,157,155,168,186,183,157,142,142,150,155,150,85,0,0,0,0,5,27,73,101,142,142,144,150,160,165,173,173,165,152,144,109,147,152,152,155,157,160,160,155,115,111,111,109,107,109,152,155,117,117,117,157,155,117,117,157,165,168,165,157,109,97,96,97,103,111,119,168,176,181,178,170,165,160,121,115,111,111,113,119,168,183,194,202,207,207,207,207,204,191,165,115,115,115,115,113,115,119,125,125,123,123,121,117,117,119,121,168,178,189,189,181,168,124,165,176,178,173,168,170,168,127,126,127,173,181,183,189,191,186,170,127,170,173,127,127,176,186,186,181,183,191,194,186,178,181,189,191,189,183,183,191,202,202,196,194,194,183,134,186,199,204,204,199,183,126,124,127,127,135,183,181,178,177,177,181,186,189,191,191,194,191,191,191,196,204,207,199,189,189,191,194,189,181,178,183,181,183,199,207,212,204,189,176,129,127,127,133,183,186,189,207,217,212,202,199,209,222,225,225,215,204,191,186,183,181,176,176,178,178,176,173,178,186,191,186,173,119,113,117,173,196,202,199,191,183,176,172,172,176,178,178,178,181,176,127,124,125,125,123,125,173,186,189,176,121,116,120,129,129,124,123,125,176,191,191,183,181,186,183,131,124,125,131,173,176,176,173,170,178,189,191,189,189,186,176,170,129,129,168,127,127,127,125,122,123,173,186,186,178,173,173,173,170,127,127,127,129,170,173,129,125,125,170,178,183,181,176,173,127,120,119,123,129,170,170,178,186,189,178,170,170,173,176,170,170,129,129,127,123,117,110,113,129,189,186,131,125,123,125,135,196,199,191,204,228,228,222,217,217,222,225,228,228,225,222,222,225,225,215,207,204,207,209,209,207,207,209,212,215,217,217,222,222,225,228,228,222,217,215,209,199,189,181,176,176,176,176,131,123,119,119,121,121,119,123,127,127,123,125,170,173,173,181,191,186,173,178,204,212,204,183,170,129,173,176,178,181,181,125,119,119,121,125,125,127,127,168,170,170,170,170,173,178,178,181,186,191,189,186,181,170,125,127,170,168,127,168,173,173,168,121,121,119,115,115,123,168,170,173,168,125,165,176,186,191,183,170,124,123,125,168,176,181,183,181,173,127,125,125,123,123,123,121,123,125,168,173,176,178,183,178,173,173,178,178,181,181,181,183,186,183,178,178,176,130,130,170,176,181,186,189,191,191,194,191,186,178,176,177,183,183,181,178,186,196,196,194,191,191,191,183,127,121,123,125,121,115,117,123,181,202,207,196,176,168,168,170,176,181,186,181,173,123,117,115,119,127,176,183,186,178,129,125,125,127,131,176,178,176,173,173,178,181,183,189,191,196,199,194,186,178,176,133,129,117,111,117,178,186,189,191,183,173,173,178,133,129,129,133,181,189,194,196,194,191,183,133,131,133,183,191,189,181,176,176,178,181,181,181,179,179,179,181,183,189,191,194,194,196,199,196,191,181,135,134,133,134,183,194,196,194,191,196,204,207,204,199,194,189,186,185,185,191,202,202,199,194,194,194,196,202,207,212,212,202,189,137,137,183,191,194,194,196,199,199,196,194,191,186,183,183,183,191,196,199,196,194,189,186,186,189,191,199,202,202,199,191,186,186,186,183,181,178,178,181,183,189,189,191,191,194,196,194,194,196,199,202,202,202,204,202,202,204,207,207,204,199,194,189,186,183,186,191,194,191,189,186,183,183,189,194,194,194,196,199,202,202,199,194,194,194,191,189,181,127,117,115,116,119,119,119,121,127,170,173,170,168,128,128,173,181,183,181,173,129,170,178,186,189,186,183,181,181,178,178,176,173,129,129,173,181,186,189,186,181,176,173,131,129,127,127,126,127,129,173,176,178,181,183,186,189,191,194,191,196,199,194,186,186,194,202,204,202,199,199,194,191,191,191,191,194,199,202,202,207,209,207,202,196,194,191,189,181,134,134,183,194,196,194,191,191,191,189,183,181,181,178,176,176,176,173,131,129,129,130,170,125,113,109,111,127,183,191,191,189,181,173,127,126,127,131,176,178,178,178,135,133,132,135,183,189,189,191,196,199,199,196,194,194,194,196,196,196,196,196,196,196,199,199,199,196,191,186,186,191,194,194,194,191,189,186,189,186,183,183,186,186,189,189,191,194,196,196,194,194,194,194,191,189,186,189,194,196,194,191,189,183,181,176,172,172,173,173,173,173,131,127,127,173,181,183,181,176,170,169,173,183,189,191,191,191,186,183,181,183,181,178,176,176,178,181,178,176,131,131,173,176,178,183,189,194,196,196,191,183,182,186,191,194,189,186,183,183,186,186,183,181,178,178,178,181,178,177,177,178,183,183,181,178,176,176,181,186,186,183,178,178,178,181,181,183,186,186,186,186,183,181,181,181,181,181,183,183,181,181,181,178,173,129,126,125,125,126,165,165,168,168,168,168,168,168,170,170,165,160,159,163,165,165,165,168,170,170,170,170,170,170,176,181,183,181,178,173,170,170,168,170,173,178,181,181,176,160,79,45,39,43,53,63,75,95,142,142,139,105,99,81,77,99,111,155,165,170,170,165,160,163,170,173,176,176,176,170,165,170,176,181,181,181,186,189,191,189,189,186,183,178,178,181,183,181,178,176,178,183,189,191,186,181,178,186,196,196,191,191,191,194,191,189,181,129,119,99,95,99,115,125,165,163,163,165,173,178,176,173,170,173,178,178,173,168,160,150,142,129,67,0,0,0,0,0,0,55,142,134,116,98,83,81,90,116,131,150,152,152,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,103,147,176,189,196,199,199,204,204,199,194,189,181,176,170,157,155,163,170,173,165,155,155,160,165,163,155,113,115,160,168,173,176,178,181,183,183,176,173,174,178,183,183,186,186,189,189,191,199,204,207,204,199,194,194,196,204,215,217,215,87,0,0,0,0,0,19,37,0,0,0,0,0,0,0,0,0,0,105,168,186,196,191,196,196,157,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,45,0,0,87,121,126,134,150,160,152,147,152,131,59,27,9,15,13,29,45,45,43,85,116,37,137,144,116,41,37,108,105,98,88,108,129,155,196,189,183,173,142,113,41,31,49,53,0,0,0,0,19,47,51,51,53,0,0,39,59,0,0,0,1,0,0,0,0,0,0,67,5,35,90,150,160,150,113,129,176,181,131,0,0,0,51,139,150,59,0,0,0,0,31,73,168,165,29,13,71,160,170,163,142,85,77,87,147,176,186,186,181,163,157,159,165,165,150,105,105,144,160,178,183,178,173,173,176,176,178,177,177,181,186,183,181,170,0,0,98,0,139,147,0,0,0,0,0,137,0,0,0,139,142,134,0,0,0,139,150,0,0,0,0,0,0,0,0,147,150,152,150,147,152,165,181,191,194,189,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,207,204,202,199,199,202,209,215,217,215,215,212,215,215,217,222,225,225,222,222,217,215,215,217,222,228,230,228,217,207,196,183,173,169,170,176,178,170,163,159,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,230,228,217,204,199,199,207,215,217,0,215,215,217,217,217,212,212,215,217,222,225,225,225,225,228,230,233,230,230,229,230,230,233,233,231,231,233,233,238,238,238,235,235,230,222,207,191,176,127,125,170,178,186,183,176,157,142,101,97,95,95,126,0,144,152,160,163,160,155,152,152,155,157,157,152,152,157,168,178,181,181,181,178,178,176,176,181,186,189,189,186,183,186,186,183,186,186,186,186,191,202,215,222,222,222,217,217,222,225,230,230,230,228,225,222,215,212,215,222,225,225,217,216,217,225,230,235,238,241,238,238,238,241,241,243,241,235,228,225,222,220,222,228,230,230,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,9,0,0,0,0,0,0,0,0,0,0,79,0,0,0,0,0,0,48,105,131,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,139,165,181,183,160,137,142,173,181,176,165,152,144,155,173,170,160,160,165,160,150,147,144,85,41,33,23,25,41,69,95,139,142,140,142,144,150,155,157,155,150,147,109,111,147,150,152,157,160,160,157,152,113,109,107,106,107,115,155,117,115,117,155,155,117,117,155,165,168,165,155,105,96,97,103,107,109,115,160,168,168,165,160,121,121,119,115,111,111,111,119,176,194,204,209,212,212,212,212,209,194,165,115,113,112,111,112,115,123,168,170,170,168,165,125,123,121,119,125,178,189,191,181,170,165,170,178,178,173,168,165,168,127,127,127,170,176,178,178,181,178,129,127,173,176,170,129,173,176,178,181,191,202,202,189,178,178,186,191,186,182,179,182,189,189,186,186,189,183,178,196,209,212,212,212,199,131,125,127,127,129,135,178,183,186,183,181,178,181,186,191,194,194,189,189,194,202,207,202,189,183,183,183,183,176,133,178,176,131,176,183,181,178,181,178,176,133,176,181,183,186,194,209,212,202,196,194,202,215,225,225,215,202,183,176,173,131,129,129,173,173,173,170,173,178,178,173,123,115,113,121,181,204,212,207,202,194,183,176,173,176,178,178,183,191,191,181,170,170,129,121,117,121,129,176,173,127,125,173,183,181,170,127,129,173,181,189,194,194,191,183,173,127,129,131,131,127,126,127,129,176,189,191,186,181,181,176,170,129,127,125,125,125,125,123,121,122,170,181,178,129,127,170,176,176,173,170,173,181,183,178,129,124,125,173,183,189,186,178,170,123,119,121,129,176,176,176,181,186,186,181,176,173,176,170,129,126,126,129,131,131,125,112,114,123,131,131,125,125,127,129,137,189,191,189,202,222,222,220,217,222,225,225,225,222,217,215,217,225,222,212,204,202,204,207,207,207,207,209,212,215,217,217,222,225,228,230,228,225,222,217,212,207,196,186,181,178,178,181,176,131,125,123,121,117,113,109,106,102,101,107,125,170,176,186,194,191,181,186,207,212,196,129,126,127,170,176,178,183,189,183,173,129,127,168,127,127,170,178,181,181,176,176,176,178,178,178,189,191,189,186,183,176,170,176,176,170,170,173,173,125,107,98,103,99,75,70,85,119,170,173,168,165,168,173,178,178,173,125,123,123,125,170,176,181,186,186,173,123,115,113,113,114,119,123,123,125,168,170,168,170,173,173,176,181,183,181,183,186,183,181,181,176,173,176,173,129,129,170,178,183,186,189,189,186,183,183,181,177,177,178,183,183,176,176,181,191,194,191,186,183,181,129,115,111,117,123,119,115,115,123,183,204,209,202,183,173,168,168,168,173,178,178,170,115,109,108,113,123,173,183,186,181,176,176,178,178,178,178,178,173,131,176,181,183,189,194,199,202,202,196,186,178,133,133,131,125,119,127,194,199,199,199,186,173,176,181,133,128,128,130,176,183,191,194,196,196,196,183,132,131,178,186,186,181,178,181,186,186,183,181,181,179,178,179,183,186,191,194,194,196,199,199,191,183,178,134,133,134,186,196,196,194,194,199,204,207,202,196,191,189,186,185,186,191,202,204,204,202,202,202,202,202,204,209,209,204,191,139,183,191,199,202,204,207,204,199,196,191,189,186,183,182,182,186,194,199,202,196,191,186,186,186,191,194,196,194,194,191,189,186,183,181,178,135,178,181,186,194,196,196,199,202,202,199,199,199,202,202,204,204,204,202,202,204,204,204,199,194,194,191,189,183,183,189,191,191,191,189,186,183,186,191,194,194,196,196,199,202,196,191,191,191,194,189,181,129,121,117,121,125,123,123,125,129,173,173,173,168,127,127,170,181,189,189,183,176,173,176,183,189,186,183,178,178,176,176,173,170,127,126,128,176,183,186,189,183,181,178,176,131,129,127,126,127,131,178,183,189,191,191,194,196,199,196,191,194,196,191,183,186,194,202,204,207,204,202,196,194,191,191,189,191,194,196,199,204,209,209,204,196,194,191,186,178,133,133,178,191,196,194,189,186,186,183,178,176,178,181,181,181,181,176,173,130,129,129,131,129,119,112,113,123,178,189,191,189,186,178,131,127,127,129,133,176,178,181,183,181,178,181,186,189,186,186,191,194,194,191,189,189,191,194,196,199,196,196,195,196,196,199,199,196,189,186,183,186,186,186,186,186,186,186,186,186,186,186,189,189,191,191,191,194,196,196,196,196,196,196,194,191,189,191,196,196,191,189,183,181,178,178,176,176,176,173,129,127,126,126,127,173,181,186,183,178,173,173,178,186,191,191,191,189,183,178,176,176,176,173,173,173,176,178,176,173,173,176,176,178,178,183,189,194,196,196,194,189,183,186,189,191,189,186,186,186,189,186,181,178,181,181,181,181,178,177,178,178,181,181,178,176,133,133,176,183,186,181,176,176,176,178,181,183,183,183,183,186,183,181,183,183,181,181,183,183,181,181,181,178,176,170,127,126,125,126,165,168,170,170,168,168,168,168,170,173,168,160,159,165,170,173,173,173,173,173,176,176,176,173,176,181,181,181,178,176,173,170,168,168,170,173,176,176,173,165,139,59,43,51,85,101,91,91,97,95,89,85,77,71,71,99,144,150,152,157,160,157,155,160,165,170,170,173,178,181,181,183,186,186,183,181,183,186,186,186,183,178,176,173,176,178,181,181,178,176,178,183,189,191,189,183,181,189,196,199,194,191,191,191,191,189,183,178,173,123,107,105,113,121,125,163,160,157,163,173,176,170,165,165,168,168,165,163,157,147,134,113,31,0,0,0,0,0,0,47,142,139,124,105,92,82,83,98,113,131,147,163,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,103,108,121,157,183,194,191,194,196,196,199,196,186,168,160,161,165,163,165,181,183,183,173,163,160,165,173,170,165,163,165,168,170,173,173,176,181,183,183,178,176,176,181,183,183,183,186,189,191,199,204,207,207,204,194,190,190,196,204,212,215,209,183,0,0,0,21,27,7,0,0,0,0,0,0,0,0,0,0,0,21,155,183,191,194,202,204,194,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,134,41,23,41,74,90,118,144,147,126,126,142,131,85,0,0,0,0,0,29,35,25,21,25,0,23,17,27,49,124,157,163,103,81,94,124,147,181,189,194,194,194,189,105,35,37,33,0,0,0,17,63,103,75,73,105,55,59,142,173,108,9,13,41,21,0,0,0,0,0,0,0,3,37,126,142,134,112,139,183,204,165,29,21,29,45,147,157,121,39,11,0,0,11,51,152,165,85,61,79,134,155,137,69,55,58,71,152,183,191,191,186,173,161,161,165,168,157,150,150,157,165,176,181,181,181,181,176,176,178,178,178,178,173,165,160,131,113,103,0,0,139,0,0,0,0,0,0,0,0,142,0,0,134,0,0,0,0,150,155,0,0,0,0,0,0,0,142,142,142,142,0,0,147,163,178,191,194,191,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,202,202,199,198,198,199,204,209,212,212,215,215,217,222,222,225,228,228,228,225,225,222,222,225,228,233,233,230,225,212,202,189,176,169,170,176,178,176,165,163,163,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,233,233,228,217,204,199,199,204,212,217,0,215,215,220,225,222,217,217,222,228,228,230,228,228,225,228,230,230,230,230,229,230,233,233,233,233,233,233,235,238,238,238,238,238,233,228,212,194,178,127,125,0,0,191,196,191,176,157,144,137,131,131,131,0,144,152,157,157,157,155,150,147,147,147,144,139,142,147,157,168,173,176,176,176,176,173,173,178,183,189,191,189,186,186,186,186,189,191,191,189,191,202,212,217,222,222,222,217,217,225,230,230,230,228,225,220,212,212,215,222,228,228,225,217,222,228,233,238,241,241,238,235,235,238,241,241,238,233,225,222,222,222,222,228,230,230,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,56,69,90,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,147,165,176,168,147,139,152,176,186,178,163,150,139,142,152,155,160,176,178,165,144,143,168,186,168,142,91,73,67,77,97,144,147,140,139,139,140,142,144,147,147,144,107,109,111,111,150,155,157,157,157,155,113,109,107,106,107,113,115,115,117,155,160,160,155,115,115,157,160,160,115,101,97,103,111,111,111,115,157,165,163,157,119,119,119,119,117,113,111,109,117,176,199,209,212,215,215,215,217,212,194,165,117,113,112,111,112,117,168,178,186,186,181,173,168,125,121,119,123,173,183,186,178,170,168,170,178,181,178,170,165,127,168,127,127,127,170,170,168,129,129,129,170,173,176,176,176,176,173,176,183,196,202,199,183,133,133,178,186,183,182,179,181,182,183,183,183,183,181,183,199,209,212,215,222,209,183,131,133,127,127,133,181,189,191,186,137,136,137,186,196,199,196,189,186,186,194,196,194,186,178,177,178,178,133,130,131,131,125,125,129,123,121,131,181,183,186,191,191,186,183,194,204,199,186,186,191,202,209,215,215,209,196,178,129,127,125,124,125,127,129,129,168,168,125,121,117,113,111,111,121,183,207,215,212,207,204,196,183,176,176,178,178,183,194,194,183,176,173,170,119,112,112,115,121,127,173,176,178,183,181,176,173,173,173,178,191,207,204,194,183,176,131,129,129,129,126,124,125,127,173,183,183,178,176,178,173,170,129,127,127,129,170,170,127,123,127,176,181,170,123,125,173,181,181,181,186,191,199,202,191,176,127,127,176,186,191,186,173,125,120,119,123,176,181,178,176,176,176,178,178,176,173,173,129,127,126,126,129,173,178,173,117,116,119,125,125,127,129,135,137,183,186,185,186,199,217,222,222,222,222,225,225,222,217,215,213,215,222,222,212,202,199,202,204,204,204,207,209,212,215,217,215,215,217,222,225,228,225,222,217,217,215,204,191,183,181,183,183,181,176,131,129,125,117,111,106,103,100,100,106,125,173,178,181,186,183,178,183,196,196,176,125,125,127,129,173,178,183,186,186,178,129,127,127,127,127,170,178,183,181,178,176,176,173,172,176,183,189,186,181,178,176,176,176,173,168,168,173,168,109,93,93,101,99,72,66,80,115,165,165,125,165,168,173,176,176,170,127,124,124,168,178,186,189,191,189,176,121,114,112,110,112,115,123,111,113,123,123,123,125,125,168,173,181,183,183,183,189,183,176,173,168,168,173,176,170,170,176,183,186,189,189,186,181,178,178,178,177,177,181,186,183,178,173,176,181,186,186,183,178,170,119,108,108,113,119,119,115,115,121,176,196,202,194,178,168,127,127,127,168,173,181,178,123,111,108,112,123,173,183,189,183,178,183,189,186,181,178,178,176,131,173,176,181,189,196,199,199,196,191,186,178,133,176,178,176,176,183,199,204,207,204,191,181,191,202,194,178,131,131,131,176,183,189,196,207,215,207,183,133,133,178,181,178,178,181,186,186,183,186,186,183,181,181,183,186,189,189,189,191,194,194,186,181,181,137,135,137,189,196,199,194,194,196,199,202,199,196,194,194,191,189,189,194,202,207,204,202,202,202,202,202,202,202,202,199,191,186,191,199,202,204,207,207,204,199,196,194,191,191,189,186,183,183,189,196,196,196,191,186,183,183,189,191,191,189,186,189,189,186,181,178,135,133,135,181,189,196,199,202,204,204,207,204,202,202,202,202,204,204,202,202,199,199,199,196,191,191,191,194,194,183,181,183,186,191,191,189,186,183,183,186,191,194,196,196,194,194,191,186,183,186,191,191,183,173,127,129,170,170,129,127,170,173,176,178,178,176,168,128,170,181,191,191,186,178,173,176,181,186,186,181,178,176,176,176,176,173,128,126,127,170,178,183,186,183,181,178,176,131,129,129,127,129,173,183,194,199,202,202,202,202,202,196,194,194,194,189,183,183,189,194,202,207,207,202,196,191,189,189,186,186,191,194,194,199,204,207,204,196,194,189,186,181,134,132,135,186,191,191,189,183,181,176,173,173,178,183,186,189,189,186,181,176,131,130,131,131,127,121,119,123,173,183,191,191,189,186,178,133,131,131,133,176,181,186,191,194,189,189,191,189,183,182,183,189,189,189,186,186,191,196,199,202,199,196,196,196,199,199,199,196,191,186,183,181,137,137,183,183,183,183,186,189,189,191,191,194,194,191,191,191,194,196,199,199,199,196,196,194,194,194,196,194,189,183,181,178,181,181,181,181,178,131,126,126,127,127,131,178,186,186,183,181,178,178,183,189,189,189,189,186,181,176,176,176,176,176,131,131,173,173,173,173,176,176,178,178,178,183,186,189,191,191,191,189,183,183,189,189,186,183,183,186,186,183,178,178,181,181,181,181,181,178,181,181,181,178,178,178,133,131,132,178,181,176,132,132,133,178,181,181,181,181,181,183,183,183,183,183,183,183,186,183,181,181,181,181,178,176,170,129,127,127,168,170,173,170,170,168,168,170,173,176,173,165,163,168,173,173,173,173,176,176,176,178,176,176,178,178,181,178,176,173,173,168,165,163,163,163,165,165,165,165,155,75,49,59,150,160,91,75,73,73,71,70,69,71,77,105,147,111,107,107,111,115,117,157,165,168,168,170,176,181,186,191,194,191,183,178,181,183,181,178,176,173,170,170,173,178,178,178,176,176,176,181,186,189,189,186,183,189,194,199,196,191,189,189,186,186,186,186,186,183,168,115,115,121,168,168,160,113,113,160,173,173,165,160,160,157,157,157,155,142,126,49,0,0,0,0,0,3,0,47,139,139,126,111,98,85,85,85,85,105,131,147,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,111,113,105,113,150,176,183,183,189,191,189,186,189,181,164,161,163,165,163,168,186,189,186,183,178,176,181,181,181,178,178,173,173,173,173,173,176,178,183,183,183,183,183,186,186,183,183,189,194,196,204,207,209,207,202,191,189,190,196,207,212,212,207,173,63,53,35,75,79,47,0,0,0,0,0,0,0,0,25,118,9,0,37,157,183,194,196,204,209,207,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,27,25,59,19,0,0,0,0,0,0,0,0,66,199,191,147,29,0,0,0,51,134,142,92,90,108,103,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,147,168,186,165,95,108,126,126,142,178,196,202,207,209,186,53,0,0,7,9,11,53,131,131,121,126,134,129,131,170,199,173,111,73,105,118,111,23,0,0,0,0,0,19,45,121,134,129,118,139,181,212,186,31,33,35,39,131,139,103,43,17,1,0,21,61,139,157,152,139,121,81,71,63,56,53,56,71,152,183,191,191,186,181,170,165,165,168,163,160,163,168,170,173,173,178,186,186,178,176,181,181,176,173,160,144,131,103,90,90,0,0,0,0,0,0,0,0,126,0,165,165,147,0,0,0,0,0,147,155,155,0,0,0,0,0,0,0,0,0,0,0,0,0,139,157,176,186,191,191,183,168,0,0,0,0,0,0,0,0,0,0,0,0,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,0,0,196,194,191,191,196,202,204,0,0,204,196,194,196,199,199,198,198,198,199,204,207,209,212,215,222,222,225,225,228,228,230,230,228,228,225,225,228,233,235,238,235,228,217,207,196,181,173,173,181,183,181,173,168,168,168,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,235,233,225,215,204,196,194,199,207,0,0,0,217,225,228,228,222,222,228,233,235,233,230,228,225,225,228,230,233,230,230,230,233,235,235,233,233,235,238,238,241,241,241,238,235,230,217,202,183,170,125,165,178,194,204,204,194,173,157,147,0,0,0,0,147,150,152,152,152,150,147,144,0,0,134,131,0,0,147,157,163,168,168,168,168,168,168,173,181,189,191,189,186,186,186,186,191,196,196,194,196,207,215,217,217,222,222,217,217,222,228,230,230,228,225,222,215,212,215,222,228,230,228,225,225,228,233,238,241,238,238,235,233,235,235,238,235,230,222,217,217,222,222,228,230,228,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,157,160,150,139,142,155,173,183,181,165,150,134,129,137,144,155,173,178,165,144,143,178,199,196,178,157,137,91,91,137,157,157,147,140,140,139,140,142,147,144,107,105,107,109,109,113,152,155,155,157,157,115,109,109,109,111,113,113,111,117,165,176,173,160,113,110,113,117,117,113,103,101,111,119,115,111,113,160,168,168,160,119,119,119,119,117,115,111,109,113,168,191,204,212,215,217,215,217,215,199,170,119,115,113,113,115,123,178,191,199,196,183,170,123,123,121,119,121,168,176,176,170,165,165,168,176,181,181,176,168,127,168,127,126,126,127,168,128,127,128,170,173,176,176,178,181,181,178,178,186,191,191,183,133,132,133,178,181,186,189,186,183,183,183,186,183,181,181,186,202,209,212,217,222,209,186,135,178,133,129,135,183,189,189,183,137,137,183,194,199,202,196,191,186,185,186,189,191,189,183,178,181,178,133,130,133,178,131,125,123,119,119,127,178,189,199,209,209,196,181,186,196,191,178,178,199,204,204,199,199,196,191,178,127,124,124,124,124,125,127,127,168,127,119,113,109,107,107,109,121,183,204,212,212,212,212,207,189,181,181,181,178,183,189,186,178,173,173,168,117,111,111,111,113,121,129,170,129,127,129,170,170,170,176,183,194,204,202,191,181,178,173,129,129,173,170,127,126,127,173,176,176,173,178,181,178,170,129,129,173,178,183,183,178,170,173,181,178,123,116,121,173,181,186,189,196,204,212,215,207,189,176,173,178,186,186,178,170,123,119,119,125,178,183,181,176,166,164,166,170,173,173,170,170,127,126,127,170,178,183,183,129,119,119,123,131,178,183,191,196,194,189,183,186,204,217,222,225,222,217,217,217,217,215,213,213,215,217,217,209,199,194,196,196,199,202,204,207,209,212,212,212,209,212,212,217,217,217,217,222,222,222,209,196,189,186,189,186,181,178,176,173,129,119,113,111,109,107,109,119,170,178,181,178,178,176,173,176,183,181,129,126,127,170,129,170,176,178,178,173,125,121,119,121,123,125,129,173,178,178,173,173,172,170,170,173,181,181,178,176,176,176,173,173,170,168,168,168,125,111,96,101,123,127,109,87,103,119,123,123,125,165,170,173,176,176,176,173,127,127,176,189,196,196,194,186,176,168,125,119,115,115,117,115,91,94,109,115,119,121,121,123,165,173,178,181,183,186,181,173,170,168,168,176,181,181,181,181,186,191,194,194,189,183,181,181,181,178,177,181,186,186,183,176,170,129,173,181,183,176,127,115,108,107,111,115,115,112,111,115,127,178,183,178,170,127,127,127,168,168,173,183,189,186,178,121,123,129,176,186,189,183,178,181,186,186,186,186,186,181,173,129,129,131,181,189,191,186,181,181,181,181,178,181,183,183,183,183,189,194,202,204,196,191,202,217,209,194,183,176,130,130,131,181,191,209,225,222,202,183,176,133,176,176,176,178,181,181,178,183,186,183,181,181,181,183,183,178,178,181,186,186,181,179,181,186,183,186,194,199,199,196,194,194,199,199,199,196,196,199,199,191,191,196,204,207,204,202,199,199,202,202,196,196,194,191,189,189,194,199,202,204,202,202,202,196,194,196,199,199,196,191,186,182,183,186,186,186,186,183,181,181,186,191,191,189,186,186,186,181,178,133,131,131,135,183,191,199,202,202,202,204,207,207,207,204,202,202,202,202,199,196,196,194,191,189,186,186,186,191,191,183,137,137,183,186,189,189,183,181,181,183,189,194,196,194,191,189,183,176,131,176,186,191,186,178,176,178,178,176,170,170,170,173,176,178,181,181,176,170,173,181,189,189,183,176,173,176,178,181,181,178,176,176,178,178,181,183,181,173,170,129,131,176,178,178,176,173,131,131,131,131,129,131,178,189,202,207,209,209,207,204,202,199,194,194,196,191,183,181,183,186,196,204,207,202,194,186,186,186,185,185,186,189,189,191,199,202,202,199,196,191,191,189,181,134,135,183,189,191,189,181,133,131,131,131,176,181,186,191,194,194,191,186,181,176,173,173,173,131,125,123,127,178,191,194,194,191,189,183,181,178,178,181,189,196,202,202,199,196,194,189,183,181,182,183,183,183,186,189,194,199,202,204,202,196,194,196,199,199,199,199,194,189,183,136,135,136,181,186,186,189,189,191,191,191,194,194,194,191,189,189,191,194,196,199,199,196,194,196,194,194,194,191,183,178,178,181,183,186,183,181,178,133,127,129,173,176,178,186,191,189,183,181,178,181,186,189,186,186,186,186,183,178,178,181,183,178,131,130,131,131,131,173,173,173,176,176,176,178,183,186,186,183,186,186,183,183,183,186,183,183,183,186,186,183,178,178,181,183,183,183,183,183,183,183,183,181,178,178,133,131,131,133,176,133,132,132,133,176,178,181,181,178,181,183,186,183,183,186,186,186,186,183,181,181,181,183,181,178,176,173,170,170,170,173,173,170,168,166,168,173,176,178,178,170,168,170,173,176,176,176,176,176,176,178,178,178,178,178,178,176,173,168,163,157,150,109,107,109,144,144,150,157,152,83,55,61,103,142,67,55,61,67,71,73,73,77,83,105,144,107,101,97,105,113,155,163,168,168,170,170,173,178,181,189,194,191,183,178,178,178,178,173,170,168,168,168,173,176,178,176,170,170,173,181,183,186,191,191,189,186,191,196,196,194,189,183,181,181,183,186,189,189,178,125,119,121,168,173,165,110,107,111,168,176,168,157,152,150,147,150,147,137,81,0,0,0,0,0,0,0,0,37,134,137,124,108,92,90,95,90,64,51,46,15,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,124,121,108,100,108,147,165,168,170,178,178,170,170,176,178,176,173,173,168,159,160,181,189,189,191,191,191,191,189,186,186,183,176,173,176,178,178,176,176,178,183,186,186,191,194,194,189,189,194,199,202,207,209,209,204,196,190,190,194,202,209,212,209,202,101,61,43,10,77,129,137,79,25,87,55,0,0,0,0,0,37,0,0,0,59,163,168,129,194,202,204,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,92,121,121,124,168,150,0,0,0,0,0,0,0,0,121,196,204,189,35,0,0,0,39,124,137,77,75,79,77,57,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,170,194,170,116,118,121,65,59,142,176,191,196,207,215,131,0,0,63,126,105,129,150,147,139,139,142,139,139,157,173,155,126,121,131,160,165,137,121,49,0,0,0,55,65,126,131,126,118,131,178,202,186,5,17,37,31,55,69,59,27,0,0,13,67,116,126,142,160,165,144,64,58,60,62,65,73,95,160,181,186,189,186,183,176,168,165,165,165,165,168,170,170,168,165,170,183,186,173,170,173,168,163,160,147,129,111,87,79,82,0,0,0,0,0,0,147,147,0,168,181,176,150,0,0,0,0,139,152,152,144,0,0,0,0,0,0,0,0,0,0,0,0,0,134,0,170,183,191,194,189,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,0,0,202,194,189,189,189,194,202,0,0,0,202,199,199,202,202,199,199,199,204,207,207,209,212,217,222,225,225,228,228,230,230,230,230,230,228,228,230,233,235,238,235,230,222,212,202,191,183,186,191,191,186,178,173,170,170,173,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,233,230,225,212,202,191,189,194,202,0,0,0,222,228,233,228,222,222,230,0,0,238,233,228,225,225,228,230,233,233,230,233,235,235,235,233,235,235,238,241,241,243,241,241,238,233,222,207,191,176,127,165,173,189,204,209,202,186,168,155,147,0,0,144,147,150,150,147,147,144,142,139,0,134,129,126,126,0,0,147,155,160,163,163,165,163,165,170,181,189,191,191,186,186,186,189,194,199,202,199,202,209,215,215,217,222,222,220,215,217,225,228,228,228,225,222,215,212,215,222,230,233,230,228,228,230,233,235,238,238,235,233,230,230,233,233,230,225,217,215,217,222,222,225,228,225,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,139,147,144,142,147,160,168,178,181,170,155,126,108,116,131,144,163,173,168,147,144,173,199,196,176,160,147,134,101,147,163,160,152,147,144,142,142,150,152,144,99,97,103,107,109,111,152,155,152,157,163,155,111,113,152,152,152,113,110,113,163,178,181,165,111,109,110,115,155,117,107,107,117,157,115,109,113,163,176,176,170,160,117,117,117,117,115,111,109,113,160,176,191,207,215,217,215,217,217,209,178,119,113,113,115,119,170,186,196,202,199,181,165,123,123,123,121,121,125,168,168,168,125,123,125,168,176,183,181,173,170,170,168,127,127,127,168,128,127,129,173,176,176,176,181,183,186,183,181,181,181,178,133,132,133,178,181,181,186,194,196,191,186,186,189,186,183,181,189,202,212,215,215,215,202,181,135,135,135,135,181,183,183,181,137,137,183,194,202,202,202,199,196,191,186,185,185,189,194,194,191,186,183,178,135,181,189,181,117,116,119,121,123,131,196,215,225,225,204,177,176,191,191,179,177,202,202,194,189,189,191,189,178,127,125,125,125,124,125,125,127,168,127,119,109,107,106,106,107,119,178,199,209,215,215,215,207,189,183,189,189,181,178,176,170,168,168,170,168,119,113,113,113,112,117,125,127,123,121,122,125,125,127,173,183,186,186,186,186,181,178,176,176,178,186,186,178,129,127,129,170,170,173,183,189,181,173,129,170,176,183,186,186,183,178,176,178,170,117,114,116,129,178,186,194,202,209,217,220,215,204,189,183,183,186,181,173,129,123,120,121,129,183,194,191,178,166,163,165,173,178,178,176,170,127,127,127,170,178,186,189,181,125,118,123,178,194,202,207,212,207,191,183,189,209,217,222,222,220,215,213,213,215,213,213,213,215,217,215,207,191,141,141,189,194,196,199,199,202,204,207,207,207,207,207,209,209,209,212,222,225,222,209,196,189,189,191,183,178,178,178,178,131,123,119,121,125,123,123,125,173,183,186,183,178,174,173,176,181,181,176,176,181,181,173,129,173,176,170,119,115,114,114,115,119,123,129,173,178,176,173,173,176,173,172,173,176,176,176,178,181,181,178,178,178,178,173,170,168,168,127,176,181,186,194,189,170,125,123,123,125,165,170,173,173,178,178,176,170,168,173,189,196,194,189,186,183,181,181,178,170,168,165,113,87,89,101,111,117,123,123,123,123,125,170,176,181,183,176,173,173,170,170,176,181,183,183,186,189,194,199,199,196,191,189,189,189,186,181,181,183,183,181,178,129,126,127,176,183,176,123,115,109,109,109,113,113,111,110,113,119,123,125,125,125,127,168,170,173,173,176,178,189,202,209,196,183,176,178,183,189,183,177,178,183,191,194,199,199,191,181,129,127,129,176,183,183,179,177,177,178,181,181,186,189,191,189,181,176,176,186,196,196,194,202,209,207,196,189,178,130,128,129,133,186,204,217,222,207,191,178,133,133,176,133,176,178,176,176,176,178,181,178,178,178,181,181,176,176,177,181,181,178,179,183,191,191,194,196,202,199,196,194,194,199,199,199,196,196,199,199,194,194,199,202,202,202,199,194,194,196,196,194,194,194,191,189,194,199,202,202,202,199,199,199,196,194,196,202,207,204,196,189,186,183,181,177,177,181,181,179,179,186,191,194,189,183,183,181,178,133,131,131,131,135,183,194,199,199,196,196,202,207,212,209,207,204,204,202,202,199,196,194,189,186,183,181,181,181,183,183,181,137,135,181,183,186,186,183,181,178,181,183,189,191,191,189,189,181,131,128,130,178,186,183,176,178,181,181,178,176,173,173,170,129,129,173,178,176,173,176,178,183,183,176,170,173,176,176,178,176,173,176,178,183,186,189,194,199,196,186,173,129,131,173,173,131,129,129,129,129,131,131,173,181,194,202,209,212,212,212,207,202,196,196,196,199,196,189,181,178,179,186,196,199,196,186,181,183,186,185,185,186,186,186,186,189,191,194,196,199,199,196,196,191,183,181,186,191,194,189,133,127,127,129,131,173,176,183,191,196,199,196,194,189,183,178,178,178,178,131,125,127,176,189,194,194,194,191,189,186,183,183,189,196,202,207,207,207,202,196,194,186,181,182,183,183,186,189,194,196,202,204,204,199,196,194,194,194,194,196,196,196,191,186,137,135,137,186,189,189,191,191,189,189,191,194,194,191,189,186,183,186,189,194,199,196,194,191,194,194,194,194,191,183,181,181,186,186,186,181,181,178,133,131,178,183,186,186,189,191,189,181,176,176,178,186,186,186,185,185,186,186,183,183,189,189,181,173,131,131,173,173,173,173,173,172,173,173,176,178,178,178,178,178,181,178,178,181,181,181,181,181,183,183,181,178,178,183,186,186,186,186,186,189,189,189,183,181,181,178,133,133,133,133,133,133,133,176,178,178,178,178,178,181,186,189,189,186,186,186,189,186,183,181,181,181,183,183,183,181,176,173,173,173,173,173,168,166,166,168,176,181,183,181,176,173,173,176,176,176,178,178,178,178,178,181,181,181,178,176,173,165,155,109,99,85,71,69,75,83,89,103,147,142,91,71,69,75,71,49,49,61,71,81,91,91,85,85,93,101,99,93,87,99,111,157,165,170,173,173,176,173,173,173,176,183,189,183,181,178,176,173,168,125,123,125,127,170,176,173,168,127,127,173,181,186,189,194,196,191,186,189,194,196,196,191,181,176,173,173,178,183,181,176,168,121,119,123,168,163,111,107,109,163,176,170,157,150,147,144,139,134,81,11,0,0,0,0,0,0,1,0,3,126,129,124,105,79,82,111,100,27,0,0,0,0,17,131,150,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,137,139,126,111,104,121,150,160,157,150,131,121,137,155,165,173,176,173,170,165,153,155,176,189,194,196,196,199,196,191,189,186,183,176,173,176,176,178,178,176,178,183,186,189,194,199,202,199,196,199,202,207,209,209,207,202,196,191,194,199,207,212,215,207,199,160,49,8,0,73,150,157,147,129,173,181,67,0,0,0,0,0,0,0,0,0,21,39,87,168,150,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,160,160,160,144,147,202,217,69,0,0,0,0,0,0,0,108,155,196,183,90,0,0,49,108,126,124,75,74,77,77,95,111,47,3,9,11,0,0,0,0,0,0,0,0,0,0,111,150,165,147,85,63,90,45,34,55,121,168,178,196,217,168,0,0,111,144,137,147,157,155,150,147,144,142,142,150,155,144,134,139,155,183,191,196,209,183,51,7,0,27,37,116,121,113,103,113,194,202,176,0,0,39,0,0,55,98,35,0,0,47,118,124,73,69,150,165,137,65,67,91,91,93,99,150,170,183,186,186,186,183,176,168,165,165,165,168,170,165,168,165,157,152,163,170,157,152,150,137,134,139,134,118,103,82,77,87,0,0,0,0,147,155,155,155,163,173,178,170,0,0,0,0,0,139,144,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,181,191,196,194,181,0,0,0,0,0,0,0,0,0,0,0,0,176,170,168,173,181,0,0,0,0,0,0,0,0,0,0,0,196,0,0,204,196,191,187,187,189,196,0,0,0,0,0,204,204,207,204,204,207,209,209,212,212,215,217,222,225,225,225,228,230,230,233,233,230,230,230,230,230,233,235,233,228,222,215,204,199,196,199,204,202,191,181,176,173,173,176,178,181,183,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,230,228,217,209,196,189,186,189,199,0,0,0,225,230,233,228,222,222,0,0,0,0,235,228,225,222,225,230,233,233,230,233,235,235,235,233,235,235,238,241,241,243,241,241,238,235,225,212,199,183,170,127,170,186,199,207,207,194,178,165,152,147,144,147,147,147,147,144,142,139,137,137,137,134,129,126,124,124,0,139,150,157,160,160,160,160,160,165,176,186,191,191,189,186,186,189,194,199,202,202,204,209,215,212,215,217,222,217,212,215,222,225,228,225,225,222,215,212,215,222,228,230,230,228,230,230,233,235,235,233,233,230,228,228,230,230,228,222,215,212,215,217,222,225,225,222,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,137,142,147,155,160,165,170,173,170,150,85,57,105,129,139,147,163,163,142,137,160,181,173,155,150,144,142,144,152,157,157,152,152,150,147,150,157,160,144,93,91,101,109,111,111,152,152,155,160,168,160,150,115,157,160,157,115,110,109,115,168,173,163,113,110,111,155,168,170,117,113,117,115,109,105,111,163,176,178,170,160,117,115,115,115,113,111,109,115,121,168,178,196,209,215,215,217,222,212,181,117,112,113,117,123,173,186,191,194,189,176,125,168,170,168,125,123,125,125,125,165,125,123,122,125,170,181,183,181,176,173,170,170,170,170,129,129,129,170,176,178,178,178,181,189,189,186,178,176,176,133,133,176,181,183,183,183,186,194,194,189,186,189,191,191,189,186,191,199,207,207,209,209,194,178,134,134,178,183,186,186,137,133,133,137,189,202,207,207,202,199,196,194,189,185,185,189,196,202,202,196,194,189,183,189,194,181,97,105,119,123,120,125,204,228,230,222,196,172,172,189,194,183,179,191,194,186,183,186,191,189,178,129,129,131,129,125,125,127,127,127,125,117,109,107,109,107,106,115,170,191,204,212,215,209,196,181,181,189,189,176,127,123,122,125,168,173,170,123,119,121,119,117,117,123,127,125,122,122,123,123,125,170,173,170,129,176,186,181,178,183,189,199,202,194,183,170,127,127,127,129,176,186,191,186,173,128,129,176,181,181,178,176,176,176,178,173,125,117,119,127,176,183,194,204,212,215,217,215,207,196,191,189,189,183,176,129,125,123,127,176,189,199,199,186,173,168,170,178,183,186,183,170,127,127,127,129,176,183,191,191,129,118,119,178,202,212,222,222,212,189,182,194,212,217,217,217,217,215,213,213,215,215,215,215,215,215,212,202,141,133,131,137,143,191,194,191,191,194,199,202,204,204,204,204,204,204,207,215,222,215,204,194,189,189,189,181,176,176,181,181,173,125,125,170,173,170,129,129,173,183,189,186,181,176,176,178,181,183,186,189,194,191,183,173,173,176,173,121,115,114,113,114,119,125,173,181,183,181,178,181,183,183,178,178,178,178,178,183,189,189,186,189,189,186,181,178,181,186,191,191,189,194,207,207,191,173,165,125,125,125,165,165,168,173,176,176,168,125,123,170,181,181,181,189,191,191,189,186,181,181,176,123,95,94,103,113,121,168,170,165,123,122,165,173,178,178,173,176,178,176,173,176,181,181,183,186,191,196,199,199,196,194,191,189,191,194,191,186,183,178,177,178,170,126,127,176,178,170,121,113,111,109,109,113,115,113,112,112,113,113,115,117,123,127,170,176,178,181,176,173,181,202,215,209,196,183,176,178,183,181,177,177,186,196,204,209,209,202,186,131,128,131,178,183,186,181,178,177,178,179,181,186,196,199,196,183,133,132,176,186,191,189,189,194,194,191,189,183,176,131,133,181,189,202,212,215,209,194,181,176,176,176,133,133,176,178,176,133,176,178,178,177,178,181,181,177,177,181,183,183,181,183,191,196,196,196,196,199,194,191,194,196,199,202,199,194,191,191,191,191,194,196,196,199,199,196,191,186,183,183,183,189,194,196,196,199,202,202,202,199,199,196,196,196,194,196,202,207,204,199,191,191,191,181,176,174,178,183,181,179,181,189,191,189,183,135,133,131,131,131,131,133,178,186,194,199,196,195,195,199,207,212,212,209,207,207,207,204,202,199,196,191,186,183,183,183,181,137,135,135,135,135,178,181,183,183,183,181,178,178,181,183,189,189,189,189,183,173,128,129,176,183,178,173,173,178,178,176,178,178,176,170,123,119,123,129,170,170,170,170,176,176,170,169,173,176,176,173,170,170,173,181,186,189,194,202,207,207,194,181,173,131,131,131,131,129,127,127,127,129,131,176,183,191,199,204,209,212,212,207,202,199,196,202,202,202,194,183,178,178,181,189,191,191,183,137,181,186,186,186,186,189,186,181,137,135,135,186,196,202,202,202,199,191,189,191,199,199,191,129,125,125,127,129,131,173,181,191,199,199,199,199,196,189,183,181,183,181,173,129,129,176,183,189,191,189,189,189,189,186,189,196,202,204,204,207,207,202,199,196,189,183,186,189,189,189,191,196,199,202,204,202,199,194,191,189,189,189,191,194,196,194,189,183,181,186,191,194,194,194,191,189,189,191,191,191,189,186,183,182,183,186,191,196,196,191,190,190,190,191,191,191,189,186,189,189,189,183,178,176,176,176,176,183,189,191,189,189,186,183,178,173,172,173,181,186,186,185,186,191,191,189,186,191,194,186,176,173,176,173,173,176,176,173,173,173,173,176,176,176,176,173,173,176,173,173,176,178,178,178,181,181,181,181,178,178,183,189,189,189,189,189,189,191,191,189,186,183,181,181,178,176,176,178,181,181,181,181,181,181,181,181,183,189,191,191,189,186,189,189,186,183,181,178,181,181,183,183,181,178,176,176,176,176,173,170,166,166,170,176,181,183,181,176,176,176,178,178,178,178,178,178,178,181,181,183,183,178,176,170,160,105,93,79,65,58,57,60,66,79,99,144,144,103,91,79,67,53,46,48,59,75,89,101,101,91,83,83,83,81,71,65,85,111,160,168,170,173,178,178,176,170,168,168,176,183,183,181,181,178,173,125,121,120,121,123,127,168,168,127,125,125,170,181,186,186,194,196,191,186,189,194,196,196,191,181,170,127,127,168,173,173,170,127,121,115,114,117,119,115,111,115,168,176,170,157,147,144,139,126,61,3,0,0,0,0,0,0,35,57,0,0,118,124,116,85,25,27,72,31,0,0,0,0,51,160,160,160,168,0,0,0,0,0,0,0,0,0,0,0,0,0,43,139,152,144,126,113,118,137,147,152,147,95,33,37,81,144,155,155,152,155,160,160,153,155,173,186,191,194,196,199,196,194,191,189,183,178,173,173,173,176,178,181,183,186,186,189,194,202,204,204,204,204,207,209,209,209,207,202,199,196,199,204,209,215,212,204,196,194,97,25,2,137,165,165,165,176,189,199,196,150,69,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,0,0,0,0,0,0,0,0,0,142,155,157,160,163,155,160,212,228,121,0,0,0,0,0,0,0,43,79,111,116,103,105,126,137,129,124,108,79,77,85,98,129,137,100,0,7,31,35,0,0,0,0,0,0,0,0,0,0,85,129,142,51,33,47,43,32,36,57,118,157,178,183,163,53,37,73,116,131,147,155,157,155,150,142,144,150,157,160,152,150,160,173,191,202,209,212,199,186,71,0,0,0,49,98,98,65,92,207,204,118,0,0,0,0,0,47,142,73,0,0,79,134,129,61,60,124,142,91,81,160,176,101,95,105,160,178,189,189,186,183,181,176,168,163,160,165,170,168,160,160,157,144,93,91,131,131,129,124,113,113,118,121,116,105,85,87,0,0,0,0,144,152,152,0,0,155,165,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,178,191,196,196,186,0,0,0,0,0,0,0,0,0,0,0,0,176,170,168,173,178,0,0,0,0,0,0,0,0,0,0,0,194,202,204,202,199,194,191,189,191,196,204,0,0,0,0,207,209,212,212,212,212,212,215,212,212,215,217,217,220,222,222,225,228,230,230,233,233,230,230,228,230,233,233,230,228,222,215,209,207,207,212,215,209,199,186,176,173,173,176,178,181,183,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,225,222,215,207,194,186,185,189,196,0,0,0,225,228,228,225,222,225,0,0,0,238,235,230,225,222,222,228,230,230,230,230,233,235,235,233,233,235,238,238,241,241,241,241,238,233,228,215,204,191,178,170,173,181,194,202,204,199,189,176,163,155,150,150,147,147,144,142,137,134,134,134,134,134,131,126,121,118,124,131,144,152,157,157,157,155,155,160,170,181,189,189,189,189,186,186,191,199,202,204,204,209,212,212,212,217,222,217,209,212,217,222,225,225,225,222,217,212,212,217,225,230,228,228,228,230,230,230,230,230,228,228,225,228,230,230,228,222,215,212,212,217,222,222,222,222,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,131,144,155,160,163,160,157,157,147,74,15,35,121,137,137,139,150,150,137,131,137,152,150,142,142,144,150,155,157,155,155,152,150,150,150,152,163,163,150,91,85,99,111,147,147,150,152,155,165,170,163,150,152,160,160,157,152,111,109,111,155,160,157,115,113,117,168,191,196,170,115,111,105,99,99,107,119,168,168,163,119,117,115,115,117,115,109,107,117,160,163,168,181,199,209,212,215,215,202,168,115,113,117,121,163,173,178,178,178,178,173,168,173,178,178,173,170,168,125,123,125,125,123,123,123,168,178,186,186,181,176,173,173,176,173,170,129,170,170,173,176,178,181,183,191,196,194,186,181,178,176,133,181,186,186,183,183,186,189,186,186,186,189,194,196,199,194,186,186,189,191,199,204,196,181,135,135,183,186,189,189,135,131,132,137,189,202,209,209,204,199,196,194,191,189,186,189,199,207,209,207,202,194,186,189,194,133,77,98,119,125,121,123,199,217,217,209,183,169,172,189,191,183,183,186,186,181,181,186,191,186,176,131,131,173,170,127,127,127,125,123,121,115,109,109,111,109,106,109,121,178,194,204,207,196,178,168,173,183,183,127,121,120,120,123,168,173,173,127,125,127,127,123,119,121,127,129,125,123,123,123,127,129,129,128,129,178,183,178,176,183,199,209,207,196,181,170,127,127,127,170,181,189,191,186,176,129,170,178,183,178,173,172,173,178,183,186,183,131,125,127,173,183,196,209,212,212,212,209,207,204,199,196,191,186,181,170,129,129,173,181,189,194,194,183,176,173,176,178,181,186,186,173,129,129,129,129,173,178,186,189,133,121,123,181,202,215,222,217,207,183,181,199,217,222,217,215,215,215,217,222,222,217,215,215,215,215,212,202,141,131,129,131,137,141,143,141,141,141,189,191,191,194,199,202,202,202,204,212,215,212,202,194,189,189,186,178,173,176,181,181,173,127,127,173,176,173,170,170,173,181,183,181,178,178,178,178,181,183,191,194,196,196,191,183,178,178,181,173,127,119,115,117,127,176,183,191,191,186,183,189,191,189,186,183,183,183,186,189,189,189,191,191,191,186,183,183,191,196,196,194,194,199,207,209,196,181,170,165,125,121,121,123,165,170,173,170,165,119,110,107,111,125,176,189,191,191,191,186,181,181,181,170,117,107,111,119,168,178,181,173,163,122,123,165,173,173,173,178,181,176,176,181,183,181,181,189,194,194,196,194,191,186,183,186,191,194,194,189,186,181,178,181,178,173,173,176,173,125,115,111,111,111,111,115,121,121,117,115,113,112,113,117,123,168,170,176,181,186,181,173,176,191,207,209,204,191,178,174,178,178,177,178,189,199,209,215,215,207,191,176,133,178,183,189,191,194,189,183,183,183,186,191,202,207,202,191,178,134,134,178,183,183,178,181,186,186,189,189,186,186,191,196,199,204,207,209,207,194,181,178,178,176,132,132,133,176,176,133,176,178,178,178,178,181,183,181,181,189,191,189,186,191,196,199,196,194,194,194,189,186,189,194,199,199,196,191,187,186,186,187,191,191,194,194,199,199,194,183,136,134,135,139,194,199,202,202,202,202,202,199,196,196,199,196,194,191,191,199,199,196,196,199,196,186,176,174,181,183,181,179,179,186,189,186,181,133,129,129,129,131,133,135,181,189,194,196,196,196,196,202,207,209,209,209,209,209,209,209,209,207,204,199,191,189,186,186,186,181,135,134,135,178,181,181,181,181,181,178,178,178,178,178,183,186,191,189,186,176,130,131,181,183,178,172,173,176,173,176,178,181,176,129,117,109,109,115,119,119,119,123,129,170,169,170,176,178,176,170,169,169,173,178,183,189,194,199,204,202,191,183,181,176,173,173,131,129,127,127,129,131,176,181,186,191,194,199,204,209,212,209,204,199,199,204,207,204,199,191,181,179,181,183,189,189,183,135,181,189,194,194,194,191,189,181,129,123,123,133,194,202,202,202,199,196,196,199,204,204,194,133,126,125,126,127,129,173,181,194,202,202,202,202,199,191,186,186,186,183,178,173,173,178,183,186,186,186,186,186,189,191,194,196,199,199,199,202,204,202,196,196,191,186,189,191,189,189,191,194,196,199,199,199,196,191,189,186,183,183,186,191,196,194,191,189,189,191,199,199,196,196,194,189,189,191,194,191,189,186,183,183,183,183,189,196,196,194,191,191,191,191,194,191,191,191,191,191,186,181,133,132,133,176,178,186,191,191,189,186,183,181,178,173,170,172,178,186,189,186,186,189,186,181,178,186,191,189,178,178,176,173,131,173,176,178,176,176,176,176,178,176,173,131,131,131,129,127,131,173,176,176,178,178,181,181,178,181,186,189,189,189,189,189,189,191,191,191,189,189,186,186,183,183,183,183,186,186,186,183,181,181,183,186,189,194,196,194,189,186,189,189,183,181,178,178,178,181,181,183,181,181,178,178,178,178,176,173,170,170,173,176,178,178,178,178,178,178,181,181,181,181,181,181,181,181,183,186,183,181,176,170,163,109,97,85,67,60,58,61,68,89,107,155,160,155,142,91,71,49,46,47,53,67,93,142,139,93,83,77,71,67,62,59,79,113,163,170,170,176,181,183,181,173,165,165,170,173,176,178,181,181,176,165,121,119,119,120,121,123,125,125,125,127,173,181,183,183,189,194,191,189,191,196,199,199,191,181,129,125,124,127,168,168,125,123,121,115,112,112,115,155,163,173,181,178,168,155,144,139,134,71,9,0,0,0,0,0,0,0,47,98,57,55,111,108,53,0,0,0,0,0,0,0,0,0,131,170,165,160,170,0,0,0,0,0,0,0,0,0,0,0,0,27,126,157,160,150,113,95,116,137,134,111,65,0,11,37,118,144,142,97,87,99,150,163,156,157,178,189,191,191,194,199,199,199,196,191,183,176,173,172,173,178,181,183,186,189,189,186,191,199,204,207,209,212,212,212,212,212,209,207,204,204,204,207,209,212,207,199,189,191,186,160,129,155,163,160,168,189,196,199,199,202,199,170,111,71,23,27,29,19,0,0,0,0,0,0,0,0,0,0,0,0,15,108,137,61,0,0,0,0,0,0,0,74,176,165,160,163,168,165,181,209,212,126,0,0,15,19,0,0,0,45,47,42,46,100,126,137,137,126,113,103,92,87,92,105,137,144,129,0,0,45,111,47,1,0,0,0,0,0,0,0,0,0,111,139,116,34,36,39,36,37,47,59,124,152,155,150,129,69,63,71,116,129,142,152,155,152,152,163,170,176,176,170,173,178,186,196,199,202,199,196,191,134,0,0,0,0,59,100,61,47,150,131,0,0,0,0,0,0,0,105,77,43,29,142,150,142,63,64,81,124,93,89,150,157,85,87,101,157,178,189,191,189,186,181,176,165,157,155,160,168,165,150,109,105,89,59,53,69,83,89,118,111,107,108,111,111,0,105,0,0,0,0,0,137,0,0,0,124,0,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,186,194,194,186,170,0,0,0,0,0,0,0,0,0,0,0,168,168,168,170,178,181,181,0,0,0,0,0,0,0,0,0,194,196,199,199,199,199,0,199,196,196,199,202,204,204,204,204,209,215,217,217,215,215,215,212,212,212,212,215,217,217,222,225,225,228,230,230,230,230,230,228,230,230,233,230,228,225,222,215,212,215,217,222,215,204,191,178,173,173,173,176,181,183,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,217,215,212,204,196,189,186,189,196,0,0,0,220,220,217,217,222,228,0,0,235,235,233,228,222,217,222,225,228,228,228,230,233,233,233,233,233,233,235,238,238,238,238,238,235,233,225,217,207,196,186,176,173,178,186,194,199,199,196,189,176,165,157,152,150,147,144,142,137,131,129,129,131,131,129,126,121,89,91,126,139,150,155,155,152,150,150,155,165,176,183,186,186,186,186,183,189,196,202,202,204,209,209,209,209,215,217,215,207,209,215,222,225,225,225,222,217,212,212,215,222,228,228,225,228,228,228,228,228,225,225,222,225,228,228,230,228,222,215,211,212,215,217,222,222,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,137,150,157,165,163,155,150,142,98,0,0,33,155,152,142,139,142,150,142,130,130,134,142,144,142,147,157,165,165,160,155,155,147,147,150,155,163,163,150,93,83,99,111,147,147,150,152,155,165,173,163,148,150,157,157,155,152,113,111,113,152,155,115,113,115,157,176,207,212,181,113,105,97,93,93,101,113,157,157,117,117,115,117,119,157,157,113,107,113,119,121,160,168,183,199,204,204,199,183,119,113,117,123,163,163,168,170,165,165,168,170,170,170,178,186,186,181,173,125,121,123,123,125,125,127,170,178,183,186,181,176,173,176,176,176,173,170,170,170,173,176,181,183,186,196,202,202,199,196,191,178,176,181,186,183,182,183,186,186,185,186,189,191,194,202,202,194,181,131,128,128,183,202,202,189,181,178,186,189,191,189,135,130,132,137,189,199,207,209,204,199,196,196,196,196,194,199,207,215,215,212,204,194,183,183,186,125,70,106,123,129,125,127,186,199,196,194,178,172,176,186,186,183,186,186,183,179,179,183,189,183,173,129,131,176,173,129,127,127,125,119,115,111,109,111,115,113,107,106,113,125,181,194,194,178,123,121,168,178,176,123,120,121,121,122,127,173,173,170,168,170,173,173,125,119,125,168,129,123,122,123,129,173,170,170,176,181,178,173,172,178,196,207,204,194,181,170,127,129,170,178,183,186,189,186,178,173,173,178,183,181,174,172,176,183,189,191,186,176,127,129,173,183,199,209,215,212,207,207,207,207,204,199,194,189,183,176,173,170,176,178,183,181,178,176,173,170,170,170,170,178,181,173,170,170,170,173,173,173,178,183,178,131,176,186,199,209,215,209,199,182,181,202,222,222,217,215,215,222,225,228,228,222,217,217,217,217,215,204,145,133,130,130,135,139,139,139,137,137,135,133,133,137,186,194,196,196,202,209,212,209,202,194,189,189,186,181,176,173,178,178,173,127,125,129,129,127,129,170,170,170,170,170,173,178,181,178,178,183,189,191,194,196,196,191,183,186,194,189,176,125,119,125,178,189,194,194,191,186,183,189,191,189,186,183,186,191,191,189,186,186,189,189,186,183,183,189,196,196,194,191,196,202,204,204,194,181,170,127,123,120,119,121,165,173,176,170,165,119,107,101,105,119,173,181,189,191,189,183,181,181,183,181,173,123,119,163,176,189,189,176,165,123,163,165,168,170,170,176,176,173,173,183,189,183,178,183,189,191,191,186,182,181,181,182,186,189,189,189,191,189,186,183,183,183,181,176,127,119,113,111,115,115,115,121,168,168,121,119,119,119,119,123,168,173,173,173,183,191,189,178,170,178,194,204,207,199,186,178,178,181,181,181,186,199,209,215,215,207,191,181,176,181,186,194,199,204,204,196,194,194,194,196,202,204,202,196,189,181,135,135,178,178,176,178,183,186,189,191,191,196,202,207,204,204,202,202,196,186,178,178,181,178,132,131,132,133,133,133,176,181,181,178,178,181,183,183,186,191,194,191,191,196,202,199,194,191,191,191,186,185,186,191,196,199,196,191,187,186,186,187,189,191,191,194,199,202,199,191,139,134,133,137,194,202,202,199,199,199,199,199,196,196,196,199,194,187,187,189,194,194,194,199,199,186,177,177,181,186,181,179,179,181,183,186,181,133,128,128,129,133,135,181,183,189,194,196,196,199,202,204,207,207,207,209,209,212,212,215,215,215,212,204,199,194,191,194,194,189,181,135,135,178,181,181,178,181,178,176,176,176,176,176,178,186,189,186,183,178,176,181,189,189,178,173,173,173,173,173,176,178,173,125,113,105,103,104,106,106,108,115,125,170,173,176,178,178,173,170,169,169,170,176,181,183,186,191,191,189,183,183,183,181,176,173,131,129,127,129,131,176,181,183,186,186,189,194,199,204,209,207,204,202,202,204,204,207,204,199,191,183,183,186,189,191,186,131,133,186,194,196,196,196,194,183,129,120,119,125,186,196,196,194,196,196,199,204,212,209,202,183,131,127,127,127,129,173,183,196,204,204,204,204,202,196,191,191,191,186,181,178,178,183,186,186,185,185,185,186,191,194,196,196,196,194,191,196,199,199,196,194,191,186,189,189,189,189,191,194,194,194,196,196,194,191,189,183,182,182,186,194,199,196,194,189,189,194,199,199,199,199,196,191,191,191,191,194,191,189,189,186,186,186,189,194,199,196,194,194,194,194,194,191,191,189,189,186,183,178,133,131,132,176,181,189,191,191,189,183,183,183,178,176,172,172,178,186,191,189,183,176,129,121,121,173,186,186,178,178,173,125,121,127,173,181,181,178,178,181,178,176,173,129,127,127,125,125,129,131,176,178,178,178,181,178,178,181,183,189,189,189,186,186,186,189,191,191,191,191,189,189,189,189,189,189,186,189,189,186,183,183,186,189,191,194,196,194,189,189,189,189,186,183,181,178,178,181,181,181,181,181,178,178,181,181,181,178,176,173,176,176,176,176,176,178,181,181,181,181,181,181,181,181,181,181,186,189,186,181,176,173,168,163,157,115,99,83,79,83,95,109,155,165,173,168,155,97,73,51,47,47,49,59,97,150,147,91,81,73,67,65,62,62,99,155,168,173,173,176,181,186,183,173,168,165,165,168,168,170,178,183,181,173,165,121,120,120,120,121,123,125,127,168,173,178,181,181,183,189,191,191,194,196,199,199,191,181,129,125,125,125,168,168,123,121,121,119,114,114,119,165,181,191,191,181,168,155,142,137,129,49,0,9,23,0,0,0,0,0,7,67,126,116,105,57,0,0,0,0,0,0,0,0,0,39,126,157,163,165,170,0,0,0,0,0,0,0,0,0,0,0,66,131,150,160,160,144,41,0,35,95,51,0,0,0,7,87,147,144,93,77,74,89,147,165,163,168,189,199,199,194,196,199,202,202,199,194,183,176,173,176,181,183,186,186,186,189,189,186,189,194,204,209,215,217,217,215,215,212,212,209,209,209,207,207,207,209,202,191,178,178,191,189,152,147,150,147,163,186,194,189,191,202,202,191,186,178,170,160,173,189,157,11,0,0,0,0,0,0,0,0,0,25,53,111,126,95,17,0,0,0,0,0,19,111,170,173,173,170,173,168,170,173,150,87,0,0,21,25,0,0,72,100,85,37,39,100,134,137,126,118,113,105,100,92,90,98,134,155,157,51,11,92,178,170,163,155,90,55,0,0,0,0,0,0,15,108,134,45,31,34,39,47,47,51,100,124,137,142,139,113,63,67,81,116,129,144,152,155,168,181,186,189,186,183,186,189,191,194,194,191,189,186,181,150,0,0,0,0,43,124,65,9,23,0,0,0,0,0,13,0,0,25,69,73,108,163,155,144,69,69,75,93,129,89,75,73,77,83,99,152,173,183,189,189,186,181,173,160,152,115,155,160,157,99,91,85,67,46,45,53,75,121,126,121,116,111,107,108,121,0,0,0,95,100,0,0,108,103,105,116,0,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,173,183,189,191,186,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,194,194,196,199,202,0,0,0,0,199,196,196,194,0,196,199,207,212,217,217,217,215,215,212,211,211,212,212,215,217,222,225,225,225,228,228,228,228,228,228,230,230,233,230,230,228,225,222,217,217,222,222,217,207,194,181,173,173,173,176,178,183,189,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,212,212,209,207,202,196,189,186,189,196,202,0,0,209,209,209,212,217,228,0,0,233,233,230,228,222,217,217,222,225,225,228,228,230,233,233,231,231,233,233,235,238,238,238,235,235,230,225,217,209,199,191,181,176,178,183,189,194,196,196,194,183,176,165,157,152,147,144,139,134,131,126,126,126,129,129,126,121,89,88,121,134,147,152,155,152,148,148,150,160,170,176,181,183,186,183,181,186,191,196,196,199,204,207,207,209,212,215,212,207,207,212,217,222,222,222,222,217,212,212,215,222,225,225,225,225,225,225,225,222,222,222,222,225,228,228,230,228,222,212,211,211,215,217,222,222,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,139,150,160,165,157,142,98,13,0,0,31,152,168,165,150,137,142,150,147,134,129,133,144,147,144,147,157,168,170,165,160,152,144,142,150,157,163,163,147,85,81,97,107,147,147,111,109,152,163,170,160,150,152,155,155,155,157,155,152,157,160,155,115,115,115,117,163,191,196,173,109,101,101,99,93,93,105,115,119,117,115,115,117,117,163,170,163,109,103,107,115,119,160,168,181,189,183,178,163,112,112,121,168,165,163,163,163,123,121,121,125,170,173,183,191,191,186,178,168,123,121,123,125,168,170,173,173,176,181,178,176,176,176,173,176,176,173,170,170,173,181,186,186,189,199,207,209,209,209,199,181,178,181,183,183,183,186,186,186,186,186,189,189,194,199,202,191,135,128,125,125,135,202,207,194,135,135,181,189,191,186,133,130,133,183,189,194,199,204,202,196,196,196,196,196,199,204,212,217,212,209,202,194,186,183,133,117,112,117,127,131,127,131,178,178,133,183,178,178,181,183,183,183,186,186,181,179,179,183,186,181,131,128,129,131,170,129,127,129,127,121,115,111,113,119,121,117,111,107,109,117,165,176,176,125,115,115,125,170,168,125,123,123,123,122,127,173,176,176,170,168,170,176,176,168,127,176,181,170,125,125,170,178,178,178,178,178,173,170,172,181,191,199,199,191,178,170,129,170,178,183,183,181,181,181,178,173,129,129,178,183,178,176,181,183,186,186,176,131,173,176,176,183,199,209,212,209,205,207,209,209,207,199,191,186,183,181,176,173,170,170,173,170,170,170,173,170,125,123,127,170,173,170,168,129,173,176,176,173,173,181,194,199,194,191,194,202,204,196,189,185,186,202,215,222,217,217,220,225,228,230,228,222,217,217,220,222,217,212,199,141,135,133,135,137,139,141,139,135,129,126,125,127,129,133,137,183,191,202,207,207,202,191,183,186,189,181,176,172,173,173,131,125,123,123,121,119,119,125,127,125,125,125,170,178,181,178,177,181,189,191,194,196,196,191,186,191,199,191,176,127,127,173,186,194,196,194,186,181,181,183,186,183,181,181,186,194,194,191,189,186,186,186,186,186,186,191,194,194,189,189,194,202,202,196,183,173,127,123,121,121,121,123,170,181,181,173,125,165,125,111,117,170,176,181,189,191,189,183,183,186,189,191,191,178,165,170,183,194,191,178,165,163,168,170,168,163,123,165,168,168,173,183,186,178,165,168,181,186,189,183,182,181,181,183,189,189,189,189,194,194,191,191,189,186,181,173,123,117,113,115,117,119,119,165,178,170,119,119,123,165,168,170,178,181,170,170,181,194,196,181,125,121,170,189,202,204,196,189,191,194,189,183,186,194,204,209,209,202,189,178,176,176,181,191,202,209,207,202,202,202,199,194,194,194,196,191,186,135,133,135,181,181,186,189,189,186,191,191,194,196,202,207,202,196,194,194,191,183,177,178,181,178,176,133,133,133,133,176,178,183,186,186,186,186,183,182,183,189,191,191,191,196,202,199,194,191,191,191,189,186,189,191,194,196,196,194,191,189,189,191,194,194,196,199,202,204,204,196,189,139,136,137,189,196,194,191,191,196,199,199,196,195,196,202,199,191,187,187,189,191,191,194,191,186,178,178,183,186,183,181,179,181,183,186,186,178,129,128,129,133,178,183,186,189,191,194,196,199,199,202,202,204,204,207,207,209,212,215,217,217,215,209,204,199,199,202,202,194,183,178,135,178,181,181,178,178,176,133,133,133,133,133,178,183,189,189,183,178,178,186,189,186,178,173,173,176,173,172,173,173,170,125,117,108,106,105,105,105,107,115,125,176,178,178,178,176,176,173,170,170,170,176,176,176,178,183,183,181,178,178,178,178,178,176,131,127,127,129,131,176,181,183,183,183,189,194,199,204,204,202,199,199,202,202,199,204,204,202,194,186,183,183,189,194,189,111,109,123,183,194,199,199,196,191,135,122,120,124,181,191,191,186,186,194,202,209,215,212,204,189,133,129,127,129,129,176,186,196,202,204,204,207,204,199,196,199,196,191,183,181,181,189,194,191,186,185,186,189,191,194,196,196,191,190,191,194,199,196,194,191,189,186,183,186,186,189,194,196,194,194,194,196,194,191,186,183,183,186,186,191,196,196,191,189,189,191,194,196,199,199,199,196,196,194,191,194,196,196,196,194,191,189,189,194,199,199,196,194,196,196,191,189,189,189,181,178,178,178,133,130,129,133,186,191,191,189,183,183,183,186,183,178,176,176,181,189,191,191,183,125,109,104,113,131,183,181,176,131,125,119,116,120,176,186,183,181,181,183,181,178,173,125,119,119,121,123,127,131,176,178,181,183,181,178,176,178,181,183,186,186,186,183,186,186,189,191,191,191,191,189,189,189,189,189,186,186,186,183,183,183,186,189,191,191,194,191,191,191,191,189,189,183,183,181,181,181,181,181,181,178,178,178,181,183,183,181,178,178,176,176,176,176,178,181,183,181,181,181,181,181,183,181,183,186,189,191,189,186,181,176,176,173,173,168,119,107,101,101,105,150,165,173,173,168,157,89,59,49,49,48,48,59,101,150,144,93,81,71,66,66,67,77,105,160,170,173,173,176,178,181,181,176,168,163,165,165,165,165,170,178,181,178,173,168,123,121,120,121,123,125,127,168,173,178,181,181,181,186,191,194,194,194,194,196,189,178,129,127,125,127,168,168,125,123,125,163,163,163,165,181,191,199,199,191,181,165,147,99,81,63,57,77,113,37,0,0,0,0,0,53,134,113,98,0,0,0,0,0,0,25,37,9,29,111,134,152,163,170,168,0,0,0,0,0,0,0,0,0,15,87,137,152,152,150,137,92,0,0,0,0,0,0,0,11,61,147,152,93,73,75,85,107,160,173,178,189,199,204,202,199,199,202,202,202,202,196,191,186,186,189,189,189,189,186,186,191,191,189,186,194,204,212,217,222,220,217,215,215,215,215,215,212,204,204,204,204,202,191,150,93,176,191,87,73,137,152,173,183,181,177,179,194,199,199,196,191,191,191,199,220,220,144,13,0,0,0,0,0,13,116,90,35,51,90,98,87,82,59,15,0,0,7,98,131,170,173,173,170,165,165,155,131,39,0,0,0,0,0,0,0,33,124,124,77,36,100,131,134,116,124,139,118,98,87,90,111,152,168,160,118,111,150,189,191,183,176,176,155,121,23,0,0,0,0,0,27,61,65,36,33,92,69,47,55,103,108,105,131,147,129,62,61,69,63,116,129,139,155,173,186,189,189,189,191,189,189,189,191,189,189,183,177,178,176,79,0,0,0,0,51,0,0,0,0,0,0,0,15,9,0,0,33,61,79,121,144,144,75,67,68,75,124,137,97,78,75,79,87,99,150,168,181,186,189,186,178,165,152,114,115,115,109,95,84,85,79,57,46,48,67,93,147,139,134,0,137,113,113,139,152,0,98,77,100,0,0,103,0,0,0,0,0,0,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,173,178,183,183,181,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,209,207,202,196,194,196,199,204,209,0,0,0,0,0,0,191,189,0,189,0,199,0,0,0,0,0,212,212,211,211,211,211,212,217,222,222,222,222,225,225,225,225,225,225,228,230,230,230,230,228,225,222,217,217,220,222,217,209,196,183,176,173,176,176,178,183,186,189,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,212,209,207,204,199,191,186,186,186,191,196,199,202,204,204,202,204,212,225,0,0,228,228,228,225,222,217,217,217,217,222,225,228,230,233,233,233,233,233,233,235,238,238,235,233,233,230,225,215,209,202,191,183,178,178,181,186,191,194,194,194,186,181,173,163,152,147,142,137,131,126,124,124,129,0,131,129,121,89,88,91,0,0,150,152,150,150,150,152,157,168,173,178,181,183,181,178,181,189,191,191,194,199,202,204,209,212,212,212,207,207,209,215,220,222,217,217,215,212,212,215,222,225,225,225,222,222,217,217,222,222,220,220,222,225,228,228,228,222,212,211,211,215,222,225,225,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,144,152,155,152,124,0,0,0,0,137,165,170,168,152,134,142,147,144,137,134,142,147,144,144,150,163,170,170,168,163,152,139,139,147,155,163,168,150,74,73,95,107,109,109,107,105,111,152,152,111,150,157,160,157,155,157,157,157,165,165,157,115,155,157,117,155,168,173,160,107,101,109,113,105,89,87,103,115,117,115,117,117,117,165,176,173,115,95,97,107,113,117,121,165,168,165,123,117,111,111,121,168,168,165,123,123,121,117,116,121,168,178,189,196,196,191,181,168,121,120,121,125,168,168,168,170,173,176,173,170,173,173,176,178,181,176,170,169,173,186,194,196,199,204,209,212,212,212,199,183,178,181,181,181,183,183,183,183,186,186,183,183,186,191,194,186,135,131,129,129,178,194,199,186,133,132,137,186,191,189,135,131,133,183,189,189,186,191,194,194,196,196,189,183,183,191,207,212,204,194,194,191,189,186,135,121,116,123,131,131,131,133,133,132,131,178,181,186,189,183,183,189,191,189,181,178,179,183,189,183,173,129,129,129,127,127,129,173,176,168,119,113,115,121,123,121,115,109,109,113,121,170,170,121,114,114,119,125,165,165,168,170,165,125,168,176,178,178,170,127,168,178,181,173,173,189,194,186,173,129,170,176,178,178,178,176,173,172,178,189,194,196,194,186,176,129,127,129,178,183,181,176,173,170,127,121,113,113,129,181,178,176,178,181,178,176,130,130,176,183,181,183,196,207,212,209,207,209,212,212,207,196,186,181,178,178,176,129,127,127,129,168,168,168,173,173,127,123,125,168,173,168,125,124,129,178,178,176,176,189,202,207,199,191,189,191,191,186,186,191,194,202,212,217,222,220,222,225,228,228,225,222,217,220,222,225,225,217,209,196,189,141,139,141,143,189,186,137,129,125,124,124,124,124,126,129,135,189,194,196,196,189,181,178,181,178,173,173,176,178,176,131,127,125,119,117,117,118,121,121,121,125,170,176,181,178,178,183,189,191,194,194,194,186,183,186,191,181,173,131,131,176,183,189,191,186,181,178,178,178,178,178,178,181,189,194,196,196,194,189,189,189,191,191,191,191,191,186,182,182,189,199,199,186,170,125,125,123,125,168,168,168,176,186,183,173,165,170,176,173,178,186,183,183,189,191,191,189,191,196,199,202,204,191,170,168,178,189,186,170,121,123,170,173,163,113,111,113,119,123,163,170,176,165,120,122,168,181,189,191,191,189,183,189,194,194,191,191,191,191,191,191,186,181,173,165,121,117,117,119,123,123,123,165,170,123,101,103,119,173,176,173,173,173,127,123,173,194,202,191,123,109,107,119,183,196,196,194,199,202,196,183,182,189,199,204,202,194,186,181,178,176,178,186,199,207,207,204,204,202,194,183,178,181,183,183,178,134,134,178,186,189,194,196,194,191,191,194,191,191,191,194,189,186,186,186,186,181,178,178,181,181,178,178,176,176,178,181,183,186,191,196,196,194,189,186,186,189,189,189,191,196,199,199,194,191,194,194,194,194,194,194,191,191,196,199,196,196,196,199,199,202,202,202,204,207,204,199,196,189,139,139,186,189,191,190,190,194,202,204,202,196,196,199,199,194,189,189,189,186,183,183,186,183,183,181,183,183,183,183,183,183,189,191,191,186,178,133,133,178,183,183,186,186,189,194,194,196,196,196,196,199,199,202,204,207,209,212,215,212,212,209,207,204,202,204,202,194,181,135,133,135,178,178,135,176,133,133,133,133,133,176,181,186,191,189,183,178,181,186,186,183,176,170,173,176,176,173,173,173,170,129,125,121,121,121,117,115,115,121,170,181,183,181,178,178,178,176,173,170,170,173,173,173,173,181,181,178,173,173,176,176,176,176,131,127,127,127,129,133,178,181,183,183,189,196,199,202,202,199,199,199,202,199,194,194,196,194,189,183,181,181,186,191,186,105,103,107,125,183,196,199,199,194,183,129,125,131,183,191,186,179,181,189,199,207,212,209,202,186,133,129,127,127,131,178,189,194,196,199,202,204,204,202,199,199,196,191,189,186,186,191,194,194,191,189,189,189,191,194,196,196,191,190,191,196,199,196,194,194,191,186,182,182,186,191,194,196,196,194,194,196,194,191,186,186,189,189,189,191,191,191,189,186,186,189,191,194,196,199,199,199,199,194,191,194,196,199,196,194,194,191,189,191,196,196,196,194,196,196,191,189,189,186,135,133,134,181,176,130,129,133,189,191,189,183,181,181,183,186,186,181,178,178,183,189,194,191,183,127,112,108,116,176,183,181,173,127,123,120,119,127,183,191,183,178,181,186,186,181,131,119,115,116,119,123,127,129,173,178,183,186,183,178,173,173,176,181,181,181,181,181,183,186,189,189,191,191,189,186,186,189,189,186,183,181,181,181,181,183,186,189,191,189,191,194,194,194,194,191,189,186,186,183,183,183,181,181,178,176,176,178,181,183,183,183,181,181,178,176,178,181,183,183,183,183,181,181,181,183,183,183,183,186,191,191,191,189,186,181,178,181,178,176,168,160,113,101,95,111,163,165,165,168,160,77,46,46,49,48,48,61,107,155,150,101,87,73,67,67,71,87,113,163,168,170,173,173,176,178,176,170,165,163,163,165,163,163,163,170,176,178,176,173,168,125,123,123,125,165,127,170,176,181,183,181,183,186,191,194,194,191,189,191,186,178,129,127,125,125,127,168,127,165,168,176,178,176,176,186,196,202,202,196,191,181,152,95,85,81,83,121,126,67,0,0,0,0,0,7,100,95,65,0,0,0,0,0,92,126,113,79,87,121,137,152,163,170,163,0,0,0,0,0,0,0,0,11,105,137,147,152,155,147,90,0,0,0,0,0,0,0,0,77,137,147,126,59,61,81,99,157,173,181,189,196,204,207,204,204,204,204,202,202,199,196,194,191,194,194,196,194,191,191,189,191,194,191,191,196,207,215,220,222,220,215,215,215,215,215,212,212,209,204,202,202,204,189,67,35,77,81,5,5,129,170,186,186,179,177,179,189,191,194,194,196,196,194,191,202,204,183,142,126,39,0,0,0,45,155,152,35,37,77,87,92,108,103,74,0,0,29,87,124,173,168,163,160,160,160,142,39,0,0,0,5,0,0,0,0,0,79,98,43,29,116,134,124,105,126,157,129,77,74,124,152,163,163,147,124,139,173,191,196,191,183,181,181,181,47,0,0,0,33,19,27,57,67,65,100,150,147,51,55,69,67,69,129,155,137,63,60,62,54,69,81,83,129,170,181,183,183,189,191,191,189,189,191,191,191,183,177,181,173,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,65,113,129,131,83,53,52,66,71,83,134,152,152,134,91,91,91,101,150,163,173,181,183,181,173,160,115,114,152,152,107,95,87,93,93,73,57,63,89,0,157,152,0,150,150,134,134,155,150,131,108,100,113,0,0,0,0,144,0,0,0,0,0,155,165,170,165,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,163,170,173,176,176,173,168,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,204,207,207,202,196,196,199,207,212,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,212,212,212,211,212,215,220,222,222,222,222,222,222,222,222,225,228,228,230,230,228,228,225,222,217,216,217,217,217,209,202,189,181,178,181,181,181,181,183,186,186,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,212,212,209,204,196,191,186,181,181,186,189,191,196,199,199,196,199,207,217,225,225,225,225,222,217,217,217,217,215,215,217,225,228,230,233,233,233,230,230,233,233,235,235,233,230,230,228,222,215,207,199,194,186,178,178,181,183,186,189,189,189,186,186,181,168,157,150,142,134,126,124,122,124,0,0,0,134,126,118,88,89,0,0,0,147,150,150,150,155,160,165,173,176,178,181,178,178,178,183,189,189,191,194,196,202,204,209,209,209,207,204,207,212,215,217,217,215,215,212,209,212,217,225,225,225,222,217,215,217,217,222,222,220,222,225,225,228,225,222,212,211,211,215,222,225,222,215,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,144,121,85,1,0,0,0,1,152,160,165,160,134,109,129,139,142,142,144,150,150,142,142,152,168,178,181,176,168,155,137,137,147,152,165,173,152,61,66,93,105,107,105,105,107,144,144,87,87,109,157,160,157,155,152,152,155,163,168,157,152,157,168,160,117,115,117,115,107,105,113,163,168,99,78,83,105,109,111,115,155,157,168,176,173,117,92,93,101,111,115,117,119,121,119,119,117,112,112,119,165,168,165,163,121,117,116,115,117,165,178,189,196,199,196,186,173,121,119,120,123,125,127,127,168,170,170,170,168,168,173,181,186,183,178,173,169,170,186,196,204,209,207,209,209,215,212,196,183,181,181,183,183,181,181,181,181,181,181,178,135,135,181,186,183,181,178,178,135,181,183,183,178,133,133,181,186,191,191,181,132,133,183,189,186,178,179,186,194,199,199,183,132,131,135,196,204,199,189,190,191,189,186,181,127,119,127,133,133,135,135,132,132,135,183,186,189,191,186,186,191,196,191,183,179,179,186,191,186,176,131,131,129,127,126,129,176,183,176,123,117,117,123,125,123,119,113,109,113,121,170,170,125,115,113,115,121,125,168,173,176,173,168,168,173,173,173,168,125,170,181,181,170,168,186,196,191,181,170,129,173,176,178,183,181,176,178,186,194,194,191,186,178,170,127,125,126,176,183,178,173,170,127,119,110,106,108,121,176,176,176,176,173,173,131,130,130,178,183,178,181,196,207,212,212,209,212,215,215,207,194,183,176,173,170,129,125,123,125,129,170,170,168,173,173,168,123,123,170,176,170,124,122,129,181,181,178,181,194,204,204,196,189,186,186,182,181,186,196,202,204,209,215,217,220,222,225,228,228,225,222,220,222,222,225,225,222,215,207,199,194,194,194,196,199,196,186,137,129,127,126,124,124,124,126,129,137,183,189,191,186,181,178,176,176,173,178,186,191,191,186,178,173,127,119,117,118,119,121,123,127,129,173,176,178,178,183,189,191,191,191,186,178,176,178,178,173,176,178,176,131,131,178,181,181,178,176,176,133,133,176,181,183,186,191,196,196,194,191,189,189,191,191,191,191,189,183,181,181,183,194,196,181,121,118,123,125,168,178,181,176,178,186,183,173,168,168,173,178,183,186,186,186,189,189,186,189,194,199,202,204,207,194,170,163,168,176,173,113,105,113,123,121,93,79,89,101,111,115,111,109,119,123,122,121,168,181,191,199,204,204,202,199,199,196,194,189,181,178,181,181,176,168,125,121,119,119,119,121,123,123,123,125,125,113,91,81,89,123,168,125,121,123,121,118,123,186,202,194,125,107,103,103,117,176,183,191,196,202,199,186,183,189,196,199,199,194,186,183,183,181,181,186,196,202,202,202,199,194,186,177,174,173,176,178,181,181,183,189,194,194,196,196,194,191,194,191,189,183,181,176,133,133,178,181,183,183,183,183,181,181,181,181,181,181,183,186,186,189,194,202,204,202,196,194,194,194,191,191,191,194,196,196,194,191,194,199,199,199,199,196,191,191,196,202,202,202,202,204,204,204,204,202,202,204,204,199,196,194,186,141,186,189,191,191,194,199,207,212,207,202,199,196,194,191,186,186,183,181,178,135,181,183,183,181,181,181,183,186,189,191,194,194,196,194,191,183,183,183,183,183,183,186,186,191,194,194,194,194,196,196,196,199,202,204,209,212,212,209,207,207,207,207,202,199,194,186,135,129,129,131,135,135,133,131,131,131,131,133,176,178,183,189,189,183,176,176,178,183,183,178,131,128,129,173,176,176,176,176,173,129,129,170,173,176,173,127,125,127,176,183,186,183,181,178,178,178,176,170,170,173,173,172,173,181,183,178,173,173,173,173,173,173,129,127,127,127,129,133,181,183,186,189,191,196,199,199,199,199,202,202,202,196,191,186,183,183,181,137,137,137,181,183,183,121,108,109,125,183,194,196,196,194,189,181,137,186,194,196,189,179,179,186,196,202,202,199,191,181,133,129,127,125,127,176,189,194,194,194,194,199,202,202,199,194,191,189,189,189,189,189,189,191,194,191,189,186,191,194,196,196,194,191,194,196,199,196,194,194,191,186,182,182,183,189,194,196,196,194,196,196,196,194,191,189,189,191,194,191,186,183,183,186,185,186,189,194,196,196,196,196,199,194,191,191,194,194,191,191,194,194,194,191,194,196,196,196,196,191,186,186,189,183,134,132,135,183,183,132,130,133,189,189,186,181,178,178,183,189,189,181,173,172,178,189,191,189,183,178,125,119,129,183,186,181,173,129,127,129,170,183,194,194,183,177,178,183,186,183,173,121,116,117,121,127,131,131,131,176,183,186,183,176,129,129,131,173,176,176,176,176,181,183,186,189,189,189,186,183,186,186,189,186,183,178,178,178,181,183,186,191,191,189,189,194,196,199,196,191,189,189,189,186,186,183,183,181,178,176,176,176,178,181,183,181,181,181,181,181,181,183,186,186,186,186,183,183,183,186,186,186,186,189,191,194,194,191,189,186,183,183,178,176,178,178,165,103,85,95,107,109,152,165,160,75,46,46,49,48,51,69,147,163,157,105,89,73,66,66,71,87,150,160,163,165,170,173,176,170,168,163,160,160,163,163,160,121,160,165,170,173,176,176,173,168,165,165,168,168,170,173,178,183,186,183,183,189,191,196,194,189,189,189,183,176,129,127,125,123,123,127,168,168,173,181,189,183,176,183,196,204,202,194,191,183,160,131,93,89,91,126,129,75,5,0,0,0,0,0,51,67,95,59,17,0,0,0,118,137,118,103,103,124,139,157,168,173,163,0,0,0,0,0,0,0,0,33,134,150,150,152,157,150,11,0,0,0,15,23,0,5,113,147,152,139,61,51,59,93,109,157,168,181,194,202,204,207,209,209,207,207,204,199,196,191,191,194,194,196,199,202,199,196,194,194,196,196,199,202,209,215,217,217,215,215,212,212,212,209,207,207,209,207,202,204,209,181,29,7,33,33,0,5,147,189,191,189,183,181,186,186,186,183,186,191,191,191,194,194,196,194,191,194,176,152,27,0,72,157,163,23,33,72,79,92,116,103,41,3,0,43,64,69,137,150,150,152,155,79,43,0,0,0,11,47,19,0,0,0,23,79,87,30,18,116,134,113,98,113,139,98,0,7,147,178,163,142,92,87,163,183,186,186,186,181,181,186,189,47,0,0,92,170,103,43,65,90,108,152,173,173,37,31,53,63,73,139,155,139,77,71,116,71,69,69,55,51,160,170,178,181,183,191,191,191,191,191,189,189,183,177,178,168,113,0,0,0,0,0,0,0,0,0,9,5,0,0,0,0,63,134,150,157,147,73,44,47,77,91,131,147,160,160,144,134,97,95,105,155,163,168,170,176,176,170,160,155,157,163,165,155,111,111,157,160,144,91,91,134,0,155,152,147,0,144,139,144,155,142,126,126,0,0,0,0,0,150,157,152,0,0,0,157,173,183,183,168,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,150,150,152,157,163,165,165,165,165,163,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,181,186,194,199,202,199,196,199,204,212,217,222,0,0,209,204,0,0,0,0,0,0,0,0,0,0,0,0,215,215,215,215,215,212,212,212,215,217,217,217,222,222,222,222,225,225,225,228,230,230,230,230,228,225,225,222,217,217,222,222,215,207,199,191,191,191,189,183,181,181,183,181,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,217,217,212,207,199,194,186,178,176,176,181,183,189,194,194,194,194,202,209,217,222,222,222,217,216,217,217,215,209,209,215,222,225,230,230,233,230,230,228,230,233,233,233,233,230,228,225,222,215,207,199,194,186,178,177,178,181,181,183,183,183,186,186,186,176,165,155,144,134,126,124,124,126,0,0,142,142,131,124,89,89,124,0,0,142,144,150,152,157,163,168,173,173,176,178,178,178,178,183,186,186,189,191,194,196,202,204,207,207,204,204,204,209,215,217,217,217,215,212,209,212,217,225,225,225,217,215,215,217,217,222,222,222,222,222,222,225,222,217,212,211,211,215,217,222,217,209,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,129,147,155,147,109,94,116,137,147,152,157,155,142,134,139,160,183,194,196,191,181,163,137,137,147,157,168,170,144,61,69,83,97,101,103,107,144,150,150,69,69,101,147,150,152,150,109,107,111,155,168,163,155,160,173,168,117,109,109,111,109,107,115,168,189,178,79,80,89,95,101,111,155,163,170,173,163,107,91,91,99,109,115,117,119,119,119,160,163,121,117,119,123,163,163,123,121,117,116,115,117,125,173,181,191,196,196,191,176,123,119,120,121,123,125,127,168,168,168,127,125,125,170,183,186,181,178,176,170,173,186,196,204,209,207,207,209,215,209,194,186,186,189,189,189,189,183,181,178,135,135,135,134,134,178,183,186,183,181,181,181,183,181,135,133,133,137,183,186,189,194,189,137,137,186,194,191,183,181,183,194,207,207,139,130,130,134,196,207,202,191,196,196,191,189,183,131,123,131,133,135,181,178,132,135,189,194,191,189,189,186,189,196,196,191,186,183,183,186,191,189,181,176,173,173,129,127,129,176,183,181,127,119,121,125,165,125,121,115,111,115,123,170,173,125,117,115,115,119,165,176,183,183,181,176,170,165,165,165,123,121,170,186,183,125,120,168,183,183,176,125,125,127,173,181,189,186,178,178,186,194,194,189,181,176,129,127,126,127,178,181,173,170,176,176,121,110,107,110,125,176,176,173,173,173,131,131,131,173,178,178,131,176,196,209,215,215,212,215,217,217,207,194,181,173,129,125,121,121,123,125,129,168,168,170,173,170,127,123,123,170,178,176,124,123,170,183,183,178,183,194,199,199,194,189,189,186,182,182,189,199,202,202,207,212,215,217,222,222,225,225,222,222,220,220,222,222,222,222,215,209,204,202,202,202,204,207,204,199,191,186,139,137,133,129,129,131,133,137,181,183,186,189,186,183,181,178,178,183,194,204,207,207,202,196,183,129,121,119,121,123,125,127,127,170,176,178,181,183,186,186,186,183,181,173,131,173,173,173,181,186,176,124,122,128,178,181,176,133,131,131,133,178,183,183,181,183,191,194,194,191,189,186,186,186,186,189,186,183,182,183,186,194,196,181,119,118,123,127,173,186,189,178,178,181,176,170,165,123,121,168,178,183,183,183,183,181,178,181,186,196,202,202,196,183,163,117,115,111,91,67,85,107,113,93,71,70,77,101,107,99,44,39,81,123,170,170,176,181,183,191,204,212,212,202,191,186,183,176,168,165,165,125,121,121,121,121,121,121,123,123,125,125,123,165,168,123,101,71,77,95,115,115,117,121,121,119,121,173,191,189,170,115,106,103,109,123,133,183,191,196,194,191,191,196,202,204,202,199,194,189,189,189,189,191,196,196,194,191,191,189,183,178,174,173,174,178,186,191,194,199,196,189,189,189,186,186,189,191,186,181,133,130,130,131,176,181,183,189,189,186,181,181,183,186,186,186,189,189,186,183,189,196,202,202,199,199,199,196,194,194,194,194,194,194,194,194,196,199,202,204,204,202,196,194,199,202,202,202,202,204,207,207,204,202,202,202,202,196,194,191,189,189,189,194,196,199,199,207,215,217,215,207,202,194,189,181,135,131,133,133,133,133,178,181,183,179,179,179,183,186,189,191,194,194,194,196,196,191,186,183,181,183,183,183,183,186,189,191,194,194,196,199,199,199,202,204,209,212,212,207,202,199,202,202,199,194,186,137,131,128,128,129,135,176,131,129,129,129,131,133,178,181,186,189,186,176,131,131,176,181,181,176,129,127,128,170,173,176,176,173,170,129,129,173,176,176,176,170,129,129,176,183,186,186,183,181,181,178,176,173,173,176,176,176,176,183,183,178,173,173,173,173,173,131,129,129,127,129,131,178,183,189,189,189,191,196,196,196,196,199,202,204,204,199,191,183,135,131,131,133,135,135,135,181,181,181,133,133,183,194,199,196,194,194,194,194,194,199,204,199,191,181,181,186,189,191,189,186,181,176,131,129,125,124,124,133,186,194,194,191,194,194,196,194,191,186,183,183,189,191,191,186,185,186,191,191,186,183,189,194,196,199,196,196,196,196,196,196,194,191,189,186,183,183,186,189,191,191,194,194,196,199,199,196,194,191,191,194,196,191,183,181,183,186,186,185,189,194,199,196,194,194,194,191,189,191,194,191,186,186,191,194,194,194,196,199,199,199,194,186,181,181,183,181,135,135,183,189,191,181,133,176,183,183,181,178,177,178,183,189,189,178,170,169,173,183,189,186,181,183,178,178,183,189,189,181,178,176,176,176,181,189,196,194,183,178,178,181,181,181,178,173,127,127,131,176,176,173,173,176,181,183,178,129,125,125,127,129,129,129,131,173,176,181,183,186,186,183,181,181,183,186,186,186,183,178,177,178,181,183,189,191,191,189,189,194,196,199,196,194,191,191,191,189,186,186,183,181,181,178,176,176,178,181,181,181,181,181,181,183,183,189,189,189,189,186,186,183,183,186,186,186,186,189,191,191,194,194,194,191,189,183,178,176,181,186,178,115,93,85,77,67,77,152,155,83,51,47,49,49,57,79,155,176,173,147,93,73,66,67,71,85,109,157,163,163,168,173,170,163,117,115,117,119,160,163,160,121,121,160,163,165,170,176,176,173,170,170,170,170,173,176,181,186,186,186,186,189,194,196,196,191,189,186,183,176,170,127,125,123,122,123,168,173,176,181,189,181,165,168,189,202,196,189,186,183,165,147,93,87,91,124,85,35,0,0,0,0,0,0,31,98,126,139,137,111,0,0,87,111,103,95,100,126,144,163,173,176,165,17,0,0,0,0,0,0,0,39,129,150,155,157,160,142,0,0,0,11,139,157,134,126,144,150,142,89,63,57,75,99,107,111,152,168,191,202,204,207,209,209,209,207,204,199,196,191,191,191,194,196,202,204,204,202,196,194,196,199,202,207,209,212,212,215,212,209,209,209,209,204,202,199,204,204,204,209,209,157,30,22,35,37,27,63,186,194,191,186,186,189,191,189,183,182,183,189,191,194,196,194,194,191,196,199,202,207,165,37,77,144,147,21,41,90,95,111,129,92,13,11,23,45,35,19,27,33,37,74,43,0,0,0,0,0,9,43,45,31,25,79,150,152,131,30,13,98,131,118,103,111,118,82,0,0,31,121,134,103,17,1,150,178,163,160,165,165,168,165,121,11,0,0,95,168,155,137,126,92,118,168,176,165,0,0,13,75,126,144,144,134,121,126,163,116,69,63,47,7,35,150,170,178,183,189,189,191,191,191,189,189,186,181,181,173,144,0,0,0,0,0,0,0,0,0,51,57,11,25,45,43,71,137,155,165,163,131,63,66,131,142,144,150,150,147,137,99,97,99,147,163,165,165,165,165,165,168,165,163,168,178,183,181,176,178,181,178,168,150,139,137,142,150,144,131,126,131,137,139,0,129,126,155,183,165,0,0,0,0,155,0,0,0,150,163,173,178,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,150,0,155,157,157,160,160,163,163,160,160,0,0,0,0,0,0,0,0,0,152,0,0,0,0,0,176,176,176,176,181,186,191,194,196,199,204,209,215,222,225,0,0,202,199,0,0,0,0,0,0,0,0,0,0,0,0,215,217,217,215,215,215,212,212,215,215,217,217,217,222,225,225,228,228,228,230,233,233,233,233,230,230,228,225,222,222,225,225,222,215,209,204,202,202,196,189,183,181,176,173,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,222,217,212,204,196,186,178,170,170,173,178,183,191,191,191,191,196,204,212,0,222,222,216,216,217,217,212,208,208,212,217,225,228,230,230,230,228,225,225,228,230,233,230,228,225,222,217,212,207,199,194,186,181,177,177,178,178,178,178,178,183,189,189,183,176,165,150,137,129,126,126,0,0,142,147,147,0,129,121,91,124,129,0,0,142,147,155,160,165,170,173,173,176,178,178,178,181,181,183,183,186,189,191,194,196,202,204,207,204,203,204,207,212,215,217,217,215,209,207,209,215,222,225,225,217,215,215,215,222,222,222,222,217,217,217,222,222,217,212,211,211,215,217,217,212,207,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,139,152,152,116,112,134,152,157,165,176,163,131,126,142,170,196,204,207,204,194,176,144,137,147,160,163,157,103,79,78,81,87,97,105,144,150,155,155,69,69,103,144,147,147,147,107,105,105,150,170,176,165,165,173,168,155,107,106,109,109,109,113,160,191,196,93,83,85,89,93,105,117,160,165,165,157,107,92,92,95,105,113,117,121,121,119,163,170,170,163,121,121,123,123,121,121,121,119,117,119,123,165,173,183,189,191,186,173,123,120,120,121,123,125,168,170,127,125,123,121,121,127,176,178,176,176,178,176,178,186,191,196,202,199,199,204,209,204,196,191,194,196,199,199,196,191,183,135,134,134,134,135,178,181,189,189,186,183,181,183,186,183,135,131,132,137,183,183,189,196,196,191,191,199,204,204,202,191,137,183,207,207,186,134,135,189,209,217,215,209,212,207,196,191,189,137,133,181,181,183,186,181,132,135,196,196,189,186,189,189,189,191,191,189,189,191,189,189,191,191,189,183,181,181,178,173,173,176,181,178,168,121,123,168,168,125,119,115,113,119,165,170,170,123,117,117,119,123,170,183,194,196,196,189,173,121,117,115,109,111,127,181,178,122,118,123,173,173,125,119,120,127,176,186,194,191,181,176,181,194,194,189,186,183,181,176,173,178,186,181,173,173,181,186,170,117,113,117,129,176,173,173,176,173,131,173,176,176,176,129,123,129,196,212,217,217,215,212,215,217,209,194,181,173,170,125,121,120,120,123,125,127,168,168,168,168,127,123,123,127,173,170,124,124,170,183,183,181,181,186,191,191,189,186,186,186,183,186,191,199,199,202,207,209,215,217,220,222,222,222,222,220,217,220,220,220,217,217,215,209,204,204,202,204,207,209,209,204,199,196,196,191,186,139,181,181,183,186,186,186,186,189,189,189,186,183,186,189,199,212,220,222,217,212,196,178,127,121,121,123,125,127,129,173,178,181,181,181,181,181,181,178,173,131,129,131,131,176,189,194,133,121,120,129,191,189,176,130,129,131,181,186,183,178,133,133,183,191,191,186,186,185,185,185,186,189,186,186,186,189,189,189,191,181,123,119,125,168,178,189,189,176,173,173,168,125,121,117,115,121,168,176,178,178,176,173,170,170,176,189,196,194,181,165,117,111,107,89,30,14,55,111,113,95,74,74,87,109,111,85,34,29,51,115,170,178,173,165,123,170,191,204,204,183,168,125,125,123,119,119,121,120,119,119,121,123,125,165,168,168,168,168,168,170,178,181,176,79,81,92,107,115,119,125,123,117,115,123,178,183,178,129,125,119,121,127,133,181,189,194,194,196,202,204,207,209,209,204,199,194,196,202,202,199,199,194,189,186,189,189,189,189,183,178,177,178,191,199,202,204,196,185,183,183,183,185,186,189,183,178,133,131,132,133,176,178,181,186,189,183,178,178,183,189,189,189,191,191,186,181,182,189,196,199,199,202,202,199,196,194,194,194,194,191,191,191,194,199,204,204,204,202,199,199,202,204,202,199,199,204,207,207,207,204,204,207,204,199,194,191,189,191,194,196,199,204,204,207,215,220,215,207,199,191,181,129,121,117,121,127,133,135,178,181,181,178,178,181,183,183,183,186,189,189,191,191,191,189,183,181,178,181,183,183,183,183,186,189,191,194,199,202,202,199,199,202,207,209,209,204,199,194,196,196,194,189,186,181,133,129,129,131,135,178,133,131,129,128,129,133,178,183,186,186,181,131,130,131,176,183,183,178,173,129,129,170,173,176,173,173,170,170,170,170,170,169,169,170,170,129,173,181,186,186,186,183,181,181,178,176,178,181,183,181,181,183,183,178,173,173,173,176,173,173,173,173,131,173,176,183,189,191,189,189,189,191,191,191,194,196,202,207,207,204,199,189,135,128,127,128,133,135,135,137,183,183,183,186,194,199,199,196,196,196,199,202,204,207,207,199,189,183,181,181,181,178,135,135,135,135,133,131,127,124,124,131,183,191,194,191,191,191,191,186,183,181,181,183,189,194,191,189,185,185,189,189,183,181,186,194,196,199,202,199,196,196,194,191,189,189,189,189,191,191,189,189,189,189,191,194,196,199,199,202,199,194,190,191,196,194,186,182,183,189,189,186,191,196,199,196,194,191,191,191,189,191,194,194,189,185,189,194,194,194,196,199,199,199,191,181,177,178,181,183,181,183,186,191,191,189,181,178,178,181,181,178,177,178,183,189,189,178,170,169,173,183,189,183,179,181,181,183,189,191,189,183,181,181,178,173,176,181,189,189,183,178,178,178,183,186,186,183,181,178,178,181,181,181,178,178,178,178,173,127,124,124,125,127,125,125,127,131,176,178,181,183,183,181,178,178,178,183,186,186,183,181,178,181,181,186,189,194,194,189,189,191,194,194,194,194,194,194,191,191,189,186,186,183,181,181,178,178,178,181,181,181,181,181,183,183,186,189,191,191,191,189,186,186,186,189,189,189,186,189,189,191,194,194,194,194,194,186,178,176,178,183,178,165,111,93,69,59,60,89,97,71,47,45,47,51,61,87,160,183,189,176,109,77,67,67,71,85,107,160,165,165,168,170,165,115,107,107,111,117,157,160,160,160,121,119,121,160,165,173,176,178,176,173,173,173,176,176,181,186,186,185,186,189,194,199,199,196,191,189,183,178,173,129,127,123,122,123,170,176,176,181,186,178,160,117,173,194,194,183,181,178,165,147,81,73,85,83,31,0,0,0,0,0,0,0,29,105,139,147,147,139,53,29,82,100,98,91,98,131,147,160,168,173,165,35,0,0,0,0,0,0,0,105,137,150,160,163,150,103,9,33,33,55,152,168,160,150,150,144,91,79,79,85,99,101,101,101,107,163,189,202,202,204,209,209,207,204,204,202,196,194,191,191,191,194,199,204,207,204,199,196,199,202,204,207,209,212,209,209,209,209,207,207,204,202,196,195,195,199,207,212,191,116,59,113,61,47,65,178,194,194,191,186,186,191,194,189,183,182,186,191,194,196,196,194,186,186,189,191,191,199,173,51,51,113,111,19,77,116,118,131,144,85,8,43,74,77,39,25,17,0,0,0,0,0,0,0,0,0,0,0,49,53,47,87,186,196,181,43,21,92,129,126,111,121,139,142,21,0,0,0,0,23,0,0,85,113,98,118,129,118,108,74,33,11,0,0,49,131,150,155,142,90,116,165,168,129,0,0,0,131,144,150,144,137,139,170,194,137,41,59,51,0,0,57,152,176,181,183,186,186,189,191,191,191,189,189,191,191,183,155,0,0,1,3,0,0,0,25,75,134,139,165,170,105,77,113,147,163,160,144,124,124,144,152,152,144,134,97,95,96,97,99,144,160,163,163,163,163,163,168,170,173,178,186,191,194,191,189,186,181,176,168,152,139,137,147,144,125,122,126,134,137,131,125,131,181,199,189,163,0,0,0,0,0,129,0,144,155,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,155,157,157,160,157,160,160,163,165,165,165,170,0,0,0,0,0,0,0,0,165,0,165,168,170,170,170,173,176,178,181,186,191,191,196,202,207,212,217,222,222,0,0,196,194,196,202,0,0,0,0,0,189,196,0,0,0,215,215,215,217,217,215,212,209,209,212,215,217,217,222,225,228,230,230,233,235,235,238,238,235,235,233,230,228,225,225,228,230,228,222,215,209,207,204,199,191,186,181,173,168,170,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,228,225,217,209,202,191,178,170,169,170,173,181,186,186,186,183,189,196,207,215,222,222,217,216,217,217,212,208,208,209,215,222,225,225,228,225,225,222,222,225,228,230,230,228,222,217,212,209,204,199,194,189,183,181,178,178,178,178,176,176,183,189,191,189,183,176,160,144,137,134,0,0,0,144,150,150,147,137,126,124,124,129,131,134,0,147,155,163,168,170,173,176,178,178,181,181,181,181,181,183,186,186,189,191,196,199,204,204,204,203,203,207,212,215,217,217,215,209,207,207,215,222,225,222,217,215,215,215,222,222,222,222,217,215,215,217,217,215,212,211,212,215,217,215,212,207,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,147,163,173,178,196,176,176,170,176,191,183,121,83,147,178,199,209,209,207,199,183,147,133,139,150,144,103,97,95,89,83,85,97,139,152,155,152,107,71,71,103,150,150,147,147,111,106,106,150,178,186,176,170,168,168,157,111,106,106,107,107,107,113,173,183,113,87,85,87,93,103,113,117,117,155,155,115,99,94,95,101,107,113,117,117,117,163,173,173,168,123,121,121,121,121,123,165,165,123,121,121,123,168,176,181,183,181,170,123,121,123,123,125,168,173,173,127,123,121,119,119,121,125,125,127,173,178,178,181,186,189,191,194,194,191,194,194,191,194,202,204,209,209,209,204,196,189,181,135,135,178,178,181,189,194,194,189,186,183,186,191,186,133,130,131,135,183,183,189,199,207,209,209,212,215,215,215,202,137,134,191,196,189,186,196,207,222,230,228,228,225,215,204,196,191,189,186,189,189,194,196,183,132,135,194,191,181,181,186,189,189,186,185,189,194,196,191,189,189,194,196,194,194,196,194,189,183,181,181,178,168,121,123,165,168,125,119,117,119,165,176,176,168,121,116,117,119,125,176,194,204,209,209,199,176,115,109,106,103,104,117,170,170,122,121,127,173,127,120,119,121,170,178,189,194,191,181,176,183,196,196,191,189,191,191,183,186,191,191,181,173,176,183,183,131,123,121,125,131,173,172,173,176,173,131,173,176,178,176,125,121,125,199,215,217,217,212,209,212,215,207,191,178,173,173,170,127,121,119,120,123,127,127,127,125,127,125,123,121,121,125,127,125,125,170,181,183,178,178,178,183,183,181,178,181,181,181,189,196,199,199,202,207,212,212,217,220,222,222,222,222,220,217,217,217,217,217,215,212,207,204,202,202,202,204,209,209,204,202,199,199,199,194,189,186,183,186,191,191,189,186,186,189,191,189,189,189,191,202,212,225,230,228,215,199,181,127,121,121,123,125,127,170,176,181,181,178,178,181,183,181,178,173,129,129,129,129,176,189,189,133,124,126,196,209,199,181,129,129,178,191,194,186,133,130,130,178,191,191,186,185,186,186,186,189,191,189,186,186,189,186,183,183,173,121,119,125,168,176,183,178,168,168,168,125,119,117,117,113,112,117,123,165,168,170,173,170,165,168,176,183,178,163,119,115,115,117,107,35,0,39,119,165,123,115,117,121,160,121,109,65,50,87,117,123,107,67,54,59,107,170,173,113,109,111,115,117,117,115,117,121,123,121,121,123,165,168,173,178,178,178,173,170,170,178,183,178,111,97,103,111,117,123,125,117,99,97,105,127,183,186,186,189,189,186,181,183,186,191,191,194,202,204,207,212,212,212,207,199,196,202,209,209,207,199,191,183,186,189,191,194,199,196,189,183,183,194,202,204,204,196,186,185,185,185,186,189,191,186,181,178,178,181,181,178,176,176,181,183,181,133,129,176,183,189,194,196,196,189,182,181,183,191,194,196,199,199,199,199,199,196,194,191,191,191,189,191,194,199,202,199,196,196,199,204,204,199,199,202,204,207,209,209,207,207,209,212,209,199,194,191,191,191,191,196,204,204,204,209,215,209,202,196,191,181,125,117,115,117,127,178,181,181,181,181,179,179,181,183,178,178,181,183,183,186,183,183,181,178,133,135,181,186,186,183,182,183,186,191,194,199,202,202,199,198,199,202,204,204,199,194,191,191,194,191,189,186,186,181,135,135,178,181,181,176,133,131,129,129,173,181,186,189,186,181,173,131,176,181,186,186,183,181,178,176,176,178,178,178,176,176,176,176,173,170,168,169,170,170,170,173,176,181,183,183,183,183,183,183,183,186,191,191,189,186,183,181,176,173,173,176,176,176,176,178,178,176,176,178,183,186,186,186,183,183,186,189,191,194,199,204,209,212,212,209,199,183,129,126,128,135,181,183,183,186,186,186,186,191,196,196,194,196,202,207,209,207,207,204,196,186,181,181,137,135,131,130,131,135,178,176,133,129,127,125,131,181,189,189,186,186,186,183,181,179,181,181,183,189,191,191,191,189,186,186,183,181,181,183,189,194,199,199,199,196,194,191,189,189,187,189,191,194,196,194,191,191,189,191,196,199,199,199,202,199,194,191,191,194,194,191,186,186,189,191,189,191,196,199,196,194,191,191,189,189,191,196,196,191,186,189,191,191,194,196,196,196,199,191,181,178,178,181,186,189,189,186,186,191,191,189,183,181,181,181,178,181,181,186,189,189,181,173,172,176,186,189,186,179,178,178,181,186,189,186,183,181,181,173,127,125,129,178,181,181,178,176,181,189,191,189,183,181,176,176,178,183,186,186,183,181,181,173,127,124,125,125,125,123,123,127,131,176,178,181,181,178,176,173,173,176,181,183,186,183,183,183,183,183,186,189,191,191,189,186,186,189,189,194,196,196,194,194,191,191,189,186,186,186,183,181,178,178,181,181,183,183,183,183,183,186,189,194,194,191,191,189,186,189,189,191,189,189,186,186,189,191,194,196,196,196,191,181,176,176,176,173,165,160,115,93,63,64,77,75,51,41,42,43,47,59,83,147,176,189,189,157,81,67,66,71,85,111,165,170,168,168,168,157,109,102,104,111,117,119,157,160,160,119,117,117,119,160,170,176,176,176,173,173,176,176,176,181,183,186,186,186,191,196,202,202,199,194,191,186,183,181,176,170,125,123,125,173,178,178,181,183,181,163,111,152,178,183,178,176,176,165,144,67,53,45,13,0,0,0,7,17,37,13,5,49,73,121,139,134,126,87,59,98,105,100,92,103,134,144,150,157,168,163,37,0,0,0,0,0,0,47,129,142,150,160,157,95,47,51,118,121,134,160,176,173,165,155,137,83,79,93,142,144,105,98,98,107,163,186,199,202,204,207,204,204,204,202,202,199,196,194,194,191,191,196,202,207,204,202,199,202,204,204,204,209,209,209,209,209,209,207,207,204,199,196,195,194,196,207,207,126,65,105,152,75,51,129,196,191,183,183,183,189,194,194,191,183,183,189,194,196,199,194,186,176,173,176,163,137,142,139,53,43,92,82,13,90,124,129,139,147,77,9,90,116,139,134,95,33,0,0,0,0,0,0,0,0,0,0,0,47,87,55,49,139,189,181,79,39,100,126,126,111,126,176,186,178,41,0,0,0,0,0,0,0,7,23,77,92,72,41,29,37,47,17,0,45,90,105,116,92,61,105,147,152,37,0,0,23,147,152,152,152,152,160,186,204,173,11,19,17,0,0,0,43,142,163,173,178,183,186,189,191,191,189,191,194,194,199,209,49,0,65,75,0,0,0,1,59,150,168,183,181,139,116,113,144,157,152,142,137,139,150,157,155,144,131,95,95,97,101,101,103,144,155,160,160,160,163,173,176,176,178,183,189,191,191,189,183,181,181,178,168,152,144,157,155,139,131,142,147,142,137,129,150,191,202,199,183,0,118,0,0,0,129,126,0,0,0,0,0,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,0,165,165,163,160,163,165,168,170,170,170,173,0,0,0,0,0,0,0,0,178,178,181,181,181,178,176,178,181,183,186,189,191,194,196,204,207,209,215,215,215,0,0,194,192,196,199,0,0,0,0,194,196,199,0,0,0,212,212,215,215,215,215,212,207,207,209,212,215,217,222,228,230,233,233,235,238,238,241,241,238,238,235,233,228,228,228,233,233,230,225,212,207,204,202,199,191,186,183,176,168,165,173,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,225,222,215,207,196,183,176,170,173,176,178,181,181,178,176,181,189,202,212,222,225,222,217,217,217,212,208,208,209,212,217,222,222,222,222,222,217,217,217,225,228,228,225,217,212,209,207,202,199,194,191,186,183,178,178,178,176,170,170,178,183,186,186,186,181,168,152,142,137,0,0,0,147,150,152,150,142,131,126,126,131,131,134,0,147,155,163,168,173,176,176,178,181,181,183,183,183,181,183,186,186,189,189,194,199,204,204,204,203,204,207,212,215,215,215,215,209,205,207,212,222,225,222,217,215,212,215,222,225,225,222,217,215,212,215,215,215,212,211,212,215,215,212,209,207,205 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,170,194,202,207,196,194,181,168,173,134,43,41,118,165,194,204,207,204,194,178,134,127,133,142,103,94,94,97,97,89,89,97,139,152,155,139,81,61,57,83,144,147,147,150,152,147,109,150,176,183,176,170,168,168,165,117,107,105,105,106,106,111,165,173,163,95,85,86,97,109,115,113,111,113,117,157,117,107,101,99,103,109,113,115,117,160,168,168,165,123,121,121,121,123,165,173,173,168,123,120,120,123,170,173,176,176,170,125,123,127,168,168,170,176,173,168,125,123,121,121,119,116,116,119,170,178,178,181,183,189,191,194,189,183,181,133,132,189,212,217,217,215,212,207,199,191,186,183,183,181,181,183,194,202,199,191,186,183,189,194,186,133,130,131,135,186,189,194,204,215,217,222,222,222,217,217,212,186,134,135,139,183,194,209,217,228,233,235,233,225,217,209,202,194,189,191,191,196,204,204,191,133,135,191,186,177,177,181,183,186,189,189,196,199,196,189,186,189,199,204,207,209,209,209,209,202,194,186,178,127,117,119,125,165,125,121,121,165,183,189,183,170,119,116,117,119,125,178,194,204,212,212,199,170,113,107,106,103,104,117,125,127,123,125,176,178,168,120,121,129,176,181,183,183,183,178,178,191,202,199,189,183,183,183,183,189,191,186,178,173,176,181,178,131,127,127,131,176,176,173,173,176,130,129,130,176,178,178,129,123,129,196,212,215,212,209,207,209,212,204,186,173,130,173,176,170,123,120,121,125,168,170,127,125,123,121,117,114,117,123,127,168,127,129,173,178,178,177,177,178,178,177,177,178,181,183,194,202,204,204,207,212,215,215,217,217,220,220,220,220,217,217,215,215,215,215,215,212,207,204,204,204,202,204,207,207,204,199,199,199,196,194,189,183,181,183,189,191,191,186,186,191,191,191,191,191,194,199,212,225,228,225,212,196,181,129,123,123,127,129,170,173,178,181,178,176,178,183,183,183,178,131,129,129,129,129,173,181,181,176,176,199,215,217,207,189,135,178,194,204,204,191,133,128,129,181,196,196,189,186,186,186,191,196,196,189,183,181,183,181,178,168,117,109,111,117,123,127,170,165,122,123,165,123,117,117,121,113,105,107,113,117,121,165,173,173,165,122,125,170,168,121,119,119,121,173,183,113,26,63,115,170,176,170,168,168,165,163,121,115,115,123,123,117,72,58,51,58,105,117,101,75,87,103,117,119,115,114,115,119,125,125,165,170,173,178,183,186,186,183,178,170,165,165,168,165,121,119,119,117,115,119,117,105,94,94,101,125,181,191,196,199,202,199,194,191,189,189,191,196,202,204,207,212,212,209,204,199,196,204,212,212,207,196,186,181,183,183,186,191,199,202,196,189,186,194,199,199,199,194,189,189,191,191,191,196,196,191,189,186,183,183,183,178,133,131,178,183,181,127,123,127,176,186,194,204,202,194,186,183,186,189,191,194,196,196,196,199,199,199,194,189,189,189,189,187,189,196,196,194,191,194,202,207,204,199,198,202,207,209,212,209,209,209,212,215,215,207,199,194,190,189,190,196,202,199,199,204,209,207,202,199,194,186,131,123,117,121,131,183,186,186,183,181,181,181,183,183,178,177,177,181,183,183,178,176,133,131,131,135,183,189,191,189,183,183,186,191,196,199,202,202,199,198,198,199,202,202,199,194,189,189,189,186,186,189,189,186,183,181,181,183,181,178,176,133,131,131,176,183,189,191,186,181,176,173,178,181,183,186,183,183,183,181,178,181,183,183,183,183,183,183,183,178,176,173,173,176,176,173,170,170,173,178,183,186,189,189,191,196,199,199,194,189,183,178,173,173,173,176,178,178,181,186,186,181,176,178,181,181,181,181,181,186,191,196,199,199,202,209,215,217,222,220,209,194,135,128,128,137,189,191,191,191,191,183,137,181,186,191,194,199,204,209,209,209,207,204,199,191,186,186,183,135,131,129,130,133,178,176,133,131,129,129,131,176,181,178,178,176,178,181,181,181,183,183,186,186,186,189,191,194,191,183,178,178,178,178,181,186,194,196,196,194,194,191,191,189,189,191,194,196,199,199,196,196,194,196,199,199,199,196,196,199,196,194,191,191,196,196,191,186,186,189,191,191,194,194,194,194,191,189,186,183,186,194,196,194,189,186,189,189,194,196,196,196,196,194,186,181,181,186,191,194,191,189,186,191,194,194,191,189,183,183,183,183,186,189,189,189,183,178,178,181,186,189,186,181,178,179,181,183,186,183,181,178,178,170,124,123,125,129,173,173,173,173,181,189,191,186,181,174,173,174,178,186,189,189,189,189,183,176,127,125,125,125,123,122,122,125,131,176,178,181,181,178,173,172,172,176,178,183,183,183,186,183,183,183,183,183,186,186,186,183,183,186,186,191,194,194,194,194,191,191,189,189,189,189,186,183,181,181,181,183,183,183,183,183,182,183,189,191,194,194,191,191,189,189,191,191,191,189,186,186,186,189,191,196,199,199,194,186,178,176,173,168,165,165,163,117,101,89,83,67,47,41,41,42,43,53,67,87,111,163,165,111,85,73,71,75,91,155,170,173,170,170,165,117,105,101,104,111,117,119,119,157,157,119,115,113,115,119,165,173,173,173,173,173,173,176,176,178,183,186,186,186,191,196,202,202,196,194,191,191,189,186,181,176,168,125,127,173,181,181,178,178,183,178,109,103,113,163,168,170,173,165,150,69,41,21,0,0,23,63,77,71,111,105,65,63,59,53,108,105,103,65,67,113,118,105,92,100,131,142,144,147,157,155,39,0,0,0,0,0,5,103,124,144,152,157,150,11,9,111,121,124,131,144,160,168,165,155,91,79,87,105,152,152,105,95,97,107,163,181,191,199,204,204,204,204,204,204,202,199,199,199,196,194,191,194,202,207,207,204,207,207,207,204,204,209,212,212,209,209,209,209,209,204,199,196,195,195,199,204,186,35,27,118,137,105,51,124,189,183,176,176,183,191,194,194,191,186,189,194,196,202,199,176,131,118,137,147,137,113,129,144,116,43,77,41,0,85,126,131,150,160,113,85,105,134,155,160,142,63,43,39,13,0,0,0,0,0,0,0,0,3,59,53,45,53,134,142,113,87,113,131,131,95,95,168,189,204,131,0,0,0,0,0,0,0,3,15,27,27,23,25,29,85,160,134,27,45,39,9,33,49,65,116,144,150,17,0,0,98,155,152,150,160,170,181,191,194,170,0,0,0,0,0,0,0,37,65,134,165,176,181,186,189,189,189,191,189,189,196,215,131,9,61,83,75,0,0,0,0,129,173,186,183,160,142,131,142,139,129,131,142,152,160,160,157,152,147,144,147,150,147,139,99,99,142,155,160,160,163,173,176,176,176,176,181,186,189,186,183,186,189,186,173,157,155,163,168,168,168,170,163,152,147,150,176,196,204,204,191,137,111,0,147,152,0,0,129,134,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,165,163,160,163,165,170,170,170,170,170,181,194,207,0,0,0,191,186,183,186,191,196,196,191,186,186,186,186,186,186,0,0,199,202,204,204,209,212,212,209,204,196,196,199,0,0,204,202,202,204,204,204,209,209,207,207,209,212,215,215,212,209,204,204,207,209,215,217,222,228,230,233,235,235,238,241,241,241,241,238,233,230,228,225,228,233,233,228,220,207,199,196,194,191,186,183,183,181,170,163,165,176,0,0,0,0,0,0,0,0,0,0,228,0,0,0,0,228,228,225,220,212,202,191,181,178,176,178,178,176,176,174,174,176,186,199,212,222,228,225,222,217,215,212,209,208,209,212,215,217,217,217,217,217,215,215,215,222,225,228,222,215,209,207,204,202,199,194,191,189,183,181,178,178,173,168,165,173,178,178,181,183,181,173,157,0,137,134,0,0,144,150,152,152,144,137,131,131,134,0,0,0,147,155,163,168,173,176,178,181,183,186,189,186,183,183,183,186,189,189,189,194,199,204,207,204,203,204,207,209,212,212,212,212,209,205,205,212,217,225,222,215,212,212,215,222,225,225,222,215,212,212,212,212,212,212,211,212,212,212,209,207,207,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,176,209,207,204,202,204,189,144,73,0,0,0,41,87,173,191,194,191,178,155,126,125,134,144,137,95,94,95,97,93,93,93,95,142,147,91,63,53,47,49,93,105,105,144,155,152,150,152,168,176,170,168,168,170,168,160,113,106,106,107,107,115,168,176,173,111,87,85,103,115,155,113,109,109,113,157,168,163,113,103,101,105,111,117,121,163,165,163,121,119,119,121,123,123,168,173,173,168,123,120,119,121,165,168,170,170,170,168,125,127,170,170,170,173,173,170,168,125,123,121,119,115,115,117,127,176,176,176,181,186,194,196,189,181,133,128,126,183,215,222,220,217,212,204,196,194,191,189,186,186,183,186,196,204,199,189,182,183,189,191,183,133,132,135,183,194,199,202,209,215,217,222,225,225,217,217,212,199,134,132,133,137,194,212,220,225,230,235,233,225,217,212,202,189,183,189,191,196,207,209,194,135,178,191,191,181,178,178,178,183,194,204,209,204,191,181,181,191,202,209,217,222,222,225,225,217,207,196,181,121,107,111,121,125,123,123,163,173,189,194,186,168,119,116,119,121,165,178,186,194,199,202,189,125,113,109,111,107,111,123,125,125,123,125,173,178,168,125,127,176,178,173,129,125,127,129,178,196,207,202,181,169,169,172,176,181,183,176,131,131,176,176,178,173,131,176,181,183,183,181,176,176,130,128,131,176,181,181,178,129,133,194,204,209,209,209,207,209,207,199,181,131,129,130,173,173,129,129,170,176,176,173,168,125,123,117,112,110,115,168,173,173,129,125,129,176,178,177,177,178,181,178,181,186,191,196,199,204,209,212,212,215,217,217,217,217,217,217,217,217,215,212,209,209,209,212,212,209,209,207,209,207,207,207,207,207,204,199,199,196,196,191,189,183,137,137,183,191,194,191,189,191,194,194,191,189,191,196,207,215,217,215,207,194,181,131,129,131,176,176,173,173,176,178,174,173,176,183,183,181,176,131,129,129,129,129,131,133,133,178,196,217,225,217,209,196,191,196,212,217,215,202,181,131,132,191,202,202,194,189,186,186,191,196,196,189,178,176,178,178,170,119,103,99,101,109,117,121,123,122,121,122,125,123,117,117,119,113,101,105,117,119,117,123,170,173,125,120,120,125,165,123,123,121,119,173,191,176,103,99,109,165,176,173,168,163,121,121,121,121,163,168,165,117,89,75,77,105,117,113,87,65,84,111,168,165,117,114,115,121,163,165,168,178,183,186,189,191,191,186,178,170,123,121,119,121,163,165,168,121,113,111,111,105,103,103,115,170,183,191,196,199,196,196,194,191,186,185,186,194,196,199,202,207,209,207,202,196,196,204,209,212,204,191,181,135,137,137,181,186,194,199,196,191,186,186,186,181,183,183,186,191,196,194,196,199,202,199,194,191,186,183,183,178,133,131,176,181,176,125,118,119,127,181,194,204,202,196,194,189,186,186,186,189,191,194,196,199,202,199,191,186,186,189,189,187,187,191,191,190,190,196,204,209,204,198,196,199,207,212,212,209,209,209,212,215,215,209,202,196,190,189,190,199,202,199,196,202,207,207,204,202,199,191,181,133,127,127,135,186,189,186,183,183,183,183,186,183,178,177,177,181,183,181,176,131,130,130,131,176,183,191,194,191,189,189,191,194,199,202,202,204,199,198,198,199,202,204,202,196,189,186,186,185,185,186,189,189,186,183,181,178,176,133,133,133,133,176,181,186,194,194,189,181,176,176,178,178,181,181,181,183,186,183,181,183,186,186,186,186,186,189,191,189,186,181,178,181,181,176,127,123,123,127,176,186,191,194,196,202,207,204,199,191,183,176,172,172,173,178,181,181,186,189,189,181,176,176,176,176,176,178,183,191,199,207,207,207,207,212,217,225,228,225,215,202,183,129,129,137,191,194,194,194,189,137,131,131,135,186,194,199,204,207,207,204,207,207,207,202,196,196,194,186,133,130,129,131,135,133,131,131,131,129,129,131,133,131,129,131,173,178,186,186,186,183,183,181,181,183,189,194,191,181,133,133,133,133,135,181,189,191,191,191,191,191,191,194,194,194,194,194,196,199,202,199,199,199,202,202,196,194,194,196,196,196,194,194,196,199,194,186,183,186,189,189,189,189,191,191,191,186,181,178,179,189,191,191,186,186,186,189,194,199,199,196,194,194,189,186,186,186,191,194,194,191,189,189,194,196,196,194,189,186,186,189,189,191,191,189,183,181,181,183,186,186,183,181,181,183,183,183,183,181,176,176,176,170,125,125,127,127,127,127,129,170,178,186,189,183,178,174,173,176,181,186,189,191,191,191,186,176,129,125,125,125,122,121,123,127,129,176,178,181,181,178,173,173,173,173,178,181,183,186,186,186,183,183,183,183,183,183,181,181,183,183,186,189,191,194,194,194,191,191,191,189,189,189,189,186,183,183,183,186,186,186,186,183,183,183,186,191,194,194,194,191,191,191,194,194,191,189,186,186,186,189,191,194,196,196,196,189,183,178,176,170,168,168,165,163,160,117,105,75,55,51,47,43,43,47,53,63,79,95,101,99,91,83,81,87,103,165,173,176,173,170,163,113,103,101,105,115,119,119,117,119,119,115,111,109,111,115,160,165,168,168,170,173,173,173,176,178,181,183,183,186,191,194,196,196,194,191,191,191,189,189,186,181,173,127,127,173,178,181,177,177,183,186,111,91,89,109,157,163,165,160,152,85,51,31,25,53,87,124,124,113,124,124,111,71,43,23,30,45,61,61,67,126,131,121,57,85,124,134,142,147,150,144,35,0,0,0,0,0,90,116,118,144,152,155,139,0,0,124,121,126,134,150,163,168,160,142,79,81,95,109,152,152,105,94,96,107,121,170,183,196,204,204,204,204,204,207,204,204,202,199,199,196,194,196,202,207,209,209,212,212,209,207,207,212,215,215,212,209,209,209,209,204,199,196,196,199,204,204,157,1,0,126,139,121,51,90,160,170,173,178,189,191,194,194,191,189,189,194,199,202,186,87,0,0,82,126,116,104,124,173,157,33,35,0,0,21,116,131,157,168,142,118,118,129,139,152,147,116,105,118,41,1,37,27,0,0,0,0,0,0,0,51,47,49,95,121,129,118,129,144,152,82,45,95,173,194,118,0,0,0,0,0,37,11,7,17,7,0,0,23,47,118,186,178,51,45,0,0,27,51,131,147,163,168,29,0,0,113,150,139,137,160,181,196,209,194,150,5,15,25,0,0,0,0,0,15,47,134,157,168,178,186,189,191,191,186,183,191,204,178,21,39,75,129,23,0,0,0,69,173,186,189,178,168,152,134,83,79,121,147,163,165,157,157,163,173,186,199,199,183,157,100,98,105,155,160,157,160,168,170,170,168,170,173,178,183,186,186,189,191,186,168,152,147,157,173,181,186,186,173,160,157,165,189,199,204,202,183,129,111,113,0,157,160,147,137,0,155,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,165,163,160,160,163,165,168,168,165,165,173,186,199,207,207,199,191,181,181,186,196,204,207,202,196,191,189,183,178,178,183,0,0,196,199,202,204,207,212,212,209,207,204,209,0,0,0,0,212,0,0,209,209,209,207,207,207,209,212,212,212,209,204,202,204,209,212,215,217,225,230,233,235,235,235,238,241,241,241,235,233,228,222,222,225,230,230,228,217,204,194,186,186,183,183,183,183,181,170,163,160,165,173,0,0,0,0,0,0,0,0,0,225,0,0,0,0,225,225,225,222,215,207,196,189,183,181,178,176,176,174,174,174,178,189,202,215,225,230,230,225,217,215,212,209,209,209,212,215,215,215,215,215,215,215,212,212,217,222,225,222,215,209,207,204,199,196,194,194,191,186,181,178,176,173,165,160,165,170,173,173,178,178,173,160,0,134,131,0,0,142,147,152,155,147,139,134,134,0,0,139,0,147,155,160,168,173,176,181,186,186,189,191,189,186,183,186,186,189,189,189,194,199,204,207,204,204,204,207,209,209,209,209,212,209,205,205,209,217,225,222,215,212,212,215,222,222,222,222,215,212,212,212,215,215,212,212,212,212,209,207,205,207,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,176,199,207,202,202,202,199,155,0,0,0,0,0,0,63,165,168,165,160,150,117,127,144,150,139,99,97,97,99,137,101,93,90,93,139,139,101,144,53,44,67,81,87,105,152,155,155,160,170,173,168,168,170,170,168,160,117,111,111,111,113,117,160,168,170,160,99,86,101,115,117,111,111,109,109,117,170,181,176,115,105,105,113,119,160,163,163,121,117,115,117,121,121,123,163,163,165,165,125,123,123,123,123,125,125,127,168,168,125,123,127,168,168,170,170,170,170,129,125,119,117,117,117,119,125,131,131,129,131,181,191,196,194,189,176,129,129,181,202,212,212,215,209,202,194,194,191,189,189,189,189,196,204,207,199,183,179,183,191,189,181,137,181,183,189,196,204,209,212,212,212,217,225,222,217,215,209,191,133,131,133,135,189,207,217,222,228,233,230,225,222,215,202,183,181,183,191,196,202,199,189,178,183,194,202,194,186,181,135,178,194,212,215,204,181,178,181,191,199,207,222,230,230,230,230,230,222,207,181,91,83,99,117,123,121,163,168,173,183,189,178,163,117,119,163,165,170,181,183,183,181,176,123,119,113,111,111,115,121,123,123,123,121,123,125,125,127,168,176,181,178,129,117,108,109,125,176,189,209,215,178,164,166,172,173,173,173,129,127,127,129,131,173,173,176,183,186,186,186,183,178,176,178,183,189,189,186,183,181,176,176,181,191,202,207,207,207,207,202,191,178,131,130,129,170,176,178,178,183,189,183,176,168,125,125,121,112,110,117,170,173,168,121,119,125,173,178,178,178,181,178,177,183,194,202,204,202,199,209,215,215,217,217,222,217,215,215,215,215,212,209,204,202,204,207,207,207,209,212,215,212,212,209,209,209,207,204,202,199,196,191,186,183,181,135,135,183,191,196,194,189,189,194,191,189,186,189,191,199,204,207,204,196,189,178,131,173,183,186,178,172,172,173,176,174,173,178,186,183,176,131,129,129,128,128,128,129,131,133,186,207,225,225,217,209,204,204,209,222,228,222,212,199,196,199,204,209,207,202,191,186,186,189,191,191,186,176,170,173,173,127,113,101,99,101,109,115,123,125,165,125,125,125,123,119,115,117,115,115,119,125,165,121,121,125,165,123,119,120,125,170,168,123,123,119,105,123,178,168,113,109,119,165,163,121,121,119,119,123,163,163,165,163,117,119,170,173,163,119,113,99,89,103,165,173,170,121,115,121,165,168,168,173,181,186,189,191,194,194,186,173,165,123,117,113,117,163,163,121,117,109,107,111,125,178,178,176,176,183,191,194,194,189,183,183,186,186,185,185,189,194,191,191,199,204,204,202,199,196,199,204,207,202,186,133,131,135,137,183,189,191,191,191,189,186,133,106,98,105,133,186,194,196,194,194,199,202,196,194,191,191,186,183,186,183,176,131,129,127,121,118,118,125,176,189,196,196,196,196,194,189,186,186,189,189,191,194,199,202,199,189,185,185,186,189,187,187,191,191,190,191,199,207,209,207,199,195,196,207,212,215,212,209,209,212,215,215,209,202,196,194,191,194,202,204,199,196,199,204,204,204,204,202,194,183,178,133,133,178,186,186,183,183,183,183,183,183,183,183,178,178,181,183,178,131,130,131,133,133,176,183,191,191,191,191,191,194,199,202,202,202,204,202,198,198,199,204,207,204,199,191,189,186,186,185,185,186,189,191,186,181,178,133,133,133,133,178,181,183,189,194,194,189,181,176,176,178,176,176,176,178,183,186,186,183,183,186,186,186,186,186,189,194,194,191,189,183,183,183,178,129,121,119,120,127,181,191,194,196,202,207,207,204,196,186,176,172,172,176,181,181,183,186,186,183,178,133,133,176,176,176,181,186,196,207,212,212,209,209,212,217,222,225,222,215,204,183,131,129,133,183,189,189,186,181,133,130,131,135,186,194,199,202,202,202,202,207,209,209,209,209,207,202,191,137,130,130,131,135,135,133,131,131,129,127,127,129,129,129,131,173,181,189,191,183,178,176,178,178,181,183,186,183,133,132,133,135,135,178,183,189,189,186,189,191,191,194,196,196,196,194,189,191,196,202,202,202,202,199,199,196,191,191,194,196,196,196,199,199,196,191,183,183,183,186,183,183,183,189,194,194,189,181,176,177,181,189,189,186,183,186,189,194,196,196,194,194,191,189,186,186,186,189,191,194,194,189,189,191,199,199,196,194,191,191,191,191,191,191,189,186,183,183,183,186,186,183,181,181,183,181,181,181,176,173,173,173,173,173,178,176,127,125,126,129,173,181,183,186,183,178,174,174,178,183,186,189,191,194,191,186,178,131,127,127,127,127,125,125,127,129,173,176,181,181,178,176,176,173,173,176,178,183,189,186,186,183,183,186,183,183,181,181,181,183,183,186,189,189,191,191,191,191,191,191,189,189,189,189,189,186,186,186,186,186,186,189,189,186,183,186,189,191,194,194,194,194,194,194,196,194,191,189,189,189,189,189,189,191,191,191,189,183,181,178,173,173,170,170,170,170,168,157,105,83,69,63,57,51,49,51,55,61,69,87,93,93,91,95,109,160,168,170,173,173,170,160,107,101,101,109,117,119,117,117,117,117,111,99,99,103,109,115,119,160,163,168,170,173,176,178,181,178,178,178,181,183,186,189,191,191,189,186,183,186,186,186,183,176,168,127,170,178,181,177,176,181,186,157,85,77,83,109,150,152,157,147,97,69,51,53,81,129,137,137,134,129,126,124,111,43,15,17,35,57,69,111,126,126,65,17,21,111,121,137,144,139,126,0,0,0,0,0,31,113,126,129,142,152,150,45,5,47,134,131,134,144,157,168,165,155,139,87,91,103,109,150,152,111,100,100,107,115,165,186,199,204,207,207,209,209,212,212,209,204,202,199,196,196,199,204,207,212,212,215,215,215,209,212,217,217,215,212,209,209,209,207,204,202,196,196,202,207,204,126,0,121,144,163,165,57,37,126,163,176,186,189,191,189,189,191,191,189,183,189,178,100,0,0,0,0,82,113,105,113,204,163,11,0,0,0,0,100,131,150,155,139,121,98,105,121,137,142,131,118,75,59,61,61,47,27,15,15,19,0,0,0,47,53,57,92,113,126,134,134,147,155,43,0,0,74,105,23,21,13,0,0,61,72,25,0,0,0,0,0,33,53,100,131,170,82,0,0,1,105,163,173,181,189,189,59,0,21,100,121,121,111,160,189,204,209,209,105,21,152,155,0,0,9,9,0,7,25,31,124,139,165,178,181,183,183,183,181,181,196,165,29,35,69,73,29,0,0,0,165,183,191,194,189,186,176,129,76,77,85,139,165,157,139,152,178,189,191,196,196,186,165,144,105,150,163,165,157,155,160,168,163,163,165,168,170,176,183,189,189,189,181,160,134,99,142,168,181,183,181,176,163,152,163,183,202,202,194,170,137,0,116,126,150,160,0,0,0,157,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,0,168,165,160,157,157,163,165,165,160,157,163,173,189,196,196,191,181,173,170,178,194,204,209,209,207,196,189,178,168,168,176,0,0,191,194,199,202,204,212,217,217,215,215,217,222,222,222,220,217,217,217,215,212,209,207,207,207,207,209,212,212,209,207,0,207,209,212,212,212,217,225,230,233,233,235,235,238,241,238,235,230,222,217,217,222,225,228,225,222,209,194,183,178,181,183,183,181,178,170,163,156,156,163,0,0,0,0,0,0,0,0,0,225,225,225,228,228,228,225,225,222,217,212,204,194,189,181,178,176,174,174,176,178,183,196,209,225,0,0,0,228,217,212,209,209,209,209,212,212,215,215,215,215,215,212,212,209,212,215,217,220,215,212,207,202,196,194,194,191,189,186,183,181,176,170,163,157,160,165,170,170,173,173,170,160,0,134,126,129,0,0,144,150,152,150,0,0,0,142,144,144,147,150,155,160,165,170,176,181,189,191,191,191,191,186,183,186,186,186,189,189,194,199,204,207,207,207,207,207,207,207,207,207,209,209,207,207,209,217,222,222,215,212,212,215,217,222,222,217,215,215,215,217,217,217,215,215,215,215,212,209,207,207,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,178,194,202,202,199,202,196,178,59,0,0,0,0,0,0,37,77,137,147,144,129,137,155,152,142,134,131,131,139,144,142,131,91,91,142,163,181,186,152,75,69,61,63,91,152,155,160,173,186,186,176,170,173,176,170,163,155,117,117,117,115,115,117,155,157,117,103,93,97,109,115,113,113,113,109,109,160,183,183,157,107,109,117,119,121,121,121,119,115,115,119,121,121,121,121,121,123,165,170,170,170,165,125,125,125,127,127,127,123,121,121,125,127,168,170,170,170,127,121,117,117,121,123,125,125,127,127,125,125,173,183,191,191,186,176,131,132,183,194,196,199,204,204,196,191,191,191,189,191,194,199,207,215,215,202,182,178,183,194,189,181,181,189,191,191,196,204,212,212,207,207,212,222,225,222,212,199,137,134,135,139,186,194,204,212,217,228,235,235,230,228,222,207,186,181,182,189,191,191,186,181,178,189,204,209,204,194,183,135,178,194,212,209,191,181,181,183,191,196,202,225,235,235,233,235,238,235,228,125,67,69,89,113,119,121,163,163,165,168,170,165,121,119,163,170,176,181,189,189,181,170,123,115,115,113,110,110,115,121,123,123,123,119,115,115,117,121,168,181,189,183,129,111,104,105,121,173,181,199,204,183,170,176,186,173,129,128,129,128,127,127,130,173,173,176,181,181,183,186,186,181,181,189,199,207,204,194,186,178,176,133,178,186,199,204,202,204,202,194,183,176,173,130,129,170,178,183,186,189,191,186,176,170,125,123,119,114,113,123,170,127,119,115,116,123,170,176,178,181,183,181,181,183,189,194,199,191,189,204,212,215,217,222,222,217,215,212,215,212,209,204,202,200,202,204,204,207,212,215,220,217,215,215,212,209,209,207,204,202,194,183,137,135,135,133,135,186,191,196,191,187,187,191,191,186,181,181,186,194,196,196,189,176,173,131,129,176,189,194,186,172,170,176,181,178,178,181,186,183,176,131,129,129,128,128,129,131,133,181,196,215,225,222,215,209,204,207,212,217,225,222,215,207,207,209,212,212,212,204,194,186,183,183,183,186,183,178,173,129,125,121,115,107,101,105,111,123,170,181,183,178,173,168,123,119,115,115,119,123,168,178,181,165,121,125,168,165,122,121,123,168,168,123,121,109,92,99,165,170,121,113,117,123,119,113,115,117,119,163,165,163,163,121,119,123,173,173,165,121,115,111,107,119,163,163,123,117,113,121,168,170,170,173,181,189,191,191,194,194,183,170,123,119,113,111,112,119,119,113,108,107,109,119,173,186,186,183,178,181,189,191,191,183,179,181,189,194,189,186,189,191,190,190,194,202,204,202,199,194,194,199,204,202,191,137,135,183,186,186,189,189,189,189,194,196,135,102,92,97,125,189,196,194,191,189,194,196,194,189,189,191,189,189,191,191,181,127,121,119,119,118,119,125,133,181,186,189,194,194,194,191,191,191,191,189,189,191,196,199,194,186,183,185,186,189,187,189,191,191,191,194,199,207,209,209,204,199,199,207,212,212,212,209,212,215,215,215,207,202,202,199,199,202,204,204,199,196,199,202,204,202,204,202,194,183,178,135,133,178,183,186,183,181,181,181,181,181,181,181,178,178,181,181,176,130,130,133,178,176,176,178,186,191,194,194,194,196,199,202,199,199,202,202,199,198,199,204,207,204,199,191,191,191,189,186,186,186,189,191,189,186,181,178,176,176,178,178,181,183,186,191,191,186,178,173,176,176,176,174,174,178,183,186,186,183,183,186,186,186,186,186,189,191,194,194,189,186,186,186,181,173,125,120,118,121,173,189,194,196,199,202,204,204,199,191,183,178,178,181,183,183,186,186,183,178,173,133,176,178,181,181,183,194,204,212,215,212,209,207,209,212,212,212,209,207,199,183,131,129,129,133,137,181,181,135,133,131,132,137,186,194,199,202,204,202,204,207,212,212,212,212,209,207,194,183,135,133,178,181,181,181,176,131,127,125,125,129,133,133,176,178,183,189,189,178,132,132,178,181,181,178,178,133,132,133,181,183,183,183,186,186,183,181,186,191,194,194,196,199,199,191,187,189,196,202,202,204,202,199,199,196,191,191,191,194,194,196,196,199,194,189,183,181,181,181,178,178,181,186,194,196,194,186,178,178,181,186,183,183,183,186,189,194,196,194,194,191,191,189,186,183,183,186,189,191,191,189,189,191,199,199,196,196,194,194,194,194,191,191,189,186,183,183,183,183,183,181,181,178,178,176,176,176,173,173,173,176,176,178,183,181,129,125,126,170,178,183,183,186,186,181,178,178,183,186,186,186,191,191,189,183,178,173,131,131,173,173,131,129,127,129,131,173,178,178,176,173,173,173,173,173,178,183,189,189,186,186,186,189,186,183,181,181,183,183,186,186,189,191,191,191,191,191,191,191,189,189,189,189,189,189,189,189,189,189,189,191,191,189,186,186,189,191,194,196,194,194,194,196,196,196,194,194,191,191,189,186,186,186,186,186,186,183,181,178,176,173,173,170,173,173,176,170,160,109,97,91,85,79,73,67,65,63,65,81,93,101,103,109,157,170,170,170,168,170,170,163,115,105,105,115,119,119,115,115,115,113,105,83,85,95,105,109,113,115,119,163,170,176,178,181,181,181,176,173,176,178,181,183,186,186,183,178,176,176,181,183,183,178,168,127,170,178,181,178,178,183,189,183,103,76,76,87,101,109,152,152,137,85,75,79,93,131,139,142,142,137,131,129,124,65,24,21,37,98,121,131,131,57,1,5,15,67,111,131,139,126,67,0,0,0,0,0,95,118,126,131,142,152,111,0,0,57,144,142,144,152,163,168,163,152,142,101,107,147,152,155,157,155,111,109,109,115,125,183,196,204,207,209,212,212,212,212,209,204,199,196,196,196,199,202,204,207,209,212,215,215,215,217,222,217,215,212,209,207,207,207,204,199,196,196,202,207,202,51,0,98,168,183,191,37,0,9,165,181,186,186,183,176,178,183,186,181,163,139,139,0,0,0,0,0,0,74,82,95,160,129,7,0,0,0,0,65,121,144,144,105,88,86,92,113,139,155,157,150,139,131,139,142,131,118,121,137,139,59,0,0,25,53,63,95,113,124,126,118,121,82,0,0,0,0,0,0,31,95,0,0,61,66,15,0,0,0,0,0,9,47,45,9,13,0,0,0,47,160,181,186,183,186,178,69,0,47,67,100,100,71,147,178,196,204,199,45,11,155,170,43,0,75,41,9,49,49,25,55,83,121,126,137,152,168,173,168,160,165,157,69,61,77,75,55,5,0,17,168,186,196,199,191,186,173,116,75,76,81,126,150,142,126,142,170,189,191,186,178,173,165,155,157,168,173,168,155,151,155,163,160,160,160,160,160,160,170,183,186,181,168,144,99,99,139,160,170,168,165,163,157,144,144,163,189,194,176,139,121,0,113,118,0,0,0,147,0,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,160,168,165,163,155,155,157,165,165,157,152,152,160,173,186,186,178,165,160,157,168,186,202,209,212,209,199,189,178,166,165,168,0,181,186,194,199,202,207,215,222,225,222,222,225,225,225,225,222,222,222,222,217,215,212,209,207,204,204,207,209,212,212,212,0,212,212,209,209,209,212,217,228,230,233,233,235,238,238,235,233,228,217,215,215,215,222,222,225,222,212,199,183,178,181,183,183,178,173,168,163,156,156,157,0,0,0,0,0,0,0,0,225,222,222,225,230,230,228,225,225,222,222,215,207,199,189,183,181,178,176,176,178,181,189,199,212,228,0,0,0,0,222,215,212,209,207,207,209,209,212,212,215,217,217,215,209,209,209,212,217,220,217,212,207,202,196,191,189,189,186,183,183,181,178,170,160,155,155,163,168,170,170,173,170,160,0,134,126,126,0,0,142,147,150,144,0,0,0,0,147,150,150,152,157,160,165,168,173,181,189,191,194,194,191,189,186,183,186,186,186,189,191,196,202,204,207,207,207,207,207,205,205,207,209,209,207,207,209,217,222,222,215,212,212,215,215,217,217,217,215,215,217,217,222,222,217,217,215,215,215,209,207,207,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,176,189,194,196,196,199,196,189,176,65,45,13,0,0,0,0,0,5,89,134,137,150,157,152,144,139,139,139,147,152,152,147,97,81,139,181,194,199,189,155,67,39,49,91,150,155,165,186,204,202,186,176,176,176,173,165,160,157,160,160,119,115,111,111,113,113,105,99,101,109,117,155,117,115,107,93,99,170,176,117,107,111,115,115,115,115,117,117,115,117,119,121,121,121,121,121,125,170,176,178,178,170,165,127,168,170,168,125,121,120,121,123,127,168,170,170,129,125,121,121,123,125,127,127,125,125,125,124,125,131,181,186,189,183,176,133,178,183,186,186,186,191,194,189,186,189,191,191,196,202,209,217,228,225,204,183,178,183,191,189,181,181,189,194,191,194,202,209,209,204,202,204,215,225,225,209,183,133,137,194,202,204,204,204,207,215,225,233,235,233,228,225,212,194,183,183,186,186,183,178,177,181,194,209,215,207,196,183,131,129,186,202,196,183,186,186,191,196,189,194,228,235,230,230,238,246,246,246,117,59,65,95,107,113,113,117,117,115,115,117,117,119,163,176,183,186,191,196,196,186,168,119,113,113,113,110,110,113,119,123,127,125,119,113,112,113,119,168,183,194,191,173,115,105,107,125,131,173,186,194,186,178,183,189,176,129,129,181,186,176,131,173,131,173,176,173,176,181,183,181,173,178,191,204,209,207,196,186,178,176,133,178,189,199,199,194,194,189,183,176,173,176,173,130,173,181,186,186,189,191,186,181,173,125,121,117,117,123,170,170,123,115,114,117,123,127,129,173,181,186,186,183,178,127,121,131,127,133,199,209,212,222,225,222,215,212,212,212,212,209,204,202,200,200,202,204,209,215,217,220,222,217,217,215,215,212,212,209,204,194,137,131,130,132,135,181,191,194,194,191,187,187,194,194,186,178,176,178,186,191,189,176,125,125,125,125,129,183,191,186,173,176,183,189,186,181,183,186,183,178,176,173,129,128,128,131,176,181,194,207,217,222,217,212,207,207,207,209,212,215,215,212,212,212,212,212,212,212,207,196,186,181,178,178,181,183,183,176,127,119,115,115,111,107,109,119,173,186,194,196,194,183,173,125,117,114,114,117,123,170,181,183,168,123,125,173,178,170,125,123,125,125,123,121,107,88,92,119,165,119,113,117,121,115,109,111,115,115,121,163,123,121,119,118,121,165,165,121,117,117,117,115,115,107,91,103,109,111,117,163,165,168,170,176,183,189,191,194,191,178,165,121,117,112,110,111,115,115,109,107,108,117,168,178,186,189,186,181,178,183,189,189,183,181,189,199,202,196,191,191,194,191,194,199,202,202,196,191,189,191,196,202,202,196,191,194,196,194,191,191,191,189,191,202,212,202,129,107,117,181,189,189,189,186,183,183,189,189,186,183,186,189,191,194,194,181,127,119,118,119,119,123,127,133,176,181,183,189,191,194,194,194,194,194,191,191,191,194,194,191,189,186,186,189,189,189,189,189,189,189,194,199,204,209,212,209,207,207,209,209,209,209,212,212,215,215,212,207,204,204,207,207,204,204,202,196,196,199,202,202,202,204,202,194,186,181,178,178,183,189,189,186,183,181,178,178,176,176,133,133,176,178,178,133,130,131,178,178,176,176,176,178,186,194,194,194,194,196,199,196,199,202,202,199,198,199,204,207,204,199,191,191,194,194,194,189,186,186,189,191,191,189,186,183,181,178,178,178,178,181,183,183,178,131,129,131,176,176,176,176,181,183,186,183,183,183,183,186,186,185,185,186,191,191,191,191,186,186,186,183,178,131,123,120,121,129,183,191,194,194,194,196,199,199,196,191,191,189,189,186,186,183,183,178,176,173,133,178,183,186,183,189,199,209,215,215,212,207,202,202,202,199,196,194,196,191,181,133,131,131,133,137,181,137,135,132,132,133,139,189,194,196,202,204,204,207,212,212,212,209,209,209,207,199,189,183,186,189,189,189,189,183,133,125,124,125,129,133,178,181,183,186,189,183,133,131,133,181,186,183,176,133,132,133,183,194,199,196,189,186,183,181,181,183,189,194,196,199,202,196,191,187,189,196,202,204,204,202,199,199,194,189,186,189,191,191,191,194,194,191,186,183,181,178,178,135,135,178,186,191,196,196,191,186,186,186,183,182,183,183,186,189,191,194,194,191,191,191,191,186,183,181,183,186,186,189,191,191,194,196,199,199,196,196,196,194,194,191,191,189,186,183,181,181,183,183,181,178,176,173,173,173,173,176,173,176,176,178,181,183,181,170,126,126,170,178,181,183,186,186,186,181,181,183,186,186,186,189,186,181,178,178,176,176,178,181,181,176,131,129,129,129,131,173,176,173,172,172,173,173,176,178,183,186,189,189,189,189,189,189,186,183,183,186,186,189,189,191,191,191,191,191,191,191,191,189,189,191,191,191,191,191,191,189,189,191,194,194,191,189,189,191,194,196,196,196,194,194,196,196,196,194,194,194,194,191,189,186,183,181,181,181,181,181,181,178,176,173,173,170,173,176,178,173,163,155,113,109,105,105,101,91,77,73,85,99,111,115,157,168,176,176,170,165,165,170,170,168,160,157,160,160,157,115,113,111,109,99,79,79,87,101,109,109,111,115,155,165,173,178,178,181,181,178,176,173,173,176,178,181,181,176,173,168,168,176,181,181,176,168,127,168,176,181,181,181,186,194,196,178,83,76,80,91,105,152,157,144,99,95,97,129,131,134,139,142,137,131,134,131,118,59,32,43,124,137,139,134,0,0,15,23,37,92,113,126,111,25,0,0,35,69,75,121,121,118,118,121,73,0,0,0,63,142,150,150,155,165,168,160,150,142,144,155,160,160,160,163,160,119,113,109,113,121,176,191,202,207,212,212,212,212,209,207,202,196,194,194,194,196,199,199,202,204,207,212,215,217,222,222,217,212,209,209,207,204,204,202,196,195,196,202,202,150,0,0,0,160,176,170,0,0,0,69,170,170,163,160,144,152,165,173,170,150,31,0,0,0,0,0,0,0,37,53,85,139,121,29,25,41,29,21,55,121,144,139,103,91,92,105,142,173,186,186,181,173,173,181,178,168,163,168,186,199,199,71,0,21,55,61,92,116,129,116,90,13,0,0,0,0,0,0,0,23,131,0,0,0,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,183,189,173,157,137,103,57,57,57,51,45,47,126,157,173,186,142,0,0,59,157,121,81,126,73,47,129,134,45,63,79,74,71,74,87,147,157,148,142,155,160,142,126,126,124,121,81,0,27,139,176,191,191,181,173,155,116,78,79,79,85,131,126,89,137,157,173,178,157,147,155,152,157,168,178,181,168,152,150,151,157,160,163,163,157,150,101,105,163,170,160,147,101,99,137,147,157,157,147,142,147,147,137,126,131,155,163,139,113,108,0,108,118,0,0,0,0,150,144,0,0,0,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,165,165,160,155,153,155,163,165,160,152,147,150,163,176,178,168,155,147,147,155,173,194,204,209,209,202,194,183,170,168,168,0,0,0,194,199,202,207,215,225,225,225,225,225,225,225,222,217,217,217,222,222,217,215,212,207,204,204,204,0,0,0,0,0,0,215,212,208,208,209,215,222,228,230,230,233,233,235,233,230,225,217,212,212,215,217,217,220,217,212,199,183,176,178,181,178,173,168,165,163,160,157,160,0,0,0,0,0,0,0,0,222,222,225,228,230,230,230,228,225,225,222,217,209,199,191,186,183,183,181,181,181,183,191,202,215,228,0,0,0,0,228,217,215,212,207,204,204,204,207,212,215,222,222,217,212,208,208,209,215,220,220,215,207,199,191,189,183,181,181,181,181,178,176,168,160,153,153,157,165,170,173,176,173,163,0,0,129,129,0,0,0,144,147,142,0,0,0,144,150,155,155,157,160,163,165,168,173,181,186,191,196,196,194,191,186,183,189,189,186,186,189,194,199,202,204,204,204,207,207,207,207,209,209,209,207,207,209,217,222,222,217,212,211,211,212,217,217,217,215,215,217,222,222,222,217,217,217,215,212,209,207,207,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,157,183,183,189,191,194,189,189,191,92,49,37,55,0,0,0,0,0,53,126,142,152,155,150,147,144,144,144,147,150,152,155,126,56,73,176,194,196,191,160,25,10,41,93,105,147,163,189,207,204,189,178,176,176,170,165,160,163,168,168,157,113,108,108,111,113,109,103,107,111,155,157,155,115,107,87,85,101,117,111,106,107,111,113,112,113,115,115,115,117,119,121,121,121,123,123,165,173,178,181,178,170,168,170,178,178,173,125,120,120,123,125,127,129,170,170,127,123,123,129,170,129,127,127,125,127,129,127,129,173,181,186,186,181,178,176,181,183,183,182,181,182,183,183,183,189,194,196,202,207,215,222,230,228,209,189,179,182,189,186,179,181,186,189,187,187,196,204,207,202,200,202,209,222,222,204,137,133,183,207,215,217,212,204,199,204,215,225,228,225,222,220,212,199,189,183,186,186,181,178,178,186,199,212,215,207,194,178,120,118,127,189,186,183,186,183,194,199,121,176,215,225,217,217,233,246,251,254,109,59,71,95,99,103,105,109,111,109,108,108,111,121,173,189,194,194,196,199,199,189,165,117,115,117,115,111,111,115,119,125,170,168,121,115,114,115,125,176,189,194,191,178,125,115,119,173,131,129,176,186,181,173,176,178,173,173,181,207,222,209,189,176,130,131,173,173,176,178,176,126,124,131,189,199,202,196,191,186,183,178,133,181,194,202,194,183,181,176,131,131,173,178,176,173,178,183,186,186,186,189,189,186,176,127,121,121,125,173,178,173,123,117,117,123,125,123,125,173,186,191,189,183,129,101,97,104,113,125,202,212,217,225,222,215,209,209,209,212,215,212,209,204,202,200,200,204,212,220,222,217,217,217,217,217,217,217,215,212,204,191,133,129,129,132,181,191,196,194,196,196,191,194,199,199,186,176,131,133,178,183,183,176,129,127,123,122,123,129,178,181,181,186,191,191,186,181,181,181,183,183,181,178,131,129,131,133,178,189,199,209,217,222,217,215,209,207,207,207,207,207,209,212,212,215,212,209,209,207,204,196,189,183,178,178,178,181,181,178,125,113,110,111,113,113,117,170,183,191,199,202,199,189,178,168,119,114,113,115,121,165,173,176,168,122,123,176,189,186,176,165,123,121,121,125,117,94,95,119,123,117,112,113,115,111,105,109,109,107,113,121,121,119,119,119,119,121,121,117,117,119,119,115,105,84,76,89,107,113,117,119,123,123,163,168,176,181,186,189,183,176,165,123,119,115,113,113,115,115,113,113,119,168,173,178,183,189,191,186,183,183,183,183,181,183,194,204,207,202,196,196,199,199,199,204,204,199,191,189,189,189,191,194,194,194,196,199,196,194,191,194,194,194,199,209,222,217,204,196,194,191,186,135,135,178,135,133,135,181,181,178,181,183,186,191,191,183,131,123,123,123,123,125,129,133,176,178,181,183,186,191,194,194,196,194,191,191,191,194,191,189,189,189,191,194,194,191,186,183,183,186,191,196,204,209,212,212,209,209,207,207,207,209,212,215,215,215,209,204,202,207,209,209,207,204,199,195,195,196,199,202,204,207,204,196,189,183,183,183,191,194,191,189,183,181,178,176,133,131,130,131,176,178,178,176,176,178,183,181,181,178,176,174,181,189,189,186,189,191,194,194,196,202,202,199,199,199,202,204,202,196,191,191,196,199,199,194,189,189,189,191,194,196,194,189,183,178,176,176,176,176,178,176,131,128,128,129,176,178,178,178,183,186,183,183,183,183,183,183,186,186,186,186,191,191,194,191,189,189,189,186,181,173,129,127,129,176,183,189,189,189,186,189,191,196,196,196,196,194,191,186,183,181,176,131,131,131,176,181,186,186,183,186,191,202,209,212,209,202,194,189,186,181,181,181,183,183,181,137,135,137,181,183,181,137,133,132,133,135,183,189,191,194,199,204,207,209,212,212,212,209,212,209,207,202,196,191,194,194,194,196,194,189,176,127,124,125,129,131,133,181,186,189,189,181,133,132,178,186,186,178,133,133,178,183,194,204,207,202,191,183,179,179,181,183,186,189,196,202,202,196,191,189,191,196,202,204,204,202,199,199,191,183,178,178,183,186,189,189,191,189,186,183,178,135,135,134,135,181,189,194,196,196,194,194,191,189,186,183,183,183,186,189,191,191,191,191,191,194,191,189,183,181,181,181,183,186,191,191,194,196,199,196,196,196,194,194,194,191,191,189,186,183,181,181,181,181,181,178,176,172,172,172,173,176,178,178,178,178,181,183,181,173,127,127,170,178,181,181,183,186,186,183,183,186,186,186,186,186,181,178,177,178,178,178,181,186,183,176,131,129,127,129,131,173,176,173,172,173,176,178,181,183,186,189,189,189,189,189,191,189,186,186,186,189,189,189,191,191,191,191,191,191,191,191,191,191,191,191,194,194,194,191,191,191,191,191,194,194,194,191,191,194,194,196,196,196,194,196,196,196,196,194,194,194,194,191,191,189,186,181,179,179,181,181,181,178,176,173,173,173,173,176,178,178,173,165,157,155,155,157,157,117,103,93,97,111,160,165,170,173,178,178,170,164,164,165,173,176,173,170,170,170,165,155,113,109,105,99,89,79,81,95,107,109,111,111,111,155,168,173,176,178,181,183,181,178,173,170,173,176,173,168,168,127,127,170,178,178,173,127,125,165,173,178,181,181,186,194,199,199,163,81,81,89,105,155,160,147,139,137,139,131,127,127,134,137,134,131,131,137,134,124,59,59,126,131,129,124,0,0,11,2,0,45,108,134,134,67,37,39,144,160,147,142,134,118,79,61,21,0,0,0,85,139,155,157,157,165,165,157,147,142,147,157,163,163,160,163,165,160,113,109,113,121,176,191,202,207,212,212,209,209,207,202,196,194,191,191,194,196,196,196,196,199,204,207,209,215,222,222,217,212,209,207,204,204,202,199,196,195,199,199,186,17,0,0,0,31,124,59,0,0,0,0,25,118,113,72,13,59,139,163,160,124,0,0,0,0,0,0,49,82,53,53,85,131,116,27,31,92,51,7,11,71,134,131,118,139,168,176,186,196,199,199,194,189,189,189,189,178,173,178,189,196,196,178,98,59,67,65,90,126,150,129,100,0,0,0,0,0,0,0,0,0,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,31,0,0,0,49,98,113,105,121,126,121,126,98,55,7,0,0,95,137,134,124,41,0,0,0,108,126,134,137,126,121,150,155,137,131,121,76,72,75,89,144,150,144,139,152,163,152,144,150,152,150,134,61,59,124,160,178,178,163,160,152,131,116,83,76,76,121,91,51,85,129,131,131,79,71,97,137,147,163,176,176,165,155,150,152,160,163,165,163,157,144,77,64,79,95,99,97,95,99,142,155,157,150,134,129,134,137,129,111,105,103,103,105,111,111,111,116,0,152,150,0,0,0,0,0,0,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,0,163,157,153,152,155,163,165,160,155,147,144,155,168,0,0,155,144,0,0,0,183,196,204,207,202,196,191,183,178,176,0,0,0,194,199,202,207,217,225,228,225,225,222,222,217,217,215,215,217,220,222,222,217,215,209,204,204,204,0,0,0,0,0,0,217,212,209,208,208,212,222,228,228,228,230,230,233,233,230,225,217,212,212,212,215,217,215,212,207,194,178,170,168,170,170,165,160,163,163,165,165,165,0,0,0,0,0,0,0,212,217,222,225,230,233,233,230,228,225,225,225,222,212,202,196,191,189,186,186,183,183,183,189,199,209,222,0,0,0,0,0,225,222,217,212,204,203,203,204,209,215,222,222,217,212,208,208,209,215,220,222,215,207,196,189,183,178,176,176,176,176,176,173,168,157,152,152,157,165,170,176,178,176,168,155,0,0,0,0,0,144,150,147,144,0,0,0,144,152,157,160,163,168,168,168,170,173,178,186,191,196,199,196,191,186,186,189,189,189,186,186,191,196,202,202,204,204,207,207,209,209,212,212,209,207,207,209,217,222,225,217,212,209,209,212,215,217,217,215,215,217,222,222,222,217,217,215,215,212,207,205,205,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,163,173,183,183,178,173,170,173,57,53,63,165,49,0,0,0,0,67,129,142,150,152,150,147,144,142,139,142,142,142,142,73,39,53,160,186,186,178,83,0,0,29,81,97,139,157,181,194,194,183,178,176,173,168,163,160,160,165,163,117,109,107,108,117,157,115,107,109,111,115,117,155,155,109,87,85,91,103,109,107,106,109,115,115,115,117,117,115,117,119,121,121,123,165,168,170,176,176,176,173,170,170,178,189,191,178,125,120,120,123,125,127,129,170,170,125,125,170,183,186,173,125,124,125,129,173,131,131,176,181,186,186,181,178,178,181,183,186,183,181,182,183,183,183,189,191,199,207,212,215,222,230,230,217,199,186,183,186,183,181,183,186,189,186,186,191,202,204,202,200,202,207,212,212,196,139,137,189,204,215,217,212,202,194,196,202,207,209,207,204,207,204,199,191,186,186,186,186,183,186,194,204,209,207,202,191,133,118,115,121,186,191,194,183,127,186,189,83,108,202,212,212,212,230,243,254,255,97,59,65,79,81,91,103,111,111,109,108,107,109,119,176,189,194,191,191,191,191,181,125,115,117,119,119,117,115,117,121,125,168,168,125,121,123,170,186,196,202,199,189,173,127,125,131,181,131,125,131,176,129,126,127,129,173,178,196,222,235,230,202,176,129,173,181,181,186,186,131,120,121,127,183,191,189,186,185,186,189,181,133,178,194,199,189,173,129,127,125,125,131,176,176,176,183,186,181,178,181,186,189,186,176,168,127,127,168,176,178,170,125,123,125,170,129,125,127,181,194,196,189,178,121,99,95,102,117,131,204,217,222,225,217,209,208,208,209,212,215,217,215,209,207,202,202,207,217,222,222,217,217,217,217,217,217,215,212,204,194,183,135,133,135,183,191,194,191,189,191,196,196,196,199,196,186,176,130,130,131,176,178,181,181,176,129,122,121,123,129,176,186,191,194,189,181,177,178,181,183,186,186,178,131,131,173,178,181,189,199,207,212,217,217,217,212,209,209,207,207,207,209,209,212,212,209,207,204,204,202,194,191,186,181,176,176,176,173,170,121,111,110,113,115,117,127,181,189,194,199,199,199,191,183,173,123,115,114,117,119,123,168,170,165,122,123,176,194,199,194,181,170,123,123,125,121,105,104,125,168,123,115,113,111,105,104,105,104,103,105,113,115,117,119,121,119,121,121,117,117,121,121,115,105,84,76,89,111,119,123,123,123,121,121,121,123,165,170,176,176,170,168,163,123,123,123,121,119,117,119,170,181,178,178,181,186,194,199,196,194,189,183,181,178,183,191,202,204,202,199,199,199,196,199,202,199,194,191,191,194,191,189,186,186,189,194,194,189,186,189,194,196,196,202,209,215,212,204,199,196,191,181,131,129,131,132,131,131,133,135,178,181,181,183,183,186,181,176,129,127,127,129,131,176,178,178,176,135,178,181,186,191,194,194,191,189,189,189,191,189,189,189,189,191,196,199,196,183,179,178,182,189,196,204,212,215,212,209,207,204,204,204,207,212,215,215,209,204,199,199,204,209,212,207,202,196,194,195,196,199,202,204,209,207,199,189,186,183,186,191,196,194,191,186,181,178,176,133,131,130,130,173,176,178,181,183,186,189,186,186,183,181,176,178,183,183,181,181,186,191,194,196,202,202,202,199,199,199,199,199,194,189,189,194,199,199,199,194,191,191,194,196,196,191,186,178,176,176,178,176,178,176,173,129,128,128,129,173,176,178,183,186,186,183,181,181,181,183,183,186,186,186,189,191,194,194,194,194,191,189,186,178,131,129,131,176,181,183,186,186,183,181,181,186,191,194,194,196,194,189,183,181,173,127,125,127,173,178,183,186,183,181,176,176,183,194,199,199,191,183,135,133,129,129,131,178,181,181,137,137,183,191,191,186,137,135,133,135,137,186,189,191,191,196,202,207,209,212,212,212,212,212,212,209,202,199,196,196,199,199,202,202,196,183,131,125,127,129,129,129,176,186,191,189,181,176,176,183,183,178,131,131,181,191,199,204,207,207,202,194,181,178,181,186,183,182,183,191,199,199,194,189,189,194,196,202,202,202,199,196,196,189,135,128,128,135,181,183,186,189,189,186,181,178,135,134,135,181,186,191,196,196,196,194,194,194,194,191,189,186,186,186,189,191,191,191,191,191,194,194,189,183,181,179,179,181,186,191,191,194,196,196,196,194,194,194,191,191,191,191,189,189,183,181,178,178,178,178,176,176,173,172,173,176,178,181,181,178,178,181,183,181,176,170,170,173,176,178,178,181,183,186,183,183,186,186,186,183,183,178,177,177,178,181,181,183,186,181,173,129,127,127,129,173,178,178,176,173,176,178,181,183,186,189,191,191,189,189,189,191,189,186,186,189,189,191,191,191,191,191,191,191,191,191,191,191,191,191,191,194,194,194,194,194,191,191,194,194,194,194,194,194,194,196,196,196,196,194,194,196,196,196,194,194,191,191,191,194,191,189,183,179,179,181,183,183,181,178,176,176,176,173,176,178,181,176,168,163,160,163,168,176,173,163,117,115,163,173,176,176,178,181,181,173,165,163,164,170,176,176,173,173,173,170,160,117,111,107,101,95,75,67,81,103,111,113,109,103,109,157,165,170,178,181,186,189,183,173,168,168,168,165,125,165,127,127,168,176,178,176,168,125,125,165,173,176,178,183,189,199,202,189,99,85,89,105,155,157,150,144,144,142,131,127,127,131,131,129,126,126,129,134,134,116,103,118,116,108,103,9,8,9,0,0,35,129,147,142,121,116,129,160,168,160,157,157,147,83,63,49,51,63,91,142,152,168,168,165,168,165,157,147,144,150,155,157,155,157,160,165,163,115,113,119,168,186,196,204,209,212,212,207,204,202,199,194,189,189,189,191,194,194,196,194,196,202,202,204,209,215,217,215,212,209,207,204,204,202,202,196,196,199,204,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,160,152,64,0,0,0,0,0,0,85,111,113,79,59,118,90,0,0,27,5,0,0,0,39,124,147,181,181,186,191,196,199,196,194,189,186,189,186,181,176,178,181,186,189,189,183,160,137,108,111,144,163,142,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,147,165,163,111,3,0,21,0,0,0,51,124,126,139,137,90,0,0,0,41,137,134,116,13,0,0,0,53,129,142,147,144,147,157,157,150,142,137,131,126,131,147,160,157,147,144,152,163,157,155,160,163,165,152,124,81,121,144,155,150,139,147,163,157,142,118,73,72,129,137,43,49,61,81,83,47,25,73,99,142,147,152,155,155,152,152,157,163,163,157,152,152,147,73,53,65,77,87,95,99,101,142,155,155,144,129,126,129,131,121,103,103,95,79,85,0,0,0,0,152,160,152,0,0,0,0,95,0,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,160,160,155,153,155,163,165,163,157,150,144,152,0,0,0,0,0,0,0,0,176,189,196,202,202,196,194,191,186,181,0,0,0,189,194,199,207,217,225,225,225,222,222,217,215,215,215,215,215,217,222,225,222,215,209,207,204,202,202,0,0,0,0,0,217,215,209,208,209,212,217,225,228,225,228,228,230,233,230,228,222,215,212,212,215,215,212,209,199,186,170,163,160,160,160,157,155,160,165,170,173,176,0,0,0,0,0,0,0,209,217,222,228,233,235,235,230,228,228,228,228,222,215,207,199,194,191,191,189,186,183,183,186,194,202,212,225,233,0,0,0,0,228,225,217,209,203,203,204,209,215,217,222,217,212,208,208,209,215,222,222,215,207,196,186,178,173,170,170,170,170,170,170,165,157,152,153,157,163,170,178,183,181,170,160,152,0,0,0,147,155,157,155,150,0,0,0,147,155,163,168,173,176,176,173,173,173,178,186,194,196,199,196,191,186,186,191,191,189,189,189,191,0,199,202,204,204,207,209,209,212,212,212,209,207,207,209,217,222,225,222,212,209,209,212,217,222,217,217,215,217,222,222,222,217,217,215,212,209,207,205,205,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,74,105,126,129,129,124,57,92,168,176,137,61,37,29,51,87,137,144,147,152,155,150,142,134,134,139,142,139,134,71,42,56,142,168,157,129,37,0,0,29,79,97,139,155,170,178,178,178,178,178,176,168,160,155,119,119,119,113,109,108,111,119,160,117,111,111,111,111,113,155,157,111,91,91,97,105,111,111,109,113,157,157,121,121,119,117,117,119,121,123,165,168,170,173,173,173,170,170,173,178,186,199,199,189,168,120,120,125,127,127,127,129,129,129,173,189,199,199,186,131,125,127,173,176,173,131,173,176,181,183,178,176,176,181,183,189,189,183,183,183,183,183,186,191,196,207,209,212,217,228,233,228,209,194,189,189,186,186,189,191,191,189,187,191,199,204,204,202,202,204,204,199,189,139,139,189,196,202,204,207,202,194,189,191,196,194,191,191,194,196,194,191,186,186,186,189,189,191,199,204,204,196,189,186,178,127,121,135,199,207,215,194,126,178,129,77,97,191,207,212,217,230,241,248,251,109,67,57,54,54,79,101,113,113,113,109,107,108,113,163,173,181,181,178,178,176,170,121,115,117,119,121,121,121,121,121,123,127,127,125,125,170,186,204,217,225,215,191,173,129,127,131,178,127,121,125,127,125,125,127,129,131,181,199,222,233,230,194,130,131,183,196,204,207,199,181,123,122,129,183,191,189,185,185,186,186,176,127,131,183,186,178,129,125,123,119,119,123,129,170,173,181,178,170,168,173,178,183,181,173,168,168,170,168,168,170,168,168,168,170,176,176,173,181,196,204,199,183,131,121,109,105,119,135,137,199,215,222,222,215,212,209,209,209,212,217,220,220,217,212,207,207,212,222,225,225,220,217,222,222,222,215,204,196,186,137,137,139,186,191,196,199,196,186,182,185,194,194,191,191,189,181,133,130,129,130,173,178,183,186,181,131,125,123,125,129,176,189,196,194,186,178,177,178,181,183,186,183,176,129,129,173,178,183,191,199,204,209,215,220,217,215,209,209,209,209,209,207,209,209,212,209,204,202,199,196,191,189,183,178,173,170,129,127,123,117,113,113,115,119,123,173,186,196,196,199,199,199,194,189,178,125,117,115,117,121,123,125,168,125,123,125,176,194,204,204,199,191,176,165,165,165,121,121,178,181,176,125,119,113,107,104,107,107,104,107,111,113,115,121,121,119,121,119,116,117,121,121,117,113,99,87,101,119,165,176,176,165,119,115,113,111,111,115,123,168,170,168,165,163,163,163,163,121,119,125,181,191,186,183,183,189,196,204,204,202,194,183,176,131,176,186,194,196,196,194,194,194,189,187,187,187,189,194,199,199,194,183,137,137,183,186,186,182,182,183,191,194,194,196,202,202,199,199,199,199,196,186,133,130,132,135,133,133,133,178,183,183,183,183,181,181,183,178,133,131,131,176,181,186,183,178,134,135,135,178,183,189,191,191,191,187,187,187,189,189,189,189,189,189,196,202,199,189,179,178,181,189,196,204,209,212,212,207,204,202,202,202,207,212,215,212,207,199,195,196,202,207,209,209,204,199,195,196,199,199,202,204,209,207,199,189,183,181,181,186,194,194,194,189,183,181,176,133,173,131,131,173,176,178,183,189,189,189,189,189,189,186,183,181,181,179,178,179,183,189,191,199,204,204,202,202,199,199,196,196,194,189,187,189,194,199,199,196,194,194,194,194,194,189,181,176,174,178,178,178,181,178,176,173,131,131,129,129,131,178,183,186,186,181,181,181,181,183,183,183,186,189,189,191,194,196,196,196,194,191,183,173,128,127,131,181,183,183,183,183,181,178,178,181,183,186,186,186,186,183,181,176,129,123,123,125,173,178,181,183,181,133,129,126,127,131,178,183,181,135,131,128,127,127,129,135,181,183,181,181,189,196,196,191,183,181,181,139,183,189,191,194,194,196,202,207,209,212,212,212,215,215,212,207,202,199,196,196,199,202,204,204,202,191,176,129,129,129,129,127,131,176,183,186,183,181,181,183,178,130,128,131,186,202,209,209,207,204,202,194,183,179,183,189,183,181,181,186,191,191,186,186,189,194,194,196,196,194,191,191,191,183,131,125,126,131,135,181,183,186,186,183,181,178,135,178,181,186,191,196,196,196,194,194,194,196,194,194,194,191,189,189,191,194,194,194,191,191,191,189,189,186,183,181,181,181,186,189,191,194,196,196,194,189,189,189,189,189,189,189,189,189,183,181,178,178,178,178,176,176,173,173,173,176,178,178,178,176,178,181,183,183,181,178,176,176,176,178,178,181,183,183,181,181,183,183,181,181,181,178,177,178,178,181,181,183,183,181,173,127,126,127,173,178,181,181,178,176,176,181,183,183,186,189,189,189,189,189,189,189,189,186,186,189,189,191,191,191,191,191,191,189,189,189,191,191,191,191,194,194,194,194,194,191,191,191,191,194,194,194,194,194,194,194,194,194,194,194,194,196,199,199,196,194,191,189,191,194,194,191,186,181,181,183,183,183,181,181,178,178,176,176,176,178,181,176,170,165,165,170,176,178,178,176,173,170,176,181,181,178,178,181,183,178,170,164,164,168,176,176,170,168,170,168,160,117,111,103,99,95,69,53,63,97,111,115,107,97,101,113,160,168,178,183,189,189,186,178,176,173,168,125,124,124,125,165,168,176,178,178,176,168,123,123,165,170,173,178,183,194,202,191,115,91,83,91,147,152,152,150,150,144,137,131,131,134,131,126,121,118,118,121,129,134,124,118,108,100,71,61,98,111,0,0,29,129,144,139,129,134,144,160,165,160,163,168,168,155,134,137,147,150,155,170,178,178,176,176,173,170,160,152,150,150,150,115,152,157,165,170,165,119,119,165,181,194,202,209,212,212,209,204,202,199,196,191,189,183,183,183,189,191,194,194,196,199,196,196,204,212,215,215,209,207,207,204,204,204,204,199,199,202,204,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,100,45,31,29,0,0,0,0,0,0,0,0,0,129,176,183,183,186,191,194,194,194,191,189,185,185,186,181,178,178,181,181,181,189,191,186,173,152,144,147,139,116,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,124,173,178,183,183,59,5,9,0,0,0,0,92,92,126,139,92,0,0,0,21,152,155,170,17,0,0,0,45,142,150,155,150,152,160,160,150,144,150,155,150,152,160,168,165,152,147,150,168,165,157,157,163,173,173,142,124,126,131,129,118,116,137,173,178,165,137,77,79,165,173,79,3,0,41,57,0,0,47,134,142,142,134,99,101,139,142,150,157,157,144,91,103,147,89,62,70,83,95,139,147,144,144,150,150,139,129,127,131,131,124,113,126,121,79,77,0,137,0,0,155,0,0,0,0,0,98,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,157,160,157,157,157,163,163,163,160,152,150,0,0,0,0,0,0,0,0,0,0,0,191,194,194,191,191,189,183,173,0,0,176,181,186,191,204,215,222,222,222,217,215,215,212,212,212,215,215,215,220,222,220,215,209,204,202,199,199,0,0,0,0,0,0,212,212,209,212,215,217,222,225,225,225,228,230,233,233,230,222,215,212,212,212,212,209,204,194,178,165,155,152,152,155,152,155,160,168,173,178,183,0,0,0,0,0,0,0,207,215,225,230,235,238,235,233,230,228,228,228,225,217,212,204,199,194,191,191,186,183,183,186,191,194,202,212,222,228,0,0,0,233,233,228,215,207,204,207,209,212,215,217,215,212,208,208,209,215,222,222,215,207,194,183,133,129,127,165,165,165,165,165,163,155,153,153,157,160,168,176,183,181,173,168,163,157,152,152,157,165,168,163,155,150,144,144,150,160,168,176,181,183,183,181,176,176,178,189,194,199,199,196,191,189,186,191,191,191,191,194,194,0,199,204,204,207,207,209,212,212,212,212,209,207,207,209,217,222,225,222,215,209,211,215,222,222,222,217,215,217,222,222,222,217,215,212,209,209,207,205,205,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,85,95,90,137,176,178,157,129,79,63,71,124,139,144,147,155,165,160,139,130,131,139,144,144,147,124,61,65,83,79,45,29,21,9,8,45,95,144,152,157,165,168,168,176,181,181,178,173,168,160,119,119,119,115,113,111,111,115,117,113,111,113,113,110,111,163,168,117,103,113,113,113,113,113,113,119,163,163,163,163,121,119,119,121,123,163,165,168,170,170,170,170,170,173,181,186,194,202,204,196,176,121,121,127,129,129,127,129,170,181,194,204,212,212,204,186,173,173,178,181,178,173,131,131,173,178,176,172,173,181,186,189,186,183,183,183,186,186,189,191,196,202,204,204,209,225,230,228,209,194,189,191,191,189,189,194,199,196,191,194,199,202,202,202,202,199,196,186,137,136,139,186,186,189,196,204,209,202,189,186,189,189,186,186,189,191,194,194,191,189,189,189,189,191,196,199,196,186,182,183,191,194,194,199,209,217,228,212,183,131,111,95,101,186,209,217,225,233,238,241,238,183,91,57,48,50,85,103,111,113,113,111,108,108,111,117,121,165,170,170,168,165,165,121,117,117,119,123,125,125,123,123,125,168,168,127,127,173,189,209,228,235,235,215,189,176,127,125,125,121,117,121,127,129,131,176,176,131,133,189,209,217,207,133,126,131,191,207,212,209,202,186,131,127,176,189,196,196,194,189,186,178,127,123,124,127,129,129,129,127,123,117,114,114,117,123,129,170,125,119,121,168,178,178,176,168,123,125,127,125,123,127,170,173,173,173,178,183,189,199,207,209,199,176,125,123,127,133,181,181,131,183,207,217,222,215,215,215,215,212,215,217,222,222,220,215,212,215,217,225,228,225,222,225,225,225,217,207,194,137,134,134,136,183,191,196,202,207,202,189,182,183,189,189,186,186,183,181,176,131,131,176,181,183,183,183,178,131,127,129,170,173,178,189,196,196,186,178,178,181,183,183,183,178,129,126,127,131,178,186,194,199,204,209,215,217,217,212,207,207,209,209,209,207,204,207,207,204,199,196,194,189,186,183,181,173,129,127,127,127,123,117,115,115,117,119,125,181,194,199,199,199,199,199,196,189,178,125,119,117,119,121,121,123,125,125,125,165,176,189,199,202,202,196,186,178,170,173,173,170,178,186,186,178,170,125,117,115,119,125,123,121,117,115,119,123,121,119,119,117,115,116,119,119,117,117,113,109,115,121,165,178,181,165,119,113,110,108,107,110,117,163,168,168,163,123,123,121,119,119,119,125,178,189,189,191,191,191,194,199,202,199,194,181,130,128,130,181,186,189,189,189,189,187,186,185,186,187,189,196,202,202,194,181,134,135,181,183,182,182,182,186,189,191,191,191,194,191,191,194,202,207,204,194,186,183,183,189,191,189,186,186,189,186,186,183,183,183,189,186,183,178,178,183,189,191,189,183,178,178,135,178,183,189,191,191,189,189,189,189,191,194,194,191,189,189,194,199,204,202,194,186,186,191,196,204,207,209,209,207,204,204,202,202,207,212,215,209,204,196,195,196,202,207,207,209,209,204,199,202,202,199,199,202,207,204,196,186,181,177,177,181,189,194,194,191,186,181,178,178,176,176,176,173,131,176,186,189,186,186,186,186,183,186,189,186,183,181,179,179,183,189,194,199,204,204,202,202,199,196,196,194,194,191,189,189,191,194,196,196,194,194,194,191,189,183,178,174,174,176,176,178,181,181,178,178,178,173,127,125,126,131,181,186,183,181,178,178,181,181,183,183,186,186,189,191,191,194,196,196,196,191,183,173,127,127,173,183,186,183,181,181,181,181,178,176,178,178,178,178,178,178,178,173,127,123,123,127,173,178,181,183,178,131,127,126,125,124,126,131,135,133,131,129,128,128,131,178,183,186,186,186,191,196,199,196,194,194,191,191,191,194,196,196,196,199,204,209,212,212,212,212,215,215,212,207,202,199,196,196,199,202,199,199,202,194,178,131,129,129,129,129,125,121,123,173,183,186,186,186,178,130,129,176,194,204,209,207,204,202,202,196,189,189,191,191,186,182,182,183,183,181,178,181,186,189,189,189,191,189,186,186,183,178,129,126,126,129,133,178,183,186,186,183,181,181,181,183,189,194,196,196,196,196,194,192,196,196,196,194,194,194,191,191,194,194,196,194,191,189,186,183,186,189,189,186,183,183,186,186,189,191,196,194,189,186,185,186,186,189,189,189,189,189,183,181,176,176,176,176,176,176,173,173,176,178,178,176,173,173,176,181,183,183,183,181,178,178,178,181,181,181,183,183,181,178,181,181,178,178,181,181,178,178,181,181,181,183,183,181,173,127,127,131,176,183,183,183,178,173,173,176,178,178,181,183,186,186,186,186,186,189,186,186,186,189,189,191,189,189,189,189,189,189,189,189,191,191,191,194,194,194,194,194,191,191,191,191,191,191,194,194,194,194,194,194,194,191,191,191,194,199,202,202,202,199,194,189,189,191,194,191,186,183,183,183,183,183,183,181,181,181,178,176,178,178,176,168,165,165,173,178,178,178,178,178,178,178,181,183,183,183,181,181,183,186,181,173,168,170,176,173,165,160,160,157,117,109,101,89,83,81,59,44,49,85,105,105,95,87,93,103,115,163,178,183,186,183,183,183,183,178,173,165,124,124,125,165,168,173,176,178,178,173,125,121,123,165,168,173,181,191,196,191,176,107,75,69,89,142,152,155,152,144,142,139,139,137,131,124,121,113,83,111,121,137,134,126,121,108,73,73,108,116,6,2,27,126,147,144,139,139,147,155,160,157,157,168,170,170,157,155,157,157,168,178,186,183,183,181,178,170,163,157,155,150,113,113,115,160,170,176,173,165,165,178,189,199,204,209,212,212,207,202,199,196,194,191,186,178,176,178,181,186,191,194,196,194,190,191,202,212,215,209,207,207,204,204,204,207,207,204,204,204,199,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,7,0,0,0,0,0,0,0,0,0,0,147,178,181,181,186,191,194,194,191,189,186,185,189,189,183,181,181,181,179,179,183,194,194,186,181,165,144,49,25,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,147,176,181,189,189,47,0,0,0,0,0,3,59,35,61,113,57,0,0,0,0,134,155,170,5,0,0,0,37,152,152,155,147,150,160,160,150,150,170,170,160,157,163,168,165,155,150,152,170,170,157,152,155,173,181,155,134,129,118,75,63,63,116,144,168,163,134,83,121,168,157,33,0,0,0,13,0,0,39,134,147,150,134,89,77,71,73,89,147,152,103,59,69,101,89,81,91,101,142,157,163,155,147,147,144,139,134,134,139,142,134,124,134,134,100,87,0,0,0,0,0,144,0,0,0,0,98,92,0,0,0,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,150,155,155,155,155,157,157,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,189,183,176,178,178,173,163,0,0,168,173,178,186,199,212,217,220,217,215,212,212,212,212,212,212,212,212,215,217,215,212,207,204,199,194,191,0,0,0,0,0,0,0,209,209,212,215,215,217,222,222,222,228,233,235,238,233,225,215,212,209,209,209,207,202,191,178,163,155,151,152,152,155,157,163,168,176,181,186,0,0,0,0,0,0,0,204,215,225,233,235,238,238,233,230,228,228,228,225,222,215,209,202,196,191,191,186,183,183,186,189,191,194,202,212,217,225,0,0,0,238,235,225,215,209,209,212,212,212,215,215,209,209,209,212,215,222,222,215,204,194,181,133,127,127,165,163,163,160,160,160,155,153,153,155,157,163,170,181,181,176,173,173,168,160,157,163,170,170,168,163,155,150,150,155,165,176,183,189,189,189,186,181,178,181,189,196,196,199,196,191,189,189,191,194,194,196,196,0,0,0,204,207,207,209,209,212,212,212,212,209,207,207,209,217,222,225,225,215,211,211,217,225,225,222,217,215,217,222,222,222,217,215,212,209,207,207,205,207,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,61,92,103,139,155,168,155,137,118,83,85,129,142,147,147,157,170,168,142,131,133,139,147,155,165,155,75,63,53,31,5,0,17,25,33,63,150,168,168,163,163,163,168,173,181,183,183,181,176,168,163,163,165,163,160,119,115,111,110,110,110,111,111,110,113,178,186,170,160,168,163,119,115,113,115,117,157,160,163,163,160,121,121,163,165,165,165,168,168,165,168,170,178,186,189,194,196,204,207,202,183,123,125,170,173,170,170,173,178,191,207,215,217,222,215,199,181,178,186,189,181,173,173,173,173,176,172,170,173,183,186,183,181,179,181,183,186,186,191,196,196,194,191,194,199,212,225,220,204,186,186,191,191,189,189,199,207,207,202,199,199,199,199,196,196,196,189,137,135,136,181,183,183,186,196,209,222,212,191,185,186,185,186,189,189,191,194,196,199,194,194,189,186,186,189,191,186,182,181,183,196,212,215,212,215,220,225,215,196,129,109,106,108,186,209,222,225,228,228,225,217,189,107,63,49,57,105,109,109,109,111,113,111,109,113,115,117,121,163,168,168,168,170,165,123,119,121,125,168,168,165,165,170,176,173,168,127,170,183,204,225,238,243,233,212,191,129,117,116,116,117,125,176,183,186,183,178,131,130,133,194,199,183,127,125,131,189,202,204,196,183,176,133,176,186,196,204,209,207,199,189,133,125,123,123,123,124,127,173,173,127,116,112,111,114,119,123,123,115,112,119,170,178,178,173,125,119,120,121,121,121,127,176,181,178,176,176,186,199,204,209,209,196,129,121,125,178,189,191,133,123,129,199,215,222,215,215,217,220,217,215,217,220,222,225,222,217,217,222,228,228,225,225,225,225,222,215,204,189,135,133,136,139,186,191,196,202,209,212,196,185,185,186,186,185,186,189,186,181,176,178,186,189,186,181,176,129,127,129,173,176,176,178,189,196,199,191,183,183,183,181,181,178,173,127,125,126,127,173,186,194,202,207,212,215,217,215,209,202,202,204,209,209,204,202,202,202,199,194,191,186,181,178,181,176,131,127,127,129,129,125,119,117,115,114,115,127,186,196,199,196,196,199,199,196,189,176,165,121,119,121,121,121,123,123,123,125,165,173,181,189,194,194,189,186,183,178,181,181,170,173,181,186,183,181,178,173,170,176,186,183,176,168,123,165,165,121,119,119,117,115,116,119,121,119,121,123,163,163,121,118,121,123,123,119,117,113,110,110,115,123,168,170,168,123,119,117,113,113,115,119,123,168,178,189,194,191,186,189,191,194,191,186,178,130,128,131,181,186,189,189,187,187,189,189,191,199,199,199,199,202,199,189,137,134,135,181,186,186,191,191,194,194,194,191,191,189,189,189,194,202,207,204,199,194,194,191,194,196,196,191,189,189,186,183,183,186,189,194,194,191,189,189,189,191,194,194,189,186,181,178,135,181,189,191,194,194,194,194,194,199,202,199,196,194,194,194,199,207,212,209,204,202,202,202,202,202,204,207,209,207,204,202,202,207,212,212,209,202,196,196,196,202,204,207,209,212,207,204,204,204,202,196,199,202,199,191,183,181,178,177,178,186,191,191,189,186,183,181,181,183,183,178,173,129,173,181,186,183,181,178,178,178,181,186,186,183,183,183,183,189,191,194,199,202,202,199,199,196,196,194,194,194,194,189,186,189,189,191,191,194,194,191,189,183,181,178,176,176,174,174,174,178,178,176,178,181,178,127,124,124,127,176,181,181,178,178,178,178,181,181,183,183,186,189,189,191,191,194,194,194,191,183,173,128,129,178,189,189,183,181,178,181,181,178,176,173,173,131,129,131,173,176,131,127,124,125,129,173,178,183,186,183,176,133,133,127,124,124,129,135,178,135,133,133,133,135,181,189,191,194,194,196,199,204,204,204,204,199,196,196,199,202,202,204,204,209,212,215,215,212,215,215,212,209,204,202,199,199,196,196,196,191,191,194,189,176,129,127,129,131,129,121,115,115,121,178,186,189,186,181,176,133,183,196,204,207,207,202,202,199,196,194,194,196,194,189,186,183,183,178,135,132,133,181,186,186,183,183,186,183,183,181,178,133,129,129,131,133,135,181,183,183,183,183,189,189,189,194,199,199,196,196,194,194,194,196,196,196,194,196,196,194,191,191,194,194,194,191,186,182,182,183,189,191,189,186,186,186,186,189,191,196,194,189,185,185,185,186,186,189,189,189,189,183,181,178,176,176,176,176,173,173,173,176,176,176,173,172,173,178,181,183,183,183,183,181,181,181,181,181,181,183,183,178,178,178,178,178,178,183,183,183,181,181,181,181,183,186,183,176,129,131,176,181,186,186,183,178,173,131,131,173,173,173,176,178,183,186,186,186,186,186,189,189,191,191,191,189,189,189,189,189,189,189,191,191,191,194,194,194,194,194,194,191,191,191,191,191,191,191,194,194,191,191,189,189,189,189,191,194,199,202,204,204,202,196,191,189,191,191,189,186,186,186,186,183,183,183,183,183,183,181,178,178,176,168,125,123,165,176,178,178,176,173,178,181,181,183,186,189,189,186,183,183,183,183,178,173,173,176,170,163,119,117,117,111,103,89,73,63,61,47,40,43,67,87,85,69,73,81,91,107,157,173,181,181,178,181,186,189,186,178,173,168,165,168,173,170,168,165,170,176,176,165,121,120,121,163,168,178,189,194,194,189,170,75,52,57,93,147,155,152,147,147,147,144,139,131,124,121,116,83,79,116,134,139,137,131,118,73,69,73,73,25,39,55,134,147,142,137,139,147,155,157,156,156,168,176,176,168,165,165,168,176,181,183,183,183,183,178,173,165,163,160,152,113,113,152,165,176,181,181,178,178,186,196,202,207,209,212,209,204,202,199,196,194,189,183,176,174,176,178,186,191,194,196,191,189,191,204,215,215,209,204,204,204,204,207,207,209,209,209,209,194,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,31,0,0,0,0,0,0,0,0,0,21,178,183,181,181,186,191,196,194,191,186,186,191,194,194,189,181,181,181,181,181,186,194,196,194,191,181,144,25,0,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,139,152,165,168,165,121,0,0,0,0,0,0,100,147,27,31,95,53,25,0,0,0,41,100,51,0,0,0,0,27,142,144,147,147,152,160,157,152,160,181,176,160,152,163,168,168,160,152,155,170,168,155,150,150,163,170,150,131,89,59,1,0,0,0,13,69,121,87,73,83,131,39,0,0,0,19,33,25,39,73,95,150,163,157,93,66,53,47,56,99,152,142,45,49,83,79,85,97,105,144,157,163,155,147,144,144,142,142,144,147,147,137,118,121,121,108,105,0,0,0,0,0,0,0,0,0,0,111,0,0,0,79,77,0,0,0,0,69,69,0,0,0,0,0,0,0,0,0,0,0,0,139,0,147,152,155,152,152,150,0,152,160,0,0,0,0,0,0,0,0,0,0,0,0,189,186,170,163,163,165,0,157,0,0,163,170,176,181,194,207,215,215,215,212,212,209,209,209,209,209,207,207,209,209,212,209,204,199,191,189,189,194,0,0,0,0,212,0,212,212,212,215,215,217,217,217,217,225,233,238,238,235,225,215,209,207,207,207,204,199,189,178,168,157,152,152,155,155,157,163,168,173,178,186,0,0,0,0,0,0,0,204,215,225,233,238,241,238,235,230,230,228,228,228,225,222,212,204,196,191,189,186,183,186,189,189,189,191,199,207,212,217,225,233,235,238,235,230,217,212,212,212,209,209,212,212,209,209,209,212,215,220,220,215,204,194,181,131,127,125,125,163,160,157,155,157,155,155,155,155,155,157,165,176,178,178,178,181,176,168,163,165,170,173,170,165,160,155,155,160,173,183,189,194,194,191,189,183,178,181,189,194,196,196,196,194,189,189,189,191,0,199,0,202,202,204,204,207,209,209,209,209,209,212,212,209,207,207,209,215,222,225,225,217,212,212,217,225,225,217,215,215,217,222,222,222,217,217,212,207,207,207,207,207,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,126,126,129,124,126,142,142,98,116,126,126,139,144,144,144,150,165,170,157,142,134,134,144,160,176,168,75,45,19,9,3,0,0,27,67,95,183,189,178,168,163,163,168,173,176,178,183,186,183,178,170,170,176,176,165,157,119,115,109,109,111,115,111,111,157,186,194,183,173,170,163,119,115,117,113,112,113,115,119,160,160,160,165,170,168,163,165,168,170,165,123,170,189,196,199,199,202,207,207,199,183,125,129,178,176,170,176,183,183,196,212,217,222,228,225,196,174,176,189,189,173,173,181,181,178,178,173,173,178,183,183,179,178,178,181,183,183,186,194,199,196,181,181,181,183,196,209,204,181,131,178,189,191,189,189,199,212,215,212,204,194,189,191,191,191,191,189,181,136,181,186,186,183,189,202,222,228,215,194,185,185,183,186,191,194,194,194,199,202,204,196,189,185,185,186,183,183,186,189,186,194,212,222,217,217,222,225,217,196,129,117,117,170,196,207,209,209,209,207,196,189,125,91,65,63,91,111,113,108,107,109,111,113,113,117,119,121,121,123,168,176,183,186,183,176,165,121,123,168,170,168,170,178,183,178,170,127,170,183,204,228,241,241,235,222,204,176,117,114,115,119,129,183,191,194,189,181,133,130,131,183,194,189,133,129,181,191,196,191,176,123,121,127,181,194,204,212,215,215,209,196,181,131,127,125,125,127,131,176,181,129,121,117,117,117,121,123,119,112,111,117,168,178,178,170,125,121,120,119,119,123,170,181,183,181,173,176,183,194,202,204,202,191,133,123,127,178,191,191,133,128,130,191,215,220,215,215,217,222,217,215,215,217,222,225,225,217,216,222,228,228,225,225,225,217,212,204,199,194,186,183,191,191,191,194,194,199,209,212,204,194,186,185,185,186,191,196,194,186,181,183,191,191,186,176,129,125,125,129,176,178,178,178,186,194,196,194,191,189,183,181,176,173,131,129,129,127,125,125,176,191,202,207,212,215,215,215,207,196,194,202,207,204,202,202,202,196,194,189,183,176,173,176,176,173,129,125,127,173,129,121,117,117,115,114,119,168,186,194,191,189,189,191,194,194,186,173,125,121,119,117,119,121,125,165,123,123,165,170,178,183,186,183,181,183,183,183,186,183,176,169,173,178,183,186,189,186,181,183,189,189,183,181,181,181,170,123,119,119,117,117,117,121,123,123,163,168,173,173,123,114,112,116,119,121,119,119,117,121,163,168,173,176,173,163,119,113,112,111,115,119,123,165,173,181,183,181,178,181,183,186,186,181,181,178,178,181,186,189,189,189,189,191,194,199,204,209,209,207,204,202,196,186,137,136,137,181,189,196,202,204,204,204,202,199,194,191,189,191,199,204,207,204,194,189,191,189,189,189,186,181,181,186,186,183,183,186,189,194,196,196,194,191,191,194,196,196,194,189,183,135,134,178,186,194,196,202,202,202,202,204,204,202,199,202,202,199,199,202,207,212,217,217,212,204,196,196,199,204,207,207,202,202,202,207,209,207,204,202,199,199,199,202,204,204,207,209,207,204,204,204,202,196,196,196,196,191,186,186,183,178,178,181,183,186,186,186,183,183,186,189,189,181,173,129,129,176,181,183,178,176,133,133,176,181,183,183,183,186,189,194,194,196,196,196,194,194,194,194,194,191,194,194,194,189,186,186,186,186,189,189,189,186,181,178,178,178,178,178,176,173,174,176,176,173,176,183,183,176,127,126,126,131,176,178,178,178,178,178,178,181,181,183,183,186,189,189,189,191,194,194,189,183,176,131,173,181,186,189,181,178,178,181,183,178,173,131,131,127,123,125,129,131,129,127,127,129,131,176,183,189,194,191,189,186,181,131,126,126,131,178,183,183,181,181,181,183,186,191,199,199,202,202,207,209,209,209,209,204,202,202,204,207,207,207,209,212,215,215,215,215,215,215,212,209,207,202,199,199,199,196,191,186,181,183,178,131,127,125,129,173,173,125,117,116,120,173,183,186,186,183,181,183,186,191,199,204,204,202,199,196,191,186,189,194,196,194,189,183,181,178,133,131,132,178,183,186,183,183,183,186,186,186,186,183,181,181,181,178,135,178,183,183,189,191,194,194,194,196,202,202,199,196,194,194,194,194,196,196,196,196,196,194,191,189,189,191,191,191,186,182,182,183,186,189,186,186,186,186,186,189,191,194,191,189,189,186,186,189,189,186,186,186,186,183,183,181,178,176,176,176,173,170,173,176,178,176,172,172,176,181,183,183,178,176,178,178,181,181,181,181,181,181,181,178,178,176,176,178,181,183,186,183,183,181,181,183,186,186,183,176,176,178,183,186,186,183,181,178,173,131,131,131,129,129,129,173,178,183,186,183,183,189,194,196,194,194,191,191,189,189,189,189,191,191,191,194,196,196,196,194,194,194,194,194,194,194,194,194,191,191,191,189,189,186,186,186,186,186,189,194,199,202,204,204,204,199,191,189,189,189,189,189,186,186,186,186,186,186,186,189,186,186,183,178,173,165,122,121,165,173,173,173,173,173,178,181,179,181,186,191,194,191,186,183,178,178,176,176,176,173,168,163,157,119,117,115,109,95,75,61,55,45,40,40,49,59,49,36,43,61,73,97,115,163,173,176,173,176,181,186,186,183,183,181,181,181,181,176,165,163,164,170,173,168,121,118,118,121,165,176,186,194,194,189,178,157,73,49,53,95,144,144,150,150,150,147,142,134,129,124,121,83,75,79,134,142,142,134,116,75,65,61,59,51,55,108,124,129,137,139,144,152,160,160,157,157,170,183,183,181,176,176,176,178,181,183,183,183,181,176,176,176,173,168,157,115,152,160,170,176,178,183,186,181,186,199,204,202,204,207,207,204,199,196,194,191,189,186,181,176,178,183,186,189,194,194,191,190,194,207,215,215,209,204,204,204,207,207,207,209,212,209,204,139,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,39,0,0,25,39,5,0,0,0,0,39,173,181,178,178,183,186,189,194,194,189,185,189,194,194,189,181,179,179,183,186,191,196,196,194,191,183,168,57,0,0,0,0,0,0,0,0,0,0,0,0,0,37,152,100,0,0,3,23,0,31,87,139,150,152,142,47,25,9,0,0,0,0,11,170,173,23,3,61,43,1,0,0,0,0,0,0,0,0,0,0,0,17,126,142,152,157,157,147,139,160,176,168,144,150,163,168,170,165,157,160,170,176,165,152,151,157,160,142,124,81,57,15,0,0,0,0,0,0,0,3,51,17,0,0,0,0,71,61,65,67,83,95,144,163,173,176,147,56,33,51,95,155,155,53,39,51,65,79,91,95,101,142,147,150,147,143,144,147,150,147,144,137,126,108,104,105,108,118,0,0,0,0,0,147,150,0,0,0,0,0,0,0,85,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,160,163,157,150,0,152,165,178,189,199,207,204,196,189,0,176,176,183,0,0,183,165,155,0,0,0,0,0,0,163,170,173,181,191,202,207,209,209,209,207,207,204,204,202,202,199,196,196,202,204,202,196,189,186,186,186,194,204,212,0,217,217,217,215,215,215,215,215,217,215,212,212,217,230,238,238,233,225,215,207,204,204,0,202,196,189,181,170,163,157,155,155,155,155,160,165,170,176,181,189,194,0,0,0,0,0,207,217,228,235,241,243,241,238,233,230,230,228,228,228,222,215,204,196,189,183,183,183,183,186,189,189,194,199,204,207,212,220,230,233,233,230,225,217,212,212,212,209,209,212,212,209,209,207,209,212,215,217,212,207,194,183,131,127,125,125,160,119,117,115,152,155,155,155,155,155,157,160,168,176,181,183,183,183,176,168,168,170,176,176,173,165,160,160,168,178,186,194,196,196,191,186,181,178,178,186,191,194,196,196,194,191,189,189,191,0,0,202,202,204,204,207,209,209,209,207,207,209,212,212,212,209,207,209,215,222,225,225,217,215,215,217,222,217,215,212,212,217,222,222,222,222,217,212,207,204,207,207,207,205 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,134,137,134,113,108,121,108,69,100,139,142,147,150,144,137,139,155,163,157,147,137,129,129,152,168,157,83,23,0,0,0,0,0,17,124,189,222,204,189,173,163,163,168,173,173,178,183,183,183,181,176,173,176,170,163,121,119,115,110,111,117,119,115,113,157,176,183,176,163,119,117,117,117,119,113,109,109,111,115,119,121,163,170,170,168,123,163,170,173,165,122,165,183,191,199,204,204,204,199,186,129,123,129,181,178,173,178,186,186,194,207,215,217,225,217,189,170,174,186,181,129,130,183,189,186,183,181,181,183,183,181,178,179,181,183,181,176,176,186,189,183,176,176,133,176,183,194,183,117,115,127,186,191,191,191,199,209,217,215,202,189,186,189,191,191,191,191,186,181,189,191,186,186,191,207,222,225,209,191,185,185,185,191,199,204,199,196,196,202,204,202,194,189,186,186,183,186,191,194,189,189,204,222,222,217,222,225,215,194,173,127,176,194,209,209,199,191,189,183,176,168,119,97,77,79,97,111,113,108,107,109,113,115,117,121,163,123,121,121,165,181,194,202,199,189,173,123,119,123,165,165,168,173,178,170,127,127,170,186,204,228,235,235,233,222,204,176,117,114,115,119,127,176,183,186,186,186,181,133,131,178,191,194,181,131,178,189,194,186,129,118,117,121,183,202,212,217,222,217,212,202,189,181,176,176,178,178,181,181,181,178,173,170,170,127,123,119,113,111,112,119,127,173,173,170,170,127,121,119,118,123,170,176,178,173,129,129,176,186,191,194,191,189,178,133,133,181,183,181,135,132,137,196,212,217,215,212,215,217,217,215,215,215,222,225,225,222,222,228,228,225,225,222,217,204,189,186,191,196,196,199,202,202,199,196,196,196,202,207,202,196,189,186,186,191,199,204,199,191,186,183,186,183,178,131,127,125,127,173,181,181,178,178,183,191,194,194,194,191,186,178,173,173,176,176,131,127,124,123,129,181,194,204,209,212,212,207,199,191,191,199,199,196,196,202,202,194,189,181,176,131,130,131,129,129,125,125,127,129,123,117,117,119,121,123,127,173,181,183,181,178,181,183,186,183,178,170,125,121,117,113,115,119,165,168,165,123,123,165,173,181,181,176,173,178,181,186,189,191,183,173,173,176,181,189,194,191,186,181,186,189,189,189,191,189,178,165,121,119,119,121,163,163,163,163,168,176,178,173,163,121,118,118,121,121,119,117,119,125,168,170,173,173,170,163,119,115,112,112,117,123,125,168,168,168,168,168,170,173,178,183,183,183,183,186,183,183,186,186,189,191,191,194,196,202,207,212,212,209,204,202,194,186,183,183,181,181,189,199,207,212,215,215,212,207,199,194,189,191,199,204,207,202,189,137,137,137,137,178,134,132,134,181,186,186,183,183,183,186,191,194,191,191,189,191,194,194,194,189,181,135,134,135,181,189,199,207,204,202,202,204,204,202,204,207,207,204,202,202,207,212,217,220,212,199,189,186,194,202,202,196,196,199,204,207,202,194,194,196,199,199,199,202,202,202,204,204,204,204,204,204,202,196,196,196,196,191,189,189,186,181,176,176,178,181,183,183,183,186,189,189,186,183,178,131,129,131,176,176,176,133,131,131,176,178,181,181,183,186,191,196,196,196,194,194,194,194,194,191,191,189,191,191,189,186,183,183,186,183,183,183,181,181,178,178,178,181,181,181,176,174,174,176,176,131,131,178,183,183,181,176,131,129,173,176,178,178,178,178,178,181,181,183,183,183,186,186,186,189,189,189,189,183,178,176,173,178,181,183,178,176,178,183,186,181,173,170,129,125,122,123,127,129,129,127,131,131,173,178,186,194,199,199,196,194,186,176,127,126,129,178,183,186,186,183,186,189,191,199,204,204,204,207,209,212,212,209,209,207,204,204,207,209,209,209,212,215,215,215,215,215,212,212,212,209,207,202,199,196,196,196,191,181,135,176,133,129,125,127,131,176,178,173,127,125,129,176,181,181,181,181,183,183,186,191,196,204,204,202,196,191,183,179,181,186,191,191,189,183,181,178,135,133,133,181,186,186,186,186,186,189,191,191,191,191,191,191,189,183,178,181,186,189,191,194,196,194,196,199,204,204,202,196,194,194,194,194,194,196,196,199,199,196,191,186,183,183,186,186,183,183,183,183,186,186,186,186,186,186,189,189,191,191,191,191,189,189,189,191,191,189,186,186,186,186,183,183,178,176,176,176,173,170,173,176,176,176,173,173,178,183,186,181,173,129,170,173,173,176,176,176,178,178,178,178,178,176,176,176,178,183,186,186,186,183,183,183,186,186,183,181,178,183,186,189,189,183,181,181,178,178,176,173,131,129,128,129,133,178,181,181,186,191,199,199,196,194,191,191,191,189,189,191,191,194,194,196,199,199,199,196,196,196,194,194,194,194,194,194,191,191,189,189,186,186,183,183,183,183,186,191,196,202,202,204,202,199,194,191,191,191,191,189,189,189,189,189,186,186,189,191,189,189,186,181,173,125,121,121,125,168,168,170,173,178,183,181,178,179,183,191,194,191,186,183,178,178,176,176,176,176,170,165,163,160,160,155,115,109,97,87,73,61,45,41,42,45,39,33,35,47,63,91,111,155,165,170,173,176,178,181,183,186,186,186,186,189,189,183,173,165,164,170,176,173,123,119,118,121,168,178,186,191,191,189,183,173,111,75,55,51,55,89,142,150,147,147,142,137,131,129,126,111,69,67,129,142,144,129,103,65,57,59,57,49,43,49,71,118,131,139,144,152,160,163,160,160,168,181,189,189,189,186,186,183,183,183,183,183,181,178,181,183,183,176,165,157,157,165,173,173,173,176,178,176,181,191,196,199,202,204,204,204,199,196,194,191,189,186,183,181,181,186,186,189,189,194,196,196,202,212,215,212,207,202,202,207,209,212,212,215,212,204,196,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,69,15,1,23,27,21,29,47,47,45,49,49,23,17,57,134,163,170,176,178,178,181,189,194,191,186,186,191,191,189,181,178,179,183,191,196,199,196,191,186,186,183,134,19,17,0,5,0,0,0,0,0,0,0,0,0,152,199,111,0,0,0,21,9,111,137,147,150,147,124,53,51,111,113,90,35,7,11,126,121,0,0,0,0,0,0,0,0,0,0,0,0,0,87,23,0,0,19,144,165,168,160,137,103,131,163,139,142,155,165,168,170,170,165,163,173,183,186,176,168,165,163,142,134,139,152,150,65,0,0,0,0,0,0,0,0,0,0,0,0,0,63,65,69,75,87,95,131,147,173,186,183,144,71,70,99,150,147,51,33,41,55,85,91,89,91,101,142,155,155,147,144,147,152,144,129,126,131,118,101,101,111,126,0,0,0,0,0,147,144,0,0,0,0,0,0,0,0,0,0,0,0,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,165,152,150,152,165,178,186,194,199,199,194,194,189,186,186,194,0,0,0,0,0,0,0,0,0,0,0,170,176,178,183,191,196,199,199,199,199,0,0,194,0,0,186,186,186,189,191,196,196,191,186,185,185,189,196,207,215,222,225,225,225,222,217,215,215,217,217,215,209,209,215,228,235,235,230,222,212,207,202,0,202,202,196,189,181,173,163,157,152,152,152,152,157,160,165,168,176,181,191,199,204,204,199,202,209,220,228,238,243,243,243,238,235,233,230,230,228,228,225,217,209,199,189,183,181,181,181,183,183,186,189,194,199,199,204,212,225,228,225,222,217,212,209,209,207,207,207,209,209,209,207,204,204,207,209,212,209,204,194,183,173,127,125,163,160,119,115,113,150,152,155,155,155,157,157,160,165,173,178,181,183,183,178,173,170,176,181,183,178,173,168,168,173,181,191,196,199,196,194,186,181,176,176,181,186,191,196,196,194,191,189,189,191,0,0,0,202,204,204,204,207,209,207,205,205,209,212,212,212,209,207,209,212,217,225,225,217,215,215,215,217,215,212,211,212,217,222,222,222,222,217,212,204,203,204,207,207,205 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,129,134,131,131,105,105,124,98,62,96,152,152,150,147,142,134,134,144,155,155,152,142,83,65,134,147,150,152,43,0,0,0,0,33,37,191,207,215,207,194,176,163,163,173,178,176,178,181,178,176,176,173,170,168,163,121,119,117,113,111,115,157,157,115,113,117,160,163,119,113,112,113,115,117,119,113,110,110,112,113,117,121,165,170,170,163,122,125,173,176,170,123,125,173,181,194,202,204,196,183,129,118,118,125,176,176,170,176,181,183,189,196,204,207,212,209,189,173,178,186,173,126,128,181,189,189,186,183,183,186,183,181,179,181,183,186,178,131,129,131,131,131,131,131,131,131,181,186,133,114,110,117,183,194,194,194,199,209,215,207,194,186,189,196,196,194,194,196,194,191,196,196,189,186,194,207,217,217,204,191,186,186,191,196,207,215,209,196,192,196,204,204,199,194,191,186,183,189,196,202,194,181,189,215,225,222,225,222,212,194,178,178,191,212,225,215,194,181,178,173,165,125,119,107,93,93,101,109,111,109,108,111,115,115,117,160,165,165,123,121,163,181,199,209,209,199,183,125,118,119,125,168,170,170,168,125,124,125,168,181,199,222,230,230,225,215,194,173,119,116,117,119,123,127,133,183,191,196,194,183,133,131,181,186,176,127,129,181,191,194,181,123,120,127,191,207,215,222,222,217,209,196,189,183,186,189,191,191,191,186,183,183,189,186,183,173,123,113,111,111,113,119,125,125,127,168,170,170,125,121,121,125,170,173,176,170,129,129,176,181,186,186,186,189,189,189,189,186,178,133,133,135,183,199,209,215,212,212,212,215,215,215,212,212,217,217,217,222,225,228,228,222,217,215,199,139,134,135,186,199,204,204,207,209,204,199,196,189,186,196,199,194,191,191,194,199,207,209,204,196,186,181,176,173,129,127,125,125,129,176,181,181,178,178,181,189,194,196,194,191,183,176,172,176,181,181,173,126,124,125,127,131,178,191,202,204,204,199,194,191,194,191,186,178,186,196,199,191,183,178,173,131,131,131,127,125,123,123,123,121,117,116,123,127,170,176,176,176,178,176,173,170,170,173,173,173,168,168,165,123,115,112,112,117,125,168,168,125,123,123,168,176,173,168,168,173,178,186,194,199,194,186,178,178,183,194,199,196,186,181,186,194,196,199,199,194,183,170,125,121,121,123,165,165,125,125,168,176,176,165,165,173,176,165,125,121,115,115,117,123,125,165,168,170,165,121,117,113,112,113,119,125,168,168,165,163,161,163,168,170,176,178,178,176,178,181,181,178,178,181,183,189,194,194,196,199,207,212,212,209,207,204,196,194,191,189,183,181,186,196,207,215,222,225,225,215,204,194,189,189,191,196,199,194,137,128,129,131,133,135,133,132,134,183,189,189,186,181,179,181,186,191,191,189,189,189,189,189,189,186,181,178,178,135,135,178,191,204,202,196,194,199,202,204,204,209,212,209,209,207,209,212,215,212,204,186,135,135,186,194,191,187,191,199,207,204,194,183,182,186,196,202,202,202,202,202,202,202,204,204,204,202,199,196,196,196,194,189,186,186,183,178,176,133,131,133,178,181,183,183,186,186,183,183,183,181,173,129,129,129,131,131,131,133,176,178,178,178,178,181,189,194,196,196,194,194,196,196,196,194,189,189,189,189,183,181,181,183,186,183,178,176,176,176,176,178,178,181,181,178,176,174,176,178,176,129,129,131,178,183,189,186,178,173,173,178,181,181,178,178,178,181,183,183,182,182,183,183,186,186,189,189,189,186,181,176,176,176,176,178,176,176,181,186,189,181,173,170,127,125,123,123,125,127,129,131,173,173,176,183,194,202,202,202,202,199,191,178,129,127,127,131,135,178,183,186,186,189,194,202,207,204,204,204,209,212,207,207,207,207,207,209,212,212,212,212,215,215,215,215,212,212,212,212,212,209,204,199,196,194,194,194,191,183,178,133,131,127,125,127,131,176,181,183,181,178,181,183,178,176,176,178,181,183,189,194,199,204,204,199,194,189,181,178,178,181,189,189,186,183,183,186,183,181,178,183,189,189,189,189,191,194,194,194,196,196,196,196,194,186,181,186,191,191,191,191,194,191,194,196,202,204,202,199,196,194,194,196,196,196,196,199,199,196,191,186,183,178,176,178,183,186,186,186,186,189,189,186,186,186,186,189,189,189,189,189,191,191,191,194,191,189,186,186,186,186,186,183,178,176,176,176,173,173,170,173,173,173,173,176,181,183,183,178,129,125,125,125,127,129,170,173,176,176,176,176,178,176,173,173,176,181,183,186,186,183,183,183,186,186,183,183,183,186,189,191,189,186,183,183,186,186,183,178,173,129,128,128,129,133,178,181,186,191,196,199,196,194,191,191,191,189,189,189,191,191,194,196,199,199,199,196,196,196,196,196,196,196,194,194,191,191,189,189,186,186,186,183,181,179,181,186,194,199,202,202,199,196,194,194,194,194,194,191,191,194,194,191,189,189,191,191,191,189,186,181,173,125,122,122,123,125,127,168,176,183,186,183,179,179,181,186,189,189,186,183,183,181,178,178,178,176,173,170,170,168,165,160,155,117,115,111,105,101,81,53,47,51,45,36,34,43,59,87,107,150,155,163,168,173,176,178,181,183,183,181,183,189,191,191,186,178,173,176,181,178,168,121,120,163,173,178,181,186,186,183,181,176,165,144,75,47,44,51,89,144,147,144,144,142,137,134,129,116,67,57,121,139,124,39,21,5,0,0,0,0,0,0,37,116,131,139,139,144,155,160,160,163,170,181,189,191,196,196,194,191,186,186,189,191,189,186,186,191,189,181,168,165,165,168,168,165,160,160,165,168,173,181,191,199,202,204,204,202,199,196,194,191,189,186,183,181,183,186,189,186,189,194,199,204,207,215,215,209,202,200,202,207,212,215,217,220,209,178,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,31,95,95,45,31,31,47,100,63,51,57,129,147,144,116,83,89,129,152,165,173,170,173,183,196,196,191,189,191,191,189,183,179,179,186,194,199,199,196,186,179,181,191,181,79,47,43,61,0,0,0,0,0,0,0,0,0,160,186,98,37,1,7,74,105,134,144,150,152,155,137,105,124,155,152,98,35,5,3,29,49,0,0,0,0,0,0,0,0,0,0,0,0,0,134,108,1,0,43,163,189,189,176,139,31,35,79,124,147,157,163,168,176,181,178,170,178,189,196,199,194,183,176,163,157,165,181,202,204,165,85,0,0,0,0,0,0,0,0,0,0,0,17,71,87,89,91,93,83,73,137,183,189,165,97,91,95,83,51,24,20,39,69,101,99,89,90,101,147,165,165,155,144,144,150,139,122,125,150,147,104,103,116,0,0,0,0,0,0,0,0,113,0,0,139,0,0,0,0,0,142,150,0,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,0,0,0,170,157,152,155,165,176,181,183,186,189,191,194,194,191,194,0,0,0,0,0,0,0,0,0,0,0,0,183,183,183,189,194,194,189,183,183,183,181,178,0,0,0,173,173,176,181,186,189,189,189,186,185,186,191,202,212,222,228,228,228,225,222,222,217,217,217,217,215,209,208,212,222,230,230,228,217,212,204,202,0,202,202,196,189,181,170,160,152,147,144,147,150,152,155,157,160,165,170,181,194,202,204,202,202,207,217,228,238,243,246,246,241,238,235,233,230,230,228,228,222,212,204,194,186,181,178,178,176,176,178,181,183,189,191,196,207,217,222,220,217,215,215,209,207,204,203,204,207,209,207,204,202,202,202,204,207,204,202,191,183,176,170,127,163,121,117,113,111,111,147,150,152,155,157,157,160,163,168,176,178,181,181,178,176,176,181,189,191,189,183,178,178,181,189,194,199,199,199,194,189,181,174,174,178,183,189,194,194,194,191,189,189,194,0,0,0,202,202,202,204,207,207,207,205,207,209,212,215,212,209,207,207,212,217,222,222,217,215,215,215,215,215,212,211,215,222,222,222,217,217,217,212,207,204,207,207,207,205 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,142,126,111,111,92,103,129,113,85,113,155,155,144,134,131,137,139,144,152,157,155,144,61,29,81,118,129,168,51,0,0,0,0,0,37,202,207,209,204,196,178,163,165,178,183,181,178,181,178,173,170,170,168,165,160,121,119,115,113,115,119,157,119,117,115,115,115,115,111,110,113,115,113,115,115,113,113,115,113,117,121,163,168,173,170,163,121,123,168,173,170,125,123,168,173,186,194,194,183,129,119,116,116,119,129,173,170,170,176,178,183,189,196,194,194,196,194,186,186,186,131,126,128,178,186,186,183,181,181,183,186,186,183,183,186,186,181,173,127,123,121,121,125,129,129,131,178,183,178,123,114,125,183,194,196,199,207,215,212,202,189,186,196,202,199,194,196,199,202,204,209,204,191,186,194,207,215,209,199,191,189,191,194,196,209,222,215,196,191,192,199,202,199,196,191,186,183,189,202,207,199,131,117,199,228,228,225,222,209,194,181,181,194,212,228,215,186,173,173,168,125,123,121,113,105,99,101,105,109,111,111,115,119,119,119,163,170,170,163,119,120,173,196,209,209,202,189,168,118,119,168,176,181,178,170,125,124,124,125,170,186,207,220,217,212,196,181,129,125,123,121,121,123,129,181,194,207,209,204,194,178,130,131,176,129,124,126,131,186,196,196,189,181,183,196,204,212,215,217,215,202,189,183,183,189,194,199,202,199,191,186,189,196,199,191,173,121,113,113,115,117,121,121,119,119,123,125,168,168,170,170,176,176,176,176,170,129,170,176,178,181,183,186,191,196,196,194,191,181,133,133,137,189,199,207,209,212,212,212,215,215,215,212,212,215,217,217,220,222,225,225,215,207,194,136,134,134,139,196,204,204,204,209,215,209,204,199,172,165,186,194,194,191,194,199,204,207,207,202,194,183,176,127,126,126,127,127,125,127,173,178,178,176,178,181,191,199,199,194,189,183,176,172,176,183,181,173,127,127,129,129,125,123,131,186,194,196,196,194,199,196,186,172,168,173,191,199,194,186,183,181,178,176,176,129,125,121,119,116,115,116,121,173,181,183,186,183,181,178,178,173,168,125,123,123,125,165,170,173,125,115,111,111,113,121,165,170,170,165,165,127,168,127,126,127,170,176,183,194,202,202,196,189,189,191,194,196,194,186,186,191,199,204,207,207,202,189,170,125,121,123,123,123,121,119,119,125,168,168,125,165,176,181,176,170,123,116,115,117,121,125,165,168,168,125,119,113,111,111,113,117,123,165,165,164,163,163,164,168,170,170,170,125,121,123,129,173,173,173,173,178,186,194,196,196,199,204,212,212,209,207,207,204,199,196,191,186,183,183,191,207,215,225,228,228,217,202,189,187,189,189,189,189,181,129,125,127,131,135,137,135,135,183,191,189,189,189,183,179,179,183,189,191,191,189,186,183,183,186,186,183,181,178,135,133,133,183,194,194,190,189,191,199,202,204,209,212,212,212,212,209,209,209,207,194,137,132,133,139,189,189,189,194,202,209,207,194,183,181,185,194,202,202,204,204,204,204,204,204,204,202,199,199,196,196,196,191,183,181,181,178,135,133,131,128,129,133,178,181,181,181,181,181,183,189,189,178,129,127,128,129,131,131,176,178,181,181,178,176,177,181,186,191,196,196,196,202,202,202,196,191,186,186,186,183,178,178,181,186,183,178,176,133,133,176,176,176,178,178,181,178,178,178,181,176,129,126,127,129,178,186,186,181,176,178,181,186,183,181,178,181,183,186,186,183,182,182,183,186,189,189,189,186,183,183,181,178,176,176,176,178,178,183,191,191,183,176,170,127,125,123,123,123,125,129,131,176,176,178,189,199,204,204,202,202,199,194,183,133,129,127,125,123,127,135,186,189,191,196,202,207,202,196,194,199,202,199,196,199,202,204,207,209,212,215,215,217,215,215,212,212,209,209,209,209,207,204,199,194,194,191,194,194,189,183,178,133,127,124,125,127,173,178,183,186,186,186,183,178,174,174,176,181,186,194,199,204,207,204,196,191,186,181,179,179,183,186,189,186,183,186,191,194,189,186,189,194,194,191,191,194,196,196,196,196,199,199,199,194,186,183,186,194,194,191,189,186,186,186,191,196,202,202,199,194,194,194,196,196,196,196,196,196,194,191,186,181,176,173,174,178,183,186,186,186,186,189,186,186,186,186,186,186,186,186,186,189,191,191,191,191,191,189,189,186,186,183,181,178,176,176,176,176,173,170,170,173,173,173,176,178,181,181,178,170,125,122,122,122,125,168,173,173,173,173,173,176,173,173,173,178,181,181,181,181,181,183,183,183,183,183,183,186,189,191,191,189,186,183,186,189,189,186,181,176,131,129,128,128,129,133,178,183,189,191,191,191,191,191,189,189,189,189,189,189,189,191,194,196,199,199,196,196,196,196,196,196,196,194,194,191,191,189,189,189,186,186,183,181,179,181,186,191,196,199,199,199,196,196,196,199,196,196,194,194,196,199,194,191,189,191,194,191,189,183,178,170,125,122,122,123,127,129,173,181,186,189,189,183,183,183,186,189,189,189,189,186,183,181,178,176,176,176,173,173,170,168,163,157,155,155,155,152,152,109,89,81,83,71,51,45,51,61,85,105,111,113,152,160,168,176,178,181,183,181,176,178,183,189,194,194,189,186,183,186,183,178,168,165,170,176,178,178,183,183,181,176,176,170,160,144,83,55,47,49,99,147,144,147,147,144,139,134,124,73,51,69,111,9,0,0,0,0,0,0,0,0,0,41,131,137,137,137,139,147,155,160,165,173,183,186,191,196,199,199,194,191,189,196,199,199,194,194,194,191,186,178,176,176,168,160,152,147,144,155,155,157,173,191,202,202,204,204,204,199,196,196,194,191,186,181,179,181,186,186,189,189,194,199,204,209,215,215,209,202,199,202,207,212,215,220,222,199,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,13,9,5,0,1,87,118,116,90,51,67,124,103,55,65,131,150,160,160,144,121,91,134,157,165,163,165,181,196,199,194,191,191,189,186,183,181,183,189,194,194,194,191,181,177,179,191,189,118,49,39,39,9,0,0,0,0,0,0,0,0,92,105,85,137,142,95,113,137,142,144,147,157,173,168,147,147,147,108,21,1,0,0,25,61,59,41,15,0,0,0,0,0,0,0,0,0,0,116,116,95,35,98,165,191,199,194,160,0,0,0,79,142,147,147,168,186,191,189,181,183,191,199,204,204,194,183,178,176,178,189,207,222,217,194,81,15,0,0,0,0,0,0,29,15,0,7,163,168,152,126,91,63,53,63,144,165,139,87,93,97,71,34,17,14,37,89,105,101,90,91,101,147,168,170,157,144,144,152,147,129,139,170,168,126,113,124,126,124,126,129,121,116,108,92,98,0,0,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,0,0,181,173,163,155,157,165,173,176,173,176,181,186,191,194,191,194,0,0,0,0,0,0,0,0,0,0,0,0,194,191,191,194,196,191,181,176,173,170,168,165,0,0,0,0,165,170,176,181,183,186,186,189,189,191,196,204,215,225,228,228,225,225,222,222,222,222,222,217,215,212,209,212,217,225,228,225,217,212,207,0,0,0,202,196,191,181,168,157,0,0,0,0,0,144,147,0,0,155,160,170,183,191,196,196,196,199,209,222,235,243,248,248,246,241,238,235,233,233,230,230,228,222,212,202,191,183,178,173,131,129,129,129,131,178,183,191,202,212,220,222,222,222,222,215,209,204,203,204,207,207,204,202,202,202,202,202,202,202,199,194,186,178,173,170,165,160,117,113,111,109,142,147,150,155,157,157,157,160,163,168,173,176,176,176,178,181,186,194,196,196,194,189,189,191,194,196,199,202,199,196,189,181,174,173,176,181,186,191,194,194,191,189,189,194,0,0,0,202,202,200,202,204,207,207,207,207,209,215,215,212,209,207,207,209,215,222,222,217,215,215,215,215,215,212,212,215,222,222,217,217,217,222,217,212,209,212,212,207,205 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,142,90,74,79,69,74,116,121,113,126,147,147,131,117,112,134,147,150,152,155,152,129,35,0,35,39,41,75,0,0,0,0,0,0,27,191,199,204,202,194,178,165,165,178,183,176,172,178,181,178,173,168,165,165,163,160,119,115,113,117,119,117,115,115,115,117,115,113,111,112,117,119,115,113,115,113,115,119,117,119,163,168,170,173,173,165,122,122,125,165,165,123,123,127,168,176,181,176,127,121,118,117,117,121,127,170,129,170,176,178,183,189,194,189,182,186,196,196,191,183,130,128,131,181,181,178,176,174,176,181,189,191,189,186,183,186,189,183,131,119,115,117,123,127,131,173,178,183,183,181,176,178,186,189,191,199,212,222,215,199,185,185,191,196,194,191,194,202,204,212,217,209,191,186,194,204,209,204,196,194,194,194,191,191,202,212,209,194,190,191,194,196,196,194,186,182,182,186,202,209,204,115,90,101,212,222,222,217,207,194,183,181,186,199,207,194,173,168,168,165,123,121,119,113,107,101,101,105,113,117,119,160,165,165,163,168,176,176,165,119,118,163,183,194,196,191,183,165,118,119,170,183,191,191,181,170,125,123,123,124,173,189,199,199,191,178,131,127,129,129,125,123,127,178,199,212,217,215,207,202,189,176,133,133,129,127,127,129,181,196,204,199,189,186,194,199,199,204,212,212,196,181,178,181,189,196,204,207,204,199,191,189,196,204,196,170,121,121,123,121,121,123,123,119,118,118,119,127,178,181,183,181,178,176,129,125,125,129,173,176,176,176,181,189,194,194,191,189,183,178,135,183,194,199,204,209,212,215,215,217,217,215,212,212,212,215,217,217,215,212,207,196,186,137,135,137,191,204,209,209,204,204,212,215,215,212,202,155,151,178,189,191,191,194,199,202,204,202,196,189,178,131,126,126,127,170,170,127,125,127,129,170,173,178,186,196,202,199,194,186,181,178,176,181,183,181,173,129,173,176,131,121,113,115,129,186,194,196,202,207,204,186,169,168,176,194,199,199,194,194,189,181,178,176,170,127,121,116,115,116,125,181,191,194,191,189,181,176,178,181,176,168,121,117,117,121,170,178,178,168,119,112,112,115,121,165,173,178,178,173,170,127,126,125,168,173,178,183,194,202,204,202,196,196,196,194,189,189,189,191,196,199,204,209,212,207,186,125,119,120,123,123,119,115,114,115,119,123,125,125,165,170,176,178,176,168,125,121,123,125,165,170,176,173,168,121,115,112,112,115,121,125,165,165,165,165,165,165,165,168,127,123,116,114,117,125,129,170,173,176,181,189,196,199,196,196,202,207,207,204,204,207,204,199,194,189,189,186,186,189,202,209,217,225,225,215,196,187,187,191,196,194,189,183,133,128,129,133,137,181,181,183,189,191,186,186,189,186,181,181,183,189,194,194,194,186,181,181,186,189,189,183,178,135,134,134,181,191,194,190,189,190,196,199,202,207,209,212,212,209,209,207,204,202,194,186,137,136,139,189,196,199,204,209,212,215,209,196,189,191,196,202,204,207,207,207,207,207,204,202,199,199,196,196,196,194,189,181,135,135,135,135,133,131,128,128,129,131,176,178,178,178,181,183,186,189,183,131,128,128,131,173,133,176,181,183,181,178,177,176,177,181,186,194,196,196,202,204,204,199,194,189,183,183,183,178,178,178,181,178,176,133,133,133,176,176,174,174,178,181,183,186,186,183,181,131,126,126,127,173,181,181,178,176,178,183,186,186,183,181,181,183,189,191,189,183,183,183,186,189,186,183,183,183,183,181,181,181,181,178,178,181,186,191,191,183,178,173,129,125,123,123,123,125,129,173,176,176,181,191,199,204,199,196,196,196,194,189,181,133,129,121,114,115,125,183,194,196,199,204,204,199,189,183,183,183,186,183,186,189,194,199,204,209,212,215,217,215,212,212,209,209,209,209,209,207,204,199,194,191,191,191,191,189,186,183,176,127,124,124,125,129,173,181,183,186,186,181,178,176,176,178,183,191,196,204,209,209,204,194,189,186,186,183,186,186,186,186,183,181,186,194,196,194,191,194,196,194,194,191,194,194,196,196,196,196,196,194,191,183,182,186,194,194,189,183,181,178,178,183,191,196,196,194,191,191,194,196,196,196,194,191,191,189,186,183,178,174,173,174,181,183,186,186,186,186,186,186,183,183,183,186,186,183,183,183,186,189,191,191,191,191,191,189,183,183,181,178,176,174,174,176,176,173,170,170,170,173,173,173,176,178,181,178,176,127,123,121,122,125,168,170,170,170,170,170,170,170,173,176,178,181,178,176,173,176,178,181,181,181,181,183,186,189,191,191,186,183,183,183,186,186,183,181,178,173,131,129,129,129,133,176,181,183,181,183,183,183,186,186,189,189,189,189,189,189,189,194,196,199,196,196,196,196,196,196,196,196,194,194,191,191,191,189,189,189,186,186,181,181,181,186,191,196,199,199,196,196,196,199,202,202,199,196,196,199,199,196,194,191,194,194,191,189,183,178,173,129,125,125,127,170,176,178,181,186,189,191,194,191,191,191,191,191,191,191,191,186,181,178,176,176,176,173,170,170,168,165,160,157,155,155,155,155,113,103,99,101,93,77,75,69,67,85,103,107,107,111,113,155,168,178,186,186,183,176,176,178,186,194,196,194,191,189,189,189,186,181,178,178,178,178,178,183,183,181,176,176,178,170,160,147,99,61,45,53,131,139,150,152,150,144,139,131,113,47,37,41,0,0,41,45,1,0,0,0,0,0,113,147,139,135,135,137,142,150,157,163,173,183,183,186,194,196,199,196,194,194,199,204,204,199,196,196,194,191,191,186,176,155,142,105,101,97,99,93,93,157,199,204,202,207,207,204,202,199,199,196,196,189,181,179,181,183,186,186,189,191,196,204,209,212,209,207,200,199,202,207,209,212,217,220,186,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,25,33,43,108,129,121,111,92,92,118,118,75,79,131,144,157,168,168,144,126,131,150,152,147,150,165,189,199,199,194,189,183,178,178,181,186,194,196,191,189,189,183,178,178,186,186,147,21,0,0,0,0,0,0,0,0,0,0,0,0,64,79,147,144,113,121,150,150,142,139,155,173,168,152,147,134,21,0,0,0,0,29,92,92,92,129,92,3,0,0,0,0,0,0,0,0,45,105,103,29,45,144,176,194,204,186,3,0,0,0,61,105,113,152,183,191,191,191,189,191,199,204,204,196,189,181,181,189,196,209,220,215,202,168,67,29,33,17,0,0,7,39,37,0,33,194,191,178,142,91,62,54,63,81,85,69,59,79,147,150,91,45,26,49,91,101,95,89,89,93,134,155,163,155,147,150,157,163,163,170,178,176,157,139,131,126,126,131,0,111,100,87,82,95,0,152,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,170,176,173,165,160,163,168,170,170,168,168,173,181,191,0,0,189,0,0,0,0,186,178,0,0,0,0,0,0,0,196,194,196,199,0,183,178,0,0,0,0,157,0,0,0,165,168,173,176,178,183,189,191,191,191,196,204,212,217,222,222,222,217,220,222,222,222,222,222,217,212,209,212,217,225,228,225,220,212,209,207,0,204,202,196,191,178,165,155,142,131,126,129,134,137,139,142,0,0,152,157,170,181,186,189,189,191,202,215,233,241,246,248,248,243,241,238,238,235,233,233,230,228,222,209,196,189,181,173,127,125,123,123,125,131,178,186,196,212,222,228,230,230,230,225,215,207,204,207,207,204,202,202,202,204,204,204,202,204,202,199,191,183,178,173,168,160,155,113,109,107,107,142,147,152,155,155,155,155,155,160,163,168,168,170,176,181,186,194,199,199,199,196,196,196,196,199,199,202,199,196,189,181,174,173,176,181,183,189,191,191,191,189,189,194,0,0,0,202,202,200,202,204,207,207,207,207,209,215,215,212,209,207,205,209,215,222,222,217,215,215,215,215,215,212,212,215,222,222,217,217,217,222,225,222,217,217,215,209,205 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,139,124,64,59,72,66,66,100,118,126,131,139,137,121,112,107,129,150,150,147,144,126,57,0,0,0,0,0,11,0,0,0,0,0,0,13,157,186,199,196,186,173,165,165,173,173,170,169,173,183,186,181,165,119,121,160,163,160,115,115,121,119,113,110,111,113,115,117,113,112,112,117,157,119,119,119,117,113,115,117,121,165,168,168,170,170,168,123,122,122,123,123,125,125,127,168,170,173,129,123,121,121,119,121,123,129,129,128,170,176,178,183,191,194,189,178,182,196,199,186,178,130,130,181,186,181,176,173,173,176,183,189,194,191,183,178,183,191,191,176,119,113,115,119,125,131,176,178,181,183,189,189,186,186,186,189,196,207,215,215,199,186,183,186,186,186,186,191,196,199,209,215,207,194,189,191,199,202,199,194,191,194,194,187,187,194,202,199,194,191,192,192,194,194,191,183,182,183,189,199,207,199,101,87,93,181,209,215,212,204,191,181,178,178,183,186,178,127,125,165,123,117,115,113,109,103,101,103,109,117,160,163,170,176,173,170,173,181,181,168,120,118,163,173,178,176,173,168,123,118,119,165,181,191,194,191,178,168,124,123,124,129,176,178,178,173,127,125,125,127,129,129,129,176,191,212,222,220,212,207,202,191,186,181,178,178,178,178,178,181,194,202,199,186,181,186,189,189,194,204,204,194,178,178,183,189,196,204,207,207,202,191,183,189,196,189,125,123,129,129,125,123,127,168,127,121,118,119,127,178,183,181,178,176,170,125,123,123,129,173,170,129,131,181,189,191,189,186,186,186,183,186,191,199,202,204,209,215,217,217,217,217,215,209,207,209,212,212,215,209,194,131,129,131,137,189,199,209,215,217,212,209,209,212,215,217,217,204,155,152,178,189,191,189,191,194,196,194,191,186,181,173,129,127,131,178,183,181,129,121,121,125,127,170,176,183,194,199,194,186,181,178,178,181,183,183,178,173,173,176,178,129,115,111,112,123,178,189,194,202,209,207,189,172,172,183,194,199,199,199,196,189,176,129,129,129,127,123,117,117,125,183,199,204,202,196,189,178,168,170,178,178,168,119,116,117,125,178,186,181,170,121,117,117,119,123,168,178,189,191,183,176,168,127,127,173,178,178,183,191,202,202,199,199,196,194,189,183,183,189,196,199,199,202,207,209,204,183,123,117,120,125,125,119,114,113,114,115,117,121,165,165,125,168,176,173,170,170,170,173,176,173,176,181,181,176,168,123,117,117,121,125,168,168,170,170,170,170,168,125,125,123,119,115,114,117,125,127,170,178,181,183,189,196,199,194,194,196,202,202,199,199,202,199,194,189,187,189,191,191,191,196,202,207,215,217,209,194,187,189,199,204,204,199,196,191,186,183,183,183,186,186,189,189,189,183,183,186,186,183,181,181,186,189,191,189,181,135,178,183,191,189,183,178,178,181,183,189,194,196,194,191,194,196,196,199,202,204,207,207,207,207,204,202,199,199,196,194,189,189,191,199,207,209,209,209,215,215,209,202,199,199,202,207,209,209,209,209,204,202,199,196,196,196,194,194,191,186,178,134,135,178,178,178,178,133,129,128,129,131,173,176,178,178,178,178,183,181,173,129,131,173,176,176,178,181,183,183,183,183,178,177,178,186,191,194,194,199,202,204,202,196,189,183,181,181,181,178,178,178,133,133,133,133,133,176,176,174,174,178,183,189,191,189,189,186,178,129,127,131,176,178,178,173,131,173,178,183,183,181,181,181,183,186,189,189,186,181,181,181,183,181,181,181,183,183,181,181,181,181,181,181,181,186,189,186,181,178,173,129,125,123,122,122,125,131,173,176,178,183,189,194,196,194,194,194,194,194,191,186,178,133,123,111,111,119,186,202,207,207,209,207,199,189,181,137,137,137,137,137,139,186,191,196,204,209,215,217,215,212,209,208,209,209,212,212,209,204,199,194,191,191,189,186,183,186,183,178,129,125,125,127,129,173,176,176,178,178,178,178,178,178,181,186,194,199,204,207,207,202,194,189,189,189,189,189,189,186,186,181,178,181,191,196,194,194,196,199,196,191,191,189,191,194,196,196,194,194,191,189,182,182,186,191,191,189,183,181,176,133,176,183,186,189,186,186,189,191,194,194,194,191,189,186,183,181,178,176,176,176,178,181,186,186,186,186,186,189,186,183,181,183,183,183,183,183,181,183,186,186,189,189,191,191,186,181,178,178,178,176,174,174,176,176,173,170,170,170,173,173,173,170,173,178,178,176,170,125,123,123,127,170,170,168,168,168,129,129,129,170,176,178,181,178,173,170,170,170,176,178,178,181,181,186,189,191,189,186,181,181,181,183,183,181,181,178,176,176,173,131,131,131,133,176,176,133,133,176,178,178,181,186,189,189,191,189,189,191,194,196,199,196,196,196,196,196,196,196,196,194,194,194,194,191,191,189,189,186,186,183,183,183,189,194,196,199,196,196,196,196,199,202,204,202,199,196,196,194,194,194,196,196,196,191,189,186,183,178,176,173,173,173,178,181,181,181,183,189,194,196,196,196,194,194,196,196,196,194,189,183,181,178,178,176,173,170,168,165,163,160,157,155,155,155,155,113,105,105,107,105,99,101,89,73,79,95,97,103,107,105,101,109,170,183,186,178,170,163,170,183,189,194,194,194,191,189,191,189,183,183,183,183,181,178,181,181,181,178,181,183,178,163,152,144,134,53,42,49,126,147,152,155,152,142,142,131,49,17,31,25,45,100,69,37,0,0,0,0,0,118,144,139,139,139,139,142,150,157,163,173,178,183,186,191,194,196,199,196,199,202,204,204,199,194,191,191,189,189,168,91,74,79,93,91,75,35,19,18,79,202,204,204,209,209,207,202,202,202,202,199,194,186,186,183,183,183,189,191,194,202,209,212,209,207,202,200,199,204,212,212,209,215,222,163,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,77,126,152,142,124,111,108,98,95,113,124,121,124,137,142,144,155,163,150,139,142,147,142,135,137,144,163,186,194,194,186,181,178,178,183,194,199,199,191,189,189,186,183,183,186,186,157,0,0,0,0,0,0,0,0,0,0,5,0,0,0,37,105,113,113,124,157,157,139,129,134,142,126,118,144,144,35,31,57,116,118,129,126,98,100,157,152,55,45,5,0,0,0,0,0,0,1,15,0,0,0,67,118,155,191,170,5,0,0,0,0,41,59,113,157,181,183,183,183,189,196,199,199,194,186,181,186,191,199,207,212,212,207,194,118,37,45,29,0,0,27,53,45,0,33,196,199,191,168,142,126,91,85,77,59,37,33,55,168,181,178,160,81,89,103,99,91,88,89,91,95,144,152,150,150,152,163,173,181,181,178,173,163,150,137,129,134,0,0,118,103,92,92,0,0,147,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,144,150,0,0,0,157,168,170,168,163,163,165,168,168,165,165,168,178,189,0,0,183,0,0,0,0,183,0,0,0,0,0,0,0,0,194,191,0,0,0,189,0,0,0,0,0,0,0,0,0,173,173,170,173,176,183,189,191,191,189,191,196,202,209,215,215,215,215,217,217,222,222,217,217,215,212,209,209,215,222,228,228,222,217,212,209,0,207,202,196,189,176,163,152,139,124,118,121,126,131,134,137,139,139,0,0,155,165,176,181,181,183,194,0,228,238,246,248,248,246,243,243,241,241,238,235,235,233,228,217,207,194,183,173,127,123,120,120,121,127,173,181,194,209,225,233,235,235,235,230,222,212,209,207,209,204,199,199,202,207,207,207,207,207,209,207,199,189,181,176,168,163,157,150,109,0,0,139,144,150,152,152,150,150,147,150,155,157,160,163,168,176,181,189,194,199,202,202,202,199,199,199,199,199,199,194,189,181,174,174,176,181,183,186,189,189,189,189,189,194,0,0,199,202,202,202,204,207,207,207,205,207,209,215,215,212,209,207,205,207,212,217,222,222,217,217,217,217,217,212,212,215,222,222,222,217,222,225,228,225,225,222,217,212,205 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,124,116,61,40,66,74,77,87,105,118,129,139,137,121,117,118,129,137,137,137,131,116,61,11,0,0,0,0,0,0,0,0,0,0,0,0,77,173,189,173,163,157,157,165,170,173,170,169,173,183,191,186,117,102,105,117,165,165,119,117,160,160,113,108,108,110,115,117,115,112,112,115,119,157,163,165,121,113,112,115,119,121,123,163,168,168,165,123,122,123,125,168,170,173,173,173,173,176,170,127,127,129,127,125,129,170,128,127,173,178,178,183,186,196,194,182,183,194,191,183,176,131,176,189,191,181,174,173,176,186,189,189,189,189,181,176,178,189,191,178,121,113,113,117,121,129,178,181,181,181,186,189,183,181,181,186,189,191,196,202,196,191,189,189,183,181,183,189,191,191,196,207,202,194,191,191,196,199,194,189,189,191,191,187,187,189,191,194,194,194,194,194,196,196,189,182,182,186,194,199,202,189,113,99,105,176,202,207,202,191,181,176,173,173,176,178,170,123,123,123,115,109,109,107,105,101,103,107,113,119,160,165,176,181,178,173,176,178,181,173,165,163,173,176,168,123,121,121,119,119,119,121,168,181,189,189,178,168,127,127,129,170,173,170,129,125,121,121,125,129,129,133,178,186,202,217,225,220,212,207,199,194,191,189,186,183,189,191,186,183,191,196,191,181,176,178,181,181,183,189,189,181,176,181,186,189,194,199,202,202,196,186,178,181,183,173,123,125,173,129,123,123,173,186,183,170,121,119,123,129,170,170,173,173,170,127,124,124,170,173,129,125,129,178,189,189,186,183,183,186,186,189,194,196,199,202,209,217,222,222,222,215,209,204,204,204,207,207,207,196,130,124,126,135,196,204,209,215,217,217,215,209,209,212,215,217,217,204,174,170,183,194,194,189,189,191,191,186,181,178,173,129,129,173,183,194,199,189,170,119,118,123,125,127,129,178,186,191,186,176,173,173,176,181,181,178,176,176,178,178,173,127,115,112,113,123,173,178,181,191,204,204,189,173,173,178,186,189,194,194,191,176,123,120,122,125,129,127,123,123,176,194,202,202,199,194,189,173,123,123,170,173,168,121,119,123,173,183,183,178,168,123,121,125,168,168,173,183,191,189,183,178,173,170,168,173,178,181,186,194,199,199,194,191,191,186,181,178,181,191,199,199,199,199,202,204,199,189,170,123,125,127,125,119,117,115,115,114,114,119,125,125,123,127,173,170,169,170,181,191,191,183,178,178,178,176,170,165,123,123,125,168,173,176,176,173,170,170,170,165,125,123,121,119,117,119,121,119,127,178,183,181,181,191,196,194,191,194,196,196,194,194,196,194,191,187,186,187,194,196,194,191,194,196,204,209,207,196,191,194,204,207,207,204,202,196,194,191,189,189,189,191,191,189,186,183,181,183,183,181,181,181,181,183,181,135,131,133,178,183,189,189,186,183,183,186,189,191,196,196,194,196,196,196,195,196,199,199,199,202,202,202,199,196,196,196,199,199,196,191,194,196,204,204,202,199,204,207,207,204,202,202,202,207,209,209,207,207,202,196,194,194,194,194,194,191,189,183,135,134,135,178,181,183,183,181,133,129,129,131,173,176,178,178,131,129,131,176,173,173,176,176,176,174,176,178,183,183,186,186,183,183,183,191,194,194,192,194,199,202,202,196,189,181,179,179,181,183,183,178,131,131,131,131,133,178,178,178,178,181,186,191,194,194,191,191,186,178,173,173,178,181,176,129,126,129,173,178,178,178,176,178,178,181,183,186,181,176,173,176,178,178,178,181,181,181,181,181,181,181,181,178,178,181,181,178,173,173,173,129,125,122,122,123,127,131,176,178,181,183,183,183,186,191,194,194,194,191,189,186,181,178,129,116,115,123,194,212,215,215,215,209,204,196,186,137,135,135,135,135,137,183,189,194,202,209,215,215,212,209,208,208,209,212,212,215,209,204,199,194,191,191,189,183,183,183,183,178,129,127,127,129,131,131,131,129,129,131,176,176,178,181,183,189,194,196,199,202,204,202,196,191,191,189,189,189,189,189,189,181,177,178,186,194,194,191,196,196,194,191,186,183,183,189,194,196,196,194,191,186,182,182,186,189,189,189,189,183,178,133,133,176,178,178,178,181,186,189,191,191,191,189,186,183,181,178,176,174,176,178,181,183,183,183,183,183,186,186,183,181,178,181,181,183,183,181,181,178,181,183,183,186,191,191,186,181,178,178,178,176,176,176,178,176,173,170,170,173,173,173,170,170,170,173,176,173,170,127,125,127,168,170,170,127,125,125,127,129,129,170,173,178,178,176,173,170,169,168,169,173,178,181,183,186,189,189,186,183,181,178,181,181,181,181,181,181,181,178,178,173,131,129,131,133,131,129,129,129,131,133,178,183,186,189,191,191,191,191,194,196,196,196,194,194,194,196,196,196,196,196,196,194,194,194,191,189,189,186,186,183,183,186,189,191,196,196,196,196,196,196,199,204,204,204,202,196,191,190,191,196,202,202,196,194,189,186,183,183,181,181,181,181,181,181,179,181,183,186,191,194,196,196,196,196,199,199,199,196,191,186,183,181,181,178,176,173,168,160,157,119,155,155,155,155,152,113,109,107,109,111,147,147,101,71,71,79,83,97,107,101,73,69,103,168,168,155,109,101,117,173,183,189,191,191,189,191,191,189,183,183,186,186,183,181,178,178,178,181,183,189,186,165,152,150,144,93,44,43,71,134,147,157,157,147,147,142,53,0,15,25,61,111,103,47,0,0,0,0,0,23,118,139,147,150,147,150,157,165,170,176,181,186,189,194,196,199,199,199,199,199,202,199,189,178,168,165,157,103,89,74,69,73,89,95,79,37,18,14,27,183,202,204,209,212,207,204,202,204,204,202,199,199,196,194,189,191,196,202,204,207,215,215,209,204,202,200,200,207,212,209,199,196,199,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,92,113,147,163,147,98,87,87,92,100,113,126,131,134,139,142,139,139,142,142,144,160,160,142,135,138,143,150,165,181,186,183,178,178,181,189,199,202,199,194,189,186,189,189,191,189,181,129,0,0,0,0,0,0,0,0,0,0,35,31,0,0,7,77,100,116,108,147,168,131,111,108,100,53,47,150,176,150,157,189,196,186,181,144,45,47,155,155,95,116,116,0,0,55,79,11,0,11,1,0,0,0,49,90,126,142,27,0,0,0,0,0,0,9,27,73,142,144,118,144,173,189,196,194,189,183,183,189,194,202,204,207,209,209,196,116,0,0,0,0,0,5,47,17,0,31,191,202,194,178,163,157,147,131,81,49,17,0,45,176,183,186,186,168,152,147,103,95,90,97,134,134,142,147,147,150,155,165,176,181,178,170,163,152,142,131,131,144,163,160,0,0,0,0,0,0,0,0,0,0,0,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,152,157,142,0,0,142,157,168,168,163,160,160,160,163,165,165,168,176,186,0,0,183,0,0,0,189,183,186,196,204,0,194,191,191,0,183,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,168,173,181,189,189,183,178,178,183,191,199,207,212,215,215,0,0,0,0,212,212,212,209,207,207,212,217,225,228,228,222,217,215,0,207,204,196,189,173,160,150,134,118,113,116,124,129,134,134,134,134,134,0,142,152,168,176,176,178,0,0,222,233,243,248,248,248,246,246,246,243,241,238,238,235,230,225,212,202,189,176,127,121,120,120,121,127,170,178,189,207,0,233,235,235,235,233,230,222,215,212,212,207,199,198,199,204,207,207,209,215,217,217,207,196,183,178,170,165,160,152,111,0,0,0,139,144,150,150,147,144,142,142,147,150,152,155,160,168,173,181,189,194,199,202,202,202,199,196,199,199,196,194,186,181,176,176,178,181,183,183,186,186,186,186,186,191,0,0,202,204,204,204,204,207,209,207,205,205,209,212,215,212,209,207,205,207,212,217,222,222,222,217,222,222,217,215,211,212,217,222,222,222,222,225,228,225,225,225,222,212,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,40,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,113,113,64,7,43,74,82,74,74,92,124,144,144,134,129,131,129,127,129,134,134,129,121,108,0,0,0,0,0,0,0,0,0,0,0,0,73,147,147,135,134,142,152,163,173,178,176,173,173,181,191,186,103,94,97,111,165,165,119,119,163,165,117,109,109,111,115,117,117,113,112,115,117,119,165,170,163,115,113,115,115,117,119,123,165,165,123,122,122,123,170,178,189,191,186,181,181,181,178,178,178,176,170,129,170,173,129,129,176,181,178,178,181,194,196,186,186,191,186,186,181,178,183,196,194,181,173,173,183,194,191,186,183,183,178,173,170,176,181,173,119,111,111,115,119,127,178,183,183,183,186,186,179,178,181,186,186,181,179,186,189,194,202,202,189,181,181,186,186,186,191,199,199,196,191,189,191,194,191,186,185,186,189,189,189,189,189,189,194,194,196,196,202,199,191,182,182,191,196,196,196,186,131,131,178,189,199,196,189,178,129,127,127,168,170,173,168,121,117,115,107,106,107,107,103,101,105,113,117,119,119,163,173,178,176,170,170,173,176,176,176,181,189,186,170,121,118,118,119,121,119,118,121,168,178,181,173,168,127,170,173,176,176,173,129,121,119,120,127,173,176,178,183,191,204,217,225,225,217,209,199,196,202,202,194,189,189,189,183,183,186,191,189,181,176,176,178,176,176,176,176,132,132,178,183,183,186,191,194,194,189,178,178,178,176,129,127,170,176,127,122,125,178,194,194,181,127,121,119,119,119,123,129,173,176,173,129,170,176,173,125,124,125,176,186,186,183,183,183,183,183,183,189,191,194,199,209,217,225,225,222,215,207,202,199,199,199,199,191,133,126,124,133,199,209,207,207,209,212,215,212,207,204,207,212,217,217,204,191,186,189,196,196,189,183,183,183,178,176,131,129,128,129,178,194,204,204,191,129,118,118,123,125,125,125,170,178,181,173,127,127,129,173,176,174,174,176,181,181,178,170,125,117,114,115,123,129,129,128,178,194,199,186,173,131,131,131,176,178,181,176,123,119,119,121,127,170,129,127,170,183,191,191,189,189,189,183,170,121,120,125,168,127,123,125,170,178,183,181,170,165,125,168,176,178,176,176,181,183,181,176,173,173,173,170,170,176,183,189,194,199,196,189,183,181,178,176,178,183,194,199,202,199,199,199,199,202,196,189,183,173,168,125,121,119,119,119,115,115,119,121,123,123,127,170,169,168,173,189,204,207,194,178,170,168,168,168,125,123,123,165,168,173,181,178,170,165,165,168,168,165,125,125,125,121,117,115,113,119,170,176,170,131,178,189,191,191,194,196,199,196,194,194,194,191,191,189,189,194,196,196,191,187,189,194,202,207,202,199,199,202,202,199,199,196,191,186,189,189,186,186,189,191,189,186,183,183,181,178,178,178,178,178,178,131,129,129,131,178,181,183,186,189,189,189,189,189,189,189,186,186,191,196,196,196,196,199,196,196,194,196,196,199,196,195,195,196,199,199,196,196,199,202,202,196,195,196,199,202,202,202,202,202,204,204,204,204,202,196,194,194,194,196,194,191,189,186,183,178,135,135,181,183,186,186,183,178,133,131,131,176,178,181,178,129,127,128,173,176,176,178,178,176,174,174,176,178,183,186,189,186,186,189,196,199,196,194,192,196,202,202,199,191,181,179,179,183,189,189,181,133,131,130,129,131,178,183,183,183,186,189,194,194,194,194,194,191,183,176,173,178,181,176,127,125,127,173,176,176,173,173,131,173,176,178,178,176,172,170,173,178,178,178,181,181,181,178,176,176,176,178,176,176,176,176,170,129,129,170,129,125,123,123,125,127,173,178,181,183,181,179,178,179,189,196,196,196,191,189,186,183,181,178,133,129,178,199,212,217,217,215,207,199,194,183,135,133,133,133,135,137,186,189,194,202,212,217,215,209,209,209,209,212,215,215,215,209,204,199,196,194,191,189,189,186,186,183,176,131,129,131,173,173,131,127,126,127,129,173,178,181,181,183,186,191,196,196,196,199,199,199,196,194,189,186,186,186,189,191,189,179,179,183,191,191,191,194,194,189,183,181,178,178,186,191,196,196,194,191,189,183,183,189,191,191,191,194,189,183,176,133,133,132,132,133,181,183,186,186,189,189,186,186,183,181,176,174,174,176,178,181,178,178,178,178,178,181,181,181,178,178,178,178,181,181,181,178,176,181,183,183,183,191,191,189,181,178,178,178,178,178,181,181,178,176,173,170,170,173,170,170,170,170,170,170,170,168,127,127,168,173,173,170,125,123,123,127,168,129,170,173,176,178,178,176,176,170,168,169,173,181,183,186,186,186,186,183,181,178,178,178,181,183,183,183,183,181,178,178,176,131,129,129,131,129,128,128,129,131,133,135,181,186,191,191,191,191,191,194,196,194,194,192,194,194,194,194,196,196,196,196,196,194,194,191,189,186,183,183,183,183,186,189,191,194,194,194,194,194,194,196,202,204,204,202,196,190,189,191,199,204,204,199,194,189,186,183,183,183,183,183,183,183,181,181,183,186,189,189,189,191,191,194,196,199,199,202,199,194,189,186,183,183,181,178,178,170,160,117,116,117,117,152,115,113,113,111,107,105,109,152,152,99,67,65,67,69,93,147,105,62,56,73,105,103,81,77,78,97,160,176,183,186,186,189,191,191,189,183,183,186,189,189,186,181,181,181,183,186,191,191,173,163,152,150,139,69,46,53,121,142,160,160,152,155,147,57,0,0,0,53,121,129,121,0,0,0,0,0,0,39,142,152,152,152,157,168,176,181,183,189,191,194,196,199,202,199,194,189,189,189,181,160,103,87,82,80,80,85,85,77,85,139,152,157,163,131,19,19,157,194,199,207,209,209,207,207,207,207,207,204,204,204,202,199,202,209,215,215,215,217,215,209,204,202,200,200,204,207,199,178,165,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,134,142,142,155,163,137,74,47,41,57,108,124,134,142,144,142,144,139,135,135,138,155,183,189,163,147,160,165,157,160,170,176,173,170,170,173,181,191,196,191,189,181,176,178,186,189,186,157,74,0,0,0,0,0,0,0,0,79,3,39,82,27,0,11,77,105,126,74,90,178,137,95,90,61,41,38,160,199,186,191,212,215,207,215,170,35,35,108,113,37,116,121,0,0,131,131,29,15,90,87,0,0,65,103,126,144,134,0,0,0,0,0,0,0,0,0,31,65,57,21,55,144,176,189,189,183,181,183,189,194,204,207,204,204,202,194,124,0,0,0,0,0,0,0,0,0,81,199,202,191,178,168,157,144,131,91,63,8,0,51,170,178,186,196,186,165,150,139,101,101,150,157,150,144,144,147,147,147,155,165,168,163,157,150,139,131,131,134,150,163,160,0,0,0,0,0,0,0,0,0,100,0,131,0,0,0,157,173,181,181,168,0,0,0,0,0,0,0,0,0,0,0,0,144,0,0,0,150,163,163,160,157,157,159,165,168,168,170,176,181,0,183,186,191,0,0,183,181,189,0,0,0,202,194,189,181,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,165,168,176,181,178,168,163,163,168,178,189,199,207,209,212,0,0,0,0,207,207,207,207,205,205,209,215,225,230,228,225,222,217,0,209,207,199,189,173,160,147,131,116,112,116,121,126,131,134,134,129,126,126,0,142,157,168,170,173,0,0,0,228,238,246,248,248,248,248,248,246,243,241,241,238,233,228,217,204,191,181,129,123,120,120,121,127,170,176,183,199,0,0,235,235,235,235,233,230,225,217,217,209,199,198,198,204,207,209,212,217,225,225,215,202,189,178,173,168,163,155,147,0,0,0,139,142,144,144,142,137,0,137,142,144,147,150,155,160,165,173,183,191,196,199,202,202,196,194,196,196,194,191,186,181,176,176,178,181,183,183,183,183,183,183,183,191,0,202,204,204,207,207,207,209,209,209,205,205,207,212,215,215,212,207,205,205,209,215,222,222,222,225,225,225,222,215,211,212,217,222,222,222,222,225,225,222,222,225,222,215,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,95,30,0,1,74,98,73,70,87,142,157,155,147,139,137,137,131,134,147,150,139,134,124,43,0,0,0,0,0,0,0,0,0,0,0,79,137,134,116,129,147,155,157,170,183,183,176,176,178,186,178,101,97,103,163,165,123,121,121,163,168,165,121,119,117,117,119,121,117,113,113,113,117,160,165,163,119,117,119,115,115,121,163,163,125,123,121,120,123,176,191,199,199,196,186,181,181,183,183,183,181,173,128,129,170,173,173,178,181,178,181,183,191,196,194,189,186,186,189,189,189,191,199,199,183,173,174,186,194,189,183,181,181,176,129,125,125,125,121,117,113,111,111,115,123,170,181,186,191,199,194,183,181,189,196,191,183,181,183,178,181,202,207,189,176,176,181,186,189,194,199,199,196,191,183,186,194,189,185,185,186,191,191,191,189,189,191,191,191,194,199,207,204,189,181,182,189,194,194,191,186,189,194,194,194,194,189,178,129,126,127,168,127,168,173,125,115,107,106,107,111,111,107,103,101,105,119,121,117,117,160,170,173,168,164,168,170,173,173,181,194,199,191,178,165,121,119,119,121,121,119,118,121,168,168,168,127,127,168,173,178,181,173,127,123,121,123,131,176,181,183,186,194,207,222,228,228,222,215,207,204,209,212,207,194,183,176,133,176,186,191,191,183,178,178,176,173,172,173,176,133,131,133,176,131,131,176,183,183,178,173,176,176,170,129,170,176,176,129,129,173,178,186,186,181,173,129,121,119,119,119,123,173,181,181,176,178,178,170,125,125,127,173,181,181,181,181,183,186,183,182,183,189,191,196,204,215,222,225,222,215,204,196,194,191,189,183,135,130,131,183,199,207,207,202,199,202,204,207,207,204,202,202,207,215,212,202,194,194,194,194,194,186,176,131,133,173,131,131,131,128,127,131,189,196,191,173,121,118,121,125,123,121,123,170,173,170,125,123,125,127,170,176,174,176,181,189,186,178,129,123,117,115,119,125,129,128,127,127,183,194,189,178,173,170,129,127,127,127,123,122,123,127,129,170,129,127,129,173,181,183,178,176,176,178,176,127,121,120,123,127,127,165,168,176,181,181,176,168,125,168,178,186,183,178,173,173,173,168,127,127,173,176,170,168,173,181,186,191,194,191,186,176,173,176,176,178,189,199,202,202,199,199,199,202,202,202,199,191,178,168,127,125,121,121,121,121,121,123,123,125,168,173,173,170,169,176,194,209,212,202,176,127,125,123,123,121,119,121,125,165,173,178,173,165,123,123,125,125,125,165,168,170,168,121,114,113,116,123,125,123,125,131,183,191,194,194,196,202,202,194,191,191,194,196,199,196,194,196,199,194,187,186,187,196,204,207,207,202,196,194,194,191,189,183,185,186,189,186,185,185,186,189,189,189,186,183,181,181,181,181,181,178,131,130,131,135,178,181,183,189,191,191,189,189,186,183,182,179,181,186,191,196,199,202,202,196,191,189,189,194,196,196,195,194,196,199,202,199,199,202,204,202,199,196,196,196,199,202,202,199,199,199,199,202,202,199,196,194,194,196,199,196,191,189,189,189,186,183,181,181,183,186,181,176,176,176,176,178,181,181,181,181,173,129,129,176,181,183,183,178,176,174,174,176,176,178,183,186,186,189,191,199,202,202,199,199,202,204,207,204,199,186,179,181,183,186,186,181,176,133,131,130,131,178,186,189,191,191,191,194,196,196,196,196,194,186,176,173,176,176,131,127,127,129,176,178,176,173,129,128,128,131,176,178,176,173,173,176,178,178,178,178,178,181,178,176,174,174,176,176,176,173,170,125,123,125,127,127,127,127,127,129,131,176,181,186,186,183,179,178,181,189,196,199,196,194,194,189,181,181,186,189,186,191,199,207,212,215,212,202,191,181,133,131,131,131,131,133,137,186,191,196,204,212,217,212,209,208,212,217,220,217,215,212,204,199,196,196,194,191,191,189,189,189,183,176,131,133,176,178,176,129,126,126,129,173,173,178,181,178,178,181,189,194,196,196,199,202,202,202,196,189,183,183,189,191,194,194,194,189,186,191,194,191,189,183,178,135,176,176,176,181,186,189,191,191,191,191,186,186,191,196,196,194,196,191,186,181,176,133,131,132,176,183,183,181,181,183,183,186,186,183,178,176,176,176,178,178,178,176,173,173,173,173,176,176,178,178,176,176,173,176,176,176,176,176,181,183,182,183,189,191,189,183,181,181,178,178,181,183,183,181,176,173,173,170,129,129,129,170,168,168,168,168,168,168,127,168,173,176,173,127,123,123,125,168,170,173,176,178,178,181,178,178,176,173,176,178,183,186,186,186,183,181,181,181,178,178,176,178,181,183,183,183,181,178,176,133,131,129,129,129,129,129,129,131,133,133,135,181,186,191,194,194,191,194,194,196,194,194,192,192,194,194,194,196,196,196,196,196,194,194,191,186,183,182,182,182,183,186,189,191,194,194,194,191,191,191,194,199,202,204,204,196,191,190,191,199,204,204,199,194,191,189,186,186,186,186,186,186,186,186,186,189,191,189,189,189,189,189,191,194,196,199,202,199,196,191,186,183,183,181,181,178,173,163,119,117,117,117,152,113,111,111,111,105,97,99,144,144,67,63,67,59,57,93,155,160,72,64,81,89,74,68,72,76,91,150,170,178,183,186,186,191,194,191,189,186,186,186,186,186,183,181,181,183,189,191,191,181,170,163,157,152,137,57,35,55,137,152,152,160,165,142,53,0,0,0,103,152,150,152,118,0,0,0,0,0,7,137,147,150,157,168,176,183,189,191,194,194,194,194,194,196,189,173,157,152,144,99,87,79,76,78,82,93,144,160,160,152,157,165,173,183,196,108,1,37,183,194,204,209,207,209,212,212,209,209,207,202,202,199,196,202,212,215,212,217,222,215,209,207,204,202,200,202,196,165,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,134,142,150,152,139,144,19,0,19,15,31,126,139,150,160,152,150,147,144,138,138,144,163,191,202,204,199,196,194,181,170,168,160,152,95,81,139,157,163,178,170,163,155,139,147,176,176,129,49,0,0,0,0,0,0,0,0,0,90,11,0,72,41,0,29,90,142,134,66,69,124,144,103,90,59,43,41,160,181,178,183,199,204,196,186,142,23,23,27,37,0,9,51,0,0,126,131,43,29,59,87,29,43,170,165,160,155,65,0,0,0,0,0,0,0,0,0,0,17,27,0,15,126,160,170,183,176,178,181,183,191,199,204,202,194,186,176,147,11,0,0,0,0,0,0,0,0,83,204,202,189,176,163,147,129,126,129,81,13,0,63,165,173,183,194,189,173,155,142,139,147,165,170,160,150,147,152,144,134,129,134,139,144,150,147,142,137,134,137,142,147,137,121,0,0,0,0,0,0,0,0,0,82,0,0,0,0,173,194,202,196,181,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,160,163,159,157,157,160,170,176,176,176,178,178,181,183,191,196,196,191,181,179,186,199,212,215,212,202,191,181,0,0,160,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,163,165,163,152,0,139,147,155,165,176,189,199,202,0,202,202,0,0,0,204,207,207,205,205,207,215,225,230,230,228,225,222,217,215,212,207,194,181,165,150,129,113,112,113,121,124,129,131,131,129,126,124,126,0,147,160,170,173,0,0,0,225,235,243,248,248,248,248,251,248,246,243,241,238,235,230,217,207,194,183,176,129,123,121,123,127,129,173,178,189,207,225,233,233,233,233,233,230,225,222,222,215,204,198,199,207,212,215,217,225,230,230,225,209,196,183,176,170,165,160,152,144,0,0,0,139,139,137,0,131,129,0,0,139,142,144,150,155,160,168,178,186,191,196,202,199,196,191,191,194,191,189,186,181,176,176,178,181,183,183,183,183,182,182,183,191,0,0,207,207,207,207,207,209,212,209,207,207,209,212,215,215,212,212,207,205,207,212,217,222,225,228,230,228,225,217,212,212,215,222,222,222,217,222,222,217,222,225,222,212,208 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,56,3,0,0,90,111,100,92,116,152,163,163,155,144,144,144,139,142,155,152,144,139,139,116,41,0,0,0,0,0,0,0,0,0,0,124,152,137,137,157,168,163,157,165,178,181,181,181,178,173,157,107,113,176,183,178,168,123,123,165,170,170,170,170,165,160,121,121,117,115,113,113,115,119,121,121,121,160,163,117,115,121,163,168,168,125,120,120,165,183,199,202,202,196,191,183,181,181,181,183,183,176,127,127,129,173,178,178,178,181,186,189,191,191,191,189,186,186,191,191,191,194,202,202,189,176,176,183,191,189,186,181,178,170,123,119,119,117,117,115,115,113,111,111,115,123,176,194,207,212,209,204,204,209,215,212,204,194,178,127,125,178,183,173,127,127,173,183,191,199,199,196,191,186,183,185,189,186,183,185,191,196,194,191,189,189,191,191,191,191,199,204,202,189,181,182,189,189,189,186,186,194,199,196,191,189,183,176,129,168,170,176,168,123,123,117,111,106,106,109,117,117,109,103,100,105,119,160,119,119,165,170,168,163,164,168,176,173,170,181,194,199,191,176,125,121,119,119,123,168,168,121,119,121,125,168,170,170,170,173,176,173,170,129,127,127,129,173,178,183,186,189,194,207,220,228,228,222,215,212,215,220,225,217,202,183,125,123,131,189,199,194,186,178,178,176,173,174,181,189,189,178,133,129,126,126,130,176,178,176,173,173,131,129,129,173,181,181,178,178,178,178,181,183,189,189,181,129,121,117,115,119,176,189,189,178,178,178,173,129,131,131,173,176,178,178,181,186,189,186,183,183,186,186,191,199,209,215,217,215,207,196,186,181,137,135,133,133,135,183,196,207,209,204,196,194,196,199,199,196,196,196,199,199,204,204,196,191,191,191,191,186,176,125,123,125,131,173,178,181,173,128,170,181,181,170,119,117,118,125,125,121,119,121,127,168,127,123,122,125,168,173,178,178,181,189,194,189,176,125,119,117,121,123,127,170,173,170,128,176,183,181,176,176,173,127,123,123,123,123,125,173,181,181,176,173,170,173,176,178,173,168,127,127,168,127,121,120,120,123,168,168,170,170,173,173,170,168,168,168,173,183,189,183,178,170,165,165,125,123,127,176,178,173,166,169,178,183,186,189,189,181,172,172,173,176,181,194,202,204,202,202,202,202,202,199,196,196,191,178,129,129,129,125,123,123,123,127,170,173,176,181,183,183,178,173,178,189,199,202,196,176,125,121,119,119,119,119,121,123,125,168,173,170,165,121,119,119,119,121,125,170,178,178,168,119,119,123,125,123,122,123,173,186,191,191,183,183,194,194,183,181,183,189,196,199,196,191,194,199,196,191,187,189,194,204,209,209,202,194,192,194,194,189,185,185,191,191,189,186,186,189,191,196,199,196,194,191,189,186,183,181,181,178,178,178,178,178,183,189,191,194,194,189,189,186,183,181,181,182,189,194,199,199,199,199,194,186,182,182,189,194,196,195,195,196,199,199,196,196,202,204,204,202,199,196,196,199,199,202,199,198,198,199,202,199,199,196,196,194,196,199,196,191,191,194,196,196,191,181,177,178,181,178,173,174,178,181,183,183,181,178,181,178,176,176,178,183,186,189,183,178,176,176,178,176,173,176,178,183,186,191,196,202,204,204,207,209,212,212,207,202,191,183,181,183,183,183,181,178,178,133,131,131,176,183,191,194,191,189,189,194,196,196,194,191,183,176,178,178,176,131,127,129,173,181,183,183,176,129,127,128,131,176,176,176,176,176,176,176,178,178,181,178,178,178,176,174,174,178,178,178,173,127,123,122,122,125,127,127,129,173,176,178,181,186,189,189,186,183,181,186,196,202,202,196,194,194,189,181,181,189,189,189,189,196,204,209,207,202,189,137,133,131,130,130,130,130,131,137,186,194,199,207,215,217,212,209,209,215,222,222,215,209,204,199,194,194,194,194,191,191,194,196,196,189,176,131,173,178,178,173,127,125,127,173,176,176,178,178,173,173,176,186,191,194,196,202,204,207,204,199,191,186,183,186,191,196,202,204,199,194,194,196,194,186,135,134,134,176,176,176,176,178,181,183,189,189,189,186,189,194,196,196,194,194,194,186,181,178,176,133,133,176,183,183,178,178,178,181,183,181,178,176,173,176,178,181,181,178,173,173,173,173,173,176,176,176,178,176,173,173,172,173,173,173,178,183,186,182,183,189,194,191,186,183,181,181,181,181,186,186,181,176,176,173,170,129,127,127,168,168,127,127,127,168,127,127,168,173,176,176,168,123,122,123,125,168,173,176,178,181,178,178,178,181,181,181,181,183,183,183,183,181,176,176,176,176,176,173,176,178,181,183,183,181,178,176,133,133,131,129,129,129,129,131,133,176,176,178,181,183,189,191,191,191,191,194,194,194,194,192,192,192,194,194,196,196,196,196,194,194,191,189,189,183,182,182,182,183,186,189,191,194,194,191,191,190,191,194,196,199,202,202,199,194,191,194,196,202,202,199,196,194,191,189,186,186,186,189,189,189,189,191,194,196,194,191,191,189,189,189,191,194,196,199,199,194,191,189,186,183,181,178,178,173,168,163,160,157,155,152,115,113,111,111,101,87,77,75,77,52,55,65,55,53,87,157,168,105,93,107,105,85,77,83,89,101,150,165,173,178,183,186,191,194,194,191,189,183,181,181,183,183,183,183,183,186,189,189,189,183,176,173,165,155,81,43,42,65,129,144,160,163,142,63,0,0,0,142,165,165,160,134,23,0,0,0,0,7,134,144,155,165,176,181,186,191,191,191,194,189,176,160,144,97,87,82,77,83,89,95,101,144,157,163,168,181,183,181,178,176,178,181,202,225,173,35,0,61,191,204,207,207,209,212,212,212,207,196,189,178,173,178,176,168,178,202,215,217,215,209,204,202,202,202,202,178,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,108,152,152,150,147,126,27,27,0,0,0,13,45,131,147,163,181,178,160,152,152,155,147,139,147,191,204,209,207,204,202,191,181,176,168,142,5,0,0,57,69,51,17,0,0,1,7,23,31,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,126,139,160,163,95,78,92,137,139,113,98,53,45,41,35,43,55,95,118,111,90,11,0,5,43,39,0,0,29,5,0,108,111,98,47,21,11,25,49,129,142,147,121,51,3,0,0,0,0,0,0,0,0,0,0,0,0,37,129,157,163,165,165,170,170,165,168,178,189,189,173,150,157,163,142,9,0,0,0,0,0,27,53,83,189,196,189,173,150,126,91,131,137,73,15,4,83,165,173,183,191,189,178,157,142,139,150,170,173,157,150,152,152,139,124,118,118,124,134,144,152,150,142,134,131,131,129,126,121,108,95,87,90,0,0,0,0,82,66,64,69,0,0,181,196,204,196,176,0,0,0,0,0,0,0,0,0,0,0,0,144,152,155,157,163,165,165,163,160,160,168,176,178,178,181,183,183,183,191,196,202,202,194,186,181,183,196,209,215,212,207,199,0,0,0,0,0,163,0,0,0,0,0,191,0,0,0,0,199,189,178,168,163,160,152,0,0,0,137,144,152,163,176,186,191,0,189,191,196,0,0,0,209,209,209,209,212,220,228,233,235,233,233,230,225,222,217,212,199,186,170,152,131,116,112,113,118,124,126,129,131,131,126,124,121,0,0,155,165,170,0,0,0,0,233,0,246,246,246,248,248,248,246,243,243,241,235,230,217,207,196,189,181,173,127,123,123,125,127,170,173,183,199,215,228,230,228,228,228,225,222,222,225,222,209,204,204,212,217,222,225,228,233,233,230,217,202,189,181,173,170,168,160,150,0,0,0,0,137,0,131,126,126,126,0,134,139,142,144,147,152,160,168,176,183,194,196,196,194,189,189,191,189,186,183,178,173,173,176,181,183,183,183,182,182,182,183,191,199,0,209,212,209,209,209,212,212,212,209,209,209,212,215,215,215,212,209,205,207,212,217,222,225,230,233,230,228,222,215,212,215,222,222,222,217,217,222,217,217,225,222,215,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,35,0,0,90,124,126,124,131,150,160,163,152,139,144,142,137,144,155,152,144,142,144,152,186,57,0,0,0,0,0,0,0,0,7,155,181,170,181,189,189,178,163,163,170,176,181,189,186,170,119,119,189,204,204,194,176,165,163,168,173,173,173,173,173,165,160,119,117,115,117,119,121,160,160,160,165,173,170,121,119,123,165,173,173,165,121,122,173,191,202,202,196,194,191,189,183,179,178,179,183,181,129,126,128,176,178,178,178,183,191,194,189,186,189,194,194,189,189,186,183,186,194,196,189,178,178,181,189,194,191,183,176,168,121,117,115,115,115,115,113,111,109,109,109,113,168,202,217,225,225,228,228,228,230,233,228,209,173,119,115,117,121,119,117,117,125,176,191,199,199,194,189,186,185,186,186,185,185,191,199,202,196,189,186,189,191,194,194,194,196,202,196,186,183,186,189,189,186,183,186,191,194,191,186,181,178,178,176,173,178,183,170,115,111,109,109,109,109,115,121,121,111,105,101,107,119,160,121,160,170,170,165,163,165,176,183,181,170,173,183,186,178,168,121,119,119,121,168,181,183,170,123,121,125,176,183,183,181,178,173,129,129,170,173,173,173,173,178,183,189,194,196,204,215,222,222,217,215,217,222,228,230,228,212,186,119,115,129,196,204,199,186,181,178,176,176,181,196,207,207,196,183,130,126,127,131,176,176,176,176,131,127,125,127,170,178,183,181,183,181,177,177,183,191,194,186,176,127,118,115,121,183,196,194,181,176,178,176,173,131,131,131,173,173,173,178,183,186,186,183,181,181,181,186,191,199,204,204,199,194,189,137,133,132,133,137,186,194,199,207,212,209,202,194,194,196,196,194,191,191,194,191,189,191,194,189,183,183,183,183,176,127,123,122,123,129,178,186,191,186,178,176,176,129,119,117,117,123,170,170,123,118,119,123,125,125,123,123,127,173,176,181,181,186,194,194,183,129,121,119,123,129,170,173,173,176,176,129,129,170,129,170,170,129,125,122,125,127,129,173,183,189,189,181,178,178,181,181,176,168,125,124,125,125,123,120,119,119,121,127,168,168,170,168,125,122,122,168,173,178,181,181,176,170,165,123,123,123,125,168,178,181,178,168,170,181,183,186,186,183,178,173,172,173,176,183,194,202,204,204,207,209,207,199,191,186,183,178,170,129,170,173,129,127,127,129,173,181,186,191,196,196,194,189,181,178,176,173,178,178,170,123,119,118,119,121,123,125,125,165,168,170,176,173,125,121,118,117,119,168,176,183,183,176,168,168,170,170,125,123,125,176,189,189,181,129,127,133,176,131,131,133,183,194,196,191,187,189,194,196,194,191,194,199,204,209,209,202,196,196,199,199,194,189,189,196,196,194,194,194,196,202,204,204,204,204,202,202,196,189,183,181,181,183,183,178,178,183,194,196,194,191,186,186,186,186,183,183,189,194,196,199,199,196,191,189,182,181,181,186,194,196,199,199,199,199,196,194,196,202,204,202,199,196,196,196,199,199,202,199,199,199,202,204,202,199,199,196,196,196,194,191,189,189,194,199,199,191,178,174,176,181,181,174,176,181,181,183,183,181,178,178,178,178,178,181,183,186,189,183,178,178,181,181,178,173,172,173,178,183,191,196,202,202,202,204,207,209,209,204,199,191,183,181,181,181,183,181,181,181,178,173,131,173,178,189,191,189,183,181,189,191,191,186,183,178,176,181,183,178,131,127,129,178,189,191,189,181,173,128,128,131,173,173,176,176,173,131,131,173,178,181,178,176,176,176,176,176,178,181,178,173,129,123,123,123,125,127,127,170,181,189,189,189,191,191,191,189,189,189,191,199,204,202,196,194,191,186,181,179,183,186,183,183,191,202,207,199,186,133,131,131,133,131,130,130,130,135,139,189,196,202,209,215,215,212,212,212,217,222,217,212,204,199,194,192,194,194,191,191,196,202,207,202,191,176,131,173,178,176,131,127,126,129,176,181,178,178,173,129,129,176,183,186,189,194,199,204,204,202,196,189,183,183,186,191,199,207,212,207,199,196,196,191,183,135,133,134,176,176,133,131,131,131,176,181,183,183,186,189,194,194,191,191,191,191,186,178,178,178,176,133,176,181,181,178,178,178,178,178,176,173,131,131,173,181,183,183,178,173,173,176,178,178,178,176,176,178,178,176,173,172,172,172,173,178,183,183,182,183,191,196,194,191,186,183,183,181,183,183,183,178,178,176,176,173,129,127,125,127,125,125,125,125,127,127,125,127,170,176,176,170,125,122,122,123,127,170,176,178,178,178,176,178,178,181,183,183,183,181,181,181,176,173,172,172,173,173,173,173,176,178,181,181,181,178,178,176,176,133,131,129,129,129,131,133,176,176,178,181,183,186,189,189,189,189,189,191,191,194,194,194,194,194,194,194,196,196,196,194,191,191,191,189,186,183,183,183,186,189,191,191,194,194,191,191,191,191,191,194,196,199,199,199,196,194,194,196,196,196,196,196,194,191,191,189,189,189,189,189,191,191,196,199,199,199,196,194,191,191,189,191,191,191,194,194,194,191,189,189,186,181,178,178,176,173,170,168,163,157,117,115,150,113,111,103,89,69,59,59,45,47,55,54,54,83,152,168,163,163,168,165,147,107,147,150,147,152,160,168,173,178,186,189,194,194,191,186,181,177,177,178,183,183,183,181,181,183,183,186,186,181,178,176,165,142,73,38,38,55,126,147,150,131,87,0,0,43,144,157,157,147,129,90,0,0,0,0,25,144,152,165,173,178,181,181,183,183,183,176,152,97,86,83,83,82,80,81,88,139,163,178,183,186,186,189,194,194,191,189,191,191,191,196,217,207,176,0,17,191,202,204,202,202,202,196,202,189,150,137,85,82,121,121,100,126,196,204,204,204,202,196,194,199,207,209,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,27,59,152,173,163,150,137,59,0,9,13,0,5,59,108,131,147,160,176,178,168,157,160,168,144,29,33,150,194,204,204,202,199,194,186,186,183,160,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,165,163,165,163,129,90,92,150,170,160,157,144,71,5,0,0,0,0,0,0,0,0,0,0,111,87,0,14,103,37,17,57,98,92,41,0,0,0,0,0,55,126,103,65,59,9,0,0,7,0,0,0,0,0,0,0,0,29,55,147,163,160,160,160,155,150,147,152,168,163,124,105,142,176,194,155,0,0,0,1,69,87,85,116,155,183,181,160,87,76,81,147,160,73,25,22,93,157,170,178,189,189,178,160,142,134,142,163,165,152,152,160,155,142,124,116,113,121,134,147,155,150,134,126,129,129,129,137,134,118,92,77,79,0,0,0,0,0,59,56,61,74,0,176,186,186,181,160,0,0,0,0,0,0,0,0,0,0,0,0,152,165,173,173,170,170,168,0,163,168,173,178,176,176,181,186,189,191,196,202,207,207,204,196,189,186,194,207,212,209,207,207,0,0,0,168,160,165,0,194,202,202,199,199,0,212,215,207,199,194,189,178,168,160,150,137,0,0,131,139,147,155,163,170,176,176,178,183,191,0,0,0,0,0,212,212,215,222,230,235,238,238,238,235,233,228,222,212,202,189,173,155,134,121,113,116,118,121,124,129,131,131,129,124,124,0,0,152,163,170,0,0,0,217,228,0,241,243,246,246,248,246,243,243,243,241,235,230,222,209,202,194,189,181,173,125,121,121,125,129,170,178,191,209,222,225,222,222,217,217,215,215,225,225,217,209,212,222,228,230,230,233,233,233,230,222,207,196,186,181,178,176,168,155,144,139,0,137,137,0,131,126,121,121,126,0,0,0,0,0,147,152,160,168,178,186,194,194,189,186,186,189,186,183,178,176,170,170,176,181,183,183,183,183,183,183,186,191,199,0,212,212,212,209,209,212,215,215,215,212,212,215,215,215,215,215,209,207,207,212,217,222,225,230,233,233,230,225,217,215,215,222,225,222,217,217,217,215,217,222,222,215,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,0,0,21,129,131,134,139,150,157,157,144,129,137,134,133,142,155,152,142,134,137,155,220,111,0,0,0,0,0,0,0,15,105,170,196,199,199,199,199,189,176,170,168,166,178,194,196,186,168,170,194,207,212,202,183,168,163,168,176,173,168,168,170,168,163,119,115,117,160,168,173,173,168,165,173,183,181,165,121,123,168,173,173,165,122,125,178,194,199,196,194,191,191,191,186,181,178,178,183,183,176,128,128,176,178,173,176,183,191,191,183,178,183,196,199,194,186,182,181,182,189,191,186,178,178,181,186,194,194,183,173,127,119,115,113,113,111,111,111,109,107,107,104,104,117,196,222,230,233,235,235,233,235,238,233,209,127,117,111,110,111,113,113,113,119,129,183,194,194,189,186,186,189,189,189,186,189,196,204,202,191,186,186,189,191,194,196,199,199,199,194,189,186,189,189,189,189,186,183,186,186,186,183,181,178,178,176,173,178,181,165,105,101,103,111,115,117,121,163,160,113,107,103,107,117,160,160,163,168,170,168,165,168,176,186,186,173,163,121,123,123,121,119,118,121,168,181,194,191,176,125,123,127,181,191,194,189,183,178,173,129,170,173,176,176,178,181,186,191,194,196,204,209,215,217,215,215,222,228,230,233,233,222,191,111,107,121,191,202,191,181,178,178,176,178,189,204,215,215,209,199,181,131,133,178,176,173,173,173,127,124,124,125,129,170,176,178,181,178,177,177,181,186,186,178,173,129,125,125,178,191,194,194,181,173,178,178,173,129,129,129,131,131,127,129,176,181,183,181,177,177,181,183,189,191,191,186,183,183,183,137,135,135,181,191,199,204,204,209,212,209,202,196,194,196,196,196,194,191,189,183,181,186,191,189,181,179,181,178,131,125,123,123,123,127,178,191,196,191,183,181,178,129,119,118,121,170,178,178,168,119,118,118,121,123,123,125,168,176,178,178,181,183,189,189,178,125,121,123,129,173,176,176,173,176,173,129,127,126,126,127,129,125,123,125,170,176,178,178,181,183,183,178,178,181,183,186,181,170,125,127,168,170,170,125,121,120,120,125,165,168,168,165,123,120,121,165,170,176,178,173,165,123,123,121,121,125,127,170,176,178,176,173,176,183,186,186,181,181,178,178,181,181,181,183,189,196,199,202,207,209,204,191,178,173,129,129,127,170,176,178,176,170,170,176,178,181,183,191,199,204,202,199,191,181,170,124,123,125,125,123,121,119,121,125,168,168,170,170,168,170,181,181,170,123,118,116,123,178,186,186,181,173,127,168,178,181,173,125,125,173,183,181,173,122,121,124,129,129,129,131,178,189,191,189,187,187,189,194,196,196,202,207,212,215,212,209,207,204,207,204,196,191,191,196,199,202,202,204,207,209,207,204,204,204,209,209,204,194,186,181,183,183,183,178,178,183,194,194,189,181,135,178,183,186,186,186,189,194,196,199,196,194,189,186,183,183,186,194,199,204,204,202,204,202,196,194,196,199,199,196,196,196,195,195,196,199,199,202,202,202,204,204,204,202,199,196,194,189,186,183,181,183,191,199,199,189,178,176,178,186,186,181,178,181,179,179,183,183,183,178,178,178,178,178,181,181,181,178,178,181,186,186,178,173,173,173,176,178,186,194,196,194,191,186,189,196,194,191,186,183,181,183,183,183,183,183,181,181,178,173,130,130,176,183,186,181,176,176,183,189,186,181,178,173,173,178,181,181,173,129,131,178,186,191,189,183,178,173,129,129,129,131,173,178,176,131,130,131,176,181,176,170,173,176,178,176,178,178,178,173,170,127,127,129,127,125,123,170,183,194,196,194,191,191,191,189,191,191,194,196,199,199,194,191,189,183,179,179,181,183,183,186,194,204,204,194,178,129,129,131,133,131,130,131,135,181,186,191,199,204,209,215,215,217,217,217,222,222,217,212,204,202,196,194,194,194,191,196,202,209,209,204,191,178,133,176,178,131,129,126,126,129,178,181,181,178,131,127,127,173,181,183,183,189,196,202,202,196,189,181,181,183,189,191,199,207,212,207,199,194,194,189,183,176,134,176,178,178,133,129,126,126,129,176,178,181,183,189,189,186,186,186,189,186,181,178,176,176,133,133,176,178,181,181,181,181,178,176,173,131,129,129,173,181,183,178,173,173,176,178,181,181,181,178,178,178,181,178,176,172,172,172,176,181,183,183,183,186,191,196,196,194,191,186,183,183,183,181,178,178,176,178,176,173,170,127,125,125,124,124,124,124,125,125,125,125,168,176,178,173,168,123,122,122,125,168,173,176,176,176,173,173,176,181,183,186,183,181,181,181,178,173,172,172,172,173,173,176,176,178,181,181,181,181,181,178,178,176,131,131,129,129,131,133,176,178,178,181,183,183,186,186,186,186,186,189,191,194,194,194,196,194,194,194,194,194,194,191,191,191,191,191,189,189,186,186,189,189,191,191,191,191,191,191,191,191,191,191,194,196,196,199,199,196,196,196,196,196,196,196,196,194,191,191,189,189,189,189,191,194,196,202,202,199,196,194,191,191,191,191,191,191,191,191,191,191,191,189,186,183,181,178,176,173,170,168,165,157,117,115,113,113,113,147,109,87,67,65,46,46,54,57,63,85,147,165,170,173,176,170,163,163,165,165,157,157,160,160,157,160,173,183,191,191,186,183,178,176,176,177,181,183,183,181,178,176,176,176,178,178,176,176,173,160,147,49,38,40,46,55,111,116,87,0,0,100,142,150,147,139,129,85,0,0,0,0,41,150,160,170,176,173,165,160,157,160,155,134,93,87,85,85,89,134,152,176,173,173,181,189,194,194,194,196,196,194,191,191,196,199,199,202,220,220,215,7,0,163,191,194,186,183,178,157,126,74,7,0,0,0,0,0,0,0,47,131,147,157,160,160,163,176,191,225,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,118,160,155,142,124,41,2,41,105,87,63,121,129,137,147,142,144,160,165,155,157,168,75,3,12,73,181,196,196,194,194,191,191,194,196,199,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,147,157,144,116,105,95,103,178,186,183,176,165,152,29,0,0,0,0,0,0,0,0,0,0,11,47,39,90,134,47,29,43,85,47,0,0,0,0,0,0,0,116,98,103,137,29,5,5,13,0,0,0,0,0,0,0,0,0,0,45,157,155,152,150,134,139,144,152,165,155,118,105,152,183,202,194,5,0,0,83,131,142,137,131,147,168,163,142,66,68,81,173,176,95,53,55,93,150,165,176,183,183,176,160,144,131,97,137,144,147,157,168,160,0,124,87,111,121,139,155,155,144,125,122,131,139,142,160,155,139,105,79,85,0,0,0,0,0,0,59,59,64,0,0,152,147,144,0,0,0,0,0,0,0,0,0,0,0,0,0,160,176,183,183,176,168,0,0,0,0,0,173,170,173,178,189,194,196,199,204,209,209,209,204,199,191,194,204,209,204,204,0,0,0,0,0,0,173,183,194,207,209,204,202,202,207,207,202,199,202,202,194,178,165,152,139,0,0,131,139,144,150,155,160,163,165,168,173,186,0,0,0,0,0,215,215,217,222,230,235,241,243,243,241,0,230,220,209,196,186,170,155,139,126,121,118,118,118,124,129,131,134,131,129,126,0,0,150,163,0,0,0,0,215,225,233,238,241,243,246,246,243,243,241,241,241,238,233,225,212,207,202,194,186,178,127,121,121,123,127,168,173,186,204,215,217,215,215,215,212,212,215,222,225,222,215,217,225,230,233,233,233,233,233,228,222,212,204,194,186,183,181,173,160,150,144,139,139,139,0,134,126,118,116,121,0,0,0,0,0,144,150,155,163,173,183,189,191,186,183,186,186,183,181,176,170,168,168,173,178,183,183,183,183,183,183,186,191,196,0,212,215,215,212,212,212,215,217,217,217,215,215,215,215,215,215,212,207,207,212,215,217,225,228,233,233,230,225,217,215,215,222,225,222,217,217,217,215,215,222,222,217,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,124,131,137,147,155,163,163,150,129,133,131,131,142,152,150,134,118,116,129,150,92,0,0,0,0,0,0,0,57,155,181,199,207,207,199,194,189,181,173,166,163,176,191,199,196,181,173,181,183,199,196,178,168,165,170,173,170,123,123,165,170,165,119,115,115,160,170,178,178,170,168,173,181,183,123,117,123,165,168,168,125,123,125,176,189,194,191,189,189,189,191,191,186,181,179,183,186,183,170,129,173,176,170,173,178,183,183,178,173,178,194,199,194,189,183,182,183,189,189,183,181,178,178,183,191,191,178,168,125,119,115,113,111,111,109,107,107,105,105,104,103,107,178,207,222,233,235,233,230,233,238,228,196,123,115,113,110,110,111,113,113,117,125,173,181,178,178,178,181,189,191,191,191,194,199,202,196,186,183,185,189,191,191,194,202,202,199,194,189,189,191,191,194,194,189,183,181,178,178,181,183,186,183,173,127,168,170,121,100,99,103,113,121,123,123,163,160,115,111,109,111,117,121,160,160,163,165,170,170,170,173,181,183,173,119,114,115,119,119,117,117,121,173,189,194,186,170,125,123,168,181,191,191,189,186,183,178,173,129,170,173,178,183,183,186,191,194,196,202,207,209,212,212,215,225,230,228,230,230,217,194,103,101,107,129,178,176,176,176,178,176,178,191,204,212,209,207,202,189,181,181,181,176,129,127,129,125,124,125,129,131,170,170,176,181,181,178,178,181,181,178,173,170,170,170,176,189,189,183,183,178,172,173,176,173,127,126,127,129,127,125,125,131,178,181,178,177,178,183,186,186,183,183,178,135,135,178,178,181,186,194,199,202,202,202,204,204,204,199,196,194,191,194,199,199,194,186,181,181,191,196,189,181,181,183,181,133,129,127,125,125,129,178,191,194,191,183,183,183,176,127,123,125,170,181,183,173,123,117,117,119,123,125,127,173,176,176,176,176,178,181,178,168,125,125,170,173,173,173,173,173,170,168,127,126,127,127,168,168,125,123,168,176,178,178,176,173,170,170,173,170,170,176,183,181,173,168,173,178,183,186,181,173,127,125,127,127,168,170,168,125,123,125,165,168,170,170,168,123,120,120,120,121,125,127,168,127,168,168,170,176,181,183,178,173,173,176,181,186,183,178,173,173,176,181,189,199,199,189,176,129,125,124,124,127,173,181,186,181,176,176,178,176,131,129,176,191,202,207,204,199,191,178,125,123,124,125,125,125,125,125,127,168,170,170,170,165,168,178,178,168,121,118,117,125,183,189,189,178,123,103,113,173,181,176,127,124,127,173,176,131,123,121,124,131,133,133,131,133,181,186,189,189,189,189,191,196,204,209,215,217,222,222,217,215,212,209,204,196,191,191,196,202,207,212,212,212,209,207,203,203,207,212,215,209,199,191,186,183,183,183,181,181,186,191,189,181,133,132,134,181,186,186,186,186,191,196,199,196,196,194,191,191,194,199,204,204,204,204,207,207,204,196,191,191,191,191,194,196,196,195,195,196,196,196,196,199,199,199,202,202,199,196,191,186,181,137,135,135,181,191,199,199,191,183,183,189,191,189,181,181,183,181,181,183,186,183,181,178,177,177,178,178,176,172,172,178,186,191,186,176,173,173,176,176,176,181,186,186,181,133,125,127,176,178,178,176,176,178,183,186,186,186,183,181,178,176,173,131,130,131,178,178,173,131,173,181,186,183,181,178,173,173,173,178,178,176,173,173,176,183,183,183,183,181,176,173,129,128,131,176,181,181,176,131,173,176,178,173,170,173,178,178,178,176,176,176,173,170,170,170,170,127,116,115,123,178,191,196,194,194,191,186,189,191,194,191,191,194,196,191,189,186,183,181,179,179,181,183,191,199,202,199,191,181,131,131,133,133,131,130,131,181,186,191,196,202,204,209,215,217,217,222,222,222,222,217,212,207,207,202,196,194,194,194,199,207,209,207,196,189,181,178,178,173,129,127,127,127,131,178,181,178,173,127,123,125,131,176,178,181,189,194,199,199,191,181,178,179,186,191,191,194,199,202,199,191,189,189,186,181,178,178,178,178,178,133,127,125,125,127,131,176,181,183,186,183,181,181,186,186,181,181,181,178,133,132,132,176,181,181,181,183,183,181,176,131,129,129,129,131,176,178,176,173,173,176,181,183,183,181,181,178,178,178,176,173,173,173,176,178,183,183,183,181,183,191,196,196,196,191,186,183,183,181,178,176,176,176,176,176,176,173,168,127,125,125,124,124,125,127,127,127,127,170,176,178,176,170,127,123,123,125,127,170,173,173,173,170,169,170,176,181,183,183,183,181,181,181,178,176,173,173,176,178,178,178,181,181,183,183,181,181,181,178,176,133,131,131,131,131,133,176,178,183,183,183,183,183,186,186,186,186,186,189,191,194,196,199,196,196,194,191,191,191,191,191,191,194,191,191,191,189,189,189,191,191,194,191,191,191,194,194,191,191,191,191,194,196,196,196,196,196,196,196,196,199,199,199,196,194,194,191,189,189,189,191,194,196,199,202,199,196,191,191,191,191,191,191,191,191,191,191,191,191,191,189,186,183,178,176,170,168,165,163,160,155,115,113,113,150,155,155,109,87,81,65,59,67,67,71,89,144,163,165,168,170,170,170,170,173,170,165,163,160,155,142,101,105,163,183,189,186,183,181,178,178,181,181,181,181,181,178,173,172,170,173,173,173,170,170,165,163,157,69,43,37,34,65,103,59,0,0,95,134,142,144,137,129,5,0,0,0,0,41,126,147,163,160,150,139,134,133,135,137,131,129,131,142,163,183,196,196,186,181,178,181,191,196,199,199,199,199,194,189,190,194,202,202,204,215,215,207,82,0,105,183,178,139,113,95,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,77,147,170,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,92,142,144,131,108,43,35,98,121,90,92,131,144,150,144,65,55,134,155,152,152,157,57,3,21,79,178,191,194,189,189,189,191,196,202,202,202,83,0,0,0,0,0,0,55,134,49,0,0,0,0,0,0,21,7,0,0,0,0,0,0,0,0,31,37,85,126,124,34,31,65,100,113,186,191,181,165,155,160,157,25,0,0,0,0,0,0,0,0,0,0,19,47,53,61,45,37,31,33,29,0,0,0,0,0,0,0,63,57,95,124,29,13,15,15,0,0,0,0,0,0,0,0,0,0,0,65,75,77,59,61,131,152,173,183,165,137,142,168,181,194,196,67,13,73,142,150,155,160,163,165,168,157,139,66,73,142,178,170,139,89,85,93,142,163,173,178,178,170,157,142,95,79,74,89,147,163,165,0,0,0,75,75,113,137,152,150,139,125,125,147,147,150,163,163,0,118,98,100,0,0,0,0,0,0,0,0,64,0,0,0,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,178,186,186,173,163,157,0,155,0,165,168,168,170,181,191,196,196,199,204,207,209,209,207,204,196,196,202,204,203,204,209,0,0,0,199,189,186,189,196,207,207,202,196,194,196,196,196,196,207,209,204,189,173,157,142,0,0,0,0,147,152,155,157,157,160,163,0,0,0,0,0,0,0,212,215,215,217,228,235,241,243,243,243,235,228,215,204,191,181,168,155,144,137,134,126,121,121,124,129,0,0,0,0,0,0,0,0,157,168,0,0,207,215,225,233,235,241,243,243,243,243,241,241,241,241,238,235,228,217,209,204,196,189,178,127,121,119,123,125,127,170,181,199,209,212,212,215,215,212,212,212,222,225,225,217,217,225,230,233,233,233,230,228,225,222,212,207,202,194,186,183,176,165,155,150,144,142,139,139,0,129,118,88,118,124,0,0,0,0,147,152,155,160,170,178,186,186,183,183,186,186,181,178,173,168,165,168,170,178,181,183,186,183,183,186,186,189,194,0,209,215,215,212,212,212,215,217,222,222,217,215,212,212,215,215,212,209,207,209,215,215,217,225,228,228,228,222,217,212,215,222,225,222,217,217,215,212,212,215,217,215,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,116,131,142,160,176,183,183,170,142,134,131,134,147,155,150,129,92,0,0,19,55,55,0,0,0,0,0,0,23,155,186,199,204,204,191,181,178,176,173,168,164,170,181,191,194,183,176,168,85,59,91,119,125,165,170,170,165,121,121,163,165,163,119,114,114,121,165,170,173,170,165,168,168,115,84,87,115,123,165,165,125,123,125,170,181,186,186,183,183,186,191,196,194,189,186,186,189,186,176,170,170,173,170,170,173,173,173,170,170,176,186,191,189,189,183,183,189,191,189,183,178,178,181,186,191,186,176,127,121,117,115,113,111,109,109,107,105,105,105,104,103,105,123,186,204,222,230,228,228,230,230,215,181,119,115,113,113,111,111,113,115,117,121,123,125,123,123,123,129,181,189,194,194,194,194,194,189,185,183,186,194,194,191,194,199,202,199,194,189,189,191,194,196,199,191,183,178,173,176,181,189,191,186,168,119,121,123,115,100,99,101,113,121,163,163,163,121,117,115,113,113,119,121,121,160,159,165,176,178,170,165,170,176,170,121,115,119,163,163,119,118,121,170,181,183,173,125,123,125,168,181,189,189,183,183,186,183,170,127,127,170,178,186,189,191,191,194,199,202,207,209,212,215,222,228,230,225,222,215,204,183,102,101,105,117,125,129,133,135,178,178,181,191,202,204,202,196,196,191,186,181,178,131,125,124,125,127,129,131,178,183,181,176,181,186,189,186,183,183,181,178,176,170,170,176,178,183,178,129,173,176,172,170,173,176,129,126,125,126,126,125,126,131,181,183,181,178,181,189,189,183,178,178,178,133,131,125,127,135,186,196,199,199,196,196,194,186,186,189,189,183,181,186,194,196,191,183,181,186,199,202,191,186,186,191,196,191,178,173,129,131,176,186,189,189,186,181,181,183,178,170,125,123,127,173,176,170,121,118,118,119,121,125,168,173,176,173,173,170,170,170,168,125,127,170,176,170,127,125,168,170,168,127,126,127,168,170,173,173,170,168,170,176,176,176,170,125,121,123,125,123,121,125,173,176,170,168,176,186,191,196,194,189,181,176,170,168,168,170,170,165,168,173,168,125,125,125,125,121,120,120,120,121,127,168,125,121,119,121,127,170,173,173,170,127,127,170,176,178,173,127,121,117,109,105,123,173,173,129,125,125,125,124,124,125,173,181,183,183,181,178,178,131,124,122,126,183,199,207,207,202,199,191,181,176,173,170,129,129,127,127,127,127,168,168,165,164,165,170,173,165,121,118,118,165,178,186,186,173,73,38,51,87,121,125,125,125,127,170,173,173,127,125,129,133,178,178,131,131,135,183,189,191,191,189,191,199,209,217,222,225,225,222,217,215,212,209,202,194,191,194,202,207,212,215,215,212,207,204,204,204,207,212,215,212,202,194,189,183,183,183,183,181,181,183,183,178,133,132,134,183,186,183,183,183,189,194,196,199,202,199,199,199,204,207,207,207,202,202,207,209,204,194,186,183,139,139,189,199,202,199,199,202,199,194,194,194,191,191,194,194,194,191,186,181,135,134,133,134,181,194,202,202,196,191,194,196,194,186,179,183,186,189,186,186,183,181,181,178,178,178,181,178,173,170,170,178,189,191,183,173,172,173,176,176,133,133,176,133,129,125,122,123,129,176,176,174,173,174,183,189,189,189,186,181,176,173,173,131,130,130,131,131,129,128,131,178,183,181,178,176,173,170,129,170,173,176,176,176,176,178,178,178,178,178,178,176,131,129,173,178,181,181,176,173,173,176,176,173,170,176,181,181,178,173,170,170,170,173,176,173,129,121,113,113,117,173,186,191,194,194,189,183,183,191,194,191,189,191,194,191,189,186,186,183,181,181,181,186,194,199,199,196,191,186,181,137,181,181,135,131,133,181,189,194,199,199,199,204,209,217,217,217,222,222,217,215,212,212,212,207,202,199,194,194,199,204,204,199,189,183,183,181,176,131,127,127,129,129,173,176,178,173,127,119,118,121,127,131,133,178,189,196,202,199,191,183,179,181,189,194,194,191,189,189,186,183,186,186,183,183,181,181,181,178,176,133,129,126,126,127,131,176,181,183,183,179,179,181,183,183,181,183,186,183,176,132,173,178,181,181,183,186,186,183,178,173,131,129,131,170,173,176,176,176,176,178,181,181,183,181,181,181,178,176,170,129,170,176,178,181,186,186,181,181,183,189,194,194,194,189,183,183,183,181,176,173,173,173,176,176,176,173,170,170,127,125,125,125,127,168,170,168,168,170,173,176,176,173,170,127,125,125,127,168,170,170,170,170,169,169,173,178,181,183,183,183,183,186,183,181,178,178,178,181,183,183,183,181,181,181,181,181,181,178,178,176,133,133,133,133,133,176,181,186,189,189,186,186,186,186,186,186,189,189,191,194,196,199,196,196,194,191,191,191,191,194,194,194,194,194,191,191,189,191,191,194,194,194,191,194,194,194,194,194,194,194,194,194,196,196,196,196,194,196,199,199,199,199,199,196,194,191,189,189,189,191,191,196,199,199,196,194,189,189,189,191,191,191,191,191,191,191,191,191,191,191,189,186,181,176,168,165,163,163,160,155,115,113,113,150,155,157,147,101,93,93,93,85,77,79,91,142,152,155,157,165,168,170,173,176,176,170,168,163,155,139,91,85,101,165,178,178,183,183,183,183,183,183,183,183,183,181,176,172,172,173,173,170,168,165,163,163,163,150,116,49,49,92,79,0,0,0,45,118,131,137,131,113,0,0,0,0,0,57,111,129,139,139,135,133,133,134,139,150,155,160,170,181,189,196,202,202,194,186,183,186,191,196,202,202,199,196,191,190,190,196,199,196,196,202,207,173,98,0,0,90,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,82,79,108,144,150,134,69,32,47,111,126,87,59,129,150,157,124,0,0,61,144,144,147,152,51,10,37,73,165,189,191,189,186,186,189,194,199,202,202,157,0,0,0,0,0,0,118,144,134,103,90,82,0,0,35,152,113,7,0,0,0,0,0,0,13,55,111,121,126,63,25,29,103,118,131,181,183,152,142,147,168,207,168,47,0,0,0,0,0,0,0,0,0,0,11,0,15,49,49,27,21,17,0,0,0,19,7,0,0,17,37,57,71,49,43,53,33,0,0,0,0,0,0,29,100,124,33,0,0,0,0,0,27,118,152,176,186,152,131,152,160,168,178,181,118,69,129,144,144,152,173,186,183,176,165,147,121,134,168,173,152,137,129,93,91,131,165,173,173,173,165,152,137,87,70,66,75,152,165,157,124,73,57,55,59,73,121,137,134,129,129,144,160,152,150,163,160,142,126,121,0,0,0,0,0,61,59,0,0,0,66,0,0,77,0,0,0,0,0,0,0,0,0,0,0,0,0,173,173,178,183,181,170,155,150,0,0,152,157,160,165,176,189,196,199,196,196,199,202,204,207,207,204,199,199,202,204,204,204,209,0,0,0,209,199,194,191,194,199,202,196,189,186,186,186,186,194,204,212,209,196,181,165,150,0,0,0,147,155,0,0,160,160,163,168,0,0,0,199,196,196,202,209,212,212,215,222,233,241,243,243,241,233,222,209,199,186,178,168,157,0,0,0,0,129,126,126,131,0,0,0,142,0,0,0,0,155,165,0,0,204,212,225,230,235,238,241,241,241,241,238,238,241,241,241,235,230,222,212,204,196,189,176,165,119,117,121,123,123,127,178,194,204,209,209,215,215,215,212,212,217,225,225,222,217,222,228,230,233,230,230,228,225,220,215,209,204,199,191,186,181,170,163,157,150,144,0,0,0,131,118,88,89,121,0,0,0,0,147,152,155,157,165,176,183,186,183,183,186,186,181,176,170,168,165,165,170,176,181,183,186,183,186,186,186,189,191,199,209,215,212,212,209,209,215,217,222,222,217,212,212,212,215,217,215,209,207,209,212,215,215,217,222,225,222,217,212,209,212,217,222,222,217,215,215,209,209,209,215,212,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,108,129,147,170,191,199,196,189,168,150,142,147,152,152,142,108,17,0,0,0,45,53,0,0,0,0,0,0,0,51,170,191,194,181,160,157,160,165,170,173,168,168,173,183,191,191,189,178,49,33,55,105,119,123,125,165,163,121,119,121,123,123,117,114,114,115,117,119,163,165,163,163,119,85,70,72,111,123,125,125,165,125,123,168,178,186,183,182,182,186,194,196,196,194,191,191,189,183,178,173,173,176,176,170,168,127,127,168,168,173,176,178,181,181,178,181,189,194,189,181,176,178,189,196,196,189,178,165,119,115,113,113,111,111,109,109,107,107,105,104,104,109,117,168,181,199,212,217,225,225,217,196,168,115,113,113,113,111,111,115,117,117,117,115,115,113,113,115,121,173,186,191,191,191,191,191,191,194,191,194,202,204,199,194,196,199,199,194,189,187,189,191,196,199,194,183,176,173,170,176,189,194,183,121,113,115,119,113,101,99,100,109,119,123,163,160,119,117,117,117,117,119,119,121,160,165,173,183,183,176,163,123,165,163,119,115,123,168,168,165,123,121,165,170,170,125,122,123,165,170,181,186,181,176,176,181,178,125,121,125,170,178,186,191,191,191,194,202,207,212,215,215,222,228,228,225,215,204,194,178,125,111,109,113,117,121,129,135,178,181,181,183,191,199,199,191,186,186,186,183,176,133,129,127,124,129,176,181,181,186,196,194,186,189,199,202,196,189,186,191,191,186,176,173,178,178,173,128,126,173,183,173,168,172,178,173,127,125,126,129,129,129,173,178,181,176,176,181,189,186,178,176,181,181,135,125,115,115,125,183,194,196,196,196,194,133,91,79,107,129,129,129,135,183,186,183,181,183,194,199,196,189,189,191,194,204,204,194,178,173,176,181,186,186,186,181,176,178,178,176,129,123,122,123,123,125,123,119,118,119,121,123,125,170,176,173,168,170,170,168,168,125,124,127,176,178,170,121,119,123,127,168,127,126,126,127,170,178,181,178,176,176,176,176,173,127,119,115,117,121,119,119,121,125,127,125,127,178,186,194,196,199,199,194,189,181,173,170,170,168,168,173,178,170,123,119,119,121,123,123,123,123,165,170,170,127,118,117,118,123,125,127,127,125,124,127,170,173,170,125,119,117,111,102,96,102,111,117,117,123,129,173,129,127,127,131,176,178,183,186,186,181,131,124,122,125,183,199,204,204,202,199,196,191,186,181,176,173,170,129,168,170,170,168,165,164,164,165,165,165,125,121,118,119,165,176,181,178,165,67,37,46,67,105,121,127,173,173,173,176,178,176,173,131,131,133,176,133,135,178,181,183,189,189,186,186,194,207,217,220,217,215,212,212,209,207,204,199,194,196,202,209,212,215,215,215,209,207,204,207,207,207,209,215,212,204,194,189,186,183,183,181,134,133,134,135,135,134,135,181,186,183,178,178,181,183,189,194,199,202,202,202,204,207,209,207,204,202,202,204,207,196,183,137,137,136,136,186,199,204,204,207,209,204,196,194,191,189,186,189,191,191,191,189,183,178,135,134,134,181,191,199,202,196,194,194,194,191,183,179,183,189,189,189,186,183,181,181,178,181,181,181,178,173,170,170,176,183,189,183,173,172,172,173,176,176,131,125,121,121,123,125,129,133,181,183,176,173,173,181,189,191,191,189,183,176,131,131,130,130,130,130,130,129,129,131,176,176,176,176,176,173,129,128,129,170,176,178,181,178,178,176,174,174,176,178,178,178,178,181,181,181,178,178,176,176,176,173,170,170,176,178,178,173,129,125,125,129,176,181,176,129,121,116,116,123,173,183,186,191,191,183,177,178,191,196,191,189,191,191,189,186,186,186,186,186,181,181,186,194,196,196,196,194,191,189,186,191,196,194,183,181,183,186,189,194,191,186,191,202,209,212,215,215,215,212,212,212,212,212,209,207,204,199,194,194,196,196,189,183,181,181,178,131,127,127,129,131,131,173,176,176,131,121,117,117,121,125,129,131,178,189,199,204,204,196,189,186,189,194,199,196,186,182,181,182,182,183,186,186,186,183,183,178,176,176,133,131,129,127,129,131,133,181,183,181,179,179,183,186,183,183,186,189,186,181,176,176,178,181,181,183,186,186,186,181,176,176,176,176,173,173,170,173,176,176,178,178,178,181,181,181,178,176,129,123,123,129,176,181,183,189,186,181,179,181,186,189,191,189,183,178,178,181,181,178,173,173,173,173,176,176,176,176,173,168,127,125,127,168,170,170,170,170,170,170,170,170,173,173,170,168,168,168,168,168,168,170,170,170,170,170,173,176,181,181,183,186,189,189,186,183,181,181,183,186,186,183,181,178,178,176,178,178,178,178,176,176,176,176,176,133,178,183,189,191,191,189,186,186,189,189,189,191,191,191,191,194,196,196,194,194,194,194,194,194,196,196,196,196,194,191,191,189,191,191,194,194,194,194,194,196,196,194,194,194,194,196,196,196,196,199,196,194,194,196,199,202,202,202,199,196,191,189,189,191,191,194,196,199,199,196,191,189,189,189,191,191,191,189,189,191,191,189,189,191,191,191,186,181,173,168,165,163,163,160,155,115,113,112,113,152,152,150,109,105,107,99,81,76,83,93,101,103,105,147,157,165,168,170,176,176,170,163,157,157,152,95,77,79,134,150,152,163,173,178,183,183,183,183,183,183,181,176,176,178,178,176,173,168,163,160,160,160,157,150,139,134,118,19,0,0,0,0,77,105,118,121,43,0,0,0,3,95,121,121,131,137,137,139,144,150,155,165,176,176,181,189,194,196,196,196,199,202,199,194,194,194,199,202,202,199,196,194,191,196,199,194,183,176,165,163,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,129,113,103,126,160,173,157,33,24,92,126,134,98,21,69,134,144,39,0,0,51,126,129,134,150,57,12,28,41,93,168,181,181,183,183,186,189,194,202,207,194,17,0,0,0,0,47,103,131,147,134,103,87,35,27,100,144,113,100,7,0,0,0,0,0,49,92,118,116,100,47,34,61,157,165,165,176,152,107,121,163,191,212,202,129,29,0,0,0,0,0,0,0,0,0,0,0,0,49,67,55,33,23,0,0,0,25,15,0,0,17,47,67,103,124,144,142,67,25,0,0,0,0,41,191,204,207,137,0,0,0,0,0,43,108,124,131,134,49,41,147,152,157,157,147,63,49,85,118,85,124,168,189,183,176,165,147,139,152,176,173,139,129,129,95,85,85,163,168,168,168,163,155,139,91,73,71,97,168,168,152,71,53,45,45,53,69,111,124,124,126,142,163,163,147,147,165,165,134,126,142,147,0,0,0,0,56,56,0,0,0,0,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,178,176,176,178,173,163,147,0,142,144,150,155,157,168,181,194,202,202,199,196,196,199,202,202,202,202,199,199,202,0,0,0,209,212,215,217,212,204,196,191,191,196,199,196,189,183,181,179,179,186,199,207,209,202,186,170,152,142,0,0,155,0,0,0,0,170,0,0,0,0,0,0,0,189,196,207,0,209,212,222,233,241,246,243,238,230,217,207,196,186,178,170,163,160,160,0,0,0,0,0,0,0,147,150,152,150,147,147,150,155,163,0,0,199,209,222,230,235,235,238,238,238,238,238,238,241,241,241,238,233,225,212,202,191,183,173,125,119,115,117,119,119,123,170,189,196,202,207,212,217,215,212,209,217,225,228,222,217,220,222,228,230,230,228,228,225,222,215,209,207,202,199,196,189,178,170,163,155,147,0,0,0,0,124,89,118,121,0,0,0,0,0,147,150,155,160,170,178,183,186,186,189,189,183,176,170,165,165,165,170,176,181,183,186,186,186,186,186,186,189,196,207,212,212,209,207,207,212,217,222,222,217,212,211,211,215,217,215,209,207,209,212,212,215,215,217,222,217,215,209,207,209,215,217,217,215,215,212,207,204,207,209,209,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,98,129,144,168,191,199,199,194,183,173,165,165,163,150,126,47,0,0,0,0,27,15,0,0,0,0,0,0,0,0,108,168,170,131,118,134,150,160,170,176,173,165,168,176,189,199,204,194,41,38,67,113,119,119,119,121,121,121,119,118,119,119,119,115,115,113,111,111,114,119,121,123,121,97,70,74,121,165,125,125,168,168,125,168,178,186,186,182,182,189,194,199,199,196,194,194,191,183,178,176,176,178,178,170,125,123,123,127,168,168,168,168,170,173,173,178,189,194,189,181,176,178,191,202,202,194,181,168,121,115,115,113,113,111,111,111,111,111,107,105,107,111,117,121,125,176,191,207,215,212,202,178,123,115,112,113,113,113,113,115,119,117,115,112,112,112,112,113,117,170,183,189,189,189,191,191,196,204,204,204,212,217,212,202,196,196,196,194,191,187,187,191,199,199,194,183,178,173,168,170,181,189,170,115,111,115,119,115,105,100,100,109,117,160,160,121,117,115,117,117,117,119,119,119,165,181,189,191,186,176,163,121,121,117,111,109,115,119,123,168,170,123,121,123,123,123,123,125,168,173,178,181,176,170,168,168,125,116,117,123,129,176,183,189,191,189,194,202,209,215,217,217,222,228,222,212,204,189,131,125,123,123,127,127,121,121,127,133,178,183,183,186,194,196,191,181,178,178,181,178,129,128,131,129,129,173,183,186,186,191,202,199,191,194,204,207,196,186,186,196,199,186,176,178,181,176,129,127,127,183,196,183,168,170,181,183,178,127,129,173,173,173,131,131,129,127,127,133,181,181,176,176,183,189,181,123,112,111,123,186,194,194,194,199,196,107,49,43,50,115,119,123,127,131,133,176,181,189,196,196,183,178,186,189,186,196,202,191,178,176,178,181,181,183,183,178,173,173,173,129,125,123,123,123,119,118,117,117,118,121,123,123,125,170,173,170,127,168,170,170,168,127,125,168,176,176,127,119,117,119,125,127,127,126,125,125,168,178,183,183,181,181,178,176,173,127,117,114,115,119,121,121,121,121,121,121,125,178,186,189,194,196,199,196,191,189,183,181,178,170,168,170,178,170,119,115,116,121,123,165,168,168,168,173,173,127,118,117,119,123,123,121,123,125,127,173,181,181,176,127,125,127,125,107,96,100,107,113,117,125,178,183,178,173,131,131,173,178,186,194,196,191,183,131,127,133,186,199,202,202,196,194,194,191,189,183,176,176,170,128,129,173,176,173,168,165,165,165,125,123,123,121,118,118,165,173,176,173,168,115,81,65,93,119,170,181,186,183,176,176,181,181,178,133,130,130,133,178,181,183,181,181,183,183,182,182,189,202,207,207,202,202,202,204,202,202,202,199,199,202,209,215,217,217,215,212,209,209,209,209,207,204,207,212,212,204,196,191,189,186,181,135,133,132,133,134,135,135,178,183,183,135,131,133,135,178,183,189,194,199,199,199,202,204,204,204,202,199,199,196,196,189,136,135,136,136,136,183,196,204,207,209,215,212,204,199,194,189,186,189,189,189,189,189,186,181,178,135,134,178,183,191,194,191,189,189,191,189,186,183,186,189,186,183,183,183,181,178,178,178,181,178,176,173,172,172,173,181,186,183,176,173,173,176,178,181,173,121,118,119,125,176,181,186,191,194,186,176,176,181,186,191,194,194,186,176,131,131,131,131,131,173,173,173,173,173,173,176,176,176,178,176,129,129,128,129,173,181,183,181,178,176,174,174,176,178,181,183,186,189,186,181,178,178,181,181,178,173,169,169,173,176,173,129,125,121,119,125,173,181,181,173,129,127,129,176,181,181,183,186,189,178,174,176,186,194,194,189,189,186,183,181,183,186,189,189,183,183,186,191,196,199,199,196,194,189,189,199,209,209,196,189,189,183,183,183,135,131,135,186,199,204,207,209,209,207,209,209,209,209,207,207,207,202,194,191,189,186,183,181,178,176,173,129,126,127,131,173,173,176,176,173,127,119,117,118,121,125,127,131,178,189,199,204,204,199,196,194,194,196,199,194,183,181,179,181,183,186,189,189,189,186,181,178,133,133,133,133,131,129,129,131,173,178,181,181,181,181,183,186,183,183,186,186,186,183,178,178,178,178,178,183,186,189,186,181,181,183,183,183,178,170,129,129,173,176,176,178,178,178,178,178,176,170,123,119,120,127,176,181,186,189,186,181,179,181,183,186,186,181,176,176,176,181,181,178,176,173,173,173,173,176,176,176,173,168,125,124,125,127,168,168,168,168,168,168,168,170,170,173,173,170,170,170,168,168,168,170,173,173,173,170,173,173,176,181,183,186,189,191,189,183,181,181,183,186,186,183,181,176,176,174,176,178,178,178,178,181,181,181,178,178,181,186,191,194,191,189,189,189,189,189,191,191,191,189,189,191,191,191,194,194,194,194,194,196,196,196,196,196,194,194,191,191,191,191,194,194,194,194,194,196,196,194,194,194,194,196,196,196,196,199,196,194,194,196,199,202,202,199,199,194,191,189,189,191,194,194,196,199,196,194,191,189,189,189,191,191,189,189,189,189,189,189,189,189,189,189,189,181,176,170,165,165,163,160,155,115,112,112,150,150,152,150,150,147,109,83,68,73,87,91,89,85,91,103,152,160,163,163,168,165,157,142,137,150,155,99,75,73,81,85,79,93,150,168,176,176,178,181,181,178,178,178,178,181,181,181,176,170,165,160,160,157,160,155,150,144,131,1,0,0,0,0,0,0,9,31,0,0,0,0,82,170,165,144,147,152,152,157,163,165,173,178,186,186,191,194,199,199,199,199,202,207,204,199,196,196,199,204,204,202,199,194,191,194,191,178,147,79,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,165,147,59,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,124,100,92,129,170,176,163,45,31,134,142,137,98,0,0,39,53,1,0,0,71,77,81,118,144,67,15,26,28,49,126,155,165,178,183,183,183,189,194,202,196,63,0,0,3,59,69,69,108,168,163,113,87,51,47,103,116,82,126,49,0,0,0,0,0,103,111,116,35,7,35,57,124,176,191,191,181,121,72,108,183,194,207,207,191,176,65,0,0,0,0,0,0,0,0,0,0,3,33,100,121,69,55,0,0,0,31,33,9,23,49,131,131,131,157,168,163,124,71,0,0,0,0,49,189,199,189,137,0,0,0,61,75,73,77,69,57,51,9,13,142,150,155,147,77,9,4,37,49,51,63,139,165,163,160,152,131,137,152,170,170,134,126,129,93,77,76,147,157,157,160,160,157,157,144,137,152,183,191,183,160,65,49,41,45,57,73,116,126,126,131,157,170,152,137,144,170,173,121,116,155,163,126,87,74,66,0,0,0,0,0,0,59,64,0,0,0,0,0,0,0,0,0,0,0,0,186,189,178,173,170,168,163,152,139,0,142,0,0,157,163,170,189,199,204,204,202,199,196,199,199,202,199,199,199,199,199,0,0,0,0,209,215,215,212,204,196,191,194,199,202,199,191,183,179,178,177,181,194,202,204,199,189,170,155,147,147,155,165,178,183,183,181,178,0,0,0,0,0,0,0,183,191,202,207,209,212,0,230,241,246,243,235,225,215,204,196,189,181,173,165,163,163,160,0,147,0,0,0,147,152,157,160,160,157,155,157,160,165,0,0,196,207,217,230,233,235,233,235,235,238,238,238,238,241,238,238,235,228,212,199,189,178,165,121,115,113,113,0,0,119,127,181,191,196,204,212,215,215,209,209,217,225,228,225,217,217,220,222,225,228,230,230,228,222,215,212,209,207,204,204,199,189,176,168,160,152,147,0,0,0,0,121,121,124,0,0,0,0,0,144,147,150,155,163,173,181,186,189,191,189,183,176,170,165,165,165,168,176,181,183,183,183,183,186,186,186,186,194,204,209,209,207,204,204,207,215,222,222,215,211,211,212,215,217,215,209,207,209,212,212,215,215,217,217,215,212,207,205,207,212,215,215,215,212,209,207,202,204,207,207,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,129,142,150,163,189,191,189,189,183,173,170,170,155,116,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,150,65,44,71,142,155,168,170,168,160,157,163,176,191,199,186,119,123,163,168,165,121,117,117,119,123,163,163,123,163,163,121,117,114,111,110,113,117,121,170,199,186,121,115,121,125,125,165,170,170,168,168,173,178,183,183,183,189,196,199,199,196,196,196,191,183,178,178,178,178,173,168,123,119,121,125,168,127,125,123,125,168,170,178,189,194,189,178,176,176,186,194,194,189,181,168,121,119,119,119,117,113,113,113,113,115,111,107,109,113,117,117,119,125,181,194,196,191,186,173,121,115,113,113,113,113,115,117,119,119,115,113,112,113,113,113,117,127,176,178,178,183,189,191,196,204,207,212,217,228,228,212,199,196,194,196,196,194,191,194,202,202,194,183,178,173,165,125,168,168,117,111,113,163,168,123,111,105,105,113,119,160,160,119,115,113,113,115,119,121,121,121,168,191,196,194,183,170,163,121,121,115,109,107,107,107,111,123,168,123,117,117,119,121,123,125,170,176,178,176,173,173,170,125,116,114,117,123,127,176,181,183,186,186,194,202,209,217,220,215,217,215,204,199,194,133,124,125,131,133,135,133,127,121,121,127,135,183,189,191,189,183,135,133,133,176,181,178,131,133,178,176,131,173,178,181,178,186,196,194,189,191,202,199,183,178,186,191,189,178,176,178,181,176,129,129,178,194,196,186,172,172,183,196,202,191,178,173,176,176,129,124,123,122,123,127,176,178,176,178,186,191,183,125,120,120,129,189,194,194,199,207,209,204,85,41,44,113,119,125,129,129,129,133,186,199,207,196,176,131,178,178,133,173,131,123,127,131,178,183,181,183,186,181,176,173,173,127,125,125,127,125,121,119,118,119,123,125,123,123,127,170,170,127,127,168,170,173,173,173,170,170,170,168,119,114,115,121,123,127,168,168,127,126,127,173,181,183,183,183,178,173,170,125,115,113,114,121,125,127,123,120,120,123,168,176,181,186,189,194,194,191,186,186,189,194,189,176,165,165,170,165,116,114,117,125,125,165,168,170,168,168,168,123,118,118,125,127,121,117,118,125,173,181,186,189,186,178,176,181,183,176,125,119,125,125,121,125,178,189,186,178,173,131,133,181,191,199,202,199,196,191,186,186,191,196,199,196,194,191,191,191,189,186,183,178,173,129,170,173,173,170,168,170,170,165,123,121,121,121,119,121,125,168,168,168,165,123,168,176,178,186,194,196,194,186,178,173,178,183,183,181,133,133,178,186,189,183,179,178,181,183,182,182,189,196,196,191,189,190,194,196,194,194,196,199,202,207,215,217,222,217,212,212,212,212,212,212,207,204,204,207,209,204,199,196,194,186,137,135,178,178,178,135,135,135,178,183,181,135,131,131,131,133,178,183,189,191,194,196,199,199,199,196,194,191,186,183,183,181,137,137,137,137,181,186,191,196,199,204,207,207,204,199,194,189,186,189,189,183,181,186,186,183,178,135,135,135,178,183,183,181,181,186,194,194,189,189,189,186,183,178,178,181,181,181,176,173,176,176,176,176,173,173,178,183,183,181,178,178,181,181,186,189,181,127,120,123,133,189,191,194,199,202,199,191,186,183,186,191,196,196,189,181,173,131,131,131,173,176,178,176,176,173,173,176,176,176,181,178,173,173,170,129,173,178,178,178,176,176,176,176,178,178,181,183,186,186,181,176,131,131,173,176,176,173,170,170,170,173,173,170,127,121,115,113,121,170,176,176,176,178,181,181,178,178,181,186,189,183,177,176,183,194,196,191,183,178,133,133,135,183,189,189,183,182,183,189,196,202,202,194,189,186,186,194,204,204,196,194,191,189,183,133,125,123,127,135,183,189,196,202,204,204,204,204,202,199,199,202,202,199,194,186,183,181,181,178,176,131,129,127,129,129,131,173,176,178,176,131,127,121,119,121,125,127,129,131,178,189,194,199,199,199,199,196,196,196,196,191,183,182,183,186,186,189,194,194,191,186,181,176,176,176,176,176,133,129,129,131,173,176,178,181,181,181,183,183,183,183,183,183,186,183,181,178,177,178,181,183,189,189,186,183,183,186,189,183,176,129,128,128,170,173,176,176,176,173,173,170,129,123,120,119,120,125,176,183,186,189,189,183,179,181,183,183,183,178,176,174,176,178,181,181,178,176,176,176,173,173,176,176,173,168,125,124,124,127,168,168,127,127,127,168,168,170,170,170,170,170,170,170,170,170,168,170,173,176,176,173,173,173,176,181,183,186,191,191,189,183,178,178,178,181,183,183,181,178,176,176,176,178,178,181,186,189,189,186,183,183,186,189,191,191,191,189,186,186,186,189,189,189,189,189,189,189,189,189,191,194,194,194,196,196,196,199,196,196,194,196,196,194,191,194,194,194,194,194,196,196,194,191,191,191,194,196,196,196,196,194,196,194,191,194,196,199,199,196,194,191,191,191,191,194,194,194,194,196,196,194,191,191,189,189,189,191,191,189,189,189,189,191,189,186,186,189,189,183,176,170,168,165,163,160,119,113,113,113,150,150,150,150,111,107,101,71,69,81,95,91,58,65,79,95,142,152,155,150,103,101,67,45,49,65,87,89,81,77,71,51,19,9,25,75,142,155,163,165,165,170,173,178,183,186,186,186,183,178,173,165,160,160,157,155,147,142,134,1,0,0,0,0,0,0,0,0,0,0,0,0,103,186,181,168,163,165,168,168,168,170,178,186,191,191,194,196,199,202,202,202,204,204,202,196,194,196,199,202,202,194,191,183,173,173,173,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,168,160,129,113,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,77,69,53,100,137,139,124,95,103,131,142,142,129,0,0,0,0,0,0,0,59,57,63,83,124,77,37,29,35,35,75,89,137,173,183,183,183,186,191,196,199,142,17,0,45,105,108,68,98,176,170,129,90,55,39,19,23,31,61,9,0,17,0,0,19,116,124,113,0,0,0,49,144,183,204,202,196,155,90,131,178,183,186,191,202,212,228,63,0,0,0,0,118,137,47,11,17,27,51,134,139,129,124,69,0,0,71,67,57,108,137,144,144,147,160,178,186,173,142,39,0,0,0,0,108,131,147,27,0,0,0,43,77,75,61,27,0,0,0,7,131,142,144,147,85,32,35,33,29,41,41,71,137,124,81,77,77,89,144,147,124,87,93,129,93,84,82,142,152,157,160,157,160,168,165,163,176,199,207,202,181,91,49,39,0,0,0,0,134,134,137,160,168,127,122,144,170,170,105,100,152,165,0,103,0,0,0,0,0,0,0,0,66,69,0,0,0,0,0,0,0,0,0,0,0,0,176,181,176,170,168,160,152,0,0,139,147,160,165,163,165,178,194,204,204,204,204,202,202,202,202,204,202,202,199,199,0,0,0,0,0,204,207,209,212,207,202,196,196,202,204,202,191,186,183,181,181,183,189,196,199,194,183,168,155,0,152,0,176,186,189,189,183,181,183,189,0,0,0,0,0,178,183,194,204,209,209,0,0,238,243,241,230,217,209,204,199,191,181,173,168,165,165,160,157,152,152,150,144,147,155,163,165,165,165,165,165,165,0,0,0,194,207,217,228,235,235,233,233,235,238,238,235,235,238,238,235,233,230,217,202,186,173,163,119,115,111,111,0,0,0,123,176,183,191,202,209,212,212,208,208,217,228,228,225,217,215,215,215,217,222,228,230,230,225,217,215,212,212,209,209,204,194,183,176,168,157,152,0,0,0,0,0,124,124,0,0,0,0,139,0,0,144,150,157,165,176,181,186,189,189,183,178,170,168,165,164,165,173,178,183,183,183,183,183,186,186,189,194,202,207,207,204,199,199,204,212,217,222,215,211,211,212,217,217,215,209,207,207,209,212,212,217,222,217,215,209,207,205,205,209,212,212,209,209,207,204,199,199,202,204,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,121,124,118,139,168,176,176,173,160,163,163,152,134,49,0,0,0,0,0,0,35,47,25,7,0,0,0,0,0,113,134,55,43,59,137,155,165,163,155,151,151,152,157,170,186,191,194,199,199,194,186,170,119,116,118,165,176,183,189,186,181,170,163,121,117,115,121,165,176,204,225,212,176,121,121,123,125,165,173,176,173,168,168,170,176,178,181,186,191,196,199,199,199,196,191,186,178,176,173,170,127,123,119,117,119,123,125,125,123,121,125,170,176,181,186,186,178,173,170,168,170,178,181,181,178,170,125,125,168,168,163,119,115,113,115,117,113,111,111,113,115,117,119,165,176,178,170,168,170,168,123,117,113,113,115,115,117,119,119,119,117,115,115,115,115,115,115,121,125,127,127,173,181,186,189,194,199,207,217,228,230,217,202,191,191,196,199,199,194,191,196,202,191,183,176,170,123,119,119,117,113,111,119,170,176,170,123,117,117,119,160,163,163,121,115,113,113,115,121,163,163,165,170,183,189,183,176,168,163,123,163,123,115,108,106,106,108,117,119,121,117,116,116,117,121,125,168,170,173,176,176,178,176,127,117,116,119,123,127,173,181,181,186,191,196,202,207,215,215,204,194,173,133,181,176,127,125,176,181,178,135,135,133,129,125,129,135,183,189,189,183,133,130,130,133,178,186,186,183,191,196,183,129,125,125,125,123,127,176,176,176,181,186,178,131,173,178,181,178,176,178,181,178,178,176,176,178,181,183,178,173,176,191,209,212,202,183,173,173,176,129,124,123,123,123,125,129,131,133,178,186,189,186,176,133,181,186,191,189,191,204,217,225,222,181,72,81,127,133,178,176,131,128,176,191,207,209,194,131,131,176,133,127,115,95,91,115,127,173,181,183,186,189,186,181,181,178,170,127,127,127,129,127,127,127,168,168,127,123,123,168,170,168,125,124,127,170,176,178,178,176,173,168,123,115,113,115,121,125,168,173,173,170,170,127,127,170,176,178,178,170,168,165,121,114,113,117,125,170,170,125,121,121,168,176,176,181,186,189,194,191,186,178,181,189,194,191,178,125,123,125,123,117,116,121,165,165,125,165,165,165,125,125,121,118,123,173,176,127,120,120,125,176,183,189,191,191,186,183,189,194,189,183,181,183,178,127,125,176,189,189,183,176,133,176,181,191,199,204,202,202,202,202,199,196,196,196,196,196,194,194,194,194,194,189,181,173,170,170,129,125,124,127,173,173,168,123,121,121,121,121,119,121,123,123,125,125,125,173,186,196,202,204,199,191,178,170,129,176,186,194,194,189,186,189,194,191,183,178,179,186,191,194,199,196,194,190,187,189,190,191,194,191,191,194,199,202,207,215,217,222,217,212,209,212,212,212,209,207,202,202,207,207,204,202,199,196,191,183,181,181,183,181,181,181,181,181,183,183,181,178,133,129,131,178,186,189,186,186,189,194,196,194,191,186,181,178,179,181,183,186,186,183,183,183,186,189,189,191,194,199,202,202,199,191,186,186,189,189,183,181,181,183,181,178,178,178,181,183,181,179,178,179,186,196,199,194,191,186,183,178,174,174,178,183,181,176,172,172,176,178,178,178,178,181,181,181,178,178,181,183,189,194,194,189,178,173,176,183,191,194,196,202,207,209,204,196,191,186,189,189,191,189,183,176,131,130,131,173,176,178,176,176,173,176,176,173,129,176,178,176,176,176,176,173,129,123,121,125,131,178,181,181,181,181,181,181,183,178,131,121,118,118,121,127,129,129,170,176,178,178,176,173,125,113,108,109,119,127,173,181,186,183,176,129,129,173,183,191,191,186,181,186,191,194,191,181,133,130,128,130,135,183,186,183,182,183,189,196,202,199,191,183,183,183,183,189,189,191,194,196,196,189,135,123,121,123,129,133,137,189,196,202,202,202,199,194,189,189,189,191,191,189,183,181,183,183,181,176,131,131,131,131,131,131,131,176,176,176,129,125,125,123,125,129,129,129,133,181,186,191,191,191,194,199,199,199,196,194,189,183,186,189,189,186,189,191,194,191,186,181,178,178,176,178,178,176,131,131,131,131,176,178,181,181,181,181,183,183,183,183,183,183,183,181,178,178,181,183,186,189,189,186,183,186,186,186,181,173,129,128,168,170,173,173,173,173,170,168,125,121,121,121,121,123,129,178,183,183,186,186,183,179,181,183,183,181,181,178,176,178,181,183,181,178,176,176,173,173,173,176,176,176,173,127,125,125,127,168,127,126,126,127,168,170,170,168,127,127,168,168,168,170,168,168,170,173,176,176,173,173,176,176,178,181,183,189,189,186,181,178,177,178,181,181,181,181,181,181,181,181,181,181,186,189,194,194,194,191,189,189,189,189,189,189,186,186,186,186,186,186,189,189,189,189,189,189,189,191,191,194,196,196,196,196,196,196,196,194,196,196,196,196,194,194,194,196,196,196,196,196,191,191,190,191,194,196,196,194,194,194,194,191,191,194,196,196,194,191,191,191,191,194,194,194,191,191,194,194,194,191,191,189,189,189,191,191,191,189,189,191,194,191,189,186,189,189,183,176,170,165,163,160,157,117,115,115,115,115,150,113,147,107,101,93,70,70,99,144,105,56,56,67,87,99,139,142,95,67,49,43,39,41,59,79,83,79,79,67,37,7,0,0,3,21,113,126,137,139,147,160,176,183,186,189,189,186,183,178,170,168,165,157,152,137,124,103,0,0,0,0,0,0,0,0,0,0,0,0,0,113,183,176,165,165,170,176,176,173,178,186,194,199,199,199,199,199,199,202,202,202,199,194,191,191,191,196,194,186,186,176,152,116,74,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,173,168,160,163,95,0,0,0,0,0,0,0,0,0,0,0,0,0,51,142,147,77,29,30,51,74,90,98,113,131,139,142,142,27,0,0,7,1,0,0,1,13,43,71,79,73,67,57,55,67,59,57,79,155,178,181,178,181,189,199,212,209,116,7,57,121,116,69,73,155,163,139,92,31,0,0,15,15,3,0,45,113,25,0,37,108,108,73,19,0,0,0,81,186,204,196,199,196,176,176,163,142,144,157,183,212,243,155,0,0,0,0,103,116,67,47,33,35,59,152,168,181,170,137,39,47,116,121,131,142,142,142,137,137,147,170,191,194,150,63,0,0,0,0,0,0,7,3,0,0,0,0,37,47,19,0,0,0,0,0,73,124,129,150,155,118,61,39,29,29,25,29,77,89,77,60,59,73,75,75,65,59,73,93,137,150,152,170,165,165,168,157,155,157,157,157,173,194,202,199,168,79,51,39,0,0,0,129,139,139,139,150,147,116,116,155,176,157,85,79,139,163,152,0,0,0,0,0,0,0,0,0,82,0,0,0,0,0,0,0,0,0,0,0,0,0,163,170,168,165,163,160,152,150,150,152,160,168,170,168,170,181,196,204,207,207,207,204,202,202,204,207,209,207,204,0,0,0,0,0,189,194,199,204,207,207,207,202,202,204,207,199,189,183,186,189,189,189,194,199,196,189,178,168,157,0,0,0,178,186,189,186,183,178,181,186,194,0,0,0,0,173,178,189,199,202,204,0,0,233,238,235,228,217,212,209,202,191,181,170,165,163,163,157,155,150,150,147,144,147,157,163,168,170,173,173,173,173,0,0,0,0,204,0,230,235,235,233,233,235,238,238,235,234,235,235,233,233,230,222,207,189,173,163,119,115,111,109,109,0,0,123,173,183,191,199,207,209,209,209,209,215,225,228,225,217,215,215,212,212,217,228,233,230,228,222,217,215,215,212,209,207,199,189,181,173,163,155,152,150,144,0,0,0,0,0,0,0,0,139,0,0,0,144,152,160,168,176,183,186,189,186,181,176,170,168,164,165,170,178,183,183,183,183,186,189,189,189,194,199,204,207,204,199,198,199,207,215,222,217,212,212,215,217,217,215,209,207,207,207,209,212,217,222,222,217,212,207,205,205,207,209,207,207,207,207,202,199,199,202,202,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,66,72,46,46,124,150,142,116,90,134,147,144,129,15,0,0,0,0,33,55,144,155,121,41,0,0,0,0,0,111,137,81,55,77,134,150,160,160,155,152,151,150,151,163,186,207,217,222,222,215,207,189,125,117,117,168,189,207,215,212,196,178,168,168,168,168,176,191,209,230,233,217,178,121,121,123,125,168,176,181,181,173,168,168,170,173,178,183,189,194,196,199,199,194,191,186,181,170,125,121,119,117,117,115,117,119,121,121,119,121,125,178,183,186,183,176,165,125,123,123,123,125,168,176,178,176,170,173,181,183,178,165,117,113,115,117,117,113,113,113,113,117,121,165,170,165,119,115,119,123,121,115,115,115,117,119,119,119,121,121,119,119,119,119,117,115,115,115,117,117,119,123,168,170,173,176,183,196,207,222,225,212,194,183,183,189,194,194,186,183,186,189,183,176,173,165,119,115,113,111,111,115,163,176,181,178,173,170,168,165,165,165,165,163,119,115,117,121,163,165,170,173,173,170,170,170,173,168,163,163,165,165,119,115,113,113,117,119,117,119,117,117,119,121,123,125,165,165,168,173,176,176,176,168,121,119,123,123,125,170,178,181,189,196,199,202,207,209,202,125,91,101,117,127,129,125,131,186,189,181,135,181,183,181,133,131,133,178,183,186,178,131,129,130,133,181,189,191,194,204,207,183,123,117,115,109,105,109,117,119,121,131,131,130,131,176,178,176,174,178,183,186,183,186,191,189,178,173,172,173,176,183,196,209,212,196,181,173,178,181,176,129,127,173,131,127,125,125,129,133,183,189,189,183,186,196,204,199,187,189,207,225,230,230,215,131,133,189,196,196,186,133,131,178,196,207,204,183,129,129,131,131,129,111,83,77,105,123,129,178,189,191,194,191,191,194,191,181,170,127,127,129,170,173,173,176,176,168,123,125,170,176,170,124,122,125,170,178,181,181,178,173,168,121,115,114,115,119,125,170,178,178,176,173,168,125,125,168,170,168,168,168,165,123,119,121,170,178,181,178,168,123,123,168,176,176,181,186,189,191,189,183,176,178,183,189,186,173,123,121,123,121,121,121,123,123,125,165,165,165,123,123,121,119,119,168,186,189,181,170,127,168,176,181,186,189,189,186,183,189,194,196,194,194,191,183,129,124,129,181,189,183,181,178,178,181,189,199,204,204,207,207,209,207,202,196,194,194,196,199,199,199,199,196,191,183,176,176,173,129,124,122,125,173,173,168,125,123,123,123,121,119,119,121,119,121,121,119,168,191,202,204,202,191,173,121,117,123,131,186,199,204,199,191,189,191,191,189,183,186,191,199,204,209,204,191,190,190,191,191,191,191,191,191,196,196,202,207,212,215,217,215,212,209,212,212,209,209,204,202,202,204,204,204,202,199,199,194,189,186,183,181,181,183,186,183,183,181,181,183,181,135,127,126,133,186,191,186,185,185,189,191,191,189,186,181,179,181,186,191,194,194,194,191,189,191,189,189,189,191,194,199,199,194,189,183,186,189,191,186,183,181,181,178,178,181,183,189,191,189,183,179,181,189,199,202,196,191,186,181,176,174,176,178,183,181,173,170,172,176,181,183,183,183,181,178,178,177,178,181,186,189,191,189,186,183,181,183,189,189,191,194,199,207,209,207,202,191,186,181,181,183,186,186,183,173,130,130,173,176,178,176,173,173,176,173,127,121,125,176,178,181,181,183,176,123,112,109,112,123,131,178,183,186,183,183,183,189,186,178,127,118,116,118,120,123,127,170,178,181,183,181,176,127,115,107,107,111,119,129,178,186,183,173,125,123,125,173,183,189,189,191,194,196,196,191,183,135,130,128,129,131,178,183,186,183,186,191,199,204,202,191,186,186,183,137,135,135,183,191,199,202,194,137,125,122,125,129,133,135,186,194,196,196,194,189,183,181,178,178,181,181,183,181,183,189,189,186,181,176,173,176,176,131,129,127,131,173,173,129,127,127,129,129,131,131,131,176,181,183,186,189,189,191,194,196,196,196,191,186,183,186,189,186,183,183,189,189,189,186,183,181,178,176,178,181,178,176,173,131,131,176,181,183,183,181,178,181,181,183,183,183,181,181,181,178,178,181,183,183,183,183,181,181,183,186,183,178,170,168,168,170,173,173,170,168,168,168,127,121,119,119,123,127,168,170,176,176,176,178,183,183,181,181,181,181,183,183,181,181,181,183,183,181,178,176,173,173,173,176,176,178,178,176,170,127,125,127,168,168,127,127,127,170,173,170,168,126,125,126,127,127,127,127,125,168,170,173,173,173,176,178,178,178,181,183,183,186,183,181,178,178,178,181,181,181,181,183,186,189,189,183,183,186,191,196,196,196,194,194,194,191,189,189,186,186,186,186,186,186,186,189,189,189,189,191,191,189,189,191,194,199,199,196,194,196,196,196,196,196,199,199,199,196,194,194,196,199,199,199,196,194,191,191,191,194,194,194,194,192,194,191,191,191,194,194,194,191,191,191,191,194,194,194,191,189,189,191,191,194,194,191,191,189,191,191,191,191,189,189,191,194,191,189,186,186,186,181,176,170,165,163,160,121,119,117,117,152,152,150,113,111,105,97,89,73,73,147,160,144,51,50,63,89,97,95,81,57,44,44,51,49,53,81,89,83,79,81,67,31,3,0,0,0,0,0,7,19,29,43,77,144,165,176,181,186,186,183,178,173,173,168,155,134,72,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,142,152,150,155,168,178,183,186,186,196,202,204,202,202,199,196,196,199,202,202,199,194,186,183,183,186,178,163,105,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,157,168,178,191,178,105,11,0,0,0,0,0,0,0,0,0,0,0,118,191,191,150,46,29,31,92,92,100,126,150,147,139,137,45,43,67,23,17,65,37,0,3,17,14,16,69,85,87,85,83,63,53,63,67,75,150,155,168,178,189,199,204,147,65,73,118,121,108,118,142,152,147,95,0,0,5,137,131,47,0,139,150,98,17,29,53,57,61,71,111,0,0,29,139,176,178,189,191,189,183,163,137,124,116,126,165,186,126,0,0,0,39,59,67,67,61,47,41,55,152,178,183,170,139,73,75,121,137,157,160,144,133,129,129,133,152,181,191,67,23,0,0,0,0,0,0,1,3,0,0,0,0,3,19,9,0,0,0,0,19,121,137,129,150,168,155,75,39,29,24,19,13,21,89,89,69,65,61,0,0,11,31,53,73,142,186,196,199,186,183,183,163,142,134,134,131,144,160,160,152,121,69,53,41,41,0,0,129,137,134,137,147,143,120,124,157,170,100,59,61,121,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,163,160,157,157,157,157,160,168,173,176,176,176,176,183,194,202,207,207,207,204,202,202,207,212,212,212,209,207,202,194,183,178,181,189,194,202,204,207,209,207,207,209,207,196,186,182,186,191,196,199,202,204,199,189,178,170,165,155,0,163,173,181,186,183,178,173,176,181,189,0,0,0,170,168,173,181,186,191,194,0,0,0,228,230,225,217,215,212,207,194,181,173,165,163,160,152,0,0,0,0,0,142,152,160,165,173,178,178,178,176,0,0,0,0,204,0,0,238,238,233,231,233,238,235,235,235,235,235,235,235,233,228,212,194,178,165,121,115,111,109,107,0,0,123,173,183,191,199,204,207,212,215,217,220,225,228,225,217,215,212,209,209,215,225,233,233,230,228,225,222,217,215,209,207,199,194,183,176,168,160,155,155,152,147,0,0,0,0,0,0,0,0,0,0,0,144,150,155,163,170,176,181,186,186,183,181,176,170,165,165,170,178,183,183,186,186,189,189,189,191,194,199,204,207,204,199,198,199,207,215,222,217,215,212,215,217,217,215,212,209,207,207,209,212,217,225,225,222,215,209,205,205,207,207,205,205,205,207,202,198,198,199,202,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,95,82,0,0,0,17,41,37,0,0,0,0,74,150,163,178,178,168,95,0,0,0,0,0,77,137,137,118,124,131,142,152,157,160,168,160,151,152,173,202,217,225,225,225,222,215,199,176,121,119,165,191,215,225,217,202,181,170,173,176,181,191,209,228,233,228,196,168,121,123,165,165,170,178,186,186,181,176,170,170,173,178,183,186,189,194,196,196,191,189,186,181,168,119,115,113,113,113,115,117,117,117,115,117,119,165,181,189,189,178,165,119,118,119,119,119,121,125,173,178,181,178,178,186,194,191,176,119,115,115,117,119,117,113,111,111,113,117,121,123,119,113,111,115,117,115,113,113,117,119,119,121,121,121,121,121,121,121,121,121,119,115,115,115,115,114,115,119,119,117,121,127,178,191,202,204,194,178,168,168,173,178,178,173,168,170,170,170,168,170,165,121,115,111,110,111,115,163,178,183,183,181,183,181,173,165,165,168,168,163,121,160,163,163,168,173,176,170,163,159,163,170,170,163,161,165,165,123,163,165,165,165,163,121,119,117,119,163,168,168,165,125,165,165,168,168,168,127,125,123,123,123,123,123,129,173,178,186,194,199,204,207,199,123,90,69,93,109,125,127,125,133,191,196,186,181,183,189,186,133,125,125,133,181,183,181,133,130,130,133,178,189,191,194,202,202,178,121,115,111,105,102,104,109,113,117,127,131,173,183,189,183,176,176,186,196,199,194,199,207,204,189,173,170,173,183,194,199,199,194,181,173,173,181,186,181,129,131,191,189,176,127,125,125,129,133,181,186,181,181,196,209,209,191,191,207,225,228,228,217,189,183,194,202,202,189,133,133,181,194,199,191,176,128,128,129,131,176,176,92,82,113,125,129,181,189,194,194,194,199,207,204,191,178,170,127,127,129,170,173,178,181,170,125,125,173,178,170,123,122,125,170,178,181,181,176,173,168,123,117,115,115,115,119,165,176,178,173,170,168,123,117,117,121,125,165,170,170,168,168,178,196,199,196,189,178,165,121,123,170,176,178,181,183,183,183,181,176,176,178,181,176,165,121,120,121,123,125,125,120,120,125,173,176,168,125,121,119,118,121,176,194,194,189,183,176,173,173,173,173,178,183,183,182,186,194,199,199,196,191,181,129,124,127,176,183,186,186,183,183,183,191,202,209,209,209,209,212,209,204,196,191,191,194,196,202,204,202,199,194,183,178,178,181,173,125,123,125,168,168,127,125,165,165,165,125,121,121,121,119,119,117,115,123,181,191,191,183,129,119,113,113,117,127,181,199,204,199,189,186,187,194,199,199,194,189,194,202,204,196,191,191,199,199,194,190,191,194,196,196,196,199,204,209,209,212,212,209,209,209,207,207,204,202,199,199,202,202,202,199,196,199,196,194,189,183,179,181,186,191,189,181,135,134,135,181,178,126,123,127,183,191,189,186,185,189,189,191,191,189,189,186,189,191,199,204,207,204,202,199,196,196,194,194,194,194,196,196,191,186,183,183,189,194,191,189,186,181,178,178,183,189,194,199,196,189,181,181,189,196,199,196,189,183,181,178,176,178,181,181,181,173,172,172,176,183,186,186,186,183,181,178,181,181,183,183,186,186,183,181,181,181,183,186,186,183,186,191,199,202,199,194,189,181,176,173,176,181,186,186,176,131,173,176,178,178,176,173,170,173,170,123,118,120,170,178,183,186,191,186,127,113,109,110,115,123,176,186,191,194,194,196,196,199,199,196,183,129,121,121,125,127,170,176,181,181,178,170,125,113,108,107,108,113,119,127,178,183,178,170,123,121,122,125,176,186,196,202,204,202,194,186,181,135,133,131,135,181,186,186,186,191,196,204,207,204,196,194,191,189,137,132,133,137,189,194,196,194,137,127,125,129,135,137,183,189,194,191,186,183,181,178,135,133,133,133,135,181,183,186,189,189,186,181,178,178,178,178,173,127,124,125,131,173,131,129,129,129,131,176,176,173,176,178,181,183,183,186,189,189,191,191,194,191,186,183,183,183,181,178,181,183,186,186,186,186,186,181,174,176,181,183,181,181,176,173,176,178,183,183,181,178,178,181,183,183,181,181,181,181,181,181,181,178,176,176,173,170,170,176,183,183,181,176,170,170,173,176,173,168,127,127,127,127,121,119,118,123,170,170,127,123,123,125,173,181,181,181,183,181,181,183,186,186,183,183,183,183,178,176,176,176,173,173,173,176,176,178,176,170,127,125,125,127,168,168,168,168,170,170,170,168,127,126,127,127,125,125,125,124,127,168,129,170,173,176,178,178,178,178,181,183,183,183,183,183,181,183,183,183,181,181,186,189,191,191,186,183,186,191,194,196,196,196,199,196,194,191,189,186,186,186,186,186,189,189,189,189,189,189,191,191,189,183,186,194,199,199,194,194,194,196,196,196,199,199,199,199,196,194,194,196,196,199,199,199,196,194,194,194,194,194,194,194,194,194,194,191,191,191,191,191,191,191,194,194,194,194,194,191,187,187,189,191,194,194,194,191,191,191,191,194,191,191,189,191,191,189,186,183,183,183,178,173,168,168,165,163,160,157,157,157,157,155,152,113,109,105,97,91,81,83,144,152,83,42,49,75,139,139,89,59,41,39,51,97,93,85,91,91,73,67,73,57,19,0,0,0,0,0,0,0,0,0,0,0,33,59,131,155,170,176,173,168,165,168,168,118,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,90,124,142,163,178,189,194,196,202,204,204,202,199,196,194,191,194,196,196,196,189,176,168,170,163,113,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,29,0,35,142,152,170,189,202,209,207,168,0,0,0,0,0,0,0,0,0,0,0,139,199,207,199,144,35,32,105,98,100,118,155,152,142,139,45,51,126,39,43,191,176,21,45,19,0,0,69,129,129,126,87,81,53,37,31,41,129,150,157,160,165,155,170,144,121,79,105,118,131,139,139,142,139,43,0,0,57,173,176,139,13,142,150,126,29,23,31,43,65,168,181,157,41,39,67,129,150,168,181,178,170,155,124,35,0,0,0,11,0,0,0,49,113,69,67,69,71,61,47,47,73,157,157,137,79,71,77,113,129,157,163,147,131,127,129,133,139,139,77,0,0,0,0,21,65,39,25,33,29,0,0,0,0,19,21,45,65,57,51,61,142,186,183,142,142,152,142,77,39,33,27,22,14,17,59,126,152,173,63,0,0,0,0,47,61,134,191,207,209,202,199,199,176,129,71,67,65,71,79,85,93,85,77,65,0,45,0,0,124,126,126,134,150,157,152,155,155,134,48,43,53,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,163,157,156,156,156,157,165,173,181,183,181,178,178,181,189,196,204,207,207,202,200,202,207,212,215,215,209,207,204,196,186,181,181,189,196,202,207,209,212,212,212,212,209,196,182,181,183,194,0,204,207,207,202,191,183,176,170,160,0,157,163,168,176,178,173,170,170,176,181,181,176,168,165,165,168,173,176,178,181,0,0,0,217,222,220,215,215,212,207,194,183,173,168,163,157,0,139,129,124,124,126,0,144,152,163,173,178,181,181,181,0,0,0,0,0,0,0,238,238,233,231,233,235,235,235,238,241,241,241,241,241,233,222,202,183,168,157,115,111,107,105,107,0,119,168,181,191,199,207,212,215,222,225,225,230,230,228,217,212,209,207,207,212,225,230,233,230,230,228,225,222,215,209,207,202,196,189,178,170,163,160,160,160,157,152,147,144,147,150,150,150,144,0,0,0,142,147,152,157,163,168,173,181,186,186,183,181,173,165,165,170,178,183,186,186,189,189,191,191,191,194,199,204,207,207,202,199,199,204,212,222,222,217,215,215,217,222,217,212,209,209,207,209,212,217,225,228,225,222,212,207,205,207,207,205,205,207,207,202,199,198,199,202,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,35,7,72,170,178,183,181,176,144,5,0,0,0,0,33,63,134,131,134,134,134,144,152,160,173,168,160,168,194,215,222,220,217,217,217,215,202,181,168,125,165,183,204,212,209,196,178,168,170,178,189,199,215,222,217,196,165,121,123,168,170,170,173,178,183,183,181,178,176,176,176,178,183,186,186,189,191,191,189,186,186,178,125,115,111,111,113,113,115,115,115,113,113,115,119,165,189,196,194,181,125,118,117,118,119,118,119,163,170,178,183,181,178,183,194,196,183,123,115,115,117,119,119,117,111,110,111,113,115,115,115,113,111,113,111,111,111,113,117,119,119,121,121,119,119,119,121,123,123,123,121,119,117,117,115,114,114,115,114,113,114,119,165,173,181,181,173,125,119,117,119,123,123,123,121,123,123,125,168,170,170,163,117,111,111,111,113,160,178,189,191,191,196,191,176,163,160,168,168,165,160,163,165,163,165,168,170,165,160,159,160,170,173,163,161,163,165,168,173,173,168,168,170,168,163,123,123,165,170,173,170,168,168,168,165,125,123,121,119,119,119,121,119,119,123,127,129,178,186,194,199,199,127,92,91,85,103,115,127,131,125,125,183,194,186,178,181,183,178,125,121,121,127,135,181,181,178,133,131,133,181,189,189,189,191,189,176,125,119,113,107,104,107,115,121,125,131,176,186,199,199,189,178,181,191,204,209,204,207,215,215,204,183,173,176,191,202,199,186,176,131,129,131,178,183,176,123,121,189,191,186,181,176,129,125,122,125,131,129,131,181,199,207,196,191,204,217,217,217,212,186,176,181,194,194,181,132,133,183,191,189,183,133,129,128,128,173,186,191,129,113,131,178,178,181,186,186,189,189,196,207,204,194,186,181,173,127,127,129,170,176,181,173,125,124,170,173,127,123,123,168,176,181,183,181,176,170,170,127,125,121,117,114,115,121,168,170,165,168,165,117,100,100,111,119,125,170,173,173,176,191,207,209,204,199,191,176,121,119,123,170,173,170,168,168,173,173,173,173,173,170,168,125,120,120,121,125,168,165,121,120,165,176,178,170,165,121,119,119,125,178,191,191,189,186,181,176,168,123,123,168,178,183,183,186,191,199,202,199,191,181,176,131,173,176,181,189,191,191,189,191,196,207,212,215,212,209,209,207,204,199,194,189,190,194,199,202,202,199,191,181,176,181,183,181,170,127,125,127,127,125,127,168,170,168,165,123,123,125,121,119,116,114,117,168,176,173,127,121,116,114,114,116,123,176,194,202,196,189,187,189,199,209,207,189,131,131,183,183,183,189,194,202,202,196,194,196,199,196,196,196,199,204,204,204,207,209,209,209,209,204,202,202,199,199,196,196,199,199,196,194,196,196,194,189,181,179,181,191,194,189,181,134,133,134,181,183,131,125,129,186,191,189,186,186,186,186,189,189,191,191,194,191,194,199,207,209,209,207,204,199,199,202,199,196,194,196,194,191,186,183,186,189,194,194,191,189,183,181,181,183,189,196,199,194,186,178,178,186,191,194,191,186,183,181,181,181,181,181,181,181,176,173,173,178,183,186,186,183,181,181,181,183,183,181,183,186,186,186,181,178,178,181,183,181,178,178,181,183,186,183,181,178,176,173,172,173,176,181,183,181,178,176,178,178,178,176,170,170,173,170,125,119,120,170,178,183,189,194,194,186,129,119,117,117,125,178,189,196,199,202,202,202,204,207,207,202,191,176,129,170,173,176,176,178,176,170,125,117,111,108,109,108,108,108,113,125,178,183,176,125,121,121,124,176,186,196,204,204,199,194,189,186,183,183,183,183,183,186,186,189,191,199,207,209,207,202,199,196,191,181,134,135,183,189,191,194,191,181,131,129,135,183,186,191,194,191,183,137,178,178,135,135,133,132,133,135,181,186,186,189,186,183,181,178,178,181,181,176,129,124,124,127,131,173,131,129,129,173,178,178,176,176,176,176,178,181,186,189,189,187,189,191,191,191,186,181,176,176,176,178,181,183,186,186,189,186,183,178,178,183,186,186,183,178,173,173,178,181,183,181,178,178,181,181,181,181,181,181,181,181,181,178,176,170,129,127,125,125,129,178,183,183,181,178,176,176,176,173,168,127,127,127,168,127,125,121,127,168,123,115,114,116,123,170,176,178,178,183,183,181,186,189,186,186,186,183,181,178,176,176,176,176,173,173,173,176,173,173,168,125,125,125,127,170,173,173,170,168,168,170,170,170,170,170,168,127,127,125,124,125,127,127,129,170,176,178,181,178,181,181,183,183,186,186,189,186,186,186,183,181,181,186,189,191,191,186,183,186,189,194,196,196,196,199,199,196,194,189,189,189,189,189,189,189,189,189,189,189,189,189,189,186,182,183,191,196,196,194,194,194,194,196,199,199,199,199,199,196,194,194,194,196,196,199,202,199,196,196,194,194,194,196,196,196,196,194,194,194,191,191,191,191,194,194,194,194,194,194,189,187,187,189,191,194,194,194,191,191,191,194,194,194,191,189,189,189,186,183,181,181,178,176,170,168,168,168,168,165,163,163,163,160,157,155,150,111,105,99,97,95,97,105,103,53,38,61,97,150,152,99,63,40,37,55,137,134,95,93,83,59,53,51,23,0,0,0,0,0,0,0,0,0,0,0,0,0,11,21,43,90,108,108,92,79,55,49,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,116,152,176,191,199,202,204,204,202,199,196,196,191,191,191,189,183,186,170,137,111,92,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,39,0,0,98,152,137,66,142,181,181,189,199,204,212,225,220,48,0,0,0,0,0,0,0,0,0,0,150,209,217,220,183,41,35,74,85,85,90,129,144,134,163,19,0,27,39,144,194,186,83,77,69,8,3,75,144,142,129,83,67,0,0,27,59,137,157,155,129,79,47,85,129,126,73,71,105,129,137,134,137,131,0,0,0,67,152,150,118,21,139,147,142,69,27,27,39,67,173,176,178,157,79,79,89,131,144,157,134,53,51,55,17,0,0,0,0,0,0,0,129,152,160,126,108,113,111,65,47,45,83,150,121,58,58,67,73,83,137,155,152,139,134,142,152,142,81,15,0,0,0,23,121,137,142,131,73,65,47,0,0,0,47,43,142,152,118,113,150,181,191,191,160,142,134,129,87,51,41,39,43,53,41,43,81,163,170,69,0,0,0,0,35,53,131,170,199,207,207,209,204,181,81,47,53,56,60,65,75,124,129,89,0,0,51,0,0,118,118,116,126,150,173,186,183,147,64,42,43,61,92,0,103,0,92,0,61,0,0,0,51,59,0,0,0,0,69,0,0,0,0,0,0,0,0,0,0,157,165,165,163,157,156,156,160,170,178,0,181,178,173,173,178,186,199,204,204,202,200,200,204,209,215,212,209,207,207,204,196,191,191,196,202,207,212,215,217,217,217,217,212,199,183,179,182,191,199,202,204,207,204,196,189,181,173,0,0,0,0,155,165,170,168,168,170,173,176,173,168,164,163,164,168,170,168,168,0,0,0,0,209,215,215,212,209,207,202,194,186,181,173,168,160,0,137,124,116,116,121,0,0,0,157,170,178,181,183,181,0,0,0,0,0,0,0,235,235,233,231,233,235,238,238,241,246,248,248,248,246,238,228,209,189,173,160,117,111,107,105,107,0,115,163,176,189,202,209,215,222,228,230,233,233,235,230,222,209,204,202,204,209,220,228,230,230,230,230,228,222,215,209,207,202,199,191,183,173,168,165,168,170,168,165,163,160,163,163,163,157,152,0,144,144,144,147,150,155,160,163,168,176,183,186,186,183,176,170,168,173,178,183,186,189,191,191,191,191,191,196,202,207,209,207,204,202,199,204,212,222,222,217,212,212,217,217,215,212,209,209,207,209,212,217,225,228,228,222,217,209,207,207,209,207,207,209,209,204,199,198,199,202,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,11,0,41,178,181,178,173,176,183,49,0,0,0,0,0,3,81,126,139,139,139,144,147,155,165,168,170,186,204,215,220,217,216,216,217,212,196,178,168,165,165,173,189,196,194,186,176,165,168,176,186,199,207,207,191,170,117,119,165,173,176,170,173,178,178,178,178,178,178,178,176,178,183,183,183,183,183,183,186,183,181,173,123,115,111,111,113,115,115,115,115,113,113,113,119,165,191,199,199,183,168,121,119,119,119,118,119,123,168,173,181,183,181,181,186,191,183,165,117,115,117,121,160,121,115,111,111,111,113,111,111,111,111,111,111,111,111,113,115,117,119,119,119,119,119,119,119,121,123,163,123,121,119,119,117,115,117,117,115,113,113,115,119,123,125,125,121,117,115,113,113,115,117,115,115,119,121,163,168,170,170,163,117,111,111,109,111,117,170,189,199,204,207,199,176,121,119,160,163,160,160,163,163,160,160,163,163,160,160,160,163,170,173,165,161,161,165,170,173,168,121,123,176,181,176,170,165,163,170,176,176,173,173,170,168,165,125,121,119,117,116,116,116,116,119,119,121,129,176,178,181,178,90,80,121,178,176,173,178,173,115,109,121,133,176,176,133,131,127,123,120,120,125,133,181,183,181,178,135,178,191,196,189,183,183,183,178,131,125,119,113,113,119,129,178,181,181,186,196,204,199,183,176,178,191,204,212,209,209,215,217,212,196,178,178,191,202,191,173,127,127,127,129,131,173,127,115,113,123,178,189,196,196,183,123,117,117,121,122,125,131,183,194,189,186,189,199,204,204,199,133,121,127,181,186,178,176,183,191,189,183,181,178,131,131,129,176,189,189,176,173,189,191,186,183,178,178,178,181,189,199,196,186,183,181,170,127,127,129,129,170,173,170,124,124,170,170,125,123,125,173,183,186,183,178,173,170,170,170,170,168,125,119,117,119,121,121,121,165,165,109,91,94,105,115,123,168,170,170,176,189,202,204,202,202,199,183,125,117,117,125,125,121,119,119,125,165,168,168,165,165,165,125,121,120,121,123,165,168,168,168,173,173,173,170,165,123,123,125,168,176,181,181,181,181,178,173,125,117,115,123,176,186,186,186,189,196,199,196,186,181,181,178,176,173,178,189,194,194,196,199,204,209,215,217,212,207,204,204,204,202,196,190,189,191,196,199,196,194,189,176,131,173,178,181,173,129,127,127,127,127,168,170,170,165,121,121,123,125,123,121,117,115,117,125,125,123,121,123,125,125,123,121,123,173,186,191,191,191,194,199,204,209,202,129,113,114,125,131,137,186,196,202,202,199,199,202,199,194,191,194,199,204,203,203,204,207,209,209,207,204,199,199,199,196,196,194,196,196,194,194,194,194,194,189,181,181,186,191,191,186,181,135,135,178,183,186,181,135,183,191,191,186,183,186,183,181,181,183,186,191,191,189,191,196,202,207,207,204,202,199,202,202,199,194,191,191,191,189,183,183,183,186,191,194,191,191,186,183,183,183,189,194,194,189,178,173,176,181,186,189,189,189,183,181,181,181,181,181,181,183,181,178,178,181,183,183,181,181,181,181,181,181,181,181,183,186,189,186,181,178,176,176,176,176,173,131,131,173,173,131,129,131,173,173,173,173,176,178,183,183,181,178,178,178,176,173,170,170,170,170,129,122,123,129,176,178,183,189,194,191,183,176,173,131,178,189,194,199,202,202,202,204,202,204,207,207,202,189,181,178,178,178,178,176,170,127,119,109,108,109,111,111,108,107,111,121,170,178,178,131,127,131,181,189,194,196,199,196,196,191,189,186,186,189,189,189,186,186,186,189,194,202,207,209,209,204,202,196,191,186,181,186,191,191,191,194,191,183,137,135,183,189,191,194,194,189,178,134,135,178,181,178,135,133,135,181,186,189,189,186,183,183,181,178,176,176,178,176,131,125,124,125,129,173,173,131,131,176,181,181,178,178,178,174,174,181,189,191,191,189,191,191,194,191,186,178,174,174,178,181,181,181,183,186,189,186,183,183,186,186,186,186,183,178,173,173,176,181,183,181,178,176,178,178,178,178,181,183,183,183,181,181,176,170,129,125,124,124,127,173,178,181,181,178,176,176,176,173,170,168,127,168,170,173,176,173,173,127,117,113,113,117,125,170,170,170,173,181,181,181,186,189,189,186,186,183,181,178,176,178,178,176,176,173,173,173,173,170,168,127,125,125,127,170,173,173,170,168,168,170,173,173,173,173,170,168,168,125,124,124,125,125,127,170,176,178,181,181,181,183,183,183,186,189,191,189,186,183,181,178,181,186,189,191,189,189,186,186,189,191,194,194,196,199,202,199,196,191,191,189,189,189,189,189,189,186,186,186,186,186,189,183,181,182,189,196,196,194,192,192,194,199,199,202,199,199,199,199,196,196,194,194,196,199,202,202,199,199,196,196,196,196,199,199,196,196,196,196,194,191,191,191,194,194,194,194,194,191,189,189,189,191,194,196,196,194,194,191,194,194,194,194,191,191,189,186,186,183,183,181,178,173,170,170,170,170,168,165,163,163,163,163,160,157,152,113,109,103,103,105,107,105,93,53,48,97,142,152,155,142,85,45,38,43,87,95,91,91,85,67,55,37,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,90,142,170,191,202,204,204,204,199,194,196,196,194,194,191,181,168,160,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,186,100,0,103,139,150,152,147,199,204,202,202,204,204,207,222,222,64,0,0,0,0,0,61,157,95,0,0,116,209,215,215,178,33,31,41,39,23,1,49,67,25,45,0,0,0,0,131,173,144,61,57,87,79,43,67,155,157,139,77,33,0,0,73,89,147,170,160,83,9,0,0,71,129,71,68,69,71,77,116,144,150,3,0,0,29,105,129,113,55,139,147,144,126,45,33,39,53,87,157,160,147,121,87,89,126,139,131,87,48,47,71,85,23,0,0,0,0,0,45,152,160,173,168,142,142,144,137,67,45,79,194,155,55,54,59,67,77,118,147,155,155,155,170,178,160,81,51,73,31,5,47,124,144,155,155,137,142,139,7,0,0,19,53,139,139,121,129,176,189,189,189,181,152,126,124,121,65,51,51,63,137,137,63,67,124,87,0,0,0,0,0,0,0,29,93,170,189,199,204,199,173,63,48,55,61,65,69,77,144,155,89,75,0,53,0,0,0,118,113,121,137,163,186,181,116,56,51,56,0,92,100,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,170,178,178,170,160,157,157,163,170,176,176,173,170,165,168,178,191,202,204,202,200,202,204,209,212,212,209,209,209,212,207,204,204,207,209,212,215,217,222,222,222,222,215,204,189,182,186,194,196,196,196,199,202,202,196,189,176,0,0,0,0,0,160,168,165,165,168,170,170,168,165,164,165,168,173,173,170,165,0,0,0,0,204,212,212,209,207,204,202,199,194,189,183,178,168,155,0,126,116,116,118,124,131,0,152,165,176,181,183,183,183,0,0,0,0,0,0,0,233,233,233,233,235,238,241,243,248,251,254,254,248,241,230,215,199,181,165,157,113,109,107,107,109,0,117,168,183,199,209,215,222,228,233,233,235,235,233,222,207,199,199,202,207,217,225,228,230,230,230,225,220,215,209,207,202,199,194,186,178,170,170,173,178,178,176,173,173,173,176,176,170,163,157,152,150,147,150,152,155,157,157,163,170,181,186,189,186,181,173,173,176,181,183,186,189,191,194,194,191,194,196,202,207,209,209,207,204,202,207,212,217,222,215,209,209,215,215,215,212,209,209,207,207,209,215,222,225,225,225,217,209,207,207,209,209,209,212,215,209,202,199,202,204,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,165,173,173,168,168,181,65,0,0,0,0,0,0,59,89,142,144,150,157,152,152,157,163,173,191,209,217,217,217,217,222,222,209,189,168,163,163,163,168,173,178,181,178,173,165,163,168,178,191,194,186,168,119,115,117,163,170,170,170,170,176,176,173,172,173,176,178,178,178,181,183,183,181,181,181,183,181,176,165,119,113,111,111,113,115,115,115,115,113,113,115,119,163,178,189,189,181,168,163,121,119,119,119,121,163,165,168,178,189,189,178,176,181,178,168,119,115,117,121,160,160,121,117,115,113,113,111,110,110,111,113,113,113,113,113,113,115,115,117,119,119,119,119,119,119,121,160,160,121,121,121,121,119,119,121,117,115,115,117,117,117,117,117,117,115,115,113,112,113,113,113,111,115,121,123,163,165,163,121,115,111,111,109,108,111,121,178,199,209,209,196,170,115,114,119,121,121,160,160,160,160,121,121,120,121,121,160,165,168,170,168,163,160,161,165,168,163,118,121,178,186,181,173,163,123,168,176,178,176,173,173,176,183,186,173,123,117,116,116,116,117,121,119,118,123,129,129,170,178,88,74,178,194,191,191,186,129,106,104,109,121,133,181,178,129,125,127,127,127,178,186,189,189,189,189,191,196,204,202,186,181,182,183,181,176,131,123,119,121,129,181,191,194,194,199,204,202,191,178,173,176,189,202,207,209,209,212,217,215,204,186,181,189,191,176,125,123,125,127,129,131,173,127,114,111,115,131,191,204,207,196,129,118,117,120,121,125,129,133,181,181,176,133,181,189,191,186,123,117,123,178,186,183,186,196,199,191,183,181,178,176,173,173,176,181,178,131,131,189,191,186,183,178,176,176,177,183,191,186,178,178,173,127,127,170,173,129,128,129,129,125,127,176,173,127,125,170,181,186,186,181,173,127,125,127,173,178,181,181,176,168,123,119,115,119,165,168,117,99,100,109,117,125,168,170,169,173,183,191,194,194,199,202,189,165,117,116,117,119,117,116,117,121,121,121,123,123,125,168,168,125,121,120,121,125,168,176,181,181,173,168,165,165,165,168,173,173,170,168,168,170,170,170,168,123,115,113,117,173,186,189,186,186,189,189,181,173,170,178,178,173,131,178,189,194,194,199,204,209,212,215,215,212,204,203,204,204,204,199,194,191,194,196,196,196,191,186,176,127,126,129,173,173,170,168,170,170,170,170,170,127,117,111,113,119,123,123,125,123,119,121,123,119,117,121,129,176,178,173,127,125,129,176,181,183,189,196,202,202,199,189,119,110,111,119,129,137,191,199,202,202,202,202,202,194,186,185,191,202,204,203,203,207,207,209,209,209,207,202,199,196,196,194,194,194,194,194,194,194,194,194,189,183,186,194,194,191,186,181,181,181,183,186,186,183,183,186,191,189,183,181,181,178,135,178,178,181,186,189,189,189,191,196,199,199,199,196,196,199,199,194,186,183,186,189,186,183,181,181,181,186,189,189,189,186,183,183,186,189,191,191,186,176,172,173,181,183,183,186,189,186,181,178,178,178,181,181,183,183,181,181,183,186,181,179,179,181,183,181,178,178,181,186,189,186,181,178,176,173,131,129,129,127,126,127,129,129,129,128,129,173,176,178,178,178,178,183,186,183,178,176,176,176,173,173,169,168,170,173,170,129,170,129,170,173,178,186,186,183,181,181,186,191,196,199,202,202,202,204,204,202,202,204,204,202,194,186,181,178,178,178,176,129,123,115,109,109,113,115,115,111,113,119,127,173,178,181,181,183,191,196,199,199,196,196,194,194,189,186,183,183,186,189,189,186,186,189,191,196,204,209,209,207,204,202,196,191,186,191,194,196,194,191,194,191,189,186,186,194,196,196,191,189,183,135,134,135,181,181,178,178,178,181,186,189,191,189,186,183,186,183,178,173,131,131,129,127,127,125,127,129,176,181,181,181,183,183,186,183,186,186,178,176,181,191,194,194,194,194,194,189,186,183,176,174,176,181,183,181,181,183,186,186,186,183,186,186,183,181,181,181,178,173,173,178,181,183,181,176,173,173,173,176,178,181,183,186,183,183,183,181,176,173,129,125,124,125,170,173,173,173,170,170,170,170,170,170,173,170,168,170,176,181,181,176,127,119,116,119,125,127,129,127,125,129,178,181,181,183,191,191,189,186,183,183,181,178,176,176,176,176,176,176,176,173,170,170,168,168,127,168,170,173,173,168,165,168,173,176,173,170,170,170,168,168,127,124,124,125,125,125,129,173,178,181,181,183,183,183,183,186,189,191,189,183,178,174,174,176,183,189,189,189,191,189,189,189,191,194,194,196,199,199,199,196,194,191,191,189,186,186,186,183,183,183,183,183,183,189,186,182,183,191,196,196,194,192,192,194,199,202,202,199,199,202,202,202,199,196,194,194,199,199,202,202,202,199,199,199,199,199,199,196,196,196,196,194,191,191,194,194,194,194,194,191,191,191,189,191,194,196,196,196,196,194,194,194,194,196,194,191,191,189,189,186,183,183,181,178,173,170,170,170,170,165,163,160,160,163,163,160,160,155,152,113,109,107,109,144,105,91,63,73,142,150,155,155,142,85,51,40,40,49,69,83,95,126,89,75,53,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,69,59,59,0,0,0,0,0,0,0,0,0,0,0,0,0,31,111,137,165,191,204,207,207,202,194,186,186,189,186,183,173,124,56,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,176,79,69,139,147,150,160,176,204,207,204,207,209,204,209,220,212,59,0,0,0,0,0,118,255,209,0,0,51,186,186,181,137,9,15,15,0,0,0,0,0,0,0,0,0,0,0,57,116,71,49,47,121,124,53,51,147,168,160,139,33,0,0,77,85,139,157,155,118,29,0,0,33,131,77,71,69,55,45,59,150,163,57,0,0,0,0,77,113,113,144,155,142,129,71,47,49,59,83,152,150,131,91,91,91,126,137,137,131,124,139,165,168,61,0,0,0,0,0,131,155,160,173,173,160,160,160,152,126,61,131,196,181,59,58,67,75,85,121,144,157,165,173,183,186,173,147,160,189,155,45,53,131,152,155,155,139,147,139,0,0,0,0,33,75,87,116,134,178,189,189,189,189,176,91,87,89,77,69,65,75,131,147,126,47,17,0,0,3,0,0,0,0,0,0,13,69,126,176,186,178,155,62,60,93,144,139,87,87,150,160,85,67,55,49,0,0,0,116,111,118,129,139,147,126,90,69,69,79,0,0,0,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,186,189,181,170,160,157,160,163,165,0,170,170,165,165,173,189,202,204,204,204,204,204,207,212,212,209,207,209,212,212,209,209,212,212,215,217,222,222,225,225,225,222,209,196,191,194,199,202,194,191,194,199,204,204,196,0,0,0,0,152,155,165,170,168,165,165,168,168,165,165,170,173,178,183,183,176,170,0,0,0,0,0,0,0,209,207,204,202,204,204,202,196,191,181,168,150,0,124,118,121,126,129,0,0,163,173,181,183,183,183,186,0,0,0,0,0,0,230,233,233,235,238,241,241,243,0,0,0,251,248,243,233,222,207,191,176,163,117,113,111,111,109,109,0,160,176,194,204,212,217,225,230,233,230,233,230,217,204,196,196,199,204,212,222,225,228,228,228,225,217,212,209,207,204,199,194,186,178,173,173,178,183,186,183,178,176,178,181,183,181,173,165,157,155,152,152,152,155,157,157,160,170,181,186,191,191,186,178,178,178,183,186,186,189,191,194,194,194,194,196,202,207,209,209,209,204,204,209,215,217,217,212,207,207,212,212,212,209,207,207,207,207,209,212,217,222,225,222,215,209,207,207,209,209,212,215,217,212,204,202,204,207,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,160,176,173,160,142,47,0,0,0,0,0,0,55,83,142,152,165,173,163,157,160,160,170,191,212,220,217,217,217,225,222,207,181,163,161,163,163,165,168,170,173,173,170,123,119,119,165,176,178,168,121,115,114,115,121,163,165,165,170,176,176,173,172,172,176,178,178,178,178,181,183,183,181,178,178,178,168,123,117,113,111,111,113,113,113,115,115,115,115,117,117,121,123,168,173,170,168,163,123,121,123,163,168,168,163,165,178,196,202,183,170,168,170,165,121,117,117,119,160,163,163,160,119,115,113,111,111,113,115,117,115,115,113,113,113,113,115,115,117,119,119,119,119,119,121,121,121,121,121,160,123,121,121,121,119,117,117,117,117,116,116,116,117,117,117,117,113,113,113,111,110,111,117,119,119,117,117,115,113,111,109,109,107,107,111,163,186,202,199,186,163,113,113,117,121,121,160,121,120,121,160,121,120,121,121,160,163,165,168,168,163,160,160,163,170,168,119,119,168,176,168,163,123,123,168,181,183,176,173,173,189,204,207,189,168,119,117,119,121,125,127,125,121,123,127,127,176,212,127,76,183,191,189,189,186,119,104,105,115,127,186,194,189,133,131,181,189,191,204,207,204,204,204,204,209,212,215,207,186,181,183,186,181,176,131,125,123,127,176,186,194,202,207,212,209,199,186,174,173,174,189,199,204,209,209,209,215,217,212,196,189,186,181,127,122,123,123,123,129,176,178,129,115,112,115,131,191,209,215,204,178,123,123,125,123,127,131,133,178,178,133,130,133,181,183,178,120,116,121,181,186,186,189,199,199,191,181,181,178,176,178,178,176,176,131,127,127,183,186,183,186,183,178,178,178,183,186,181,176,176,129,126,127,178,183,176,170,129,129,129,173,181,178,170,168,176,181,181,181,178,168,124,124,125,170,178,186,191,189,181,170,121,115,119,123,165,168,173,165,121,123,168,170,170,170,173,178,183,186,189,194,196,186,165,117,116,116,117,119,119,119,121,119,119,119,121,165,173,173,168,125,121,123,125,168,178,186,183,176,168,165,126,165,170,176,173,165,121,123,123,125,125,125,123,117,113,113,125,181,186,186,183,183,178,127,121,123,129,129,127,129,178,186,191,194,199,207,212,212,212,212,209,204,204,204,207,204,199,196,196,199,199,199,196,191,186,178,127,125,126,170,173,170,170,176,176,173,170,168,121,111,107,109,113,121,125,127,127,123,123,121,115,113,119,173,183,183,173,127,127,129,129,131,133,183,194,199,194,191,186,129,113,115,127,133,183,199,207,207,202,199,196,196,189,183,182,186,202,207,204,207,209,209,207,209,209,209,207,202,199,196,194,194,194,194,196,196,194,191,191,189,189,194,199,196,191,186,183,183,183,183,183,183,181,181,183,183,181,183,183,135,132,132,133,178,181,183,189,189,189,191,191,194,194,194,191,194,194,196,189,181,178,181,186,189,183,179,178,179,181,183,183,186,186,186,186,186,189,189,189,183,176,173,176,181,181,181,183,189,186,181,177,177,178,178,181,181,181,181,186,189,189,183,179,181,183,183,181,178,178,181,186,186,178,131,129,131,173,129,125,126,126,126,127,129,131,131,129,131,176,181,181,181,181,183,186,189,183,176,173,173,173,176,176,170,170,173,178,178,178,173,129,128,129,176,181,181,179,181,186,191,194,196,199,202,204,207,207,204,202,202,204,202,199,191,186,178,176,173,176,173,129,123,115,113,115,119,119,119,119,123,170,178,178,181,183,189,191,194,196,199,199,196,196,196,194,189,183,182,183,183,183,186,186,191,194,199,204,209,212,209,207,204,202,196,191,186,194,199,199,194,189,189,189,189,189,191,199,202,199,191,189,186,178,135,178,181,181,178,178,181,186,191,191,191,189,186,186,186,183,178,173,127,125,123,123,125,127,129,131,178,186,191,189,186,189,189,189,191,191,189,183,186,191,196,196,196,194,191,183,181,178,176,176,178,183,183,183,183,183,186,186,183,183,183,181,176,131,131,173,176,173,176,178,181,181,178,173,170,129,170,176,178,183,186,186,183,181,183,181,181,176,170,125,125,127,168,170,168,127,125,125,125,125,165,170,176,176,173,173,176,181,181,176,168,125,127,170,170,168,168,125,123,125,176,181,181,183,191,191,189,186,186,183,183,181,176,174,174,176,176,178,178,176,173,173,173,170,168,127,168,168,168,168,127,168,173,173,170,127,127,127,168,168,127,125,125,125,124,125,129,173,176,181,181,183,183,183,183,186,189,189,186,183,176,173,173,176,183,189,189,189,191,191,191,191,194,196,196,196,196,199,199,199,196,194,191,189,186,183,181,181,181,181,181,181,181,186,186,183,183,191,196,196,194,192,192,194,199,202,202,199,199,202,204,207,204,199,196,194,196,199,202,202,202,202,202,199,196,199,196,194,194,196,196,191,191,191,194,194,194,194,194,191,191,191,191,194,196,196,196,196,196,194,194,194,196,194,194,191,191,189,186,186,183,181,178,178,176,173,170,170,170,165,160,159,160,160,163,160,160,157,155,152,113,109,111,111,103,85,75,95,147,155,160,152,99,67,45,43,45,49,67,91,139,152,157,144,79,45,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,150,160,170,79,0,0,0,0,0,0,0,0,0,0,0,9,131,142,137,157,189,202,207,204,199,189,170,170,168,157,131,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,189,170,77,121,155,155,155,168,181,196,204,207,207,209,209,215,222,207,53,0,0,0,0,0,155,254,217,40,0,27,150,134,129,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,51,53,67,79,134,131,55,45,75,165,168,157,25,0,0,0,11,65,29,71,81,61,41,0,0,73,67,79,85,59,29,24,111,150,61,0,0,0,0,0,81,147,168,168,134,131,124,73,79,124,150,160,155,142,93,129,126,97,131,142,144,152,189,191,173,55,0,0,0,0,121,144,155,163,173,173,168,168,163,152,134,71,137,170,168,79,75,89,131,142,139,150,160,170,178,183,186,178,173,186,196,191,71,61,157,168,139,126,79,108,67,0,0,0,0,11,59,81,121,144,173,186,189,186,189,178,76,74,81,89,124,85,75,77,126,131,11,0,0,5,67,19,0,0,0,0,0,0,7,41,134,163,165,147,69,73,150,173,173,144,129,157,170,129,71,53,45,45,0,0,73,105,118,124,121,111,90,82,85,87,95,0,0,0,0,0,0,77,66,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,181,186,181,173,165,160,160,157,155,157,165,0,168,168,173,186,199,204,207,207,207,207,209,212,212,209,207,207,207,209,207,207,209,212,215,217,217,222,225,225,225,222,212,202,196,199,204,204,0,191,191,196,207,209,0,0,0,0,0,0,168,178,181,173,165,163,163,163,165,168,176,183,186,189,189,181,176,0,0,0,0,0,0,0,0,209,204,207,212,212,209,207,202,191,176,157,0,0,0,0,0,131,0,0,160,173,181,183,186,186,0,0,0,0,0,0,0,0,230,235,238,241,241,238,241,0,0,0,0,246,241,235,228,215,202,186,173,160,117,115,113,111,107,109,117,168,186,199,207,212,222,228,228,225,225,222,212,202,196,196,199,204,209,215,220,222,225,225,222,217,215,212,209,204,199,194,186,181,176,178,183,189,191,186,181,178,178,183,186,183,181,173,165,160,157,157,157,160,160,160,163,173,183,191,194,194,191,186,183,181,183,186,189,189,191,194,194,194,194,196,202,207,209,212,209,209,207,209,215,217,215,209,205,205,207,209,209,207,207,207,207,207,207,212,217,222,225,222,215,209,205,205,207,209,212,217,217,212,207,204,207,212,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,0,0,0,0,0,0,121,147,160,163,137,37,0,0,0,0,0,0,33,73,79,139,165,183,189,176,163,160,160,168,189,209,220,220,217,217,222,217,202,176,161,161,165,170,176,173,165,165,170,168,123,113,111,115,123,163,123,117,115,114,114,117,121,123,163,168,176,181,178,173,173,173,176,178,178,178,186,191,186,181,176,176,170,163,121,117,115,113,113,111,109,109,111,115,117,119,119,117,117,117,119,163,168,168,163,121,123,170,183,189,178,163,160,176,199,209,199,173,160,121,160,119,117,117,117,119,160,163,160,119,115,113,113,113,115,119,119,117,115,115,113,113,113,113,115,115,117,117,119,119,121,121,121,119,119,121,121,160,121,121,121,119,119,117,116,116,116,116,117,117,119,119,119,117,115,113,113,111,111,113,113,111,111,113,113,111,109,109,109,108,107,109,119,170,178,176,170,121,113,114,117,121,160,121,119,119,160,168,168,163,160,121,163,163,161,165,165,163,161,160,163,178,178,117,115,117,110,103,113,121,163,170,186,194,186,169,173,196,215,212,186,165,121,119,123,170,176,178,173,168,127,125,127,186,204,196,186,189,189,181,176,131,113,107,115,127,181,196,202,191,183,186,202,215,230,230,230,225,222,220,217,222,222,225,215,199,189,191,191,186,176,129,123,123,131,181,186,194,204,209,212,209,199,183,176,176,181,189,199,204,204,204,204,207,209,212,207,199,191,178,127,123,123,122,122,125,131,131,123,115,114,119,173,196,215,222,209,186,131,131,173,131,129,133,181,181,176,131,131,176,178,181,131,118,117,123,181,183,178,181,186,189,189,183,181,178,178,183,183,181,176,130,128,176,189,183,181,186,189,191,183,181,183,183,183,181,181,131,126,127,176,183,183,178,176,173,173,178,183,181,173,173,178,176,176,176,178,173,127,125,127,170,178,186,191,189,183,178,168,119,115,115,121,173,181,181,170,165,168,170,168,170,176,181,181,183,186,186,183,173,125,121,119,119,119,121,119,119,119,121,121,121,125,170,176,178,178,176,170,170,173,176,181,181,178,176,173,168,168,127,165,165,123,117,115,117,119,121,125,125,125,123,114,112,115,127,178,186,186,178,168,120,118,119,120,120,121,127,176,178,186,191,199,207,212,212,207,209,209,207,207,209,207,202,196,196,199,202,202,202,199,196,191,181,131,127,127,170,173,170,170,173,176,173,168,125,121,115,110,111,115,121,127,168,127,125,123,119,113,111,113,127,178,173,126,126,129,131,131,131,176,183,191,194,191,189,191,194,194,189,183,186,194,207,209,204,196,194,191,189,186,183,182,186,199,207,207,209,209,209,209,209,209,212,209,204,202,199,196,196,196,196,196,199,194,189,186,189,191,196,202,202,196,194,189,186,186,186,186,181,178,178,135,133,133,178,181,133,132,132,133,178,181,183,189,191,191,191,191,194,194,194,189,187,191,194,189,181,135,181,189,191,186,181,178,178,179,181,183,186,186,186,186,186,186,186,181,173,172,173,178,178,178,181,183,189,186,183,181,181,181,178,178,176,176,178,186,191,194,189,183,183,183,181,178,178,178,178,178,176,131,123,122,125,131,129,125,126,127,129,131,173,176,173,129,129,173,181,183,183,183,189,194,196,189,178,176,173,173,176,178,178,178,178,181,181,181,176,170,129,129,176,181,181,179,181,186,191,191,194,196,199,204,207,207,207,202,199,199,196,194,189,183,181,176,172,173,173,173,127,123,123,125,125,123,121,125,170,178,181,178,178,186,191,186,181,181,186,194,196,199,196,191,186,183,183,183,181,137,181,189,194,202,207,209,212,212,209,204,199,196,196,189,185,189,196,199,194,186,183,181,181,183,189,196,199,196,194,194,191,186,181,183,183,181,178,176,181,189,194,191,189,189,186,186,186,183,178,131,125,121,121,123,125,129,131,173,178,186,191,186,183,189,194,191,194,194,194,191,189,194,196,199,196,191,183,181,176,174,176,178,183,183,183,183,186,186,186,183,186,186,186,178,131,126,126,129,173,176,178,181,178,178,176,170,129,129,170,178,183,186,183,181,178,178,181,181,181,178,173,127,125,127,168,168,168,125,125,123,123,123,125,168,173,178,178,176,176,181,181,176,170,170,170,173,173,173,173,168,124,125,173,181,181,183,186,186,181,181,181,183,183,181,176,174,176,176,178,181,178,173,173,170,173,170,127,127,127,127,127,127,127,168,173,173,170,127,126,127,168,127,125,125,125,124,124,125,129,173,178,178,181,183,183,183,183,186,186,189,186,183,178,176,174,176,183,189,191,191,191,189,189,191,196,196,196,194,196,196,196,196,194,194,191,191,186,181,179,179,181,181,181,137,137,181,183,186,186,191,191,194,194,194,194,194,196,199,199,199,196,199,207,209,207,202,196,194,199,202,202,204,204,202,202,199,196,196,194,194,194,196,194,194,191,191,191,194,194,194,194,194,194,194,194,194,194,196,196,196,196,194,196,196,196,194,194,191,189,189,186,186,183,181,178,176,176,173,170,170,170,168,163,160,160,160,160,160,160,157,157,155,150,111,147,107,81,63,77,101,150,157,155,144,67,39,42,67,79,87,97,137,147,157,160,157,134,61,37,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,142,165,168,170,144,23,0,0,0,0,0,0,0,0,0,0,21,137,142,118,142,181,196,204,199,189,168,111,98,69,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,165,163,92,168,160,155,157,168,183,194,199,204,207,207,209,215,222,212,79,0,0,0,0,0,173,215,202,29,0,25,69,90,87,82,43,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,47,124,147,152,150,81,42,48,137,152,55,0,0,0,0,0,0,0,0,45,39,41,11,0,0,55,118,139,121,71,21,3,45,47,31,41,59,0,0,0,131,176,142,87,124,157,165,150,147,160,170,176,178,170,150,142,139,142,147,152,165,189,199,199,55,0,0,0,21,129,152,163,170,173,170,168,168,163,155,142,134,137,147,147,139,95,131,157,157,150,157,168,173,178,181,183,181,181,194,199,194,35,49,165,173,139,111,67,63,0,0,0,0,31,55,67,87,131,147,173,186,186,186,186,181,79,62,76,134,139,93,72,73,79,75,0,0,0,21,150,163,19,0,0,0,0,0,0,21,93,155,168,157,87,85,144,176,183,176,176,189,199,191,163,65,41,39,43,47,55,69,124,0,92,55,55,90,118,113,103,0,0,0,147,0,113,77,69,69,0,74,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,163,170,170,165,160,157,155,150,150,152,0,168,170,170,173,181,194,202,207,209,209,207,209,209,209,207,204,200,200,204,204,202,204,207,212,215,215,215,217,222,222,217,0,202,199,202,0,0,0,0,189,194,204,212,0,0,0,0,0,0,0,189,189,181,173,165,163,160,160,168,178,186,189,189,186,181,178,0,0,0,0,0,0,0,0,212,207,207,215,217,215,209,204,196,181,163,0,0,0,0,0,0,0,0,160,173,183,186,186,183,183,0,0,0,0,0,0,0,233,238,238,238,235,235,0,0,0,0,0,241,238,238,235,228,209,194,181,168,157,152,115,109,105,105,111,160,176,191,202,212,222,225,222,215,209,207,207,204,202,199,196,202,207,212,215,217,222,225,225,222,222,220,215,209,204,199,189,181,178,181,189,191,191,189,183,178,178,181,183,183,181,178,170,165,163,163,163,165,163,163,168,176,189,196,199,196,194,191,189,183,183,186,191,191,194,194,194,194,194,196,199,204,209,212,212,212,212,212,215,215,215,209,205,205,207,207,207,207,207,207,209,207,207,209,215,222,225,222,212,209,207,207,207,207,212,217,222,215,209,209,215,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,9,3,11,31,23,35,87,108,121,116,49,7,19,25,0,0,0,11,69,134,134,152,176,189,194,181,168,165,160,165,181,199,209,215,215,215,212,204,189,173,165,165,170,176,181,176,165,163,165,163,119,111,110,111,117,119,119,117,115,114,114,115,119,121,121,163,173,178,178,173,170,168,168,170,173,178,186,191,186,181,176,170,165,123,123,119,117,115,113,111,109,108,111,113,117,119,119,119,117,117,119,160,165,165,160,121,163,181,194,199,186,165,121,165,186,204,199,181,160,117,117,117,117,117,117,117,119,157,157,119,117,115,115,115,119,157,157,119,117,115,115,115,115,115,115,115,117,119,119,157,119,119,117,115,115,117,119,121,121,119,119,119,119,117,117,117,117,117,117,117,119,119,119,119,117,115,115,113,111,111,109,109,109,111,111,111,109,109,109,108,109,109,115,121,160,121,121,117,114,114,117,121,160,121,120,121,170,186,186,176,168,160,163,163,163,168,168,165,163,165,168,176,170,110,110,111,106,105,115,168,170,176,189,199,194,173,170,186,204,199,176,123,117,119,165,181,189,186,181,176,168,121,119,173,189,189,189,194,196,181,127,123,119,127,181,176,178,191,196,191,191,204,222,230,235,238,238,235,233,228,225,222,225,228,228,215,204,202,196,189,178,127,119,121,131,183,189,194,202,204,207,202,194,183,181,186,196,199,199,196,199,196,194,191,194,204,207,202,186,176,131,127,123,122,121,122,123,125,121,119,119,125,178,196,217,228,217,196,178,131,131,129,129,176,186,183,133,127,129,131,176,178,133,125,123,131,176,133,131,133,178,183,186,183,181,178,181,191,199,191,173,130,176,191,194,183,179,186,191,191,183,181,183,189,191,191,191,181,127,124,126,176,181,181,178,176,176,178,178,176,170,173,176,170,170,173,178,178,173,168,168,170,176,183,189,191,189,183,173,121,114,113,115,125,176,178,176,170,168,165,165,170,178,183,181,181,181,181,173,165,123,125,125,121,121,121,119,119,121,123,123,125,165,170,173,178,189,199,199,191,186,183,181,178,178,181,181,181,176,168,123,117,113,112,113,115,117,121,123,125,125,125,121,115,117,125,173,186,186,176,127,119,119,121,121,120,121,125,131,173,181,189,196,207,212,209,207,207,207,207,209,209,209,204,202,199,199,202,202,202,202,199,194,186,173,129,170,173,176,176,170,170,170,168,127,125,125,123,119,121,121,125,127,127,125,123,123,123,119,113,113,121,127,127,125,127,176,181,181,183,186,191,191,191,191,191,199,204,204,199,194,191,199,207,207,196,186,183,186,186,189,186,185,189,196,202,207,207,209,212,212,209,209,209,209,209,207,207,204,202,199,199,199,196,194,189,186,186,191,199,204,204,204,202,196,191,189,189,183,178,133,131,129,129,131,133,135,133,133,135,178,181,183,186,189,191,194,194,191,194,196,194,189,186,187,191,189,181,135,178,183,189,186,183,181,181,181,181,183,186,186,186,186,186,186,183,176,170,170,173,178,181,181,181,183,186,186,183,181,181,181,178,176,174,174,178,186,194,196,194,189,186,183,178,176,173,173,173,173,131,129,123,121,123,129,131,127,127,129,131,173,176,178,173,129,127,131,181,183,183,181,186,194,199,191,183,178,176,176,176,181,183,183,181,178,181,181,176,170,128,128,173,181,181,181,181,183,186,186,186,191,194,199,199,202,202,199,196,194,191,189,183,181,181,178,176,176,176,173,170,129,170,173,170,125,125,129,176,181,178,174,176,189,194,186,133,131,176,186,196,199,194,191,191,194,191,189,181,136,181,189,199,204,209,212,212,209,207,202,196,194,191,186,185,186,194,199,194,186,181,135,133,135,181,189,196,196,199,202,199,194,189,189,191,186,176,176,181,191,194,191,186,186,183,186,186,181,173,127,123,119,119,121,125,129,173,176,178,183,186,182,182,191,196,194,191,194,194,191,194,196,199,199,194,189,181,178,176,174,176,183,186,186,186,183,186,189,186,183,186,189,189,181,173,127,126,127,173,178,183,181,178,176,173,170,129,170,176,181,186,186,181,178,176,176,181,183,183,181,176,168,125,125,127,168,165,165,125,125,123,121,121,125,170,178,178,173,176,178,181,178,173,170,170,170,170,173,176,173,127,127,129,176,178,181,176,173,170,170,176,178,181,181,178,178,178,178,176,176,173,170,168,168,170,168,127,125,125,125,125,125,127,168,170,170,168,127,126,127,168,127,125,125,125,125,125,127,170,173,176,178,181,181,183,183,186,186,186,186,189,186,183,181,181,183,189,191,191,191,191,189,189,191,196,199,196,194,194,194,194,191,191,191,191,191,189,181,179,181,181,181,181,137,136,137,181,186,189,189,191,191,194,194,194,194,196,196,199,196,195,199,204,207,204,202,196,194,199,202,202,202,202,202,199,199,196,196,194,194,194,196,194,194,191,191,191,194,194,194,194,194,194,194,194,191,194,194,194,196,194,194,194,194,194,194,191,191,189,186,183,183,181,181,178,176,176,173,170,170,170,168,165,163,160,160,160,160,160,160,157,155,152,113,109,97,49,41,67,107,152,155,147,81,44,41,57,93,131,137,142,144,147,147,144,142,126,59,39,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,160,168,170,170,150,31,0,0,0,0,0,0,0,0,0,0,0,19,56,33,72,147,178,196,186,152,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,157,152,131,160,160,155,160,173,186,194,199,202,204,204,207,212,222,215,111,0,0,0,0,0,178,212,126,0,11,27,31,33,64,87,90,0,0,0,0,5,31,57,129,124,9,0,0,0,0,0,35,155,178,181,178,147,53,61,93,89,43,0,0,0,0,0,0,0,0,0,0,27,1,0,0,31,126,147,124,81,31,0,19,67,73,144,183,37,0,0,1,65,35,47,91,165,173,160,157,170,183,191,194,189,173,160,157,157,155,157,176,189,196,196,147,7,0,3,77,142,157,168,176,176,173,173,173,170,160,150,144,142,144,147,150,142,147,165,165,163,168,170,170,173,176,178,183,189,196,194,131,0,0,55,152,144,116,73,69,0,0,0,19,59,67,75,87,129,144,170,183,186,186,186,181,89,71,85,134,137,77,75,87,85,57,0,0,0,39,165,173,152,57,0,0,0,0,0,17,87,163,170,157,134,129,155,183,194,196,202,209,215,209,196,137,53,41,37,38,45,55,92,90,53,51,82,113,131,126,108,105,0,142,0,0,0,100,92,0,0,0,0,64,59,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,155,152,152,150,0,0,144,147,155,0,170,170,170,176,183,194,204,209,209,207,207,207,207,204,202,199,199,202,202,200,200,204,209,212,212,212,215,217,222,217,0,204,199,199,202,0,0,0,189,189,196,207,0,0,0,0,0,0,0,196,196,189,178,170,163,157,157,163,173,178,183,181,178,176,176,0,0,0,0,0,0,0,0,212,207,207,215,217,215,209,207,199,183,165,0,0,0,0,0,0,0,0,157,170,183,189,191,189,183,183,0,0,0,0,0,222,230,235,235,235,233,233,0,0,0,0,0,238,235,238,238,233,217,202,189,176,163,155,115,109,103,103,0,117,168,183,196,207,215,217,212,204,199,199,202,204,202,196,195,196,204,209,212,217,222,228,225,225,225,225,222,215,209,202,189,181,178,183,191,194,194,194,186,181,178,178,178,181,181,178,173,170,165,165,168,168,170,168,173,183,194,202,202,202,199,194,189,183,182,186,194,196,196,196,196,196,196,196,199,204,209,212,212,212,212,215,215,215,212,209,207,207,207,207,207,207,207,207,209,207,204,207,215,222,222,217,212,209,209,207,207,207,212,217,222,217,212,215,222,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,0,0,11,41,35,33,45,92,108,105,51,45,111,43,0,0,0,13,116,144,142,152,168,178,183,178,173,170,165,163,173,183,194,202,207,204,194,181,173,168,165,168,170,176,178,170,123,121,123,123,119,113,110,110,113,117,115,114,114,115,115,115,117,117,117,121,165,170,170,165,123,121,121,123,165,173,181,183,183,181,178,176,168,165,163,123,117,115,115,113,109,109,109,113,115,117,119,119,119,119,119,121,163,163,121,119,160,178,191,196,183,163,117,119,168,189,189,176,121,113,113,115,117,117,115,115,115,117,119,119,117,117,117,117,119,157,157,157,119,117,117,117,117,117,117,117,119,157,157,119,119,115,113,111,111,113,115,117,117,117,117,119,119,119,119,121,121,121,119,119,117,117,119,119,119,119,117,115,113,111,109,109,109,111,111,111,109,109,109,111,111,111,113,115,115,115,117,115,115,115,115,119,165,163,160,165,186,204,204,191,176,165,160,160,165,173,173,168,168,170,168,165,117,107,109,111,108,109,165,178,176,176,186,196,194,170,163,165,176,176,125,117,111,111,123,181,189,186,178,173,127,116,115,123,178,183,189,196,199,186,129,127,176,186,189,131,127,133,183,191,199,222,233,235,238,241,241,241,235,228,217,212,215,228,230,228,217,207,202,194,181,123,115,117,129,183,189,191,194,196,196,191,183,178,181,194,204,204,191,183,189,194,191,189,189,196,202,194,176,131,173,131,127,127,125,122,123,125,125,127,131,131,178,191,212,225,222,204,183,131,129,129,129,176,181,178,127,123,123,125,129,176,178,176,176,133,127,125,129,131,176,181,178,178,178,181,181,191,202,191,176,178,189,191,186,181,181,183,189,183,179,179,183,191,196,199,196,186,129,124,125,170,178,178,176,173,170,170,170,127,126,129,170,169,169,170,178,178,176,170,170,173,178,183,189,191,191,186,176,125,117,114,117,123,125,168,170,165,125,123,125,170,178,181,178,176,178,176,168,125,125,165,125,121,121,121,118,118,121,125,165,168,168,125,165,176,191,207,212,202,191,183,178,178,181,186,191,191,186,173,121,114,112,113,115,119,119,121,123,121,123,165,125,123,123,127,178,189,186,176,168,125,129,178,176,129,127,129,173,173,181,189,199,207,209,209,207,204,204,204,209,212,215,212,207,202,202,202,202,202,202,199,196,189,176,131,173,176,181,181,176,168,127,125,125,168,170,170,168,127,125,125,125,125,125,125,170,176,178,170,125,123,125,127,129,176,186,194,194,194,194,194,191,190,191,194,199,202,202,196,194,194,199,202,196,186,181,181,183,186,189,189,189,191,194,196,199,204,209,215,215,209,208,208,209,212,212,209,207,204,202,196,196,194,194,191,186,183,186,194,202,204,207,204,202,199,196,191,186,135,127,125,124,127,129,131,133,135,181,186,189,191,189,189,191,194,194,194,191,194,196,194,189,187,187,189,186,181,135,135,178,186,189,189,186,183,183,181,181,183,183,186,186,186,186,183,178,173,172,173,178,181,183,183,181,183,186,183,178,176,176,176,176,176,176,178,186,194,199,196,194,191,186,178,173,131,131,131,131,173,131,127,123,125,131,176,173,131,173,173,173,173,176,173,128,126,131,181,183,178,177,181,189,191,189,183,181,178,176,178,183,186,183,178,178,181,181,176,170,127,127,129,176,181,181,178,178,176,176,178,183,189,191,189,191,196,194,191,191,189,183,181,181,181,181,178,176,176,173,173,170,173,178,176,129,127,176,183,183,178,173,176,189,196,189,133,130,131,178,191,194,194,194,199,204,202,196,189,137,181,189,199,207,212,212,209,207,204,199,196,194,191,186,185,186,191,194,194,191,181,133,131,132,135,183,191,199,204,207,204,196,194,194,194,186,176,176,183,194,194,189,181,178,181,183,183,178,129,123,121,119,118,119,125,129,173,176,181,183,183,182,183,191,196,194,191,189,189,191,196,202,199,196,189,183,178,178,176,174,178,183,189,189,186,183,186,189,186,183,186,189,189,186,181,131,127,127,173,181,186,183,178,173,170,129,170,176,181,186,186,183,178,176,176,178,183,186,186,183,178,173,127,121,123,125,165,165,168,165,125,123,121,123,168,170,168,125,165,170,176,173,168,127,127,127,168,170,176,176,168,127,127,129,173,173,129,128,127,128,170,178,183,183,181,181,181,178,173,129,129,128,128,128,168,168,127,125,125,125,125,125,127,168,170,170,168,127,127,127,127,125,125,125,127,168,129,170,170,173,176,178,178,181,183,183,186,186,186,186,189,189,186,186,186,189,191,194,194,191,191,189,189,191,196,196,196,194,194,191,191,189,189,189,189,189,189,183,181,183,183,183,183,181,137,137,183,189,191,191,191,191,191,191,191,194,194,196,199,196,195,196,202,204,202,199,196,196,199,202,202,202,199,199,199,199,196,196,194,194,194,196,194,194,194,194,191,194,194,194,194,194,194,194,191,191,191,191,194,194,194,191,191,191,191,194,194,191,186,183,183,181,181,181,178,178,173,170,168,168,168,168,165,163,160,160,160,163,165,163,157,155,155,150,109,93,38,33,51,109,152,152,103,59,45,55,95,142,147,150,152,152,150,139,121,81,67,43,31,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,155,165,168,170,150,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,129,170,129,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,82,77,108,98,0,0,0,0,23,139,165,155,150,155,157,157,168,181,194,196,199,199,199,202,204,209,217,209,150,0,0,0,0,0,163,202,29,0,1,7,0,0,33,108,116,33,0,0,23,27,47,103,142,144,111,59,11,0,0,0,71,178,189,191,191,176,131,129,134,95,81,31,23,41,37,0,0,0,0,0,9,27,13,0,0,0,0,5,17,41,25,0,19,118,139,163,186,77,0,0,0,31,28,49,139,165,168,160,160,173,189,194,196,194,183,168,163,163,157,163,183,189,191,191,173,65,31,59,97,147,160,170,178,181,178,181,183,181,173,163,155,152,152,152,155,152,155,163,163,168,173,170,170,173,173,176,181,191,191,160,69,2,0,29,134,147,134,126,134,0,0,0,45,57,67,77,81,87,137,165,181,186,186,189,181,137,91,93,91,91,83,95,142,137,83,13,0,0,49,173,181,186,144,0,15,0,0,0,17,65,157,160,152,152,163,186,199,204,209,212,215,217,220,215,186,116,53,39,37,41,45,49,51,51,57,98,118,129,131,113,95,98,0,129,0,0,0,121,0,0,0,0,0,61,61,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,147,147,0,0,142,147,152,0,170,170,168,168,176,186,196,204,207,204,202,202,202,202,202,200,200,202,202,202,200,202,207,209,212,212,212,215,217,217,0,207,199,196,199,0,0,0,0,183,189,196,204,0,0,0,0,0,0,0,204,196,186,176,163,0,0,157,163,168,168,168,165,165,168,0,0,0,0,0,0,0,0,212,207,209,212,215,212,209,204,199,186,168,155,147,144,0,0,0,0,0,157,168,181,191,194,194,189,186,186,0,0,0,0,222,228,230,230,230,230,233,0,0,0,0,0,238,235,238,238,235,225,209,194,178,165,157,115,109,103,103,107,113,160,176,189,199,207,209,204,194,189,194,202,207,204,196,195,196,204,209,215,217,225,228,225,228,230,230,228,225,215,207,194,183,181,186,194,196,199,196,194,186,181,178,178,178,178,178,176,173,168,168,168,170,173,176,181,189,196,204,207,204,199,196,189,183,182,189,194,199,199,202,199,199,199,199,199,202,207,209,212,212,215,215,215,215,212,209,207,209,209,207,207,207,209,207,207,204,204,207,212,215,217,215,212,212,209,207,207,207,209,215,222,217,217,217,222,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,46,0,0,0,23,19,19,33,105,126,131,150,168,160,35,0,0,0,0,65,131,129,142,152,160,170,176,178,176,165,160,165,173,178,183,191,186,176,165,160,160,160,163,163,165,165,123,117,117,119,121,119,113,111,111,115,117,115,113,114,115,115,115,115,115,113,115,119,121,121,119,117,115,117,119,121,165,170,173,178,183,189,186,176,168,165,123,119,115,115,113,111,109,109,111,113,115,117,119,119,119,119,119,121,121,117,115,117,163,176,181,176,160,115,115,121,165,168,163,117,113,113,115,117,117,115,113,113,113,115,117,117,117,115,115,117,119,157,157,119,119,119,119,119,119,119,119,119,157,119,119,115,113,109,108,108,109,113,115,115,115,117,119,121,121,160,160,160,160,121,119,117,115,117,117,119,119,117,115,113,111,109,109,109,111,111,111,109,109,109,111,111,111,111,113,115,117,117,115,115,115,115,117,165,168,165,173,191,207,209,196,178,165,121,121,168,176,173,168,168,165,163,119,109,107,113,117,113,117,170,176,173,170,176,183,181,123,119,120,121,121,115,111,109,108,115,170,181,181,178,173,165,116,114,119,170,178,181,189,189,183,173,178,186,186,173,115,115,121,178,194,209,228,235,235,235,238,241,243,235,222,209,207,208,217,230,230,222,209,204,199,186,117,111,117,129,183,189,189,186,186,183,178,173,173,176,189,202,199,179,176,183,199,202,194,191,194,194,181,130,129,131,173,131,173,173,131,131,173,176,181,181,176,173,181,196,209,209,196,183,131,129,128,128,129,131,129,125,122,121,121,123,131,176,178,181,127,120,122,176,183,183,181,131,127,133,178,181,181,183,183,183,191,191,174,170,177,183,186,183,179,179,183,191,196,196,196,191,183,173,127,129,176,178,178,173,170,129,127,126,125,125,127,170,170,169,170,173,176,176,173,173,178,181,186,191,194,189,183,176,168,121,121,123,121,115,113,119,119,121,123,125,168,176,178,176,173,176,176,170,165,165,125,121,121,121,119,117,117,121,125,165,168,165,121,121,165,181,196,202,194,183,176,173,176,183,189,194,196,194,183,127,117,115,121,125,123,121,123,123,121,121,125,125,125,125,168,183,196,191,178,170,173,183,194,191,181,173,176,178,178,183,191,199,207,209,209,207,204,204,204,209,212,215,215,212,207,202,202,202,202,202,199,194,189,178,173,173,178,183,186,178,129,125,124,127,170,176,176,170,127,124,123,124,125,129,173,186,196,199,196,186,176,131,173,178,183,191,199,199,196,194,194,191,191,194,194,191,186,186,186,189,191,194,194,191,183,181,182,183,186,186,189,189,191,191,189,191,199,209,215,215,209,208,208,209,212,212,209,207,204,199,194,191,191,194,194,189,183,182,186,194,199,202,202,202,202,199,194,186,133,125,123,123,124,127,131,135,183,191,196,202,199,194,191,194,194,194,194,191,194,196,194,191,189,191,189,183,178,135,135,178,183,186,189,189,186,183,178,177,178,181,183,186,189,191,189,189,186,181,178,178,181,181,181,178,181,183,181,176,131,131,173,176,176,176,178,183,191,196,196,196,194,189,181,173,173,173,173,173,176,178,173,131,131,176,181,181,178,178,176,173,131,131,129,128,128,173,183,183,181,177,177,181,183,183,183,181,178,176,178,186,186,183,178,181,183,186,181,176,129,128,129,173,178,176,131,127,127,131,176,181,186,186,185,186,189,191,189,191,189,186,183,183,183,181,176,173,173,173,173,170,170,176,176,170,176,186,191,186,176,174,178,194,199,194,181,133,132,176,183,189,191,196,204,209,207,202,194,183,137,186,199,209,212,209,204,202,202,202,196,194,189,189,186,186,189,191,194,194,186,137,133,133,178,183,191,199,204,204,199,194,189,189,189,183,133,133,183,191,191,186,178,176,176,178,178,173,129,125,123,121,119,121,127,129,173,178,186,186,186,183,189,196,199,194,186,183,183,189,196,202,199,191,183,178,178,178,176,176,178,186,191,191,186,183,183,186,186,183,186,189,191,191,186,178,131,129,176,183,186,183,178,170,129,129,173,178,183,186,183,181,176,173,176,178,186,186,186,186,183,178,168,121,111,113,121,165,168,165,123,121,121,123,125,123,113,107,113,123,168,168,165,126,126,127,127,168,173,170,168,126,126,127,129,170,129,128,128,129,176,181,186,186,186,183,181,176,170,129,128,128,128,128,168,168,127,125,124,125,125,127,168,170,173,173,170,168,127,127,127,125,125,127,168,170,173,173,170,170,173,176,178,181,183,183,186,186,186,186,189,189,189,189,189,189,191,191,191,191,189,189,189,191,194,196,194,194,191,191,189,189,189,189,189,189,186,181,181,186,186,186,186,186,181,183,189,191,194,194,196,196,194,194,191,194,194,196,199,199,196,196,199,199,196,196,196,199,202,202,199,199,196,196,196,196,196,196,194,194,194,196,194,194,191,191,191,191,194,194,194,194,194,194,191,189,189,189,191,191,191,191,189,189,189,191,194,191,186,181,181,178,178,178,178,178,173,170,168,165,165,165,165,163,160,122,159,163,168,168,163,157,155,152,150,105,39,33,43,105,152,150,97,69,65,101,157,160,157,157,160,163,163,147,121,75,55,35,25,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,147,160,170,168,150,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,108,72,48,139,152,163,199,168,59,17,0,0,41,176,176,165,157,155,155,163,178,191,196,199,196,194,194,199,202,204,212,209,189,7,0,0,0,0,53,87,0,0,0,0,0,0,35,129,129,33,0,1,17,29,57,129,152,157,150,131,75,73,73,144,168,183,191,196,196,186,163,157,157,147,134,87,87,142,150,87,53,35,13,87,81,59,75,85,61,0,0,0,0,33,27,22,79,129,142,152,155,131,73,43,65,69,71,134,157,163,163,160,163,176,186,191,194,194,183,168,157,157,157,168,186,191,189,186,168,65,51,65,91,144,163,176,181,183,183,186,191,189,181,173,165,165,160,157,157,152,155,155,155,168,173,173,170,170,170,173,176,181,181,83,63,51,13,59,137,152,152,160,183,29,0,0,37,41,59,73,75,79,131,160,176,181,183,189,178,147,134,93,68,68,147,160,165,165,163,147,27,0,7,126,173,173,131,73,124,13,5,17,27,47,95,129,131,173,194,202,207,209,215,217,217,215,220,222,207,0,0,55,43,43,43,43,51,61,87,100,108,108,131,126,95,72,79,100,0,157,0,129,124,0,142,0,0,0,0,0,0,0,59,0,0,0,0,0,0,0,0,144,0,0,139,147,0,147,150,150,147,0,144,147,150,0,0,0,170,168,170,178,186,194,196,199,196,194,196,199,202,202,202,202,204,204,202,204,207,212,212,215,215,215,215,217,0,209,202,194,191,0,0,0,0,178,181,189,199,0,0,0,0,0,0,0,209,202,194,181,165,0,0,152,155,157,155,152,0,0,157,0,0,0,0,0,0,0,0,212,209,209,209,212,209,207,204,199,189,173,163,155,152,147,0,0,0,150,160,168,178,189,196,196,194,191,194,199,204,209,215,217,222,225,225,225,228,230,0,0,0,0,0,238,235,238,241,238,230,217,202,186,170,160,152,109,103,102,103,109,117,165,176,186,194,199,196,189,183,191,204,215,209,202,199,202,209,215,217,217,222,225,225,228,233,235,235,230,225,212,199,189,189,194,199,202,202,202,199,194,186,181,181,178,181,181,181,176,170,168,168,173,178,181,186,191,199,204,207,204,202,196,189,183,183,189,194,196,199,202,202,202,199,199,199,202,204,207,209,212,215,215,215,215,212,209,209,209,209,204,204,207,207,204,202,202,199,202,209,212,215,215,212,212,212,209,207,207,209,215,217,217,215,217,222,217,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,61,0,0,0,0,9,17,29,129,160,173,183,183,176,105,0,0,0,0,11,59,73,129,144,152,165,176,178,170,157,155,160,165,168,170,176,173,168,163,121,119,117,117,117,115,115,115,113,113,119,121,121,117,115,117,121,121,117,114,114,115,115,113,115,113,113,113,115,117,117,117,115,115,115,115,117,121,123,163,170,183,194,191,181,170,165,160,119,117,117,115,113,111,111,113,113,115,117,119,121,119,117,117,117,117,113,112,113,115,121,165,165,121,117,115,117,117,119,115,113,112,115,115,115,115,115,113,112,112,113,117,117,117,115,115,115,117,119,119,119,119,157,157,157,157,157,157,157,119,117,115,113,111,109,108,108,109,111,113,113,115,115,119,121,160,163,163,163,163,121,119,115,114,115,117,117,119,117,115,113,111,109,109,109,111,111,111,109,109,111,111,111,111,111,115,119,160,121,117,115,117,115,117,160,165,165,168,183,199,202,191,176,163,121,119,165,173,173,168,165,160,119,113,109,110,117,121,117,121,165,165,123,121,163,168,165,121,120,120,121,117,113,110,109,109,113,123,176,183,183,181,170,117,115,117,127,170,176,181,181,176,170,178,181,173,115,104,106,117,183,204,215,225,228,230,233,235,241,241,235,225,211,208,209,215,225,230,225,212,207,202,191,107,107,115,129,183,189,183,176,131,127,127,127,129,131,181,194,189,177,174,183,204,207,202,194,189,178,173,173,173,173,131,173,178,181,178,178,181,183,183,181,131,127,127,178,186,186,178,173,131,129,129,128,127,128,129,127,123,121,120,121,125,127,129,131,125,121,125,191,202,199,189,131,126,127,133,176,131,127,133,189,194,186,169,168,178,189,186,183,181,186,196,202,199,194,189,183,181,176,176,176,178,181,178,176,173,170,129,129,127,127,129,173,176,173,170,170,170,173,173,173,176,181,186,189,191,186,181,176,170,165,125,123,117,110,109,112,115,121,165,168,168,170,173,173,173,176,178,173,170,168,163,121,121,121,119,116,117,121,123,123,121,119,117,117,119,123,168,173,173,170,127,168,176,183,191,194,196,196,191,181,170,168,170,173,165,123,125,125,121,120,121,123,125,125,168,183,199,189,170,168,178,189,194,189,178,173,181,183,181,178,186,196,204,209,209,207,207,204,207,209,212,215,215,212,207,204,202,204,204,204,199,194,186,176,173,176,181,186,189,181,170,125,125,168,173,176,176,170,125,122,123,125,129,176,186,196,207,209,207,202,194,186,181,181,183,191,194,194,191,191,191,194,196,199,196,185,182,182,185,189,191,191,189,186,186,186,183,183,139,183,186,189,189,186,183,186,196,204,209,212,212,209,209,209,209,209,207,207,202,199,194,191,191,196,199,194,183,181,182,186,191,194,194,199,202,202,196,189,135,131,127,125,124,125,131,178,186,194,204,207,204,196,194,196,196,196,194,191,194,196,194,191,191,196,194,186,181,178,178,135,135,181,183,186,189,186,178,176,177,181,181,183,189,189,189,189,191,186,178,173,173,176,176,176,178,178,178,176,131,129,129,131,131,131,173,178,183,189,191,194,194,189,181,176,176,176,176,176,178,178,178,176,176,178,183,186,183,183,183,178,176,173,131,131,173,178,183,186,183,181,181,178,178,178,181,181,181,178,183,189,189,183,181,183,186,186,183,178,178,176,173,173,173,131,125,123,125,129,176,183,189,189,186,185,186,186,189,191,191,189,186,189,189,181,131,127,129,170,170,127,125,129,173,176,181,189,189,181,176,176,183,194,199,196,191,186,178,133,133,178,189,199,204,207,202,202,196,183,135,137,194,207,207,202,199,199,202,202,199,194,189,189,189,189,189,189,194,194,191,183,181,186,189,189,191,196,199,196,189,183,181,181,181,178,133,133,178,183,186,183,176,131,129,131,131,131,131,129,129,127,125,127,129,129,129,178,189,191,191,189,191,196,196,189,181,178,178,183,191,199,199,189,178,177,178,178,178,178,181,189,194,191,186,183,183,186,186,183,186,186,191,191,191,183,176,131,173,178,183,183,178,170,128,129,173,178,186,186,181,176,173,170,176,181,186,186,186,186,186,181,176,123,105,106,115,121,125,125,121,121,123,123,121,113,105,103,107,119,165,168,165,127,127,168,168,168,168,127,126,127,127,129,127,129,170,173,173,176,181,186,189,189,186,181,178,176,176,173,170,129,129,168,170,168,127,125,124,125,127,168,170,173,176,176,173,170,168,127,125,125,127,127,168,170,173,173,170,129,173,176,178,181,183,183,186,186,186,186,189,189,189,186,186,183,183,186,189,189,189,189,191,191,194,196,194,194,191,189,189,186,186,186,186,186,186,183,183,189,189,186,186,186,183,186,189,191,194,196,196,199,196,194,194,194,196,199,199,199,196,196,196,196,196,196,199,202,204,202,202,199,196,196,196,196,196,196,194,194,194,196,194,194,191,191,191,191,194,194,194,194,194,191,191,189,189,189,189,189,189,189,189,189,189,189,191,191,186,181,178,176,176,176,178,176,173,170,168,165,125,163,163,163,160,122,122,165,170,173,168,160,157,155,155,109,45,38,53,103,150,105,81,75,93,165,178,176,165,163,168,173,176,168,152,129,79,43,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,116,152,170,165,152,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,134,144,163,170,157,163,194,176,147,155,137,0,0,155,170,170,160,152,152,165,183,194,199,199,196,194,191,196,199,199,204,212,209,79,0,0,0,0,0,0,0,0,0,0,0,0,31,137,134,43,0,0,11,33,111,152,160,160,157,147,121,91,131,170,181,189,196,202,196,183,165,165,168,165,152,134,131,152,163,150,131,97,69,137,144,137,137,150,163,152,15,5,79,142,33,35,137,139,142,144,152,147,137,93,137,150,155,160,160,160,160,165,170,176,183,186,191,194,186,168,152,147,152,165,186,191,178,168,150,77,63,71,87,139,163,181,189,189,189,189,186,183,178,176,173,173,170,163,155,147,144,139,139,165,168,170,168,160,155,163,163,160,160,27,51,67,81,124,150,163,170,183,199,142,7,0,27,31,49,67,69,73,126,157,173,178,181,181,165,139,131,85,61,62,170,178,181,176,173,173,150,49,0,0,43,73,79,83,93,41,45,63,47,51,69,71,73,183,199,207,209,212,217,222,217,215,217,220,212,194,165,0,0,49,49,51,67,0,100,100,103,103,121,129,103,66,65,77,0,157,0,116,95,103,0,0,0,0,0,0,0,0,59,0,0,0,0,0,0,0,155,160,150,0,147,152,152,150,152,155,152,152,0,150,152,157,168,0,0,173,170,170,173,178,186,189,186,186,189,194,199,204,204,207,209,209,209,209,212,215,217,217,217,215,215,217,0,0,204,194,186,181,0,0,0,0,181,189,196,0,0,0,0,0,0,0,207,202,194,181,165,155,0,152,152,152,0,0,0,0,152,165,0,0,0,0,0,0,0,212,212,212,212,212,209,207,204,202,191,178,168,165,163,155,0,0,0,152,165,170,178,186,194,199,202,202,204,207,0,215,217,217,217,217,217,217,225,230,0,0,0,0,0,238,235,238,241,241,235,225,207,189,176,163,155,111,105,102,103,105,0,155,163,176,183,191,191,186,183,191,207,217,217,209,209,212,217,220,217,217,222,225,225,228,233,238,238,235,230,222,209,199,196,202,207,209,209,207,204,199,191,186,183,183,183,183,183,181,176,170,170,176,181,186,189,191,196,202,204,204,199,194,191,186,186,189,191,194,196,199,202,202,202,202,202,202,202,204,207,212,215,217,217,215,212,209,209,209,207,202,202,202,204,202,199,196,196,199,204,212,215,215,215,212,212,209,207,207,209,212,215,215,212,215,215,212,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,48,0,0,0,0,17,27,31,100,173,183,189,189,178,129,0,0,0,0,5,4,11,116,142,155,168,176,178,163,144,144,155,163,163,163,168,168,168,165,160,117,113,109,109,108,109,109,111,113,117,121,121,119,117,119,160,160,119,115,115,115,113,113,113,113,113,113,115,117,119,117,117,115,115,115,117,119,119,121,165,176,186,186,176,168,165,163,121,119,119,119,115,115,113,115,115,117,117,119,119,119,117,115,115,113,112,112,112,113,115,119,119,119,117,115,115,115,115,112,112,113,115,115,113,113,115,113,113,112,113,117,119,117,115,114,115,117,155,155,155,157,157,157,157,157,157,157,119,117,115,115,111,111,109,109,109,109,111,113,113,115,115,117,121,160,163,165,165,163,160,119,115,114,115,115,117,117,115,115,113,111,109,109,109,111,111,111,111,111,111,111,111,111,111,115,121,163,163,121,117,117,115,113,117,121,160,160,168,178,183,178,168,160,121,119,160,168,170,168,165,121,117,111,111,113,119,119,117,119,121,119,114,115,119,163,163,163,165,165,165,123,117,113,111,113,115,121,173,186,189,186,176,123,116,117,123,168,178,183,181,176,127,129,129,123,107,100,102,117,194,212,222,225,222,225,230,233,235,241,238,233,228,225,217,217,225,230,230,222,209,199,181,97,101,113,123,131,178,173,125,121,119,121,127,131,173,181,191,191,182,182,194,204,204,196,189,131,122,127,183,186,176,131,176,181,183,181,178,178,181,178,173,129,125,125,127,131,129,128,129,133,133,131,128,128,129,133,176,133,129,125,127,127,121,116,121,127,129,178,202,212,212,196,178,127,125,126,129,129,126,129,183,186,178,173,174,181,186,189,191,194,202,207,207,202,194,186,178,178,178,178,178,178,181,181,178,178,176,173,176,173,170,170,173,178,176,173,170,170,173,170,168,170,176,183,186,186,181,178,176,173,168,165,121,115,111,111,115,117,123,168,168,165,163,165,168,173,173,173,173,170,168,163,123,163,125,123,117,117,121,121,115,111,111,112,114,114,114,115,119,125,125,127,168,176,183,189,194,199,202,199,194,186,181,178,176,168,125,125,125,121,121,121,123,125,125,168,183,191,170,115,121,176,186,183,176,129,170,181,186,176,173,176,191,204,209,209,209,207,207,207,209,212,212,209,207,204,202,204,207,209,207,199,191,181,172,172,173,181,189,191,183,170,127,127,168,170,170,170,168,125,123,125,170,178,186,194,202,207,207,207,207,202,194,186,181,181,186,189,189,189,191,196,199,204,207,199,186,182,185,191,194,196,194,189,189,189,189,186,139,138,138,139,183,183,183,182,186,191,196,199,204,207,209,209,207,207,204,204,202,199,196,194,191,191,196,199,196,186,181,181,183,186,189,191,196,199,199,196,191,189,189,186,135,127,125,131,178,186,189,196,204,207,199,196,196,196,194,194,191,194,196,194,194,194,199,196,191,189,189,183,133,125,131,176,181,186,189,183,177,178,178,181,181,183,183,181,181,183,181,173,129,129,131,173,176,176,178,181,181,176,173,129,127,125,125,127,129,173,176,178,183,189,186,181,176,173,173,173,173,173,176,176,178,178,181,183,183,186,189,191,186,183,181,181,178,178,181,183,186,186,186,186,181,178,176,176,176,178,178,181,186,189,186,183,183,183,181,181,178,178,178,173,173,173,173,129,126,129,173,181,189,191,191,189,186,186,186,191,194,194,189,189,191,191,181,129,126,127,129,127,123,119,123,129,173,181,183,181,176,173,176,183,191,196,196,196,194,189,135,130,131,183,194,199,196,196,196,194,137,134,135,186,199,199,191,189,194,199,202,196,191,189,189,191,191,191,189,191,194,194,189,189,196,199,196,196,199,196,189,181,135,133,131,131,133,131,129,129,131,176,178,176,127,125,125,127,131,173,173,173,131,131,173,173,128,127,176,189,194,194,191,191,194,189,183,178,176,133,176,183,194,194,186,178,177,178,181,181,178,181,189,194,194,186,181,181,183,186,186,183,186,189,191,191,186,178,131,170,173,178,178,178,170,128,128,170,176,181,183,178,173,168,170,173,178,183,186,186,183,183,181,176,168,113,107,107,113,119,123,121,121,125,125,121,113,107,106,113,125,170,170,168,168,170,173,173,170,168,127,127,129,170,170,129,129,173,176,178,181,183,186,189,186,183,181,178,178,178,178,176,173,170,170,170,168,127,125,127,168,168,170,173,176,178,178,176,173,168,125,125,127,168,168,168,170,170,129,127,127,170,176,178,181,183,183,186,186,186,186,189,189,189,186,186,182,182,182,183,186,189,189,191,194,194,194,194,194,191,191,189,189,186,186,189,189,186,186,189,189,189,183,183,183,183,183,183,186,189,191,196,199,199,196,196,196,196,196,199,199,196,196,196,196,196,196,202,204,207,204,202,199,196,196,196,196,196,196,194,194,194,196,194,194,191,191,191,191,194,194,194,194,194,191,189,189,186,186,186,186,189,189,186,186,186,189,189,189,183,181,178,176,173,173,176,176,173,173,173,170,165,125,123,123,123,122,160,165,173,173,170,163,160,157,152,97,49,45,73,105,107,87,69,70,93,165,181,181,173,168,170,176,181,183,183,181,170,65,19,0,0,45,35,0,0,0,0,0,0,0,0,0,0,5,0,0,0,0,0,0,0,5,0,0,0,0,49,157,155,150,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,69,160,176,131,98,108,129,160,178,181,156,148,156,160,157,165,178,0,0,0,137,170,157,147,147,163,183,191,196,196,196,194,191,191,194,190,196,209,220,116,0,0,0,0,0,0,0,0,0,0,0,0,3,137,142,92,15,7,17,92,139,163,163,152,150,144,139,142,152,173,186,194,196,199,191,170,160,165,173,176,170,157,150,163,173,163,147,144,139,152,157,150,144,157,178,194,176,87,150,173,41,37,142,150,150,150,152,152,155,150,157,163,165,165,160,157,160,168,170,173,178,183,186,186,181,168,152,143,142,155,178,178,97,93,139,101,83,83,93,137,160,181,189,191,189,186,178,173,173,173,176,178,186,178,157,107,99,87,83,105,150,155,147,87,75,89,87,67,1,0,33,77,137,144,152,163,178,186,186,157,55,0,23,33,41,57,63,65,83,152,170,178,176,165,144,93,89,73,63,71,176,176,170,170,178,186,191,157,0,0,0,0,47,59,69,61,77,129,85,67,63,53,49,155,194,204,212,215,217,217,217,215,215,217,212,204,186,0,0,53,55,63,0,0,111,108,113,118,116,116,95,66,64,72,113,144,0,100,69,69,95,0,0,0,64,59,0,0,0,0,0,0,0,0,0,0,168,170,160,150,150,155,157,155,0,157,157,0,0,0,157,163,0,0,0,178,173,170,169,170,176,181,178,176,178,186,196,204,207,207,209,215,215,215,215,222,225,225,222,217,215,215,0,0,0,199,186,0,0,0,0,0,189,194,199,0,0,0,0,0,0,0,196,194,189,176,163,155,152,155,155,155,0,0,0,0,0,163,0,0,0,0,0,0,0,217,215,215,215,212,209,207,207,204,194,183,176,173,173,165,155,0,147,157,170,176,181,183,191,199,207,212,215,217,222,222,222,222,215,215,212,215,217,225,230,0,0,0,0,0,235,238,241,243,238,230,212,194,178,165,155,113,109,105,103,103,109,113,155,168,178,186,189,186,183,191,207,217,217,217,217,222,225,222,217,217,220,225,225,228,233,238,241,238,235,230,217,209,207,209,215,215,215,212,209,204,196,194,191,189,189,189,191,189,183,178,176,178,183,189,191,194,196,202,202,202,196,191,189,186,186,189,189,189,191,196,202,202,202,202,202,202,199,202,207,212,215,217,217,215,212,209,212,212,207,202,200,202,202,199,199,196,195,196,202,209,215,215,212,212,209,207,207,207,209,212,212,212,209,209,209,207,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,11,0,0,0,0,35,41,29,31,129,170,178,181,157,51,0,0,51,63,37,1,5,79,142,157,173,178,176,155,139,138,150,160,157,157,160,165,165,163,157,115,111,108,108,108,108,109,113,115,117,119,121,121,117,117,119,119,117,115,115,115,113,112,113,115,115,115,115,117,117,117,117,117,117,117,117,117,117,117,121,168,176,173,168,163,165,165,160,160,160,121,119,117,117,117,117,119,119,119,119,119,117,115,115,115,113,113,113,113,113,115,115,117,117,117,117,117,115,113,112,113,115,115,113,113,115,115,113,113,113,117,155,155,115,115,115,117,155,157,157,155,155,155,155,155,155,155,119,117,115,113,111,111,111,111,111,111,111,113,115,115,115,117,119,157,160,163,165,163,160,119,117,115,115,115,117,117,115,115,115,111,109,109,109,111,111,111,111,111,111,111,111,110,111,113,117,160,165,163,119,117,113,110,111,117,121,160,160,165,168,165,160,121,160,121,119,163,168,168,165,160,117,113,113,115,115,113,113,117,117,115,114,114,121,168,173,173,170,170,173,173,168,163,119,117,117,121,170,183,189,183,173,123,117,117,123,168,178,183,178,168,125,125,125,121,111,103,105,131,204,222,228,228,222,222,225,228,230,235,238,238,238,235,230,228,230,235,235,233,215,189,115,95,103,111,117,121,127,127,121,120,119,121,129,176,178,186,199,202,204,204,202,196,189,178,127,120,118,123,186,191,181,178,186,191,189,183,176,173,173,173,131,131,127,127,129,129,127,128,133,178,133,131,131,176,183,189,191,194,191,189,189,181,123,114,115,123,133,183,199,215,215,199,178,129,126,126,127,127,127,131,178,181,176,176,181,183,183,189,199,207,209,209,204,202,196,186,176,176,176,176,178,181,186,186,181,178,176,176,176,173,129,125,125,170,173,170,129,170,173,168,165,165,173,183,183,181,173,173,173,173,170,168,123,117,115,117,119,119,123,163,123,121,121,121,123,123,123,165,173,173,168,163,163,168,170,165,119,119,123,121,113,109,110,114,117,117,115,117,123,125,127,168,170,173,178,183,194,202,204,204,202,196,189,183,178,170,123,123,121,121,123,125,125,168,173,178,183,178,100,96,109,170,176,170,123,121,127,181,189,176,170,172,186,202,209,209,207,204,204,207,209,212,212,207,204,204,202,204,207,207,204,194,183,173,169,169,173,178,186,189,181,170,129,170,170,168,128,128,129,127,125,170,183,191,194,199,204,207,204,204,207,207,199,189,183,181,186,189,189,191,196,202,204,209,209,202,189,185,189,196,199,199,199,196,196,196,194,189,183,139,138,138,139,183,183,183,186,183,139,183,191,199,204,204,202,199,196,196,194,194,194,194,191,191,194,199,196,191,183,182,183,183,186,189,194,202,204,202,196,199,204,204,194,178,131,133,178,181,135,135,194,204,204,196,194,194,194,191,191,194,196,196,194,196,196,196,194,194,191,178,117,113,125,176,181,183,186,186,181,178,178,178,178,178,178,178,176,176,173,131,128,128,129,173,176,176,178,183,186,186,181,131,125,122,122,123,127,127,129,131,176,183,183,178,173,131,131,129,129,131,131,176,178,181,181,181,181,183,189,194,194,191,191,191,186,183,181,183,183,183,186,186,186,181,173,172,173,173,173,173,178,181,183,183,183,178,176,176,176,176,176,176,176,178,183,186,181,181,183,186,191,194,194,191,186,186,189,191,194,191,189,186,189,189,183,173,129,127,127,123,119,115,113,119,129,176,178,176,173,173,178,183,191,196,196,196,196,194,181,130,130,135,189,191,189,191,194,189,137,134,136,186,191,186,181,181,186,194,196,194,189,189,191,194,194,191,189,189,189,191,189,191,199,202,202,199,202,196,186,135,133,131,129,129,131,131,125,118,118,125,133,131,125,122,123,129,131,173,176,176,178,181,183,181,129,127,173,186,194,191,191,189,186,181,178,176,133,131,129,133,183,189,183,178,178,181,183,183,181,183,189,194,191,186,181,178,183,186,186,183,186,189,189,189,183,178,170,129,128,170,176,176,173,129,128,129,173,178,178,176,170,127,168,170,178,183,183,183,181,176,173,173,170,165,111,93,93,109,121,123,125,165,165,123,119,115,115,123,170,173,170,168,168,170,176,176,176,173,170,170,173,173,170,170,170,173,176,178,181,183,186,183,183,181,181,181,181,181,181,178,176,173,170,170,168,127,168,170,173,173,170,173,176,178,178,176,173,168,125,125,168,170,170,170,129,129,125,124,127,170,178,178,181,181,183,186,186,186,186,189,189,189,189,186,183,182,182,183,186,186,189,191,194,194,194,194,194,194,191,189,189,189,189,189,189,186,189,189,191,186,181,181,181,181,181,179,179,181,186,194,199,199,199,196,196,194,194,196,196,196,196,199,199,199,199,204,207,209,207,204,199,196,196,199,199,196,196,194,194,196,196,196,194,194,196,194,194,191,191,191,191,191,191,189,186,186,185,185,186,186,186,189,189,186,186,186,183,183,181,176,173,170,173,173,173,176,176,176,173,168,125,123,123,163,163,165,168,170,170,168,165,160,155,111,83,53,57,91,107,105,83,68,68,83,157,178,181,176,173,176,178,183,189,194,196,191,121,29,0,0,71,65,15,0,0,11,17,0,0,0,0,0,5,0,0,0,0,0,0,0,105,85,0,0,0,0,25,49,105,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,87,137,168,173,194,202,199,170,124,131,173,189,186,160,148,151,157,160,168,173,13,0,0,124,160,144,138,144,165,183,191,194,196,196,196,191,191,191,187,191,209,222,139,0,0,0,0,0,0,27,0,0,9,0,0,13,150,157,100,11,15,37,137,152,173,170,155,139,139,150,155,160,168,181,191,189,189,176,157,156,165,173,178,173,168,163,168,173,157,143,144,152,160,163,152,147,165,194,199,181,142,144,139,55,55,150,163,163,157,155,155,176,178,176,168,165,163,157,157,160,165,168,168,173,178,178,176,173,168,155,140,138,144,157,142,56,58,99,139,99,97,103,144,163,181,189,191,189,181,173,168,168,173,176,181,194,189,165,105,97,85,78,87,99,99,87,63,43,27,9,0,0,0,51,93,137,144,144,144,165,170,157,93,59,0,29,61,53,63,65,61,61,99,163,170,168,155,137,91,83,73,70,95,178,170,163,168,181,196,204,176,49,0,0,0,19,14,51,59,79,137,134,85,69,45,39,53,170,194,212,217,217,217,215,215,215,215,209,204,189,0,63,53,57,65,73,111,118,118,129,147,129,100,79,72,70,87,124,0,157,113,69,68,85,103,0,0,66,0,0,0,0,0,0,0,0,0,0,0,183,181,170,155,152,160,168,165,160,160,160,0,0,0,0,0,0,0,181,178,176,170,169,170,176,176,173,168,168,176,189,202,207,207,212,217,217,217,217,222,228,228,225,220,215,215,0,0,0,0,194,0,0,0,0,0,0,204,204,0,0,0,0,0,0,0,186,186,183,173,163,157,160,160,160,157,155,150,0,0,0,163,0,0,0,0,0,0,0,220,217,217,217,215,212,209,207,204,196,186,178,181,181,178,163,152,152,163,173,178,183,186,191,196,209,217,222,225,228,230,230,225,217,215,212,209,212,215,222,0,0,0,0,243,238,238,241,243,241,230,215,194,178,165,157,150,111,107,105,105,109,0,117,163,176,183,186,183,181,186,199,209,215,217,225,225,225,220,215,215,217,222,225,228,233,235,241,241,241,235,230,222,215,217,222,222,217,217,215,209,204,202,202,202,202,199,0,196,191,186,181,0,0,0,194,196,196,199,202,202,196,191,189,0,186,186,186,186,189,194,199,202,202,202,202,202,199,202,204,209,215,217,217,215,212,209,212,215,209,202,200,202,202,202,202,196,195,195,199,207,215,215,212,209,209,207,207,207,212,215,212,209,207,207,204,202,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,61,0,0,17,69,0,0,0,0,0,0,0,0,0,0,7,9,15,53,0,0,53,59,27,5,25,121,155,152,98,15,0,47,124,118,116,35,39,118,139,157,170,178,176,157,140,138,147,155,155,152,155,157,157,117,115,113,111,109,109,109,109,113,115,117,117,117,117,119,115,115,115,115,114,115,115,115,113,112,113,115,115,115,115,113,113,111,113,115,117,119,117,117,115,115,115,121,163,163,121,160,165,168,165,160,160,121,157,119,119,119,119,119,119,119,119,119,117,115,115,115,115,115,117,115,113,113,113,115,117,117,117,117,117,115,115,115,117,115,113,113,115,115,115,113,115,117,155,155,117,115,117,117,155,157,157,155,155,155,155,155,155,155,155,117,117,115,113,111,113,113,113,113,113,115,115,115,115,117,119,119,157,160,160,160,157,119,117,117,117,117,117,117,117,117,115,113,111,109,111,111,113,111,111,111,111,113,111,111,111,111,113,117,163,163,119,115,111,109,110,119,168,170,165,160,121,121,119,119,160,121,115,117,165,170,168,160,117,113,113,115,112,111,113,115,117,117,115,117,163,176,183,178,173,173,176,181,181,176,165,121,119,121,168,181,186,181,168,117,115,116,123,170,176,173,121,117,119,125,127,127,125,121,131,186,209,228,233,230,225,222,222,225,228,230,233,235,238,238,233,230,233,235,241,241,225,131,95,99,109,113,113,117,123,129,129,127,121,123,170,181,186,196,204,212,222,222,207,189,176,129,123,119,119,123,178,183,183,191,202,202,196,186,131,130,131,131,173,176,176,176,178,133,129,131,178,176,129,129,176,194,207,207,207,212,212,209,207,202,178,117,115,116,125,133,189,212,212,191,176,129,127,129,129,127,129,131,178,186,176,176,181,181,183,191,204,215,212,204,196,196,196,186,176,173,173,176,178,186,189,186,178,173,131,131,173,129,122,119,120,123,127,129,129,173,173,168,165,166,176,183,183,178,170,168,168,170,170,170,165,121,119,119,119,119,119,117,116,115,116,119,118,116,115,119,173,176,165,121,123,168,173,170,121,119,123,123,117,115,119,168,173,170,165,170,176,170,170,170,173,173,170,176,186,199,202,202,202,199,196,191,186,176,125,121,119,119,123,165,168,176,183,191,189,165,91,90,101,123,127,121,111,111,121,178,189,181,173,173,186,204,209,209,207,204,204,207,209,212,209,207,204,202,202,204,204,202,191,178,172,172,170,170,172,176,183,183,176,129,129,173,176,170,127,127,129,127,170,181,194,202,202,202,204,207,204,204,207,207,202,194,189,186,191,194,194,194,199,204,207,207,207,202,191,189,191,196,196,199,202,202,204,204,199,194,191,189,183,183,186,186,186,189,186,137,133,132,134,189,199,199,194,189,189,189,189,189,191,194,191,189,189,194,196,194,189,186,183,183,186,189,194,202,207,204,204,204,207,209,204,194,183,181,181,135,128,127,178,202,204,196,189,189,189,189,189,194,196,196,194,196,194,189,189,191,189,121,99,107,125,178,181,181,183,183,183,178,178,176,176,178,181,181,181,178,176,131,128,128,129,173,173,176,178,183,191,194,189,178,127,122,122,123,127,129,129,129,173,181,181,178,176,176,173,131,129,129,129,131,176,181,181,181,178,178,186,191,194,196,196,196,194,189,183,183,182,182,183,186,189,186,178,173,173,131,131,129,129,170,176,181,181,176,176,176,176,176,176,176,176,178,186,189,186,186,186,191,194,196,196,191,189,189,189,191,194,191,186,185,186,186,183,178,176,131,127,123,119,112,111,113,123,173,173,173,173,173,178,183,191,196,196,196,196,199,186,132,131,135,183,183,183,191,196,189,181,137,183,189,189,181,178,178,181,189,191,191,189,189,194,196,196,196,194,189,187,189,187,189,196,199,199,202,202,196,186,178,135,133,131,129,131,131,123,116,115,119,129,129,123,122,123,129,131,131,173,176,181,186,191,189,178,173,178,189,191,189,186,181,176,133,133,133,133,129,127,129,178,186,183,178,178,181,183,183,183,183,189,191,189,186,181,178,181,186,186,186,186,189,186,183,181,176,170,128,127,129,173,173,170,129,128,128,129,173,173,173,168,126,127,170,178,181,183,181,176,170,165,165,170,170,105,70,68,87,115,121,123,165,165,165,125,123,125,168,173,168,123,121,125,170,173,176,176,176,176,178,176,173,173,173,176,173,173,176,178,183,186,183,181,181,183,186,183,183,181,178,176,170,170,129,127,127,170,176,178,176,173,173,176,176,176,176,170,127,125,125,170,173,170,170,129,125,124,123,125,173,178,181,181,183,183,186,186,186,186,189,189,189,189,189,186,183,182,182,183,183,189,191,194,194,194,194,194,194,191,191,191,191,189,189,186,186,186,189,191,189,183,181,183,181,181,179,179,181,186,191,196,199,199,196,194,191,191,191,191,194,196,199,199,199,202,204,209,212,209,204,199,196,199,199,199,196,194,194,194,196,196,196,196,199,199,196,194,191,191,190,190,191,191,189,189,186,185,185,186,186,186,186,186,186,186,183,183,183,181,176,173,170,170,173,173,176,178,178,176,170,165,125,163,165,170,173,173,170,168,168,165,160,155,107,79,61,71,101,113,147,101,79,73,93,160,176,178,176,176,181,186,191,194,196,199,194,157,61,0,0,63,57,7,0,0,35,41,0,0,0,0,0,0,0,0,0,21,1,0,77,111,77,0,0,0,0,0,0,11,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,186,186,178,183,194,196,202,207,209,181,170,194,199,194,181,163,165,170,176,181,178,90,0,0,139,147,133,129,147,173,189,194,194,196,199,199,196,196,194,190,196,215,233,168,0,0,0,0,0,0,111,0,0,105,113,43,98,173,173,77,17,27,113,160,157,173,173,155,139,139,150,157,163,163,173,181,181,176,163,155,156,163,170,173,170,168,168,168,165,150,140,144,165,168,168,155,146,155,176,191,173,157,147,97,99,165,176,173,168,163,160,160,183,189,186,176,160,155,157,157,160,165,168,170,168,173,170,165,163,165,157,143,140,144,147,95,52,53,89,105,105,142,155,163,173,181,186,189,183,178,170,168,173,178,178,183,194,189,168,147,107,99,86,95,93,89,83,63,35,7,0,0,0,39,97,97,93,134,99,95,93,97,83,69,55,0,49,139,97,95,89,63,59,75,144,152,160,155,144,101,91,81,79,139,176,170,166,178,189,196,202,168,85,65,25,29,23,0,41,51,67,129,134,91,75,43,32,32,93,170,204,217,222,217,215,215,215,212,204,196,183,0,59,51,51,57,61,100,121,129,137,155,170,92,74,77,92,118,152,170,181,142,90,82,90,100,100,0,77,0,0,0,0,0,0,0,0,150,168,189,196,194,181,165,0,170,181,181,170,163,160,163,165,170,0,0,173,178,178,181,181,176,173,176,178,178,170,164,164,168,181,196,202,207,209,217,217,217,217,222,228,228,225,222,217,215,215,215,217,212,202,0,0,0,0,0,0,0,209,0,0,0,0,0,0,0,0,183,181,173,165,165,170,173,170,165,160,155,150,0,0,163,0,0,0,0,0,0,0,0,217,217,217,217,215,212,209,207,199,189,181,183,186,183,173,160,157,163,173,181,186,189,191,199,209,222,225,228,230,233,233,230,225,215,209,207,204,207,212,222,0,0,0,243,238,235,241,243,241,233,215,196,181,170,163,155,150,0,0,109,111,0,155,165,173,178,178,176,176,181,191,202,209,215,225,225,220,215,209,212,215,222,222,225,230,235,238,241,241,241,235,228,225,225,228,225,225,222,222,217,215,215,215,215,212,209,207,204,202,194,189,186,191,196,199,199,199,202,204,202,196,191,186,183,183,183,183,183,189,194,199,202,202,202,202,202,199,199,204,209,215,217,217,215,212,212,215,217,212,204,202,204,207,207,207,204,196,195,199,207,212,215,209,207,207,207,207,209,212,215,215,209,207,204,202,199,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,163,152,46,30,92,90,0,0,0,0,0,0,0,0,0,0,0,13,51,61,61,56,33,59,17,0,0,41,126,124,35,21,39,65,108,126,134,129,129,131,137,147,160,173,176,163,147,142,147,152,150,148,150,152,115,113,111,109,109,109,111,113,113,113,115,117,115,115,117,117,119,157,119,117,115,115,113,113,113,115,115,117,115,115,113,113,110,110,111,115,117,117,117,115,115,114,114,115,119,119,119,121,165,168,165,157,117,119,119,119,119,119,119,119,117,117,117,117,115,113,113,115,117,119,119,117,115,115,115,115,117,117,117,119,119,117,117,117,117,115,113,113,113,113,113,115,115,117,155,155,117,117,117,117,155,155,117,117,117,117,117,155,155,155,155,117,117,115,113,113,113,115,115,115,115,115,115,115,117,117,119,119,119,119,157,157,157,119,119,119,119,117,117,119,119,119,117,115,113,111,111,113,113,113,113,113,115,115,115,113,115,115,115,115,119,119,117,113,111,110,111,121,178,183,173,121,117,119,121,160,163,119,102,101,160,173,168,121,119,115,112,112,111,111,113,115,117,121,121,121,165,176,186,183,178,176,178,183,186,181,170,163,123,121,163,173,181,178,165,116,114,117,168,176,170,119,112,112,113,119,168,181,196,202,191,194,209,225,233,233,228,222,222,222,225,225,228,230,233,235,233,233,238,235,238,251,233,73,61,103,113,115,115,119,129,178,181,181,129,123,127,181,194,204,212,222,228,228,212,178,131,178,176,129,129,127,129,173,186,204,209,209,202,186,131,130,131,173,176,181,181,183,183,178,131,129,133,131,127,129,186,209,220,222,217,217,222,220,215,209,199,189,133,115,116,121,176,199,202,186,133,129,129,131,133,133,133,133,181,191,186,178,178,181,186,194,207,215,212,202,194,194,194,186,176,131,131,176,178,186,189,186,176,131,130,131,131,127,121,119,120,122,125,129,173,178,181,178,176,178,186,189,189,181,173,168,168,170,173,173,170,165,121,119,119,119,117,115,114,115,117,121,119,116,115,121,173,176,165,119,121,165,173,168,121,118,121,125,168,178,181,189,189,189,186,181,178,176,173,173,176,170,125,124,170,183,189,189,189,194,199,202,199,189,173,121,115,113,119,125,170,178,183,191,194,170,93,96,101,115,119,113,97,98,121,176,191,191,186,181,189,202,209,207,207,204,204,207,209,209,209,207,204,199,199,204,202,194,181,170,172,176,173,173,173,173,176,176,170,127,170,178,181,173,128,128,129,170,176,183,194,202,204,204,204,204,204,207,209,207,204,199,194,191,194,196,194,196,202,204,204,202,202,199,194,191,191,194,196,199,199,199,204,207,204,199,199,199,199,196,194,194,196,194,189,183,133,130,132,183,194,191,186,186,187,189,186,189,191,196,194,189,186,187,191,194,194,189,186,186,186,189,196,202,202,202,202,202,204,209,207,204,202,196,186,135,126,125,133,194,199,191,183,181,137,181,186,194,199,199,196,194,189,183,183,183,129,98,82,109,125,176,176,176,178,181,181,178,176,173,173,178,181,183,191,191,181,173,128,128,170,176,173,173,176,183,191,196,196,186,173,123,122,125,173,173,173,173,178,181,183,183,186,186,186,186,183,173,129,128,131,173,176,176,176,176,181,189,194,196,199,199,196,191,189,183,182,182,183,189,191,191,186,181,176,173,129,125,123,123,127,176,178,176,173,173,173,173,173,170,170,170,176,178,181,183,186,191,194,199,196,194,189,186,186,186,189,189,189,186,186,186,183,183,181,178,173,129,123,117,113,112,119,131,176,176,173,173,176,183,191,194,196,196,199,202,194,186,183,183,181,179,183,196,204,199,191,186,189,191,191,183,181,179,181,183,189,191,191,194,196,196,199,202,199,191,186,187,187,189,191,194,196,196,196,194,189,183,183,181,176,131,129,129,127,121,118,123,129,129,127,123,125,127,127,127,129,178,186,189,191,191,189,186,189,191,191,189,183,176,129,129,133,176,131,128,128,131,178,183,183,181,178,181,183,183,183,186,186,189,186,181,178,178,181,183,186,189,189,189,183,178,173,170,170,129,129,170,170,170,170,129,128,128,128,170,173,170,127,126,126,170,178,181,178,178,176,168,124,124,125,125,111,73,65,71,107,117,119,123,165,165,165,165,168,173,173,123,116,115,121,168,127,127,170,176,176,176,176,176,176,178,178,176,172,173,178,183,186,186,183,183,186,186,183,181,181,178,173,170,129,129,127,127,170,176,181,178,176,173,176,176,173,170,168,127,127,168,170,173,173,170,129,125,124,124,127,173,181,181,181,183,183,183,183,186,186,186,186,186,186,186,183,182,182,182,182,182,186,191,194,191,191,191,194,191,191,191,194,194,191,186,183,183,183,186,189,189,189,186,183,183,181,181,181,183,189,194,196,196,196,194,191,189,189,186,189,191,196,199,202,199,202,204,209,212,212,207,202,199,202,202,199,196,194,196,196,196,196,196,199,202,202,199,194,191,191,191,191,191,194,191,189,189,186,186,186,186,183,183,183,183,183,183,181,181,178,176,173,173,173,170,170,170,173,176,176,170,165,165,165,170,178,181,181,176,170,168,165,163,157,107,87,75,79,99,152,160,155,157,163,157,163,173,176,176,176,183,191,194,194,196,196,191,186,77,0,0,11,13,0,0,0,25,21,0,0,0,0,0,0,0,0,0,33,31,13,59,49,45,41,57,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,204,202,196,194,194,194,194,202,202,196,194,199,202,202,199,199,189,186,189,199,196,191,95,5,142,147,130,113,142,178,191,194,196,199,199,199,199,196,196,196,204,220,235,181,0,0,0,0,0,0,0,0,0,103,121,111,74,163,178,53,55,116,144,157,168,176,173,155,144,142,150,155,155,157,165,173,173,168,157,155,156,163,168,170,168,165,165,165,157,150,147,150,157,168,163,147,144,152,160,157,150,157,160,160,170,186,191,183,173,165,160,160,170,181,181,170,152,150,155,160,163,170,176,170,165,165,165,160,160,160,155,150,152,157,152,101,68,77,89,101,142,165,183,183,183,181,176,163,165,168,165,168,178,181,181,189,191,178,163,157,152,111,107,105,99,93,97,155,160,45,0,0,39,152,150,97,101,144,103,89,79,68,69,77,69,47,57,89,93,142,142,83,67,75,95,147,157,160,155,147,142,101,101,155,178,181,178,183,191,194,181,155,93,65,27,31,25,14,45,57,77,93,95,85,69,49,33,25,61,152,194,209,212,212,212,215,215,215,194,181,173,0,51,43,43,43,49,63,113,126,134,147,155,95,72,70,103,144,155,176,181,0,113,100,0,103,95,87,77,64,51,0,0,0,0,0,150,157,176,196,204,204,196,183,173,181,191,194,183,170,165,168,168,168,170,170,173,176,181,183,186,186,186,186,186,183,176,168,164,163,165,183,199,204,207,212,215,215,215,217,222,225,225,225,222,217,217,217,222,217,209,199,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,181,176,178,186,189,181,170,165,160,155,0,0,0,176,0,0,0,0,0,0,0,217,217,217,222,222,217,212,207,199,191,0,0,189,186,178,168,163,163,173,183,191,194,196,202,212,222,228,228,230,233,233,230,225,215,209,204,202,199,202,209,0,0,0,241,235,233,235,0,0,233,217,199,186,176,170,163,157,152,150,0,0,155,160,165,168,170,168,168,168,173,183,196,204,212,217,215,207,204,204,209,215,217,222,225,230,233,238,243,243,243,238,233,233,233,230,230,228,228,228,228,228,228,228,228,225,222,217,215,209,202,194,191,194,196,202,202,202,202,207,207,202,194,186,183,139,139,139,183,189,194,199,202,202,204,204,202,199,199,199,204,212,217,217,212,209,212,215,217,212,207,207,209,212,212,212,212,207,202,202,207,215,212,207,204,204,207,209,212,215,215,215,212,204,202,199,199,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,176,173,113,108,173,196,0,0,0,0,0,0,0,0,0,0,0,9,61,74,82,72,11,9,0,0,0,33,126,113,41,37,59,65,63,105,131,137,137,137,137,139,150,160,165,155,144,142,147,150,150,148,148,150,152,115,113,109,109,109,111,113,111,113,115,117,115,115,117,163,170,173,170,163,157,115,112,113,117,157,119,117,115,113,113,111,111,111,113,113,115,115,115,115,115,114,114,115,115,117,117,119,160,165,160,119,115,115,117,119,119,119,119,119,117,117,115,115,115,113,113,115,117,157,157,119,119,117,117,117,117,117,117,117,117,117,117,119,119,117,115,115,115,115,115,115,117,117,117,117,117,117,115,115,115,115,115,115,115,117,117,155,155,155,119,117,115,115,113,113,113,113,115,115,115,117,117,117,119,119,119,119,119,117,117,157,160,163,160,160,119,117,117,119,119,119,119,117,115,113,115,115,115,115,115,115,117,119,117,117,119,119,117,115,117,119,117,115,113,113,113,119,170,178,168,119,115,121,168,173,173,160,100,96,109,163,121,117,115,115,115,115,113,113,113,115,119,160,160,121,160,170,183,186,181,178,181,183,183,181,173,168,163,121,121,165,176,173,123,116,117,165,173,173,165,117,113,112,112,115,168,189,207,209,196,191,199,215,228,233,230,228,225,222,220,220,222,225,230,233,235,235,235,235,238,235,81,60,66,109,113,115,117,125,176,183,186,186,173,127,170,183,196,209,217,228,228,222,202,173,131,181,181,178,178,173,131,173,181,204,215,215,204,183,131,131,173,176,173,178,181,183,183,178,131,128,128,128,128,176,196,215,225,225,222,217,217,217,217,215,212,207,194,125,117,115,117,176,181,131,127,129,131,178,191,189,176,132,181,202,199,191,183,181,183,194,207,212,209,204,196,194,191,183,133,130,130,131,176,183,189,186,176,131,130,173,173,131,125,123,125,129,129,129,173,181,189,191,191,194,196,199,194,186,173,168,127,170,176,178,176,168,123,121,119,117,116,116,117,121,121,163,163,121,118,121,168,170,163,119,119,163,168,168,163,121,121,165,173,183,186,189,191,194,191,183,178,178,176,176,176,173,125,122,122,127,178,181,176,181,199,209,209,199,178,121,111,111,115,121,165,173,176,173,181,176,121,115,111,98,103,99,86,89,119,178,191,194,189,183,183,196,204,204,204,204,204,207,209,209,207,204,202,199,199,202,196,191,181,173,178,181,178,173,170,129,129,127,125,124,129,178,181,178,173,173,176,178,178,183,189,196,199,202,202,202,204,204,207,209,207,202,196,186,183,186,189,194,199,199,199,196,196,196,194,191,194,196,199,196,191,186,191,199,199,199,202,207,209,209,207,207,207,204,199,191,183,135,135,186,194,191,187,187,189,189,186,186,194,202,199,191,186,186,191,196,194,191,189,186,186,189,196,199,199,199,199,199,202,204,207,209,209,204,194,181,130,129,135,191,194,189,181,136,136,137,186,194,199,199,196,191,186,181,181,178,127,107,99,125,133,176,173,173,176,178,178,178,176,131,129,131,176,181,191,194,181,170,129,170,178,183,178,176,178,183,191,196,199,194,181,127,123,127,176,178,176,178,186,189,189,194,199,204,204,204,196,178,129,128,128,129,173,173,173,173,178,183,191,196,199,199,199,194,191,186,183,182,183,189,194,191,189,186,183,178,176,129,124,123,124,129,170,170,170,170,129,127,126,125,126,129,173,173,178,183,189,194,196,199,199,191,186,183,182,182,183,189,191,194,191,189,186,186,186,186,181,178,173,129,121,115,117,127,176,178,178,176,178,183,189,191,194,196,202,204,202,199,194,186,179,179,183,199,209,207,199,191,189,191,191,191,189,186,186,189,189,191,194,196,199,199,199,202,202,196,189,189,189,189,189,189,191,191,194,191,189,186,186,183,178,133,129,129,129,127,127,129,133,176,176,131,129,127,126,127,131,181,189,189,191,194,196,196,194,194,191,189,183,133,128,128,131,176,133,128,129,176,183,189,186,181,178,178,181,181,183,183,183,183,181,178,178,178,183,186,191,194,194,189,181,176,170,170,170,170,170,173,173,173,170,170,129,129,168,168,170,168,127,126,127,173,178,176,176,176,176,170,125,124,125,125,117,97,75,83,105,115,117,123,125,125,125,165,170,170,168,121,116,116,123,127,124,124,168,173,176,176,173,173,176,178,178,176,173,173,178,183,186,186,183,183,186,186,183,181,181,178,173,129,129,127,127,127,129,173,178,178,176,173,173,170,168,127,127,125,127,168,170,173,173,170,129,125,125,125,129,176,181,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,183,186,191,194,191,189,189,189,189,189,191,194,196,194,189,183,182,183,183,186,189,189,189,186,186,183,186,186,189,194,196,196,196,194,189,186,183,183,183,183,189,194,199,202,202,202,204,207,209,212,209,204,199,202,202,199,196,196,196,196,196,196,199,202,202,202,199,194,191,189,189,191,191,194,191,191,189,189,186,186,186,183,183,183,183,183,181,181,181,178,176,176,176,173,170,129,127,168,170,170,168,165,165,168,173,178,183,186,183,178,173,170,168,165,117,99,79,75,93,155,165,168,173,176,173,173,176,178,176,173,183,194,194,194,194,194,196,191,111,0,0,0,0,0,0,0,41,21,0,0,0,0,0,0,0,0,0,0,7,0,7,15,45,103,129,92,11,35,41,31,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,202,204,196,194,189,186,189,196,199,199,199,202,202,202,202,204,199,191,189,202,212,196,126,43,142,147,138,130,142,181,191,194,196,199,199,196,196,196,196,194,199,207,217,129,0,0,0,0,0,0,0,0,0,29,92,37,0,0,47,57,95,121,144,160,168,170,165,155,147,147,150,152,152,155,163,165,165,163,157,156,157,163,168,168,165,165,165,163,160,157,157,155,150,152,147,142,142,147,147,142,139,150,170,178,186,191,194,191,178,168,160,159,163,168,157,109,108,111,160,165,170,178,183,176,165,165,165,160,160,160,157,155,163,168,157,87,69,77,89,101,155,178,189,191,189,181,150,83,89,97,105,155,173,176,176,183,183,173,163,160,160,157,152,111,107,105,155,168,168,65,5,21,107,181,181,165,168,165,152,105,89,79,89,142,139,77,71,77,79,144,150,101,93,93,99,144,155,160,160,157,155,150,152,168,183,183,181,186,194,191,165,137,93,67,31,33,29,18,61,79,95,99,95,83,77,77,67,51,79,160,186,191,194,196,202,207,209,207,157,144,0,81,51,41,40,40,43,59,108,121,129,0,0,100,70,66,87,124,134,155,168,0,118,111,0,0,103,92,82,66,46,48,0,0,0,157,0,155,176,199,207,209,209,202,189,183,189,194,189,178,173,168,165,165,168,173,178,181,183,189,194,199,199,199,196,194,189,183,170,163,164,178,194,202,202,204,207,207,209,212,215,217,222,222,217,217,217,217,222,222,217,207,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,183,186,194,196,189,178,170,165,160,157,0,0,173,189,204,0,0,0,0,0,212,217,217,222,222,217,212,207,202,196,0,0,0,191,186,178,168,168,173,183,191,199,202,207,215,225,228,230,230,233,233,228,222,215,209,204,199,196,196,199,0,0,235,238,233,228,230,0,0,0,217,202,189,181,176,170,165,163,157,155,155,157,160,163,163,163,160,160,160,165,176,186,194,199,202,199,196,196,202,209,215,217,222,225,230,235,238,243,246,243,241,238,238,238,235,235,233,230,230,233,233,233,233,233,230,230,228,225,215,204,196,194,196,199,202,204,204,204,209,212,207,196,189,183,137,135,135,139,189,194,202,204,204,204,204,202,199,199,199,202,209,215,215,209,207,209,215,217,215,209,212,215,222,222,217,217,215,209,207,212,215,212,204,203,204,209,215,217,217,217,215,212,204,199,196,199,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,0,0,0,0,0,0,0,0,0,0,0,0,0,56,155,170,124,129,178,196,51,0,0,0,0,0,0,0,0,0,0,0,43,72,87,79,0,0,0,0,0,33,126,113,53,57,103,90,45,51,116,131,134,137,137,137,142,147,150,142,137,139,147,152,152,152,155,157,168,168,155,109,109,111,113,113,111,111,113,115,113,115,160,176,189,194,189,178,168,119,113,115,157,163,160,117,113,113,115,113,113,115,115,115,113,113,113,115,117,115,115,115,115,117,119,119,157,160,157,119,115,115,117,117,119,117,119,119,157,119,117,117,115,113,111,113,117,157,160,157,119,119,119,119,117,117,117,117,115,115,117,119,119,119,119,117,119,119,117,117,117,117,115,117,117,115,115,115,114,114,115,115,115,117,117,155,119,119,119,117,115,115,113,113,112,112,112,113,115,117,119,157,157,157,119,119,119,117,117,163,176,178,170,165,157,117,116,119,157,119,117,117,117,115,117,117,119,117,117,117,119,121,119,119,121,121,121,119,160,163,121,117,115,115,113,115,119,160,121,113,113,160,176,183,186,173,102,96,103,117,117,114,114,117,165,168,160,117,115,115,121,163,160,121,160,170,178,181,176,178,183,181,178,178,178,173,168,123,121,123,168,163,117,116,121,170,176,170,123,119,117,115,112,113,127,186,199,199,186,178,183,202,217,228,230,230,228,222,217,216,217,222,225,230,233,233,235,235,233,111,62,62,93,111,111,113,121,129,173,176,178,181,176,170,176,183,196,207,217,225,217,204,186,131,129,173,173,173,176,178,178,176,178,199,215,217,204,186,176,176,181,178,173,173,178,181,181,181,178,131,128,131,133,183,199,215,222,222,217,212,212,215,215,215,217,217,209,191,127,112,110,115,123,123,125,129,131,183,209,207,176,132,189,204,207,199,189,178,178,186,196,204,204,204,199,194,186,178,133,130,130,131,133,178,186,186,181,131,131,176,178,176,173,173,178,183,178,170,173,183,194,199,202,202,202,202,196,186,173,127,125,170,176,181,178,168,125,123,121,117,116,116,119,121,121,163,165,163,121,121,163,165,123,119,121,123,168,170,165,163,163,165,170,178,178,181,186,194,194,183,176,176,176,176,178,176,170,124,122,123,173,176,123,119,183,209,215,207,186,119,111,110,113,119,125,170,170,110,111,127,125,119,109,76,94,99,93,98,129,173,178,186,186,178,176,186,196,199,199,202,204,207,207,207,204,202,199,202,202,199,191,189,189,183,183,183,176,170,127,127,127,124,123,123,127,176,178,178,178,178,183,183,183,181,183,189,194,199,199,202,202,204,207,207,204,196,183,119,112,121,135,189,194,196,196,194,194,191,191,191,194,199,199,191,183,179,181,189,191,194,199,209,215,215,215,212,215,212,207,199,194,189,186,191,196,199,196,196,194,186,185,186,196,204,202,194,189,187,191,196,194,191,189,186,186,189,196,199,199,199,199,202,202,204,204,207,209,207,199,186,135,133,178,186,191,189,183,137,137,183,189,194,199,199,196,191,186,183,183,181,178,133,176,183,183,181,176,172,173,173,176,176,176,129,128,129,131,176,183,181,129,126,129,176,186,191,186,178,178,183,189,194,196,194,183,173,129,131,178,181,181,183,191,194,196,199,207,215,220,217,204,183,173,129,129,131,173,173,173,131,173,181,186,191,196,196,196,196,194,191,186,182,183,189,194,191,191,191,189,186,183,178,129,125,125,127,127,127,127,127,127,127,126,126,129,176,178,178,178,183,191,196,199,202,196,189,183,182,182,182,183,189,194,196,194,189,189,189,189,189,189,189,186,183,173,121,119,127,176,183,186,183,181,183,186,189,194,199,202,204,204,204,199,186,179,179,186,196,204,204,199,191,187,189,189,194,194,194,194,194,191,191,194,199,202,199,196,194,196,196,194,191,189,189,186,186,189,191,194,191,186,183,183,181,178,133,131,129,131,133,133,176,181,186,186,181,176,131,131,173,181,189,191,191,194,199,199,199,196,191,191,189,183,133,128,128,131,178,176,129,131,181,189,191,189,186,181,178,178,178,181,181,181,178,178,174,174,178,183,189,191,194,194,189,181,173,129,129,170,170,173,176,178,178,176,170,129,127,127,127,127,127,127,168,170,176,176,173,170,173,173,170,165,165,165,125,123,115,107,107,113,119,121,123,123,121,121,125,168,165,125,121,120,121,168,127,124,124,168,173,173,173,173,173,176,176,176,176,176,176,178,181,183,181,178,178,181,183,183,181,181,178,173,129,129,129,127,127,129,173,176,178,176,173,173,168,125,123,123,125,127,168,170,170,170,170,129,127,127,129,173,178,183,186,186,186,183,183,181,183,183,181,181,181,181,183,183,186,186,186,186,183,186,191,194,191,189,186,183,183,186,191,196,196,194,189,186,186,183,183,183,186,189,189,186,186,189,189,191,194,196,199,196,194,191,186,183,182,182,183,183,186,191,196,202,204,204,204,207,207,209,209,204,199,199,199,199,199,199,199,196,196,196,199,202,202,199,196,194,191,189,189,189,191,191,191,191,189,189,186,186,186,183,183,183,183,183,181,178,178,178,176,176,176,173,170,127,124,125,127,127,165,125,125,165,173,178,183,186,189,183,178,173,170,168,163,111,79,71,77,113,165,170,178,181,181,178,178,173,170,173,183,194,194,194,194,194,196,194,124,0,0,0,0,0,0,61,108,31,0,0,0,0,0,0,0,0,0,0,0,0,0,5,63,155,160,137,116,157,160,150,124,85,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,196,196,194,194,189,185,185,189,191,194,196,199,199,199,202,207,199,189,182,191,207,168,142,137,152,155,150,138,144,178,191,194,196,199,196,194,191,194,194,191,196,196,189,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,118,129,139,155,160,157,152,152,150,147,150,152,152,155,160,160,157,157,157,160,163,170,173,176,173,168,163,163,163,163,163,157,150,147,144,144,146,150,147,143,139,146,170,183,186,189,191,191,189,178,170,165,168,165,150,106,105,111,163,168,170,181,189,183,168,163,163,160,160,163,163,163,168,170,160,87,69,59,77,105,173,183,189,191,194,183,89,64,71,76,80,89,150,160,163,168,176,176,170,165,163,163,157,113,109,113,160,165,152,75,49,85,186,196,196,194,191,178,160,147,105,103,147,165,168,147,89,79,79,150,155,150,152,144,103,139,152,160,160,160,163,157,157,168,181,183,186,191,194,181,139,83,77,61,45,49,41,33,85,134,142,139,99,91,91,101,99,87,93,160,173,168,168,176,186,196,202,189,71,73,126,118,67,49,42,45,55,71,121,131,131,134,126,100,77,69,79,95,103,129,160,0,116,111,0,150,121,108,98,82,51,46,0,0,157,160,0,150,173,199,207,209,212,212,196,183,181,186,189,186,176,168,165,165,170,176,181,183,186,191,199,204,209,209,207,202,202,199,0,165,164,176,191,196,196,194,199,202,204,207,209,212,215,215,215,215,215,217,222,222,217,209,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,183,183,191,194,186,178,173,168,163,160,0,0,170,0,202,0,0,0,0,0,209,215,217,217,215,212,209,207,204,202,0,0,0,196,191,183,176,170,173,183,194,199,204,212,217,225,230,230,233,233,233,228,222,215,212,204,196,194,191,194,202,217,230,233,230,225,225,230,0,230,217,204,194,189,183,178,176,173,168,165,163,163,160,160,157,155,152,152,155,160,168,176,181,183,183,183,186,194,202,212,217,222,225,228,230,235,241,243,246,246,243,241,241,241,241,241,238,235,235,235,235,235,235,233,233,233,235,230,222,207,199,194,196,204,207,207,207,207,209,215,212,204,194,183,135,133,134,137,186,194,202,204,204,204,204,202,199,199,199,202,209,212,212,207,205,207,212,215,215,212,215,222,225,225,225,225,225,217,215,217,217,212,204,203,204,209,215,217,215,215,215,209,202,199,196,199,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,103,0,0,0,0,0,38,118,95,66,87,90,51,0,38,72,108,100,126,163,160,72,0,0,0,0,0,0,0,0,0,0,0,0,5,64,61,0,0,0,0,0,45,129,124,95,100,118,103,46,46,63,100,113,126,134,137,137,137,134,97,97,137,147,155,160,163,168,173,189,189,163,111,107,111,113,113,111,111,113,113,115,119,168,189,202,204,199,189,178,165,119,117,119,160,157,117,113,115,115,117,117,117,117,115,115,113,113,115,115,115,115,115,117,117,119,119,119,119,119,119,117,115,115,117,117,117,117,157,160,157,119,117,115,111,109,111,115,157,160,160,157,157,119,119,119,119,117,115,115,115,115,117,119,119,119,119,119,119,119,117,115,115,113,115,115,115,115,115,115,115,115,115,117,117,117,117,119,119,119,117,117,115,115,113,113,112,112,113,115,119,157,160,160,157,119,117,117,117,119,168,189,194,183,173,160,117,116,117,119,119,117,117,117,117,117,119,119,117,117,117,121,160,121,119,121,160,160,163,168,168,160,119,117,117,113,111,111,113,115,112,112,121,181,189,191,183,115,101,107,117,117,114,115,165,183,181,168,119,117,117,119,160,121,121,165,176,178,173,166,170,178,176,173,176,176,173,168,163,123,163,165,121,115,115,121,170,173,168,163,123,121,117,110,111,119,170,178,178,170,129,170,181,196,212,225,228,228,225,217,216,217,222,225,228,228,230,228,222,173,81,76,105,113,107,105,111,123,168,127,125,127,170,173,173,176,181,189,196,207,207,196,186,176,170,129,127,126,127,131,176,183,181,178,194,209,207,199,189,183,183,183,181,178,173,176,181,189,194,191,181,176,181,183,186,199,209,217,217,212,209,209,211,212,215,222,222,222,215,194,115,110,113,117,123,127,127,129,183,207,202,178,176,194,204,204,196,186,176,176,181,189,194,196,199,194,186,178,133,131,131,131,131,131,133,181,186,183,176,176,178,181,181,181,186,194,196,183,170,170,181,196,202,202,204,202,196,189,181,170,125,124,127,173,176,176,168,165,165,165,123,117,115,115,116,117,121,123,123,119,117,121,123,121,119,123,165,168,170,168,170,170,168,168,173,178,183,191,196,194,181,173,173,173,173,176,178,176,170,125,125,170,168,115,110,114,186,207,207,186,123,113,113,119,121,125,170,173,104,102,115,121,117,107,83,99,117,121,129,173,119,115,129,178,173,131,181,194,196,196,199,199,202,202,202,199,199,199,199,196,194,183,181,189,189,186,181,170,124,124,127,129,125,123,124,170,181,183,183,181,181,183,186,183,178,176,178,189,194,194,194,196,202,204,204,199,183,125,108,106,111,129,183,189,191,194,194,194,194,194,196,199,202,199,191,185,179,181,186,189,191,196,207,215,217,212,212,215,215,209,202,194,189,186,191,196,202,204,202,196,186,183,186,194,199,199,194,189,189,191,194,194,194,191,189,189,191,196,199,199,199,202,204,204,202,202,202,204,202,196,186,181,181,137,183,189,191,189,183,186,191,194,196,196,199,196,194,191,189,189,189,194,196,199,199,194,189,181,176,173,131,131,173,131,128,128,129,129,170,173,170,126,126,129,178,191,196,186,176,176,178,178,183,189,191,186,178,176,178,181,183,183,186,191,194,196,202,207,215,222,217,204,186,178,178,178,178,178,176,173,131,131,176,181,186,191,194,194,196,196,196,191,189,189,191,194,194,194,191,189,189,191,189,181,173,129,127,125,125,123,123,127,170,173,176,181,183,183,178,178,181,189,194,199,199,194,186,183,183,183,183,183,189,191,194,191,189,186,186,186,189,191,194,194,191,183,131,127,131,178,183,186,183,183,183,186,189,191,196,199,202,204,204,199,189,181,183,189,191,194,194,194,191,189,189,189,194,196,199,199,196,194,194,194,199,202,196,191,189,191,196,196,196,191,189,186,186,189,194,196,194,189,181,178,176,133,133,131,131,176,181,181,181,186,191,191,189,181,178,178,186,194,196,196,196,199,202,202,196,191,189,189,189,183,133,128,128,133,178,178,133,176,181,189,191,189,186,183,178,178,178,181,181,181,178,176,174,174,176,181,186,189,191,191,186,178,170,127,127,129,129,170,176,183,186,181,170,127,126,126,127,126,126,127,173,176,178,176,170,169,170,173,173,168,168,165,125,125,125,125,125,125,165,165,125,119,115,116,123,165,165,123,123,125,168,176,173,127,127,170,173,173,173,173,173,173,176,176,176,176,178,178,181,178,173,129,170,176,181,181,183,183,181,176,170,170,170,129,129,129,173,176,178,176,176,173,168,123,122,122,125,127,168,170,170,173,170,170,129,170,173,176,181,183,186,189,186,183,183,181,181,181,179,179,179,181,183,183,186,186,186,186,183,186,191,194,191,189,183,182,182,183,191,196,196,196,191,191,191,189,186,186,186,186,186,186,189,191,191,196,196,199,199,199,196,191,186,183,182,183,186,186,186,189,194,199,202,204,207,204,204,207,207,202,195,195,199,202,199,199,196,196,194,194,199,199,199,196,194,191,189,189,186,189,189,191,189,189,189,186,186,186,186,183,183,183,183,183,178,178,178,178,176,176,176,173,170,127,124,124,125,127,125,123,123,125,170,173,176,181,186,186,181,176,173,170,170,163,93,71,75,107,160,165,170,176,176,176,173,165,157,160,181,194,194,191,191,191,191,186,134,5,0,0,0,0,27,126,129,47,1,0,0,0,45,17,0,0,23,11,0,0,29,41,126,163,163,150,150,165,176,178,170,157,137,116,61,35,3,0,0,0,0,0,0,0,0,0,0,0,72,69,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,176,183,186,196,194,186,185,186,189,191,196,199,199,199,202,199,191,186,183,183,183,131,139,165,173,165,155,139,150,178,191,194,196,199,196,191,191,189,189,189,194,191,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,27,113,134,134,134,144,150,150,150,152,150,147,150,152,152,155,160,160,157,157,160,165,170,178,186,189,181,173,165,165,165,168,165,160,155,150,147,150,152,155,155,155,150,147,152,168,176,181,183,191,194,189,183,181,178,173,160,111,110,155,168,168,168,181,194,189,173,163,157,157,157,160,163,165,168,170,160,101,71,8,31,150,181,183,183,191,199,194,97,66,73,77,80,86,105,152,160,170,183,186,183,181,176,168,163,117,113,113,157,157,107,91,87,178,199,204,204,202,196,183,157,109,103,105,147,163,173,163,144,95,99,157,160,160,163,155,102,103,147,157,157,157,157,152,147,152,163,176,183,186,178,155,89,65,55,57,65,73,63,61,101,147,150,147,139,103,99,97,93,91,97,155,160,150,150,157,168,178,189,147,45,49,0,0,0,79,67,75,111,129,150,150,139,131,124,108,95,95,92,85,90,131,170,168,103,100,157,155,131,0,150,0,82,53,66,0,152,160,0,150,168,196,204,204,207,204,189,178,176,181,186,183,176,165,165,168,170,176,181,183,186,189,199,207,212,212,207,207,207,207,0,173,165,176,189,191,189,189,191,194,196,199,202,204,207,207,209,209,209,212,217,217,215,209,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,183,186,186,183,176,173,168,165,0,0,160,170,0,199,0,0,0,0,0,204,212,215,215,212,209,207,207,207,209,0,0,0,202,199,191,181,173,173,181,191,199,207,212,217,225,230,233,233,233,233,228,222,215,212,204,196,191,186,186,194,207,220,228,230,228,225,228,0,0,217,204,199,196,196,191,186,183,181,176,173,165,163,157,0,0,0,111,113,117,157,163,165,165,170,176,183,194,207,215,222,225,228,230,233,238,241,246,246,248,246,243,243,243,246,246,241,238,238,238,238,235,235,235,235,238,238,235,225,209,199,196,199,207,212,212,209,207,209,215,215,207,196,186,137,133,133,137,186,194,199,204,207,204,202,202,199,199,202,204,207,212,209,205,205,207,212,215,215,212,215,222,228,228,228,233,233,228,225,225,225,217,209,204,207,209,212,212,212,212,212,209,202,196,196,199,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,189,160,0,0,0,0,33,131,131,85,69,100,111,98,56,43,27,10,5,129,186,163,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,0,0,0,0,0,43,142,137,116,111,113,100,57,49,47,49,65,113,131,139,137,131,95,89,95,137,147,155,160,168,173,183,196,194,163,107,105,109,113,113,111,111,113,115,119,165,181,194,202,204,199,191,186,178,165,119,117,117,117,115,115,115,119,157,119,117,117,119,119,117,115,115,115,117,117,117,117,117,119,117,115,115,117,117,117,115,115,115,117,117,119,157,163,160,119,117,113,109,109,109,115,119,157,157,157,157,119,119,119,119,117,117,117,115,115,115,115,117,117,117,117,117,117,117,115,113,111,111,113,113,115,115,117,117,117,117,117,117,117,117,119,119,119,117,119,119,119,117,115,113,113,113,115,119,157,160,160,157,119,117,117,117,117,165,189,194,186,173,163,117,116,117,119,119,117,117,117,117,119,119,119,117,116,117,121,160,121,119,119,121,160,163,168,168,160,119,121,121,117,111,110,110,113,113,112,119,176,186,191,183,163,109,113,121,121,117,119,170,183,173,157,119,119,117,117,117,117,160,173,178,178,168,164,165,168,168,168,168,168,168,168,165,165,168,168,123,116,115,121,165,170,173,176,176,165,114,109,111,115,121,123,125,125,123,123,127,173,189,204,215,225,225,222,217,222,222,222,217,217,215,189,119,101,93,117,176,123,100,100,111,127,168,122,121,123,125,168,173,176,176,178,183,189,186,178,129,127,127,127,126,126,131,176,178,186,186,181,189,196,191,191,191,191,183,181,181,183,178,178,186,202,204,196,186,183,186,183,183,191,207,217,217,211,209,211,212,212,215,222,225,225,225,217,191,123,123,125,127,127,126,127,178,186,183,176,183,194,196,194,189,178,176,181,186,189,189,191,191,186,178,133,133,133,176,178,178,133,131,176,181,181,178,181,181,181,181,186,191,196,194,178,128,129,181,196,202,202,204,202,191,181,173,127,125,124,125,168,170,173,170,170,173,176,173,123,117,117,119,121,119,119,117,115,115,119,121,119,119,123,168,168,168,168,176,181,176,170,173,183,196,202,199,194,178,173,170,170,170,170,173,176,173,168,127,170,168,119,112,111,121,186,189,176,123,119,123,168,168,165,170,176,110,106,114,121,125,127,123,119,121,125,129,121,96,97,117,170,131,131,181,191,194,191,194,196,196,196,196,194,194,191,189,181,176,123,123,178,186,183,176,125,121,123,129,173,129,125,170,183,194,194,191,186,181,178,181,181,173,129,131,178,183,181,178,183,194,199,202,199,186,129,115,113,127,183,186,186,186,191,194,196,196,199,202,202,199,196,194,191,186,186,189,191,191,196,207,215,212,209,207,207,212,209,199,189,139,137,139,189,199,204,204,196,189,186,186,189,189,191,191,189,189,191,194,194,194,194,191,189,189,191,194,194,194,199,202,202,199,196,196,194,189,183,183,183,183,137,137,183,191,194,191,194,199,199,196,194,196,196,196,194,194,194,196,202,204,204,204,199,194,189,178,173,129,131,131,131,129,129,129,125,121,123,127,129,170,173,178,194,194,178,173,173,173,173,176,183,186,186,183,183,183,186,183,183,186,189,191,194,194,199,204,209,207,196,189,186,189,189,186,181,173,129,128,129,173,178,183,186,191,194,194,196,194,194,196,196,199,199,196,194,189,187,189,194,194,191,183,173,129,127,125,122,122,125,170,178,183,183,181,178,176,176,176,181,189,194,194,189,183,181,186,186,186,186,189,191,191,189,186,186,183,183,186,189,194,194,194,189,181,176,178,178,176,176,176,178,181,183,189,191,194,196,199,202,202,199,194,191,191,191,186,185,185,189,196,199,196,191,191,196,202,202,199,196,196,196,199,202,196,189,186,189,194,199,196,194,189,186,185,186,189,194,196,191,181,133,132,132,133,176,178,186,189,189,189,191,194,194,189,186,186,191,199,204,202,199,202,204,202,199,194,186,183,186,186,183,133,129,130,176,181,181,178,178,181,183,186,186,186,186,181,181,181,183,181,181,178,176,173,173,176,178,183,186,186,183,181,176,129,126,126,127,127,170,176,183,186,181,173,127,126,126,127,126,126,168,176,178,178,176,170,168,169,173,173,170,168,168,168,165,168,173,176,176,173,170,165,117,114,115,121,165,165,125,125,125,170,178,178,176,173,176,176,176,176,176,176,176,176,173,176,178,181,183,183,176,129,127,128,131,178,181,183,186,183,178,176,173,173,173,170,170,173,176,178,178,178,176,170,125,122,123,127,168,170,173,173,173,173,173,170,173,176,178,181,183,189,189,189,186,183,183,183,183,181,179,179,181,183,183,183,183,181,181,183,186,189,191,191,189,183,182,182,183,189,194,196,196,194,191,194,191,189,189,189,189,189,189,191,191,196,199,199,199,199,199,196,191,186,183,183,183,186,189,189,189,191,196,199,204,207,204,204,204,204,196,194,194,196,199,199,199,196,194,192,194,196,196,196,194,194,191,191,189,186,186,189,189,189,189,186,186,186,186,183,183,183,186,186,183,178,176,176,176,178,178,178,176,170,127,125,125,127,127,125,123,122,125,168,170,170,173,178,183,183,181,176,176,178,178,160,95,97,115,163,160,163,168,170,173,170,157,139,142,170,191,194,191,191,191,191,189,147,19,0,0,0,0,29,131,137,105,33,3,7,51,118,103,59,49,39,17,11,21,139,142,150,163,165,163,163,165,176,186,183,173,160,155,160,165,157,137,111,92,79,35,0,0,0,0,0,0,181,196,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,163,178,191,191,189,186,186,191,196,199,202,199,196,191,183,181,181,181,173,139,95,118,191,189,173,147,129,155,183,191,194,196,196,194,191,186,183,181,186,196,191,66,0,0,0,0,0,0,0,0,0,0,0,0,0,47,176,155,152,152,142,134,139,144,147,152,155,150,150,155,155,151,152,157,160,157,160,165,170,176,183,196,202,189,178,173,173,173,173,168,163,157,152,152,152,152,152,157,163,157,110,107,150,170,181,183,189,191,191,191,189,183,173,165,160,163,165,168,168,168,176,186,181,165,155,115,115,152,155,160,163,168,168,157,95,29,0,29,176,183,181,179,189,202,199,163,93,103,109,109,109,152,163,173,183,191,191,191,191,183,173,165,160,115,113,157,160,152,152,173,202,204,204,207,204,199,189,160,95,66,75,95,144,163,168,163,150,150,160,157,157,163,152,103,105,150,157,155,150,144,103,93,89,101,147,155,147,144,137,89,61,50,65,95,95,79,81,139,152,155,152,150,144,101,89,87,91,105,160,160,150,144,144,144,147,139,69,42,51,157,168,157,124,0,0,121,131,155,157,147,137,131,118,116,124,116,79,87,168,176,160,85,82,0,0,134,157,186,183,0,69,77,0,150,160,155,152,165,191,199,196,194,183,176,170,173,178,181,181,170,165,168,173,176,181,181,183,186,194,202,209,212,212,207,207,209,209,196,173,163,168,181,186,183,183,186,189,191,191,194,196,196,196,196,199,202,207,212,212,212,204,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,183,183,181,176,170,168,165,165,163,163,0,0,199,0,0,0,0,0,204,209,215,212,209,207,205,207,209,212,0,0,0,207,204,196,183,173,173,181,189,196,204,209,217,225,230,233,235,235,233,230,222,215,212,204,199,191,186,183,186,196,209,222,228,228,225,228,228,225,215,207,204,207,209,204,199,194,191,186,178,173,163,157,0,111,0,0,0,0,111,115,115,119,125,173,186,199,212,222,225,228,230,233,235,241,243,246,248,248,246,243,242,243,246,248,243,241,241,241,238,235,235,235,238,241,241,238,228,212,202,196,199,209,217,222,215,212,209,215,215,209,202,191,139,135,134,137,186,194,199,204,207,204,202,199,199,199,202,204,207,212,209,205,205,207,209,212,212,212,215,222,228,230,230,235,238,235,233,230,228,225,217,212,207,207,207,207,207,207,209,207,202,196,196,199,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,215,202,103,59,33,27,113,147,142,64,56,105,124,134,126,98,14,0,0,121,199,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,147,144,126,108,98,61,53,47,43,43,57,111,131,139,131,121,85,83,93,137,147,150,155,160,165,178,186,178,155,105,104,105,107,109,109,113,117,119,163,176,189,196,202,202,196,194,189,186,176,163,119,117,115,115,115,119,157,160,157,117,117,157,160,157,119,117,119,160,160,157,117,117,117,113,111,111,113,115,115,113,113,115,157,160,157,160,163,163,157,117,113,109,109,109,113,117,119,119,119,119,119,119,117,117,117,117,117,117,115,113,113,115,117,115,115,115,115,113,113,113,111,111,111,113,115,115,117,119,119,117,117,117,117,117,117,117,117,119,119,157,157,119,119,117,115,115,115,117,119,157,157,157,119,117,115,115,115,119,170,178,176,170,160,119,117,117,119,117,117,117,117,119,119,157,157,117,116,117,160,163,160,119,121,160,160,163,165,163,119,119,163,165,121,115,111,111,115,113,113,117,168,176,181,176,163,113,115,121,160,160,163,168,165,114,115,157,157,116,115,115,117,163,176,178,173,168,166,166,168,163,163,163,161,163,165,168,168,170,170,165,119,117,121,165,173,183,196,194,181,121,115,119,121,117,117,119,121,119,119,119,121,127,183,199,215,225,217,212,212,212,204,202,199,186,93,91,101,113,125,127,115,91,96,113,168,127,120,120,123,127,173,178,181,176,176,176,176,176,170,125,125,127,129,170,181,194,191,186,189,189,186,189,191,181,183,189,191,183,179,181,183,181,181,189,204,207,194,183,181,183,181,178,186,204,217,222,215,212,215,215,215,215,220,222,222,228,230,225,212,199,178,129,126,126,129,133,133,131,133,183,189,176,176,176,174,174,186,194,194,189,186,186,183,178,133,176,181,186,191,191,183,178,176,133,131,173,178,181,181,181,183,189,191,181,129,127,129,183,199,202,204,207,199,186,173,168,127,125,125,125,127,168,170,170,173,176,178,176,170,165,170,178,173,123,117,115,113,114,119,121,118,118,121,165,165,163,168,178,189,183,176,176,189,207,207,202,191,178,176,173,170,168,168,165,127,127,127,127,168,173,173,127,116,117,123,165,125,123,125,170,176,176,170,170,173,123,115,119,123,170,176,170,119,118,121,121,103,85,87,115,129,131,131,181,189,189,189,194,196,199,196,194,189,183,178,127,107,111,107,107,125,178,181,173,125,122,123,129,176,173,173,181,196,202,199,194,186,178,170,170,173,170,127,129,173,176,127,123,129,183,194,202,204,202,191,194,196,202,202,196,191,191,194,194,196,199,202,202,202,196,191,189,191,189,186,189,189,189,194,204,212,212,204,199,199,204,202,196,189,137,135,135,137,189,199,204,202,196,194,191,186,185,186,189,189,189,191,191,191,194,194,191,186,183,183,186,186,189,194,194,194,194,194,191,181,131,130,135,181,183,181,137,181,189,194,196,199,202,202,196,194,194,194,196,196,194,196,199,202,204,202,202,202,199,191,181,131,128,129,131,131,127,127,127,119,109,109,117,127,176,176,170,178,181,127,125,129,173,176,178,183,189,189,186,186,186,189,186,186,186,186,189,189,189,186,191,196,194,189,189,191,194,191,186,178,131,128,127,128,129,173,178,181,186,189,191,194,194,196,199,202,202,199,196,194,189,186,187,194,196,194,186,176,170,129,127,122,121,123,170,178,181,181,176,170,170,173,170,176,183,189,189,183,181,181,183,186,186,189,191,194,194,191,186,183,181,181,183,186,189,191,191,191,186,181,181,176,172,170,172,173,176,181,186,191,191,191,196,199,199,199,199,199,199,194,186,181,181,186,199,204,202,194,191,196,202,202,199,196,196,199,204,204,199,189,187,189,194,196,199,196,191,186,185,185,186,191,196,191,183,135,176,176,178,181,191,196,196,194,194,196,199,196,191,189,191,199,207,207,204,199,202,204,202,196,189,183,181,181,183,181,133,131,133,178,186,186,183,181,181,181,183,183,186,186,183,183,183,183,183,181,178,176,174,174,176,178,181,181,181,181,178,173,127,126,126,127,129,170,176,178,181,178,173,168,168,168,127,127,127,168,176,178,181,176,170,168,168,170,173,170,168,170,173,170,170,176,178,178,176,173,168,121,116,116,123,170,170,168,125,125,168,176,183,183,181,176,176,176,176,176,176,176,173,173,176,181,186,189,189,181,173,129,129,173,178,181,183,189,186,183,178,178,176,176,173,170,170,173,176,176,178,178,176,168,123,125,127,170,170,173,173,176,176,176,173,173,176,178,181,186,189,189,189,186,183,183,186,186,183,181,181,181,183,183,183,181,181,178,181,181,183,186,189,189,186,183,183,183,183,191,196,199,196,191,191,189,189,189,191,194,194,191,191,194,196,199,202,202,199,196,191,189,186,183,183,183,186,189,189,189,191,194,199,204,204,204,202,202,202,196,195,195,199,199,199,196,196,194,192,192,194,196,194,194,194,194,191,189,189,186,186,186,186,186,186,186,186,186,183,183,186,186,186,183,178,174,176,176,178,178,178,176,129,125,125,125,127,127,125,123,122,123,165,165,165,168,170,178,181,181,176,173,178,183,181,165,160,168,170,163,160,163,168,176,173,155,81,87,157,183,191,191,191,191,194,194,160,25,0,0,0,0,27,134,152,150,108,53,69,113,116,111,73,55,35,15,15,49,157,163,160,163,173,176,173,170,181,189,186,173,163,163,170,178,181,176,170,178,186,176,131,85,7,0,0,0,147,173,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,105,48,0,0,0,0,0,0,0,0,0,103,170,176,178,178,181,183,191,194,196,194,191,189,186,178,176,163,100,9,0,0,63,202,199,178,121,111,168,189,194,194,196,196,194,191,181,176,177,183,202,196,39,0,0,0,0,0,0,0,0,0,0,0,0,0,108,199,183,178,178,155,139,139,144,144,144,150,152,157,163,160,152,152,157,160,156,160,165,168,170,178,191,196,186,181,181,183,183,181,176,168,160,155,155,152,152,152,157,160,115,107,105,111,173,186,189,189,191,194,196,194,186,173,163,163,163,157,160,165,165,168,170,163,117,111,110,112,117,157,160,163,163,163,113,57,0,0,71,186,186,179,179,189,202,196,176,155,155,163,163,160,165,173,178,183,186,183,186,183,176,168,165,163,115,113,163,168,170,181,199,207,207,204,204,202,199,196,176,89,31,54,79,103,157,173,176,168,163,157,155,155,155,152,147,150,157,160,152,109,97,77,36,29,59,63,49,38,51,97,93,69,59,85,142,137,91,93,142,152,155,152,150,150,142,97,99,157,165,173,173,163,152,139,103,101,87,59,46,77,165,176,163,126,121,0,113,81,126,144,142,137,134,126,124,134,126,53,77,157,157,129,72,66,98,113,124,155,181,170,111,79,87,0,144,157,160,157,165,181,189,189,181,168,160,165,173,176,176,173,168,165,170,178,186,189,186,189,194,202,207,212,212,209,207,204,207,207,194,170,160,161,170,176,178,181,186,186,189,189,189,189,189,189,186,186,189,194,202,204,204,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,186,183,0,176,173,170,170,170,170,168,0,0,0,0,0,0,0,0,212,215,217,215,212,209,207,209,215,217,0,0,0,0,207,202,189,178,178,181,186,194,202,209,217,225,230,233,235,235,235,230,225,217,212,204,199,194,186,182,183,189,199,209,217,222,222,225,222,215,209,207,209,222,225,217,209,204,199,194,183,176,165,157,0,107,103,99,99,0,0,0,0,0,123,176,191,204,215,222,228,230,233,235,238,241,246,248,248,248,246,243,242,243,248,248,246,241,241,241,238,235,235,235,238,241,243,241,233,217,204,199,202,209,222,225,220,212,212,212,215,209,204,199,191,141,139,141,186,191,196,204,207,207,202,199,199,202,202,204,207,209,209,207,205,209,212,212,212,212,215,222,228,230,233,238,241,241,238,235,233,230,225,217,212,207,204,204,204,204,207,204,199,196,194,196,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,183,191,176,160,105,77,131,160,163,56,30,90,142,155,155,137,35,0,0,100,111,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,39,142,142,129,105,51,19,25,43,47,49,61,111,126,129,116,75,67,75,89,134,142,142,144,147,152,160,163,155,113,107,104,104,105,105,109,115,157,163,168,176,186,194,199,199,196,194,191,189,181,170,163,157,117,115,117,157,163,160,119,119,119,157,160,160,160,160,165,170,170,163,119,115,113,111,110,111,113,113,113,113,115,119,165,170,165,160,163,163,157,117,115,111,111,111,113,115,117,119,119,117,117,117,117,117,117,117,117,117,113,112,113,115,115,115,113,113,113,113,113,113,113,111,111,111,113,115,115,117,117,117,117,117,117,117,117,117,117,117,119,157,157,157,157,119,117,117,115,117,117,117,119,119,117,117,115,113,113,113,119,163,168,165,160,119,117,117,119,117,117,119,119,157,160,160,160,119,117,117,121,163,160,121,160,165,168,165,163,119,116,118,165,170,165,121,117,115,115,115,115,119,163,165,165,163,119,112,113,121,165,170,170,168,119,111,115,168,163,116,116,119,157,168,173,170,163,168,176,181,173,163,163,165,163,163,165,165,168,168,170,168,160,121,160,168,178,196,212,212,191,170,165,170,165,119,115,117,117,117,115,115,113,117,129,186,199,209,199,186,183,181,173,173,173,125,92,92,113,121,117,109,105,95,102,127,176,168,121,121,127,173,186,194,191,186,181,176,170,170,129,125,126,170,170,176,194,209,207,194,189,186,186,194,194,186,181,181,186,186,183,181,178,176,178,191,199,199,189,178,176,176,176,178,189,204,217,222,217,217,222,217,215,215,217,217,217,225,230,230,228,215,196,133,127,129,131,133,131,128,129,178,178,129,132,176,174,176,191,202,199,189,183,182,183,181,178,178,186,196,202,204,202,194,183,129,123,125,131,178,178,178,181,183,181,173,128,126,129,186,199,204,204,202,194,181,170,127,127,127,127,127,125,125,165,170,173,176,173,170,168,173,183,189,183,168,121,117,114,115,119,121,118,118,119,121,121,123,165,176,181,178,173,173,183,202,202,191,183,176,176,173,173,173,173,165,125,125,127,168,170,176,181,181,170,121,117,117,117,121,165,173,176,173,168,168,170,127,123,121,121,125,168,125,118,118,123,127,117,89,90,123,129,170,173,178,183,183,189,194,199,202,199,191,181,127,117,86,77,97,105,109,123,176,176,173,129,125,125,168,170,173,178,189,202,204,199,191,186,176,126,125,127,127,127,131,178,176,125,121,125,181,189,196,204,209,209,209,215,215,209,207,207,204,199,196,194,194,196,199,199,194,189,183,181,137,135,139,183,139,183,196,207,209,202,194,191,191,194,194,191,186,139,133,133,139,196,204,204,204,202,196,189,186,189,189,186,186,186,189,189,194,196,194,186,182,182,181,182,183,189,186,186,191,196,191,135,127,126,131,137,183,189,186,183,189,194,196,199,202,199,196,194,191,191,194,196,196,199,202,202,204,202,202,202,199,191,176,127,126,129,173,131,127,125,123,113,106,105,108,119,176,176,109,85,97,109,113,123,173,178,183,189,189,186,183,183,186,189,189,189,189,186,183,186,183,178,178,186,186,186,189,191,194,189,183,176,173,131,129,129,131,131,173,173,176,181,183,189,194,196,196,199,199,199,199,194,189,186,187,191,196,191,183,176,170,173,173,127,123,127,173,178,178,173,170,169,170,170,170,173,181,183,183,181,178,178,181,183,186,191,194,196,194,191,186,183,181,181,181,183,183,186,189,189,186,183,181,176,172,172,172,173,174,181,186,189,186,186,191,196,196,196,196,202,202,196,189,182,182,189,202,204,202,196,194,194,199,199,196,194,196,199,202,204,199,191,187,189,191,194,196,196,194,191,189,189,191,194,196,194,189,186,186,186,186,189,196,202,199,194,194,199,199,196,194,194,196,202,207,207,202,196,199,199,199,196,189,181,178,178,181,178,133,133,178,183,189,189,186,183,183,183,183,183,183,183,183,183,186,186,183,183,181,176,174,174,176,178,181,181,181,178,176,170,127,127,127,170,173,176,178,178,178,178,176,173,173,170,168,127,168,170,173,178,178,176,170,168,168,170,176,173,170,173,176,178,176,176,178,181,176,173,170,165,123,125,170,178,176,170,125,125,170,178,186,189,183,178,176,176,176,176,176,173,170,170,176,181,189,191,191,189,183,181,178,178,181,181,183,186,186,181,178,178,178,176,173,170,170,170,173,173,176,178,176,170,127,127,168,170,170,170,173,176,176,176,176,173,173,176,181,186,186,186,189,186,186,186,189,189,186,183,181,183,183,186,186,183,181,178,178,178,178,181,186,191,191,191,189,183,182,186,196,199,196,191,189,187,189,191,194,194,194,191,191,194,196,199,202,199,196,194,189,186,183,183,183,183,186,186,189,189,191,194,199,202,202,199,199,202,202,202,199,202,199,196,196,199,199,196,194,194,194,194,194,194,194,194,194,191,189,186,186,186,186,186,186,186,186,186,183,183,186,186,186,183,176,174,176,176,178,178,178,176,129,125,124,125,127,127,125,123,122,123,125,165,165,165,168,173,178,181,176,172,172,178,183,183,181,183,181,170,165,168,173,181,178,163,47,61,142,178,189,189,189,189,194,194,155,23,9,5,7,9,45,147,168,165,118,98,111,111,105,100,67,53,43,39,61,131,160,168,160,168,183,183,181,183,189,191,186,173,165,163,170,176,183,181,181,183,191,191,178,165,152,116,31,27,72,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,105,9,0,9,202,207,178,90,0,0,0,0,0,0,0,0,0,27,51,116,142,163,173,181,183,183,173,165,176,186,181,163,9,0,0,0,0,55,189,194,168,109,116,183,194,194,194,196,196,194,191,178,174,176,183,199,186,33,0,0,0,0,0,0,0,0,0,0,0,0,0,134,207,204,199,191,150,135,142,144,140,139,144,157,163,168,165,160,160,163,160,156,157,163,163,163,165,176,183,178,181,186,191,189,183,178,170,163,163,160,157,155,157,157,155,113,110,111,157,178,186,189,189,191,196,199,199,189,170,157,115,108,102,106,157,165,168,168,163,112,109,110,115,160,165,165,165,157,157,107,67,0,0,155,183,189,183,183,191,194,186,163,155,165,173,165,157,163,168,173,173,170,173,170,163,119,157,160,160,115,113,165,173,176,191,204,212,209,202,202,202,202,202,191,101,33,55,83,111,165,178,183,181,173,160,157,157,152,150,155,157,160,163,155,109,97,71,31,24,37,57,47,34,38,93,99,83,81,89,137,142,101,101,142,150,152,150,144,144,150,168,189,191,186,186,186,186,176,152,139,139,99,77,67,89,150,160,152,129,124,124,83,63,65,105,118,126,0,134,131,142,134,53,49,79,92,92,69,41,61,87,105,124,0,118,87,82,98,0,0,0,160,163,165,170,176,181,176,160,0,157,168,170,168,165,163,163,173,189,202,202,194,191,199,207,212,215,212,209,207,204,204,202,189,165,0,159,163,170,178,0,189,189,189,189,0,186,0,186,186,183,181,181,186,189,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,0,178,0,0,0,0,0,0,0,0,0,0,0,0,222,222,225,222,217,215,215,215,222,222,0,0,0,0,209,207,199,191,186,183,186,191,202,209,217,225,230,233,233,235,235,233,228,217,209,204,202,196,189,183,182,183,191,196,204,207,212,215,212,207,204,207,215,230,235,230,217,209,204,196,189,178,168,157,0,0,101,97,97,97,0,0,0,0,123,173,189,204,212,222,228,230,233,235,241,243,246,248,248,248,248,243,242,243,251,251,246,241,241,238,235,234,234,235,238,241,243,243,235,222,209,204,204,212,217,222,220,215,212,215,215,212,209,204,199,194,189,186,186,189,196,204,207,207,202,199,199,202,204,204,207,212,209,209,209,212,215,215,215,212,215,225,228,230,233,238,241,241,238,238,235,233,230,225,215,212,209,207,207,204,204,202,196,194,194,191,191 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,131,176,181,181,131,108,137,165,170,27,0,43,155,160,160,139,59,48,56,87,20,0,0,0,0,0,0,0,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,129,137,131,111,35,0,0,39,55,53,57,75,111,81,61,51,50,69,87,99,103,137,139,142,109,111,109,107,107,107,105,105,105,105,111,117,160,163,165,170,178,189,199,202,199,194,191,189,183,178,176,170,160,117,117,163,168,157,119,119,157,160,160,163,165,168,176,181,178,168,157,115,113,111,111,113,113,113,113,113,115,157,170,173,168,163,160,160,157,119,115,113,111,111,113,115,117,117,117,117,117,115,115,115,115,115,115,115,115,113,113,115,117,115,113,113,113,113,115,117,117,113,111,111,111,113,113,113,115,115,117,117,115,115,115,115,117,117,117,119,157,157,157,119,119,119,117,117,116,117,117,119,117,115,115,113,112,112,113,119,163,163,157,119,119,119,119,119,157,160,163,163,165,165,165,121,117,116,119,163,163,163,168,176,178,176,170,119,115,117,165,173,168,168,163,119,115,115,117,121,160,121,117,117,115,112,115,160,168,178,178,176,163,115,157,176,163,116,119,165,170,173,170,160,117,165,186,196,181,163,165,168,165,163,165,165,163,165,165,165,160,121,160,170,183,204,222,217,199,168,165,168,163,117,115,115,113,115,113,111,109,115,125,181,186,176,113,103,109,115,117,119,121,115,101,101,119,119,109,105,107,111,168,189,191,178,125,125,173,183,199,207,204,194,186,178,170,127,127,127,170,178,176,178,194,212,209,189,181,181,183,196,202,196,181,176,181,189,191,181,173,129,176,189,196,199,189,178,173,173,176,183,191,202,215,215,215,215,220,217,212,212,215,217,217,220,228,228,228,217,202,181,133,135,178,181,176,129,127,129,133,131,183,189,181,178,191,202,199,189,183,183,183,183,181,183,191,202,207,212,212,209,194,127,119,122,127,176,178,178,178,178,176,131,128,128,173,186,199,204,202,194,183,173,129,127,168,168,168,127,123,121,123,168,170,168,125,123,125,170,181,186,181,173,165,123,119,117,121,121,119,118,119,117,117,121,163,165,168,165,123,163,173,183,183,176,170,168,170,170,173,176,178,170,125,126,170,173,176,178,183,186,183,127,115,115,117,121,125,170,173,170,127,125,125,123,123,121,121,123,123,125,123,125,170,181,181,121,125,170,129,125,129,176,178,181,186,191,196,199,196,183,123,109,95,69,64,91,117,123,170,176,176,173,173,170,168,125,127,168,178,189,202,204,196,189,183,178,129,124,125,127,131,178,186,189,178,125,133,181,183,186,199,207,212,215,217,217,212,212,215,209,202,194,189,189,191,194,194,194,189,181,135,133,132,135,139,138,139,191,202,204,199,191,187,187,187,189,189,189,186,135,129,133,189,199,202,204,202,196,191,191,191,189,185,185,185,186,186,194,196,194,186,182,182,182,183,183,183,178,181,191,199,196,181,129,127,130,133,181,194,194,191,191,196,196,196,199,199,196,191,189,189,191,196,199,202,202,204,204,204,202,202,199,189,131,125,125,129,176,176,129,125,121,115,108,108,111,119,173,176,84,55,64,93,103,117,131,183,189,194,191,186,181,181,183,186,189,189,189,186,183,183,181,178,177,181,183,186,186,189,189,186,181,178,178,178,178,176,173,131,127,125,127,129,176,183,191,191,191,194,194,196,196,196,191,189,189,191,191,189,183,173,173,176,176,170,129,173,178,181,176,170,169,170,173,173,173,176,178,181,178,178,176,176,176,181,186,194,196,196,194,189,186,183,181,181,181,181,181,181,183,186,186,183,183,178,176,176,178,178,178,181,183,186,186,185,186,191,194,194,194,196,196,196,191,189,191,199,204,204,202,199,194,191,194,194,191,189,191,194,196,199,196,189,187,187,187,189,191,194,196,196,196,196,199,199,196,194,196,196,196,194,191,191,199,199,194,191,194,196,199,199,196,194,196,199,202,199,196,194,191,194,196,194,189,183,178,176,178,176,176,176,181,186,189,189,186,183,183,183,183,186,183,183,186,186,186,186,186,183,181,178,174,176,178,181,181,183,181,178,176,170,129,129,170,173,178,181,183,181,181,178,178,178,173,170,168,127,168,168,170,173,176,176,170,168,168,170,176,176,173,173,176,178,178,178,178,178,178,176,176,170,168,173,181,183,181,173,165,168,173,181,189,189,183,178,173,173,176,176,173,170,129,129,173,181,186,186,189,191,191,189,186,186,186,183,183,183,183,181,178,176,176,176,173,170,170,169,170,170,176,178,178,173,170,129,170,170,170,170,170,173,176,176,176,173,173,176,178,183,183,186,189,189,189,189,191,191,189,186,183,183,186,186,186,183,183,181,178,178,177,178,186,191,194,194,191,186,182,186,196,202,199,194,189,189,191,191,194,194,191,189,189,191,194,199,202,202,199,194,189,186,186,186,186,186,186,186,189,189,191,196,202,202,199,196,196,202,204,204,204,204,199,196,199,202,202,202,199,196,194,191,191,191,194,194,194,191,189,189,186,186,186,186,186,186,186,186,186,186,186,189,186,183,178,174,176,178,178,181,178,176,129,125,123,124,125,125,125,123,123,123,123,125,165,168,170,173,178,178,173,170,170,176,186,191,194,194,189,178,173,170,173,181,178,157,27,37,97,173,183,186,186,183,186,186,144,25,19,29,35,37,71,157,168,157,71,63,108,67,57,55,49,49,65,116,134,150,163,170,160,168,181,178,181,191,191,191,186,178,170,168,170,173,181,183,181,186,191,194,194,194,196,194,173,90,55,51,0,0,0,0,0,0,0,0,0,0,0,59,155,152,163,168,131,56,48,209,209,204,194,103,11,0,0,0,0,0,0,0,0,0,0,0,27,85,124,147,147,137,139,147,186,173,69,0,0,0,0,0,67,150,157,134,111,168,191,199,196,194,196,196,194,191,181,176,177,183,189,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,207,209,204,173,121,117,150,152,139,138,147,160,163,165,168,165,170,170,165,160,163,168,165,161,163,170,173,173,178,186,191,189,181,173,170,170,168,165,163,163,163,160,155,155,160,168,173,178,181,183,186,189,194,199,202,191,170,117,109,103,96,102,117,168,176,186,189,157,113,117,163,170,168,163,160,160,155,113,115,24,27,168,186,196,189,183,186,186,170,113,109,176,178,160,111,115,163,170,168,163,168,165,118,115,118,157,157,117,119,168,170,170,189,207,212,212,202,199,202,204,207,202,157,54,71,103,157,173,181,186,186,181,165,165,163,152,150,155,155,155,160,157,152,147,103,55,34,39,85,93,44,43,89,105,101,93,87,95,105,139,103,139,147,150,144,104,104,152,186,194,189,186,186,191,199,194,173,160,165,168,137,85,91,137,147,147,126,126,129,116,59,53,61,75,113,129,0,0,155,155,87,45,32,39,72,49,33,33,72,92,100,108,100,85,87,113,137,144,150,157,165,168,168,165,170,170,157,0,150,157,160,160,160,160,163,176,196,209,209,199,191,196,207,215,215,212,209,207,204,202,199,189,168,159,160,165,170,0,0,194,194,194,191,0,0,0,0,0,189,181,176,173,173,176,178,178,178,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,228,228,228,225,222,222,225,228,230,0,0,0,0,209,215,212,204,196,194,191,196,202,209,215,222,228,233,235,235,235,233,228,220,209,204,202,199,194,186,182,183,186,189,191,194,199,204,202,196,199,204,217,0,0,235,225,215,207,199,189,178,168,160,0,0,103,101,99,99,0,0,113,117,123,170,186,199,209,217,225,230,233,235,238,243,246,248,248,248,248,243,242,246,251,251,248,243,241,238,235,235,235,235,238,241,246,243,235,225,212,207,207,212,217,222,217,215,215,215,217,215,212,207,202,196,194,189,186,186,194,202,207,207,202,199,202,204,207,207,209,212,212,212,212,215,217,222,222,217,217,225,228,230,233,238,241,241,238,238,238,235,233,228,225,222,217,215,212,207,204,199,194,147,147,145,145 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,90,173,160,131,121,134,155,163,5,0,5,59,144,144,121,25,33,69,11,0,0,0,0,0,0,0,0,90,5,0,0,0,0,0,0,0,0,0,0,0,0,0,85,118,137,144,142,137,49,0,47,59,59,37,39,59,23,11,51,65,81,89,95,101,137,139,107,107,105,104,104,105,107,107,107,105,107,109,115,155,157,157,160,168,181,196,199,199,199,194,194,191,186,183,178,165,155,155,163,168,157,119,157,157,160,163,168,173,178,183,186,181,170,160,117,115,115,115,113,113,113,113,115,115,119,163,165,165,163,160,160,157,117,115,113,113,113,113,115,115,117,119,119,117,115,115,115,115,113,113,115,115,115,115,117,117,117,115,115,115,115,115,119,119,117,113,109,109,111,113,113,113,113,113,113,113,113,113,113,115,115,115,115,119,119,119,119,121,160,121,117,116,116,119,119,117,115,115,115,113,112,112,117,157,160,157,119,117,119,119,157,160,170,173,168,168,173,168,121,117,116,117,121,165,170,178,186,191,194,189,170,117,117,163,173,178,181,176,123,115,113,119,160,160,119,115,115,115,115,117,157,168,178,181,178,170,163,160,163,160,117,160,170,176,173,165,113,103,163,199,209,183,117,119,163,119,119,165,165,163,160,160,121,119,117,121,168,186,207,217,215,202,163,117,119,119,115,111,111,115,117,111,103,101,113,173,183,176,113,64,67,103,111,111,115,115,107,99,96,101,117,121,123,178,191,191,199,202,186,168,165,176,189,204,215,212,191,183,183,176,168,168,173,181,186,181,178,181,199,189,176,173,173,178,189,199,196,176,127,173,189,194,178,126,126,131,181,196,207,199,181,173,173,178,183,183,189,202,204,207,209,215,215,212,212,215,217,217,222,225,225,222,215,199,183,135,178,183,186,183,131,125,126,133,183,196,196,186,183,194,196,191,186,183,186,189,186,189,191,196,202,207,212,215,212,199,178,125,125,131,176,176,176,178,178,176,176,131,131,178,186,199,204,199,191,178,129,125,125,127,127,127,125,121,119,121,125,165,123,119,118,121,125,168,173,178,176,173,168,163,123,163,123,121,121,121,117,115,121,163,163,121,117,111,111,119,163,125,123,121,125,165,168,173,178,178,173,168,168,173,176,176,178,183,189,186,173,119,115,117,121,125,168,173,170,127,125,123,120,120,123,168,170,170,176,183,186,189,194,196,191,183,183,99,89,115,129,173,176,181,183,186,189,181,121,107,107,115,105,87,97,125,178,181,181,178,178,176,168,125,123,123,125,168,181,194,199,191,183,181,183,181,170,127,129,173,181,189,196,199,191,189,183,179,181,191,202,207,209,215,217,215,215,212,207,194,186,183,186,189,189,191,194,191,186,183,137,135,139,186,186,186,191,199,199,196,191,189,187,187,187,189,189,189,183,127,123,133,186,191,194,196,194,191,191,196,194,186,185,186,186,186,194,202,191,183,186,189,191,194,191,178,130,133,186,196,196,194,183,137,135,135,137,189,196,196,194,196,196,199,199,199,196,191,186,183,191,196,199,202,204,204,204,204,202,202,196,189,133,126,126,131,178,178,131,125,123,121,125,129,123,123,170,170,95,80,93,103,107,121,173,181,189,196,196,186,178,178,178,181,183,186,189,186,181,181,181,178,178,181,183,186,186,189,186,181,178,178,181,181,183,183,178,131,123,121,121,125,131,176,181,183,183,189,189,191,194,194,191,189,186,186,189,186,181,176,173,173,173,173,173,176,181,181,178,173,170,173,181,183,181,178,176,176,176,173,131,129,127,131,181,191,194,191,189,186,183,181,178,178,181,181,181,178,178,183,183,183,181,178,178,181,183,186,186,186,186,186,186,186,189,191,194,192,192,194,196,194,194,196,202,207,204,196,196,196,194,191,189,186,189,189,186,186,186,191,194,191,189,187,187,187,189,194,199,199,196,199,202,202,199,196,199,204,204,202,194,191,194,194,191,189,191,194,196,196,194,189,189,189,191,189,191,191,186,186,191,191,189,183,178,176,178,176,176,178,183,189,191,189,186,182,182,183,186,189,189,189,191,189,189,189,189,186,181,178,176,176,176,178,181,181,181,181,178,176,173,170,170,173,178,181,181,181,181,178,178,178,173,127,125,125,127,127,127,168,173,173,173,170,170,173,178,178,176,173,173,173,176,176,178,178,178,178,176,173,168,173,181,186,183,176,170,170,176,186,189,186,178,173,170,173,173,173,170,129,127,127,129,178,181,181,181,186,189,189,186,189,189,186,183,181,183,183,178,176,173,173,176,176,170,169,169,170,173,178,181,178,176,173,173,170,169,169,170,173,176,176,173,173,176,176,176,176,178,183,189,189,191,191,191,191,189,183,182,183,183,186,183,183,183,183,181,178,177,178,183,189,194,194,191,189,186,189,194,199,199,196,194,194,194,196,196,194,189,186,186,189,191,196,202,204,202,196,191,189,189,189,189,189,189,189,189,189,191,196,202,202,199,196,196,196,199,202,202,202,199,196,199,204,207,204,202,196,194,191,190,190,194,194,194,191,189,189,186,189,189,189,186,186,186,186,186,186,189,189,189,186,181,176,178,178,181,181,181,176,170,125,124,124,124,125,125,123,123,123,125,125,168,170,173,176,178,176,173,170,170,176,189,196,199,202,196,186,176,168,165,165,155,79,19,11,37,144,168,173,170,170,178,176,131,33,35,55,57,57,118,150,152,116,53,39,39,49,55,63,71,81,124,142,155,160,165,168,165,165,168,170,173,178,181,183,183,181,178,176,173,176,178,178,178,183,189,191,194,199,204,204,194,168,152,155,144,113,0,0,0,0,0,0,0,0,77,176,191,189,199,199,165,131,124,189,207,207,202,194,150,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,100,74,0,0,0,0,0,43,118,124,111,111,126,183,196,199,194,194,196,199,196,189,181,177,177,186,191,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,194,196,194,147,74,95,176,163,144,147,155,160,163,163,165,170,176,176,173,170,173,170,165,165,173,176,170,170,170,178,186,183,170,165,168,173,170,165,163,165,165,163,160,163,168,178,181,176,173,176,176,178,189,194,196,186,165,119,117,111,109,109,115,168,186,194,191,168,160,160,168,168,160,156,157,160,160,157,111,71,57,105,196,196,194,173,157,165,160,107,101,157,168,155,105,107,160,165,160,160,168,165,118,116,118,157,119,119,160,165,168,170,181,196,209,207,202,196,199,204,207,204,191,83,83,113,165,173,178,181,181,178,173,168,163,157,155,152,151,151,155,155,157,160,163,150,91,81,89,99,97,71,81,107,152,150,93,87,99,139,105,105,147,155,142,99,103,150,170,181,181,181,183,191,199,196,181,170,168,155,103,93,93,139,155,142,77,87,0,0,57,45,51,69,108,0,0,155,160,160,147,85,31,33,39,39,29,29,0,0,100,111,108,98,98,121,150,155,0,157,168,173,168,0,0,150,144,0,0,152,0,0,155,160,168,181,194,204,207,199,189,191,202,215,215,212,209,207,202,202,199,191,176,165,168,173,176,0,0,0,0,0,0,189,0,0,0,0,0,0,178,170,166,168,170,173,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,230,228,225,225,225,228,230,233,235,0,0,212,207,0,0,0,220,212,207,204,202,204,209,215,222,228,233,235,238,235,233,228,220,209,204,199,196,196,191,186,183,183,183,183,186,191,194,191,191,194,202,217,233,238,0,230,220,209,199,189,176,168,157,152,0,0,0,0,0,0,0,117,121,125,170,181,194,204,212,222,228,230,233,235,238,243,246,248,248,246,243,243,246,251,251,248,243,241,241,238,238,238,238,241,243,246,243,235,225,212,205,207,212,217,217,217,217,217,220,220,217,215,209,204,199,194,191,186,186,191,199,207,207,204,204,204,207,209,209,209,212,215,215,217,217,217,222,225,225,222,222,225,228,230,233,235,238,238,238,238,238,235,233,230,230,230,228,222,212,204,196,147,145,145,145,144 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,137,150,142,134,131,139,142,0,0,0,0,87,111,95,0,0,0,0,0,0,0,0,0,0,0,0,5,33,30,9,0,0,0,0,0,0,0,0,0,0,0,85,116,139,155,165,204,129,0,0,0,0,0,0,0,0,0,75,89,91,93,97,101,137,139,107,107,105,104,104,105,107,109,109,107,107,107,109,113,115,115,115,117,168,186,191,194,196,194,194,191,186,183,176,165,117,115,155,157,155,117,119,157,160,165,176,183,186,183,181,173,165,157,119,117,117,115,113,115,115,115,115,115,115,117,157,160,160,157,157,157,119,117,115,113,115,115,115,117,119,121,160,121,119,117,115,113,112,113,115,117,117,119,119,119,119,119,117,117,115,117,119,119,115,111,109,108,109,111,115,115,115,111,109,109,111,111,111,111,113,113,115,117,117,117,119,160,165,160,117,115,117,121,121,117,115,117,117,117,115,115,117,119,119,117,117,117,117,117,119,160,170,173,165,165,170,168,121,117,116,117,121,168,178,189,196,199,199,191,178,165,163,170,181,189,196,181,123,113,113,117,160,160,160,119,117,117,119,119,119,160,168,170,170,168,163,160,157,119,119,165,173,170,163,115,102,100,119,189,202,181,97,87,99,105,115,165,168,163,160,119,117,117,117,119,163,181,196,207,204,191,117,115,117,119,113,107,109,115,117,107,99,100,115,176,183,170,97,69,74,113,125,125,123,119,105,94,92,97,123,176,186,194,199,202,204,202,181,163,163,173,186,202,209,207,181,173,181,178,178,176,178,183,183,178,173,173,176,176,173,173,173,176,181,183,178,125,124,129,178,176,127,125,127,127,131,186,202,202,189,178,178,183,181,125,103,105,178,196,202,209,212,211,212,215,217,217,222,222,222,215,207,194,181,134,135,178,181,181,133,128,129,181,191,199,194,186,183,191,191,186,183,183,189,191,191,194,199,202,202,204,207,212,212,202,186,176,176,181,181,178,176,178,181,183,181,176,178,181,183,194,199,196,189,178,127,124,125,125,123,121,121,119,117,121,125,165,123,118,118,119,121,125,168,173,176,176,173,168,165,163,163,123,121,115,111,111,121,168,168,123,117,110,86,102,117,119,116,116,121,168,173,178,183,181,170,125,125,170,173,176,176,181,186,186,173,119,112,113,117,121,168,178,176,168,127,125,121,123,173,183,186,186,191,199,202,199,199,199,194,183,69,54,58,99,119,127,129,173,176,176,129,121,113,111,123,178,178,115,115,170,181,186,183,178,176,170,125,119,119,121,123,123,168,181,186,181,173,176,181,183,178,173,131,176,181,186,194,199,202,196,191,183,183,191,196,199,202,207,209,209,209,204,194,183,179,181,186,189,191,191,194,194,191,191,189,189,191,196,196,194,194,194,196,199,196,191,189,189,189,189,187,189,189,131,122,122,127,137,189,196,194,194,196,202,202,194,191,191,191,189,194,196,189,183,186,189,191,196,194,178,129,130,181,189,194,196,194,186,181,135,137,186,194,194,194,194,196,199,202,202,196,189,182,182,189,196,202,204,204,202,202,202,202,199,194,186,176,129,129,173,178,178,176,131,129,131,178,183,178,129,129,170,125,119,121,117,119,127,176,181,189,194,194,189,183,181,178,176,178,178,178,178,176,176,176,178,178,181,183,183,183,183,181,176,173,178,183,183,183,183,181,170,123,121,122,125,129,173,173,176,178,181,181,178,183,186,186,183,181,181,181,183,181,181,178,176,173,173,176,178,178,178,176,173,170,173,181,183,183,178,176,173,131,129,126,125,125,126,173,181,186,189,186,181,178,176,176,176,176,176,176,173,176,181,181,178,173,131,176,181,183,186,186,189,191,191,194,191,191,194,196,194,192,194,196,194,196,202,207,209,202,189,181,181,186,186,183,186,189,191,189,186,186,189,194,194,191,191,191,189,189,194,196,194,194,199,202,202,199,199,202,207,207,202,194,189,186,186,186,189,191,194,196,194,186,181,181,181,181,181,181,181,181,181,183,186,186,183,178,176,176,176,176,178,186,189,191,189,186,183,183,186,191,194,194,194,194,194,191,189,186,183,178,173,131,173,176,178,178,181,181,183,186,183,176,173,170,170,173,176,176,176,176,176,178,178,176,168,125,124,125,125,125,127,170,173,173,173,176,176,178,176,173,170,170,170,173,173,176,173,173,173,173,168,165,170,181,186,183,176,169,169,173,183,186,178,170,168,169,170,170,129,129,129,127,126,129,178,181,176,173,178,181,181,181,181,183,183,181,181,183,186,181,176,176,176,178,178,176,170,170,170,173,178,178,178,178,176,173,170,169,169,170,173,176,173,173,176,176,176,174,174,178,183,189,189,189,191,191,191,189,183,182,182,183,183,183,183,186,183,181,178,177,178,181,186,191,194,191,189,186,189,194,196,199,196,196,196,196,199,196,194,191,186,186,186,191,196,202,204,202,199,194,191,191,191,194,194,191,189,191,191,194,196,199,202,199,196,196,196,199,199,199,199,196,196,199,204,207,207,204,199,196,191,189,190,191,194,191,189,189,189,189,189,191,191,189,186,185,186,186,186,189,189,189,189,183,181,181,181,181,181,181,178,170,127,125,125,125,125,125,125,125,125,125,125,168,173,178,181,178,178,173,172,172,181,189,196,199,204,202,189,173,160,152,113,87,29,0,3,53,99,134,95,93,134,163,173,152,55,49,61,69,77,118,134,131,69,45,39,39,45,81,113,121,134,144,152,157,163,165,168,165,164,163,163,165,170,173,176,178,181,181,178,178,178,176,176,178,186,191,189,189,191,196,199,196,189,186,189,183,173,124,0,0,0,0,0,0,100,134,183,191,194,207,204,160,137,147,183,202,204,209,217,220,202,168,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,144,129,69,71,126,178,196,196,194,194,196,196,191,186,181,177,178,189,189,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,157,176,170,137,75,87,163,165,157,160,163,163,160,160,163,170,178,178,176,176,176,173,170,173,178,178,173,168,165,165,170,168,160,122,165,173,170,165,163,165,165,165,163,163,165,173,176,168,165,165,165,165,170,176,181,178,165,121,160,168,165,119,117,163,178,183,173,160,119,157,160,157,155,156,160,163,165,165,155,97,83,93,168,178,99,67,73,115,160,113,99,95,97,105,113,160,160,113,95,103,160,168,160,119,157,163,160,121,121,163,168,170,176,189,199,202,199,196,196,202,204,207,199,101,97,115,163,168,168,168,170,173,170,165,163,160,157,157,152,151,152,155,155,157,160,152,105,95,97,103,99,85,87,105,152,150,107,101,105,142,144,144,155,168,165,144,107,107,109,160,173,181,181,186,191,186,168,152,105,93,91,93,101,181,191,142,49,59,73,69,51,41,45,59,75,111,0,0,163,165,160,131,53,35,33,33,29,31,0,0,0,0,113,111,118,0,0,0,0,160,170,176,170,0,0,0,0,0,150,155,157,157,160,163,170,178,189,196,199,194,186,186,196,207,209,207,207,204,199,199,199,194,183,176,181,183,183,0,0,194,194,191,189,189,0,0,0,0,0,0,183,173,168,168,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,225,225,222,222,225,228,233,235,238,0,0,0,209,0,0,0,230,225,220,215,212,212,215,220,225,228,233,235,238,235,233,228,222,212,202,196,194,194,191,189,183,183,182,181,182,183,186,186,186,189,199,215,230,0,238,233,225,212,199,186,173,163,157,152,115,0,0,0,0,0,115,119,123,125,168,176,186,196,209,215,222,225,228,233,235,241,243,246,248,246,243,243,246,251,254,248,243,241,241,241,241,241,241,243,243,243,241,233,222,212,205,207,212,215,217,217,217,222,225,225,225,222,215,207,202,196,191,186,185,189,196,204,207,207,207,207,209,212,215,212,215,217,217,217,215,215,222,228,228,225,222,222,228,230,230,233,235,238,238,238,238,238,235,233,235,235,233,228,217,209,199,147,145,145,147,145 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,113,147,155,144,124,108,35,0,0,0,0,22,108,111,9,0,0,0,0,0,0,0,0,0,0,0,0,46,111,92,0,0,0,0,0,0,0,0,0,0,13,74,103,139,160,176,228,134,0,0,0,0,0,0,0,0,7,126,134,131,129,99,134,139,142,142,142,107,105,105,105,109,109,109,109,111,107,105,107,107,105,103,107,111,155,170,178,183,186,186,186,181,173,168,160,115,111,111,113,113,115,115,117,157,165,178,186,183,176,168,160,119,119,157,119,115,111,109,113,115,113,113,115,113,113,117,157,160,157,157,163,160,119,115,115,119,121,119,117,121,163,168,168,163,121,117,113,112,112,113,117,119,121,121,119,119,119,119,119,117,117,117,117,113,111,111,109,109,111,115,117,117,113,109,108,109,111,111,111,111,113,115,117,116,115,116,160,168,163,117,116,121,165,163,119,115,115,117,119,119,117,115,115,115,115,117,117,117,117,117,121,165,165,121,121,165,163,119,116,117,117,121,168,181,191,196,199,194,189,183,181,178,183,191,204,204,176,113,109,111,117,121,163,168,163,121,121,121,119,119,119,119,160,163,160,157,119,117,115,117,165,170,165,115,107,101,100,109,165,181,170,83,76,83,103,117,168,170,165,157,117,117,119,160,160,160,168,178,186,183,170,114,115,160,123,113,104,104,109,111,100,97,101,125,183,191,186,119,95,101,173,196,204,202,194,119,95,94,111,176,194,202,204,204,207,207,196,168,160,163,168,170,183,194,189,168,125,173,178,178,176,176,176,176,173,129,129,129,173,181,183,183,181,176,131,127,123,124,129,129,125,124,127,131,127,125,129,189,196,191,191,194,196,189,119,92,88,102,183,196,204,212,212,212,215,217,217,217,222,217,207,199,191,183,135,135,135,135,178,183,186,189,189,194,194,191,186,186,191,191,186,183,186,191,191,191,194,202,207,207,204,204,209,209,204,191,183,186,189,189,183,181,183,186,189,186,181,181,181,178,186,194,194,186,176,129,125,127,127,125,121,117,116,117,121,125,165,123,119,118,119,123,125,170,176,178,176,176,173,170,165,163,119,107,61,38,55,107,168,173,168,163,117,80,98,113,117,116,116,123,170,173,181,189,186,168,109,103,113,125,168,170,173,178,178,168,117,110,110,111,113,123,173,176,170,170,168,168,173,186,196,196,191,194,202,204,202,199,199,194,181,51,48,56,101,115,121,123,125,127,125,119,115,117,129,189,194,189,170,125,173,178,183,181,170,121,119,117,115,117,121,123,122,123,168,173,173,170,170,173,178,181,176,173,176,181,183,189,194,199,199,194,191,191,196,196,189,186,191,196,199,199,196,186,181,179,182,189,194,194,194,194,191,191,194,196,194,194,199,199,196,191,186,189,199,202,196,189,189,191,191,189,189,194,183,123,120,121,131,189,199,199,199,204,212,209,199,196,196,194,191,189,189,186,181,181,137,183,194,194,137,129,130,135,181,189,194,196,194,186,137,137,183,189,191,191,194,196,202,204,202,196,189,182,181,189,199,204,207,204,202,202,202,202,196,189,183,178,131,131,173,173,176,178,178,178,181,186,191,191,176,173,178,181,178,176,170,129,131,176,181,183,186,189,189,191,189,181,176,173,131,129,129,131,131,131,173,178,181,181,178,176,176,173,170,170,176,183,183,181,181,178,170,125,123,127,170,173,173,172,173,176,176,170,129,173,178,178,176,173,173,176,181,183,186,183,178,176,176,176,176,173,129,127,127,127,129,173,181,183,181,176,173,131,129,126,125,126,127,129,176,183,186,183,178,176,173,131,131,173,173,131,131,173,176,176,129,125,125,131,181,181,181,183,189,194,196,196,194,194,196,199,196,194,196,196,199,199,202,204,207,199,183,177,176,179,181,183,186,191,194,194,189,186,189,194,196,196,196,194,191,189,191,191,191,194,199,204,202,196,196,199,204,204,199,194,186,183,183,186,189,191,194,191,189,181,176,176,176,176,133,133,133,131,133,176,178,181,178,178,176,133,133,133,178,186,191,191,191,191,191,189,191,196,199,202,199,199,199,194,186,181,178,131,127,127,129,176,178,178,181,183,189,194,191,183,176,173,170,173,173,170,129,168,168,170,176,176,168,125,125,125,125,127,168,170,173,173,176,178,178,176,173,170,168,168,170,173,173,173,170,168,168,165,123,123,165,178,186,186,178,170,168,170,176,178,170,168,168,170,170,128,128,170,173,173,129,131,178,181,173,170,172,176,176,176,178,178,178,178,181,186,186,183,178,178,178,181,181,178,176,176,176,176,176,176,176,176,173,170,169,169,170,173,176,176,173,173,176,176,176,174,174,176,181,186,186,189,189,191,191,189,186,182,183,183,186,186,186,189,186,181,178,177,178,181,186,191,191,191,189,186,189,191,194,196,196,194,194,196,199,196,196,194,189,186,186,189,194,199,204,202,199,196,194,194,194,196,196,194,191,191,191,194,196,199,202,202,202,199,196,199,199,199,199,196,196,199,204,207,207,204,202,199,194,191,191,194,196,194,191,189,189,189,191,194,191,189,186,186,186,186,186,186,189,191,189,186,183,181,181,181,181,181,178,173,168,127,127,127,127,127,127,127,125,125,125,168,173,181,183,183,181,176,176,176,183,191,196,202,204,199,183,165,113,89,57,23,4,0,4,61,79,75,65,67,77,142,165,160,89,65,67,79,124,126,124,79,49,44,45,53,67,124,124,131,144,155,155,157,160,165,168,168,164,161,161,165,170,169,170,176,181,181,181,178,178,176,174,181,189,194,191,186,181,181,183,191,196,196,199,202,207,202,98,29,23,1,0,5,74,111,165,183,170,137,100,90,111,163,183,196,202,207,217,225,222,220,173,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,150,116,29,21,116,178,194,196,194,191,194,191,189,186,186,178,181,186,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,157,157,105,104,150,165,165,165,168,168,163,160,163,168,176,176,176,176,173,176,178,181,181,181,176,170,163,122,122,123,121,121,163,170,170,165,165,168,168,165,163,163,163,165,165,161,161,163,123,121,121,123,170,178,173,165,170,178,173,119,111,111,115,105,83,95,99,115,157,155,155,163,170,173,170,173,173,157,97,89,95,105,70,61,71,117,173,168,109,90,89,96,163,181,163,92,84,89,117,173,170,165,165,168,163,121,120,160,165,170,173,178,189,194,196,196,196,199,202,204,199,160,109,117,160,163,163,163,165,173,173,168,165,163,163,160,155,152,155,155,150,150,152,113,109,107,111,111,103,99,99,105,147,109,107,107,109,147,152,155,160,186,194,183,165,109,101,107,157,168,165,168,176,168,150,79,51,57,87,101,155,196,199,83,32,31,35,45,45,41,41,47,57,69,118,0,163,173,176,0,134,47,39,43,41,39,0,0,0,0,111,116,134,0,142,142,147,157,170,181,178,0,0,0,0,155,165,168,168,168,168,173,178,181,183,189,194,191,186,186,189,194,196,196,199,199,194,191,191,191,186,183,189,194,194,196,0,0,196,194,191,191,196,0,0,202,199,194,189,181,170,170,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,217,217,217,222,222,228,233,235,238,0,0,0,209,0,0,0,0,0,230,228,225,225,225,228,228,230,233,235,235,235,233,228,222,212,202,194,189,189,189,186,183,183,182,181,181,182,183,181,181,186,196,209,225,235,238,235,230,215,202,183,168,160,155,155,155,155,0,0,0,0,0,121,123,125,168,173,181,191,202,212,217,222,225,230,235,241,243,246,248,248,246,246,248,254,254,251,246,243,243,241,241,241,241,241,241,241,238,233,225,212,207,207,209,215,215,217,222,225,228,228,230,228,225,212,204,199,191,186,185,189,196,204,207,209,209,209,209,215,215,215,217,217,217,215,212,212,222,228,228,225,222,222,225,228,230,233,235,238,238,238,238,235,233,233,235,238,235,230,225,215,207,199,196,194,194,194 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,103,142,155,134,105,77,0,0,0,0,0,0,121,157,85,0,0,0,0,0,0,0,0,0,0,0,0,64,144,113,0,0,0,0,0,0,0,0,0,0,15,53,92,137,163,163,137,0,0,0,0,0,0,0,0,0,79,139,139,134,131,131,137,142,144,147,144,109,107,107,107,109,111,109,109,109,107,103,101,95,87,91,95,91,91,109,155,163,168,170,170,165,160,155,117,115,111,111,110,111,111,111,113,115,160,170,178,173,163,117,116,117,119,157,119,113,105,105,109,111,109,109,113,113,112,115,157,160,119,157,165,165,160,119,121,160,163,121,119,160,168,176,176,173,165,121,117,113,113,115,117,119,121,119,118,118,119,119,119,117,117,115,115,113,113,115,115,115,113,115,117,119,119,115,113,109,109,109,109,109,111,115,117,117,116,116,119,165,165,121,119,163,170,173,165,117,113,115,117,117,115,113,113,113,115,117,117,117,117,119,121,160,121,117,117,160,163,119,116,119,119,121,165,176,186,191,189,186,183,183,181,181,189,199,207,202,119,102,104,111,115,119,163,173,173,168,163,160,157,117,117,116,119,157,119,119,117,115,113,113,157,165,157,113,109,105,102,103,111,160,155,84,78,86,115,168,181,176,163,119,117,157,168,176,170,163,160,165,168,165,119,113,117,168,165,111,102,102,105,107,99,98,117,189,202,204,204,199,186,173,178,199,212,215,212,183,113,113,170,183,194,207,209,212,212,204,181,160,161,168,165,117,121,168,170,125,125,170,176,173,170,170,170,170,168,127,125,127,178,191,191,191,189,181,129,126,125,127,129,127,125,129,183,189,181,129,131,186,191,191,199,207,209,209,194,100,91,99,129,191,204,212,215,215,215,217,222,222,217,212,204,199,199,196,189,181,178,135,183,196,209,204,194,191,191,189,189,191,196,202,199,194,191,191,189,186,191,199,207,207,204,204,207,204,199,189,183,186,191,191,189,189,191,194,194,191,183,178,176,176,181,186,186,178,170,129,129,170,173,168,123,117,116,117,121,125,125,123,119,119,121,123,168,176,183,186,181,178,181,181,173,163,117,91,37,19,31,87,121,168,170,168,163,107,110,119,121,119,119,125,170,176,183,194,199,178,102,92,91,107,119,125,165,127,125,121,113,111,110,109,111,117,127,170,173,176,178,178,183,191,199,194,186,183,194,202,204,202,204,202,194,75,65,93,119,119,117,119,121,123,121,115,115,125,189,199,194,183,173,173,173,173,170,123,103,93,99,107,113,117,121,125,125,123,125,168,170,173,170,170,173,173,170,131,176,181,181,183,186,191,191,189,191,196,199,196,186,178,178,183,191,196,194,186,182,183,189,194,199,202,196,194,194,191,194,196,191,189,191,194,194,186,182,183,194,199,194,189,191,194,196,191,191,196,194,135,123,125,135,191,199,202,202,209,215,212,202,196,196,194,189,186,183,137,135,131,127,129,183,186,135,130,131,135,137,186,194,199,196,189,181,181,183,189,191,191,196,199,204,207,207,202,191,182,181,186,196,204,204,202,199,199,202,199,191,186,181,176,131,130,131,131,176,178,181,181,186,191,196,194,186,183,186,186,186,183,183,178,173,173,178,178,178,181,189,194,191,183,176,131,129,127,125,127,127,127,170,178,181,178,173,129,127,129,129,170,176,181,183,181,178,176,170,127,127,170,176,176,173,172,173,176,176,129,123,125,129,129,129,129,170,173,178,186,186,183,178,176,173,173,170,125,115,115,119,121,121,127,176,181,181,178,176,176,173,131,131,131,173,173,178,181,183,183,178,176,131,131,131,173,173,131,131,131,129,125,119,117,121,131,178,178,178,181,189,196,199,196,194,194,196,199,199,199,199,202,202,199,196,199,202,199,191,181,179,181,183,183,189,194,196,196,191,186,189,191,194,196,196,196,191,189,191,191,191,194,202,202,199,194,194,196,199,202,199,191,186,185,186,191,194,194,191,186,181,176,133,133,176,176,131,129,129,128,128,131,133,176,178,176,176,133,132,133,178,186,191,194,194,196,196,196,196,199,202,202,202,202,199,191,181,176,173,129,126,127,131,178,183,183,183,189,194,199,199,191,181,178,178,178,178,173,127,124,124,127,168,168,127,125,127,168,168,170,170,170,173,176,176,178,173,168,165,165,168,170,170,173,176,173,170,168,125,123,121,121,165,178,186,189,183,176,170,170,173,173,170,169,170,173,129,127,127,170,181,183,178,176,181,181,176,172,173,176,178,178,178,181,178,178,178,183,186,183,183,183,183,183,183,183,183,181,181,178,176,173,173,173,173,170,169,169,170,173,176,176,176,176,176,176,176,174,174,178,181,183,186,186,186,189,189,189,186,183,183,186,189,189,189,189,189,183,178,178,181,183,186,191,191,189,186,186,189,191,194,194,194,191,194,194,196,196,196,194,191,189,186,189,194,199,202,202,199,196,194,194,196,196,196,196,194,194,194,194,196,199,204,204,202,199,196,196,196,196,196,196,196,196,199,202,202,202,199,199,196,194,194,196,196,196,194,189,189,191,194,194,194,189,186,186,186,186,183,183,186,189,189,186,183,183,181,181,181,181,178,176,170,170,168,168,127,127,127,127,127,125,125,170,176,183,186,186,183,181,178,178,183,194,199,204,202,194,178,163,107,55,25,17,11,11,35,65,73,67,62,63,69,126,155,157,137,81,69,77,126,121,116,75,53,53,71,83,116,121,118,126,144,152,155,155,157,163,168,173,170,165,165,170,173,170,173,176,178,178,178,178,176,174,176,181,186,191,189,181,176,170,173,181,191,194,194,202,209,209,152,124,129,111,25,0,0,0,25,77,29,0,0,3,87,176,186,194,202,207,209,212,215,215,217,199,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,178,178,0,0,0,124,85,31,0,0,49,186,194,196,191,191,189,189,186,186,189,186,181,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,157,170,152,135,152,165,170,165,168,173,170,165,163,165,170,173,173,172,172,176,183,186,186,183,183,178,165,122,122,123,123,122,163,168,170,170,173,173,173,170,168,165,163,163,161,160,161,165,165,121,120,120,168,183,189,183,181,178,173,119,107,107,107,91,70,58,60,111,163,156,156,168,176,178,178,183,189,178,109,87,84,87,78,81,160,181,189,183,157,94,92,97,163,176,160,93,85,95,168,183,183,176,173,170,165,121,120,160,165,170,168,170,176,189,196,199,199,199,196,196,194,176,121,121,160,163,165,168,173,181,178,173,170,168,163,160,157,155,155,152,113,113,113,111,111,152,160,152,111,111,111,144,144,105,101,103,107,147,152,152,155,189,194,189,178,155,101,99,99,100,103,152,165,163,103,49,25,35,99,150,165,181,165,61,35,30,30,32,39,41,41,41,45,59,79,134,160,178,186,176,0,59,53,0,0,53,0,0,111,111,113,121,0,147,144,139,0,0,0,181,186,173,0,150,163,176,181,181,181,181,181,186,189,189,189,191,191,191,189,186,183,181,178,181,186,186,183,181,183,186,186,189,196,202,204,209,0,0,207,202,199,199,202,204,0,202,199,196,194,189,178,176,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,0,0,0,0,0,0,212,212,215,217,217,222,225,230,235,238,0,0,0,212,0,0,0,0,0,0,235,233,230,230,233,233,230,230,233,235,235,233,230,225,212,204,194,189,186,186,186,186,186,186,183,183,186,183,178,177,181,191,204,220,230,238,238,233,222,204,183,168,157,155,157,160,160,160,0,0,0,0,123,163,125,168,170,178,186,199,207,215,222,228,233,238,241,243,246,248,248,246,246,251,255,255,254,246,243,243,243,243,243,243,241,241,238,235,233,222,209,204,204,207,212,215,217,225,230,233,235,235,235,230,222,209,202,191,186,186,189,194,202,207,209,209,209,212,215,215,217,222,222,217,212,209,212,217,225,228,228,225,225,225,225,228,230,233,235,238,238,238,235,231,231,233,235,235,233,228,222,215,207,204,202,202,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,56,103,92,66,0,0,53,61,0,0,0,0,0,0,66,113,64,0,0,0,0,0,0,0,0,0,0,0,59,66,126,77,0,0,0,0,0,0,0,0,0,0,0,0,72,134,173,129,0,0,0,0,0,0,0,0,0,63,134,142,142,137,131,131,137,144,150,152,150,144,107,107,109,111,111,111,111,111,111,109,101,81,67,71,87,67,61,93,105,109,115,117,155,155,115,113,113,115,113,111,111,110,110,110,110,111,119,165,170,165,119,116,116,118,157,157,117,113,105,103,104,107,107,107,111,113,113,115,157,160,119,121,165,168,165,163,165,168,168,160,119,160,168,176,178,176,168,160,119,115,115,117,121,160,121,119,117,118,119,119,119,117,117,115,115,115,117,160,160,121,119,117,117,121,163,163,119,111,107,107,109,109,109,113,119,160,119,117,117,163,165,160,160,165,178,186,181,160,113,112,113,113,111,109,109,111,113,115,117,119,119,121,160,121,117,116,117,160,168,163,119,119,121,121,163,170,181,186,186,183,186,183,176,172,181,194,199,189,105,99,103,115,119,119,163,173,176,173,165,160,119,117,117,117,157,157,119,119,119,115,111,109,115,117,117,117,155,155,109,102,103,111,107,93,93,155,173,186,189,178,160,117,119,165,181,186,178,163,119,119,160,160,117,113,117,160,119,105,102,104,109,109,103,107,176,199,207,207,209,209,207,189,176,181,194,199,194,173,121,165,178,178,181,196,207,212,207,191,165,160,170,178,165,114,115,119,123,123,123,170,173,168,127,168,170,168,127,125,125,127,178,189,189,189,191,183,131,126,127,129,129,129,176,191,204,209,209,199,194,194,189,191,202,212,217,222,222,196,111,111,129,189,202,209,215,217,217,222,222,220,212,204,202,204,207,207,202,186,178,135,183,202,212,204,186,189,191,191,194,199,209,217,217,204,196,189,183,181,183,191,199,204,204,204,204,199,191,183,178,183,186,189,189,194,196,199,199,194,183,178,174,174,178,183,181,173,129,129,173,178,178,173,127,121,117,117,121,123,123,121,119,119,121,125,170,181,194,194,189,183,183,186,176,165,123,113,57,41,61,107,119,123,165,170,168,168,170,173,170,125,123,168,176,183,194,204,212,207,165,96,92,103,119,125,125,121,117,115,113,115,117,115,117,121,127,170,173,178,181,181,186,194,196,189,176,170,186,199,204,207,212,212,209,202,189,186,176,125,119,119,121,121,117,112,113,129,191,196,189,181,176,178,173,125,119,107,90,85,91,105,111,115,121,125,127,125,125,168,176,178,178,173,170,129,127,129,176,181,178,176,176,176,178,181,186,194,202,202,191,178,177,179,189,196,196,194,191,194,194,196,202,204,199,196,196,196,199,196,191,187,187,189,191,186,181,181,189,196,194,191,196,199,202,196,194,199,202,194,186,189,191,196,202,202,202,207,212,212,202,194,191,191,194,191,186,181,135,129,125,125,133,137,133,131,133,137,181,186,194,202,199,194,186,186,189,191,191,194,199,202,207,209,209,204,196,189,183,183,189,196,196,194,194,194,196,194,186,181,178,176,133,131,131,173,176,178,181,181,183,189,194,191,186,183,186,186,186,186,186,183,178,176,178,178,177,178,186,191,191,183,178,173,131,127,125,125,125,125,129,176,178,176,129,123,123,127,170,173,176,178,181,178,178,173,129,125,127,170,176,176,173,173,173,178,178,170,121,118,119,123,125,127,129,170,176,181,181,178,173,170,168,168,127,117,111,111,114,117,119,123,170,176,176,173,176,178,178,178,178,178,178,181,178,178,178,178,178,173,131,131,131,173,176,176,173,129,123,116,114,116,123,131,176,178,178,181,189,194,196,194,192,194,196,199,202,202,202,204,204,202,194,194,196,202,199,196,194,191,189,191,191,194,194,194,189,185,186,189,191,194,196,194,191,189,191,191,194,196,199,199,194,191,191,194,196,199,196,191,189,189,191,194,196,194,189,181,176,133,131,133,176,176,131,129,128,128,128,131,133,176,178,178,176,133,132,133,181,191,196,196,196,202,202,202,202,199,199,202,202,199,194,183,173,129,131,129,128,128,176,186,191,191,191,191,196,202,199,194,186,183,186,186,186,178,170,125,124,125,125,125,125,125,168,170,176,176,173,170,170,173,176,173,168,123,123,165,168,170,173,176,176,173,170,165,123,121,120,121,165,178,186,191,186,181,176,173,176,176,176,176,178,176,170,128,128,173,183,186,183,181,183,183,178,173,173,176,178,178,181,181,178,177,177,181,183,183,183,186,189,189,189,189,189,186,183,181,176,173,173,173,173,173,170,170,173,176,178,176,176,176,176,176,176,176,176,178,181,183,183,183,183,186,189,186,186,183,186,186,189,189,189,189,189,183,181,183,183,186,189,191,191,189,189,189,189,191,194,191,191,191,191,191,194,194,196,194,194,189,186,189,191,196,199,202,199,196,196,196,196,199,199,196,196,196,196,196,199,202,204,204,202,199,196,196,194,194,196,196,194,194,196,199,199,196,196,196,196,196,196,196,196,196,194,189,186,189,191,194,191,189,189,186,186,183,183,181,183,186,186,183,183,181,181,178,178,178,178,176,173,170,170,168,127,127,127,127,127,127,127,170,178,183,186,189,186,186,181,178,181,191,202,204,199,189,176,165,155,77,43,45,55,51,63,81,83,73,67,63,65,81,129,139,126,77,57,55,73,77,85,85,83,121,129,126,124,118,116,121,142,152,152,155,157,157,165,176,181,178,176,178,178,173,170,173,176,173,173,176,176,176,176,178,183,189,189,181,173,170,170,178,186,189,189,194,204,204,178,157,150,139,90,0,0,0,0,0,0,0,0,33,155,186,194,199,204,207,209,209,209,215,225,230,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,173,189,212,39,0,0,0,0,13,2,0,17,186,194,196,191,189,186,186,183,186,189,186,178,43,0,0,0,0,0,0,0,0,0,0,0,0,0,1,157,82,0,0,45,150,165,165,155,157,165,168,168,170,173,170,165,163,165,168,170,173,172,172,178,186,189,186,186,186,183,173,165,165,165,165,123,123,165,170,173,176,178,178,178,176,173,168,165,163,163,168,178,176,163,121,121,168,189,196,191,183,178,173,163,115,115,117,109,79,48,55,115,168,156,155,165,173,178,181,189,196,189,157,97,87,91,93,155,186,191,191,178,111,99,99,105,117,163,160,111,103,170,186,191,189,183,178,173,165,121,121,163,168,170,165,164,165,178,189,199,202,199,196,194,189,178,163,163,163,165,173,176,181,189,183,178,178,173,168,163,163,160,157,117,115,113,113,111,111,155,163,155,147,152,152,147,109,101,97,97,101,105,105,105,111,160,173,170,168,150,101,98,96,97,102,155,168,163,101,39,22,30,97,144,157,168,155,79,71,59,34,32,34,41,43,45,49,59,71,116,147,178,186,0,137,59,51,59,0,63,87,0,105,0,124,131,142,152,152,147,144,0,0,178,186,178,168,170,181,189,191,191,191,194,196,199,202,202,199,196,196,196,194,191,181,168,160,163,168,170,173,176,178,183,186,191,199,207,212,217,222,220,215,212,212,212,209,209,207,204,202,202,199,194,186,178,176,170,170,173,0,0,0,0,0,0,0,0,0,0,0,0,0,178,176,176,181,0,0,0,0,0,0,0,0,0,202,202,204,0,0,0,0,0,0,209,212,215,217,217,217,222,228,233,235,0,0,0,0,0,0,0,0,0,0,238,235,235,235,233,233,233,230,230,233,235,235,233,225,217,207,199,191,189,186,189,189,191,191,191,194,194,189,178,176,177,186,199,212,228,235,238,235,225,207,186,168,160,157,160,163,163,163,160,160,160,160,163,165,168,170,173,181,189,199,207,215,225,233,238,243,246,246,248,248,248,246,246,251,255,255,254,248,246,246,246,246,246,243,241,238,238,235,230,217,207,199,196,202,207,212,217,225,233,238,241,241,238,235,228,215,202,194,186,186,186,191,196,204,207,209,209,209,212,217,217,222,222,217,209,208,209,215,225,228,228,228,225,222,222,225,228,230,233,235,235,235,235,233,231,233,235,238,233,230,228,225,217,212,209,209,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,17,0,0,0,0,0,0,0,64,100,90,0,0,0,0,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,56,51,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,129,9,0,0,0,0,0,0,0,0,0,116,139,147,147,137,131,134,139,147,152,152,150,144,109,109,111,113,115,115,115,117,155,117,101,67,37,19,15,0,0,69,95,101,107,111,113,113,111,111,115,115,113,111,111,111,111,111,111,113,117,163,168,163,157,119,119,160,160,119,115,113,107,105,105,109,111,111,111,113,115,119,160,121,119,119,163,168,168,170,173,176,173,163,119,121,163,170,176,173,165,160,121,119,119,121,163,165,163,121,118,118,119,119,119,117,117,117,117,117,119,163,168,168,163,121,121,160,168,170,163,113,107,108,111,115,115,117,121,163,121,117,119,123,163,163,163,168,181,194,194,168,115,111,112,113,111,109,107,107,109,111,117,121,160,160,121,119,117,117,121,168,178,176,121,119,121,123,168,173,181,189,191,191,196,191,173,169,173,186,191,181,107,100,105,119,121,119,121,168,173,170,163,119,117,117,119,157,163,163,157,157,160,155,113,109,109,111,111,155,168,168,155,103,101,103,103,103,117,176,186,191,189,168,113,109,115,165,181,183,173,119,113,113,119,157,157,115,115,115,111,107,109,115,117,111,107,113,176,196,202,202,207,212,215,202,181,170,170,165,113,111,119,170,178,173,170,178,191,196,189,173,163,165,183,186,163,115,115,117,119,119,119,125,170,125,121,123,127,127,125,125,168,176,181,181,178,181,186,181,170,126,127,131,129,131,186,207,217,225,225,217,209,202,189,181,191,207,215,220,222,209,186,135,181,191,196,202,209,215,217,217,217,209,194,186,196,207,212,212,207,186,135,133,183,199,204,191,178,186,191,189,191,202,217,228,222,207,194,186,181,179,181,183,186,194,199,202,199,191,183,178,181,183,183,181,183,189,191,196,199,194,183,176,176,176,181,183,178,173,170,170,178,183,181,176,127,123,121,121,123,123,123,123,121,123,123,125,168,183,194,196,191,183,181,181,170,165,173,181,178,181,173,165,123,119,163,173,173,173,178,183,181,170,165,170,186,196,204,212,217,215,199,168,111,113,123,168,125,119,117,119,121,125,127,168,168,168,168,170,176,181,181,183,186,191,194,183,170,127,183,202,209,212,215,217,215,212,207,202,191,170,123,121,123,121,113,110,111,123,181,186,183,176,176,178,173,123,115,113,101,90,101,113,115,117,121,127,168,127,125,127,173,181,181,176,170,129,126,127,173,178,176,129,128,128,131,176,183,196,204,207,202,189,181,181,189,199,202,202,202,199,196,194,199,202,199,199,202,204,204,202,194,191,189,189,189,189,185,185,189,194,196,196,202,204,204,202,196,202,207,207,207,209,204,202,199,196,196,199,207,207,199,189,189,194,202,202,196,189,135,129,126,126,129,133,131,133,181,186,189,191,196,199,199,194,191,191,194,194,194,194,199,204,207,209,209,207,202,194,189,183,183,186,186,183,183,186,189,186,181,181,178,178,176,178,178,176,178,181,181,181,178,181,181,178,173,127,131,183,186,183,183,183,181,181,186,186,183,183,189,189,189,183,181,176,131,129,125,125,125,127,170,173,173,170,125,122,123,129,176,178,178,178,178,178,178,173,127,123,123,125,129,173,176,176,176,181,181,176,123,116,116,119,123,127,129,170,173,173,173,170,168,125,125,125,125,119,113,113,117,123,125,127,170,170,169,170,173,176,181,181,178,178,178,178,176,173,172,173,176,173,173,173,176,178,181,181,178,131,119,114,113,117,125,133,178,181,183,183,189,194,196,196,194,194,196,199,202,202,202,204,204,199,192,191,192,196,199,199,202,196,196,196,196,194,191,189,186,186,186,189,189,194,196,194,189,189,194,194,194,191,191,191,186,186,189,191,194,196,194,191,186,186,189,191,191,189,181,176,131,131,130,131,176,176,131,129,129,129,131,133,176,178,181,181,178,176,176,178,186,196,202,199,199,202,204,204,202,199,199,202,199,191,183,173,129,127,127,129,129,131,178,189,196,196,194,194,194,194,191,189,189,186,189,191,191,183,173,127,125,125,125,124,124,125,127,170,176,178,176,170,168,170,168,165,123,121,121,125,165,168,170,176,176,176,170,165,123,121,120,121,165,176,186,189,186,178,173,176,181,183,183,181,183,183,181,176,173,178,186,189,183,183,186,186,183,178,176,173,173,173,178,181,181,178,177,178,181,181,183,186,189,189,186,189,191,191,189,183,181,176,176,173,176,176,176,173,176,176,178,178,176,176,176,176,176,176,178,181,183,186,183,181,181,183,186,186,183,183,183,186,186,183,183,186,186,183,183,183,186,189,191,191,191,191,189,191,191,194,194,191,191,189,189,189,191,191,191,191,191,189,189,189,191,194,199,199,199,196,196,194,196,199,199,196,196,199,199,199,202,204,204,204,202,196,194,191,191,191,191,194,194,194,194,196,196,194,194,194,196,196,194,194,196,194,191,183,183,186,189,191,191,189,189,186,186,186,183,181,181,183,183,181,181,181,178,176,176,176,176,176,173,173,170,168,127,125,125,127,127,127,127,168,173,181,183,186,186,186,181,176,176,183,196,199,194,181,170,168,168,160,113,105,91,69,79,99,99,81,67,61,59,57,61,65,63,51,29,27,49,73,85,118,126,142,142,134,126,121,121,131,147,152,152,157,160,153,157,173,183,186,183,181,178,173,170,170,170,168,170,176,178,178,178,181,183,186,189,181,173,170,170,176,181,186,186,191,196,191,186,183,176,165,150,39,0,0,0,0,0,0,3,165,191,199,202,202,204,207,209,209,209,212,217,225,204,105,0,0,0,0,0,0,0,0,0,0,0,0,0,79,150,131,116,0,0,0,0,0,90,98,0,17,178,191,196,194,189,186,181,178,181,186,186,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,194,100,27,53,139,150,165,173,170,165,165,168,170,173,173,170,168,165,165,168,170,173,176,176,181,186,186,183,183,186,183,178,176,173,173,168,123,123,165,170,176,178,181,183,183,181,178,170,168,165,168,178,189,183,165,123,123,168,183,191,186,176,168,170,170,163,123,165,163,113,69,79,165,173,163,157,165,170,173,178,189,196,191,173,117,107,99,91,105,176,186,178,115,101,101,109,117,155,163,170,173,173,183,186,183,178,176,176,173,163,121,121,165,173,170,165,163,163,168,178,191,199,202,196,191,186,176,163,165,168,170,176,178,183,186,183,181,181,181,173,168,165,163,157,115,113,111,111,111,111,152,160,155,150,150,152,147,105,97,96,97,93,85,83,91,103,109,150,152,152,111,102,103,107,113,163,178,181,170,105,51,27,28,55,85,147,176,178,163,168,165,83,41,35,37,45,59,75,73,77,85,131,163,173,157,121,65,46,49,0,0,59,65,0,134,0,137,142,155,160,155,147,0,160,170,173,170,173,178,186,194,196,199,199,202,204,207,209,209,209,204,202,199,199,196,186,163,152,152,155,163,165,173,181,189,194,199,204,207,212,217,222,225,222,222,222,222,222,217,212,209,207,207,204,199,189,178,176,173,173,176,0,0,0,0,0,0,0,0,0,0,0,0,0,170,170,173,181,0,0,0,0,0,0,0,0,202,202,202,202,0,0,0,0,0,0,209,212,215,217,217,217,222,225,230,233,0,0,0,0,0,0,0,0,0,0,0,238,235,235,235,233,233,230,229,230,235,235,233,228,220,212,202,194,189,189,189,191,191,191,194,196,196,191,181,176,176,181,194,207,217,230,235,235,228,209,189,173,165,163,163,165,165,165,163,163,163,165,168,170,173,176,178,186,194,202,209,217,228,238,246,248,248,246,248,248,248,246,246,251,255,255,254,248,246,246,248,248,246,243,241,238,235,233,225,212,202,194,194,196,202,207,215,225,233,238,241,241,241,238,230,215,202,194,186,183,183,186,191,199,207,209,209,209,212,217,217,222,222,217,209,208,212,215,222,225,228,228,228,225,222,222,225,228,233,235,235,235,235,235,233,233,238,238,235,233,230,228,222,217,212,212,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,90,69,33,0,0,4,0,0,0,0,0,0,0,0,0,0,46,33,0,0,0,0,0,0,0,72,121,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,72,66,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,142,150,147,137,134,137,142,147,152,152,150,147,111,111,150,155,157,160,160,160,165,163,107,69,31,0,0,0,0,45,91,101,109,111,111,109,108,111,117,117,113,111,113,113,115,115,113,113,115,157,160,160,157,160,163,165,163,119,115,113,113,113,113,119,163,157,115,115,117,121,121,119,117,117,121,165,170,178,183,183,176,163,119,119,123,165,168,168,163,123,121,121,121,123,165,170,168,123,119,118,119,119,117,117,117,119,119,119,119,123,168,170,170,168,163,163,168,170,165,119,115,119,163,168,165,163,163,123,117,116,117,123,163,123,123,168,183,196,194,176,119,113,115,117,115,109,107,106,107,111,119,168,170,163,121,117,115,117,123,173,186,183,121,115,119,165,176,181,183,189,191,196,199,194,178,169,170,181,189,183,115,104,109,119,121,117,117,160,163,160,119,115,115,115,117,157,163,163,157,157,160,157,115,111,109,105,105,113,165,170,160,105,101,101,102,109,168,186,194,189,178,117,106,106,113,160,170,170,157,107,101,105,111,117,117,113,111,109,111,117,163,165,121,111,107,113,165,181,186,194,199,207,212,212,194,163,117,109,87,93,115,168,173,170,163,117,117,121,121,121,163,178,191,186,117,109,119,123,125,123,115,117,125,117,111,109,111,113,117,123,173,178,178,173,129,176,183,183,173,127,127,173,173,178,191,209,225,228,230,225,217,207,186,133,176,194,202,207,209,204,196,194,196,196,194,194,202,207,209,207,202,181,111,115,189,209,212,209,204,189,133,131,135,189,191,181,177,186,189,183,181,196,217,222,209,199,189,181,181,183,186,181,178,181,189,191,189,181,178,181,186,186,181,179,181,183,183,186,189,189,181,178,176,176,178,181,178,173,173,176,181,186,183,173,127,127,127,125,125,125,127,127,168,170,168,165,168,181,191,194,191,186,181,176,168,168,183,199,199,194,186,176,165,123,168,178,176,123,121,168,173,165,125,170,183,196,207,212,212,209,204,186,165,121,125,125,123,121,125,170,176,173,176,176,173,168,168,173,183,186,183,183,186,191,191,183,127,125,181,202,207,209,209,212,209,209,209,212,202,181,129,127,125,123,115,110,111,117,125,170,173,170,173,181,178,125,121,127,170,123,121,121,119,119,123,168,173,173,125,123,168,176,176,173,170,129,126,126,131,176,173,129,127,127,131,181,189,199,207,212,209,204,194,189,191,202,204,207,209,207,196,191,194,196,196,199,204,207,209,207,202,199,196,191,187,189,191,191,194,196,199,202,204,204,204,202,199,204,209,212,217,215,212,207,202,194,189,191,199,202,191,183,186,199,209,212,204,189,133,127,127,126,127,129,131,135,183,191,194,196,196,196,194,194,194,194,196,196,194,194,199,202,204,207,207,204,202,199,194,186,183,181,178,178,178,178,181,181,178,181,181,178,176,178,183,181,181,186,186,181,176,173,129,125,123,121,123,176,183,183,183,183,186,189,191,194,194,191,191,189,186,183,181,178,170,127,125,127,129,170,173,173,170,127,125,123,125,170,178,178,178,178,181,183,181,176,129,125,122,122,125,176,181,183,183,183,186,181,170,119,119,123,129,129,168,127,127,127,127,125,123,123,123,123,125,125,123,123,125,129,173,176,176,170,170,170,173,178,181,181,178,176,176,176,173,173,173,173,176,178,178,178,181,183,186,186,181,173,123,116,115,121,129,176,178,181,183,186,189,191,194,196,196,199,199,202,204,202,200,200,202,196,192,190,191,192,194,196,199,202,202,202,199,194,189,186,186,186,189,186,186,189,194,194,191,191,194,194,189,183,181,181,181,181,183,183,186,189,189,186,183,181,181,181,181,178,176,131,131,130,130,131,176,176,133,131,133,133,133,176,178,178,181,181,181,178,181,183,191,202,204,204,202,199,202,202,202,202,202,202,199,183,131,127,127,127,123,123,127,131,181,189,196,196,194,189,183,181,181,183,183,186,186,189,189,183,173,129,127,168,127,125,125,125,125,127,170,173,176,173,168,127,123,121,121,121,123,123,125,165,170,176,178,178,173,168,123,121,120,121,125,173,181,183,181,173,172,173,178,183,183,183,186,189,189,186,183,186,189,189,186,186,183,183,183,183,181,176,172,173,178,183,183,181,178,178,178,178,181,183,186,183,183,186,189,191,191,186,183,178,178,176,178,181,181,178,176,178,178,178,178,176,173,173,176,178,181,183,186,186,183,181,181,181,183,183,183,183,186,186,183,181,181,181,183,183,183,186,186,189,189,191,191,191,191,191,194,196,194,194,189,189,189,186,189,189,189,189,189,189,189,189,189,194,196,199,196,196,194,194,196,196,196,196,196,199,202,202,204,207,204,202,199,194,191,189,189,189,189,191,191,194,194,196,194,194,192,194,196,196,194,194,194,191,189,183,179,181,186,189,189,189,189,189,189,189,186,183,181,181,181,181,178,178,176,174,174,174,176,173,173,173,170,168,125,125,125,125,127,127,127,127,168,173,178,181,183,183,183,176,170,170,178,189,189,178,170,170,173,170,165,160,111,89,89,97,95,71,57,55,51,45,45,45,35,17,0,5,29,69,79,87,129,144,142,129,124,126,134,144,150,150,150,157,160,153,156,170,186,191,189,186,181,178,176,170,168,165,165,170,176,178,181,181,183,189,189,181,169,168,169,173,178,186,191,191,191,186,186,189,191,194,199,157,37,0,0,0,0,0,131,202,202,204,204,202,199,202,209,209,204,204,207,215,222,215,59,0,0,0,0,0,0,0,0,0,0,0,0,0,79,27,0,0,0,0,0,29,160,170,45,37,168,186,194,196,191,186,178,170,168,176,170,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,98,57,57,144,160,165,176,181,181,170,163,163,168,170,170,170,168,168,168,168,170,173,176,178,181,181,181,181,186,189,186,183,181,178,173,127,123,122,125,170,176,178,181,183,186,183,178,170,165,165,170,181,191,189,168,165,165,170,178,181,176,166,159,168,176,168,165,168,168,165,163,173,178,178,173,168,170,168,168,173,183,189,186,176,165,119,99,65,56,111,176,160,107,105,113,165,181,181,181,183,186,186,186,178,168,161,163,165,165,160,120,160,168,176,173,165,164,165,165,173,183,194,199,196,189,181,170,165,173,176,173,176,176,178,181,178,178,183,183,176,170,168,163,119,113,110,109,109,110,113,155,160,160,152,150,152,150,105,97,101,101,89,81,82,93,103,107,109,109,113,150,152,176,186,186,191,194,191,181,152,71,31,23,25,53,157,191,191,186,189,191,176,91,47,37,45,85,0,155,131,121,129,147,155,142,124,116,65,51,55,59,53,59,0,0,0,129,134,150,160,157,150,147,0,155,152,0,170,181,189,194,199,202,204,207,207,209,209,212,212,209,204,199,202,202,191,165,152,147,150,157,168,178,191,199,204,207,209,209,212,217,225,225,225,222,225,225,225,225,222,217,215,212,209,202,189,178,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,170,176,186,0,0,0,0,0,0,0,0,204,202,200,202,0,0,0,0,0,0,212,215,217,217,217,217,217,222,225,230,0,0,0,0,0,0,0,0,0,0,0,238,238,235,235,235,233,230,229,230,233,235,233,228,222,212,204,196,191,189,189,189,189,189,189,191,194,189,183,177,176,178,189,199,212,225,233,233,225,209,194,178,170,168,168,168,168,168,168,168,170,173,178,178,178,181,186,194,202,207,212,222,233,243,251,251,248,246,246,246,246,243,243,248,255,255,254,248,246,246,248,248,248,243,241,235,230,228,217,207,196,192,192,194,196,199,209,217,230,235,238,238,238,235,230,215,202,194,186,183,182,182,186,196,204,207,207,209,212,215,217,222,222,217,212,209,212,215,217,225,228,228,228,225,220,217,225,228,230,233,235,238,238,235,233,235,238,238,235,233,230,228,225,217,212,209,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,113,103,87,72,27,0,0,0,0,0,0,0,0,0,0,0,7,51,38,0,0,0,0,0,0,0,98,176,212,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,1,0,0,0,19,38,113,118,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,134,144,150,144,137,134,137,144,150,155,152,152,150,150,150,152,160,168,170,173,176,181,178,173,168,117,45,0,0,0,45,99,105,111,111,109,107,107,111,155,157,115,113,113,115,117,117,117,117,115,115,117,117,119,157,163,163,160,119,115,115,117,119,160,168,176,168,119,117,119,121,119,117,115,115,117,163,176,183,186,186,176,163,119,121,123,165,168,168,165,123,121,119,119,121,163,168,168,163,119,119,119,119,117,117,117,119,121,119,119,121,165,173,176,176,170,165,165,170,170,170,173,183,191,191,189,183,173,121,115,114,117,163,163,123,121,165,181,189,189,176,121,117,123,165,123,115,109,107,107,113,163,176,178,168,119,115,112,115,123,170,183,181,116,113,119,173,186,189,183,186,189,189,191,186,176,169,168,176,191,189,165,113,113,117,117,113,113,119,121,117,113,113,115,113,113,119,163,163,119,117,155,117,113,111,109,101,95,101,152,163,157,109,102,101,103,113,170,189,194,186,170,111,105,107,115,163,168,160,111,100,98,99,103,109,111,109,109,111,117,170,183,176,119,109,107,111,119,163,170,181,189,194,199,207,199,115,105,93,69,87,115,163,165,163,117,96,92,99,107,117,165,178,189,181,111,101,121,176,181,176,117,115,119,115,105,97,91,91,99,109,121,127,127,123,125,170,183,189,183,131,131,176,181,183,189,204,222,228,230,225,217,207,186,131,131,181,186,191,194,194,194,199,204,202,191,189,196,199,196,189,135,109,100,102,178,204,204,199,196,181,131,127,129,178,181,177,177,186,183,131,130,189,212,209,189,183,181,178,183,189,189,183,177,177,181,183,181,174,174,181,189,183,181,179,183,183,178,177,177,181,181,178,176,174,176,181,178,172,172,173,178,183,178,170,127,168,168,170,170,170,170,173,176,176,173,168,170,178,189,191,191,191,189,181,173,173,191,204,204,194,186,178,170,165,173,181,173,107,92,88,99,117,121,123,170,189,204,209,207,204,199,189,173,125,121,120,120,123,173,186,191,183,178,176,170,166,170,183,194,194,189,189,191,194,194,181,126,123,173,196,202,202,202,202,202,199,204,212,207,191,181,173,129,127,119,115,115,119,123,125,127,127,170,181,183,170,127,176,183,181,173,127,121,121,123,127,170,176,168,122,122,127,129,127,125,127,127,126,131,176,178,176,129,129,176,186,196,204,209,212,212,212,202,194,194,202,207,209,209,207,196,189,189,191,194,199,204,207,207,207,204,204,202,194,187,191,194,196,196,196,199,199,202,204,202,199,202,207,212,215,217,215,215,209,204,191,186,189,194,194,183,181,183,199,212,212,204,181,125,124,126,127,127,131,135,181,189,194,196,196,196,194,192,194,196,199,199,199,196,196,199,202,204,204,204,202,202,202,202,196,189,183,178,178,176,176,176,178,178,181,181,178,176,178,181,183,186,189,189,183,176,131,126,123,123,122,124,176,183,183,186,183,189,191,196,196,196,196,191,189,186,183,181,176,170,127,125,127,170,173,176,173,129,125,123,125,127,129,173,173,176,178,183,189,186,181,173,129,123,121,123,178,186,189,186,186,186,186,181,170,170,170,170,168,125,123,121,121,123,123,123,123,123,125,127,168,170,168,170,173,178,178,178,178,176,176,178,181,183,181,178,176,131,131,173,176,178,178,181,186,189,186,186,186,189,186,183,176,127,121,121,125,131,176,181,181,183,183,186,189,191,194,199,202,202,204,204,202,200,200,202,199,196,194,194,194,194,196,202,204,204,202,199,194,189,183,183,186,186,183,178,181,189,194,191,194,196,191,181,135,134,135,135,135,135,135,178,181,183,181,135,131,129,129,131,131,129,129,131,131,131,133,178,181,181,178,178,135,133,133,135,135,135,135,178,181,181,186,194,202,204,202,199,196,199,202,202,202,202,202,196,176,123,123,125,123,117,117,121,129,176,186,191,191,189,181,176,173,176,178,181,183,183,183,181,176,129,127,129,129,168,127,125,123,121,121,125,168,173,173,168,123,119,119,119,121,123,123,123,165,170,176,181,181,176,170,165,121,120,120,123,168,176,181,178,173,170,170,173,178,178,181,183,186,189,191,189,189,189,189,186,183,182,182,183,189,186,181,176,178,183,186,186,183,181,178,178,178,178,181,181,181,181,181,183,189,189,189,186,181,181,178,181,183,183,178,178,178,178,178,176,173,170,173,173,178,181,183,186,186,181,178,178,178,181,183,183,186,186,186,183,181,181,181,183,183,183,186,189,189,189,189,191,191,191,191,194,194,194,191,189,189,186,186,186,189,189,189,189,189,189,189,189,191,194,196,196,196,194,192,194,196,196,196,196,199,202,204,204,204,204,202,196,194,191,189,186,186,189,189,191,194,196,196,194,192,192,194,196,196,194,194,191,191,189,183,179,181,183,186,189,189,189,189,189,189,189,186,183,183,183,181,178,176,174,174,174,176,176,173,173,173,170,127,125,125,125,125,127,125,125,125,125,168,173,176,178,181,181,178,165,124,125,173,181,178,176,176,176,173,173,170,163,113,97,85,69,53,51,51,49,44,47,45,25,0,0,0,5,45,59,73,129,144,137,121,120,126,139,147,144,142,144,155,157,155,156,168,186,194,194,189,183,183,181,176,165,163,164,168,173,178,181,183,186,191,191,183,169,168,169,176,181,191,196,194,191,189,189,189,194,204,215,202,124,0,0,0,25,124,191,209,207,204,202,199,198,199,207,209,204,203,203,212,225,230,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,170,173,82,51,147,178,191,196,196,189,173,160,150,131,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,65,131,157,170,181,186,186,178,165,155,157,165,168,170,173,173,170,170,170,173,173,176,181,183,183,181,183,189,191,189,186,186,181,176,129,123,122,125,170,173,176,178,181,183,181,176,168,165,165,170,181,189,183,168,168,170,173,178,178,170,165,159,170,181,176,168,168,168,170,181,183,178,176,178,178,176,168,166,170,178,181,181,173,165,119,89,54,48,103,176,157,111,168,183,199,204,202,196,194,194,194,189,178,165,160,160,163,168,165,121,160,170,178,176,170,170,170,170,173,178,186,191,189,181,173,168,168,178,181,176,173,173,173,173,173,173,178,181,173,168,165,163,157,117,111,109,110,113,155,163,165,170,165,155,152,150,103,101,111,107,87,83,95,107,109,107,106,106,111,157,176,194,196,196,199,202,199,191,168,87,41,19,19,49,183,199,196,191,194,199,199,181,77,43,49,0,199,202,181,144,134,139,139,129,121,139,147,67,45,45,49,0,0,113,108,113,126,147,157,155,147,142,144,0,0,0,170,186,191,199,202,204,204,207,207,207,207,207,209,209,204,202,202,202,196,173,0,147,150,157,170,186,199,207,209,212,209,209,212,217,225,228,225,222,222,225,228,225,225,225,222,217,212,204,189,178,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,181,183,0,0,0,0,0,0,0,0,0,0,204,202,202,0,0,0,0,0,0,0,215,217,217,217,217,217,217,222,228,230,230,0,0,0,0,0,0,0,0,0,241,241,238,238,235,235,230,229,230,233,233,230,225,217,212,207,199,191,186,186,186,183,181,181,183,186,186,183,178,177,178,186,196,207,217,228,228,222,209,196,186,178,173,170,170,170,170,170,173,176,181,183,186,183,186,194,199,207,212,215,222,233,243,251,254,248,246,243,246,243,241,241,248,255,255,254,248,246,248,251,251,248,243,238,233,228,220,212,202,194,191,192,194,191,194,199,212,225,230,235,235,235,233,228,215,202,194,189,183,182,181,183,194,202,207,207,207,212,215,217,222,222,215,212,212,215,217,222,225,225,228,228,225,217,217,222,228,230,233,235,235,238,235,233,233,235,238,235,233,230,228,222,215,209,207,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,77,87,95,98,87,85,64,35,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,48,137,196,248,118,0,0,0,0,0,0,0,0,0,0,0,5,64,0,0,0,64,56,0,0,0,38,0,92,118,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,73,126,144,147,139,134,134,139,147,152,157,157,155,155,155,155,157,165,178,186,189,191,191,189,191,189,191,209,59,0,0,53,97,107,111,113,111,108,108,111,155,160,155,113,113,115,115,117,160,163,119,111,110,111,113,117,117,119,119,117,117,119,119,119,163,173,173,168,160,121,121,121,115,114,115,115,117,165,178,183,186,183,173,163,123,163,165,168,170,173,168,123,119,118,118,119,123,168,168,123,119,121,119,119,121,121,119,121,121,117,115,119,168,176,178,181,178,165,123,168,181,191,202,204,204,202,202,204,202,176,116,114,117,165,168,163,121,123,170,176,173,165,117,119,170,183,178,163,117,113,113,119,168,176,176,165,119,115,113,113,119,165,168,123,115,113,119,186,199,194,183,181,183,181,178,178,176,170,169,176,189,186,173,123,119,117,113,110,111,119,117,113,110,111,113,113,113,117,163,163,155,113,111,111,109,107,103,93,86,87,101,113,115,111,105,103,105,115,170,181,183,173,157,109,107,113,160,168,168,157,113,103,99,100,105,109,107,105,105,111,160,178,189,183,117,105,103,109,113,113,121,170,173,173,178,186,196,95,15,35,77,101,117,121,121,119,109,93,89,98,115,117,115,163,183,181,121,99,95,183,194,178,123,115,115,111,103,89,73,75,87,93,95,101,117,123,125,129,178,183,178,173,173,176,178,178,183,199,212,222,225,222,215,202,176,129,176,181,181,181,179,179,186,196,199,191,186,189,199,199,186,133,123,107,107,117,135,189,189,135,126,133,129,124,125,178,178,177,181,181,131,126,126,181,199,194,174,173,174,178,181,181,181,181,181,178,178,178,176,173,174,178,181,181,181,183,186,183,178,176,177,183,183,178,176,176,178,181,178,172,172,173,178,178,173,127,127,168,170,173,176,176,176,176,176,176,170,168,168,176,183,189,189,189,189,181,170,173,191,202,202,186,178,173,165,163,168,170,165,105,93,78,71,111,121,120,125,181,194,202,202,199,194,186,178,165,123,121,123,127,176,191,199,186,173,168,168,170,176,186,196,196,194,194,196,199,196,183,127,122,127,181,189,191,194,196,196,194,199,204,204,196,189,183,178,173,168,125,125,125,127,168,168,127,170,178,181,176,176,181,186,186,181,173,127,123,123,125,168,173,168,122,121,123,127,125,123,125,127,129,173,183,186,183,178,133,178,191,202,209,212,212,212,215,212,202,196,196,202,202,199,191,186,183,183,189,194,199,202,207,207,204,204,209,209,202,194,191,194,196,199,199,196,194,194,196,199,199,202,207,209,212,215,212,209,209,207,196,189,189,194,189,183,181,182,191,204,204,194,137,125,123,125,129,133,137,186,191,194,196,196,199,196,194,194,196,199,202,202,199,196,196,199,202,204,207,204,200,200,204,207,204,199,191,186,183,181,178,176,176,178,183,183,183,181,181,183,183,189,191,191,186,181,176,176,176,173,173,173,178,183,183,183,186,189,191,194,196,194,194,191,189,186,183,181,176,173,170,127,125,127,173,176,173,129,123,122,123,125,125,123,125,170,176,183,189,186,181,178,176,127,121,122,178,189,191,189,186,186,189,189,183,178,173,127,123,119,117,117,117,123,125,125,125,127,168,168,170,170,170,173,176,178,181,181,181,181,178,181,186,186,186,181,173,127,125,131,176,181,183,189,194,194,191,189,186,183,183,181,173,129,127,129,131,173,176,181,186,186,183,183,186,191,194,196,202,202,204,207,204,202,204,207,207,204,204,204,202,199,199,204,204,199,196,196,194,189,181,178,183,183,135,131,132,186,194,196,199,196,186,135,134,134,135,135,133,131,129,131,133,178,178,133,127,124,125,127,127,126,129,133,133,131,133,181,191,194,191,186,178,131,129,129,129,129,131,135,178,178,181,186,194,199,196,191,194,196,199,202,204,199,191,183,125,122,123,123,119,116,115,117,125,170,178,178,176,176,173,129,170,176,181,183,186,186,181,176,170,127,125,127,129,129,127,123,121,121,121,123,127,170,173,168,123,119,119,119,121,121,121,123,125,168,173,178,178,176,170,168,123,120,120,121,125,170,178,181,176,173,173,173,173,176,176,176,178,183,189,189,191,191,189,186,183,182,181,183,189,191,186,183,183,186,189,189,183,181,181,181,178,178,178,178,176,178,176,176,181,183,183,183,183,181,181,181,181,181,178,176,176,176,173,173,170,170,170,173,176,178,181,181,181,178,176,176,176,181,186,189,189,186,183,183,181,181,183,183,186,186,189,189,189,189,191,191,191,191,191,194,194,191,189,189,189,186,186,189,191,191,191,189,189,189,189,189,191,194,194,196,196,194,192,192,196,199,199,199,199,202,204,204,202,202,199,196,194,191,189,186,186,189,191,191,194,196,196,196,194,192,194,196,199,194,191,186,186,183,183,181,183,186,189,189,189,189,189,189,189,189,189,189,189,186,181,178,176,174,176,178,178,176,176,173,173,170,127,125,125,125,125,125,125,125,125,125,127,168,173,176,176,176,176,170,124,123,124,165,176,178,178,178,176,176,176,173,163,150,95,63,51,59,59,43,43,53,57,41,3,0,0,0,0,47,89,152,157,139,122,122,137,144,144,139,137,138,150,157,157,160,168,186,196,196,189,186,186,181,176,165,163,163,165,173,176,181,183,189,194,194,189,178,170,170,178,191,196,196,191,189,189,194,194,199,209,212,207,105,0,0,92,163,191,202,209,209,204,199,196,196,199,204,207,207,204,207,212,215,199,168,25,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,0,0,0,0,15,160,168,150,103,137,160,173,189,196,189,176,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,100,142,144,150,165,181,189,189,183,170,155,152,153,163,168,170,173,173,170,170,176,176,176,178,183,189,189,186,186,189,191,189,189,186,183,176,170,127,125,125,170,176,173,173,176,178,178,173,170,168,168,170,176,181,178,168,127,170,181,186,186,178,170,166,173,178,178,173,173,170,170,181,181,173,172,176,181,178,170,168,168,170,173,173,170,160,101,75,58,67,157,170,168,168,183,204,209,209,207,202,196,199,202,196,189,176,165,161,168,176,178,170,168,173,181,181,178,173,173,170,170,176,181,181,176,165,123,123,170,181,181,176,170,168,168,168,170,170,170,173,168,165,165,163,160,160,160,160,160,160,163,165,170,178,178,165,152,107,98,99,155,155,87,81,93,107,111,109,107,107,111,157,178,194,194,194,196,202,204,194,178,150,73,25,29,109,194,199,196,196,196,202,207,202,165,83,75,99,202,207,204,189,157,137,124,87,83,121,124,59,38,39,49,0,0,73,75,105,126,155,160,152,142,137,0,0,121,0,178,196,199,204,209,212,207,204,204,204,204,202,204,207,204,202,199,202,196,181,0,147,150,160,176,191,204,209,212,212,212,209,212,220,225,225,225,222,222,225,225,225,225,228,228,222,215,207,189,178,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,222,217,216,216,222,225,228,230,230,222,0,0,0,0,0,0,0,246,246,243,241,241,238,235,233,230,228,228,225,222,215,212,207,202,194,189,186,183,178,176,133,176,181,183,183,181,178,178,183,191,202,209,217,217,212,204,196,189,183,181,178,178,176,176,176,178,183,186,189,189,189,191,199,207,212,215,217,222,230,243,251,251,248,243,243,243,241,235,235,246,254,254,248,246,246,248,251,248,246,241,235,230,222,215,207,199,194,192,192,194,191,191,194,204,217,225,230,233,230,228,222,212,202,196,191,186,182,181,183,194,202,207,204,204,209,215,222,225,222,215,212,212,217,222,225,225,225,225,225,225,217,217,222,225,230,235,235,235,235,233,233,233,235,235,235,233,230,228,222,212,204,202,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,95,116,105,103,82,38,51,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,168,215,255,126,0,0,0,0,0,0,0,0,0,0,0,38,157,131,0,0,103,95,0,0,0,0,0,5,56,0,0,0,0,0,0,0,0,0,0,1,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,121,137,144,144,139,137,137,142,147,152,157,157,157,160,160,160,168,176,186,194,194,194,196,194,199,202,207,222,89,0,0,67,97,105,109,111,113,113,111,113,117,157,117,109,111,113,111,115,163,168,160,113,110,110,111,111,111,113,115,117,119,160,121,121,160,165,165,163,121,119,119,117,113,114,115,117,117,163,173,178,181,181,176,168,168,170,173,173,173,176,170,123,119,117,118,123,168,173,168,123,119,121,121,121,123,123,123,123,123,117,113,114,121,170,178,183,178,123,121,170,194,207,209,207,204,196,202,209,212,199,170,125,168,173,173,165,119,119,123,163,121,121,115,117,173,189,191,183,173,123,119,119,163,168,168,123,117,113,113,113,115,117,117,117,115,115,123,183,196,194,186,181,181,181,178,178,178,178,176,181,183,178,168,165,165,163,117,110,110,115,115,111,110,111,113,113,115,119,163,163,155,111,107,107,107,107,103,89,81,81,91,105,107,105,103,103,105,115,160,168,163,113,111,109,111,152,160,165,165,157,117,111,105,105,109,113,109,101,103,113,163,176,183,178,113,92,91,99,105,109,117,160,119,157,160,163,160,45,6,26,87,101,111,117,121,121,111,99,99,119,123,109,80,87,181,183,117,28,44,173,189,173,119,111,109,109,105,99,79,70,81,87,80,86,111,123,125,127,170,173,170,131,131,173,131,131,178,189,202,209,212,212,204,189,129,125,133,183,186,181,177,178,189,189,178,130,181,202,207,196,178,129,125,117,119,127,178,183,133,121,113,129,131,125,125,133,178,178,189,186,131,125,126,176,189,183,174,173,174,176,133,131,133,176,181,183,181,178,176,174,174,178,183,189,189,189,189,183,178,178,181,186,186,181,178,181,186,186,183,178,176,178,181,176,129,125,125,127,170,173,178,178,178,178,176,170,168,166,168,173,181,183,178,173,176,170,163,163,178,191,191,181,170,123,119,119,123,123,119,115,107,91,95,121,121,123,173,186,191,194,194,191,189,183,178,170,168,168,168,170,173,181,186,178,168,127,170,178,181,189,196,196,196,199,202,204,202,194,181,127,127,170,173,178,189,194,194,191,194,196,196,196,194,191,186,181,176,176,173,170,170,170,168,125,127,173,178,181,181,186,186,186,183,178,170,125,123,127,170,170,127,122,122,125,129,127,123,124,129,178,183,189,191,183,173,173,181,191,202,209,212,212,212,212,212,209,202,191,186,183,181,137,135,137,181,189,194,199,202,204,204,203,204,209,212,209,199,191,189,191,199,202,202,194,189,191,191,194,196,202,207,209,209,207,204,204,204,196,189,191,196,194,191,186,183,186,194,196,194,186,135,129,129,133,137,186,194,199,199,199,199,199,199,196,196,199,202,202,202,199,199,199,199,202,204,204,204,202,202,204,209,209,202,194,191,189,189,183,178,176,178,181,186,189,186,183,181,183,186,191,191,189,183,181,183,189,189,186,183,183,181,181,183,186,191,191,194,191,191,189,186,186,183,178,176,178,176,173,127,117,117,125,173,176,173,127,122,122,122,121,120,122,129,176,183,186,186,183,186,186,173,122,123,173,183,189,189,183,181,183,186,183,176,168,123,117,116,117,117,119,123,127,127,168,173,173,173,173,176,178,178,181,181,181,181,181,181,178,181,186,189,189,186,173,125,124,125,131,178,186,194,196,196,194,189,183,178,178,176,131,129,131,173,176,176,176,181,189,189,189,189,191,191,194,196,199,199,204,207,207,207,209,209,207,207,207,207,202,196,196,202,199,191,186,189,191,186,178,178,181,181,133,130,131,183,194,199,202,194,183,135,134,135,135,133,129,125,123,125,129,133,133,131,125,124,125,127,127,127,131,133,133,130,130,183,199,207,207,202,186,129,121,120,121,125,129,133,135,135,133,135,178,183,183,183,189,194,196,199,202,191,181,131,123,122,123,123,121,117,116,117,123,127,170,170,129,170,170,129,170,178,183,186,186,186,181,173,129,127,125,125,127,127,125,121,120,121,121,123,127,170,170,127,121,117,117,117,119,119,121,121,123,125,170,176,176,170,168,168,165,123,121,121,125,170,178,183,181,178,178,178,178,176,173,173,173,176,181,183,189,191,191,191,189,183,183,186,189,191,186,183,183,186,189,186,183,183,183,183,183,181,178,176,173,176,173,131,173,176,181,183,183,183,181,178,176,176,173,170,170,170,170,129,129,127,127,129,170,173,176,178,178,176,173,173,176,181,186,189,189,186,186,183,183,186,189,189,189,191,191,191,189,189,191,194,194,194,194,194,194,189,186,186,186,186,186,189,191,194,194,191,191,189,189,189,191,191,194,196,196,194,192,192,196,199,199,199,199,202,204,204,202,199,196,199,196,194,186,186,186,191,194,194,196,196,199,196,196,194,194,196,196,194,186,181,135,137,181,186,186,186,189,189,189,189,186,186,186,189,189,189,189,186,181,178,176,176,178,178,178,178,176,173,170,168,127,127,127,127,125,125,125,125,127,127,127,168,170,173,173,176,176,173,168,125,124,125,170,178,181,181,178,176,173,170,170,168,157,99,83,89,79,49,39,44,53,49,31,1,0,0,0,47,144,168,173,163,144,139,147,150,144,138,137,138,147,155,157,160,165,181,191,191,186,189,189,186,178,168,163,163,168,173,178,178,178,183,194,199,196,189,183,183,191,199,202,196,194,191,191,199,199,202,209,207,196,100,0,61,168,189,199,207,209,209,202,199,198,199,204,207,207,207,212,209,212,212,209,204,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,150,150,134,126,124,126,163,173,181,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,85,124,147,160,163,165,173,183,191,191,181,165,153,152,157,163,165,163,163,163,165,173,178,178,176,178,186,191,194,191,189,189,189,189,186,183,178,176,173,170,129,170,173,178,176,172,173,176,176,176,173,170,168,170,170,170,168,127,170,181,189,194,191,186,178,173,173,173,170,170,173,173,173,176,176,173,172,173,176,170,165,168,165,121,117,160,163,111,79,59,87,165,181,183,176,173,183,196,207,209,207,199,194,196,199,199,191,183,173,165,170,178,181,178,176,176,181,183,178,173,170,170,170,170,173,173,168,122,119,121,165,176,176,173,170,168,168,168,168,165,165,168,168,165,163,160,165,170,176,176,170,165,160,155,160,176,181,173,160,109,99,101,157,155,81,75,87,105,111,113,113,113,111,152,168,181,178,178,186,196,196,183,173,160,109,39,51,157,194,199,196,199,199,202,207,207,191,0,97,134,189,207,209,196,165,134,91,85,83,83,71,36,33,41,0,0,0,69,79,118,144,168,165,144,129,124,0,87,89,0,186,202,204,207,209,209,204,199,199,202,199,196,199,204,202,199,199,202,199,0,0,150,150,163,178,194,204,207,209,212,212,212,215,217,222,222,222,221,222,222,222,222,225,230,230,228,220,207,189,176,176,0,0,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,222,217,216,217,225,228,230,230,222,0,0,0,0,0,0,0,251,251,248,246,246,243,241,238,233,228,222,217,215,212,212,209,207,202,194,189,183,178,133,131,131,176,178,181,181,181,181,183,189,194,202,207,209,204,199,196,191,189,186,186,183,181,181,178,181,186,191,191,191,191,196,204,209,215,215,215,217,228,238,246,251,246,243,241,241,235,230,233,241,248,251,248,246,246,248,248,248,243,238,233,228,217,209,204,199,196,194,194,194,191,189,189,199,212,220,225,228,228,222,215,209,202,196,194,189,183,183,189,196,204,207,204,202,207,215,222,225,222,215,212,212,217,225,228,228,225,225,225,225,217,217,222,225,230,233,235,233,233,230,230,233,235,235,233,233,230,228,222,212,204,202,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,129,131,108,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,178,207,212,43,0,0,0,0,0,0,0,0,0,0,0,17,163,163,0,0,113,118,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,124,69,0,31,41,43,0,0,0,0,0,0,0,0,0,0,131,142,144,144,142,142,142,144,147,150,155,157,160,163,165,170,178,189,194,194,191,194,196,196,202,207,215,230,176,0,0,69,93,101,109,111,113,115,117,117,155,117,103,93,101,107,107,113,163,168,163,115,111,111,111,111,110,111,117,121,160,163,160,119,117,117,115,115,115,117,119,115,113,114,117,117,115,119,165,170,176,181,178,173,170,173,176,173,173,173,168,123,121,119,123,173,183,186,178,125,119,123,123,125,125,125,125,125,125,117,112,111,115,165,178,183,176,123,120,168,202,215,212,204,199,195,196,204,209,196,178,170,173,178,178,168,121,118,119,117,115,115,114,117,173,194,199,196,186,170,163,121,123,163,163,121,115,113,113,112,112,112,113,117,119,117,119,165,181,186,186,189,189,191,186,186,186,186,183,178,173,165,163,168,176,176,165,115,110,111,111,110,110,113,117,117,117,119,157,157,115,111,107,107,107,107,109,103,87,87,99,105,103,99,99,101,103,109,113,113,103,93,101,107,113,152,152,155,157,160,160,155,113,111,115,117,113,99,101,115,163,170,173,163,101,85,87,93,101,105,115,119,115,113,113,113,105,31,5,23,81,95,107,117,165,170,121,111,113,117,109,84,73,84,178,168,57,5,31,91,119,117,113,107,107,111,109,105,81,68,89,105,78,86,109,121,121,121,125,127,127,127,129,129,128,128,131,178,183,186,189,194,189,133,121,121,131,186,196,191,181,183,194,186,126,124,135,202,202,181,129,127,127,123,125,133,181,183,133,121,114,131,181,131,129,133,133,178,189,189,133,127,128,133,181,183,183,186,183,178,131,128,128,133,178,181,181,181,178,176,181,186,194,202,202,196,194,186,181,181,183,183,183,183,181,186,191,194,191,183,181,181,178,173,125,124,124,127,168,170,176,178,181,181,178,170,170,170,168,170,181,183,170,120,121,121,118,119,165,178,178,170,123,115,114,117,123,121,117,121,113,111,121,163,123,165,183,189,189,186,183,183,183,183,181,176,176,178,178,176,170,170,173,170,127,170,178,186,186,191,194,196,199,202,204,207,207,204,199,186,173,127,125,129,181,189,189,189,189,191,191,191,191,194,191,186,183,181,178,173,168,127,125,123,123,127,176,183,189,189,186,183,183,178,170,127,125,168,173,170,127,123,125,129,173,129,124,124,173,183,189,194,191,181,129,127,133,183,196,204,209,212,212,209,209,207,202,186,133,132,133,133,133,133,137,186,194,199,202,204,207,204,204,207,212,212,202,194,189,189,199,207,209,202,191,187,187,189,191,194,199,202,202,199,194,194,194,191,186,189,194,196,196,191,186,183,186,191,194,194,194,189,181,137,183,189,196,202,202,202,199,199,199,199,196,199,202,202,202,199,196,196,199,202,202,202,202,202,204,207,209,209,204,196,191,194,191,186,178,174,174,178,183,186,186,181,178,179,183,189,194,191,186,183,186,194,196,194,191,183,178,177,178,186,191,191,191,189,186,183,183,183,181,176,176,178,181,176,127,115,114,116,125,173,176,170,127,123,122,120,120,122,129,176,181,186,189,186,189,189,178,127,125,129,176,183,183,181,176,178,178,176,170,127,121,117,116,117,119,119,121,123,127,170,176,176,176,176,181,186,186,183,178,178,181,181,181,181,181,186,191,194,191,183,131,124,124,127,173,183,194,196,194,191,186,183,178,176,173,131,131,173,176,176,173,131,176,183,189,194,196,196,194,194,196,199,199,202,207,207,207,209,209,204,204,204,202,194,189,191,196,194,185,182,185,191,189,183,178,178,178,133,133,135,183,194,202,199,191,183,135,135,135,135,133,129,123,122,122,125,129,131,131,127,124,125,129,131,133,133,135,131,129,130,183,204,215,215,209,194,131,119,118,120,127,131,133,135,133,131,131,131,132,133,178,186,191,194,194,194,183,131,125,123,123,123,125,125,125,123,121,121,123,125,127,125,127,170,129,170,178,181,181,181,181,178,173,129,125,124,124,125,125,123,121,121,123,125,127,170,173,170,125,117,115,114,115,117,119,119,119,119,123,168,173,173,170,168,165,165,165,125,125,168,173,181,183,183,181,183,183,181,176,170,129,129,129,129,176,183,191,194,194,194,191,186,186,189,189,186,183,183,183,186,186,186,186,186,189,186,183,178,173,172,173,131,130,130,131,176,181,183,186,183,178,176,170,129,127,127,127,127,127,127,125,125,123,125,129,173,176,176,173,173,173,176,181,186,189,189,189,186,186,186,189,191,194,194,194,191,189,186,186,189,194,194,194,194,196,194,191,189,186,183,183,183,189,191,196,196,194,191,191,189,189,189,189,191,194,196,196,196,196,196,196,196,196,199,202,204,202,199,196,196,199,199,194,183,182,183,191,196,196,196,196,199,199,202,199,199,196,196,194,183,135,133,133,181,186,189,189,189,189,189,189,186,186,186,186,189,189,186,183,181,178,176,176,178,178,178,178,176,170,129,127,127,127,127,127,125,125,124,125,127,168,168,168,170,173,176,176,176,176,176,170,165,165,170,176,178,181,178,176,168,166,170,173,178,181,173,165,144,81,44,45,49,49,47,39,15,0,0,37,144,173,178,165,150,150,155,155,150,142,139,142,147,150,155,157,163,173,186,186,183,186,191,189,183,170,164,164,168,178,178,176,174,178,194,202,202,196,194,194,199,204,202,196,196,196,199,204,202,199,202,199,183,126,121,176,194,196,202,202,204,204,204,202,204,207,209,207,204,204,207,207,207,209,212,217,173,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,129,126,82,0,0,29,105,157,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,155,152,155,160,165,170,178,186,191,191,181,165,155,157,165,170,165,160,157,157,161,170,176,178,178,181,183,189,194,194,194,191,191,186,181,176,176,176,176,173,173,176,178,178,178,173,172,172,176,178,176,170,168,168,168,125,124,124,176,191,196,196,194,191,181,176,170,165,165,170,176,176,173,170,173,173,173,173,168,163,160,160,111,85,81,101,117,109,77,31,111,196,199,196,189,181,183,191,202,204,196,186,181,183,189,189,186,183,170,165,168,178,178,178,178,178,178,178,176,170,169,170,170,170,173,176,170,122,119,121,125,170,170,170,170,170,170,168,165,164,165,173,173,168,163,160,168,181,186,181,168,157,152,150,151,160,173,173,168,160,113,113,152,101,67,69,89,107,115,155,157,155,115,152,160,165,160,155,165,183,183,165,157,157,157,49,61,160,194,199,199,202,204,204,207,207,202,186,105,95,150,196,202,194,160,93,85,91,126,121,77,39,36,53,0,0,63,77,124,0,163,173,163,118,74,75,75,79,91,157,196,207,207,207,207,207,199,191,191,194,194,194,196,199,199,196,196,202,202,0,0,152,150,163,181,194,202,207,209,212,215,215,215,215,220,222,222,220,220,222,222,222,222,228,230,228,217,199,181,170,168,173,176,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,225,222,217,217,222,228,233,233,228,0,0,0,0,0,0,0,254,254,251,248,248,248,246,241,235,230,222,215,212,212,212,212,212,209,204,199,191,183,135,129,129,129,173,178,181,181,181,181,183,189,194,202,202,199,196,194,194,194,191,191,191,189,186,186,189,191,194,194,194,199,204,209,212,215,215,212,212,217,230,241,243,243,241,238,235,233,228,228,233,243,246,243,243,243,246,246,246,241,235,233,228,215,209,204,199,196,194,194,194,191,186,189,196,207,215,222,225,222,217,212,207,202,196,194,191,189,191,194,202,204,204,202,202,204,212,217,222,222,215,215,215,222,225,228,228,225,225,225,225,222,217,222,225,230,233,233,233,230,228,228,230,233,233,230,230,230,228,222,212,204,202,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,124,134,100,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,74,35,0,0,0,0,0,0,0,0,0,0,0,0,0,9,11,0,0,90,118,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,113,87,85,111,92,72,0,0,0,0,0,13,21,5,0,21,131,139,147,152,147,144,144,144,147,150,155,163,168,170,173,183,194,199,199,191,190,191,196,199,202,204,215,228,207,25,0,59,87,97,111,113,111,115,117,155,117,107,79,74,81,95,103,111,157,163,157,115,113,115,115,113,113,115,119,160,163,160,160,121,115,112,110,110,112,119,160,121,115,114,115,117,114,113,117,163,173,181,178,170,168,170,173,170,168,170,168,125,125,125,173,186,196,196,183,170,125,127,127,127,127,168,168,168,165,119,114,112,115,165,176,181,178,168,120,121,191,209,207,199,196,196,196,199,196,186,170,165,170,178,181,176,165,121,119,117,115,113,113,117,173,191,199,196,189,173,168,163,165,168,168,123,115,113,112,112,112,112,115,119,119,113,109,111,123,178,189,194,196,196,194,191,191,189,183,173,165,121,123,170,183,186,178,123,113,111,110,109,111,117,121,157,117,117,117,117,115,111,113,115,115,109,157,168,165,160,160,150,103,93,93,97,99,101,103,99,89,84,95,105,111,113,111,113,152,163,165,160,152,115,155,160,155,101,99,113,160,165,165,117,93,83,88,97,103,107,115,157,119,119,117,117,117,91,28,28,53,91,109,160,178,191,181,121,115,111,101,88,91,181,196,181,83,43,43,67,77,87,95,101,109,115,111,95,65,66,123,183,105,103,117,123,121,121,125,127,127,127,129,129,129,129,131,176,173,121,111,123,129,119,107,113,127,183,194,191,183,186,194,181,127,129,181,181,125,117,123,127,129,127,129,135,181,183,178,127,124,181,194,194,189,183,176,133,181,183,131,128,129,131,178,189,199,199,191,181,129,127,127,131,176,178,178,178,178,181,189,199,209,212,209,207,199,191,181,178,178,181,183,183,183,189,196,196,194,186,181,176,173,129,125,124,124,127,168,170,173,176,178,181,178,178,181,178,170,173,189,194,181,125,121,118,117,119,163,168,165,123,117,114,115,163,173,168,123,119,115,117,163,121,121,170,181,181,176,168,168,170,176,176,176,176,178,183,183,178,170,168,127,125,127,173,183,189,189,189,191,194,196,202,204,207,207,207,204,196,183,129,125,126,173,181,181,183,183,186,186,186,189,191,191,191,186,183,176,168,125,123,122,121,121,123,170,183,191,191,186,183,181,178,173,170,170,176,178,176,168,125,127,129,170,127,124,125,176,183,189,191,191,178,121,117,121,129,181,194,204,209,209,207,199,194,189,181,133,133,135,133,132,133,135,183,191,196,202,204,207,207,204,207,207,204,199,191,189,189,196,209,212,209,199,191,189,187,187,187,189,191,194,191,189,189,189,186,185,186,191,194,194,191,186,183,183,183,189,194,199,196,186,181,183,186,191,202,202,202,202,199,199,196,196,196,199,202,202,199,196,196,196,199,199,196,196,199,202,204,207,207,202,196,194,191,189,181,176,174,174,176,183,189,186,181,177,178,181,189,191,191,186,183,186,191,194,194,191,186,178,177,178,183,189,189,189,189,186,183,182,183,183,183,181,181,183,181,173,123,116,115,117,125,170,173,173,173,129,123,123,127,170,176,178,183,186,186,186,189,183,173,129,125,127,170,176,176,173,170,129,127,127,125,123,119,116,116,116,117,117,121,127,173,176,173,173,176,181,189,186,181,176,173,176,181,181,178,178,181,186,189,191,189,181,131,129,129,173,181,189,191,189,189,186,183,183,178,176,176,176,176,176,173,129,128,129,133,183,191,196,196,194,194,196,196,196,202,207,204,204,204,204,202,202,204,199,186,182,185,191,189,185,183,189,199,196,186,181,178,135,178,183,186,186,191,199,196,189,181,135,135,135,133,131,127,123,122,123,127,131,133,133,131,127,127,131,178,178,178,135,131,129,130,186,204,215,215,212,202,181,125,121,127,133,133,133,135,135,133,133,132,133,135,181,186,189,189,189,189,178,127,125,123,123,122,125,129,131,129,125,121,121,123,123,123,125,127,127,129,173,176,173,173,176,176,170,125,124,125,125,127,125,123,123,123,129,170,176,178,178,173,125,117,114,114,114,117,121,121,119,119,121,168,173,173,168,165,165,168,168,168,168,170,176,181,186,186,183,181,181,176,168,125,125,125,123,123,129,178,189,194,196,196,194,189,189,189,189,186,183,183,183,186,189,189,189,191,191,189,186,178,173,172,173,131,130,130,131,176,181,186,186,186,183,178,176,170,129,126,126,127,127,127,125,121,120,121,125,170,173,176,173,173,173,176,181,183,186,186,186,186,186,189,191,194,196,196,196,194,189,186,186,189,191,194,194,194,194,194,189,186,186,183,183,183,186,191,194,194,194,191,189,189,186,186,186,189,191,194,196,199,199,199,196,196,196,196,199,202,202,199,196,199,202,202,194,182,179,183,191,196,199,199,196,199,202,204,204,202,199,196,196,189,137,133,133,137,186,189,189,189,189,189,189,186,186,186,186,186,186,183,181,178,178,176,176,176,178,178,176,173,170,127,126,126,127,168,168,127,125,124,125,125,127,127,168,170,173,176,176,173,173,176,176,176,173,173,176,178,178,178,173,166,166,166,173,183,191,191,186,173,152,99,67,47,45,49,51,41,27,19,21,65,160,157,85,95,152,160,157,152,150,150,150,150,152,155,160,163,170,181,183,183,186,191,194,189,176,168,165,173,181,181,178,177,183,196,204,207,202,199,199,202,202,199,196,196,199,204,207,202,194,191,186,170,157,189,207,204,202,202,204,204,204,207,207,209,209,209,207,202,202,204,204,202,204,209,220,209,144,0,0,0,0,0,0,0,0,0,0,3,0,0,0,0,0,0,0,0,0,0,0,13,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,142,160,160,155,155,160,168,173,181,189,189,183,173,163,165,173,176,170,161,157,159,165,173,173,176,181,181,183,186,191,196,196,196,191,186,178,176,176,178,176,173,173,178,178,178,178,176,172,172,176,181,178,173,170,170,168,125,123,124,183,199,196,194,194,191,183,176,168,165,165,173,178,176,168,164,168,173,176,170,168,165,165,163,105,78,74,85,117,117,99,25,47,173,199,199,199,196,194,196,199,194,181,155,101,107,157,173,181,181,160,115,165,178,176,176,173,173,173,176,173,170,170,173,173,173,178,181,178,168,123,122,165,173,176,176,176,173,173,170,168,164,168,181,178,165,121,121,170,183,189,181,165,153,151,152,151,153,163,168,173,176,170,160,109,68,62,71,103,113,115,155,160,160,117,115,155,157,155,153,160,168,165,109,99,101,91,49,63,109,186,196,199,202,204,204,204,204,199,181,91,74,77,155,181,178,134,75,77,137,183,181,178,163,126,79,73,69,71,0,0,157,165,168,152,75,65,67,69,74,0,191,209,209,207,204,207,202,194,187,187,189,191,191,194,194,194,194,196,202,204,0,0,0,155,160,173,189,199,207,209,212,212,212,212,215,220,222,222,222,222,222,222,222,222,225,228,225,209,191,176,165,165,168,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,228,225,225,222,225,228,235,238,233,0,0,0,0,0,0,0,0,254,251,251,251,248,248,243,238,233,225,217,215,212,212,215,217,217,212,207,199,189,178,129,125,125,127,170,176,181,181,181,181,186,191,196,199,196,196,196,199,199,199,196,196,194,194,194,196,199,199,199,202,204,212,215,217,217,215,209,207,209,217,228,233,233,233,233,233,228,222,221,225,233,238,238,238,238,241,243,243,238,235,230,225,215,207,202,199,196,196,196,194,191,186,186,194,204,209,215,222,220,215,209,204,199,194,191,191,191,194,199,204,204,202,199,199,204,209,215,217,217,215,215,217,222,225,228,228,225,225,225,225,222,217,222,225,230,233,233,230,228,225,225,228,230,230,230,228,228,228,222,215,209,204,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,126,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,69,64,37,92,134,111,72,0,0,0,0,0,17,71,103,41,105,131,139,152,157,150,144,144,147,150,152,160,170,178,181,183,194,204,207,202,191,189,191,196,202,202,204,212,220,212,95,0,37,83,99,115,115,111,111,111,107,105,99,79,72,76,87,99,109,117,117,115,113,115,115,117,115,115,117,121,163,163,163,168,165,117,113,111,111,113,121,168,165,119,114,114,114,113,113,115,121,168,178,176,168,165,168,170,170,168,168,168,165,168,170,181,194,199,196,186,176,170,168,168,168,170,170,173,176,170,123,119,119,123,165,173,178,178,176,120,116,125,191,199,194,191,191,189,191,191,181,165,122,123,168,173,176,173,168,125,123,119,117,115,115,121,173,183,183,176,168,168,168,170,176,176,168,119,115,115,113,113,113,113,113,111,108,107,106,109,125,181,191,191,194,196,196,194,186,178,170,125,121,123,170,181,186,183,170,121,117,113,110,113,121,163,157,113,111,113,115,115,115,155,168,176,173,176,178,183,189,186,163,97,77,85,93,99,101,99,89,82,84,93,103,107,111,110,110,150,160,165,160,155,155,163,168,163,101,97,107,155,160,160,111,90,84,99,155,155,115,117,160,170,186,178,176,194,207,113,37,39,99,119,168,183,204,204,173,113,109,105,107,163,199,217,222,215,196,101,81,77,79,79,83,111,117,111,56,46,73,199,202,194,178,178,176,170,173,173,170,127,127,173,176,176,178,183,183,176,81,63,87,111,105,100,104,125,133,178,181,181,181,181,132,131,189,196,181,116,113,117,127,131,131,135,181,181,181,178,133,131,186,207,217,215,204,189,178,178,176,130,129,130,133,178,194,209,207,196,181,129,127,127,131,176,176,176,176,178,183,194,207,215,217,215,212,207,199,186,178,178,178,181,181,186,191,196,196,194,186,178,170,129,129,129,127,127,170,170,170,170,173,176,178,178,183,189,183,176,181,202,212,207,194,173,121,118,125,168,165,121,115,114,115,119,170,181,176,165,121,119,123,123,117,121,170,170,165,121,117,115,119,121,125,125,168,173,178,181,178,170,168,168,124,125,170,178,183,181,183,186,189,194,199,204,204,202,199,196,194,189,178,129,127,129,173,173,176,178,178,178,178,183,186,191,191,189,181,173,127,122,122,122,121,121,122,168,181,189,189,183,181,178,176,178,181,183,183,181,178,170,127,127,129,129,127,125,127,173,181,183,186,186,129,111,105,109,117,127,178,189,196,199,196,183,135,178,183,183,183,181,135,133,135,181,186,191,191,194,199,207,209,207,204,199,196,189,187,187,189,194,202,207,209,207,202,196,196,191,187,187,187,189,191,189,189,189,186,186,186,189,191,189,189,189,186,183,137,135,137,189,191,186,181,181,183,189,199,204,202,199,199,199,196,194,196,199,204,204,202,199,196,199,199,196,191,189,191,196,202,202,202,202,196,191,186,181,176,176,176,176,178,186,191,191,183,179,178,181,186,189,189,186,183,186,186,189,189,189,183,181,178,178,178,181,186,189,186,186,182,182,183,189,189,183,181,183,183,181,176,125,117,117,123,129,173,176,181,178,170,129,170,173,176,178,183,186,183,181,183,181,178,173,127,125,127,170,173,173,129,125,124,124,125,123,121,116,115,115,116,116,117,125,168,125,119,119,125,173,181,183,178,173,173,173,178,178,177,177,177,178,181,186,189,186,181,178,178,176,178,183,186,183,183,186,186,189,186,183,181,183,181,176,131,129,128,128,128,133,186,191,194,194,194,196,196,196,202,204,199,191,194,196,196,199,202,199,186,182,183,189,191,186,189,199,204,202,189,178,135,135,181,189,191,186,189,194,191,186,178,133,133,131,129,127,127,125,125,129,135,181,183,183,178,133,133,181,186,186,183,178,133,131,133,189,202,209,212,212,207,194,135,131,133,135,133,131,133,135,181,183,183,181,183,189,189,191,189,183,183,178,131,127,127,123,122,125,131,173,173,129,123,121,125,125,121,119,121,123,127,129,129,129,129,173,176,170,124,124,129,173,173,170,127,127,170,176,181,183,186,183,176,127,119,117,115,117,121,125,125,125,125,165,165,165,125,125,125,165,168,170,168,170,173,176,181,186,189,183,178,173,168,121,117,119,123,123,122,125,173,183,191,194,194,194,191,189,189,189,189,186,186,186,189,189,189,191,191,194,191,189,181,173,173,173,173,131,130,131,173,178,181,183,186,186,183,181,178,170,127,126,126,127,129,125,121,120,120,123,129,173,173,173,173,173,176,181,183,186,186,183,183,183,186,191,194,196,199,196,194,189,186,185,186,191,191,189,191,191,189,186,183,186,186,186,183,183,189,191,191,189,186,183,183,183,183,186,186,189,191,194,196,199,199,196,196,196,195,196,199,199,199,199,199,204,204,196,183,182,186,194,199,199,199,196,199,204,207,209,207,202,202,199,196,186,137,134,137,183,186,186,189,189,189,189,186,186,183,183,183,183,181,181,178,178,176,176,176,176,176,173,170,129,127,126,126,127,129,129,129,127,125,125,125,125,125,127,170,176,178,176,172,172,173,178,178,178,178,178,178,176,173,170,168,168,168,170,176,186,189,186,181,170,160,89,51,45,49,53,43,29,19,11,23,57,41,29,65,144,157,157,155,152,155,157,155,155,160,165,168,173,181,183,183,189,191,191,189,181,173,173,178,186,186,186,189,196,204,207,207,204,202,196,194,196,196,196,199,199,204,204,202,194,183,168,144,157,196,207,204,202,202,202,202,207,212,212,212,212,207,202,202,202,204,204,204,202,204,215,217,199,118,0,0,0,0,0,0,0,0,0,0,0,0,0,21,66,0,0,0,0,0,0,0,51,55,19,0,0,0,0,0,90,98,47,0,0,0,0,0,0,0,0,0,0,0,41,144,165,170,160,155,157,163,165,173,181,183,186,181,170,170,176,181,178,170,165,170,176,176,173,176,183,189,186,186,189,194,196,194,191,186,183,183,186,186,178,173,172,176,176,176,178,176,172,172,176,181,178,176,173,170,170,127,125,127,189,196,194,190,191,191,186,176,168,125,165,176,181,176,164,163,165,173,176,173,170,173,181,186,168,99,85,105,163,163,113,32,18,39,178,196,204,209,204,204,204,194,119,31,0,0,27,111,189,183,111,33,97,165,173,168,168,168,168,173,176,176,176,176,173,173,178,181,178,168,125,125,170,181,183,181,181,176,173,170,170,168,176,181,173,118,117,121,173,183,186,178,168,160,160,165,157,155,163,170,176,181,176,163,107,70,67,95,113,115,113,117,160,163,155,115,117,155,155,160,168,170,117,59,50,56,61,63,75,99,165,189,194,194,199,202,202,194,181,152,77,70,73,89,101,95,72,70,79,170,207,207,209,212,199,160,131,87,85,0,157,0,0,163,157,91,70,68,71,85,165,207,217,215,207,204,204,202,191,187,187,189,191,191,191,191,194,194,199,202,204,0,0,0,0,0,163,178,194,202,207,207,207,207,209,215,220,222,222,222,222,225,225,225,222,225,225,0,204,0,173,168,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,230,228,228,228,228,230,235,241,238,0,0,0,0,0,0,0,0,254,251,251,248,246,243,243,238,235,230,225,217,215,215,217,222,222,220,212,204,194,181,129,121,119,121,125,170,178,181,181,181,183,189,194,196,199,199,202,204,204,204,204,204,202,204,207,207,207,207,204,207,212,220,225,222,222,217,212,204,202,204,212,217,225,228,228,230,228,222,218,220,225,233,233,230,230,235,238,241,238,233,230,222,215,207,202,199,196,196,196,194,189,183,181,189,196,204,209,215,215,215,209,204,196,194,191,189,189,194,199,202,202,202,199,199,202,207,212,217,217,215,215,217,222,225,228,228,225,225,225,225,222,217,217,225,228,230,230,228,222,217,217,222,228,228,228,228,228,225,222,215,212,209,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,129,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,0,0,0,61,124,152,147,105,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,144,116,47,0,0,0,0,0,21,100,121,124,134,139,147,160,157,147,144,147,150,152,157,168,181,189,189,191,199,207,209,202,191,189,191,199,202,204,204,209,217,215,178,15,21,79,99,111,113,113,113,107,96,97,107,107,85,83,91,99,109,113,113,113,113,115,115,115,115,114,117,160,165,168,170,176,173,160,117,117,117,117,163,170,170,121,114,114,115,115,119,121,123,163,170,170,165,165,168,170,170,170,170,168,168,170,176,186,196,199,194,186,181,176,173,173,173,173,176,178,181,176,168,168,168,127,127,168,170,176,178,121,115,118,176,189,189,181,173,173,181,191,189,170,122,121,122,125,165,170,173,176,170,125,123,117,109,100,101,113,125,165,165,168,170,176,181,181,173,125,123,123,121,119,113,108,105,105,109,109,107,108,115,165,170,176,191,202,202,196,186,176,168,123,121,123,168,176,183,183,178,168,163,121,117,115,121,163,119,109,107,111,113,117,155,163,183,202,199,186,183,191,202,196,107,53,54,77,95,103,105,103,89,82,85,97,103,107,111,111,111,150,157,160,157,157,163,170,173,165,101,96,101,113,117,117,107,90,85,117,181,181,163,117,157,186,209,199,191,204,222,199,41,37,115,163,168,176,199,207,183,111,104,111,123,176,196,217,230,228,222,207,194,170,103,83,85,168,123,109,53,48,125,209,209,209,207,207,207,204,202,196,181,129,170,178,183,186,189,189,186,181,52,49,65,105,104,101,113,129,127,126,129,176,133,130,129,133,196,207,196,127,115,117,127,133,178,186,189,183,135,133,133,176,191,212,228,233,225,209,194,183,178,133,133,176,178,183,199,212,207,194,183,133,129,131,133,178,178,176,176,176,181,191,204,212,215,217,217,215,204,191,181,178,176,178,183,186,191,196,194,189,183,176,129,127,127,170,173,173,173,173,173,170,170,173,176,178,181,186,183,176,181,202,215,217,207,183,125,121,165,168,123,114,114,115,115,119,165,173,170,165,163,165,168,123,117,123,165,121,117,113,113,112,113,115,115,115,119,123,168,170,170,168,170,170,125,124,127,168,168,170,176,181,189,194,196,199,199,196,191,189,189,189,183,176,170,129,129,129,170,173,173,173,173,176,181,183,186,183,178,173,127,125,125,125,125,125,127,168,173,178,178,178,178,178,178,186,194,196,191,183,176,170,168,170,173,173,129,127,129,173,178,181,181,131,115,103,103,105,111,119,127,133,178,181,181,131,126,131,183,191,191,183,135,135,181,189,191,189,181,137,189,199,204,204,199,194,189,187,186,189,191,196,199,204,209,212,212,212,209,202,191,187,187,189,194,194,191,191,191,191,191,194,194,191,191,191,189,181,134,132,132,135,183,183,183,183,186,194,202,204,202,202,199,196,194,194,196,199,204,207,204,202,202,202,199,194,189,187,189,191,194,196,196,196,196,191,183,178,176,176,178,181,181,186,189,189,186,183,183,183,186,186,186,186,186,189,186,183,183,183,186,186,183,178,178,178,181,183,186,183,183,182,183,189,189,183,178,183,189,189,181,170,127,125,127,129,129,170,176,176,173,173,176,176,176,178,186,189,186,178,178,181,178,176,170,127,127,129,173,176,170,127,125,127,168,168,127,121,117,117,117,116,117,121,119,103,98,100,113,125,170,176,176,176,173,176,178,178,178,178,177,177,178,181,183,183,183,186,183,181,181,183,183,183,181,183,186,189,189,186,186,189,186,181,173,131,129,129,128,131,178,189,194,194,196,196,196,199,204,202,178,123,133,183,191,196,202,202,194,186,186,191,194,191,194,202,204,196,183,135,134,135,183,191,189,186,186,189,189,181,133,131,131,131,129,127,129,129,133,181,191,196,196,194,191,186,183,189,194,191,186,178,133,133,181,194,202,207,209,212,212,204,186,133,131,133,133,131,130,133,186,194,194,189,189,194,196,196,191,186,186,183,176,133,129,125,123,125,131,176,176,173,127,125,129,125,115,111,115,121,125,127,127,127,129,173,176,170,125,127,176,183,183,178,173,173,178,183,186,186,186,186,181,170,125,123,123,125,127,170,173,173,176,173,127,119,116,118,121,165,168,168,168,170,173,176,181,183,186,181,176,170,123,115,111,115,121,123,122,123,170,181,186,191,194,191,189,189,186,189,189,189,189,189,189,189,189,189,189,191,191,189,183,178,176,178,176,173,131,131,173,173,176,178,178,181,183,186,183,176,129,126,126,127,170,129,123,121,121,123,127,170,131,131,173,173,176,178,183,183,183,183,182,182,183,189,191,194,196,196,194,191,186,186,186,189,189,186,186,189,186,183,182,183,189,186,183,183,186,189,189,186,181,178,178,178,181,183,186,186,186,186,189,194,196,196,196,195,195,196,199,199,199,196,199,202,207,202,194,191,194,199,199,196,196,194,196,202,204,207,207,204,202,202,202,196,189,183,183,183,186,186,189,189,189,189,186,186,183,183,181,181,178,178,178,176,176,176,176,176,173,173,170,170,129,127,127,127,170,170,170,127,125,125,124,124,124,125,170,176,176,176,172,172,173,178,181,183,183,181,178,176,176,173,173,173,173,170,170,170,170,176,178,173,163,101,71,61,63,59,45,27,11,3,13,21,18,20,71,139,155,155,155,155,157,160,160,160,165,173,176,178,183,186,186,189,189,189,181,176,173,176,183,189,191,191,194,199,202,204,204,202,199,191,189,191,194,196,196,199,202,204,209,204,194,129,45,98,176,194,196,194,194,191,186,191,204,207,207,207,204,202,202,199,202,204,202,196,196,204,220,222,168,0,0,0,0,0,0,0,0,0,0,0,0,0,121,134,0,0,0,0,0,0,0,121,168,55,0,0,0,0,98,178,178,178,142,100,126,11,0,0,0,0,0,0,37,113,155,173,176,168,160,157,157,157,165,170,176,186,189,176,170,176,181,181,181,181,183,183,178,176,178,189,194,194,191,189,191,191,191,191,189,189,194,196,194,181,172,172,176,176,176,176,176,173,173,176,176,178,176,176,173,170,168,168,176,189,194,191,191,191,194,189,178,168,121,121,170,181,178,168,164,168,176,178,176,173,178,186,189,178,163,160,173,176,170,119,73,16,26,119,186,202,207,199,204,209,207,91,0,0,0,0,75,181,173,67,0,28,93,160,165,165,163,165,170,178,181,181,176,173,173,173,170,127,124,123,127,176,183,186,186,183,176,170,173,173,176,178,178,121,114,114,123,173,178,178,178,176,178,181,176,165,168,173,173,170,173,170,160,113,101,103,115,117,113,113,155,165,168,157,114,115,117,155,163,176,178,155,53,46,56,85,99,101,103,113,168,176,176,183,194,196,189,170,150,89,75,79,91,87,71,68,72,139,191,209,217,217,220,215,194,168,137,89,0,155,152,150,163,176,168,142,95,97,150,186,207,217,215,209,204,204,202,194,187,187,189,191,191,191,191,194,196,199,202,202,0,0,0,0,152,152,163,183,196,202,202,202,204,207,212,217,222,222,222,222,225,228,225,225,222,220,212,196,0,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,228,230,230,228,228,228,233,238,238,0,0,0,0,0,0,0,254,254,251,248,248,243,241,238,235,233,230,230,225,222,217,217,222,222,222,212,204,194,181,127,119,118,119,121,125,170,176,178,181,183,189,191,194,199,204,207,212,212,215,212,212,212,215,217,217,215,212,212,212,217,228,230,228,225,225,215,204,149,149,199,207,215,222,228,230,228,222,220,220,225,230,230,222,222,228,235,241,238,235,228,222,215,207,202,196,196,196,194,191,186,137,133,178,189,196,202,207,209,209,204,199,194,191,189,186,186,189,194,199,0,202,199,199,202,207,212,215,215,215,215,217,225,228,228,228,225,222,222,222,217,217,217,225,228,230,228,222,215,212,215,217,225,228,228,228,228,225,222,217,215,212,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,134,152,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,0,0,5,137,157,176,186,183,129,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,116,92,57,29,17,19,0,0,51,105,129,139,144,147,155,165,157,150,150,150,155,157,160,170,183,194,194,196,202,207,209,204,196,191,194,202,207,207,212,215,222,225,217,51,23,83,103,109,113,113,117,111,98,98,160,173,160,107,103,105,109,113,115,117,117,117,117,117,115,115,119,165,176,176,173,176,170,121,117,121,123,121,163,170,170,123,117,117,121,123,165,168,165,165,170,170,125,124,125,168,170,170,170,170,170,173,178,186,194,194,189,181,181,181,178,178,178,176,176,181,181,178,176,176,176,168,125,123,125,127,170,123,118,119,170,183,181,168,164,165,176,191,194,181,127,123,123,120,119,125,181,189,181,170,165,119,103,96,96,105,121,165,170,176,176,176,178,181,176,168,173,176,176,168,119,109,106,106,115,117,111,109,111,115,119,123,186,202,204,199,186,173,125,119,121,165,170,176,183,189,186,178,176,173,165,121,119,119,113,106,106,109,113,117,155,165,194,220,217,196,186,191,196,165,54,45,55,85,103,107,109,107,97,84,87,99,107,147,152,152,150,152,157,157,157,163,170,178,173,157,97,94,97,107,111,109,103,91,88,160,186,189,170,113,115,196,212,207,199,199,204,186,41,41,119,160,157,163,181,189,168,109,104,117,170,181,189,204,217,225,222,222,217,207,191,123,117,186,176,103,65,70,186,204,209,215,217,222,225,225,222,215,199,181,176,181,189,186,186,183,176,119,55,54,91,121,113,115,131,133,127,126,129,178,176,130,130,133,189,199,196,178,125,125,131,178,189,202,204,191,133,129,129,176,191,209,225,230,228,222,207,191,181,178,181,183,183,186,196,207,199,189,181,176,133,133,176,178,181,178,176,176,178,186,199,209,215,217,217,215,204,189,178,176,178,181,186,189,191,194,191,183,178,176,129,125,125,170,176,178,176,173,173,170,173,173,176,176,178,181,176,170,170,183,199,204,199,183,170,125,125,123,115,113,113,115,115,113,113,117,121,123,165,170,173,123,117,119,119,111,109,111,113,115,115,113,113,113,113,117,123,165,168,168,170,170,127,125,125,121,119,123,129,181,189,194,194,196,196,196,191,183,181,181,181,178,173,170,170,129,170,173,173,170,129,127,129,170,173,176,176,173,170,170,173,173,173,176,173,170,127,127,127,168,170,173,181,191,196,199,191,183,176,170,176,181,186,181,176,173,173,176,178,178,131,119,109,105,105,109,113,119,123,125,129,131,133,129,126,126,133,186,194,189,183,181,183,186,186,181,135,134,136,189,196,196,191,189,189,189,189,191,199,202,204,204,209,215,217,222,217,207,196,189,189,191,194,194,194,194,194,196,199,199,199,199,199,199,191,181,134,134,134,135,181,183,186,186,189,199,204,207,204,202,202,199,196,194,194,196,202,204,204,202,202,199,199,196,191,191,189,191,191,191,194,194,194,191,189,183,181,178,181,181,183,183,186,186,186,189,189,189,186,183,183,186,191,194,191,183,181,181,186,189,186,181,178,178,178,178,178,181,183,183,182,186,183,178,178,189,194,194,186,178,176,176,173,170,127,125,127,168,170,173,176,176,178,183,191,194,189,181,178,178,173,173,173,170,170,170,170,173,173,170,170,173,176,176,173,170,168,168,125,121,123,125,117,100,96,99,113,123,168,173,178,178,176,176,178,181,183,183,181,181,183,186,183,181,181,181,178,178,181,186,189,183,181,181,183,186,186,181,183,189,189,183,178,176,173,133,131,133,178,186,194,196,199,199,199,202,202,189,91,81,93,117,178,186,194,199,196,191,191,196,199,196,199,202,196,186,135,134,178,183,189,191,189,186,189,189,186,135,130,130,131,133,133,133,135,178,183,194,204,207,204,202,196,194,191,194,194,189,183,178,135,137,191,202,204,204,207,209,209,207,194,137,131,131,133,131,129,131,186,199,196,191,191,199,202,202,199,194,194,189,181,178,133,131,127,127,131,176,176,176,173,173,173,125,109,105,111,119,123,125,127,127,129,176,181,176,170,176,183,191,189,186,181,178,183,186,183,181,181,181,178,173,173,170,170,173,176,178,181,181,183,178,127,117,115,117,123,165,165,165,165,168,170,173,178,181,181,176,170,168,121,111,109,111,121,123,123,125,129,176,186,191,194,191,189,186,186,186,189,189,189,189,189,186,183,183,183,186,189,189,186,181,181,181,178,173,131,131,173,173,173,172,172,173,181,186,186,181,170,127,127,129,173,173,127,123,123,125,127,170,131,131,173,173,176,178,181,183,183,183,182,182,183,189,191,194,194,194,194,191,189,186,186,189,186,186,186,186,186,182,182,183,189,186,183,183,183,186,186,183,178,135,135,135,135,178,181,178,135,135,137,183,191,196,196,195,196,199,199,199,196,194,194,199,204,204,202,202,202,202,196,194,189,189,191,191,194,196,199,202,202,202,202,199,196,191,189,186,186,189,189,189,189,189,186,186,183,183,181,178,178,178,176,176,178,176,176,173,173,170,170,170,170,129,129,129,170,173,170,129,125,125,125,125,125,127,129,173,173,176,176,176,176,178,181,183,186,183,181,178,178,178,178,178,178,173,165,161,160,164,170,170,163,147,99,93,89,81,67,49,3,0,15,27,21,29,91,147,155,155,155,155,157,160,163,165,168,178,181,181,186,189,189,189,189,181,170,165,168,178,186,194,194,191,190,191,196,202,202,196,194,189,186,189,189,191,194,196,199,202,209,209,189,29,0,0,59,142,173,165,131,90,87,116,147,165,183,191,196,194,194,191,194,191,189,181,183,191,207,222,181,0,0,0,0,0,0,0,0,0,0,0,0,0,56,21,0,0,0,47,82,9,0,121,118,0,0,29,95,69,155,191,196,199,199,150,131,3,0,0,0,0,0,57,131,152,163,173,176,168,157,156,157,160,163,163,170,183,189,176,168,173,178,181,183,189,189,186,183,183,186,189,196,196,191,189,189,191,191,194,191,194,199,202,194,178,172,172,176,178,178,176,176,176,176,173,173,176,178,176,170,166,166,173,183,189,191,191,194,194,194,189,178,123,115,116,125,178,178,170,168,173,181,183,178,173,176,181,176,163,160,170,181,181,176,168,111,73,69,115,181,189,181,176,186,202,194,39,0,0,0,0,75,117,117,65,0,24,85,117,163,165,163,163,168,176,181,178,173,173,176,173,168,125,123,124,127,176,181,183,183,181,176,170,170,176,178,181,176,118,115,118,168,170,170,170,173,176,181,181,163,157,173,178,165,157,163,165,160,117,111,115,160,157,115,117,165,181,181,163,115,114,115,117,119,163,173,160,83,69,111,178,181,168,111,109,113,113,113,163,183,196,196,183,178,168,113,107,105,93,75,73,91,165,196,212,215,215,217,215,204,186,155,89,0,147,142,137,157,183,183,168,0,160,183,196,207,212,212,209,202,202,202,194,189,189,191,191,191,191,194,196,199,202,202,202,0,0,0,0,0,147,152,168,186,194,199,199,202,204,209,215,217,215,217,222,225,228,228,225,220,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,228,230,230,228,225,225,230,235,238,0,0,0,0,0,0,0,251,251,248,246,243,241,238,235,233,233,233,230,230,225,220,215,217,220,217,212,202,191,178,127,119,117,118,121,123,165,170,176,178,183,189,191,194,199,204,209,217,222,225,225,222,222,225,230,230,225,222,217,217,222,230,233,230,230,230,222,207,149,147,148,202,212,225,233,235,233,228,222,222,228,230,228,217,215,217,233,241,241,235,228,222,217,209,202,196,199,196,194,186,137,131,127,131,178,186,191,196,199,199,194,191,189,189,186,183,181,181,183,194,0,0,0,199,202,207,212,212,212,212,215,217,225,230,230,228,222,222,217,217,217,217,217,222,228,228,228,222,212,208,209,215,222,225,228,228,225,225,222,222,217,215,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,116,134,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,147,170,189,196,202,191,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,47,41,35,118,134,142,100,37,21,108,121,134,142,147,150,163,168,160,157,150,152,155,157,160,168,183,194,194,194,199,204,207,202,196,194,196,202,209,215,222,225,228,235,243,109,39,95,109,109,115,117,119,119,111,111,168,178,168,117,113,111,111,115,121,163,163,160,163,160,119,119,163,178,191,191,176,170,165,117,116,119,121,119,123,170,170,165,123,165,170,170,176,176,173,173,173,170,125,124,123,125,168,170,173,170,170,173,176,178,183,183,178,176,178,183,186,186,183,181,178,181,178,178,178,181,176,127,121,120,121,123,127,125,123,123,170,178,173,165,165,168,178,189,191,181,173,173,170,121,117,123,189,199,194,178,168,121,107,99,100,113,165,173,178,181,178,176,176,181,178,176,181,186,189,183,170,123,119,121,123,123,117,111,109,111,113,117,173,189,196,194,183,173,123,117,121,165,173,178,189,194,194,186,181,181,176,163,117,115,113,107,106,107,113,115,117,163,196,230,230,207,186,176,152,63,49,51,83,101,109,111,111,109,99,85,85,103,147,155,157,155,152,157,160,160,163,170,178,181,168,111,95,93,97,105,109,109,103,95,93,163,181,181,163,106,107,199,207,207,199,191,186,157,45,59,113,115,111,115,163,163,113,107,111,119,168,178,178,173,186,212,215,222,222,215,204,183,168,176,176,95,81,105,181,196,207,212,222,225,225,225,225,217,209,196,181,181,183,178,173,127,115,103,99,105,191,191,131,131,178,176,131,131,178,189,189,181,133,176,176,178,178,176,133,133,178,186,204,217,222,207,178,127,127,131,194,204,215,222,222,217,207,189,181,178,181,181,181,181,189,191,186,181,176,133,131,131,133,178,183,183,181,176,176,183,194,202,212,217,217,212,196,181,174,174,178,183,186,189,194,194,191,183,178,176,170,123,122,125,176,178,176,173,173,173,173,176,178,181,183,183,178,168,125,125,170,181,183,181,176,168,125,119,115,114,114,115,113,111,110,111,115,121,123,168,168,121,117,115,113,108,107,107,109,113,117,117,117,115,113,115,119,125,127,127,168,170,168,127,123,117,116,119,127,178,191,194,194,194,196,199,196,189,178,176,176,173,173,176,173,173,176,181,178,170,125,121,119,119,123,127,173,176,178,178,178,181,181,183,181,170,123,119,121,123,125,170,178,186,191,191,186,178,173,173,181,191,196,189,181,176,176,178,181,178,127,115,113,117,113,115,117,121,123,123,125,129,135,135,127,124,125,178,191,194,191,186,183,181,137,136,135,134,135,183,189,189,187,189,194,196,196,199,202,204,204,204,204,207,215,217,217,209,199,191,191,194,194,192,192,192,196,199,202,202,202,202,204,202,194,183,181,183,183,183,183,186,186,186,191,199,207,209,207,204,204,202,199,194,192,194,196,199,202,199,199,196,196,194,194,194,191,189,186,189,189,191,191,191,191,189,186,183,183,183,186,186,186,183,186,189,191,191,186,183,183,186,194,196,194,186,181,181,186,191,189,183,181,176,173,173,173,178,181,183,183,183,178,176,181,194,202,199,191,186,183,181,176,170,125,124,124,125,168,173,176,176,178,183,191,196,191,183,178,176,173,170,170,173,173,170,169,169,173,176,176,178,178,178,178,178,178,178,178,176,176,178,127,109,103,113,121,125,168,173,178,181,178,176,178,181,186,186,183,183,189,189,186,183,181,178,176,176,177,183,191,189,183,181,181,181,178,173,176,183,189,186,181,178,178,178,178,178,181,186,194,199,202,202,204,204,199,129,75,65,77,95,125,131,178,189,191,189,189,196,199,199,199,199,191,178,133,134,181,191,194,194,191,191,194,194,186,135,130,129,131,178,181,186,189,191,196,204,209,209,207,202,199,194,191,191,189,183,135,134,135,186,199,207,207,204,204,207,204,204,199,186,135,135,135,135,131,135,189,199,196,191,194,204,207,209,204,199,196,194,186,181,178,176,131,129,131,173,176,178,178,176,173,125,106,103,107,119,123,125,127,129,131,178,183,183,181,183,191,194,194,186,181,181,183,186,181,178,176,178,178,176,178,178,178,181,183,183,183,181,178,176,170,123,119,123,165,168,165,165,165,168,170,170,173,176,173,168,168,168,123,113,110,111,119,123,123,125,129,176,183,191,194,191,189,186,183,183,186,189,189,189,189,183,182,182,182,183,189,189,189,186,186,186,181,176,131,131,173,176,173,172,170,172,183,191,191,186,176,170,129,170,173,176,170,127,125,125,127,129,129,131,131,173,176,178,181,181,183,183,183,183,186,189,191,191,191,191,194,194,191,189,189,189,189,186,186,186,186,183,183,186,189,186,183,183,186,186,186,183,178,135,133,133,133,133,131,131,129,129,131,137,189,196,196,195,196,202,202,199,194,191,191,194,202,204,204,204,204,199,194,186,139,137,181,181,137,181,189,196,202,202,199,199,196,196,194,191,189,189,189,189,189,189,186,186,183,183,181,178,178,178,178,178,178,178,176,173,173,170,170,170,170,170,129,129,170,173,176,170,127,125,127,127,127,127,129,170,173,176,178,181,178,181,181,183,186,186,186,183,183,181,181,181,178,173,165,160,159,164,170,168,168,157,150,142,101,97,97,99,0,0,23,55,43,45,99,157,160,157,155,155,157,160,163,165,170,178,183,183,186,189,186,189,186,176,161,159,163,176,189,194,196,191,189,190,196,202,202,196,191,186,185,185,185,185,189,194,196,194,196,194,150,0,0,0,0,0,31,23,0,0,0,0,39,82,131,163,176,181,181,178,163,150,126,121,131,142,157,183,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,87,29,25,105,100,7,17,98,121,142,168,189,199,196,196,116,7,0,0,0,0,0,53,147,165,170,168,168,170,163,156,156,160,165,165,161,165,178,183,173,166,170,176,178,181,186,186,183,186,189,189,189,194,194,189,186,189,191,196,196,191,191,194,196,189,176,172,173,178,181,178,176,176,178,176,172,172,173,176,176,170,166,168,176,183,186,189,191,196,194,191,186,173,117,113,114,125,178,178,173,173,176,183,186,181,173,172,173,165,156,156,168,181,181,178,178,176,194,173,163,183,178,117,117,119,157,95,0,0,0,0,27,99,115,119,101,27,55,109,121,168,173,168,163,163,170,176,178,176,178,181,178,176,170,168,168,168,173,176,178,178,181,176,170,170,176,181,181,173,121,119,165,170,168,163,122,160,165,173,168,110,111,163,168,118,115,119,165,160,111,103,109,157,160,119,160,181,196,196,176,119,115,114,114,113,115,160,165,157,157,173,183,186,181,157,109,107,106,104,113,186,204,207,204,207,209,194,170,160,152,105,95,103,165,199,212,209,207,212,215,204,189,165,131,137,144,131,95,142,176,178,165,157,178,196,204,207,209,209,207,199,199,199,194,191,191,191,194,194,194,196,199,202,202,202,202,0,0,0,0,0,144,144,155,173,183,191,196,202,204,207,209,212,212,215,217,225,228,225,222,212,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,228,230,230,225,222,222,225,233,235,233,0,0,0,0,0,243,246,246,243,241,238,235,233,233,230,230,230,233,233,230,225,215,212,212,212,207,199,186,176,125,119,118,119,121,121,123,163,170,176,183,189,191,191,196,204,212,220,225,228,230,230,230,233,235,235,233,228,225,222,225,230,235,233,233,230,225,209,149,146,147,199,212,225,235,238,238,235,230,228,233,235,230,217,213,216,230,241,241,235,230,225,217,212,202,199,199,196,191,186,135,127,123,125,129,176,183,186,186,186,183,183,186,186,186,183,176,174,178,189,199,0,0,199,202,209,212,215,212,212,212,217,228,230,230,225,222,217,217,215,215,215,217,222,225,228,228,222,209,208,209,215,222,225,228,228,225,225,222,220,217,215,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,142,181,191,199,204,202,194,113,0,0,0,0,0,0,0,0,0,0,0,0,0,39,35,21,26,41,137,150,157,142,92,71,118,126,134,139,142,147,155,165,163,152,150,152,150,147,150,152,170,189,194,189,191,199,202,199,194,196,199,204,212,217,225,228,230,235,246,212,81,93,109,111,117,160,168,165,157,119,163,170,163,115,115,117,119,163,173,176,170,168,170,168,121,121,170,189,199,199,186,168,168,165,119,117,119,117,119,170,173,168,168,176,181,181,178,178,176,173,173,173,168,125,124,124,127,173,176,170,170,173,173,173,173,172,172,172,178,183,186,186,186,183,181,181,181,181,181,181,178,127,120,119,123,168,168,127,127,127,170,176,170,166,173,178,178,176,168,168,173,183,194,189,178,181,196,209,209,196,176,121,111,105,109,119,168,173,178,183,181,178,176,178,181,183,189,191,191,189,186,186,186,183,178,173,125,117,111,109,111,115,121,168,176,176,176,170,121,113,115,123,170,181,191,199,196,186,181,176,173,163,117,117,115,113,109,107,109,113,113,155,191,217,230,196,163,107,81,50,50,85,99,107,147,147,109,103,87,65,87,111,157,160,157,157,155,157,160,160,163,170,181,178,163,105,94,95,101,109,157,160,107,97,107,168,173,168,152,100,97,181,199,202,194,181,160,109,99,99,105,104,103,109,115,115,109,107,113,119,165,173,173,168,170,186,199,209,217,215,207,194,173,121,111,101,103,121,186,199,207,212,215,217,217,217,217,215,212,202,186,178,173,129,123,117,111,107,176,207,215,209,196,189,183,178,178,181,186,199,204,202,191,181,133,130,129,131,176,181,186,196,212,222,228,225,199,129,128,176,191,202,209,215,215,207,194,181,178,176,133,176,176,176,178,181,178,133,131,130,128,127,129,133,186,194,189,178,176,183,191,194,196,207,212,204,189,176,173,174,181,186,186,189,194,196,194,189,183,181,129,121,120,125,173,176,173,173,173,173,176,181,186,191,196,196,189,178,125,119,119,123,168,173,173,165,121,115,115,115,115,115,113,112,112,115,117,119,123,163,121,117,113,113,113,113,111,107,105,107,115,121,123,119,115,115,119,123,127,168,168,170,168,127,121,117,116,119,125,173,186,196,196,196,199,204,204,196,183,178,176,176,178,181,181,178,183,191,189,176,127,123,118,117,118,125,173,178,181,181,178,178,181,181,178,168,121,115,117,119,123,168,173,176,176,176,176,173,170,173,181,191,196,194,183,176,176,181,183,181,129,119,119,121,121,119,123,127,127,125,127,133,181,178,129,126,127,181,191,194,191,189,183,181,137,137,137,181,183,189,189,189,187,191,199,209,209,207,202,196,196,196,196,196,204,207,209,204,196,194,194,199,196,194,192,192,194,196,199,204,204,204,204,202,199,191,189,189,189,189,186,183,183,186,191,196,202,207,204,202,204,207,202,194,191,192,194,196,196,196,196,196,194,194,194,194,191,186,186,186,186,189,189,189,189,191,189,183,183,186,189,189,183,181,181,183,186,183,181,181,183,186,189,191,191,186,181,181,186,191,189,186,181,176,172,170,172,176,181,183,183,181,176,173,178,191,199,199,194,189,189,186,181,173,168,125,125,125,127,170,173,173,176,181,186,189,186,181,178,178,176,173,170,173,173,170,170,170,170,176,178,178,178,178,178,181,181,181,183,183,186,186,176,125,121,125,127,127,127,173,181,183,178,176,176,178,183,186,186,186,191,191,191,189,183,178,177,177,178,183,191,194,189,183,181,178,176,129,131,178,183,183,183,181,178,178,181,181,181,186,194,202,207,207,207,204,196,131,93,91,111,119,121,109,105,113,127,121,127,186,191,194,196,196,191,181,134,134,183,194,199,199,196,196,196,196,189,178,130,129,133,183,194,199,207,207,209,209,212,209,207,202,196,191,186,183,137,135,134,134,181,194,204,209,209,207,204,204,204,204,202,196,191,189,189,186,183,186,194,199,196,194,199,209,212,209,204,199,194,191,189,189,186,181,176,131,131,173,176,176,176,173,131,121,109,105,109,117,121,125,127,129,173,178,183,186,186,186,191,196,194,186,179,179,183,183,178,176,176,176,178,178,181,183,183,183,183,183,178,176,173,170,170,173,173,170,170,170,170,168,165,168,170,170,170,170,168,168,168,168,125,119,115,115,119,121,123,127,170,178,183,189,191,189,186,183,182,183,186,189,189,191,189,186,182,182,183,186,189,191,191,189,189,186,183,178,131,131,173,176,178,176,173,178,189,191,191,186,181,173,129,129,170,173,173,170,127,127,129,170,131,131,173,176,176,178,181,181,183,183,183,186,189,191,194,194,191,191,191,194,194,194,191,189,189,191,189,186,186,189,189,189,189,186,186,186,186,183,181,178,135,131,131,131,131,131,129,128,127,128,133,183,191,196,196,196,196,199,202,199,191,186,186,194,199,204,204,204,202,199,191,183,137,135,133,132,131,132,181,194,202,202,199,196,194,194,194,191,191,191,191,191,189,186,186,186,186,183,183,181,181,181,178,178,178,178,178,176,173,173,173,173,170,170,129,129,170,173,178,178,170,129,129,170,170,170,170,170,170,176,178,181,181,181,183,186,186,189,189,186,183,183,183,181,178,173,168,165,165,170,170,173,173,168,163,152,103,103,105,93,0,0,25,55,41,45,99,155,163,160,157,155,155,160,163,168,173,181,186,186,186,186,186,186,183,170,160,159,163,176,186,189,191,191,190,191,199,204,204,199,191,189,185,183,185,186,189,194,196,194,176,157,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,87,74,37,9,0,0,0,0,0,0,27,79,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,111,144,152,142,116,124,144,152,160,176,181,189,181,23,0,0,0,0,0,59,137,152,168,178,176,165,156,155,155,157,165,170,168,163,165,173,176,170,166,168,170,173,178,178,176,178,186,191,191,189,189,189,186,189,191,194,196,194,189,186,186,189,183,176,176,178,181,178,176,173,173,176,176,173,172,172,173,173,173,170,170,178,183,183,186,191,194,194,189,181,168,116,113,115,168,181,181,173,172,176,181,183,178,173,173,173,168,165,163,168,178,183,183,181,183,186,181,176,186,181,117,117,117,105,77,0,0,13,61,89,119,163,168,173,121,105,109,160,178,183,178,168,163,163,173,178,181,181,181,181,183,189,183,178,173,176,176,176,178,181,178,173,170,173,178,178,168,123,163,173,168,165,123,120,119,122,163,119,107,107,117,121,116,115,157,163,113,99,92,92,111,157,157,163,183,202,202,181,163,119,115,114,115,117,160,168,173,170,168,168,170,173,163,113,107,108,119,183,204,212,212,212,217,217,207,194,181,170,165,147,97,147,199,207,204,199,204,209,202,186,165,150,152,144,93,92,97,139,147,144,147,181,202,204,204,209,209,204,199,196,199,196,194,194,196,199,199,196,199,202,204,202,202,202,199,0,0,0,0,0,144,0,0,170,183,194,199,204,207,209,209,209,212,215,222,225,222,215,0,194,181,173,0,0,0,0,189,186,0,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,225,228,228,225,217,217,225,228,233,233,230,0,0,0,235,243,246,243,238,233,230,230,230,230,228,230,233,235,238,235,230,220,212,207,204,199,194,183,131,125,121,121,121,121,119,121,123,165,173,181,186,191,194,196,202,209,215,222,225,228,230,235,238,241,238,238,233,230,228,225,228,233,235,233,228,222,212,199,147,147,153,212,225,233,238,241,241,235,235,238,241,235,222,216,217,230,241,241,235,230,225,222,215,204,199,199,196,191,186,133,125,119,119,125,131,178,181,178,173,170,173,181,186,189,183,176,173,174,186,199,204,0,199,202,209,215,215,212,212,212,217,228,230,228,222,217,217,215,209,209,212,217,222,225,228,228,225,215,209,209,215,222,225,225,225,225,225,222,217,215,212,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,131,144,178,191,194,196,199,199,144,0,0,0,0,0,0,0,0,0,11,3,33,69,77,33,10,26,118,139,150,157,152,126,121,131,134,134,137,142,144,147,155,155,150,152,152,147,99,79,97,157,165,176,176,178,189,196,199,196,196,202,207,212,222,228,228,230,233,233,199,81,89,103,109,119,168,183,183,173,165,163,160,117,114,114,117,160,173,181,181,176,170,173,165,120,121,168,186,196,196,181,170,176,183,173,163,119,116,118,168,173,168,168,178,183,181,176,173,168,165,168,170,170,168,127,125,125,170,173,170,170,173,173,173,172,170,170,172,178,181,183,181,179,179,181,183,186,186,183,183,178,127,120,120,127,176,173,170,168,125,127,170,168,170,176,176,170,123,121,125,178,194,204,204,202,202,207,215,215,204,186,127,113,107,111,117,123,125,170,176,178,178,176,176,183,191,194,191,191,194,196,199,199,196,191,191,186,165,119,117,117,115,117,121,123,123,125,125,119,111,109,115,125,176,189,194,191,181,173,165,123,119,117,121,121,117,113,109,107,109,107,113,163,183,191,170,105,85,69,57,63,91,99,107,152,160,150,95,67,59,89,147,160,160,160,157,157,157,160,157,160,168,173,168,113,99,95,99,103,111,163,165,115,107,115,168,168,157,109,100,99,157,183,186,181,165,113,105,103,105,105,103,103,107,113,111,106,105,111,121,168,176,173,168,165,170,181,194,207,209,207,199,181,125,115,109,113,168,191,204,209,212,212,215,215,215,212,212,212,207,189,173,125,125,125,123,121,127,207,222,228,222,209,199,186,183,186,186,191,202,209,207,199,189,176,130,129,131,176,181,189,202,215,225,228,225,202,133,130,176,186,194,202,207,207,196,181,133,133,131,131,131,133,133,133,176,133,133,131,130,129,128,127,130,186,194,191,183,178,181,183,183,181,189,196,196,186,178,176,178,183,186,186,191,196,199,199,194,189,181,127,122,124,173,178,176,170,170,170,170,173,181,186,191,202,204,199,189,173,120,118,118,120,123,125,123,117,114,114,117,117,115,115,115,119,121,121,121,121,121,117,113,109,111,117,123,165,117,108,108,117,125,165,125,119,115,117,121,125,168,170,170,170,170,125,117,116,119,127,173,183,191,196,196,199,204,204,199,189,183,183,183,186,186,183,183,191,196,189,178,173,129,123,119,119,127,173,176,176,173,168,127,173,173,168,121,115,114,113,115,123,168,170,170,173,173,176,170,168,168,170,181,186,186,181,174,174,178,186,186,176,127,125,127,127,127,129,176,176,131,133,183,183,135,131,133,181,186,191,191,191,189,186,183,183,186,186,189,189,194,194,191,189,191,202,215,222,212,199,189,185,185,186,191,196,199,199,196,194,194,196,199,199,196,192,192,194,196,199,202,202,202,204,204,202,196,194,191,194,194,191,183,182,186,189,191,194,199,199,196,202,207,204,194,191,192,194,196,196,196,196,196,194,194,196,194,191,186,186,186,186,186,186,183,183,186,186,181,181,183,189,189,183,176,131,131,173,173,176,178,183,186,183,181,186,183,181,181,183,186,186,181,176,173,172,172,172,176,178,183,183,178,173,170,173,178,186,189,189,189,189,183,178,173,168,168,168,127,125,127,168,170,170,173,178,181,181,178,178,181,178,173,170,170,170,173,173,173,176,176,178,181,181,181,181,183,183,183,183,186,189,189,178,127,123,125,168,129,129,173,178,181,178,173,173,176,183,189,186,186,186,186,191,191,189,183,181,181,181,183,191,194,191,183,181,178,173,129,129,173,178,178,181,181,178,178,178,181,183,189,196,207,212,209,204,199,194,181,121,121,135,133,115,98,95,98,115,117,121,133,181,178,178,186,189,189,183,183,189,194,199,199,199,196,196,196,191,178,131,130,133,183,196,204,212,215,215,215,212,209,207,204,199,191,183,137,134,133,134,137,191,199,207,209,209,209,207,207,207,207,207,204,202,199,199,199,196,196,199,202,199,196,199,207,209,207,199,191,186,183,186,189,189,183,176,133,173,176,178,178,176,173,131,125,117,113,113,119,123,127,129,131,173,178,183,186,186,186,189,194,191,183,178,178,181,181,178,176,176,176,176,178,181,181,181,178,178,178,173,170,168,168,170,176,176,173,170,173,176,170,168,168,168,165,127,168,170,170,170,170,127,125,123,123,121,121,125,127,170,178,183,186,186,186,183,183,183,183,186,189,194,191,189,186,186,189,191,191,191,191,191,191,189,186,183,178,131,130,173,176,178,181,181,183,189,191,189,186,178,173,129,128,129,173,176,176,170,129,170,173,173,173,173,176,178,181,183,183,183,183,183,186,189,191,196,196,191,191,191,194,196,196,194,191,191,191,189,186,186,191,194,191,189,189,189,189,186,181,133,129,127,127,127,129,133,133,131,129,128,131,178,189,196,199,196,194,194,196,199,194,189,183,183,189,199,204,204,202,202,199,191,183,137,137,133,132,131,132,183,194,199,199,196,194,191,191,189,191,191,194,194,194,191,189,189,189,186,183,183,183,183,181,181,181,181,178,178,178,176,173,173,173,170,170,129,129,170,173,178,178,176,173,170,170,170,170,170,170,173,176,178,178,181,181,183,186,186,189,189,186,183,181,181,181,178,176,176,176,176,176,176,176,176,170,168,160,142,142,103,73,0,0,1,17,9,21,95,157,168,165,160,157,157,160,165,168,173,181,186,191,189,186,183,183,181,173,165,163,168,178,183,189,191,191,194,199,204,207,204,199,194,194,191,191,191,191,191,196,196,196,144,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,79,0,0,0,0,92,150,176,181,170,144,139,142,147,150,160,165,173,178,75,0,0,0,0,57,142,155,157,170,189,186,173,163,157,157,160,165,168,168,168,170,176,176,170,166,166,166,168,170,168,129,173,183,189,189,186,186,183,183,186,189,191,191,189,183,183,186,189,181,176,178,183,181,176,170,170,170,173,176,176,176,173,176,178,178,176,176,178,181,181,181,183,191,189,178,123,117,119,119,121,127,178,181,176,172,173,178,181,178,178,178,183,181,178,173,173,176,178,183,186,186,178,173,178,189,189,173,170,168,119,105,55,33,79,113,170,176,173,173,170,163,115,113,160,183,189,183,173,163,163,168,178,183,181,176,173,181,189,189,181,178,178,178,176,176,181,181,176,170,170,176,176,170,168,170,176,165,163,123,122,122,123,163,121,112,110,115,119,117,118,165,163,107,97,93,96,109,117,157,160,173,191,194,178,165,121,121,165,163,163,165,165,168,165,163,161,161,163,163,119,117,165,189,207,212,215,215,215,217,217,212,199,183,176,173,152,101,111,189,194,189,189,199,207,199,183,170,160,157,150,94,91,93,95,95,89,87,163,196,204,207,207,209,204,196,196,199,199,196,196,199,202,202,202,202,207,207,204,202,202,202,0,0,0,0,0,0,0,0,0,170,186,196,204,207,209,209,209,212,212,215,215,215,209,199,186,176,170,0,0,0,0,186,178,170,165,165,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,225,228,225,222,217,217,217,225,228,230,230,0,230,233,238,246,248,243,238,230,228,228,225,228,228,230,235,238,241,241,235,225,212,207,202,196,189,181,131,127,123,123,121,121,119,119,121,160,165,173,183,189,194,196,199,204,209,212,215,222,228,235,238,241,241,241,238,235,233,230,230,233,235,233,228,222,217,204,149,148,153,212,225,233,238,243,243,241,238,241,243,238,228,222,222,230,238,241,235,230,228,225,215,207,202,196,196,194,186,133,123,115,115,121,170,176,176,170,127,125,127,176,183,189,183,176,173,174,183,196,204,204,199,202,209,215,215,212,209,209,215,225,228,222,217,215,215,212,207,207,209,217,222,225,225,228,225,215,212,212,215,222,225,225,225,225,225,222,215,212,212,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,137,152,176,189,194,194,191,191,163,19,0,0,0,0,0,0,0,0,49,69,69,53,55,43,30,61,126,137,142,147,147,139,137,139,139,137,139,144,144,143,143,150,152,152,150,137,13,0,0,83,77,75,77,103,178,196,199,199,202,207,207,212,222,228,225,228,228,220,189,87,89,99,107,117,173,191,194,186,176,160,114,112,113,114,117,160,170,178,178,173,170,168,163,119,119,163,178,189,189,176,170,178,186,183,173,123,119,123,170,173,165,165,170,176,173,168,165,123,121,123,127,170,170,168,125,125,129,170,173,173,178,178,178,178,176,176,178,183,186,183,179,178,178,181,189,191,194,191,191,183,170,123,121,125,173,176,173,129,123,123,127,168,168,170,168,123,119,121,170,189,202,207,212,212,209,207,209,209,207,199,178,117,109,109,113,117,121,125,168,170,173,173,181,189,196,199,194,191,196,202,204,204,202,202,209,209,186,170,165,123,119,119,119,117,116,117,119,117,111,108,109,117,125,173,181,176,168,163,119,116,115,117,165,170,160,115,111,105,103,103,105,111,155,160,113,87,69,65,67,75,89,101,147,170,176,168,101,62,53,75,147,160,157,155,155,157,157,157,152,155,160,160,113,101,97,99,105,107,113,163,165,157,152,160,168,165,152,107,103,104,111,163,168,163,115,105,103,105,109,111,109,109,113,115,109,103,102,109,163,176,181,178,173,168,164,165,176,191,199,204,207,202,189,168,117,115,168,194,207,212,212,212,215,215,212,211,211,212,209,191,127,119,125,131,173,178,196,222,230,233,230,215,196,183,183,189,189,194,202,209,209,202,191,178,131,131,178,181,181,191,207,217,225,228,217,202,181,133,133,181,183,191,199,196,183,129,127,129,129,129,131,133,133,133,133,133,178,181,178,181,181,176,133,183,191,191,186,181,178,178,133,127,123,129,181,186,183,181,183,186,186,183,189,199,204,204,199,191,176,124,124,173,183,183,176,127,125,127,129,170,176,178,181,191,199,199,191,178,168,121,118,118,120,123,119,114,113,115,121,123,121,119,121,163,163,163,121,119,115,111,109,108,113,123,176,194,189,176,168,173,178,176,168,121,117,117,119,123,127,170,173,176,178,173,119,115,119,168,173,178,181,186,191,194,199,199,194,189,186,186,186,189,189,183,181,186,191,181,173,173,173,129,125,127,170,173,176,173,170,127,124,125,125,121,115,114,113,113,114,123,168,173,176,178,183,181,176,168,166,166,170,176,178,178,176,174,178,183,186,178,131,127,129,131,173,181,189,189,186,189,194,189,135,133,178,186,189,186,189,189,186,186,186,189,191,189,189,189,194,196,196,191,191,199,212,222,215,202,189,183,183,185,189,194,194,191,191,194,194,196,199,202,196,194,192,194,196,199,202,202,202,204,204,202,199,199,196,199,199,194,189,183,183,139,139,186,189,191,194,199,204,202,194,192,194,199,199,199,199,199,196,196,199,199,196,194,191,189,189,189,186,183,178,178,178,181,178,176,181,186,186,181,133,129,128,129,130,173,178,183,181,176,173,178,181,178,178,178,178,176,176,176,178,178,176,176,176,178,183,181,176,170,170,127,124,125,173,181,183,181,176,173,170,168,168,170,168,125,125,168,170,170,170,173,178,178,181,181,183,181,176,170,129,129,173,178,181,181,178,178,183,183,181,181,181,183,183,183,186,189,191,183,170,125,125,127,129,170,173,176,176,173,129,129,173,181,186,183,181,181,181,189,191,191,189,189,189,186,189,194,194,191,186,181,176,173,129,127,131,173,173,173,176,173,133,133,178,186,196,204,209,209,204,196,186,186,189,189,194,199,199,127,99,95,98,119,123,125,131,131,123,121,125,181,191,196,199,199,199,196,194,194,194,196,196,191,183,133,131,133,183,196,204,209,212,212,209,209,204,202,199,194,189,183,135,133,134,137,189,202,204,204,207,209,209,209,209,212,209,207,204,204,204,204,204,202,202,204,204,202,199,199,202,204,199,191,183,178,135,181,186,186,181,176,133,133,178,183,186,183,183,181,176,173,129,125,125,127,131,176,178,178,181,183,186,186,185,186,191,191,183,179,178,181,181,178,176,176,173,170,173,178,178,176,173,173,173,170,168,166,165,168,173,173,173,170,173,176,173,168,165,165,125,125,168,170,173,173,170,168,127,127,127,125,125,125,127,170,178,183,186,183,183,183,186,186,186,189,189,194,191,189,189,191,194,194,194,191,191,191,191,189,186,183,178,173,131,173,178,181,183,183,183,186,186,183,181,176,170,129,128,129,170,176,176,170,170,170,173,173,173,173,173,176,181,183,183,183,183,183,186,189,194,196,196,194,191,194,196,199,199,196,191,191,191,189,186,186,191,194,194,191,189,189,189,186,178,129,126,126,126,127,131,178,181,181,178,135,178,186,191,196,196,194,191,191,194,194,191,186,182,181,183,196,202,204,202,202,196,191,186,183,183,137,133,133,181,191,196,199,196,196,194,191,186,183,183,186,191,194,194,191,189,189,189,186,183,183,183,183,181,181,181,181,181,178,178,176,176,173,173,173,170,129,129,170,173,178,178,176,173,173,173,173,173,173,173,176,176,178,181,181,181,183,186,186,189,189,186,183,181,181,181,178,178,178,181,183,183,181,178,178,173,170,163,155,150,105,63,0,0,0,0,0,3,91,155,168,168,163,160,157,160,168,170,176,181,189,191,191,186,183,181,178,178,178,178,178,183,183,186,186,189,196,202,207,209,204,202,202,199,202,204,202,199,202,202,196,178,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,59,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,118,113,5,0,7,43,131,170,189,194,191,170,144,137,139,144,152,163,170,181,181,137,0,0,0,152,165,165,168,183,199,199,189,181,170,165,163,163,168,170,173,181,186,183,176,170,168,168,168,168,128,128,170,181,186,186,183,183,182,182,183,186,186,186,183,182,186,194,191,183,176,178,183,181,176,170,169,170,173,176,178,178,178,181,183,183,178,178,178,178,176,170,173,178,176,115,99,107,121,127,125,125,173,181,178,173,176,178,181,181,181,186,189,191,186,181,178,173,168,176,186,186,163,163,176,189,189,183,178,173,163,117,99,95,160,181,194,191,178,170,168,165,160,121,165,176,181,178,170,163,123,165,176,183,176,165,125,173,183,186,183,181,181,178,176,176,178,181,178,176,176,178,178,173,170,176,178,170,165,165,168,165,163,165,168,123,115,115,119,121,165,173,168,111,99,99,107,111,115,119,160,163,168,165,163,160,160,165,176,170,168,165,160,121,123,163,161,161,163,163,123,165,183,202,212,215,212,209,209,212,217,215,204,194,183,178,160,109,150,173,170,163,168,189,196,189,176,170,165,157,152,137,95,95,97,91,73,70,97,186,202,204,204,204,202,194,194,196,199,199,199,202,202,202,202,204,209,209,207,207,207,204,204,0,0,0,0,0,0,0,150,157,173,189,202,207,209,209,209,209,207,204,207,207,0,191,181,173,170,178,189,194,189,0,178,173,168,168,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,228,228,225,222,216,216,217,222,225,228,230,230,233,238,243,248,248,246,238,230,225,222,222,222,225,230,235,241,243,243,238,228,217,207,199,191,186,178,173,129,127,125,123,123,121,0,0,157,160,165,176,186,191,196,199,202,204,204,207,209,217,230,235,241,241,241,241,241,238,235,233,235,238,233,228,225,225,212,199,151,202,215,225,233,241,243,243,238,238,238,241,241,233,225,225,230,235,235,233,228,228,225,215,207,199,196,194,194,186,133,121,111,111,119,168,176,176,168,123,119,123,170,181,186,183,178,174,176,183,194,202,202,202,204,209,215,217,215,209,207,212,217,222,217,212,212,212,209,207,207,209,215,222,225,225,225,222,215,212,212,217,222,222,222,222,222,222,220,215,212,209,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,0,0,0,82,131,152,168,181,189,191,181,165,124,9,0,0,0,0,0,0,0,0,77,85,82,43,38,39,55,113,129,137,137,137,142,144,144,142,142,142,144,147,144,143,143,147,150,150,144,87,0,0,0,27,59,26,6,13,155,202,199,202,212,215,215,217,225,225,222,217,222,212,191,107,97,101,103,113,168,186,191,191,183,163,112,111,115,119,119,121,163,168,173,170,170,168,123,119,119,123,173,181,181,173,168,170,176,178,173,165,165,170,178,176,165,124,165,168,125,123,121,120,119,121,125,127,127,127,125,124,129,176,181,183,186,186,186,186,186,189,191,194,196,194,186,181,181,189,194,196,196,199,202,199,183,127,119,119,125,173,176,170,119,119,168,170,127,123,121,119,121,127,178,194,202,204,212,217,212,202,199,202,207,209,191,123,111,109,113,119,125,127,127,125,168,176,186,196,202,202,196,191,191,199,207,207,204,207,215,215,199,181,170,165,123,125,123,119,117,117,117,115,111,108,109,113,119,125,168,163,121,119,117,116,116,121,176,183,173,119,113,103,100,100,102,105,115,157,111,91,75,75,79,81,91,105,178,196,196,194,181,73,40,43,109,155,144,105,150,155,155,152,150,152,157,155,107,99,101,109,111,111,113,157,160,157,155,160,163,160,115,108,109,152,113,111,115,115,109,103,102,103,109,117,119,119,160,160,115,105,104,115,176,189,191,189,186,178,164,161,165,176,186,199,209,215,212,194,125,114,117,183,204,212,212,215,217,217,215,212,212,215,212,194,119,113,125,176,181,189,207,225,230,235,233,215,183,173,178,186,191,194,202,207,207,199,189,176,129,131,178,176,133,183,204,215,222,222,209,196,186,178,133,176,178,186,194,189,131,125,126,127,129,129,131,133,133,133,131,133,183,194,199,204,209,207,191,189,191,194,191,183,133,131,127,119,114,116,129,183,186,186,189,189,183,181,183,194,204,207,202,191,173,125,129,178,183,183,176,124,123,124,127,170,170,170,170,176,183,186,181,178,176,170,125,121,123,125,121,115,114,121,170,178,170,125,163,168,170,165,121,115,111,108,108,111,123,176,189,204,207,202,199,196,194,186,173,125,119,116,116,121,125,168,173,178,183,176,117,114,117,127,170,129,170,173,181,186,191,191,189,186,186,186,186,186,186,178,173,173,178,173,129,129,127,123,123,170,176,176,176,176,173,170,127,125,121,119,117,119,121,121,123,127,168,170,176,183,186,183,178,173,168,168,168,173,176,178,178,181,183,186,186,178,173,131,173,178,183,194,202,204,202,204,209,207,186,135,181,186,183,182,186,189,189,189,191,196,196,191,187,187,191,196,196,191,190,194,204,215,212,202,191,186,186,189,191,194,191,189,189,194,199,199,199,202,199,194,194,194,196,199,202,202,202,204,204,204,202,199,199,202,202,196,191,186,183,138,137,139,186,189,191,196,202,199,194,194,199,204,204,204,202,202,199,202,202,202,199,196,194,191,191,191,189,186,178,133,135,176,176,176,181,183,186,181,176,130,129,129,130,173,178,181,178,131,130,131,173,176,176,174,174,174,174,178,183,189,186,181,178,181,183,183,178,176,173,127,120,119,123,129,129,123,119,123,125,125,127,168,168,168,168,170,170,170,170,173,176,181,183,186,186,183,176,129,127,127,173,181,183,183,181,181,183,183,181,181,179,181,181,183,186,189,191,186,178,173,170,129,170,173,173,170,129,125,125,125,129,178,178,170,129,131,176,183,189,191,191,194,194,194,194,194,196,194,189,181,173,129,125,127,131,131,131,131,131,129,127,129,176,189,199,207,204,196,183,131,126,135,194,202,207,212,212,204,135,113,113,133,135,135,133,129,122,119,121,133,194,207,215,215,207,199,189,186,189,191,194,196,191,183,178,178,186,194,202,204,204,202,199,202,199,191,186,186,186,186,181,137,137,189,196,204,204,202,204,207,212,212,212,209,207,204,203,203,204,204,204,204,202,204,204,204,202,196,199,199,196,189,181,135,134,135,178,181,178,176,131,131,176,186,191,194,194,189,186,183,183,176,131,173,178,181,183,186,186,189,189,189,186,186,189,191,189,183,181,181,181,178,178,176,170,129,129,173,173,173,173,173,176,173,170,166,166,168,170,173,173,170,173,173,168,125,125,125,125,125,165,170,173,173,170,168,127,127,168,127,127,129,129,173,178,183,183,183,183,186,189,189,189,186,186,189,191,189,189,191,191,191,191,191,191,191,191,189,186,183,181,178,178,181,183,183,183,181,181,181,181,178,176,173,170,129,129,129,129,129,127,127,127,129,131,131,131,131,131,173,178,183,186,183,183,183,186,189,191,196,196,194,194,194,196,196,199,196,194,191,191,189,189,189,191,194,194,191,189,189,189,189,183,135,131,127,127,129,135,183,189,189,186,183,183,186,191,194,194,191,189,189,189,189,189,189,186,183,183,196,202,204,202,199,196,191,189,189,189,183,133,133,186,196,199,199,196,196,194,189,183,179,179,181,189,191,194,191,189,186,186,186,183,183,183,183,181,181,181,181,181,181,178,178,176,176,176,173,173,170,170,170,173,176,176,173,173,173,173,173,176,178,181,181,183,183,183,181,181,183,186,189,189,191,189,186,183,183,181,178,177,178,183,186,186,183,181,178,173,168,165,160,157,147,87,33,17,11,0,0,9,87,150,165,168,163,160,157,163,170,176,178,183,189,191,189,183,181,181,181,181,186,189,189,189,183,181,178,183,191,202,207,207,204,202,204,199,202,204,207,204,202,202,191,33,0,0,0,0,0,0,0,0,0,0,0,0,0,139,111,0,0,0,0,0,0,118,82,0,0,0,0,0,0,0,0,0,0,0,23,13,0,0,0,0,0,0,0,0,0,90,100,49,43,82,100,137,170,189,194,189,173,142,133,137,147,155,163,170,183,199,230,33,0,0,157,165,170,176,194,209,207,199,191,181,168,161,161,165,173,181,189,194,191,183,178,176,173,173,173,170,129,173,181,186,186,183,183,182,182,183,183,183,182,181,182,186,194,191,181,173,173,178,178,173,170,170,173,176,178,178,178,178,183,186,183,181,176,173,173,168,125,123,125,119,101,88,107,121,127,127,127,173,178,181,178,178,181,181,178,178,181,183,191,191,189,181,168,165,168,178,173,101,111,176,183,186,183,178,168,160,119,111,117,173,183,196,194,183,176,170,170,170,173,176,170,168,165,123,119,121,163,170,173,168,125,125,170,178,181,181,178,178,178,176,178,178,181,178,178,178,178,173,165,165,173,178,176,170,170,170,165,119,121,170,173,123,117,119,165,176,178,173,119,109,111,113,109,111,121,163,121,109,103,107,117,119,160,168,168,168,165,119,117,121,165,165,165,165,165,168,178,194,209,212,212,209,207,204,209,215,215,209,199,191,183,168,155,157,165,160,151,152,168,181,176,168,168,165,157,157,150,142,142,0,0,71,67,77,157,189,194,194,194,194,191,191,196,199,199,199,199,199,196,199,204,209,212,212,209,209,209,207,204,0,0,0,0,0,0,0,0,0,178,191,199,202,204,202,199,194,194,196,199,196,189,178,173,176,183,194,0,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,230,230,228,225,217,217,217,222,225,228,230,233,235,241,246,251,251,243,235,228,217,215,215,217,222,228,233,238,243,243,241,233,222,212,202,191,183,181,176,173,170,165,125,163,160,0,0,0,0,157,165,178,186,194,196,199,199,199,199,199,207,222,230,235,241,241,243,243,241,241,238,238,238,235,230,230,228,217,207,199,204,217,228,238,243,246,241,235,233,235,238,238,233,228,225,228,233,233,230,228,225,225,215,207,199,196,194,194,189,133,119,109,108,117,168,176,176,125,119,118,119,165,176,183,183,181,176,176,181,191,199,199,202,204,209,217,217,212,209,207,209,212,215,209,207,207,209,207,207,207,209,215,217,222,222,222,217,215,215,215,217,217,217,217,217,217,217,217,215,212,209,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,82,126,144,157,165,173,178,170,139,15,0,0,0,0,0,0,0,19,0,51,77,105,87,31,22,34,118,131,137,137,137,139,147,147,144,144,144,144,147,150,150,150,144,139,137,134,51,0,0,0,9,57,27,1,2,45,176,191,204,217,222,222,225,228,225,217,212,212,209,194,168,111,107,105,107,117,173,181,189,189,173,115,114,160,165,163,121,123,165,170,170,168,165,123,120,121,125,170,176,178,173,165,123,123,125,125,125,170,181,186,181,170,125,125,125,123,121,121,120,120,121,127,127,125,124,123,123,129,178,186,191,191,191,191,194,194,196,199,204,209,207,202,196,196,199,202,199,196,196,204,207,196,131,117,116,117,127,176,170,115,116,183,181,125,119,117,117,121,127,178,191,199,204,212,217,212,199,195,198,209,215,202,173,115,111,115,125,173,178,168,123,125,173,189,196,199,196,189,183,186,196,204,207,207,209,212,209,202,186,170,165,165,170,170,165,123,121,121,117,113,109,109,111,117,123,125,123,119,119,121,123,121,123,178,191,186,163,119,105,98,99,103,111,157,165,152,103,101,103,93,85,91,147,194,207,215,220,204,63,33,36,95,105,95,95,150,157,147,109,109,150,157,152,107,103,109,113,150,111,113,150,150,113,152,155,157,155,111,108,155,165,113,103,105,107,105,102,102,103,107,115,157,165,176,178,170,160,121,165,186,199,202,202,199,191,176,165,168,173,178,186,202,212,217,212,178,111,110,123,196,209,212,215,217,222,217,215,215,215,209,186,113,109,123,176,181,191,207,215,228,235,233,204,130,129,176,181,186,194,199,204,202,194,181,128,127,128,131,130,129,133,194,204,209,207,196,189,183,181,176,176,181,189,194,183,127,125,127,129,131,131,133,133,133,131,129,130,186,202,209,212,217,215,204,196,196,199,194,181,129,125,125,120,115,117,131,189,191,191,191,191,183,178,176,183,196,202,199,189,176,173,176,178,181,181,178,129,125,125,129,170,168,127,126,127,173,173,173,173,178,178,173,170,170,168,125,119,119,165,181,191,181,168,165,173,176,170,121,115,109,107,109,123,178,189,196,204,209,209,207,204,202,191,178,168,121,117,117,119,125,127,168,176,181,170,117,114,117,125,127,126,126,127,173,183,189,189,189,186,186,186,186,186,183,176,170,169,173,173,127,123,115,111,117,170,176,176,178,178,178,176,170,168,127,125,168,173,181,183,181,170,127,127,170,178,181,181,178,178,176,173,173,176,178,181,181,183,186,189,189,183,178,176,178,181,189,199,209,212,212,212,217,217,202,186,186,186,182,181,183,189,191,194,199,207,209,202,194,187,189,194,194,194,191,191,196,202,199,194,191,189,191,191,194,191,189,186,189,196,202,202,199,199,196,194,194,196,202,202,202,202,204,204,204,204,202,199,199,202,202,196,194,189,183,138,138,183,186,189,194,199,199,194,190,191,196,204,204,204,204,202,202,202,204,202,202,199,196,191,191,191,191,189,178,133,133,176,176,178,181,181,183,183,181,181,178,176,176,178,178,176,173,131,130,130,131,173,176,174,174,174,176,181,189,191,189,183,178,181,186,186,186,183,183,173,122,120,123,125,117,110,109,113,119,123,123,127,170,176,176,173,170,168,168,168,173,176,181,183,186,183,173,127,126,127,173,181,183,183,178,178,181,181,181,181,179,179,181,186,186,186,186,181,176,178,178,176,176,176,173,170,127,124,124,124,127,173,129,117,116,123,129,173,176,183,189,194,194,194,194,191,194,196,194,183,131,123,121,125,129,129,129,129,131,127,123,125,133,186,199,199,191,133,124,121,121,129,194,207,209,215,215,212,202,183,133,183,189,189,183,135,127,123,123,131,191,215,228,228,215,199,181,135,178,183,191,199,196,191,186,183,189,194,199,202,194,186,186,191,189,182,178,179,183,189,189,189,189,196,202,199,196,199,202,207,212,212,212,209,207,203,203,204,204,207,207,204,202,199,202,202,196,194,191,194,194,191,189,181,135,134,134,176,178,133,131,128,131,181,191,199,196,191,186,183,183,178,173,176,181,186,191,191,191,194,194,191,189,191,191,194,194,191,189,186,183,181,181,176,170,128,128,129,170,173,178,181,181,178,173,170,168,168,170,170,173,173,173,170,165,123,165,168,165,165,165,168,170,173,170,168,127,127,127,170,170,173,173,176,181,183,183,183,186,189,191,191,189,183,183,186,189,189,189,186,186,189,189,191,191,191,191,189,186,183,183,183,183,183,183,183,181,181,178,178,178,176,176,173,173,173,170,170,127,123,121,119,123,127,129,129,129,129,131,173,178,183,186,186,186,186,186,189,191,191,194,194,192,192,194,196,196,196,194,191,191,191,189,189,191,194,191,191,189,189,186,186,186,183,181,135,135,135,181,189,194,191,189,186,183,183,183,186,189,189,186,186,186,183,186,191,191,189,189,196,202,204,202,199,196,194,191,194,194,186,133,132,181,194,199,199,199,199,196,191,183,178,178,181,186,191,191,191,189,186,186,183,183,183,183,183,181,181,181,181,181,181,181,178,178,176,176,176,173,170,170,170,173,173,173,173,172,172,173,176,178,183,186,189,191,191,189,186,183,183,186,189,191,194,191,189,186,186,183,178,177,178,183,189,189,186,183,178,173,170,165,163,160,160,150,83,65,45,23,13,29,85,150,160,163,163,160,160,165,173,181,186,189,189,189,186,186,186,186,186,186,189,194,194,191,183,177,174,177,189,196,202,204,202,204,204,196,194,199,199,196,186,157,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,150,0,0,0,0,0,0,53,3,0,0,0,0,0,0,40,0,0,0,72,100,69,0,0,0,0,0,0,0,0,0,11,108,100,95,98,111,134,168,181,181,176,160,134,129,134,150,155,160,170,178,186,217,45,0,0,157,168,173,181,199,207,207,204,196,178,163,160,163,170,178,186,191,194,194,186,181,178,178,176,176,173,131,176,183,189,189,186,186,186,186,186,186,183,182,182,183,186,189,189,181,131,128,131,173,173,173,176,178,178,178,176,176,178,183,183,183,178,173,168,127,125,123,121,121,115,104,96,119,121,125,170,176,173,168,168,173,181,181,178,173,170,127,165,181,191,194,183,170,168,173,168,107,88,104,178,183,183,183,178,163,121,121,160,170,176,178,191,194,191,189,181,176,176,183,186,173,163,117,111,109,113,121,163,123,123,165,170,173,176,178,178,176,173,176,176,176,173,170,173,173,176,173,165,121,121,165,173,173,168,168,165,118,114,117,170,176,163,117,121,176,181,178,170,123,115,113,109,106,109,163,170,163,108,100,103,111,115,115,123,163,163,123,117,115,117,123,125,125,125,165,170,183,202,212,212,207,204,204,204,209,215,212,204,196,189,181,168,160,160,163,157,151,150,157,165,165,165,165,163,155,155,155,152,0,168,173,75,69,74,95,155,170,178,183,189,189,189,194,196,199,199,196,194,192,194,199,209,212,212,212,212,212,212,209,199,0,0,0,0,0,0,0,0,165,178,186,189,191,189,181,181,0,191,196,194,186,178,176,178,189,196,199,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,233,230,230,228,225,0,0,222,225,228,230,233,235,238,246,251,248,243,235,225,215,212,212,215,217,225,230,235,238,241,238,233,228,217,204,194,183,181,178,178,173,170,165,165,163,160,157,0,0,0,0,168,178,186,191,194,194,194,191,191,196,209,222,230,235,241,241,243,243,243,241,241,238,235,230,230,230,222,207,202,207,217,230,238,243,243,238,233,228,228,230,233,230,228,225,228,230,233,228,225,225,225,217,209,204,196,194,194,189,176,121,109,108,113,125,173,173,125,118,117,119,165,176,181,183,181,178,178,181,186,194,196,199,202,209,215,215,209,207,204,207,209,209,204,202,202,207,207,204,207,207,212,215,222,222,217,217,215,215,215,217,217,215,215,215,215,217,222,217,215,212,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,116,137,144,144,37,25,37,27,0,0,0,0,0,0,0,0,15,15,39,51,134,129,33,12,23,103,121,129,134,137,139,144,144,143,144,144,144,147,152,155,152,134,53,19,9,0,0,25,31,5,41,57,29,11,17,47,165,194,209,217,222,225,225,217,209,204,199,196,191,178,157,115,111,107,113,119,165,178,183,176,160,121,170,173,168,163,165,173,178,173,165,123,123,123,165,173,178,181,181,176,165,123,122,121,121,122,168,181,186,181,173,168,165,125,123,121,121,123,123,127,170,170,168,125,123,123,127,178,189,194,194,194,194,194,196,199,204,209,215,217,215,209,209,209,207,202,195,194,199,207,199,178,121,116,116,119,173,176,116,117,189,186,129,121,117,117,119,121,170,183,196,204,212,215,209,199,195,198,209,215,207,186,125,115,117,168,181,186,173,121,119,127,181,186,189,189,183,182,183,194,204,209,212,212,204,199,194,183,173,168,173,176,173,168,125,125,125,123,115,109,108,109,117,123,125,125,123,123,168,173,165,123,170,186,183,168,160,109,100,101,111,155,157,160,111,107,152,160,103,83,87,152,183,204,225,238,189,55,42,52,89,93,91,105,168,160,101,91,97,111,157,152,109,107,111,150,150,111,111,113,107,107,113,155,155,152,109,107,113,155,105,101,104,105,103,102,103,107,111,117,163,173,186,191,186,181,173,168,183,202,207,209,209,202,191,183,183,181,176,176,186,196,207,212,194,115,111,117,186,207,212,215,217,217,222,222,217,212,204,170,107,105,123,176,181,189,202,212,222,233,228,189,128,128,176,178,181,186,194,196,194,186,133,128,128,131,131,130,130,176,186,191,191,189,181,178,178,181,183,183,186,191,191,181,129,127,131,133,178,181,181,181,178,131,128,130,186,202,209,212,215,212,207,204,204,202,191,133,125,124,127,129,125,127,181,191,194,191,189,189,183,176,131,173,181,191,191,183,181,183,178,173,173,178,181,178,173,170,170,173,170,127,125,126,168,173,173,173,176,176,176,176,176,173,168,125,125,170,181,189,178,165,165,176,181,173,123,115,111,109,119,178,194,196,196,202,209,209,204,202,202,196,186,173,125,119,119,121,125,123,125,168,170,127,117,115,116,121,127,127,127,127,173,181,186,189,189,189,189,189,186,186,186,181,172,170,178,178,170,121,109,107,111,127,170,168,173,176,176,173,170,170,173,178,186,191,194,196,191,176,127,127,170,176,176,178,181,183,183,181,178,176,178,178,181,178,181,186,189,186,178,176,176,178,189,202,209,215,212,215,217,217,209,202,199,194,186,181,182,186,191,196,207,215,217,215,204,191,189,191,196,196,196,194,194,191,186,185,185,189,191,191,189,186,183,183,189,196,202,202,196,196,196,196,196,202,204,204,202,202,202,204,204,202,199,198,199,202,196,194,194,194,189,183,183,189,194,196,199,202,199,194,189,189,191,196,199,199,202,202,202,202,202,202,202,199,196,189,186,189,194,191,181,135,133,176,176,181,181,178,181,183,186,189,189,186,183,181,178,176,173,131,131,131,131,173,176,176,176,176,176,178,181,183,183,181,178,178,183,189,189,191,191,183,170,125,127,127,117,110,109,113,119,123,123,127,173,178,181,173,168,166,166,166,168,173,176,181,183,181,173,127,126,129,173,181,183,181,178,176,173,176,178,181,183,183,183,186,183,181,176,129,127,170,178,181,181,178,176,173,129,127,125,125,127,170,125,114,113,117,123,123,127,173,181,189,191,191,189,189,191,194,191,181,125,119,119,123,127,127,129,131,173,131,125,123,127,181,191,194,183,129,122,121,122,131,191,202,207,209,209,209,207,196,183,189,194,196,191,178,133,131,127,131,186,209,225,228,217,196,135,129,130,135,181,194,196,194,189,186,189,191,196,196,186,182,182,186,186,181,178,181,186,194,196,199,199,202,199,195,194,196,202,207,212,212,212,212,209,204,207,209,212,209,207,202,196,194,194,194,189,186,186,189,194,196,196,191,183,178,135,178,178,133,129,127,128,133,183,194,196,191,183,181,181,181,178,178,183,189,191,194,194,194,194,194,194,194,194,196,202,202,196,191,189,183,183,181,176,170,129,129,173,178,183,186,186,183,178,176,173,170,168,168,173,173,173,170,165,123,165,173,173,168,165,165,168,168,168,127,127,127,168,173,178,178,181,181,183,183,183,186,189,191,191,191,189,183,183,186,189,189,189,186,186,186,189,189,191,191,191,189,186,183,183,181,181,181,181,181,181,181,181,178,178,178,176,176,176,176,176,173,127,121,118,118,119,125,129,129,131,131,173,178,181,186,189,189,189,189,189,189,189,191,191,194,194,192,194,196,196,196,194,191,191,191,189,189,191,191,189,189,189,186,186,186,186,186,183,183,181,181,183,189,194,194,189,186,183,182,182,183,183,183,183,183,181,181,183,189,194,194,196,199,204,204,202,196,196,194,194,196,196,189,135,131,133,189,199,202,202,199,196,191,186,181,179,183,189,191,191,189,186,186,186,183,183,183,183,183,181,181,181,181,183,181,181,178,178,176,176,173,173,170,170,170,173,173,176,173,173,173,173,176,181,186,189,194,194,194,191,189,186,183,186,191,194,194,191,189,189,186,186,181,178,181,183,189,189,189,183,178,176,170,165,163,163,165,165,150,99,73,49,35,41,73,142,155,160,163,163,163,168,176,183,191,194,194,191,189,189,191,191,189,189,189,191,194,191,183,177,174,177,186,194,199,202,204,207,204,196,194,191,186,173,144,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,69,0,0,77,87,0,0,0,0,0,0,0,0,3,92,150,0,11,85,165,176,181,92,0,0,0,0,0,0,0,0,17,142,131,116,108,124,147,170,178,176,165,150,133,129,139,155,155,155,168,168,165,160,55,0,91,173,176,176,181,194,202,202,204,196,173,159,160,168,178,186,189,189,189,189,183,178,178,178,176,173,129,127,131,181,191,194,191,189,189,189,189,189,189,183,182,183,183,183,181,176,129,127,128,173,176,176,178,181,181,178,173,173,178,181,181,178,173,168,125,124,125,125,125,123,121,117,119,125,123,125,183,191,178,119,116,127,176,178,173,127,126,124,122,168,181,183,173,168,173,176,170,109,92,109,178,183,186,183,178,165,163,165,170,178,173,121,178,191,196,196,191,183,181,186,186,176,160,113,108,107,110,119,123,121,123,173,178,178,176,178,178,173,170,170,173,168,123,119,121,168,173,168,123,121,122,168,173,173,165,163,121,116,113,117,168,173,163,119,123,178,181,176,165,121,117,113,107,106,115,173,181,176,123,109,109,113,115,115,123,163,123,119,117,114,114,115,117,121,123,123,125,173,189,199,199,199,199,199,202,207,209,207,196,186,178,173,168,163,160,157,155,151,148,152,160,160,160,163,160,155,155,157,155,155,0,176,85,73,75,81,87,99,152,168,176,183,186,189,194,196,199,199,194,191,191,196,207,212,212,212,212,212,215,212,204,0,0,0,0,0,0,0,0,0,165,168,170,173,0,163,165,0,0,0,194,189,183,181,183,191,202,202,194,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,233,230,230,230,228,0,0,222,222,225,228,230,233,238,243,248,248,243,235,228,217,213,213,215,217,225,228,230,233,235,235,233,230,225,212,199,189,183,181,181,178,173,168,165,165,163,163,160,0,0,0,160,168,176,181,186,186,186,183,181,186,199,209,220,228,235,238,241,243,243,243,241,238,235,230,230,228,217,204,200,204,215,228,233,238,238,235,230,225,222,222,225,228,225,222,225,230,230,228,228,225,225,220,215,209,202,196,196,191,178,125,113,109,113,123,170,170,163,119,118,121,168,176,181,181,181,178,178,178,183,189,191,194,199,204,207,207,204,202,202,204,207,207,202,199,199,204,207,204,204,204,209,212,217,222,217,215,215,215,217,217,215,212,212,212,215,217,222,222,217,212,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,9,29,37,31,19,0,0,0,0,0,0,0,85,72,0,0,0,21,29,49,108,160,152,92,43,55,87,51,59,126,134,137,142,144,143,144,147,147,147,150,155,152,95,19,0,0,0,0,33,39,7,27,81,85,57,26,33,77,160,181,199,209,212,209,204,199,189,178,176,176,173,157,117,117,113,115,117,121,170,178,176,170,170,176,178,170,165,170,181,183,178,165,123,123,168,178,189,194,196,194,181,165,123,123,121,122,123,165,173,176,173,170,168,168,168,125,123,125,125,125,170,178,183,181,173,127,124,125,173,186,191,194,194,196,196,196,196,204,209,217,222,220,217,215,212,209,204,199,196,199,204,202,189,129,117,115,117,173,181,123,122,176,178,129,123,121,119,117,117,121,173,189,202,209,212,209,204,198,199,207,212,209,199,176,119,115,123,178,183,170,119,113,119,127,173,181,183,183,183,186,191,196,199,202,202,194,183,176,170,168,170,170,170,168,125,124,125,168,168,123,115,109,111,119,165,168,168,170,173,181,183,170,121,123,170,170,168,160,113,107,111,165,168,113,100,97,101,160,168,105,73,71,101,163,181,202,207,93,60,65,85,89,89,95,152,168,150,93,72,81,144,157,155,111,107,111,147,150,147,150,113,105,104,111,155,155,150,108,106,109,109,104,104,109,109,105,103,111,157,163,165,170,183,194,196,189,183,176,115,165,194,207,212,212,207,199,194,194,189,181,173,173,181,189,202,202,186,125,127,181,202,215,217,217,217,225,225,217,204,186,111,101,105,125,178,183,191,202,209,217,225,212,178,128,130,181,174,176,181,183,186,183,178,131,131,176,181,178,176,178,183,186,183,178,177,176,174,177,186,194,194,191,191,186,181,133,133,176,178,186,194,196,196,191,181,131,133,183,196,204,207,207,204,202,202,207,202,183,131,127,131,133,178,176,178,183,191,191,189,186,183,181,176,129,128,129,176,178,176,183,189,178,129,129,173,181,181,176,170,170,173,170,168,127,126,168,176,181,178,172,170,172,173,176,176,173,173,170,173,176,178,170,165,165,173,176,170,123,117,115,117,170,189,199,196,194,202,209,212,207,202,202,199,189,176,165,121,121,123,123,119,118,119,123,123,119,116,116,121,170,173,168,168,173,181,183,186,189,189,191,189,186,186,189,183,176,176,186,186,178,125,111,110,115,123,121,121,125,168,168,127,127,168,176,186,191,194,191,189,183,176,173,170,173,173,173,176,183,186,183,178,173,170,173,176,178,176,176,181,183,181,176,131,130,173,183,199,207,209,209,209,212,212,212,209,202,194,183,181,181,183,189,199,207,215,222,222,212,196,189,189,194,202,202,199,191,186,183,182,185,191,194,189,181,179,179,183,191,196,202,199,196,194,196,199,202,204,204,202,196,196,199,202,202,202,199,199,199,199,194,190,191,194,194,191,191,196,199,202,204,207,204,196,190,189,191,194,194,194,196,196,196,199,199,199,202,199,194,186,182,186,191,191,183,135,133,133,176,178,178,176,178,183,189,191,191,189,186,183,178,176,173,176,176,173,173,173,173,176,178,176,131,131,131,173,176,176,176,178,181,189,191,191,191,189,178,170,129,129,125,117,115,119,123,123,125,168,176,181,181,176,173,170,168,168,168,170,173,176,178,176,129,129,170,176,181,183,183,183,178,170,127,127,173,183,189,189,186,183,183,178,170,124,122,125,176,181,181,178,176,176,173,173,170,129,170,176,173,123,117,119,119,119,121,129,178,183,186,186,183,183,186,189,186,173,123,117,119,123,127,129,131,176,178,133,125,123,127,176,189,194,191,183,133,127,127,133,183,191,202,207,204,202,202,196,181,186,191,191,183,133,133,135,131,133,183,202,215,217,212,199,135,128,129,131,133,183,189,191,189,186,186,189,191,191,186,183,183,186,189,186,183,186,191,196,202,204,204,204,199,194,194,196,199,204,209,212,215,215,209,207,209,212,215,212,204,196,189,186,186,183,181,181,183,186,194,199,202,199,194,189,186,183,181,133,129,128,128,129,133,183,194,194,183,179,181,183,183,181,183,189,191,191,189,189,189,191,194,194,194,199,204,204,199,191,186,186,183,183,181,178,176,173,176,181,186,189,189,183,181,178,178,173,168,166,170,173,176,173,165,123,165,173,173,170,168,165,125,125,125,125,127,168,173,178,183,186,186,189,186,186,183,186,189,189,191,191,189,186,186,183,186,186,186,186,186,186,189,189,191,191,191,189,186,183,181,178,178,178,178,178,181,181,183,183,181,181,178,178,178,181,181,178,170,125,119,119,121,125,129,131,131,173,178,181,186,189,189,189,189,187,189,189,191,191,194,194,194,194,194,196,199,199,196,194,194,194,191,189,189,189,186,186,186,183,186,186,186,186,186,189,186,181,181,186,189,191,189,186,183,183,183,183,183,137,137,135,135,135,137,183,191,194,196,199,202,204,199,196,194,196,196,199,199,194,183,132,131,137,194,199,199,199,199,196,191,189,186,189,191,194,194,191,189,186,186,186,183,183,183,183,181,181,181,183,183,183,181,178,178,178,176,173,173,170,173,173,173,176,176,176,176,173,173,176,181,183,189,191,194,194,191,189,186,186,189,191,194,194,191,189,186,186,186,186,183,183,183,186,186,183,178,173,173,170,165,165,163,165,170,165,150,97,75,53,41,47,85,152,163,165,168,168,170,178,186,194,196,199,196,194,194,191,191,191,191,189,189,186,183,183,181,178,183,191,194,196,199,204,209,209,202,194,181,155,137,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,165,176,0,0,0,0,0,0,0,0,13,72,95,0,69,170,189,196,209,137,0,0,0,0,0,0,0,0,53,150,142,126,108,129,155,181,186,183,165,150,139,137,152,163,160,157,168,165,160,152,87,97,168,183,181,173,176,186,194,196,202,194,168,157,160,176,189,191,189,186,183,183,178,176,176,173,170,129,123,122,125,176,186,191,191,191,191,191,191,191,189,186,183,183,183,181,178,176,129,128,129,173,176,176,178,178,178,176,173,173,176,178,176,173,170,127,124,124,125,127,170,168,125,125,127,127,125,173,191,199,186,118,113,121,170,173,168,127,127,126,124,127,168,123,121,122,165,176,176,165,106,117,176,183,189,186,181,170,170,176,181,178,119,94,113,189,196,196,194,191,189,186,178,160,115,111,111,113,119,163,165,163,165,176,183,183,178,178,178,173,165,165,165,123,118,116,117,165,170,165,123,125,170,176,176,173,170,165,123,119,119,163,170,170,163,119,123,178,178,170,165,121,123,117,108,111,173,183,186,186,176,119,115,119,117,117,123,125,119,115,117,115,114,114,117,121,121,119,119,120,125,168,168,173,181,186,191,199,202,196,186,173,173,173,170,168,163,157,155,151,150,155,165,165,163,163,160,160,163,163,157,109,147,0,91,81,81,77,71,71,85,0,155,173,178,181,186,194,199,199,196,192,192,199,207,212,209,209,209,212,212,215,209,0,0,0,0,0,0,0,0,0,155,152,152,152,0,0,0,0,0,0,0,196,191,189,191,199,204,204,199,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,230,230,229,230,230,0,0,0,0,222,225,228,230,235,241,248,251,246,241,233,225,217,215,217,222,225,228,228,228,228,230,230,233,228,217,204,194,186,183,183,181,176,170,168,168,165,165,165,160,0,0,0,0,165,170,176,176,176,173,176,181,191,202,209,222,230,235,241,243,243,241,241,241,235,230,228,225,215,204,200,204,215,222,228,233,235,233,228,225,220,217,217,222,220,220,225,230,233,230,228,225,225,222,222,215,207,202,199,194,181,129,119,113,0,119,165,170,163,119,121,163,173,178,181,178,178,178,176,178,181,183,186,189,191,196,199,199,194,194,196,202,204,204,199,198,199,204,207,204,204,204,207,212,217,222,222,217,215,217,217,217,212,211,211,212,215,220,225,228,222,215,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,0,0,0,0,0,0,0,19,19,0,0,0,0,0,121,100,69,72,49,72,98,134,189,199,189,183,178,134,61,0,21,116,134,137,142,144,144,147,147,144,144,144,152,155,144,33,0,0,0,0,27,37,27,41,75,91,95,63,47,53,81,113,170,189,194,189,183,183,176,163,157,160,160,117,117,121,119,121,119,160,170,178,178,176,176,181,178,173,165,168,178,183,178,168,125,165,173,186,196,207,209,204,191,170,165,165,123,125,168,168,165,165,165,165,168,170,168,127,125,125,125,168,178,191,196,194,189,176,127,125,170,181,189,191,196,196,196,194,196,202,209,215,222,222,222,217,212,209,207,207,207,209,207,204,196,181,123,115,117,170,186,173,125,125,127,127,125,123,121,117,115,115,125,178,196,207,212,215,209,204,204,207,209,209,204,189,123,115,117,125,168,123,113,109,111,119,168,176,181,183,183,183,183,178,176,176,181,173,123,111,113,123,165,125,125,125,124,123,125,170,170,165,121,119,121,168,173,176,176,178,183,191,194,176,119,117,121,121,160,121,117,115,160,181,181,105,93,94,100,165,178,147,69,63,69,109,147,97,81,67,67,93,91,85,85,97,150,147,99,85,66,78,155,168,160,147,109,111,152,155,155,152,113,105,105,111,150,150,113,109,109,113,113,111,113,152,115,107,107,155,176,181,176,178,191,199,196,183,176,170,97,109,176,199,209,209,207,199,196,196,194,183,173,170,172,176,189,202,204,191,176,181,199,212,217,217,220,225,228,215,189,119,97,97,109,127,178,183,194,204,209,212,209,194,131,128,173,183,176,174,176,178,178,178,173,131,133,183,186,183,183,183,186,183,178,177,177,177,177,178,194,207,204,196,189,183,181,178,176,176,178,191,202,209,212,209,202,191,186,186,191,199,204,202,199,194,196,199,196,181,133,178,189,189,186,183,181,183,186,189,186,183,181,181,178,133,128,127,129,131,131,183,189,173,125,125,170,178,178,129,125,129,173,173,173,170,126,127,176,186,181,170,168,169,173,173,176,178,178,178,173,170,170,170,165,165,165,168,125,121,117,119,125,181,194,196,194,192,199,209,215,209,204,202,199,189,176,125,121,123,125,123,118,116,117,119,123,123,117,116,121,173,176,170,127,170,178,181,183,186,189,189,186,183,183,186,183,178,181,186,186,178,170,125,125,168,123,119,119,121,127,168,127,127,126,170,181,189,186,176,127,125,170,173,176,178,173,172,173,181,183,181,176,129,125,127,170,176,181,178,178,178,176,131,130,130,131,178,191,199,204,207,207,207,209,212,209,202,191,183,181,181,183,191,199,207,215,222,222,215,199,186,183,189,199,202,199,191,186,186,189,196,207,202,189,179,178,179,186,194,199,202,199,194,191,196,202,204,207,204,199,195,195,196,199,199,202,202,199,199,199,191,190,191,194,196,194,196,199,202,204,209,209,207,199,196,194,196,196,194,191,189,191,191,194,194,199,202,199,194,183,181,182,189,189,183,135,132,133,176,178,178,176,176,181,183,186,189,189,189,186,181,178,178,178,176,176,131,130,131,176,176,131,128,127,127,128,131,173,176,178,181,189,191,194,191,189,181,170,129,170,173,168,127,125,123,123,127,170,176,178,178,178,176,176,176,176,176,176,173,173,170,129,127,129,176,183,189,189,189,186,181,129,124,124,129,181,186,189,189,183,183,181,173,124,122,125,173,178,176,176,176,176,176,176,176,176,176,183,186,181,173,127,123,121,123,129,176,181,183,183,181,181,181,178,173,125,117,117,121,127,129,131,173,176,176,131,123,123,127,176,189,202,207,204,194,181,135,135,178,183,196,202,199,196,196,191,179,181,183,181,133,132,135,181,178,181,191,202,207,207,207,199,181,131,131,131,133,135,181,186,189,186,186,186,189,191,189,186,186,189,191,194,196,194,196,199,202,204,207,204,202,196,196,199,202,202,204,209,215,212,209,207,209,215,215,209,202,189,183,181,137,135,135,137,183,186,191,199,204,204,202,199,194,191,183,135,131,129,128,127,127,176,189,194,189,181,183,186,186,183,183,183,183,183,183,183,183,189,194,194,194,199,204,204,199,189,183,181,183,183,183,183,183,181,178,181,186,189,189,186,183,183,181,173,166,165,168,173,176,173,165,122,125,170,173,170,165,123,121,121,123,125,127,173,178,183,186,189,191,191,191,189,186,186,189,191,191,191,191,189,186,183,181,181,183,186,186,186,186,186,189,189,189,186,183,183,181,178,178,178,178,181,181,183,186,186,186,183,181,181,181,183,183,181,178,170,125,123,123,127,129,131,176,178,181,183,186,189,189,187,187,187,189,189,191,194,194,196,194,194,196,199,199,199,199,196,196,194,191,189,189,186,183,181,181,183,186,189,189,189,189,189,186,181,178,181,186,189,189,189,189,189,189,186,181,135,133,133,133,135,137,181,189,194,196,199,202,202,196,194,194,196,196,196,199,196,191,137,131,135,189,194,196,199,199,196,194,194,194,194,196,196,194,191,189,189,189,186,183,183,183,183,183,183,183,186,186,183,181,181,178,176,176,173,173,173,173,176,176,176,178,178,178,176,176,178,181,183,186,189,191,194,194,191,191,189,189,189,191,191,189,186,186,186,189,189,186,183,182,182,183,181,176,170,170,170,170,170,168,165,168,168,157,144,99,73,40,37,47,152,163,168,168,170,173,178,186,191,196,196,196,194,194,191,189,189,189,189,183,178,178,183,186,186,191,194,194,191,191,196,207,209,202,191,155,111,108,82,0,0,0,0,0,0,0,0,0,19,35,0,0,0,0,0,0,0,111,155,157,173,0,0,0,0,0,0,0,0,0,0,0,0,95,186,199,204,222,163,0,0,0,0,0,0,0,0,87,142,142,126,94,118,147,186,196,194,170,155,147,152,168,178,173,165,165,159,163,157,147,163,173,181,176,168,170,183,189,191,196,191,168,159,163,183,194,194,191,186,183,178,173,173,173,170,127,123,121,121,123,131,178,183,186,191,194,194,194,194,189,186,183,183,183,181,178,176,131,131,173,176,176,176,176,176,176,173,173,173,176,176,173,170,168,125,124,125,125,168,173,170,124,124,168,127,127,176,191,196,189,125,117,123,168,168,127,170,176,176,170,173,125,120,119,120,123,170,178,178,119,123,173,183,191,191,186,176,178,186,186,181,105,81,93,186,191,194,194,196,196,186,165,93,99,115,165,181,181,176,173,170,170,176,181,181,178,178,178,170,125,123,123,123,121,119,123,168,165,121,121,165,176,173,168,178,176,170,168,168,168,170,173,170,163,119,121,170,173,168,170,163,176,168,117,165,189,191,191,189,173,115,113,117,119,117,119,123,115,109,113,117,117,121,125,123,121,119,118,119,121,123,121,120,121,127,178,189,194,189,176,123,125,170,176,178,173,168,165,160,157,168,178,178,173,170,168,170,173,170,157,101,101,111,99,93,93,81,68,64,72,83,0,157,165,170,178,189,199,202,199,194,194,202,209,212,209,204,204,207,209,209,204,0,0,0,0,0,0,0,0,0,152,150,144,144,147,0,0,0,0,0,0,204,202,199,199,204,209,209,204,196,196,0,202,0,194,0,191,0,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,230,230,230,230,230,228,222,217,215,215,217,222,228,233,241,246,251,248,246,238,230,222,217,217,222,225,228,228,225,225,225,228,230,230,225,212,202,191,189,186,183,178,173,170,168,168,168,168,163,0,0,0,0,157,163,165,165,168,168,170,176,183,194,204,212,225,233,238,241,241,241,241,238,235,230,228,225,217,207,204,209,217,222,225,228,233,230,228,225,220,215,215,217,217,220,225,230,233,230,228,225,225,228,228,222,212,204,202,196,183,170,123,0,0,117,123,165,160,121,163,170,178,181,181,178,176,176,176,176,178,178,181,183,186,191,194,191,189,189,194,199,204,204,199,198,199,204,207,207,204,204,209,215,222,228,225,222,217,217,222,217,212,211,211,212,215,220,225,228,225,220,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,64,27,0,0,0,61,0,0,0,0,0,0,41,64,37,29,9,23,74,0,74,69,77,105,92,129,178,209,225,225,233,228,233,204,55,0,0,51,129,139,139,144,144,144,144,144,144,152,160,165,165,168,65,0,29,37,45,41,39,47,61,69,107,147,55,51,33,38,105,157,168,165,165,168,165,157,117,117,117,115,113,115,119,160,160,163,173,178,178,173,173,178,176,173,170,168,170,176,173,170,168,168,173,181,194,204,209,207,194,183,178,173,168,168,170,170,168,127,127,127,168,170,168,127,125,124,125,173,191,202,204,204,199,183,129,123,127,173,183,191,196,196,194,194,196,202,207,215,222,222,220,215,212,212,209,212,215,215,212,207,202,194,176,121,117,123,176,176,127,124,125,125,125,123,121,119,115,114,117,127,186,202,212,215,212,207,207,207,209,212,209,199,181,117,111,117,119,113,107,107,111,119,168,176,178,176,178,181,173,168,165,165,165,121,109,81,68,97,125,123,123,165,165,125,165,170,170,165,121,123,168,176,178,178,178,181,189,196,196,186,163,113,113,117,121,163,160,157,163,176,183,178,103,101,150,181,194,186,95,63,65,99,103,87,59,53,65,77,79,75,85,95,101,99,89,81,76,95,168,173,160,109,109,152,160,170,163,111,103,103,105,113,152,113,113,155,160,163,160,152,155,155,152,113,111,155,178,186,178,181,194,202,191,165,117,109,90,98,121,181,194,202,202,199,194,194,191,186,176,172,170,172,178,194,204,202,181,170,191,207,215,215,217,225,228,209,111,85,92,101,115,123,129,176,186,199,204,199,194,183,130,130,176,178,178,176,176,178,178,176,173,131,173,178,183,186,183,181,178,178,178,183,191,191,186,183,196,209,207,196,189,181,181,178,176,174,176,191,207,215,217,222,222,217,207,199,196,199,199,196,191,186,186,189,186,181,186,204,212,209,199,189,183,183,186,189,189,186,186,186,186,181,131,128,129,173,178,186,183,131,124,124,129,176,173,125,120,123,170,176,176,176,127,126,170,181,183,178,173,173,176,173,170,173,176,176,170,168,170,173,165,121,118,119,119,119,119,123,170,186,194,196,194,194,202,209,212,209,204,199,194,186,173,121,119,125,168,125,121,119,125,127,127,123,119,117,121,168,170,125,123,170,178,181,183,186,186,186,186,181,181,186,186,183,178,173,127,125,129,173,178,178,170,123,121,123,168,173,173,168,127,127,168,173,170,117,112,114,123,173,181,181,178,172,172,172,176,176,170,125,123,124,170,178,181,181,178,176,173,131,130,130,131,176,183,191,196,202,204,202,204,207,209,202,194,186,183,186,189,191,196,207,215,217,222,217,199,183,178,179,191,196,194,189,189,194,202,212,215,209,196,183,181,183,191,196,202,199,194,186,181,186,199,207,209,202,196,194,194,195,199,202,202,202,202,204,202,196,191,190,194,199,196,196,199,204,207,207,207,204,204,202,202,202,199,194,189,187,186,187,189,191,196,202,202,194,186,181,181,183,186,181,133,131,132,176,178,178,176,176,176,178,181,183,189,189,189,186,186,183,181,176,173,130,129,131,178,181,173,127,126,126,128,131,173,176,176,181,189,191,194,196,189,181,176,173,176,181,181,176,127,123,123,127,170,173,176,176,176,178,178,181,181,181,178,173,173,170,127,126,129,176,183,186,189,189,186,181,173,127,126,127,170,176,183,189,186,183,183,176,129,125,125,129,129,170,170,173,173,176,176,176,178,181,186,191,191,186,178,131,127,127,129,173,178,186,183,178,176,173,131,125,117,115,117,123,129,173,173,173,133,133,127,122,121,127,176,191,207,215,209,191,181,135,134,135,183,191,196,194,194,194,191,186,181,135,132,132,178,186,189,191,194,202,204,202,199,199,196,189,181,181,137,135,137,181,189,191,191,191,189,191,194,194,194,191,194,194,196,199,196,196,196,199,202,204,204,204,202,202,204,202,199,202,207,209,209,207,207,212,215,212,207,199,189,139,137,135,134,134,137,183,189,191,194,199,202,202,199,196,194,191,183,178,133,129,128,128,176,186,194,191,189,186,186,186,186,181,176,133,176,181,181,181,183,191,196,196,199,202,199,191,181,176,176,176,176,178,183,186,181,176,176,181,189,191,191,191,186,183,176,168,165,166,170,173,173,125,122,122,165,170,168,125,121,117,117,121,123,127,170,178,183,186,189,194,194,194,191,191,191,194,194,194,194,194,189,186,181,178,176,178,183,186,183,183,183,183,183,186,186,181,181,181,181,178,178,181,183,186,189,189,191,189,183,181,181,181,183,186,183,181,176,170,125,123,127,131,176,178,183,186,186,186,189,189,187,187,189,189,191,191,194,194,191,191,191,194,196,199,199,199,199,196,194,191,191,189,186,181,179,179,181,186,189,191,189,189,189,186,181,135,135,178,186,191,194,194,191,186,183,137,133,132,133,135,137,181,186,191,196,199,199,199,199,194,191,191,194,196,194,194,196,191,183,137,137,186,194,196,196,196,196,196,194,194,196,196,196,194,191,189,189,186,186,183,183,186,183,183,186,189,191,189,186,183,181,178,176,176,176,173,173,176,178,178,178,178,178,176,176,178,178,183,186,189,189,191,194,196,196,194,191,189,189,189,189,189,186,186,186,189,189,189,183,181,182,183,183,178,173,176,176,176,173,173,168,165,165,163,160,152,93,47,43,55,105,152,160,157,163,173,181,186,191,196,196,194,194,194,189,183,183,186,186,178,176,178,183,189,189,183,191,186,173,168,163,194,194,178,92,23,0,0,0,0,0,0,0,0,0,0,0,0,7,100,85,0,0,0,0,0,0,90,116,111,0,0,0,0,0,0,0,74,144,72,0,0,0,131,170,194,196,207,147,0,0,0,0,0,0,29,53,82,134,142,137,129,134,152,178,194,191,170,155,152,160,176,183,178,163,159,159,160,160,160,165,173,176,170,168,170,181,189,191,194,191,176,165,170,186,196,199,196,191,183,173,172,173,173,131,127,123,122,123,129,176,178,181,186,191,199,202,199,194,189,186,186,189,189,186,183,178,176,173,178,178,176,176,176,176,173,173,173,173,173,173,173,170,168,125,125,125,125,127,170,168,125,125,127,127,127,173,186,191,186,173,127,168,168,127,168,181,186,181,168,168,127,125,123,123,125,170,178,178,173,173,176,183,191,191,183,173,178,189,194,183,119,97,92,168,186,194,194,194,196,186,115,56,68,121,181,191,191,181,178,173,173,176,178,178,178,178,176,168,120,119,121,165,170,176,176,176,125,115,115,121,125,123,123,168,173,173,173,173,170,170,170,168,125,119,119,121,123,165,178,186,186,183,183,189,196,196,194,186,123,109,109,115,117,119,123,121,109,101,101,111,119,127,173,170,168,127,127,170,178,176,125,119,118,120,125,176,181,178,168,121,121,170,178,178,181,181,176,173,176,183,191,191,189,183,178,178,178,173,155,105,103,147,155,150,109,93,79,79,77,74,73,99,150,160,165,178,194,202,199,196,196,202,207,209,207,202,196,196,196,0,186,0,0,0,0,0,0,0,0,0,0,157,150,147,155,0,0,0,0,0,0,0,209,204,202,204,207,209,207,199,194,194,196,196,194,191,194,199,202,0,204,0,204,0,202,204,207,0,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,230,233,235,235,235,230,222,215,215,212,212,215,222,230,235,243,248,0,0,241,233,222,215,212,215,217,222,222,217,222,222,222,228,230,228,222,209,202,194,186,183,181,178,173,170,168,168,168,165,163,157,0,0,0,157,160,163,0,165,168,173,181,189,196,207,217,228,235,241,241,238,238,235,233,230,228,225,215,212,212,215,222,222,222,225,228,228,225,222,217,215,215,217,222,222,225,230,233,230,228,225,225,230,230,222,212,209,207,199,186,173,123,0,0,0,117,121,119,121,165,176,183,183,181,176,173,173,173,173,176,176,176,176,181,186,189,186,183,186,191,199,202,204,202,199,202,207,209,209,207,209,215,225,230,233,230,228,225,225,225,217,212,209,211,212,215,217,225,228,228,225,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,82,72,0,0,0,37,0,0,0,0,0,5,87,79,45,43,37,37,45,0,0,25,74,139,155,194,209,222,228,230,233,238,233,202,11,0,0,39,111,129,139,144,147,144,147,152,160,173,183,186,186,186,165,29,45,55,71,49,39,53,59,65,105,147,45,27,27,45,91,109,152,155,155,157,157,117,115,115,115,113,112,112,117,121,121,123,165,170,170,168,168,170,170,173,173,170,170,170,170,170,170,170,170,176,183,191,194,194,191,191,189,181,170,127,127,170,173,170,168,127,168,168,127,125,124,124,125,176,194,207,209,204,196,181,127,123,123,129,176,186,194,196,194,194,194,199,207,215,222,222,217,212,212,212,215,217,217,215,209,207,204,199,189,173,121,121,127,129,127,127,127,125,125,121,119,117,115,114,114,119,170,189,204,212,209,207,207,207,209,212,209,202,186,117,109,111,113,109,106,106,111,123,173,178,176,172,173,176,170,165,165,165,165,121,109,87,75,88,117,121,121,125,168,165,168,170,170,123,119,121,168,176,181,181,181,181,186,196,196,191,173,117,111,113,160,170,168,160,157,168,178,181,168,163,176,196,207,196,95,65,67,107,150,99,55,48,53,61,67,69,83,93,91,83,77,79,87,144,165,168,155,144,109,147,160,173,163,105,96,96,103,155,168,113,113,160,168,165,160,152,152,155,155,113,105,109,163,170,165,176,186,181,113,103,101,98,95,98,111,163,178,194,199,199,194,194,191,189,181,176,173,173,181,186,196,199,176,115,170,196,207,209,215,217,209,129,93,88,101,115,121,121,123,129,176,178,181,181,181,176,131,173,173,172,176,176,176,181,181,176,131,131,131,176,181,181,178,176,133,176,183,191,196,196,189,186,191,202,199,194,189,181,178,176,176,176,181,194,207,212,217,228,230,228,222,212,209,202,189,176,133,176,178,181,183,186,194,207,215,215,204,194,189,189,191,191,191,189,189,189,186,181,133,129,131,176,178,181,176,127,125,127,170,176,170,123,119,120,125,170,176,176,170,168,170,181,186,189,186,183,178,170,125,123,123,123,121,121,125,168,168,123,118,118,119,119,119,123,176,189,194,191,191,196,204,207,209,207,204,196,186,176,123,117,119,127,173,173,170,176,178,176,170,125,119,117,119,121,121,119,119,125,176,183,186,186,183,181,181,181,183,189,191,183,173,124,121,121,123,170,181,186,183,176,168,168,173,178,181,176,170,125,123,123,123,114,111,114,121,170,181,186,183,178,176,173,173,170,170,127,125,127,173,178,181,178,176,173,131,131,173,176,173,178,183,189,194,199,202,199,199,204,209,207,202,194,191,191,189,186,191,202,212,215,215,209,194,181,178,179,186,191,189,186,189,194,202,209,215,209,199,189,186,189,191,194,194,191,186,136,132,133,186,202,207,202,196,195,196,199,202,202,202,199,202,204,204,199,194,191,194,199,199,194,196,199,204,204,204,202,202,204,202,196,196,196,194,189,186,187,189,194,196,199,196,194,189,183,182,186,186,181,133,131,132,176,178,178,178,176,174,174,178,183,191,191,191,189,189,186,183,181,176,131,131,178,189,194,186,176,129,129,129,131,173,173,176,181,189,189,191,196,191,186,183,183,183,183,181,176,170,127,125,127,127,170,173,176,178,178,181,181,183,186,181,178,178,176,129,128,129,173,176,178,181,181,181,181,183,181,173,127,124,125,176,191,191,189,189,183,173,127,123,123,125,127,129,170,173,176,176,178,178,181,189,191,191,189,186,181,173,129,127,129,178,186,183,176,131,129,127,123,119,117,119,125,131,173,133,176,176,133,123,118,119,123,133,189,204,212,204,186,135,134,135,178,183,189,189,191,194,196,196,191,181,133,132,135,183,194,196,202,204,207,204,196,194,196,199,196,194,191,189,183,181,183,189,194,196,196,196,196,199,199,199,196,196,199,199,199,199,194,194,194,199,202,204,204,204,207,204,204,202,199,202,202,202,202,207,212,215,209,204,196,189,139,137,135,134,135,181,186,189,191,191,194,196,196,194,191,194,194,189,183,178,133,133,133,181,186,191,191,191,189,189,189,186,181,133,131,132,178,181,181,183,191,194,194,194,194,194,189,178,174,174,174,173,174,181,183,181,173,170,178,189,194,194,191,189,183,178,170,166,166,170,173,170,125,121,122,165,168,168,123,117,116,117,121,123,123,127,170,178,183,189,191,194,196,196,196,196,196,194,194,196,194,189,183,178,176,173,176,181,183,183,183,181,181,181,183,183,181,181,183,181,181,181,183,186,189,191,191,191,186,178,173,173,178,183,186,186,183,178,131,127,125,129,173,178,183,189,189,189,189,191,191,189,189,189,189,189,189,191,189,186,183,189,191,196,196,196,199,199,199,196,194,191,191,189,183,181,181,181,186,189,191,189,189,189,186,181,135,134,135,183,191,196,196,191,186,178,133,132,132,133,135,181,186,191,199,202,202,196,196,196,194,190,190,194,194,191,191,194,191,189,183,183,189,194,196,196,196,196,196,196,196,196,196,196,194,191,189,189,186,186,183,183,186,186,186,189,191,194,191,189,183,181,178,176,176,176,176,173,176,178,178,178,178,176,176,178,178,181,186,189,189,191,191,194,199,199,199,194,189,189,189,189,189,189,186,186,186,189,189,183,182,183,189,189,183,178,181,181,178,176,173,170,163,163,165,168,165,155,101,73,57,55,71,81,87,137,168,183,189,196,199,196,194,194,194,186,181,183,183,183,178,173,176,181,181,176,157,155,111,59,55,55,116,137,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,191,103,0,0,0,124,170,191,181,173,35,0,0,0,0,0,7,108,61,65,131,142,144,144,147,157,170,181,181,168,155,152,160,173,178,176,163,157,159,160,163,165,165,170,168,168,170,178,189,194,194,194,189,181,173,176,189,199,199,196,194,183,173,170,172,176,173,129,127,127,133,178,183,181,183,186,194,202,204,204,199,194,189,189,191,191,191,189,181,178,178,178,181,176,176,176,176,173,173,173,170,170,170,170,170,168,127,125,125,127,168,170,168,127,127,168,127,127,173,181,183,178,176,176,178,173,168,173,186,191,183,127,123,124,168,176,176,173,173,181,183,186,189,186,183,183,181,173,168,173,186,196,196,186,123,115,165,183,191,191,191,194,186,123,62,70,111,173,189,191,186,183,176,170,173,176,176,176,176,176,170,121,119,121,165,173,181,183,178,125,115,113,115,113,113,115,123,125,165,165,168,168,168,168,170,168,125,123,123,123,165,181,191,191,191,194,199,199,196,189,176,113,108,113,121,125,127,168,123,111,97,90,93,115,176,186,189,191,191,191,196,196,191,181,125,120,120,123,129,173,173,127,121,120,168,178,176,170,173,173,173,178,189,196,199,196,189,183,178,178,173,157,111,111,160,176,176,170,160,113,109,97,81,77,93,144,152,147,0,178,194,196,194,191,196,202,204,202,194,186,176,0,0,0,155,155,0,0,0,0,0,0,0,0,0,163,163,173,0,0,0,0,207,0,212,209,207,204,204,204,207,0,199,194,192,192,194,194,194,196,202,202,199,199,202,204,204,202,199,202,207,209,209,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,235,238,238,241,238,233,225,215,215,215,212,212,217,222,230,235,0,0,0,241,230,215,207,204,204,209,212,215,215,215,215,217,222,228,228,225,217,209,199,191,183,181,176,173,168,165,165,165,168,168,163,157,0,0,155,157,0,0,0,165,168,176,183,194,202,212,222,230,235,235,235,235,233,230,228,225,222,215,212,215,217,225,225,225,225,225,225,222,222,217,215,215,217,225,225,225,230,233,233,228,225,225,230,228,222,215,212,212,204,191,178,165,0,0,0,113,117,0,160,168,181,186,186,181,176,173,170,170,170,170,131,129,129,133,181,183,183,139,141,189,194,0,202,202,199,202,209,212,212,212,215,225,230,235,238,235,233,228,228,228,222,212,211,212,215,217,222,225,228,228,225,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,48,35,0,0,0,0,0,0,0,0,0,0,0,0,0,25,95,95,56,1,0,17,21,0,0,0,0,37,92,77,45,72,77,43,27,0,0,27,98,163,199,217,220,222,228,233,230,235,215,150,0,0,0,29,73,118,131,144,150,150,152,165,181,196,202,202,204,204,199,75,55,43,51,37,37,77,91,93,109,109,43,3,26,73,91,105,113,115,117,155,119,115,113,113,113,113,113,113,115,117,119,119,121,123,163,163,163,165,168,173,176,173,170,168,168,168,170,170,169,170,176,178,176,173,181,186,191,183,173,126,127,168,170,170,127,127,127,127,125,124,124,124,125,176,194,204,207,202,186,173,125,122,122,125,131,181,189,194,194,194,194,199,209,217,217,215,212,209,209,215,217,222,217,215,209,204,204,202,199,189,129,121,123,127,129,173,176,170,127,121,117,117,117,115,115,117,123,173,189,199,204,207,207,207,209,212,209,204,189,121,109,109,111,107,106,106,113,125,176,181,173,170,172,173,168,165,168,170,170,165,125,123,93,97,113,117,117,121,125,165,168,170,168,123,119,120,165,176,181,181,178,176,178,186,191,191,181,123,111,107,160,173,176,165,160,168,178,186,194,191,186,189,199,155,63,59,71,155,163,150,63,50,54,65,69,69,85,89,75,55,54,71,97,152,165,165,163,157,150,109,109,111,107,99,97,97,105,165,176,111,109,157,168,163,115,109,111,115,115,107,103,106,113,111,105,155,163,105,94,95,98,99,99,101,105,115,165,186,196,199,196,199,199,196,191,186,186,186,186,183,186,191,125,100,109,178,189,196,204,204,178,97,92,96,127,170,127,121,121,127,127,119,117,125,127,127,173,178,173,170,173,170,170,178,181,176,131,131,173,176,178,178,176,133,133,176,186,191,194,194,189,186,186,186,186,186,186,181,133,131,131,176,183,194,204,209,215,225,230,230,222,215,209,196,131,118,117,123,129,133,178,186,191,194,202,204,199,194,191,196,199,196,191,191,191,186,183,181,176,131,129,131,173,173,129,126,127,173,176,173,170,125,119,119,121,170,176,173,173,176,178,183,186,191,191,186,178,168,121,118,116,116,116,117,120,165,168,165,123,121,119,121,121,123,173,183,186,181,186,196,204,204,207,207,202,189,176,125,115,114,116,125,170,173,176,178,181,176,168,125,121,119,117,117,117,119,119,121,168,181,186,183,178,176,176,181,186,191,191,183,168,124,123,122,123,127,178,189,191,183,173,170,176,183,186,181,170,125,121,119,119,117,115,121,125,173,183,191,191,189,183,178,173,173,173,173,170,170,173,178,178,176,173,131,131,173,178,181,181,183,189,194,199,199,199,196,196,202,209,212,209,199,194,191,189,183,186,196,204,207,202,196,189,183,181,183,191,191,189,183,186,191,196,202,204,202,196,191,191,189,189,186,186,186,183,136,131,131,137,196,204,202,196,196,199,204,204,202,199,199,199,202,202,199,194,191,194,196,196,194,191,194,199,202,202,199,199,199,194,189,191,196,196,194,189,189,194,194,191,189,189,189,191,189,186,186,189,183,178,133,176,178,178,181,181,176,173,173,176,183,189,189,186,186,186,186,186,183,178,176,176,186,196,202,199,189,178,176,176,173,173,173,181,186,186,183,183,186,186,186,186,183,183,181,178,173,173,170,168,127,127,127,170,176,181,183,183,183,183,183,181,178,181,181,178,176,176,173,170,170,170,129,170,176,186,189,183,170,123,123,170,189,194,194,194,186,173,123,119,119,123,127,129,170,173,178,181,181,178,183,189,191,189,189,186,183,178,131,127,129,181,186,181,129,129,129,127,125,123,125,127,129,131,131,133,178,183,178,123,116,118,123,131,183,196,204,199,183,135,178,181,183,183,183,183,189,194,202,202,194,181,133,133,137,189,196,202,204,207,204,199,191,190,194,202,204,202,199,196,191,183,183,186,191,196,199,199,199,202,202,199,199,199,199,202,202,199,194,192,194,196,202,204,207,207,204,204,204,204,202,196,194,194,196,202,209,212,209,204,199,189,183,137,137,137,183,189,191,194,191,189,189,189,189,187,187,191,194,191,186,181,178,181,186,189,189,189,189,191,191,191,189,189,183,133,131,132,178,181,181,183,189,189,183,183,186,189,186,181,178,176,176,174,176,181,183,181,173,129,176,186,191,191,189,186,181,176,170,166,166,170,173,170,125,121,122,125,168,168,123,117,116,117,121,123,121,121,127,173,181,186,191,194,194,196,196,196,194,191,194,196,194,189,181,176,173,173,173,178,183,183,181,181,178,178,181,181,181,181,183,181,181,181,186,191,194,191,189,186,178,172,169,170,173,181,186,186,181,176,131,129,129,131,176,183,189,191,191,191,191,191,194,191,189,186,183,183,183,183,183,181,181,183,189,194,194,194,196,196,196,194,194,194,194,191,189,186,183,183,186,189,189,189,186,186,183,178,135,134,135,181,189,196,196,191,183,178,133,132,132,135,137,183,189,196,202,204,204,196,194,194,194,191,190,191,194,191,191,191,191,191,191,189,191,194,199,199,196,196,196,196,196,196,196,194,194,191,189,189,186,183,183,183,186,186,186,189,191,194,194,189,186,181,181,178,178,176,176,173,176,178,178,178,178,178,178,181,183,186,186,189,191,191,191,194,196,199,199,196,194,191,191,191,191,191,189,186,185,186,189,186,183,186,191,191,186,183,183,183,181,178,176,170,163,161,165,170,168,168,160,93,39,15,0,0,13,71,168,186,194,194,199,191,186,191,189,178,178,178,178,178,176,173,168,165,160,108,37,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,95,0,0,0,0,0,0,3,0,0,0,0,0,0,0,13,1,95,212,103,0,0,0,74,131,165,170,157,0,0,0,0,0,0,11,150,92,95,129,144,152,155,155,157,163,168,168,160,155,155,160,165,170,168,163,159,159,160,165,168,168,165,165,168,176,186,194,196,194,189,186,181,178,181,191,196,196,191,189,181,173,172,172,173,173,173,176,176,178,183,186,186,186,191,196,202,207,209,207,199,194,191,191,191,191,189,183,181,178,178,178,176,173,173,173,170,173,170,168,166,168,170,170,168,127,125,127,127,168,170,170,168,168,170,168,168,173,178,176,174,176,183,186,183,176,176,183,189,181,125,122,123,168,178,181,176,176,181,189,199,202,191,178,170,168,166,166,168,178,191,202,196,181,163,165,178,189,189,191,191,186,173,87,82,93,119,181,191,191,189,173,166,168,170,173,173,173,173,170,123,121,123,125,173,181,183,181,165,119,115,112,109,109,113,123,123,123,125,168,170,165,125,170,176,173,170,168,165,170,183,194,194,196,199,202,199,191,183,168,111,108,123,176,176,176,173,125,117,99,88,89,119,191,199,204,207,207,207,207,209,204,194,181,129,125,125,129,176,176,173,125,121,125,173,123,107,107,115,119,165,181,194,199,196,191,186,178,176,173,160,113,115,168,183,186,183,178,165,0,113,97,87,91,109,147,97,89,142,181,189,181,176,178,186,194,191,181,168,155,155,0,150,147,0,0,0,0,0,0,181,178,0,0,173,176,0,0,0,212,212,215,0,215,212,209,207,207,204,207,207,202,196,192,192,192,194,196,199,202,202,199,196,199,199,199,196,196,199,207,209,209,207,204,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,235,238,241,241,241,235,225,217,217,217,217,215,212,215,222,228,235,241,241,235,228,212,203,202,202,204,209,212,212,212,212,212,215,222,228,225,222,215,207,196,186,178,173,170,168,163,163,165,168,170,168,163,157,155,152,155,157,0,0,163,165,173,181,189,196,204,215,222,230,233,233,233,233,230,228,225,217,212,209,212,217,225,228,228,225,225,222,217,217,217,215,217,222,225,225,225,228,230,233,228,225,225,228,225,220,215,215,215,209,199,186,170,119,0,0,0,115,119,160,170,183,189,189,183,178,173,170,170,170,170,129,127,125,127,133,137,137,137,139,141,189,196,202,202,202,204,212,217,217,217,225,230,235,241,241,241,238,233,230,230,225,217,212,215,220,225,225,228,228,228,228,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,72,33,0,0,5,0,0,0,59,59,56,1,0,0,0,0,0,0,0,0,0,0,0,0,31,85,95,79,19,0,11,64,0,0,0,0,37,85,69,47,131,157,103,37,0,13,82,116,155,202,215,215,212,215,230,220,194,103,1,0,0,0,13,63,81,121,139,155,163,165,176,191,204,207,207,209,212,209,194,63,0,0,23,45,165,183,173,165,157,97,7,57,91,99,107,111,115,155,160,157,115,113,113,113,115,117,115,115,114,115,117,117,119,121,123,123,123,125,170,173,170,165,127,168,170,173,173,173,173,176,173,168,127,168,176,183,181,170,127,127,127,127,125,123,123,127,127,125,125,125,125,127,173,186,199,199,191,176,127,123,122,122,123,129,176,183,189,194,194,196,202,209,215,215,212,209,207,207,212,217,222,220,215,212,207,204,204,204,196,178,127,125,127,170,183,191,189,176,123,117,117,119,119,119,119,123,127,176,183,194,199,202,204,209,212,209,202,189,125,113,109,109,107,106,109,119,168,181,181,173,170,173,173,170,168,168,168,170,170,181,189,170,115,113,113,115,121,125,165,170,173,173,165,125,125,168,176,181,181,176,173,174,181,183,186,181,165,113,98,103,170,186,183,173,173,181,191,207,209,186,107,79,14,5,41,79,144,152,105,71,59,77,93,85,79,85,81,53,45,45,55,101,152,168,181,186,186,176,155,97,69,55,85,103,107,111,160,163,111,109,157,173,168,111,105,107,109,109,106,107,117,117,105,101,107,111,101,95,97,101,105,105,103,105,109,119,173,189,196,199,202,202,202,199,196,196,196,194,183,178,176,111,97,105,125,173,178,186,181,117,95,97,173,196,194,176,123,123,127,121,112,112,119,119,118,129,181,178,173,173,169,168,176,183,178,173,176,176,176,176,176,173,133,176,178,186,189,186,186,186,183,181,178,176,176,178,176,129,127,127,133,186,194,199,204,209,217,225,225,215,209,199,186,127,116,115,118,123,125,131,178,178,132,133,186,194,191,191,196,199,196,194,194,191,186,181,178,176,129,128,128,131,129,127,127,173,181,183,178,173,170,125,121,125,173,176,173,176,183,186,181,178,181,181,178,176,168,121,118,116,116,116,117,120,165,170,170,125,121,121,123,121,121,125,173,173,170,181,199,207,204,204,207,196,176,125,121,116,114,116,123,168,170,170,170,168,127,127,125,125,125,121,117,119,123,123,121,125,170,176,176,170,168,168,173,181,186,183,176,170,170,173,170,168,173,181,189,191,183,176,173,178,186,189,183,168,125,123,121,119,119,123,129,173,178,189,194,194,191,189,183,178,178,178,178,176,173,173,176,176,176,131,131,173,176,178,181,181,183,189,194,196,196,194,191,191,199,209,212,204,196,191,191,189,183,183,186,189,191,189,186,186,186,186,191,196,196,191,183,183,186,186,191,191,191,191,191,191,189,186,185,186,191,196,194,137,136,181,194,202,202,196,196,202,204,204,199,196,196,196,196,199,199,194,191,191,196,196,194,191,191,194,196,196,196,194,191,189,185,185,191,196,196,194,191,194,191,183,178,178,183,189,189,186,186,189,189,186,183,183,181,178,181,181,178,173,173,176,183,186,183,178,178,181,183,183,183,178,176,178,186,196,202,196,189,183,181,183,181,178,178,186,191,186,178,173,173,170,173,176,170,170,170,170,170,170,173,173,170,168,168,168,176,183,189,189,186,181,178,176,176,181,183,181,178,181,173,170,129,128,126,125,128,176,186,189,181,127,125,170,186,191,194,194,183,127,119,117,119,127,173,173,176,178,183,186,186,183,183,186,189,186,186,183,183,181,176,131,173,181,186,176,128,131,131,127,125,127,129,173,173,133,130,131,181,191,189,131,120,120,125,133,181,191,196,194,186,183,189,191,189,186,182,183,186,196,204,204,196,181,133,135,183,191,196,199,199,202,199,191,189,189,194,199,202,202,199,196,191,189,186,186,191,196,196,196,196,199,199,199,196,196,199,202,202,202,196,194,194,196,202,204,207,207,204,204,207,207,204,196,189,186,189,194,202,209,212,209,202,191,183,137,139,186,191,196,196,194,191,189,189,189,187,187,186,189,191,191,186,181,181,186,191,194,191,189,189,191,191,191,191,189,183,135,133,135,181,181,181,181,183,181,177,176,181,189,191,189,186,183,181,181,183,183,183,181,173,129,170,178,183,181,181,178,178,173,170,168,168,170,173,170,125,122,122,125,168,168,125,123,119,121,123,121,120,120,123,173,181,186,189,191,191,191,194,194,191,189,191,196,196,189,181,178,173,173,176,178,181,181,178,178,178,178,178,178,178,178,181,181,181,183,186,191,191,189,183,176,173,170,169,170,173,183,189,186,181,173,129,129,173,176,178,186,189,189,189,189,191,191,191,189,186,183,181,178,178,181,181,179,179,183,189,191,194,194,194,194,194,194,194,194,194,194,191,189,186,186,189,189,189,189,186,183,178,135,135,134,134,178,186,194,194,191,186,181,137,137,137,181,186,189,194,199,204,207,204,196,194,194,194,191,191,191,191,194,191,190,191,194,196,194,194,194,196,196,196,196,194,194,194,194,194,191,191,189,186,186,186,183,181,181,186,189,189,189,191,194,194,191,186,183,181,181,181,178,178,176,178,181,181,181,178,178,181,183,186,189,189,191,191,191,191,191,194,196,196,196,194,194,194,194,191,189,186,186,185,186,189,189,186,189,191,191,186,181,183,183,181,178,176,170,163,160,165,168,170,170,165,101,35,1,0,0,0,21,155,183,191,191,191,176,163,178,176,157,163,165,170,170,165,160,160,147,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,116,61,0,0,0,0,0,23,0,7,90,0,0,0,0,13,108,150,163,139,0,0,0,0,0,0,0,118,105,116,134,147,155,157,160,157,157,157,157,155,155,155,157,160,160,163,163,160,159,163,170,173,170,165,165,170,181,189,191,189,183,183,186,186,183,183,189,189,186,183,181,176,173,172,172,173,176,178,178,178,181,183,186,186,189,194,199,202,207,212,212,204,199,194,191,191,189,186,183,181,178,176,173,173,173,170,170,170,173,170,166,166,168,170,170,168,127,127,127,127,127,168,127,125,127,168,170,173,176,178,174,173,176,186,191,191,183,178,178,181,176,127,125,125,170,178,178,176,178,183,196,207,204,191,173,166,168,173,176,173,176,189,199,196,178,123,121,163,168,176,183,186,181,173,119,91,91,107,176,186,186,183,168,165,165,168,170,170,173,173,165,121,121,123,125,170,181,186,183,168,123,119,112,109,110,123,173,168,125,165,173,173,165,123,173,178,176,173,176,176,181,189,194,194,196,199,199,196,189,181,173,111,109,125,183,181,173,127,123,117,107,95,98,176,196,204,207,212,209,209,209,212,207,199,191,181,173,129,170,181,186,183,129,121,119,117,96,90,93,97,103,113,165,181,189,191,191,186,176,173,170,160,113,115,165,183,189,186,176,160,157,152,0,95,93,144,0,93,87,137,170,176,160,0,150,163,173,176,163,150,144,0,0,144,144,0,0,0,0,0,0,189,183,181,178,176,178,189,0,0,0,220,0,0,217,0,0,0,0,207,207,207,207,202,196,194,194,194,196,202,204,204,202,196,196,195,195,195,195,199,209,215,212,209,204,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,235,235,235,238,238,235,228,222,222,225,222,215,209,207,212,217,228,235,235,233,225,212,204,202,202,204,209,212,212,212,209,208,212,217,225,225,225,222,215,204,191,181,170,168,165,163,163,165,168,170,170,168,160,157,155,157,157,160,160,163,165,170,178,186,191,199,207,215,222,228,230,233,233,230,228,222,215,209,207,209,212,222,228,228,228,225,217,217,217,217,215,217,222,222,217,217,222,228,230,228,225,225,222,220,215,215,215,217,215,204,194,178,125,0,0,0,0,119,163,176,186,194,191,186,181,176,176,173,173,170,131,127,123,122,125,131,133,135,135,137,143,194,202,204,204,209,217,225,225,228,230,233,238,241,243,241,238,235,233,230,228,222,217,217,225,228,228,228,228,228,228,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,82,61,40,48,61,69,59,56,59,61,59,46,0,0,0,0,0,0,0,0,0,0,23,64,74,77,77,69,31,0,11,43,0,0,0,0,49,77,72,79,183,204,178,113,41,72,95,113,131,183,199,191,186,194,204,178,35,0,0,0,0,0,0,37,67,111,137,157,168,173,183,194,202,204,204,209,212,212,212,69,0,0,33,103,189,194,194,186,181,178,27,93,105,109,113,113,115,155,163,160,117,115,115,115,117,121,119,115,114,114,115,117,119,123,123,123,122,123,168,170,127,123,123,170,178,181,181,181,183,183,178,170,125,125,127,170,170,168,127,125,125,123,120,120,121,125,127,125,125,125,127,127,129,178,189,189,178,170,125,123,123,123,123,127,173,181,186,189,194,196,202,207,212,215,212,209,207,207,209,215,217,217,215,212,209,207,207,204,196,181,129,127,127,170,186,204,207,194,170,119,117,119,121,123,125,127,127,127,170,178,186,191,196,204,209,204,196,186,168,117,111,109,107,111,117,127,178,183,183,173,172,178,181,178,173,170,165,168,173,181,186,181,168,117,111,117,121,123,165,173,181,181,178,176,173,176,178,181,181,176,173,174,181,183,189,186,173,115,93,86,115,191,194,183,176,176,186,209,217,191,83,17,0,0,31,91,99,95,89,75,69,89,105,101,89,85,75,53,47,48,65,101,150,173,204,217,215,207,196,157,43,12,31,103,109,109,147,147,111,113,163,183,183,152,104,106,109,111,111,152,165,165,111,107,109,115,119,115,109,109,111,107,105,107,109,115,160,176,189,196,199,202,202,202,202,199,199,196,183,173,125,109,103,110,123,125,125,125,123,113,103,117,199,212,204,178,123,123,125,118,112,117,125,118,115,121,178,181,181,178,170,170,183,191,183,176,176,176,176,173,130,131,173,176,178,181,181,181,181,181,181,178,176,133,133,131,129,127,125,125,131,186,194,196,199,202,207,212,217,215,202,189,181,133,125,119,119,119,119,125,133,133,130,130,178,191,191,191,194,196,196,199,202,202,189,181,181,178,131,128,129,131,131,129,131,178,186,189,186,183,181,176,129,129,173,170,127,127,181,186,178,168,168,170,168,168,127,125,123,123,125,165,165,125,165,165,125,121,117,119,121,121,119,119,121,123,125,178,199,202,199,202,202,186,127,121,125,125,121,119,125,168,170,168,125,123,124,127,170,173,173,127,121,123,168,170,125,121,125,168,170,168,125,125,127,170,173,168,127,170,181,189,189,183,183,189,194,189,181,176,176,178,183,186,178,124,127,129,125,121,119,123,170,176,178,183,189,189,189,186,186,183,183,183,181,178,173,173,173,176,173,173,176,178,178,176,173,133,133,181,189,191,189,186,186,189,194,202,204,196,187,187,191,189,183,181,179,179,181,186,189,189,186,189,194,196,196,191,186,182,182,183,183,186,186,189,191,194,191,189,189,194,202,207,209,202,191,191,194,199,199,199,202,204,202,199,196,194,194,194,196,196,196,194,191,191,196,199,196,194,191,191,191,191,189,189,189,186,183,182,186,194,196,196,196,196,189,181,176,176,178,186,189,183,183,189,194,194,191,189,183,181,181,181,178,173,173,176,181,181,176,173,131,173,178,181,181,176,176,178,183,189,189,186,181,181,183,183,183,181,181,189,189,181,173,129,127,127,127,121,109,115,121,125,127,129,170,173,176,170,168,168,173,181,189,191,186,176,173,168,168,178,181,181,176,170,129,129,173,170,127,125,126,129,178,183,181,129,127,129,178,186,189,186,176,125,119,118,123,176,181,183,183,186,189,191,194,191,186,186,183,183,183,181,181,181,178,176,173,178,181,178,176,178,176,129,125,127,129,176,178,178,133,133,181,191,191,181,129,127,131,178,183,189,194,191,191,196,202,199,194,189,183,186,191,199,207,204,196,183,135,137,186,191,191,191,194,194,191,190,189,190,191,194,196,194,191,189,189,189,189,189,191,194,194,194,196,199,199,196,195,195,196,202,202,202,199,196,196,202,204,207,207,204,202,204,207,209,207,196,189,186,189,191,196,204,209,209,202,189,183,139,186,191,199,202,199,196,191,189,189,191,191,191,189,189,191,191,189,183,183,191,196,196,191,189,189,191,191,191,191,189,183,181,181,183,186,183,181,181,183,178,176,176,181,191,196,194,191,186,186,189,189,186,181,176,173,129,127,129,170,170,170,173,170,168,168,168,170,170,173,170,125,122,122,125,165,168,168,168,165,125,123,121,120,120,123,173,181,186,189,186,183,183,186,186,183,186,189,194,194,191,183,178,176,176,176,178,181,176,173,176,178,178,178,176,178,178,178,181,181,183,186,189,186,181,173,173,173,173,173,178,183,189,189,186,181,173,131,173,178,181,183,186,186,183,183,183,186,186,186,183,183,181,178,176,176,178,181,179,181,183,189,191,194,194,194,191,191,190,191,194,194,194,191,191,191,189,189,189,191,189,186,181,135,135,135,135,134,178,186,191,191,191,189,186,186,186,189,191,194,196,199,199,202,202,202,196,194,194,194,194,191,191,194,194,191,189,190,196,199,196,194,194,194,194,194,194,194,191,191,191,189,186,186,183,183,186,186,183,181,181,183,189,189,191,194,194,191,189,186,183,183,181,181,181,181,181,181,183,183,183,181,181,183,186,189,191,191,194,191,191,189,189,191,194,194,194,194,196,196,191,189,186,186,186,186,186,189,189,186,186,189,189,186,181,181,181,178,176,173,170,163,161,165,170,173,173,165,152,99,59,0,0,0,0,71,170,183,183,170,83,61,67,73,77,121,137,157,155,131,124,126,69,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,150,189,209,134,0,0,0,0,29,0,0,0,0,0,0,0,0,100,142,147,15,0,0,0,0,0,0,0,67,116,131,142,150,155,157,160,157,157,155,153,153,155,155,155,155,155,157,163,163,160,163,173,178,173,168,168,173,178,181,183,181,178,181,191,191,189,186,186,183,178,176,176,173,173,173,173,176,181,183,183,181,181,183,183,183,186,194,196,199,204,212,215,209,202,196,191,189,186,183,181,178,176,173,131,173,173,173,170,173,176,173,170,168,170,170,170,168,127,127,127,125,125,125,121,119,121,127,173,176,176,176,176,174,176,183,189,191,186,178,173,173,176,173,170,168,173,176,178,176,178,186,196,204,199,181,165,166,181,191,189,183,181,186,194,189,168,117,117,117,111,113,123,165,165,165,119,105,97,107,117,123,168,170,166,165,165,168,173,173,176,173,123,119,120,123,165,173,183,189,183,170,125,123,117,115,123,189,196,189,178,170,170,173,165,123,168,176,173,173,178,183,186,191,194,191,194,194,196,191,186,178,173,113,103,113,173,176,127,119,117,113,107,105,119,183,196,204,207,207,204,204,207,209,209,202,194,186,176,129,170,181,189,186,129,119,111,97,89,89,95,101,103,107,113,121,168,176,181,181,176,173,170,163,117,117,165,178,183,178,115,103,109,152,0,103,0,0,0,105,0,152,170,168,0,0,0,0,165,168,155,0,0,0,0,0,144,0,0,0,189,191,0,191,189,181,176,174,176,186,202,0,0,0,0,0,222,0,0,0,209,207,204,204,207,204,199,196,194,194,196,202,209,209,207,202,199,195,195,195,195,202,212,217,217,209,204,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,233,230,228,230,235,235,230,225,225,228,228,217,207,205,207,212,222,230,233,230,225,217,209,204,204,207,212,215,215,215,209,208,209,215,222,225,225,225,217,209,199,183,173,165,163,163,163,163,165,170,170,168,163,160,160,160,163,165,165,165,168,173,178,183,191,194,199,207,212,222,228,233,233,233,228,217,212,207,204,204,207,215,225,228,228,225,217,217,217,215,212,215,222,222,215,213,215,222,228,230,228,222,217,215,215,215,215,217,217,212,202,186,168,0,0,0,0,121,168,178,189,196,196,189,183,181,181,178,173,173,173,129,123,121,122,127,131,133,135,135,139,191,202,207,209,215,222,230,230,230,233,235,238,241,241,241,241,238,235,233,230,225,222,222,225,228,228,228,228,228,228,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,56,48,38,46,56,59,56,64,56,61,61,64,0,0,0,0,0,0,0,0,0,0,35,87,92,79,33,33,29,5,1,3,0,0,0,0,95,87,87,113,183,204,191,155,124,92,90,100,108,147,152,131,105,103,59,29,0,0,0,0,0,0,0,9,49,83,142,160,170,181,189,194,196,199,202,207,209,212,204,61,6,45,97,163,186,196,194,183,173,170,28,93,152,152,155,155,117,155,160,163,157,119,117,119,121,160,121,117,114,115,117,121,121,123,125,125,123,123,168,170,125,121,123,173,186,191,194,194,194,194,189,178,170,127,125,125,125,125,125,123,121,121,120,120,121,123,125,125,124,125,127,127,127,173,181,178,173,129,127,125,127,125,125,129,176,178,181,183,189,194,199,204,207,212,212,207,205,207,209,212,215,215,212,209,207,207,204,199,191,176,127,125,125,127,181,207,212,204,183,125,121,121,123,125,168,176,170,123,122,127,176,178,183,196,202,199,194,189,173,121,113,109,109,115,123,176,183,189,186,181,181,189,191,186,181,176,168,165,170,173,176,176,173,123,115,119,121,123,168,178,189,194,191,186,183,181,181,181,181,178,178,183,191,194,196,196,183,123,93,79,99,189,194,186,176,169,173,196,212,199,93,23,0,0,67,107,93,85,89,85,75,89,109,144,101,93,81,67,67,75,87,101,144,168,207,222,215,209,207,176,29,0,11,83,97,99,103,107,111,111,155,178,181,152,106,106,111,115,155,157,163,163,155,117,115,157,178,181,165,119,115,109,107,111,113,111,115,163,178,189,194,199,202,204,202,199,194,186,176,125,119,111,111,121,125,125,119,115,117,115,115,125,189,202,191,170,123,123,125,125,125,176,176,125,116,118,129,178,181,181,178,181,196,199,191,183,178,178,178,131,129,129,173,176,176,178,181,181,178,178,178,178,176,178,176,131,127,125,125,125,129,181,189,194,194,191,191,199,209,212,199,183,181,183,181,133,125,121,119,123,131,176,132,133,183,191,191,189,191,194,199,204,212,209,194,183,183,181,176,133,178,176,173,131,173,178,186,189,189,191,189,183,176,170,129,125,120,120,168,178,173,127,126,127,126,126,168,170,178,183,189,191,186,170,123,119,115,113,112,113,117,121,121,117,115,115,123,178,191,186,186,191,191,178,125,123,168,170,165,123,125,168,173,170,125,122,124,170,176,181,181,170,123,123,127,168,127,123,123,125,168,127,123,121,123,125,123,121,123,127,178,191,194,189,189,194,196,189,181,178,178,178,178,176,168,124,170,176,170,125,123,125,129,173,173,176,178,181,183,186,186,186,186,183,181,178,176,173,172,173,173,173,178,181,178,173,129,127,127,133,181,186,186,186,186,186,189,191,194,189,186,187,191,189,186,181,178,178,181,194,202,199,194,191,194,199,199,194,186,182,182,183,183,183,183,186,189,194,194,194,194,199,207,209,209,207,199,191,191,194,196,199,204,204,202,196,194,194,194,194,194,194,194,194,191,191,196,202,202,199,194,186,183,183,186,189,189,189,185,183,185,189,194,196,196,196,189,181,177,177,181,186,186,181,181,186,194,196,194,189,183,181,181,181,176,173,173,176,178,178,173,131,131,173,176,181,181,178,178,181,183,181,178,176,176,176,181,181,181,178,181,183,181,173,129,127,125,125,125,115,102,107,113,119,123,127,170,173,173,127,125,127,170,178,186,189,183,176,170,127,127,173,181,178,170,122,122,127,176,178,173,129,128,129,170,173,127,121,119,123,129,178,181,178,170,127,125,127,170,181,186,189,189,191,194,194,196,194,189,183,183,181,181,179,179,181,181,178,172,172,176,183,189,186,178,131,125,125,127,133,181,183,178,176,178,186,186,183,178,178,181,186,189,191,194,196,202,207,207,202,196,191,191,191,196,199,204,204,196,186,181,186,189,189,189,189,191,194,191,191,191,191,191,189,189,186,182,182,186,191,191,189,186,186,186,191,199,202,202,199,196,196,199,202,204,204,202,199,202,204,207,207,204,204,202,204,207,209,204,194,186,191,194,194,196,199,204,204,199,186,139,183,191,196,202,204,202,194,191,191,194,196,196,196,196,194,194,194,191,189,189,191,196,196,194,191,189,191,191,191,191,189,186,183,186,191,194,189,183,186,186,183,178,178,186,196,199,196,191,189,189,191,191,186,178,173,131,129,125,123,123,125,125,127,125,123,125,165,170,173,173,170,165,123,122,123,165,165,168,170,168,165,125,123,120,121,125,170,178,183,183,178,176,176,176,176,178,181,183,189,189,186,183,178,176,176,178,181,178,173,129,131,176,178,176,178,178,176,176,181,181,181,183,186,183,173,170,173,181,183,186,189,191,191,191,189,183,178,178,181,186,189,186,186,181,178,178,178,181,181,181,181,181,181,178,176,176,178,181,181,183,186,189,191,191,194,194,191,190,190,191,194,194,194,194,194,191,189,189,191,191,191,189,181,178,178,181,178,135,178,186,191,191,191,191,191,194,194,196,199,202,202,202,199,199,199,199,196,194,194,194,194,194,194,196,194,191,189,190,194,196,196,194,194,194,194,191,191,191,191,189,189,186,183,181,181,183,186,189,186,181,178,181,186,191,191,194,191,191,189,186,183,181,181,181,183,183,181,183,186,186,186,183,183,183,189,191,194,194,194,194,191,189,189,189,191,194,194,194,196,194,189,186,183,183,186,189,189,189,189,186,186,189,189,186,183,183,183,181,178,176,170,165,165,170,176,176,173,165,160,157,157,91,0,0,0,0,33,65,73,37,0,0,0,0,0,0,1,25,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,0,0,0,0,33,0,0,35,35,0,0,0,0,21,74,17,0,0,0,82,131,165,204,228,217,45,0,0,39,74,11,0,0,0,0,0,0,0,0,29,29,0,0,0,0,0,15,0,29,57,126,142,150,152,155,157,160,160,160,157,155,153,155,155,155,155,153,155,163,165,163,165,176,181,178,173,170,173,173,176,176,176,178,186,199,202,196,189,181,178,176,173,173,173,173,176,178,183,189,189,189,186,181,181,181,181,186,191,196,194,196,207,215,212,204,199,194,189,186,181,178,176,131,129,129,173,176,173,170,173,178,178,176,173,173,170,170,168,168,127,127,125,123,121,119,118,118,125,170,170,170,176,178,178,178,178,181,183,181,173,172,176,181,178,170,166,170,176,176,173,173,178,189,191,181,165,164,170,191,199,194,186,181,181,181,176,121,116,119,115,101,89,87,73,65,99,113,119,119,115,107,105,117,168,170,168,168,173,176,176,178,176,123,119,121,168,173,178,186,189,181,173,165,125,123,125,176,191,199,194,181,168,165,165,123,119,123,168,168,168,176,181,186,191,194,191,191,194,194,189,181,173,127,109,93,89,109,125,125,121,119,113,111,119,176,191,199,204,207,204,199,199,207,212,212,202,189,183,176,128,129,181,189,183,129,119,109,96,92,97,123,165,115,111,109,113,119,163,168,173,176,178,176,170,165,165,170,176,168,155,100,96,105,160,163,0,0,0,0,0,155,170,176,173,157,0,0,157,173,176,163,147,0,0,0,0,0,0,0,0,183,191,196,199,194,183,176,173,174,181,199,0,0,0,0,225,0,215,212,207,202,199,199,199,202,202,199,199,196,192,194,199,209,212,212,209,204,199,196,196,196,204,212,222,217,212,204,199,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,0,0,235,230,225,222,225,230,235,235,230,228,228,228,217,209,205,205,209,217,228,230,230,228,222,215,207,207,212,217,222,225,222,215,209,208,212,217,222,225,225,222,212,202,191,178,168,160,160,160,160,163,168,170,168,168,165,165,168,170,170,173,173,176,178,181,186,191,194,196,202,209,217,225,230,235,233,225,215,209,204,199,199,202,209,217,228,228,225,222,222,222,215,209,212,217,217,215,212,213,222,228,230,230,225,215,212,212,212,215,217,220,217,207,194,178,165,0,0,0,160,0,181,191,199,199,194,186,183,183,178,173,173,173,131,125,122,122,127,131,135,135,137,139,194,207,215,217,222,228,235,235,235,235,235,238,241,241,241,241,238,238,233,230,228,225,225,225,225,225,225,225,228,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,22,0,0,0,0,0,0,0,0,17,53,69,69,66,0,0,0,0,0,0,0,0,0,0,13,85,90,79,23,21,15,3,3,3,0,0,0,43,121,129,134,142,157,181,173,147,137,92,37,19,7,19,15,13,0,0,0,0,0,0,0,0,0,0,0,15,55,118,150,165,178,189,194,194,194,196,202,204,207,204,183,51,34,95,147,168,178,186,163,103,111,150,30,61,157,160,168,170,163,155,157,165,165,160,121,121,160,123,121,117,115,119,123,165,125,125,165,168,127,127,173,176,127,121,123,176,191,196,196,199,202,202,199,189,178,170,125,123,121,123,123,121,121,123,121,121,123,125,127,125,125,127,170,170,170,173,181,181,173,170,170,131,131,131,129,131,178,181,178,176,181,189,196,202,204,207,209,207,207,207,209,212,215,212,204,199,199,202,199,194,186,176,127,123,121,121,173,196,207,202,183,168,123,123,125,168,176,183,176,123,121,123,168,168,168,181,191,189,189,189,176,119,111,109,111,117,125,176,183,189,191,189,191,199,196,189,183,178,165,123,123,123,125,168,168,125,121,121,123,125,173,186,196,199,199,194,191,189,186,183,181,181,186,194,204,207,209,207,194,173,96,89,105,178,189,186,178,170,170,186,199,189,107,55,39,67,150,163,87,75,99,101,85,93,150,150,144,107,93,85,87,89,91,99,105,107,150,160,170,181,181,93,39,15,26,83,85,87,97,105,109,103,103,113,150,107,107,109,111,152,160,160,160,157,155,117,115,157,181,186,170,160,119,111,111,115,115,109,107,113,165,181,189,194,199,204,202,194,183,168,117,113,115,117,121,165,165,125,117,114,115,119,123,123,127,173,170,168,127,127,129,173,181,183,178,170,121,119,125,170,176,181,183,186,194,199,196,191,191,189,186,176,129,129,173,176,174,176,181,183,178,177,177,178,181,186,181,131,125,123,123,125,127,133,181,186,186,178,131,176,191,202,189,178,178,183,186,181,133,127,123,125,131,176,176,178,183,189,189,186,189,191,196,207,212,207,194,189,191,191,183,181,186,183,181,173,173,178,186,189,186,189,186,178,173,127,123,120,119,120,127,173,173,168,127,125,125,127,173,181,189,194,199,202,196,178,123,115,113,112,111,113,117,121,121,117,113,113,121,173,176,125,127,176,181,176,168,168,168,168,165,122,122,125,170,170,165,123,165,178,181,183,183,176,165,122,122,123,125,125,123,123,125,123,121,121,121,121,121,121,123,127,176,186,189,186,186,194,196,191,186,181,178,176,176,173,168,129,181,183,178,173,173,170,173,173,172,172,172,176,181,183,186,186,186,183,181,178,176,173,172,172,172,173,178,181,181,173,127,124,124,129,178,186,189,191,194,191,186,186,191,191,187,187,189,191,191,186,181,181,194,207,215,212,202,194,194,199,202,196,186,183,186,189,191,189,186,186,189,194,194,196,196,199,202,202,199,199,191,186,183,183,186,194,202,207,202,196,194,194,194,194,191,191,194,191,191,191,199,204,204,204,194,183,181,181,183,191,194,191,189,186,189,191,191,196,199,194,191,186,183,181,183,183,183,181,178,181,186,191,191,186,181,178,178,178,176,174,174,176,178,176,173,131,129,173,176,181,181,181,183,186,186,181,178,173,173,173,176,176,176,176,178,181,178,170,125,121,121,123,129,123,105,106,109,115,123,129,173,170,127,120,121,124,129,173,178,181,178,173,168,125,125,170,178,176,168,123,123,125,129,173,178,181,178,173,173,127,119,115,116,119,127,173,176,173,173,178,181,183,183,183,183,186,189,191,194,194,194,194,189,186,181,181,179,179,181,183,183,178,172,170,173,183,186,183,178,131,127,124,125,133,181,186,181,176,176,135,135,181,186,189,191,194,196,196,196,202,207,212,209,202,196,196,199,199,202,202,202,202,199,194,191,191,191,186,185,186,191,196,194,191,191,191,191,189,189,183,181,181,186,194,194,189,137,131,133,186,199,204,204,199,196,196,199,204,204,202,202,202,202,204,207,204,202,202,202,204,204,204,196,186,139,191,196,199,199,199,204,202,191,139,139,189,194,199,202,202,199,194,191,194,196,199,202,202,199,199,199,199,196,194,194,191,194,194,194,194,191,191,191,191,191,189,189,186,189,194,199,194,189,191,191,189,183,183,191,196,199,196,191,186,186,191,191,186,176,131,129,127,123,123,125,125,123,121,119,119,121,165,170,173,173,173,168,125,123,123,125,125,165,168,168,165,165,125,123,123,125,168,173,178,176,170,127,127,129,129,170,176,178,178,178,178,178,173,173,178,181,183,181,173,127,126,129,173,173,176,178,176,176,178,178,181,183,186,181,172,170,181,186,189,191,191,189,189,186,186,183,183,183,186,191,191,191,186,181,177,176,177,178,178,178,178,181,181,178,176,176,178,181,183,186,186,186,189,189,191,194,191,191,191,191,194,194,194,194,194,191,189,189,191,194,194,191,186,181,181,186,186,181,183,189,191,194,194,194,194,196,199,202,202,204,202,202,199,199,196,196,199,196,196,194,194,196,196,196,196,191,190,190,191,194,194,194,194,194,194,194,191,191,191,189,186,183,181,181,181,186,189,191,189,181,177,178,186,191,194,194,191,189,186,183,181,181,181,181,183,183,181,183,186,186,186,183,183,186,191,194,196,196,196,194,191,189,189,191,191,194,191,191,191,191,189,183,183,183,186,189,191,194,191,186,185,186,191,191,189,191,189,186,181,178,170,168,170,176,178,178,173,168,165,165,165,155,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,126,1,0,0,0,3,0,0,21,21,0,0,0,0,79,139,72,0,0,0,79,118,150,196,222,217,79,33,98,105,85,33,0,0,0,0,0,0,0,0,0,1,0,0,0,0,47,100,47,98,65,134,147,155,157,157,160,163,165,165,163,163,157,157,157,157,157,157,157,163,165,165,168,176,181,181,176,173,173,173,173,173,176,183,194,204,204,196,186,178,173,173,176,176,176,176,181,186,191,196,194,191,186,181,178,178,181,186,191,194,191,192,204,212,209,204,199,196,191,186,183,181,176,131,127,127,131,173,131,170,173,178,181,181,178,176,173,170,168,168,168,127,125,123,121,119,118,119,123,127,127,168,176,181,181,181,181,178,176,173,170,173,181,186,183,170,166,168,173,176,173,172,173,178,178,166,163,164,178,196,199,191,183,176,173,168,123,117,116,119,121,103,87,73,48,39,55,111,178,178,163,106,102,115,168,178,176,173,178,178,176,176,178,168,125,168,178,181,183,189,186,181,176,168,125,123,125,125,123,119,170,173,165,125,123,119,116,116,125,168,168,170,176,181,189,191,191,191,194,194,186,173,125,119,109,89,82,86,117,173,176,178,173,129,181,191,196,202,204,204,202,198,199,209,215,209,194,181,178,176,129,173,186,194,191,176,121,115,109,107,119,181,189,173,119,113,111,117,123,165,170,178,183,183,181,178,178,178,176,165,155,103,100,117,176,173,163,0,0,0,170,176,183,189,189,183,178,178,189,196,194,183,165,0,0,0,0,0,0,0,0,186,191,202,209,204,189,178,174,174,181,194,209,217,225,225,222,0,212,207,199,196,194,194,191,191,194,196,199,196,192,192,196,202,207,212,209,207,202,199,199,196,204,212,217,217,209,202,199,199,207,0,0,0,0,0,0,0,0,0,0,0,0,0,212,0,0,230,225,215,212,217,228,235,238,235,230,228,228,222,212,207,207,212,217,228,230,230,228,222,212,207,207,215,225,228,230,228,222,212,209,212,215,222,222,225,222,212,207,196,183,170,160,155,155,155,160,165,170,170,170,170,170,173,178,181,181,183,183,183,186,189,191,194,196,199,207,215,225,230,235,233,225,215,207,202,196,196,199,204,215,225,228,228,225,225,222,212,207,207,215,217,215,213,215,222,230,235,233,228,215,211,211,212,212,215,220,217,212,199,186,173,165,123,123,0,0,183,194,202,202,194,189,186,186,181,173,173,176,176,129,127,127,129,133,137,139,139,143,196,212,222,225,228,233,238,241,238,238,238,238,241,241,241,241,241,238,233,230,228,228,225,225,225,222,222,222,225,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,98,22,0,0,0,0,0,0,0,0,46,53,43,59,51,0,0,0,0,0,0,0,0,0,61,82,77,51,0,0,0,0,0,0,0,0,0,0,0,69,79,74,29,19,2,13,31,25,13,5,7,113,131,142,147,139,95,85,90,95,108,66,0,0,0,0,0,0,0,0,0,0,0,0,0,13,17,0,1,47,71,121,150,170,186,194,196,196,196,196,199,204,207,204,181,47,34,93,147,168,170,147,47,45,105,165,42,49,109,157,178,186,176,157,157,168,173,163,121,121,160,123,121,119,119,163,170,173,165,125,168,173,170,168,178,183,173,122,122,173,189,191,194,196,202,207,204,199,189,176,127,121,120,121,121,123,125,127,125,125,127,129,129,129,127,170,176,176,176,181,186,186,181,176,176,178,181,178,176,178,181,181,176,129,131,181,191,196,199,204,204,207,207,209,209,212,215,209,199,196,196,199,196,191,186,176,127,121,117,117,127,186,194,191,178,168,125,125,127,170,181,189,181,168,123,125,127,125,124,126,170,176,178,178,168,113,107,108,111,115,121,168,178,189,191,194,199,202,196,189,183,178,165,120,119,119,121,125,125,121,121,121,121,123,176,189,199,202,202,202,199,194,191,186,186,186,194,202,212,215,212,209,196,173,101,99,113,170,181,186,183,176,170,178,181,173,107,75,77,152,181,176,81,68,103,109,95,101,160,150,150,152,105,95,95,89,81,91,91,77,55,57,83,99,97,77,69,77,103,101,79,75,91,109,111,99,89,91,95,101,111,115,115,157,168,173,168,157,115,113,113,119,170,173,165,119,117,115,115,117,113,105,99,103,115,170,178,186,194,199,196,186,170,109,95,97,111,121,125,165,125,125,121,115,117,123,125,121,119,123,168,173,176,173,170,170,178,178,173,173,173,127,127,170,176,181,183,181,183,191,196,202,204,202,196,186,131,131,178,181,178,178,186,191,183,178,178,181,186,186,178,129,121,121,123,127,127,129,133,176,176,127,119,119,129,178,131,127,133,181,183,181,178,176,131,127,131,176,178,178,181,186,186,183,186,189,194,202,207,199,191,194,204,202,186,181,189,191,186,178,176,181,189,189,186,183,178,170,129,125,121,120,121,125,129,173,176,170,127,124,124,170,181,189,191,194,196,199,199,191,173,121,117,115,117,121,123,123,121,115,112,113,121,168,125,117,119,125,173,176,176,176,173,170,165,122,121,122,125,168,168,168,178,189,191,191,191,186,176,165,121,120,123,127,123,121,121,121,119,121,121,123,123,125,127,168,173,181,183,183,183,189,196,194,186,181,176,176,173,170,170,176,186,189,186,186,186,178,176,173,173,172,172,176,183,186,186,181,178,178,178,181,178,176,173,172,172,173,176,181,178,131,125,123,123,127,176,183,189,196,202,202,191,189,194,194,191,189,191,199,199,194,186,189,202,212,215,212,202,191,191,199,199,191,183,181,186,194,196,194,189,186,189,191,194,196,196,196,194,189,186,186,183,137,135,133,133,181,194,204,204,199,196,194,194,194,191,191,191,191,191,191,196,202,207,204,196,183,179,181,186,194,199,196,194,194,194,194,194,196,199,194,191,189,189,186,183,183,183,181,178,178,181,183,183,181,176,176,178,178,176,176,176,176,176,173,131,129,131,173,178,181,181,186,189,194,191,186,181,178,176,176,173,131,131,176,181,183,181,170,123,119,117,120,129,129,115,109,111,117,127,176,178,173,124,117,120,124,127,170,173,176,176,170,127,125,125,170,178,173,170,176,176,129,123,125,178,189,189,181,176,170,123,117,118,123,170,173,173,173,178,186,194,196,191,183,181,183,186,191,194,194,194,191,191,189,183,181,179,181,183,183,186,181,176,172,173,176,178,176,133,133,129,127,127,133,183,186,181,176,134,133,133,135,186,191,196,199,202,202,202,207,212,212,207,199,196,199,204,204,202,199,196,196,196,196,196,196,196,186,183,185,194,196,196,194,194,194,191,191,191,189,183,183,191,199,196,186,131,127,128,137,194,202,204,202,199,196,199,204,204,202,199,199,202,204,204,202,199,199,202,204,204,199,189,135,133,183,194,199,199,204,204,202,191,183,183,189,196,199,199,202,199,194,191,194,199,202,202,202,202,202,202,199,196,196,194,191,191,191,191,194,194,191,191,191,194,191,191,189,191,196,202,199,194,194,194,194,189,189,191,196,196,196,191,186,186,191,191,186,178,173,129,125,123,125,129,129,125,121,117,117,119,125,170,173,173,173,170,165,125,123,125,125,125,125,125,165,165,165,125,123,125,127,168,170,170,125,123,124,125,127,170,176,176,173,172,173,173,172,173,178,186,186,183,176,127,125,126,129,131,173,176,176,174,178,178,178,181,183,181,173,172,181,189,189,189,186,181,181,178,181,181,181,183,186,191,191,191,186,181,177,176,177,177,177,177,178,181,181,178,176,176,176,178,183,186,186,183,183,186,189,191,191,191,194,194,196,196,196,196,194,194,191,191,194,194,194,194,189,186,186,191,191,186,186,191,194,194,194,194,194,196,199,199,202,202,199,199,199,196,196,199,202,199,196,196,196,199,199,199,196,191,190,190,190,191,191,194,194,194,194,194,191,191,191,191,186,183,181,181,183,189,191,194,191,183,177,178,186,191,194,194,189,186,183,181,178,181,181,183,183,181,181,181,183,186,186,186,186,189,194,196,199,196,196,194,194,194,194,194,194,194,191,189,189,189,186,186,183,186,186,189,194,196,194,189,185,186,189,191,194,196,196,191,183,178,170,168,170,176,178,176,176,173,168,165,168,168,160,99,61,23,0,0,0,0,0,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,126,103,13,17,0,0,0,0,0,0,0,0,0,0,0,98,142,126,9,0,0,90,118,134,178,212,209,79,37,118,113,51,21,5,0,0,31,0,0,0,0,11,9,0,0,0,37,124,129,134,134,108,139,155,160,160,160,160,165,168,168,165,165,163,160,160,163,165,165,165,170,170,168,168,173,181,183,181,178,178,176,173,173,178,189,199,207,207,199,183,176,173,176,178,178,178,181,186,191,199,199,196,189,181,177,177,178,181,186,194,194,191,190,199,209,207,202,196,194,191,189,183,183,178,131,126,125,127,131,129,129,170,176,178,183,181,178,173,170,168,168,168,168,168,127,125,123,121,123,125,125,125,168,176,181,181,183,183,181,176,170,170,176,183,189,186,181,173,170,173,176,173,173,173,178,176,170,168,176,189,196,196,189,181,173,165,125,123,121,121,125,176,176,173,121,60,47,73,119,186,183,168,111,107,123,170,181,178,176,178,176,173,173,176,178,173,173,181,186,189,186,183,178,176,165,119,119,119,107,82,69,95,121,165,165,125,121,116,115,165,176,173,168,168,173,183,186,189,191,194,191,181,127,119,117,113,95,81,82,117,183,194,196,196,199,202,202,202,202,202,204,199,198,199,209,212,204,183,176,176,178,178,183,199,207,207,191,170,127,129,127,168,181,189,181,127,117,115,121,165,168,170,181,186,183,181,183,181,181,178,181,189,181,165,176,181,173,165,173,181,183,186,191,199,207,209,207,204,204,209,215,212,202,189,0,0,0,0,0,0,0,186,0,196,207,215,212,196,186,181,178,181,194,204,212,217,220,217,0,209,202,194,191,191,191,189,186,187,191,199,199,194,192,194,196,202,204,207,204,202,202,199,199,204,212,215,212,207,202,199,199,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,217,211,209,215,228,235,238,235,230,228,228,225,215,209,207,212,220,228,230,230,225,217,209,205,207,212,225,230,235,235,228,215,212,212,215,217,220,222,217,215,209,202,189,173,160,152,147,0,155,163,168,173,173,173,176,178,183,186,189,189,191,189,191,191,194,196,196,199,204,212,222,230,233,230,222,212,204,199,196,195,196,202,209,217,225,228,228,225,217,209,202,204,212,222,222,217,217,228,235,241,238,228,217,212,212,212,212,212,217,220,212,202,191,178,173,168,168,0,0,186,196,202,204,196,191,189,189,183,176,176,181,183,178,133,133,135,137,141,141,141,145,202,215,228,230,230,233,238,241,241,238,238,238,238,241,241,241,241,238,233,230,228,228,225,225,225,222,222,222,225,225,224 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,98,124,105,43,0,0,0,0,0,40,108,66,48,69,53,0,0,0,0,0,0,0,0,0,69,77,53,7,0,0,29,0,0,31,33,33,0,0,0,47,77,74,45,19,0,17,66,66,35,11,15,137,116,85,165,41,18,23,27,35,142,139,41,0,0,0,0,0,0,0,0,0,0,0,29,41,55,33,53,69,57,67,137,160,189,196,199,196,199,199,199,207,215,209,176,35,38,101,150,160,155,47,22,42,150,178,113,45,87,111,176,191,183,163,157,165,173,163,119,119,121,121,121,121,123,168,176,176,165,124,168,170,168,168,176,189,181,122,120,129,181,183,186,191,199,204,204,199,191,178,125,120,120,120,121,123,127,173,170,170,173,176,176,170,170,176,178,181,183,189,191,189,183,181,183,186,191,191,189,186,183,176,129,125,125,131,181,186,191,196,199,204,212,215,215,215,215,212,202,196,196,199,202,196,189,181,170,121,115,114,119,168,178,176,168,125,123,125,127,173,183,194,191,183,176,173,170,127,125,124,125,126,168,168,125,111,106,107,111,115,117,121,170,183,191,194,199,202,196,186,183,178,168,121,118,118,121,125,121,117,115,115,114,119,170,189,199,202,202,202,199,196,194,191,191,194,196,207,215,212,204,196,186,168,111,109,111,119,170,183,181,173,163,163,168,165,155,105,109,207,217,181,99,95,70,99,99,103,107,107,150,155,144,103,95,67,55,65,63,50,46,50,75,95,93,85,93,107,111,99,70,70,99,111,150,109,86,82,87,101,111,152,160,173,186,189,176,157,109,105,111,117,160,160,157,119,115,117,119,117,107,97,94,97,105,121,170,178,183,189,186,170,73,43,61,89,109,121,165,124,125,168,168,123,117,119,123,123,121,123,173,178,173,173,170,129,125,125,127,176,189,191,176,173,181,183,183,178,178,186,202,209,212,209,207,194,178,176,186,191,186,186,199,202,191,181,178,183,186,183,129,121,120,121,129,131,129,131,131,129,127,123,117,111,111,113,107,111,129,178,181,183,181,178,176,129,131,181,183,183,183,183,183,186,189,189,191,196,202,194,191,199,209,204,183,176,181,186,183,178,176,178,183,183,181,178,173,131,129,127,125,125,125,127,170,176,176,173,168,126,125,170,181,189,189,186,189,191,194,191,181,168,123,121,123,165,170,125,121,117,114,115,123,165,123,120,119,121,170,181,186,186,183,176,170,125,123,125,123,123,168,176,189,196,199,199,202,196,186,173,123,121,123,125,121,117,117,117,119,121,123,125,127,168,170,168,173,181,186,183,183,189,196,194,181,173,170,170,170,170,173,178,191,196,194,189,178,169,169,170,173,173,173,178,186,189,183,173,129,129,173,178,181,178,178,173,173,173,176,176,173,127,124,123,124,129,133,178,186,194,202,204,196,194,194,194,189,191,199,204,204,202,194,191,199,207,207,204,196,191,191,196,194,186,135,135,183,194,196,191,186,183,183,191,194,196,196,194,186,181,136,137,137,133,132,130,131,133,183,194,199,199,196,194,196,196,194,194,194,194,191,191,191,194,199,204,202,194,183,183,189,196,202,199,199,196,196,194,196,199,199,196,194,191,191,186,183,183,186,183,181,178,178,176,176,174,174,173,174,178,178,176,176,176,176,173,129,127,131,178,186,186,183,181,186,194,194,191,186,183,183,181,173,131,131,176,181,183,178,173,127,121,120,121,127,125,119,117,119,127,181,186,186,178,170,127,170,173,170,170,176,178,173,170,127,126,126,178,183,176,170,183,186,176,123,123,173,183,186,181,178,176,173,127,123,127,173,176,173,173,178,189,194,196,194,189,181,181,183,189,194,194,194,191,191,191,189,183,181,181,183,183,186,183,178,176,176,176,133,131,131,133,176,133,133,181,191,194,186,178,135,134,133,133,183,191,196,199,202,204,207,212,215,215,209,199,196,199,204,204,199,189,186,186,189,194,196,199,199,191,186,189,194,196,196,194,194,194,194,191,194,196,194,194,196,202,199,191,137,130,131,137,191,199,204,204,202,199,202,202,202,199,199,199,199,202,204,202,198,198,202,204,204,196,183,131,129,133,183,194,199,204,207,202,196,191,189,191,194,194,199,202,202,196,194,196,199,202,202,199,199,199,196,194,194,194,194,191,190,190,191,191,191,191,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,125,125,123,121,123,123,125,165,125,123,125,165,168,168,168,168,125,122,123,129,173,173,176,173,172,172,173,173,172,176,183,189,189,186,183,176,127,127,129,173,176,178,176,178,181,178,176,176,176,176,173,173,178,181,183,181,176,173,173,173,176,176,173,173,178,186,191,189,186,181,178,178,178,178,177,177,178,181,181,178,176,133,133,176,181,183,186,183,183,183,186,189,189,191,194,196,196,196,196,196,194,191,191,191,194,196,194,191,189,189,189,191,191,189,186,189,189,191,191,191,194,196,196,196,199,196,196,196,196,195,195,196,202,202,199,196,199,199,199,196,194,191,191,191,191,191,191,191,194,194,191,191,189,191,191,191,186,183,183,183,186,189,191,191,191,183,178,178,186,191,194,191,186,181,178,176,176,181,183,183,183,181,181,181,181,186,189,191,191,196,199,202,199,196,194,194,196,196,194,194,191,191,191,191,191,189,189,186,186,186,186,189,194,199,196,189,186,186,189,189,191,191,191,189,183,176,168,166,168,173,173,173,176,176,173,168,168,165,168,170,170,168,168,29,0,0,23,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,7,0,0,0,0,0,147,147,150,157,0,0,0,0,0,0,1,0,0,49,103,134,147,144,103,37,55,129,131,131,137,181,165,0,0,105,111,45,0,0,1,9,29,0,0,0,45,39,0,0,0,0,108,126,134,134,131,131,144,157,163,165,163,160,165,168,163,155,160,160,157,160,165,173,178,181,181,176,170,168,170,178,181,183,183,181,178,176,173,181,191,204,209,209,202,183,176,178,181,181,178,178,181,186,194,196,199,194,186,178,177,177,181,186,191,196,196,192,191,196,207,207,199,191,191,191,189,186,183,181,173,127,126,126,127,129,170,173,176,178,178,178,176,176,176,173,168,127,168,170,170,170,127,125,125,127,125,127,170,173,176,178,181,183,181,176,172,173,176,181,183,183,186,183,173,170,173,176,173,173,178,183,186,186,191,191,191,191,189,183,176,168,168,178,176,168,176,178,181,183,181,115,103,117,168,183,183,173,121,121,165,176,178,176,173,176,176,173,173,176,178,173,165,168,178,186,181,173,173,170,121,117,121,125,103,71,57,83,119,165,168,168,165,125,173,183,189,183,173,168,173,178,181,186,191,189,183,178,129,119,123,121,109,91,95,127,194,202,204,204,207,209,207,204,204,204,207,204,199,199,204,207,199,183,133,133,181,194,202,207,212,212,199,183,183,194,194,181,176,178,173,125,119,119,125,168,170,173,178,181,173,168,176,178,178,183,196,202,202,196,183,170,163,170,189,202,204,202,204,209,217,217,215,212,215,217,222,217,212,204,0,0,0,0,0,0,0,0,0,199,204,212,209,202,191,186,183,186,191,199,207,212,215,215,212,207,196,194,194,0,196,191,186,186,191,202,204,202,199,199,196,196,196,199,199,202,202,202,204,209,212,212,209,207,204,202,199,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,212,208,208,212,228,235,235,233,228,225,228,225,217,209,207,212,222,228,230,230,225,215,207,204,205,209,217,228,235,238,233,222,215,212,212,212,215,215,217,215,212,204,194,181,165,150,109,107,0,155,165,168,170,170,176,181,183,189,191,194,196,194,194,196,196,199,199,202,204,212,222,228,230,228,217,212,207,199,196,195,196,202,207,215,222,225,225,217,212,204,199,200,209,222,228,225,228,235,243,246,241,228,222,217,215,212,209,209,215,217,215,207,196,186,178,176,176,0,0,189,196,204,204,199,191,189,189,183,178,181,189,194,189,186,183,183,186,186,143,143,191,204,217,228,233,230,233,235,238,238,238,238,235,235,235,238,241,241,238,235,233,230,230,228,228,228,225,222,222,225,225,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,134,98,53,17,0,0,0,0,69,113,46,43,69,48,0,0,0,0,0,0,0,0,31,79,61,0,0,0,59,90,23,19,47,47,45,21,0,11,39,69,69,41,21,5,9,87,85,39,6,17,144,103,25,74,16,15,19,27,39,163,176,139,39,0,0,0,0,0,0,0,0,0,0,41,59,134,124,51,39,17,35,116,150,181,196,202,199,202,202,204,209,217,217,160,38,47,103,152,157,111,46,26,44,105,152,95,47,89,105,163,181,178,165,157,163,165,160,118,118,119,119,121,123,165,168,170,168,125,124,127,168,166,166,173,181,176,123,120,123,129,176,181,186,191,196,196,196,191,178,129,123,121,121,121,125,170,176,173,176,181,183,181,178,178,183,183,183,189,194,194,191,186,183,183,189,194,196,196,194,189,176,127,121,119,125,129,173,173,178,186,199,212,222,222,217,215,215,207,199,198,199,202,199,194,186,173,121,114,113,115,121,125,125,121,121,121,121,123,170,186,196,196,191,186,181,176,173,168,127,126,126,168,170,168,117,108,109,113,113,113,117,125,173,181,189,191,196,191,183,181,181,173,123,120,120,125,165,123,117,115,113,113,115,168,183,194,199,199,196,196,199,199,202,199,196,199,209,212,202,186,176,173,168,119,115,109,109,121,173,173,157,105,101,155,165,163,152,160,207,207,157,101,97,66,81,85,89,95,107,155,160,152,105,71,35,39,55,61,54,55,79,103,109,101,91,101,111,109,87,72,75,103,113,113,99,84,82,88,99,105,115,165,181,194,196,183,155,100,98,103,113,157,160,160,157,117,117,119,115,103,96,95,98,109,121,165,168,170,170,168,109,56,43,61,95,113,123,163,163,168,176,173,125,115,114,119,121,121,127,170,166,164,168,173,127,121,119,123,176,196,199,181,173,183,189,186,176,176,186,204,215,217,217,212,196,178,181,194,202,196,196,207,207,194,183,181,183,183,133,121,119,120,123,129,131,131,133,133,127,125,127,125,119,117,111,107,109,125,173,178,181,181,181,178,131,133,183,189,191,186,181,178,183,189,189,191,194,196,194,189,194,202,194,178,173,176,178,176,131,131,176,181,181,181,178,176,176,176,176,173,129,127,129,170,170,170,173,173,170,168,168,176,183,186,189,186,183,181,183,181,176,165,123,123,165,168,165,125,123,123,123,125,125,123,121,121,123,173,186,194,191,186,183,178,170,168,168,125,123,170,189,199,202,199,199,202,202,191,176,165,165,170,168,119,114,114,115,119,121,123,127,168,170,168,127,170,178,183,186,186,189,189,176,127,126,127,168,170,173,176,183,194,199,196,191,176,168,168,169,170,173,176,178,176,176,173,125,121,123,129,173,178,181,181,178,176,173,173,131,131,129,129,129,131,176,181,181,183,186,191,199,199,196,194,186,178,186,196,191,194,199,199,194,194,196,196,194,191,189,186,186,183,135,131,131,178,189,191,189,182,181,182,189,194,199,199,199,194,186,181,137,137,135,133,133,133,135,181,189,194,194,191,191,194,194,196,196,196,196,194,189,183,138,183,196,202,196,191,191,196,202,202,202,202,199,196,196,196,196,199,196,194,191,191,189,186,189,191,191,186,181,176,176,176,176,174,174,174,174,176,176,176,176,173,131,127,127,173,183,191,191,183,176,178,186,189,189,186,186,186,178,173,129,131,178,183,183,181,176,176,173,129,129,127,123,121,123,129,176,189,194,191,186,183,183,186,186,178,176,178,178,173,170,168,168,173,186,186,115,89,170,178,173,123,122,129,176,178,176,176,178,178,173,129,170,173,173,173,173,176,178,183,189,191,186,181,181,183,189,194,196,194,194,194,194,191,186,181,181,181,183,183,181,178,178,178,178,176,131,131,176,181,181,183,191,202,204,196,186,183,183,135,135,186,194,199,199,202,204,209,215,215,215,209,202,196,202,204,202,196,185,182,183,185,189,194,199,202,199,199,199,196,194,191,191,194,196,194,194,196,199,199,196,199,202,202,196,186,137,137,181,189,199,204,207,207,204,204,204,202,199,199,199,199,202,204,202,199,198,199,204,204,196,183,131,129,131,137,189,196,199,199,199,199,196,196,194,194,194,196,199,199,196,196,199,199,199,199,199,199,199,196,191,191,194,196,194,191,191,191,194,194,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,119,121,123,125,123,123,125,168,176,173,173,170,127,124,127,173,178,178,176,173,173,173,173,173,172,173,181,186,189,189,186,183,173,131,173,178,181,181,183,183,183,183,178,176,174,176,173,173,173,176,176,176,173,173,172,173,173,131,130,129,131,181,189,189,186,183,183,181,178,178,178,178,178,181,181,181,178,133,132,132,176,181,183,183,183,183,186,186,189,189,191,191,194,196,194,194,191,191,191,194,196,194,191,189,189,191,191,191,189,189,186,186,186,186,186,189,191,194,194,196,196,194,194,196,196,195,195,196,199,199,199,196,199,199,199,196,194,191,191,191,191,191,191,194,191,191,189,186,186,186,189,191,186,183,183,183,186,186,189,189,189,183,178,178,183,189,191,191,189,183,176,174,176,181,183,183,181,181,181,181,181,181,189,194,196,202,204,204,202,199,196,196,196,196,194,194,191,191,194,194,191,191,189,186,186,186,186,189,191,196,196,191,186,186,186,186,186,186,183,181,178,173,168,168,170,170,168,168,173,176,176,170,168,163,165,176,191,189,183,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,144,108,21,0,0,0,7,157,186,183,152,19,0,0,0,13,29,27,21,31,137,137,150,157,160,155,139,139,144,137,131,126,100,0,0,0,41,41,3,0,0,3,0,0,0,7,25,51,29,5,15,15,65,116,126,131,127,126,134,150,160,165,165,160,157,157,160,153,150,155,157,157,160,170,181,189,191,189,181,170,166,168,176,183,186,186,183,178,176,173,176,191,204,212,212,204,189,181,183,186,183,178,177,181,186,191,191,191,189,183,178,177,181,186,191,196,199,199,196,196,202,209,207,196,191,191,189,186,183,181,178,173,131,127,127,127,129,170,173,176,176,178,176,176,178,178,173,168,127,127,168,170,170,168,127,127,127,127,127,168,166,166,170,176,178,178,173,173,173,176,178,178,181,186,183,170,126,127,127,127,129,173,189,194,191,191,189,189,191,191,189,183,178,181,186,183,176,170,173,176,181,178,125,117,125,173,178,178,176,168,123,123,168,176,168,125,168,176,178,176,173,173,165,121,120,165,176,168,117,123,165,123,119,170,181,170,109,76,107,125,168,170,170,173,173,181,191,196,194,183,178,183,189,186,186,186,183,178,173,170,127,127,129,125,113,117,183,204,207,204,204,209,212,212,209,207,204,207,207,202,196,196,202,196,183,131,131,183,199,204,204,202,196,189,183,189,202,204,189,176,129,125,121,119,119,123,168,173,173,173,170,124,123,168,178,178,186,196,204,207,199,178,161,163,178,199,209,212,209,207,212,215,217,215,215,215,217,222,217,215,209,0,0,0,0,0,0,0,0,194,194,199,204,202,196,191,186,186,186,189,194,202,207,212,212,212,207,202,199,202,0,0,196,189,187,194,204,212,212,209,204,196,191,191,194,199,202,207,209,209,215,215,212,207,207,204,202,202,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,212,208,208,212,225,233,233,230,225,225,228,225,215,207,205,209,222,230,230,230,225,215,207,204,204,207,212,225,235,238,233,225,217,215,212,209,212,215,217,217,215,207,199,189,173,0,109,107,0,150,160,165,165,168,173,178,183,189,194,196,199,199,199,199,199,202,204,207,209,215,222,228,228,225,217,212,207,204,199,196,199,202,207,212,217,222,217,212,207,202,199,200,209,225,230,233,233,238,246,246,238,230,225,225,217,215,209,209,212,215,215,207,199,189,183,181,181,181,0,0,199,204,207,199,191,189,189,186,183,189,199,204,202,196,194,191,191,191,189,145,194,204,217,228,230,230,230,233,235,238,238,235,233,233,233,238,241,241,238,235,233,230,230,230,230,230,228,225,225,225,225,224 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,17,46,51,0,0,0,0,9,56,35,46,61,46,13,0,0,0,0,0,0,23,139,139,69,0,0,0,72,90,41,43,72,74,69,47,45,29,27,35,41,35,21,11,9,87,95,49,2,9,134,108,28,35,13,16,23,33,45,142,181,176,176,0,0,0,0,0,0,0,0,3,41,65,103,176,173,29,0,0,0,63,131,160,194,202,204,204,204,209,215,215,209,97,55,75,109,155,160,152,87,47,81,107,105,77,51,91,105,117,165,170,165,160,160,160,119,118,119,121,121,119,123,165,165,125,125,125,127,168,168,168,168,168,173,170,125,122,122,123,173,178,183,189,189,191,189,186,181,178,176,173,129,125,127,173,176,176,178,186,191,191,189,189,191,189,186,191,196,196,194,189,183,183,186,191,194,194,194,191,178,127,119,117,119,119,119,119,123,131,191,212,222,222,217,215,215,212,204,199,199,199,196,194,186,170,119,114,113,115,119,121,119,119,119,119,119,119,168,183,196,199,194,186,181,178,176,176,170,168,127,170,176,176,127,117,117,117,115,115,117,121,127,168,173,181,183,183,178,181,181,173,165,121,121,125,165,123,123,123,117,113,114,121,173,186,194,196,194,191,194,196,199,194,191,194,199,196,181,125,121,165,170,170,123,111,108,117,170,170,115,101,99,113,160,152,109,115,181,170,83,85,81,54,70,79,89,107,163,176,176,165,150,59,31,41,83,89,91,95,107,152,152,107,101,109,147,99,74,74,91,105,111,107,97,89,89,93,97,99,109,160,178,191,194,183,117,98,97,101,113,157,163,163,160,119,119,117,111,105,101,103,111,163,168,163,157,117,117,117,105,65,55,83,105,117,163,165,168,173,178,176,125,113,112,117,121,123,168,168,163,161,170,178,170,121,119,120,127,181,186,178,176,186,191,183,176,173,186,204,215,222,220,212,194,176,176,194,202,202,202,209,207,196,183,178,181,178,129,121,121,123,123,123,127,129,133,133,127,127,131,176,133,131,123,111,115,129,176,178,181,183,183,181,133,133,181,189,194,186,176,176,181,186,191,189,191,194,194,186,181,183,181,174,173,176,133,129,127,127,131,181,183,183,181,181,183,189,189,183,170,127,170,170,128,128,173,181,178,170,168,170,181,191,194,186,173,168,173,183,183,170,123,121,123,125,168,170,176,178,176,168,125,123,123,123,165,178,191,196,191,183,181,176,170,168,170,168,165,176,196,202,199,194,194,194,196,189,168,165,173,178,170,117,113,113,115,119,123,127,168,170,168,127,125,168,176,176,181,186,186,176,125,123,125,127,168,168,173,181,189,199,202,199,194,181,170,170,173,173,176,181,178,129,123,121,119,118,121,127,170,176,181,186,186,183,176,173,131,173,176,178,178,178,183,186,189,183,179,178,186,194,194,191,178,129,133,181,122,127,189,196,191,191,191,186,186,186,183,181,135,131,127,127,131,178,186,189,186,182,182,183,189,191,196,199,202,199,191,183,135,135,137,183,183,186,183,183,186,189,189,189,189,191,196,196,199,199,196,196,191,139,135,134,186,196,199,199,199,204,204,204,202,202,199,196,196,196,196,196,196,191,189,189,191,194,196,199,202,194,183,178,178,181,186,186,181,176,174,174,176,178,176,173,131,127,126,131,186,194,191,183,174,174,178,183,186,186,183,181,173,129,129,173,181,186,186,183,181,186,186,183,176,129,125,123,170,176,181,189,194,194,191,189,191,194,194,183,178,178,176,173,170,170,170,176,178,115,59,53,111,125,127,123,122,123,129,170,173,173,178,181,181,178,173,173,173,173,176,173,173,176,181,186,183,178,178,181,186,191,194,194,194,194,191,186,181,178,178,181,183,183,181,178,178,178,181,178,132,132,178,186,189,191,196,204,207,202,194,191,191,186,186,194,202,202,199,202,204,209,209,207,207,204,196,196,204,207,202,194,186,183,183,185,189,194,196,202,204,207,204,199,191,190,191,194,196,194,191,196,196,196,196,202,204,204,199,191,186,183,183,189,196,202,207,209,212,209,207,207,204,202,199,199,202,204,204,202,199,202,202,202,194,141,133,130,131,137,186,191,191,191,194,196,202,202,199,196,196,196,199,199,196,196,196,196,194,194,199,202,199,194,191,191,194,196,196,194,194,194,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,117,119,123,123,121,125,170,178,178,178,176,170,127,170,178,178,176,176,173,173,176,176,173,170,172,176,181,183,186,186,183,178,176,176,178,181,183,186,189,189,186,181,178,178,176,173,173,173,173,173,173,173,176,173,173,131,130,129,129,131,178,186,186,186,183,183,181,181,178,178,178,181,181,181,181,181,178,132,131,133,178,181,183,186,186,186,183,183,181,135,178,183,189,191,191,191,190,191,194,194,194,189,189,189,191,191,191,189,189,186,186,183,183,183,183,186,191,194,196,194,194,194,196,196,196,195,196,196,196,194,196,196,199,199,196,194,194,194,191,191,191,194,194,191,189,183,181,181,183,186,186,183,183,183,183,183,183,183,183,181,178,178,178,181,186,189,191,191,186,176,174,176,181,183,183,181,178,178,178,135,133,181,191,199,204,207,207,204,199,196,196,196,196,194,194,194,194,194,194,194,191,191,189,186,186,186,186,189,194,194,191,189,189,189,186,183,181,178,178,176,176,173,173,173,168,165,165,168,176,176,170,168,160,160,168,183,176,152,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,147,183,186,134,3,0,0,11,51,121,124,98,67,108,19,0,29,33,33,35,39,129,144,150,152,163,176,176,165,157,147,139,126,23,0,0,0,31,15,0,0,0,0,0,0,0,0,7,23,0,15,43,49,69,113,129,129,125,125,137,155,163,163,163,157,156,156,157,153,150,153,157,160,165,176,186,194,196,191,181,173,168,170,178,183,189,186,183,181,176,172,172,183,202,209,212,202,189,181,183,186,183,178,178,183,186,189,189,183,181,178,177,177,181,189,194,196,199,202,202,204,207,209,209,202,194,194,191,186,183,178,176,173,173,129,129,129,131,173,173,176,178,178,178,178,178,178,176,170,127,126,127,170,173,173,170,170,168,170,168,168,166,165,166,168,173,173,173,173,176,178,178,178,178,183,181,173,127,127,126,126,126,127,183,189,181,181,186,191,194,194,191,191,191,189,186,178,176,170,173,173,178,178,173,125,168,173,173,168,168,123,113,111,115,125,119,117,123,173,178,170,125,125,123,120,119,121,125,112,92,121,173,173,170,181,191,194,189,125,168,173,173,170,173,173,176,181,191,199,199,194,191,194,199,196,189,181,178,176,170,129,127,129,178,181,176,178,199,212,212,203,203,207,212,212,207,202,202,207,209,202,194,191,194,191,181,131,130,176,191,196,189,125,115,127,176,186,202,207,196,181,170,125,121,119,121,123,127,168,170,168,165,123,123,176,186,189,189,194,202,207,194,168,160,168,191,207,212,215,209,207,207,209,212,215,215,215,215,217,215,212,209,199,0,0,0,0,0,0,0,191,189,189,191,189,183,181,183,183,181,181,186,191,199,204,207,207,207,0,0,0,0,0,0,191,189,196,207,215,217,217,212,199,191,191,191,196,207,215,220,222,222,217,212,207,204,204,0,202,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,215,211,209,212,222,230,230,225,222,222,225,222,215,207,207,212,225,230,233,230,228,222,209,205,205,207,212,225,233,238,233,228,222,215,212,209,209,212,217,217,217,212,204,194,181,160,0,109,0,0,155,160,163,168,173,176,181,186,194,199,202,202,199,199,202,204,209,215,217,217,222,228,225,222,215,212,209,207,204,202,199,199,204,207,212,212,212,209,207,202,199,202,209,228,235,235,238,241,246,246,238,228,225,222,217,215,212,209,212,215,215,209,202,191,186,183,181,183,0,194,199,204,207,202,194,189,189,189,0,196,209,215,212,207,202,199,199,196,191,191,196,207,215,222,228,228,228,233,235,238,235,235,233,233,233,235,238,238,235,233,230,230,230,233,233,233,230,228,228,228,225,224 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,100,33,0,0,0,0,1,35,48,53,51,38,9,0,0,0,0,0,56,147,144,113,27,0,0,35,69,49,82,92,92,90,100,147,53,24,25,37,37,27,19,25,72,100,100,3,2,108,116,95,92,31,23,25,31,33,45,147,163,168,0,0,0,0,0,0,0,0,21,92,100,100,168,131,0,0,0,0,13,79,93,168,194,204,207,212,215,215,207,173,71,69,95,111,157,163,163,165,115,155,155,113,87,69,97,107,115,157,163,165,163,157,119,119,121,163,165,163,121,123,125,125,124,125,170,176,173,168,168,170,173,176,173,127,125,125,127,170,178,183,186,183,183,181,181,183,186,191,191,186,178,173,173,176,176,181,186,194,196,194,194,194,191,186,189,194,196,194,189,186,189,189,191,191,191,189,186,181,129,121,117,115,115,112,112,113,121,178,202,212,212,209,209,212,209,207,202,199,194,191,189,178,127,117,114,117,123,125,125,121,121,123,123,121,119,123,176,189,191,189,183,176,173,176,176,176,170,168,168,170,170,168,127,168,127,121,119,121,123,121,121,125,168,173,176,173,178,181,173,125,120,119,121,123,125,168,176,125,115,113,114,121,170,181,189,189,186,186,183,178,178,178,178,178,173,123,114,114,123,176,178,170,119,113,121,170,170,157,107,105,105,101,97,97,103,155,111,81,85,71,45,68,83,107,194,202,204,196,183,176,95,50,75,95,105,109,147,157,168,165,157,152,160,155,83,66,75,101,103,105,105,103,101,97,93,93,97,109,157,168,173,178,176,155,100,101,109,115,155,157,157,157,157,119,117,113,111,111,109,113,176,173,160,115,112,113,115,111,95,93,103,113,160,170,176,176,178,178,176,163,115,115,125,170,168,170,170,165,166,178,181,170,123,120,119,120,125,173,173,173,181,183,176,129,170,183,202,212,215,209,202,186,170,169,181,194,196,202,207,207,194,183,178,176,176,131,127,131,133,127,123,123,129,176,176,127,127,133,176,133,173,127,121,125,178,186,186,189,186,183,181,178,133,133,181,186,181,174,176,186,191,191,186,186,189,194,183,176,174,174,173,176,183,178,129,126,126,131,181,189,191,189,186,189,194,196,189,170,126,129,170,128,128,176,183,181,173,170,176,189,202,202,186,127,123,173,194,196,178,123,121,122,125,170,181,189,194,191,181,170,127,123,119,125,181,191,189,183,176,170,165,121,119,125,165,173,181,191,191,189,183,181,183,183,176,163,163,170,178,170,115,112,113,117,123,168,173,170,168,127,125,123,127,170,173,176,181,181,173,127,126,127,168,168,168,173,183,196,204,207,204,199,189,178,178,181,183,186,191,186,170,118,116,117,118,123,129,176,181,183,189,189,186,181,173,173,176,181,183,181,181,183,189,191,189,181,177,178,183,191,191,181,131,129,127,116,119,131,186,189,189,189,183,178,178,178,133,127,125,126,129,135,183,189,189,189,186,183,186,189,189,189,191,194,194,189,178,133,134,181,189,191,189,189,186,183,186,186,186,189,194,199,202,204,202,199,199,199,189,136,133,183,196,202,207,209,212,209,204,202,199,199,196,196,196,196,196,194,186,181,186,191,196,199,202,199,191,183,178,183,191,196,199,196,189,181,178,178,178,176,173,131,127,126,131,183,191,189,181,176,174,176,178,181,181,178,176,129,128,129,176,183,186,189,183,183,189,191,186,178,170,127,127,176,181,183,186,189,191,191,191,194,196,194,186,181,178,173,170,173,176,173,127,107,57,52,56,109,123,127,125,123,125,127,129,170,173,176,183,189,189,183,181,178,178,176,173,173,176,181,183,178,177,177,178,183,186,189,189,191,191,189,183,178,178,181,183,183,183,181,178,178,181,183,178,131,132,181,191,194,196,199,202,204,202,196,196,202,199,199,204,204,202,199,202,204,207,202,196,196,194,191,194,204,209,202,194,189,186,186,189,189,191,194,196,202,207,207,202,196,191,191,194,194,191,191,194,196,196,199,204,204,202,196,191,189,189,189,191,194,196,202,209,215,215,212,209,207,204,202,199,202,204,204,202,199,199,202,199,194,186,135,133,133,137,183,183,183,183,189,196,204,207,204,199,199,196,196,196,196,196,194,191,189,194,199,204,199,194,191,191,196,199,199,196,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,119,121,121,121,123,168,178,178,181,181,176,170,170,176,176,173,173,173,178,178,178,176,172,172,176,178,178,178,178,178,176,176,176,178,181,183,186,189,189,189,186,183,183,181,178,176,176,173,173,173,176,176,176,173,131,131,131,173,178,183,186,186,186,186,183,183,181,181,178,181,181,178,178,181,183,181,176,132,133,176,178,181,186,186,183,178,133,127,124,124,126,135,186,191,191,191,191,191,194,191,189,189,191,194,194,191,191,189,186,183,183,183,183,183,183,189,194,196,194,194,194,196,199,199,196,196,194,194,194,194,196,199,199,196,194,194,194,191,189,189,191,194,191,186,181,179,179,181,183,186,183,183,183,183,183,181,181,178,177,178,178,178,178,181,186,191,194,189,178,176,178,183,183,183,178,177,178,178,132,129,132,186,196,202,207,207,204,199,196,196,194,194,194,194,194,194,194,196,196,194,194,191,189,189,186,186,186,189,191,191,191,189,191,189,183,181,181,181,181,181,181,181,178,173,166,165,168,176,178,173,165,163,160,155,137,41,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,137,176,191,139,0,0,0,19,25,27,41,67,155,176,163,27,43,43,41,55,53,105,137,131,125,144,176,178,168,165,168,163,152,41,0,0,49,55,17,0,0,0,0,0,0,0,0,0,0,0,1,31,39,53,81,129,134,127,127,144,160,163,163,160,157,156,157,163,163,157,160,163,165,170,178,189,196,196,189,178,173,170,176,183,189,189,186,183,181,176,170,170,178,194,204,204,196,183,178,181,183,181,178,181,183,189,189,186,181,177,177,177,178,181,186,189,189,191,199,204,202,199,199,204,204,202,196,191,189,183,178,133,131,173,131,131,173,173,173,176,178,181,181,181,181,178,176,176,173,170,127,127,170,173,176,173,173,170,173,173,173,170,168,168,170,170,176,178,181,183,183,183,183,183,183,186,183,183,181,173,127,127,170,176,125,109,121,183,194,194,194,194,196,199,194,178,170,173,181,186,183,181,183,178,168,168,178,170,119,110,108,108,109,110,113,111,113,123,173,176,165,122,122,123,123,123,123,115,100,80,168,178,181,178,186,194,199,199,189,183,178,173,173,170,170,170,176,186,196,202,199,199,202,204,199,191,178,173,173,173,129,127,173,189,196,194,194,204,215,215,207,204,207,209,207,202,198,198,204,209,204,191,186,186,186,178,133,131,133,181,183,133,114,109,117,131,186,196,202,199,194,183,176,127,125,127,127,127,125,123,123,125,125,170,183,194,194,189,186,194,199,186,165,161,178,199,209,212,215,212,207,207,207,212,212,212,212,212,212,212,212,207,199,0,0,0,0,0,0,0,189,183,181,181,179,178,178,179,181,179,179,179,183,189,194,196,204,207,0,0,0,0,0,0,191,189,194,207,215,217,217,212,202,194,191,191,196,207,220,228,230,228,225,215,207,207,207,0,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,222,215,215,215,225,230,228,222,215,217,222,222,212,209,209,215,225,233,233,233,233,228,217,209,209,212,215,225,233,235,233,228,222,217,212,209,208,209,215,217,217,212,207,196,186,168,155,144,0,0,0,155,160,165,170,176,178,183,191,199,202,202,202,202,202,207,212,217,222,222,225,228,225,222,215,212,212,212,209,204,199,196,196,202,204,207,209,209,209,204,202,202,212,228,235,238,238,241,243,241,235,225,222,217,215,212,212,209,209,212,215,212,202,194,189,186,183,181,0,194,199,202,204,202,194,186,183,186,0,202,215,225,222,215,209,207,207,204,196,194,199,204,212,217,222,225,228,230,233,235,235,235,233,231,233,233,235,238,235,230,230,228,230,233,235,235,233,230,228,228,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,111,129,118,82,27,0,0,77,155,150,108,0,0,0,0,0,17,38,43,61,69,25,0,0,0,0,0,9,95,121,113,64,9,5,41,74,87,150,150,147,147,165,176,150,41,29,39,39,33,29,33,53,103,108,4,0,77,103,111,152,142,72,11,5,0,0,82,90,31,0,0,0,0,0,0,0,0,7,47,51,23,45,0,0,0,0,0,0,55,57,63,142,191,204,209,212,209,196,89,71,81,107,113,155,160,168,183,183,178,176,170,115,101,105,109,113,117,157,163,163,119,118,119,163,170,176,173,163,123,125,125,124,165,176,178,173,168,170,178,186,191,186,170,127,170,173,173,178,181,181,178,176,176,177,181,186,191,191,189,186,181,176,173,173,176,183,191,196,194,191,189,186,183,186,191,194,194,191,191,194,194,194,194,191,186,183,181,131,123,119,117,115,112,111,112,115,125,181,191,194,194,196,199,202,204,202,196,189,183,178,168,119,115,115,121,127,168,127,123,123,127,127,125,119,121,127,178,181,181,176,173,173,176,181,181,178,170,125,121,121,123,168,173,170,168,168,168,168,125,123,123,123,127,170,173,176,178,176,125,120,119,121,123,165,173,178,170,119,114,114,115,119,165,176,181,181,178,173,165,125,125,125,121,117,115,113,115,123,173,178,170,121,117,121,168,168,163,119,113,100,93,95,100,109,152,113,107,111,85,57,81,99,168,212,222,222,212,196,191,176,81,81,97,147,160,168,173,178,181,176,173,173,163,68,60,75,99,101,103,109,111,105,89,79,87,103,152,163,163,157,160,163,155,109,115,117,117,115,115,115,155,160,157,119,117,115,113,103,81,157,165,157,115,113,114,119,115,101,99,109,121,170,181,181,181,181,178,178,173,165,168,178,178,173,170,176,176,176,176,170,168,173,168,125,121,125,170,170,168,129,129,125,124,129,183,196,204,202,191,189,178,169,166,170,181,189,196,202,199,191,183,176,173,131,133,178,186,191,181,133,133,181,189,183,129,127,131,131,127,127,127,125,131,186,196,196,194,189,183,178,178,176,131,131,176,176,176,186,199,199,191,186,183,186,186,181,176,178,178,178,183,191,189,178,129,129,176,186,196,199,196,191,189,194,196,189,173,125,127,129,129,170,178,183,183,176,173,181,194,202,194,173,123,123,173,194,196,181,127,125,125,127,176,189,196,204,204,196,183,173,117,109,117,178,183,176,170,168,125,119,111,109,113,123,173,181,181,176,170,165,165,168,170,170,163,163,168,176,170,119,115,117,123,173,181,178,170,125,123,123,123,123,127,170,173,173,176,178,173,170,170,170,168,127,176,186,199,207,207,207,204,194,186,186,189,194,199,202,199,189,125,114,116,119,129,181,189,186,181,181,181,181,178,176,173,173,178,181,181,179,179,183,191,191,186,179,178,181,191,194,191,183,178,133,122,121,127,178,183,186,186,178,134,134,135,131,126,125,127,135,181,186,191,191,191,189,189,189,189,186,185,183,185,186,186,181,134,178,186,191,189,189,186,186,183,183,186,185,186,194,199,204,204,202,202,204,207,202,189,139,189,196,204,207,215,217,212,204,199,196,196,196,196,196,196,196,191,183,178,181,189,194,196,196,191,186,181,181,186,194,202,204,204,199,191,183,181,178,176,176,173,129,126,127,176,183,181,178,176,176,176,178,178,178,176,173,129,128,131,176,183,186,186,183,181,186,186,181,173,170,170,176,181,183,181,181,183,186,189,189,191,191,191,186,183,181,178,176,176,178,173,125,101,57,57,99,123,170,176,173,170,170,176,176,176,173,176,183,191,196,196,191,186,181,176,176,178,181,186,183,178,177,177,178,181,183,183,186,189,189,186,181,178,181,186,189,186,186,183,181,181,181,183,181,132,133,181,189,191,196,199,202,202,202,196,199,204,204,204,207,204,199,199,199,204,204,199,194,194,194,190,191,204,209,202,194,191,189,189,189,189,191,191,194,199,202,204,207,204,199,194,191,191,191,194,196,199,199,202,207,204,202,196,194,191,194,196,199,196,194,199,207,215,215,212,212,207,204,202,202,202,202,202,202,199,199,199,199,194,186,137,135,135,137,139,139,139,139,186,194,202,207,204,202,199,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,121,121,119,123,165,173,178,181,186,183,178,173,173,176,173,173,178,181,186,183,181,178,176,176,176,176,176,172,172,173,173,176,178,181,183,186,186,189,189,189,189,189,186,181,178,176,173,170,170,173,176,173,170,170,131,176,181,186,189,189,186,186,186,183,183,181,181,181,181,181,178,177,178,181,183,181,178,176,176,176,178,183,181,178,131,126,125,124,123,125,131,183,191,194,191,189,189,191,191,191,194,194,194,194,194,191,189,186,183,183,183,183,183,183,186,191,194,194,194,196,199,202,202,199,194,194,194,192,194,196,199,199,199,194,194,194,189,183,183,189,191,191,186,181,181,181,186,186,186,186,183,183,183,181,181,181,178,177,178,181,183,181,181,183,191,196,189,181,178,181,186,186,181,178,178,178,181,133,129,130,181,191,199,202,204,202,199,196,196,194,194,194,194,194,194,194,196,196,196,194,194,191,191,191,189,186,189,191,191,191,191,191,189,186,183,183,186,186,183,183,183,183,181,176,168,168,173,176,173,165,168,170,157,101,31,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,142,150,63,0,0,0,31,29,29,39,108,194,181,157,26,57,67,108,139,103,113,134,124,118,126,155,155,147,163,186,189,191,144,29,33,71,111,49,0,0,0,41,13,0,15,65,9,0,0,0,3,23,45,77,134,144,142,144,160,165,165,163,163,160,160,165,170,173,170,170,170,173,173,178,183,189,189,181,173,173,176,183,189,191,191,186,181,178,176,170,169,173,186,194,194,186,178,176,178,181,181,181,183,186,189,189,186,181,178,178,178,178,181,181,181,178,178,189,194,189,133,133,191,202,202,194,191,191,189,178,131,129,131,131,173,176,176,176,176,178,183,186,186,181,178,176,176,176,176,170,168,173,176,178,176,173,173,173,173,176,176,176,173,173,173,178,181,186,189,189,189,189,189,189,189,191,194,194,183,173,176,176,170,111,92,95,123,181,186,189,194,202,204,191,173,127,173,194,202,196,189,186,181,168,166,176,173,115,106,106,111,115,111,111,111,115,125,173,173,165,123,123,125,165,170,165,114,103,94,176,181,178,181,186,189,189,189,189,183,178,173,168,127,124,124,168,181,191,199,199,199,202,202,199,194,178,123,125,173,176,178,186,202,207,204,202,207,215,215,212,207,207,207,207,202,198,198,204,209,202,191,183,183,178,133,133,131,133,178,181,178,123,115,123,178,189,191,194,196,199,199,189,178,173,178,181,173,123,119,120,125,173,178,183,189,186,178,123,168,178,170,163,168,186,202,207,212,212,212,209,207,207,212,215,212,212,209,212,212,209,207,202,0,0,0,0,0,0,204,194,186,181,181,179,178,178,181,183,183,181,179,181,186,189,191,199,204,0,0,0,0,0,0,191,187,191,202,209,215,215,212,204,196,194,191,194,204,217,230,233,233,228,217,212,209,207,0,199,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,225,225,222,222,225,228,225,215,213,217,225,222,212,209,209,217,228,235,235,235,235,230,225,217,217,217,222,228,233,235,233,228,222,217,212,209,208,209,212,215,215,212,204,196,189,176,163,0,0,0,0,0,155,165,170,176,178,183,189,196,202,204,202,202,202,207,212,217,222,225,225,228,225,217,215,215,217,215,212,204,196,147,147,149,199,204,212,215,215,212,207,207,212,225,233,235,235,235,238,238,233,225,217,217,215,215,212,209,209,212,215,212,204,199,194,189,183,181,186,191,196,199,202,199,191,181,178,183,191,204,217,228,228,222,215,212,212,209,202,199,199,207,212,215,217,222,225,228,230,233,233,233,233,231,233,233,235,235,233,230,228,228,228,233,235,235,233,230,228,228,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,124,157,157,87,9,0,64,134,181,181,137,0,0,0,82,59,0,0,27,87,113,87,1,0,0,0,0,0,79,105,108,85,35,39,74,90,129,178,183,176,170,178,181,178,137,79,49,37,29,31,37,77,105,92,5,8,69,69,77,160,176,87,0,0,0,0,61,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,48,34,46,99,176,194,196,191,178,93,85,103,113,152,155,160,173,194,199,191,183,181,170,115,107,109,111,113,117,157,157,118,117,119,163,176,183,181,170,165,125,125,125,127,173,176,170,129,173,189,202,209,202,178,170,173,178,178,181,183,181,177,176,177,177,178,181,181,178,178,181,183,181,176,173,176,181,189,194,194,186,181,178,181,183,186,191,191,191,194,194,196,196,194,191,189,186,181,129,121,121,121,117,115,113,113,113,117,123,127,170,173,178,183,186,191,191,186,178,170,125,119,115,115,117,121,125,127,125,123,123,125,165,165,121,119,123,168,170,173,170,173,176,186,194,194,191,181,168,120,117,118,123,170,170,170,173,178,178,173,168,127,123,125,168,170,173,178,176,168,123,123,168,170,168,170,173,168,123,119,119,117,115,117,123,168,176,176,173,168,123,121,119,117,115,115,115,119,163,168,170,165,121,119,119,160,160,157,157,117,103,97,109,155,155,155,113,115,155,99,89,105,157,196,228,230,230,222,204,196,191,95,76,91,147,165,176,183,189,189,181,176,173,152,66,62,77,97,103,113,152,113,95,70,69,85,152,178,178,165,153,152,153,155,117,155,117,115,113,112,113,115,157,163,160,160,155,111,73,30,57,157,119,119,119,157,160,117,99,93,105,163,178,183,181,181,186,183,181,183,189,189,186,178,173,173,181,186,183,173,165,170,196,204,194,173,127,168,170,168,125,123,122,122,168,181,189,191,189,181,178,176,169,169,170,176,181,186,191,191,189,181,173,130,129,133,186,199,204,202,199,204,202,194,186,131,129,133,133,125,123,125,127,176,191,199,199,199,194,183,125,131,176,131,130,130,131,181,199,209,204,191,183,181,181,178,176,178,183,186,183,186,191,194,191,183,181,186,194,204,209,204,194,186,183,186,183,173,126,126,129,173,176,181,183,181,176,173,176,181,176,117,111,113,119,170,183,186,181,173,170,170,173,181,191,202,207,207,204,191,170,101,98,109,165,170,123,121,125,123,117,110,108,112,121,170,178,176,165,121,119,120,122,165,173,173,170,173,178,176,165,125,168,170,178,183,181,170,121,120,120,120,120,121,125,125,125,168,176,173,170,168,127,125,125,173,186,196,204,207,207,204,199,191,189,191,199,204,204,204,196,173,117,117,121,173,194,199,191,173,125,125,129,173,173,173,133,176,178,181,181,179,181,189,191,191,186,186,189,194,199,199,196,194,189,178,129,131,135,178,181,181,178,135,178,178,133,127,127,133,181,186,189,191,191,191,191,189,186,186,186,185,183,183,186,189,189,186,186,189,189,186,183,183,183,183,186,186,185,186,194,202,204,204,199,199,202,207,209,202,196,196,199,202,204,212,215,212,204,196,196,196,196,196,196,196,194,191,183,178,181,186,186,186,189,189,186,183,183,186,191,199,204,204,202,196,189,181,178,176,178,176,129,126,126,129,176,178,178,178,178,178,178,176,176,173,173,131,131,173,178,181,181,181,181,178,181,178,173,169,170,178,181,186,183,181,178,181,186,186,189,189,189,191,191,191,189,183,181,181,178,173,168,127,115,117,176,186,189,189,186,186,189,191,189,183,178,176,178,186,194,199,196,191,181,176,174,178,183,186,186,181,181,181,181,183,181,181,181,183,181,181,178,176,181,186,189,186,186,183,183,183,181,183,183,181,181,178,178,181,191,199,204,204,202,199,199,204,204,204,204,202,196,196,196,199,202,199,199,202,202,191,191,204,207,202,191,189,187,189,189,189,189,189,189,194,199,204,207,207,202,194,189,189,191,196,204,204,202,202,204,204,202,196,196,199,202,204,207,202,194,194,202,209,209,209,209,207,202,199,202,202,202,199,199,196,199,199,199,196,189,139,137,137,137,137,137,139,186,189,194,199,204,204,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,121,119,121,165,170,176,183,191,191,186,178,173,176,176,178,181,186,189,189,186,181,181,178,181,181,176,173,172,172,173,176,178,181,183,186,186,186,186,186,189,189,186,181,176,170,129,129,129,129,170,129,129,129,131,178,189,194,194,189,186,186,186,186,183,183,181,181,181,181,178,177,178,181,183,186,183,181,178,178,181,181,178,176,131,127,127,129,131,133,135,183,191,194,191,186,186,189,191,194,196,196,196,196,194,191,189,186,183,183,186,186,186,183,183,189,191,194,196,199,199,202,202,199,194,194,194,194,194,196,199,202,199,196,196,194,186,137,135,181,186,189,183,181,183,186,189,189,189,189,189,186,183,183,181,178,178,177,181,186,186,186,183,183,189,194,191,183,181,183,186,186,181,181,178,183,183,178,131,131,178,186,194,199,202,199,199,196,196,194,194,196,196,196,194,194,194,194,194,194,194,191,191,191,191,186,186,191,194,194,191,191,191,186,186,186,186,186,183,183,183,186,189,183,176,173,176,176,170,170,176,181,181,176,97,87,63,71,0,5,0,0,0,0,0,0,0,0,0,9,29,31,7,0,0,0,47,111,69,13,1,9,25,23,21,19,45,139,139,16,12,65,116,147,157,129,134,152,131,120,124,129,111,47,39,181,199,212,202,124,33,49,116,63,0,0,57,142,69,17,61,173,79,0,0,0,7,27,55,85,142,155,160,165,170,173,168,168,165,163,163,168,173,178,178,178,178,178,176,176,176,178,178,176,173,176,181,186,191,194,191,186,181,178,176,172,170,173,181,186,183,178,176,174,176,178,178,181,183,189,191,189,186,183,181,181,181,181,181,181,178,133,133,178,181,133,123,123,176,196,196,189,191,194,191,178,129,127,127,131,176,181,181,181,178,178,183,186,186,183,178,176,173,176,178,173,170,173,176,178,178,176,173,173,173,173,176,176,176,173,173,176,181,183,186,186,189,189,191,191,191,191,196,196,183,176,176,178,176,115,92,91,96,111,125,178,189,202,202,189,168,125,173,194,202,199,194,189,181,166,166,170,173,123,111,113,165,165,115,110,110,119,168,178,176,170,168,168,165,168,173,173,125,121,168,183,181,178,178,181,176,119,115,127,173,173,170,127,125,123,122,125,176,189,196,199,199,196,196,194,196,170,95,109,129,181,191,202,209,215,209,207,209,215,217,215,209,207,207,209,207,204,202,204,207,202,191,186,181,131,121,117,123,129,181,191,196,194,186,181,186,191,189,186,189,196,199,194,183,181,191,196,186,168,120,120,125,176,178,176,173,168,119,106,111,119,121,123,170,191,204,209,209,215,215,212,207,209,215,217,215,212,209,209,212,209,207,202,0,0,0,0,0,0,212,204,194,189,189,186,186,186,191,194,191,189,189,189,191,191,194,196,199,202,207,0,0,0,199,191,187,191,202,209,209,209,207,204,199,194,191,191,199,215,228,233,235,230,222,212,209,207,202,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,230,230,228,228,228,228,222,213,213,217,228,225,215,209,209,217,228,235,235,235,235,233,228,225,225,225,225,230,233,235,230,225,222,217,215,209,209,208,209,212,215,212,204,196,189,178,165,0,0,0,0,0,152,160,168,173,178,183,189,196,204,204,204,204,204,207,209,212,217,222,225,222,217,215,215,217,222,222,212,204,149,146,146,147,196,207,217,228,228,222,215,212,212,217,228,230,230,230,233,233,230,225,217,215,215,215,215,212,209,209,215,215,207,202,199,191,183,181,186,191,194,196,199,199,191,178,176,178,189,204,217,228,228,225,217,217,217,212,207,202,202,207,209,215,217,222,222,222,225,228,230,233,233,233,233,233,235,238,235,230,225,225,225,230,233,235,235,230,228,225,225,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,113,139,25,0,0,66,134,181,183,113,0,0,0,111,95,0,0,56,111,139,144,100,0,0,0,0,31,103,113,118,116,103,98,82,87,134,176,189,183,176,178,183,181,163,134,103,33,26,33,43,87,108,85,21,82,98,41,0,82,103,7,0,0,0,0,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,37,49,69,65,39,45,73,142,168,173,170,157,105,105,113,152,157,160,163,178,199,207,196,186,183,176,155,106,106,109,111,115,117,119,119,119,121,163,173,183,183,173,165,125,165,165,127,127,127,127,170,181,199,209,217,212,191,178,176,176,178,186,191,194,189,181,178,178,181,183,181,170,129,173,178,181,176,176,176,181,189,194,191,181,172,172,178,181,186,189,191,194,194,194,194,194,191,189,186,183,176,123,119,121,123,121,117,117,115,113,112,113,117,119,123,125,127,129,170,173,173,168,123,117,114,114,115,119,121,121,121,119,121,119,119,123,123,121,119,119,123,127,170,170,173,181,194,204,207,202,191,181,125,119,118,121,127,127,170,178,183,183,181,178,170,123,123,165,168,170,173,173,173,168,168,173,176,170,168,168,168,165,125,125,121,117,115,117,123,170,178,178,173,168,165,125,121,119,117,119,123,165,165,165,165,160,121,121,121,117,116,117,117,115,113,117,155,117,117,113,115,115,103,103,111,163,207,233,233,228,222,207,196,189,107,69,79,101,150,168,181,191,189,176,165,160,105,71,71,89,103,111,155,155,103,71,66,70,99,165,191,189,173,157,152,152,155,157,155,117,115,115,113,113,114,157,163,168,168,163,115,55,14,47,115,117,117,157,163,163,117,99,91,99,119,173,178,178,181,186,186,181,186,194,194,181,165,125,170,186,196,194,181,168,178,215,228,225,194,170,168,170,170,170,125,122,123,168,178,183,183,181,176,173,170,170,176,181,181,178,178,181,183,183,181,173,128,128,133,191,207,212,212,217,222,212,196,186,133,131,176,176,125,122,125,129,178,186,189,191,199,199,186,106,117,131,133,133,130,130,183,202,207,202,189,183,181,181,135,134,134,181,186,186,186,191,196,199,199,196,199,204,209,215,209,196,178,131,131,173,173,170,129,170,176,178,181,178,173,168,127,127,115,79,73,85,105,119,168,176,178,181,183,181,178,176,181,191,199,202,204,202,186,113,91,95,107,117,117,115,117,123,125,125,117,113,119,125,168,173,173,165,121,120,120,122,168,176,178,176,176,176,173,165,168,173,173,173,176,176,170,125,121,120,120,119,119,119,120,123,127,170,168,125,123,121,121,121,168,178,189,196,199,202,204,199,191,189,189,191,199,199,196,189,176,127,125,127,178,194,199,191,131,122,120,123,129,173,173,133,176,183,189,186,183,183,186,189,191,191,194,199,204,207,207,204,199,194,186,178,135,178,178,178,181,183,183,186,186,178,133,133,178,186,186,189,189,191,194,191,189,186,186,189,189,189,186,189,194,199,194,189,183,183,183,186,183,183,186,189,189,186,189,196,204,207,202,196,194,196,202,207,207,204,202,199,198,198,204,209,207,202,196,196,196,196,196,196,194,191,189,183,178,181,183,183,183,186,189,189,186,183,183,189,199,204,204,202,196,189,183,181,178,178,176,131,126,125,127,173,178,183,181,181,181,178,173,131,131,131,173,176,178,178,178,178,178,176,176,176,176,170,169,176,183,186,186,183,178,177,178,183,186,186,189,189,191,194,196,194,189,186,181,178,173,176,183,186,186,191,196,196,194,194,199,199,202,199,194,189,178,173,173,186,194,194,189,183,178,174,176,181,186,186,183,183,183,183,183,181,178,178,178,176,176,173,173,176,178,181,181,183,186,186,186,186,186,189,189,189,181,176,177,186,199,204,204,204,202,199,202,202,199,199,196,194,189,189,189,196,202,207,209,207,194,191,202,207,199,191,187,187,189,191,191,189,186,186,189,196,204,207,204,196,186,183,186,191,194,199,196,194,194,199,204,202,199,199,204,207,207,207,204,191,186,191,196,196,196,199,202,199,199,202,202,199,196,196,196,196,199,199,196,189,141,139,139,137,136,139,186,191,194,194,199,202,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,119,121,125,170,176,183,191,194,189,181,176,176,178,181,183,186,186,186,183,183,181,183,186,189,186,181,176,173,173,178,181,183,183,186,183,183,183,186,186,186,181,176,129,127,127,127,127,127,127,129,170,170,173,181,191,196,194,191,189,189,186,186,186,183,183,181,181,181,181,181,181,183,183,186,186,183,183,183,181,178,178,176,135,178,178,178,178,181,183,186,189,189,186,185,186,189,191,194,196,196,196,196,194,191,189,186,183,182,183,186,186,181,181,183,189,194,196,199,199,202,202,196,194,194,196,196,196,199,202,202,202,199,199,196,186,135,133,134,181,181,178,135,181,186,189,186,186,189,189,189,186,183,181,181,181,181,183,189,191,189,186,186,186,191,191,186,186,186,186,186,181,178,178,183,186,183,178,135,178,183,189,194,199,199,199,199,196,196,196,196,196,196,194,191,191,191,191,191,191,191,191,191,191,186,186,191,194,194,191,191,191,189,186,186,183,183,183,183,186,189,189,186,181,181,181,178,170,170,178,186,194,196,170,168,163,147,23,11,0,0,0,0,0,0,0,0,9,118,147,155,137,0,0,0,27,113,124,113,69,41,25,17,9,0,4,75,77,18,24,113,139,160,163,152,157,163,155,134,129,134,85,33,10,35,165,202,199,173,17,0,53,45,0,41,155,165,147,55,83,152,131,61,57,57,57,63,79,131,150,163,168,170,173,173,170,170,168,165,165,168,173,178,183,181,181,178,176,173,170,170,173,176,176,176,181,189,191,194,191,186,178,176,176,176,173,173,178,183,181,176,176,176,181,181,181,183,186,186,189,189,186,183,183,181,181,178,178,178,178,135,133,135,181,131,123,123,178,194,191,186,191,196,191,178,127,126,127,131,178,186,186,183,178,178,181,183,183,183,178,176,173,173,176,173,170,170,173,176,178,176,176,176,173,170,170,170,170,170,170,176,178,181,183,183,183,189,191,191,189,189,194,194,178,168,170,178,181,127,107,97,97,97,105,121,181,194,196,181,127,125,170,186,196,196,194,189,178,168,166,170,173,168,125,165,173,168,115,104,106,117,176,183,178,170,127,125,125,127,170,178,183,186,186,183,178,176,176,176,121,104,100,104,119,127,127,125,127,125,124,127,178,191,199,199,196,194,189,186,125,33,25,99,178,191,199,209,215,215,212,209,212,217,217,212,209,207,209,212,215,212,207,204,204,202,194,189,181,125,105,91,103,127,189,202,212,212,204,194,189,189,189,186,186,189,191,191,183,183,196,202,191,176,125,121,121,127,168,123,123,119,109,105,109,117,119,121,170,194,207,212,212,215,217,215,209,209,215,217,217,212,209,209,209,209,207,202,202,204,204,207,0,0,0,0,202,199,199,199,196,199,202,202,202,199,199,202,202,202,199,194,192,192,199,0,0,0,202,194,191,196,204,209,209,204,204,202,199,196,191,191,196,212,225,230,230,230,222,212,209,204,199,194,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,233,233,233,230,228,225,217,212,213,222,230,228,217,209,209,215,225,233,233,233,233,230,228,228,230,230,228,230,233,233,230,225,217,215,215,212,212,209,209,212,212,209,204,196,189,178,168,0,0,0,0,0,0,155,163,170,178,183,191,202,207,209,207,207,207,207,207,209,212,215,215,215,212,212,212,215,222,225,217,204,149,146,145,147,199,212,230,238,235,230,225,217,212,215,222,225,222,222,225,228,228,225,217,215,215,215,215,212,209,207,212,215,209,204,202,194,186,183,189,194,196,196,199,199,191,177,176,178,189,204,215,225,228,225,217,217,222,215,209,204,204,207,209,212,217,222,217,217,215,222,228,230,233,233,233,235,238,238,235,230,225,224,225,228,233,235,233,230,228,222,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,4,0,0,0,27,98,137,121,66,0,0,1,90,92,11,0,85,116,144,160,157,5,0,0,0,90,124,124,129,134,131,121,79,51,129,165,186,183,178,176,183,183,165,152,147,49,26,39,51,87,105,87,82,155,160,72,0,0,0,0,0,0,0,87,33,0,0,0,0,0,0,0,0,0,0,0,0,33,43,1,0,0,0,35,126,121,93,87,77,71,83,107,157,160,157,150,111,111,113,115,157,163,160,176,199,209,202,189,186,178,160,106,105,109,113,115,117,119,121,160,163,165,173,178,181,173,125,125,165,170,168,124,123,125,176,191,204,212,217,217,207,191,181,131,129,181,194,202,196,186,177,176,181,189,189,178,129,129,170,173,170,170,173,176,181,186,186,176,170,172,176,181,183,186,191,196,196,194,191,189,186,183,181,178,127,119,118,121,123,123,121,119,119,115,113,113,113,113,115,119,117,119,121,123,125,123,119,115,113,115,119,121,121,118,118,118,119,117,115,117,119,117,115,117,121,127,170,170,173,181,194,204,207,202,194,189,178,125,121,121,123,125,168,181,186,186,183,183,176,123,122,123,125,168,170,170,176,170,165,168,170,170,168,168,168,168,168,168,125,119,119,123,165,170,176,178,178,176,176,173,165,121,121,123,163,165,168,168,170,168,165,165,163,119,116,116,119,119,117,113,110,110,113,115,117,113,101,101,101,107,186,217,225,215,212,199,186,178,150,71,93,103,109,150,163,173,168,150,111,113,101,81,89,109,150,152,152,107,73,63,66,83,105,160,189,183,170,160,155,155,160,163,157,155,157,160,157,115,114,155,163,165,173,173,168,63,16,63,111,113,113,115,117,155,115,103,95,97,105,119,168,173,178,186,181,176,178,189,186,165,117,117,165,181,194,199,191,178,183,215,230,230,209,183,173,170,173,173,168,125,125,168,173,178,178,176,173,127,127,168,178,186,183,178,176,176,178,183,181,173,128,128,178,199,212,215,217,225,225,212,204,194,181,176,178,133,123,120,123,129,176,178,173,176,194,199,183,93,109,125,133,176,131,131,189,199,199,191,186,183,183,183,181,135,133,134,178,183,186,189,194,202,207,209,209,212,217,222,215,199,176,128,128,131,173,173,173,176,178,181,178,173,125,121,123,119,89,66,62,79,111,121,168,173,178,183,189,186,178,173,176,189,196,199,202,196,170,97,86,96,109,113,112,115,119,121,125,170,173,170,173,173,173,173,176,170,125,123,125,165,170,173,173,170,170,168,123,119,123,168,168,166,166,168,176,176,168,123,121,121,119,119,121,127,168,127,123,119,119,119,121,121,125,170,178,186,189,191,194,191,183,181,178,181,183,189,183,173,170,173,176,173,176,183,189,183,173,124,121,123,127,131,133,176,183,191,194,191,186,186,189,189,186,189,194,204,212,215,212,207,196,189,186,183,183,186,181,181,183,191,194,196,194,186,181,178,181,183,183,186,189,191,194,194,191,189,189,191,196,194,191,191,196,202,199,189,178,178,183,186,186,186,189,194,194,191,194,202,207,207,199,191,189,189,194,199,204,204,204,199,196,196,199,204,204,202,202,199,199,199,199,196,194,189,183,178,178,181,183,183,183,186,186,189,186,183,182,183,194,202,199,196,194,191,186,183,181,178,176,173,129,126,127,173,181,186,186,186,183,181,176,131,131,176,181,183,183,181,178,176,173,173,173,176,176,173,170,176,183,186,183,181,178,177,177,183,186,186,186,189,191,196,199,194,189,181,176,173,173,178,189,191,194,196,199,199,196,199,202,204,204,202,199,194,181,129,127,173,183,189,186,183,181,176,176,178,183,186,183,183,183,183,181,178,178,176,176,173,131,131,131,173,176,178,178,181,183,189,189,189,189,191,196,194,186,178,178,189,199,204,204,204,202,199,202,202,199,199,194,189,183,138,138,189,199,209,212,204,191,189,196,204,199,191,189,191,194,194,194,189,183,139,183,194,204,202,194,183,137,137,183,186,186,183,137,137,186,194,199,199,199,202,204,204,202,199,199,189,181,181,139,137,139,186,194,196,199,202,202,199,199,196,196,199,199,199,194,189,141,139,139,139,137,139,189,196,196,196,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,123,165,170,176,183,189,191,189,181,176,170,173,178,181,181,181,178,181,181,181,183,189,191,194,189,183,178,176,178,181,183,186,186,183,183,183,183,186,181,176,129,127,126,127,127,127,126,127,170,176,176,176,181,191,196,196,194,191,189,186,186,186,186,183,181,181,181,181,183,183,183,183,186,186,186,186,186,183,181,178,181,183,186,183,178,177,178,183,186,186,186,186,186,186,191,194,194,194,196,196,196,194,191,191,189,186,183,182,183,183,181,178,179,186,191,196,199,196,196,199,196,194,196,196,196,196,199,202,202,202,202,202,196,189,135,133,133,135,134,134,134,135,181,183,181,181,186,191,189,189,186,186,183,183,186,189,191,194,191,189,186,186,189,191,189,189,189,186,186,181,177,177,181,183,186,183,181,181,183,189,194,196,199,199,199,199,199,199,199,199,196,191,190,190,191,191,190,190,190,190,191,191,189,186,191,196,196,191,189,191,189,189,186,183,182,183,186,189,186,186,181,181,186,191,186,173,165,173,183,191,191,168,170,176,168,69,27,7,0,0,0,1,0,0,0,31,142,163,173,165,124,15,17,71,129,142,150,144,111,55,47,17,0,17,121,118,124,131,131,142,157,160,160,168,170,165,155,152,173,178,65,10,0,47,144,176,181,9,0,6,19,15,155,168,170,170,137,137,152,152,131,144,126,131,134,139,147,157,163,168,170,168,168,170,170,168,165,164,168,176,181,183,181,178,178,173,170,169,169,173,176,178,178,181,186,189,191,189,183,178,176,176,178,176,176,178,181,178,176,176,183,189,191,189,186,186,189,186,186,186,186,183,181,178,178,178,181,181,135,133,135,181,135,128,129,186,194,189,183,191,194,189,178,129,127,127,131,178,189,191,186,181,178,181,181,181,181,178,176,173,170,170,170,169,169,170,176,178,176,178,178,176,170,169,169,170,170,170,173,178,178,178,176,178,183,189,186,186,189,194,194,176,164,164,181,183,176,127,123,115,99,97,111,129,183,183,170,123,123,168,178,189,191,191,189,176,168,170,173,173,173,173,173,170,125,111,97,101,115,178,186,176,123,121,123,125,127,173,181,189,191,183,176,168,168,176,176,121,104,99,97,110,123,125,127,173,173,170,170,181,191,199,199,196,191,181,121,30,0,0,109,215,207,204,212,215,212,212,212,215,215,212,209,207,207,209,212,215,212,204,202,199,199,196,191,181,121,97,78,93,127,196,209,217,217,207,194,183,183,186,189,186,183,183,186,183,186,196,202,194,181,170,123,120,121,121,117,117,115,108,109,119,125,123,121,168,194,209,215,212,215,215,212,207,207,212,215,215,212,209,209,209,207,204,199,202,204,207,209,0,0,0,0,204,202,204,207,207,207,209,207,204,204,204,207,209,212,207,199,192,192,196,204,0,0,202,196,196,202,209,209,207,204,202,202,199,194,191,191,196,209,220,225,225,222,215,207,204,202,196,191,196,0,0,0,0,0,0,0,0,0,0,0,0,0,225,0,233,238,238,238,235,233,228,225,215,212,213,225,233,228,217,207,204,209,217,228,0,0,0,228,228,228,230,230,230,230,233,233,230,222,217,215,215,215,212,209,209,212,212,209,202,196,189,181,170,160,0,0,0,0,0,147,155,165,176,183,194,204,212,215,212,209,209,207,207,207,207,209,209,207,207,207,207,212,217,225,217,209,199,147,146,147,202,222,235,241,241,233,228,222,215,215,217,217,215,215,217,225,225,220,215,212,212,212,212,209,207,207,215,215,212,207,204,199,189,186,189,196,196,199,199,202,194,178,177,181,191,204,215,222,225,222,222,222,222,217,209,204,204,207,209,212,217,222,217,213,213,217,225,230,233,233,235,238,241,241,235,230,225,225,225,228,230,233,233,230,225,217,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,0,0,0,0,0,61,69,0,0,69,108,131,155,155,103,0,0,0,113,131,131,131,134,134,129,82,31,105,173,183,186,183,181,181,181,160,131,95,79,55,45,45,69,51,66,82,142,150,21,0,0,0,0,0,0,0,56,0,0,0,0,0,0,0,0,0,0,0,0,0,65,98,41,15,0,0,19,139,142,87,87,89,95,105,147,152,155,152,150,115,113,113,152,157,157,157,168,196,209,207,196,186,178,160,107,106,109,115,119,121,160,160,163,165,165,168,173,173,168,125,125,173,178,173,124,122,125,178,202,215,215,215,217,220,209,186,129,125,131,186,196,194,183,176,176,183,194,194,186,176,129,127,127,127,127,127,129,173,178,178,176,176,173,176,176,178,183,189,194,196,196,191,186,183,178,176,129,121,118,118,121,125,125,123,119,119,119,117,115,113,112,112,113,112,113,115,119,125,127,125,117,115,117,121,123,121,119,118,119,121,117,114,114,115,117,115,117,121,127,170,170,170,176,186,196,196,191,186,186,181,168,123,123,123,125,170,186,194,194,194,194,186,173,123,121,123,168,170,168,170,170,125,122,123,168,168,165,165,165,168,170,165,163,165,173,173,173,173,170,173,178,181,173,123,121,123,163,163,123,168,173,176,173,173,176,170,121,117,121,160,157,117,113,110,109,113,157,157,115,92,81,87,97,111,178,196,204,194,181,176,165,113,107,107,107,107,107,111,152,113,99,97,101,105,109,165,181,176,160,111,83,60,61,77,97,107,152,168,165,155,160,170,170,168,163,160,163,170,178,176,157,115,157,157,117,163,173,178,49,79,103,113,115,113,112,113,115,111,107,103,92,97,107,115,163,173,178,176,168,165,170,168,121,116,119,168,173,183,191,186,181,189,212,228,228,209,189,178,173,170,170,170,173,170,168,168,170,170,173,168,125,123,127,173,181,178,176,174,178,181,183,181,176,131,131,181,199,215,220,222,225,225,215,209,202,191,183,176,131,123,120,122,129,176,176,133,131,178,191,183,117,113,119,131,178,181,194,199,196,191,186,186,189,189,189,189,181,135,178,178,181,183,186,191,199,209,215,222,222,225,222,217,204,181,128,129,176,178,173,173,173,178,181,176,127,120,120,123,115,80,74,127,176,125,127,173,178,181,183,183,181,173,168,173,181,186,191,191,181,119,101,99,109,115,115,115,117,119,121,125,176,189,194,189,183,181,181,181,176,168,165,168,168,168,168,165,165,125,119,117,117,123,168,166,164,164,170,183,194,186,170,125,123,121,121,125,168,168,123,119,116,117,121,125,127,125,127,168,129,129,129,129,173,173,129,127,129,129,129,129,129,129,173,178,178,176,176,178,178,178,178,176,131,129,129,133,178,189,196,196,191,183,186,189,183,179,179,189,204,215,217,212,204,196,189,186,191,194,189,181,176,181,191,194,199,199,194,186,183,181,178,176,178,181,186,191,191,191,191,189,191,194,194,189,191,194,199,196,189,181,135,181,186,189,189,191,194,196,196,196,202,204,204,194,189,187,187,189,191,199,204,204,199,198,198,202,204,207,207,207,204,202,202,202,199,191,186,181,178,178,181,181,183,183,186,186,186,189,186,183,183,189,191,189,189,191,189,186,181,176,176,176,176,173,131,131,176,183,189,186,183,183,183,186,186,186,186,191,191,189,186,181,176,131,130,131,173,176,176,176,176,181,181,178,181,178,177,177,181,186,186,186,189,194,199,196,189,181,173,129,129,173,178,183,191,194,199,202,199,196,196,202,204,202,199,196,189,176,127,126,127,173,181,183,181,178,178,178,178,181,183,186,183,181,181,183,183,181,178,176,131,130,130,173,176,176,176,173,176,181,186,189,191,194,196,199,196,194,189,191,194,199,202,202,202,202,199,199,199,202,202,196,191,139,136,136,183,196,204,207,199,190,187,194,202,196,189,187,191,196,199,196,189,139,137,138,196,204,199,189,139,133,133,137,181,137,132,131,133,181,189,196,199,199,202,199,196,191,191,191,186,137,135,133,132,132,133,139,189,196,202,204,204,204,204,202,202,199,196,191,186,186,186,186,141,139,141,189,196,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,168,170,173,178,189,191,186,178,170,166,165,168,176,178,181,178,176,178,181,183,186,191,191,191,186,183,181,178,181,183,186,189,189,186,183,186,183,178,170,127,127,129,129,129,127,126,127,173,178,178,178,181,189,196,199,196,191,186,186,189,189,186,183,181,181,181,183,186,186,183,183,183,186,186,186,189,186,183,181,183,183,183,181,177,177,178,183,186,189,189,189,189,191,194,196,194,194,196,194,194,194,194,194,194,194,186,182,182,186,183,178,178,183,191,194,194,191,191,191,194,196,196,199,199,199,199,199,196,199,202,202,199,194,183,137,135,135,134,134,135,178,178,178,177,178,186,189,189,189,189,189,189,189,189,191,191,194,191,189,186,186,189,191,191,189,189,186,183,181,177,177,178,183,186,186,186,183,183,189,194,196,194,194,196,199,199,199,202,199,194,191,190,191,194,194,194,191,190,190,191,194,191,189,194,199,199,191,189,189,189,189,186,186,183,183,186,189,189,186,181,181,191,199,196,178,160,147,147,168,176,157,157,173,173,152,134,126,79,55,55,71,83,61,0,0,113,137,160,168,137,75,63,113,144,157,160,155,124,83,139,59,12,49,134,186,170,144,137,142,152,157,165,173,176,170,165,168,181,186,165,75,16,30,75,131,147,33,0,5,59,131,160,165,170,170,165,160,170,176,176,168,160,152,155,157,160,160,163,168,168,166,166,168,170,170,165,164,170,178,181,181,178,173,170,170,173,173,173,173,178,178,178,181,183,186,186,183,178,176,176,176,178,181,181,178,178,178,178,181,191,202,204,199,194,194,191,186,186,186,183,183,183,183,181,181,183,183,178,129,128,133,133,131,178,186,186,179,181,189,191,186,181,133,129,127,131,178,189,194,186,181,178,183,181,178,177,178,176,173,173,170,170,170,169,170,173,178,178,178,181,178,170,170,173,178,176,176,176,176,176,173,170,170,178,186,183,183,189,191,186,173,165,165,183,191,186,176,173,176,127,119,121,127,173,170,123,120,121,127,178,183,186,183,181,176,173,173,176,176,176,176,173,127,125,123,107,110,125,176,173,121,119,121,170,173,173,178,181,183,181,176,166,164,166,178,181,170,123,119,111,117,123,127,170,178,181,176,173,178,183,189,186,186,186,127,113,37,0,10,186,225,217,212,215,212,209,209,209,212,212,209,207,207,209,209,209,212,209,202,196,195,196,199,196,178,117,105,94,103,133,196,207,215,212,196,179,178,181,186,186,183,181,181,183,186,191,199,204,196,181,170,127,125,123,119,117,117,117,115,119,127,170,168,127,168,183,207,209,207,207,207,204,202,204,207,209,209,207,207,204,202,199,194,194,196,202,204,209,212,215,212,207,204,202,204,209,215,215,212,212,207,204,207,209,215,217,215,207,202,199,202,207,209,207,202,199,202,207,209,207,204,202,202,202,199,194,191,191,196,204,0,217,217,212,207,202,199,199,194,0,0,0,0,0,0,0,0,0,217,217,215,217,222,225,228,230,235,241,241,241,238,235,228,222,215,213,215,225,230,225,212,204,199,202,207,215,0,0,0,0,228,230,230,230,230,230,233,235,230,225,217,215,215,215,215,212,212,212,209,207,202,196,191,183,178,168,0,105,101,99,0,0,150,163,176,181,189,202,215,222,217,212,207,204,202,202,202,204,202,199,202,202,202,207,215,222,222,215,207,149,146,149,207,225,233,238,233,228,225,222,215,215,215,215,215,213,215,217,222,215,212,209,209,207,207,204,202,207,215,215,212,209,209,204,194,189,191,196,199,199,202,202,199,186,183,189,196,204,215,222,225,222,222,225,225,215,209,204,204,207,209,215,222,222,217,213,212,215,225,230,233,235,238,238,241,241,235,230,228,225,228,228,230,230,230,228,222,215,213,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,35,0,0,0,0,0,0,0,0,0,0,0,0,0,56,90,108,139,155,150,0,0,31,124,134,129,124,124,124,126,108,37,85,168,183,191,189,181,173,168,98,45,79,118,121,35,0,5,9,25,72,124,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,113,105,53,35,21,27,126,129,72,71,93,139,150,152,152,155,155,155,157,155,155,157,157,156,156,168,196,209,207,196,186,176,157,109,109,111,117,121,160,160,160,163,163,163,163,165,165,123,121,125,181,186,173,123,122,125,186,215,222,222,220,225,230,222,204,178,123,125,176,183,183,181,177,178,191,196,196,186,176,129,125,123,123,123,123,125,129,170,173,173,176,173,129,129,170,176,181,189,194,194,191,186,181,176,129,123,119,119,121,125,127,127,123,121,121,123,121,119,115,113,113,113,112,112,115,123,173,181,178,127,119,117,121,123,123,123,123,123,121,117,113,114,115,115,117,117,119,125,127,127,125,168,176,186,189,181,178,181,178,168,123,122,125,170,183,199,209,209,207,204,199,191,176,123,125,168,168,125,165,168,165,122,121,123,165,165,164,165,168,173,170,165,168,170,170,168,163,163,173,181,178,165,119,119,123,165,123,121,165,173,173,173,176,178,173,163,160,165,168,163,157,117,113,112,117,160,157,111,88,83,89,105,111,157,173,173,160,155,160,157,152,111,109,107,105,101,95,91,89,85,89,99,109,160,181,194,189,168,109,85,67,70,93,101,107,115,155,113,111,165,186,183,170,163,159,160,170,183,181,165,155,157,115,93,93,111,165,69,95,109,117,117,115,113,115,113,109,107,105,93,94,99,103,113,157,165,165,119,115,115,115,117,121,173,183,176,168,173,176,178,189,207,217,222,204,183,176,176,170,168,165,125,123,125,165,165,165,125,125,123,123,125,170,176,174,173,174,178,183,186,186,183,181,178,181,196,215,222,222,228,228,217,209,204,199,186,178,133,129,125,123,129,178,186,186,131,119,123,131,121,118,123,133,186,199,209,207,199,194,191,191,194,194,194,189,183,183,186,186,186,186,186,189,194,202,212,222,225,225,222,215,204,186,173,173,181,183,173,129,129,173,176,173,125,121,121,121,117,103,109,186,186,176,176,181,183,183,183,183,181,173,168,168,170,170,168,168,125,117,111,117,119,119,117,119,121,119,118,123,178,199,202,194,183,181,183,181,173,168,165,165,168,165,123,121,121,119,118,118,121,168,176,170,168,168,178,196,207,199,178,168,127,125,125,127,127,125,119,116,116,117,121,123,127,127,125,124,123,122,121,120,123,127,125,125,123,121,123,129,129,128,129,176,181,181,178,176,178,183,191,191,181,176,173,176,181,191,199,196,189,181,183,189,183,177,177,186,202,212,215,212,207,199,191,191,196,194,183,133,129,133,183,191,196,196,194,189,186,181,174,172,173,176,183,186,186,186,183,183,186,189,189,191,194,196,196,194,183,135,134,135,183,186,189,189,191,194,196,199,199,202,202,194,189,189,189,189,191,194,202,204,204,202,202,204,207,207,209,212,209,204,202,202,196,189,181,178,178,181,181,183,183,183,183,183,186,189,189,186,183,186,183,181,181,183,183,181,178,174,174,178,181,181,178,176,178,183,186,183,182,183,186,194,196,196,196,196,196,191,186,181,176,131,130,130,131,176,178,178,178,181,181,178,181,178,178,178,183,186,186,189,191,191,194,189,178,170,127,125,125,170,176,181,191,196,202,202,199,194,194,196,196,194,194,191,181,170,127,127,127,170,176,178,176,173,176,178,178,178,183,186,183,181,183,186,189,186,178,173,130,130,131,176,178,178,173,129,128,129,178,189,194,196,199,199,196,196,196,196,199,202,202,199,199,199,199,196,199,204,204,202,194,183,137,137,186,196,202,202,196,189,187,191,196,194,187,186,191,199,202,199,191,183,138,183,199,204,199,189,139,133,132,133,135,133,133,133,181,186,194,196,199,199,199,194,189,186,183,183,183,181,181,137,135,131,131,133,183,191,199,204,207,209,209,209,204,199,191,189,191,191,191,191,189,186,186,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,168,168,173,183,189,183,176,168,164,164,168,176,181,181,178,176,178,178,181,183,186,189,186,183,181,181,181,181,183,186,191,191,189,186,186,181,176,129,127,129,170,170,170,129,129,170,176,178,176,173,176,186,194,199,199,191,183,183,186,186,186,183,181,181,181,183,186,186,183,183,183,186,186,189,189,189,186,183,183,183,183,181,178,178,183,186,186,189,191,191,191,194,196,199,196,194,194,194,194,196,196,194,194,194,186,182,182,186,186,181,179,181,189,191,191,190,190,190,194,196,196,196,196,196,196,194,194,194,196,199,199,196,191,186,183,181,178,178,178,178,178,178,177,178,186,189,186,186,186,189,194,194,191,191,191,191,191,189,186,186,189,191,191,189,186,183,181,178,177,178,183,189,191,189,186,183,186,191,194,196,194,192,194,196,199,199,202,199,196,194,194,194,196,196,194,194,191,191,191,191,191,189,194,199,199,191,189,189,189,189,189,186,186,183,186,189,191,189,183,181,189,202,202,189,163,150,150,157,155,146,147,160,173,160,152,157,160,152,152,163,163,139,0,0,31,55,79,126,131,131,129,139,160,170,168,155,131,124,150,71,19,55,131,168,163,150,142,142,147,157,168,176,178,176,173,173,178,183,181,152,81,91,147,152,157,69,0,33,129,152,165,168,170,176,176,176,181,183,183,176,165,160,163,168,168,165,165,168,168,168,166,168,173,173,168,165,173,181,181,178,173,169,169,169,173,176,176,176,176,178,178,178,181,181,181,176,173,173,173,173,176,181,181,181,178,178,183,191,204,215,217,212,207,202,196,189,186,186,186,186,189,191,189,189,189,186,135,127,126,129,133,135,181,186,183,178,179,189,191,189,183,176,129,127,129,176,186,189,186,178,181,186,183,178,177,178,178,176,173,170,170,173,170,170,173,176,176,176,181,178,173,173,178,183,183,181,178,178,176,170,125,125,170,181,181,178,181,183,181,173,169,173,191,194,186,176,173,178,178,170,127,127,129,127,123,122,123,129,178,183,183,181,176,168,168,170,176,178,181,181,176,168,170,173,127,127,170,173,125,119,119,125,183,183,181,181,181,178,176,173,168,166,173,183,189,183,178,173,168,168,170,170,176,183,189,186,176,123,115,121,121,119,127,125,117,105,53,57,186,217,222,222,217,212,209,209,209,209,209,209,207,209,209,207,207,212,212,209,199,196,196,196,191,133,111,109,121,176,191,199,204,207,202,189,178,178,181,183,183,181,181,181,183,186,191,199,204,196,183,173,170,173,168,125,125,125,125,121,121,127,168,170,173,176,181,189,191,191,191,189,189,194,199,202,199,199,199,199,196,191,189,186,189,194,199,204,207,209,212,212,207,204,202,204,209,215,215,215,212,209,207,207,212,217,222,222,215,209,207,207,209,209,204,204,204,209,212,212,207,204,204,204,202,199,194,191,191,196,202,0,212,212,207,202,199,199,199,199,0,0,0,0,0,0,0,0,217,222,222,217,217,222,225,225,228,233,238,241,241,241,235,230,225,217,213,217,225,225,217,207,196,191,194,199,0,0,0,0,0,0,230,230,228,228,230,233,233,233,225,222,217,215,215,215,215,212,212,209,207,202,199,196,191,186,176,155,0,101,97,97,0,147,163,173,178,183,196,0,0,0,212,209,204,202,202,202,202,199,198,199,199,202,204,209,217,222,217,209,199,147,149,207,217,228,228,225,222,222,222,222,217,217,215,215,213,215,215,217,215,212,209,207,204,202,202,202,207,212,215,212,209,212,207,196,191,191,196,199,199,202,202,202,194,191,196,202,209,217,225,225,222,222,225,222,215,209,204,204,207,209,215,222,225,222,215,213,217,225,230,233,235,238,241,241,241,235,230,228,228,228,228,228,228,228,228,222,215,213,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,17,0,0,0,0,0,0,0,0,0,0,0,0,0,19,69,92,118,147,163,0,0,92,129,131,118,111,105,108,113,113,39,53,157,181,186,181,168,152,155,37,0,41,150,139,0,0,0,0,15,87,118,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,65,98,67,59,49,49,81,87,70,66,99,147,155,155,152,152,155,160,168,168,165,163,157,119,120,165,191,204,204,194,181,170,157,113,113,115,117,121,160,160,160,123,123,121,123,123,121,116,116,123,183,189,176,124,123,129,194,225,228,225,225,228,233,228,215,199,117,119,127,131,176,181,183,189,199,202,196,183,173,127,123,123,122,122,123,125,127,129,129,170,173,170,127,126,127,129,173,181,189,189,186,181,176,129,123,119,118,119,123,127,168,168,125,123,125,127,125,123,119,117,117,117,115,115,119,168,186,199,199,181,123,117,119,123,168,176,176,170,165,119,115,115,117,115,113,115,117,119,123,123,121,123,170,183,189,183,178,178,178,168,122,122,168,183,199,212,222,225,217,207,204,202,189,165,123,165,165,121,123,170,170,163,122,123,165,165,164,164,168,173,173,170,165,163,123,119,117,123,176,186,178,163,119,119,121,123,121,121,163,168,165,163,168,173,173,168,168,178,181,173,163,157,119,119,157,163,157,111,97,93,168,186,168,160,160,152,107,101,107,160,160,109,99,97,99,93,82,78,79,80,85,99,113,168,186,194,189,173,113,101,93,97,103,101,100,107,111,104,105,173,191,186,170,160,157,159,165,176,178,165,157,155,103,73,70,77,103,91,101,111,157,155,115,115,117,111,105,105,103,95,94,93,95,107,115,119,119,115,113,112,113,114,163,189,199,178,163,164,170,178,186,199,207,212,199,173,168,170,165,121,121,113,115,123,125,125,125,121,121,123,168,173,181,181,178,174,174,178,183,183,186,191,191,183,178,196,215,222,222,225,225,220,207,204,202,191,181,133,133,131,127,127,176,189,191,123,104,103,125,127,125,129,178,196,212,217,215,204,196,196,196,191,189,189,186,186,191,196,196,191,189,189,186,176,133,196,212,222,222,215,212,202,189,176,176,183,186,178,128,127,129,170,129,125,125,127,123,121,123,176,194,186,176,183,191,191,189,186,186,189,181,170,123,119,111,99,99,111,117,119,123,121,117,116,121,125,125,121,125,181,202,202,191,178,178,178,173,165,125,125,125,125,123,119,118,118,118,118,121,165,173,181,181,176,176,186,204,215,204,186,170,168,127,125,125,125,123,117,114,115,117,117,119,125,168,125,124,123,122,121,120,123,170,173,170,125,117,119,129,170,129,129,178,186,189,183,181,181,194,202,199,189,181,178,178,183,194,199,196,186,176,176,183,183,182,183,194,202,207,209,209,204,196,191,194,199,191,176,128,126,128,178,189,194,194,191,191,191,186,176,172,173,178,183,183,181,178,178,178,178,183,189,191,194,194,189,183,135,134,134,135,181,183,183,181,183,189,191,194,196,196,199,196,191,191,194,194,194,194,196,202,204,204,204,204,207,209,212,212,209,204,202,199,191,183,135,133,135,181,183,186,186,186,183,186,186,186,186,183,183,183,183,179,179,181,183,181,176,176,176,181,183,183,183,181,181,183,186,183,183,183,189,194,199,199,202,199,196,189,183,181,176,131,130,130,131,176,178,181,183,183,181,178,178,176,176,178,183,186,189,191,189,186,186,178,129,125,125,123,123,127,170,176,183,189,194,196,194,191,189,186,186,186,186,181,173,129,129,170,173,173,176,176,170,170,173,176,178,178,183,186,186,186,186,191,194,189,183,173,131,173,176,178,181,181,178,129,125,125,129,183,194,196,196,196,196,196,199,199,202,204,204,202,199,199,199,196,196,202,204,204,199,191,186,186,191,199,202,199,194,190,189,191,194,194,189,187,191,196,202,199,194,189,189,194,204,207,202,194,189,137,133,133,133,133,137,186,191,196,202,204,204,202,199,194,189,181,135,135,137,186,191,191,186,137,133,133,137,186,196,204,209,212,212,212,207,196,194,194,199,202,199,196,191,189,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,165,170,178,183,181,176,168,165,166,173,178,183,181,178,176,176,178,178,181,183,183,181,178,178,181,183,183,183,183,189,194,191,189,181,176,170,127,127,129,170,170,170,170,170,170,173,173,129,127,170,181,191,196,196,191,181,178,183,186,183,183,181,181,181,183,186,183,183,181,183,183,186,189,189,189,186,186,186,183,183,183,183,183,186,189,186,189,191,191,194,196,196,196,196,194,194,191,194,196,196,191,191,189,186,183,183,186,189,189,183,181,186,189,191,191,191,191,194,196,196,196,196,196,194,194,191,191,191,196,196,196,194,191,191,189,186,183,181,181,181,181,181,183,186,186,183,183,183,189,194,194,191,191,191,191,189,189,189,189,189,191,189,189,186,181,178,178,178,181,186,194,194,191,186,186,189,194,196,194,192,192,194,196,196,199,199,196,194,194,196,199,196,194,194,194,194,191,189,189,189,189,191,199,196,191,187,187,189,189,191,191,189,186,186,189,194,191,181,176,183,199,202,194,181,168,165,165,152,144,146,152,157,151,151,163,173,170,168,170,173,160,31,5,31,51,63,77,129,163,178,173,173,181,178,165,152,155,181,134,53,83,142,157,155,155,152,150,152,160,170,178,178,178,176,173,173,181,186,178,176,176,168,160,160,101,25,75,155,168,173,173,176,181,181,178,181,181,178,170,163,160,165,173,173,168,164,168,170,170,170,170,173,173,168,165,176,181,181,178,170,169,169,169,170,173,173,173,173,176,178,178,178,173,173,131,131,173,131,131,173,176,181,178,178,181,189,199,215,225,228,222,215,209,199,191,189,191,191,191,191,194,194,194,191,183,133,127,127,131,135,181,186,191,186,178,179,189,191,189,186,178,131,127,129,133,181,183,181,178,183,189,186,181,178,178,178,173,170,170,176,176,176,173,173,176,176,173,176,173,173,176,181,183,183,183,181,178,173,129,124,123,127,176,176,127,127,173,176,173,173,181,191,191,181,173,173,181,181,178,173,170,170,173,170,129,170,176,178,183,183,181,173,166,165,168,176,181,183,183,178,176,178,181,183,178,178,178,168,121,121,170,189,189,181,181,181,178,176,176,176,181,189,191,194,194,186,181,178,181,178,176,178,189,196,194,178,101,89,97,103,105,121,129,127,176,123,113,181,212,220,222,217,212,212,212,212,212,209,209,212,212,209,207,205,209,215,215,207,204,199,194,183,123,105,104,183,194,202,204,204,202,196,189,181,181,186,183,179,178,181,183,183,183,191,196,196,191,181,176,176,178,176,170,170,170,168,125,121,125,127,170,183,189,178,125,125,170,176,178,183,191,196,196,191,191,191,191,189,186,185,185,186,191,194,199,204,209,212,212,209,202,199,199,204,212,215,215,215,212,209,209,212,215,222,222,217,212,209,207,207,209,207,207,212,217,222,217,209,207,207,207,207,202,199,196,194,196,202,207,212,209,204,199,199,199,202,202,196,194,0,0,0,0,0,0,222,225,222,217,217,222,222,217,217,225,230,235,238,238,238,233,228,222,215,215,217,217,209,202,191,187,187,194,0,0,0,0,0,0,228,228,228,228,228,230,233,230,228,222,217,215,215,215,215,215,212,209,207,204,204,202,199,194,181,160,0,0,99,97,0,144,160,170,173,176,189,204,0,0,212,209,207,204,202,202,202,199,199,199,202,202,207,212,217,222,222,215,202,149,196,204,209,215,217,215,215,217,225,225,222,222,217,215,215,215,215,215,215,212,209,207,204,202,202,202,207,212,212,212,212,212,207,196,191,194,196,202,202,202,204,202,199,199,199,204,209,217,222,222,217,217,222,217,215,209,207,207,209,212,217,225,228,228,222,217,222,228,230,233,235,238,238,238,238,235,230,225,225,225,228,225,225,228,228,225,217,215,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,103,103,87,0,0,0,0,0,0,0,0,0,0,0,0,12,64,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,77,98,118,134,21,11,121,137,129,95,95,103,105,103,90,15,19,124,168,168,137,113,131,142,17,0,37,155,129,0,0,0,0,33,92,111,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,49,69,75,73,71,69,81,83,78,81,139,152,157,155,151,151,155,163,173,176,170,163,157,120,120,163,181,194,194,183,173,165,160,119,117,117,119,121,160,160,121,121,121,121,121,121,117,115,115,121,173,186,183,170,127,173,196,225,230,228,228,228,230,228,222,209,117,116,118,125,173,181,186,194,204,202,194,181,129,125,123,123,123,123,125,125,125,127,129,170,173,170,129,127,126,128,170,178,183,183,178,173,129,123,119,118,119,123,127,170,170,168,127,125,168,168,168,125,123,123,121,121,119,117,121,170,194,209,207,189,125,119,121,165,181,191,191,181,170,125,123,123,121,115,111,110,113,115,117,119,119,121,168,183,196,191,181,178,178,170,123,122,170,189,204,215,228,228,217,207,204,204,194,168,121,123,123,119,121,168,173,168,165,168,173,173,165,164,165,170,173,170,165,121,117,115,115,163,181,189,181,168,121,120,119,119,119,121,165,165,121,119,123,165,165,165,170,183,196,183,165,121,121,157,160,163,160,157,160,183,215,217,204,183,160,113,103,98,100,165,176,101,63,81,99,95,82,79,81,82,89,101,150,163,176,183,181,168,155,113,111,113,113,103,99,101,105,102,103,165,183,178,168,160,159,160,160,165,168,160,155,155,99,72,70,74,89,95,103,113,163,157,113,113,113,107,102,103,105,97,94,92,95,109,115,115,117,117,117,117,114,114,121,181,194,176,164,168,178,181,183,186,191,196,186,165,123,121,117,115,113,107,113,123,125,168,168,117,115,165,186,196,196,189,186,181,176,176,178,178,183,189,189,181,178,199,215,217,215,217,222,217,209,209,207,199,186,176,133,131,127,126,129,178,178,113,103,104,129,178,178,176,181,199,209,212,209,199,196,196,196,189,181,178,183,186,191,199,199,191,189,191,181,107,101,117,196,209,212,209,204,194,181,131,131,181,186,183,129,127,128,129,170,129,170,173,129,129,176,189,191,181,176,186,194,194,189,189,194,196,189,176,121,115,103,93,93,105,123,168,168,121,116,116,121,168,173,170,170,183,194,194,183,176,173,173,168,125,123,123,123,123,121,119,119,119,119,119,121,125,173,183,189,183,178,186,202,209,202,186,173,168,125,123,122,123,125,119,115,116,119,117,123,170,176,168,127,127,168,127,125,170,186,191,186,173,119,116,123,129,127,129,176,186,194,191,186,189,199,207,202,194,186,183,181,186,191,196,194,183,172,170,176,189,196,207,209,207,202,199,199,199,191,189,194,194,186,131,127,126,128,178,189,191,194,194,199,202,196,186,176,178,183,186,183,178,135,135,135,178,183,189,189,189,183,181,135,134,134,178,181,181,181,181,179,181,183,186,186,189,191,196,196,194,194,196,199,196,194,194,194,199,202,202,202,202,207,209,209,207,202,199,194,189,178,131,131,133,178,183,186,189,186,186,189,189,186,183,181,181,183,181,181,181,183,183,181,178,178,178,181,181,183,183,183,183,183,183,183,186,186,186,186,186,194,196,196,191,183,181,178,176,173,131,131,173,176,181,186,186,186,181,176,173,131,173,178,181,183,186,186,186,183,181,176,127,123,123,123,119,121,123,123,123,117,125,181,183,183,181,181,178,178,176,170,128,128,170,176,178,178,176,173,169,169,170,176,178,181,183,183,183,186,189,194,194,191,186,178,176,176,178,178,181,186,183,176,127,126,129,181,189,191,191,191,196,199,199,199,199,204,207,207,204,204,199,194,192,194,202,204,204,199,194,194,199,202,199,196,194,191,191,191,194,194,194,194,194,196,196,196,194,196,196,202,209,212,209,204,196,186,133,132,133,137,186,191,196,199,204,207,207,207,204,196,189,137,133,131,135,186,196,202,199,189,139,137,139,186,196,204,212,212,212,212,204,199,196,202,207,209,204,196,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,168,173,178,178,173,168,168,170,178,183,186,183,178,176,176,176,176,178,181,181,178,178,178,183,183,183,183,186,186,191,191,186,178,170,127,123,125,127,127,129,170,173,173,173,170,127,124,124,129,181,189,194,191,183,176,176,181,183,183,183,183,183,183,183,183,183,181,181,181,183,183,186,189,189,186,183,183,183,183,186,189,189,191,189,189,189,189,191,194,194,194,194,194,191,189,189,191,194,194,189,183,183,186,189,186,183,189,191,189,183,186,189,194,194,194,194,194,196,199,199,199,196,194,194,191,190,191,194,196,196,194,194,194,194,191,189,186,183,181,183,183,186,189,186,183,182,183,186,194,194,194,191,191,189,189,189,189,189,189,189,189,189,186,183,181,181,181,183,189,196,196,194,189,189,191,194,196,194,192,192,194,196,199,196,196,194,194,194,196,196,194,194,194,194,194,194,189,187,189,189,191,196,194,189,187,187,189,191,194,194,191,189,183,186,191,186,176,173,178,189,194,189,186,183,183,181,165,152,151,157,155,150,151,168,181,181,176,173,170,157,87,69,75,69,69,77,137,178,194,189,189,191,189,181,181,189,199,176,139,152,157,157,157,163,165,163,163,170,176,178,178,178,176,170,168,173,181,181,183,181,160,155,160,155,85,139,165,176,181,183,186,186,178,173,173,176,176,170,163,163,170,178,178,170,164,168,173,176,170,170,173,173,168,164,173,178,181,178,176,173,173,173,170,170,170,170,173,176,181,181,176,170,130,130,131,131,129,128,129,173,176,176,178,183,194,204,215,228,228,225,217,209,199,191,191,194,196,194,189,189,194,194,191,183,135,129,131,135,183,189,196,199,191,181,179,186,191,191,189,183,176,176,133,133,178,178,176,176,183,191,189,181,176,176,173,170,170,173,178,181,181,176,176,178,176,170,169,170,173,176,178,178,178,176,176,176,173,127,123,123,125,129,127,118,118,127,176,170,170,178,183,181,176,176,183,189,186,178,178,178,181,183,183,181,178,181,181,181,183,178,170,166,166,173,178,183,183,183,183,183,186,189,189,183,183,186,181,127,125,176,189,186,178,176,178,178,178,178,183,191,194,191,191,194,186,176,181,183,178,178,183,194,199,196,176,94,87,94,105,109,129,181,181,183,129,123,178,204,212,215,215,212,212,215,215,215,212,212,215,215,209,205,204,207,215,217,212,207,194,186,178,119,101,96,189,196,196,196,194,191,183,181,183,186,186,181,179,179,183,186,183,183,186,189,186,183,178,176,178,183,178,173,129,127,127,127,127,129,127,127,183,191,176,120,119,123,170,178,186,194,196,191,186,186,186,189,189,189,186,186,189,191,194,196,202,207,209,209,207,199,194,196,202,207,212,215,212,212,209,207,209,212,215,215,212,209,207,204,207,207,209,212,222,225,228,222,215,209,209,209,212,209,204,202,199,202,204,207,209,207,204,199,199,199,202,199,196,191,0,0,0,0,0,0,222,225,222,217,217,222,222,215,212,215,225,228,233,238,238,235,230,225,217,215,215,212,204,196,189,186,187,191,0,0,0,0,0,0,222,225,225,222,225,228,230,230,228,222,217,215,215,215,217,215,212,209,207,207,209,207,204,199,186,165,150,0,0,101,0,0,152,163,170,173,183,196,204,207,207,207,207,204,204,202,204,204,204,204,204,207,212,215,222,225,225,217,207,199,199,204,207,212,212,209,212,217,225,225,225,222,217,217,217,215,215,215,215,215,212,209,204,202,202,202,207,209,212,212,212,212,207,199,194,194,199,204,204,204,204,204,202,202,202,204,209,212,217,217,215,215,217,217,215,209,207,207,209,215,222,228,233,233,230,228,228,230,230,233,235,235,238,238,235,233,228,225,224,224,225,225,225,228,228,225,222,217,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,118,92,12,0,0,0,0,0,0,0,0,0,0,0,0,77,82,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,79,95,100,64,35,131,150,131,72,82,124,129,113,43,0,0,11,103,105,90,85,118,124,0,0,90,147,113,0,0,0,21,39,66,35,0,0,0,0,0,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,57,113,121,131,124,118,126,124,91,87,87,139,152,160,160,155,151,151,152,157,168,168,163,160,160,160,120,121,168,178,178,173,165,163,160,121,121,121,121,121,121,121,121,121,121,121,121,121,119,116,116,121,173,189,191,181,170,173,191,222,228,228,228,228,228,225,217,207,125,115,115,121,131,176,178,186,194,194,183,176,129,125,123,123,123,123,125,123,123,125,129,176,181,183,181,176,129,128,170,176,181,178,170,127,123,121,119,119,121,125,168,170,170,168,127,168,173,176,173,170,168,127,125,125,123,121,121,170,189,204,202,183,125,119,123,170,189,202,202,189,176,170,170,173,168,119,111,109,110,111,115,119,119,121,127,181,196,191,181,176,176,173,168,127,168,183,202,215,225,230,222,207,202,204,196,170,119,119,119,117,121,163,165,168,170,176,181,176,168,164,164,165,170,170,165,121,115,114,117,163,176,178,176,168,165,163,121,119,120,163,165,123,119,117,119,121,121,121,165,183,202,189,168,121,121,160,160,160,163,170,189,209,225,225,217,202,170,113,103,101,101,155,157,75,54,83,155,155,107,155,163,103,101,105,113,155,163,168,168,165,160,160,160,163,160,113,105,107,105,100,102,155,165,170,173,170,173,170,165,163,160,155,157,165,155,95,83,79,83,93,105,117,163,155,111,109,109,103,102,105,107,101,94,92,99,117,117,117,119,157,163,163,119,114,117,168,176,170,165,173,181,181,178,178,178,181,176,165,119,111,105,107,107,107,117,165,170,176,173,97,105,168,202,209,202,191,191,194,186,181,176,173,176,181,178,174,176,199,215,215,211,212,217,217,215,215,215,209,196,181,133,129,129,127,127,133,131,117,111,125,183,196,196,186,186,196,204,202,196,191,191,196,196,189,181,177,178,181,186,191,191,181,178,194,191,106,98,104,176,196,204,202,191,181,131,129,130,176,181,181,131,127,128,170,178,181,183,181,176,176,181,191,191,181,176,183,186,183,183,186,194,196,191,176,125,119,111,97,97,117,178,183,178,165,119,117,121,168,178,181,181,181,181,178,173,170,170,168,125,123,123,123,123,123,121,121,121,123,123,123,121,123,168,181,191,186,176,178,189,196,191,181,170,165,125,123,125,170,176,168,119,119,121,123,170,186,183,176,170,176,183,181,178,186,199,204,204,189,123,115,116,121,123,129,176,183,194,196,194,196,202,207,204,194,186,183,181,181,186,191,194,189,173,172,181,196,209,217,215,204,194,189,189,189,186,186,189,189,181,133,129,129,131,181,189,194,196,202,204,207,204,194,186,186,189,186,181,135,135,135,181,183,189,191,189,178,135,135,135,178,181,183,183,183,181,181,183,183,181,178,178,183,189,196,196,194,194,196,199,196,191,189,191,194,196,196,196,196,202,204,202,202,199,196,194,186,178,131,130,131,176,181,186,186,186,189,191,191,189,189,186,183,181,178,181,183,183,181,178,178,178,178,178,178,178,181,183,181,181,178,181,183,186,178,130,130,181,191,189,183,178,176,176,176,176,173,176,178,181,186,189,186,183,178,173,130,130,131,131,173,176,178,178,178,178,181,178,170,127,125,119,114,114,115,113,108,102,102,113,123,127,170,173,173,173,173,129,128,129,176,181,181,181,178,173,170,170,173,178,181,183,181,176,176,181,189,191,194,191,186,183,181,178,176,176,178,183,186,181,133,129,133,181,183,186,186,189,194,196,196,194,194,196,204,207,207,204,202,194,190,191,196,207,209,207,202,202,204,202,196,194,194,194,194,191,191,194,199,199,199,196,194,191,194,199,202,204,209,215,215,212,202,189,135,132,133,183,189,189,189,194,202,204,207,207,207,199,189,135,129,127,129,181,191,196,196,191,186,186,186,191,196,204,209,212,209,207,204,202,204,209,212,212,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,168,173,176,176,173,173,176,181,186,186,183,178,176,173,173,173,176,178,178,178,178,178,181,181,186,189,189,189,189,189,183,176,170,127,123,123,125,127,129,170,176,176,173,129,125,124,125,173,183,191,191,186,178,173,176,181,183,186,183,183,183,183,183,183,183,181,178,181,181,183,183,186,186,183,181,181,181,183,186,191,194,194,191,189,189,189,191,191,191,191,191,191,189,189,186,189,194,194,189,182,182,189,189,183,181,183,191,191,186,186,191,194,196,196,196,196,199,199,202,199,199,196,194,191,191,191,194,196,196,194,194,194,194,194,191,189,186,183,186,189,191,189,186,183,182,183,186,191,194,194,191,191,191,191,191,191,191,189,189,189,189,189,186,186,183,183,183,189,194,196,194,194,194,194,194,194,194,194,194,196,199,199,196,194,191,191,191,191,194,194,194,194,194,194,191,189,189,189,191,191,194,194,189,189,189,189,191,194,194,194,189,186,183,183,181,174,173,176,181,183,181,181,181,186,186,178,168,163,165,163,155,157,176,189,189,183,178,173,157,147,147,144,93,83,95,157,183,194,196,194,194,194,191,191,196,196,186,176,176,170,165,163,168,168,168,170,178,178,178,176,173,170,165,163,168,176,178,181,170,148,146,160,168,157,163,170,181,189,196,199,194,178,165,164,170,173,173,168,168,176,181,178,170,164,168,176,178,173,170,173,173,165,164,165,173,178,181,181,181,178,176,173,168,129,129,170,176,181,181,176,173,131,131,131,131,129,128,129,131,176,176,181,186,194,199,207,215,217,217,212,204,194,191,194,196,196,191,183,183,186,189,186,181,135,133,178,183,189,196,202,204,199,186,179,181,186,191,196,191,183,181,178,176,176,176,174,176,183,194,191,181,176,173,170,170,170,176,181,183,183,181,181,181,178,170,168,169,173,178,176,173,129,127,129,173,173,129,125,124,125,127,119,115,116,127,176,170,168,170,178,176,172,176,191,196,189,178,178,183,189,191,189,183,183,183,181,181,181,176,170,170,176,183,186,186,186,183,183,186,194,194,191,186,186,191,186,170,127,176,186,181,173,168,173,178,178,178,181,191,191,183,183,186,181,173,178,181,177,178,189,199,199,189,173,109,95,111,123,173,189,189,186,178,127,125,133,189,202,209,212,212,215,217,222,217,215,212,212,215,209,205,204,209,215,217,215,204,186,135,135,127,106,101,183,189,178,125,125,123,123,133,186,189,186,183,181,183,189,191,186,183,183,178,178,178,178,178,186,189,186,173,127,126,129,170,173,176,129,125,176,189,183,123,120,124,170,176,183,189,191,186,183,183,183,189,189,191,194,194,194,191,194,196,202,207,209,207,202,194,192,194,199,207,209,212,209,207,207,204,207,207,209,207,204,202,202,202,204,207,209,215,225,230,230,225,215,209,212,215,217,215,212,207,204,204,204,207,207,207,202,199,199,199,199,199,194,186,183,189,0,0,0,0,222,222,217,217,220,225,222,215,211,212,215,220,228,233,238,235,233,228,222,217,215,209,202,194,189,187,187,191,0,0,0,0,0,0,215,220,220,217,217,222,228,230,228,222,215,212,212,215,217,215,212,209,209,209,212,212,209,202,189,173,160,152,0,0,0,0,0,155,168,176,183,191,194,196,199,204,207,207,204,204,207,209,207,207,209,215,222,225,228,230,228,222,212,204,202,207,209,212,209,207,207,215,222,225,225,222,217,217,217,217,215,215,215,212,212,209,207,204,202,204,207,209,209,212,215,215,207,199,194,196,202,207,207,204,204,204,204,204,204,207,209,212,215,215,215,215,215,215,212,209,207,207,209,217,225,233,235,235,235,233,233,230,233,235,235,235,235,235,235,233,230,225,224,224,225,225,225,225,228,228,225,217,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,126,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,77,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,72,85,90,77,66,118,152,134,60,68,134,144,139,49,0,0,0,49,90,92,92,121,105,0,0,108,121,77,7,0,27,31,33,27,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,194,202,199,183,183,176,168,176,168,142,129,101,160,170,173,168,160,155,155,155,155,155,157,157,160,165,165,160,121,160,165,165,163,163,160,163,160,160,123,123,121,121,121,121,121,121,121,123,125,123,119,119,125,176,191,191,181,170,170,186,212,222,222,225,228,228,225,217,207,183,118,115,121,129,129,125,129,176,178,176,176,173,131,127,125,125,125,123,122,122,125,170,181,191,196,196,191,181,173,170,173,176,173,127,123,123,123,123,123,123,127,168,170,168,127,127,168,176,178,176,176,176,170,168,125,123,121,121,125,178,189,183,170,121,119,123,168,186,204,204,194,181,176,181,183,178,125,115,111,111,111,115,119,121,119,121,168,181,178,173,170,170,173,173,168,165,173,189,204,217,225,217,209,204,202,194,173,121,119,117,119,121,121,123,163,170,176,178,173,168,165,165,165,168,170,168,123,117,115,117,121,123,121,119,121,168,176,173,165,165,168,165,119,117,117,119,119,117,117,121,170,191,181,163,120,121,163,163,163,168,178,202,217,222,222,217,209,189,111,101,101,95,59,50,53,67,109,181,191,199,220,222,186,109,107,109,113,155,160,165,168,170,173,170,170,168,157,117,155,109,94,97,113,157,163,176,183,186,183,173,163,157,157,165,186,191,181,163,82,80,87,103,117,157,117,111,109,107,103,103,109,113,107,99,95,105,117,113,113,117,157,165,168,160,115,115,121,163,123,163,170,173,173,170,173,178,186,183,178,125,107,93,93,105,113,123,173,178,178,105,44,87,113,189,199,189,186,196,207,199,183,173,170,176,176,173,172,176,196,212,212,211,212,217,217,220,222,222,215,202,183,133,129,127,127,127,131,131,125,125,183,199,209,209,196,194,199,199,194,191,191,189,191,194,191,186,178,176,177,178,181,181,130,130,194,217,183,107,111,127,181,191,189,178,131,129,130,173,178,178,173,131,128,129,178,189,194,194,189,176,176,183,189,186,178,176,176,173,173,176,181,189,191,186,173,168,127,119,109,111,168,189,194,186,176,125,121,123,168,183,191,189,178,170,165,165,168,165,125,125,125,123,123,123,123,123,121,121,125,168,165,125,125,170,181,189,181,170,170,173,176,176,173,168,165,125,127,176,189,191,183,127,123,123,127,173,183,183,176,176,181,189,189,186,194,204,212,212,199,129,116,115,116,119,127,173,181,186,194,196,202,204,204,202,194,186,183,181,179,181,189,196,196,186,178,189,202,209,212,207,194,183,181,181,181,181,183,183,186,181,178,178,176,176,181,189,194,199,202,204,204,199,191,186,186,189,183,176,134,134,178,183,189,194,194,186,134,133,135,181,186,186,189,186,186,186,189,189,186,178,133,131,178,189,196,196,194,194,194,194,189,186,189,191,194,194,194,191,191,194,194,191,194,196,196,194,189,183,176,131,131,133,176,178,181,183,186,189,189,191,194,191,186,178,133,176,178,178,176,133,133,133,176,176,176,178,181,183,181,178,176,176,178,181,131,127,127,133,186,183,181,176,176,178,178,176,176,178,181,186,191,189,186,183,178,176,173,173,131,130,129,129,131,173,173,176,181,181,176,173,129,117,112,113,115,115,109,102,103,106,110,115,123,129,173,176,173,170,129,173,178,181,181,181,181,178,176,176,176,178,181,181,173,129,131,178,186,189,189,189,186,186,183,176,131,131,131,173,176,176,131,131,133,178,178,181,183,186,191,194,194,189,186,189,196,204,207,204,202,194,190,190,199,209,212,207,204,204,207,202,196,192,192,194,194,191,190,191,196,204,202,196,191,190,191,199,204,204,207,212,215,212,202,189,135,133,135,183,186,181,135,183,196,199,202,204,202,196,186,133,127,125,126,129,135,183,186,183,183,189,191,194,199,204,207,207,207,204,204,204,209,212,212,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,125,173,178,178,178,178,181,183,186,186,178,173,173,173,173,173,176,176,173,173,173,173,176,183,189,191,189,183,181,176,170,170,168,127,123,123,125,127,170,178,181,178,173,127,125,129,178,186,191,189,181,176,173,176,181,183,186,183,183,183,183,183,183,183,181,178,178,181,181,183,183,183,181,181,181,181,183,186,191,194,194,191,191,189,189,191,191,191,191,189,189,189,189,186,189,196,196,191,183,182,189,189,183,178,179,186,189,186,186,189,194,196,196,196,196,199,199,199,199,199,196,196,194,191,191,194,196,196,194,191,191,194,194,191,189,186,186,189,191,194,191,189,186,183,183,186,191,191,191,191,191,191,194,194,191,191,189,186,189,189,189,189,189,186,186,183,186,191,194,194,196,199,196,194,194,192,194,196,199,199,199,196,194,191,191,191,189,189,189,189,189,186,183,181,183,186,191,191,194,194,194,191,189,189,189,191,191,194,194,191,186,183,183,178,176,176,178,181,178,176,174,174,178,186,183,178,173,170,168,163,165,178,191,191,189,186,183,160,155,157,152,139,134,157,176,186,194,196,196,194,194,194,194,194,194,191,189,183,178,173,170,168,168,168,173,178,178,176,173,170,165,163,161,165,176,181,181,165,146,146,163,170,170,170,173,178,189,199,202,191,173,163,161,165,173,173,170,170,173,178,176,168,165,173,181,181,176,170,170,173,170,164,165,168,173,181,186,186,183,178,173,129,127,127,129,173,176,178,178,178,178,176,173,173,131,129,131,133,176,176,181,186,191,191,196,204,207,207,204,196,191,194,199,196,194,189,183,178,135,178,178,178,135,178,183,186,189,196,202,204,202,191,179,178,181,191,202,199,189,183,181,178,176,174,174,176,186,194,191,181,176,173,173,170,173,176,181,183,183,181,181,183,181,173,169,170,178,181,173,127,123,122,125,173,178,173,129,127,127,125,118,116,118,170,176,170,168,169,176,172,169,173,189,194,189,178,178,183,189,191,189,183,183,186,183,181,178,176,173,176,181,189,191,191,183,176,176,183,191,194,191,186,186,189,183,127,126,176,178,173,125,123,127,173,173,170,173,183,183,176,177,183,181,174,178,178,176,178,191,199,194,178,170,121,117,127,181,191,196,191,183,173,127,124,124,127,186,204,207,209,212,217,222,222,215,212,212,215,212,209,207,209,215,215,212,199,135,132,178,181,133,129,183,181,124,119,120,120,121,178,194,194,189,186,186,189,191,191,189,183,181,177,177,181,181,181,189,194,189,176,129,129,173,178,178,178,170,125,129,183,186,178,129,127,168,173,176,178,181,183,182,182,183,186,191,194,196,196,196,196,196,199,204,207,207,202,196,192,192,194,202,207,209,207,204,204,202,202,202,202,202,199,196,196,199,199,202,204,207,215,225,230,230,225,215,209,212,215,222,222,0,209,207,204,204,202,202,202,204,204,204,204,202,202,196,189,186,189,0,0,0,0,220,217,215,215,222,228,225,217,212,212,212,212,217,230,235,238,235,233,228,225,217,212,204,196,191,187,189,194,0,0,0,0,0,0,212,215,215,215,215,217,225,228,228,225,215,212,212,212,215,215,212,209,209,212,215,215,212,204,194,178,168,160,155,0,0,101,0,0,163,176,181,186,186,189,194,199,202,204,204,204,207,209,212,212,215,225,228,233,235,233,233,228,217,209,207,212,215,215,209,204,204,212,217,225,225,222,217,217,222,222,217,212,212,212,212,209,207,207,204,207,207,207,207,209,215,215,209,199,196,199,204,209,209,207,204,204,207,207,209,209,209,212,215,217,217,215,212,212,212,209,204,204,207,215,228,235,238,241,238,238,235,233,235,235,235,235,233,233,235,235,230,228,224,224,225,228,228,225,225,225,222,217,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,51,11,3,0,0,0,1,7,23,19,0,0,0,7,0,0,0,0,64,74,74,66,45,100,144,131,51,52,95,134,139,121,0,0,0,82,108,113,111,105,45,0,0,92,77,21,21,35,45,29,21,15,0,0,0,0,0,0,0,0,0,0,0,0,33,0,0,0,0,0,0,0,5,152,202,204,204,199,194,191,191,202,196,178,163,160,178,189,189,183,176,170,168,165,157,155,157,165,170,173,173,165,123,121,121,121,123,163,163,163,163,163,163,123,121,121,120,120,121,121,123,123,165,165,125,123,125,173,183,181,173,129,170,181,199,207,209,215,222,228,228,222,209,194,129,119,123,127,125,124,125,131,176,178,181,183,181,173,129,125,125,123,122,122,125,176,189,196,199,202,199,194,183,173,170,170,129,125,123,123,125,125,125,125,127,168,168,127,127,127,168,173,176,176,178,176,173,165,123,123,121,119,121,165,170,168,123,119,119,121,123,176,196,204,196,189,183,189,189,183,168,121,117,115,115,119,123,123,118,117,119,123,125,127,127,168,170,173,168,123,123,173,191,202,207,204,202,196,191,183,170,121,117,117,121,123,121,119,121,165,168,168,165,165,165,168,168,170,173,173,165,121,117,115,117,115,111,107,113,170,183,183,173,165,165,163,116,113,114,116,117,117,117,117,123,170,165,121,121,165,170,173,168,168,176,199,217,217,217,217,212,204,163,99,87,71,50,46,55,99,113,176,196,209,225,225,212,107,101,103,109,155,165,170,176,181,181,173,168,163,155,157,165,155,79,83,117,119,117,165,181,186,189,181,168,160,163,176,204,215,212,199,85,79,87,101,113,117,155,115,111,107,103,103,109,155,157,113,105,109,111,105,109,113,119,165,173,168,119,117,117,117,119,121,165,165,163,163,170,186,202,207,202,194,123,89,81,97,113,165,176,178,163,74,39,83,103,121,163,123,173,196,215,204,181,170,173,178,178,174,176,183,202,212,212,212,215,217,217,222,225,225,215,196,176,129,129,127,127,127,129,131,129,131,186,204,212,212,204,202,204,202,194,191,189,183,181,183,194,194,183,176,177,178,181,181,129,127,196,222,212,183,125,125,131,181,183,178,131,130,173,181,183,178,173,131,131,176,186,196,199,199,191,178,176,181,181,173,173,173,170,169,170,176,178,183,186,183,176,173,170,127,123,125,178,191,196,191,181,168,123,125,170,183,194,189,176,165,123,123,125,123,121,125,125,123,123,123,123,123,123,121,125,170,173,173,170,173,176,178,170,165,165,125,123,123,125,165,165,168,176,194,207,204,191,170,125,123,125,127,170,170,173,178,183,189,186,183,191,204,209,212,202,176,121,117,116,116,121,129,129,131,178,191,196,199,196,191,189,183,181,181,179,181,189,202,202,191,183,189,196,199,199,191,181,177,177,178,178,176,178,181,186,183,183,183,181,133,133,178,189,194,196,196,194,189,181,181,183,186,183,176,134,135,183,186,186,189,191,183,134,132,135,183,189,191,191,191,189,189,189,186,181,133,128,128,131,183,194,196,194,196,196,191,183,181,186,191,191,191,189,189,189,189,186,183,186,191,194,194,191,186,181,176,133,131,131,131,133,178,181,183,183,186,189,189,183,178,133,133,133,133,132,131,132,133,176,176,178,181,183,189,186,181,177,176,178,178,133,129,129,133,181,183,181,178,181,181,181,178,178,181,189,194,196,194,189,186,186,186,183,183,181,131,128,129,131,131,131,173,181,183,181,181,173,119,112,114,121,125,123,113,111,110,110,111,119,127,173,176,176,173,173,178,181,181,178,183,186,186,186,183,181,178,178,131,125,123,125,173,183,189,189,186,189,189,186,176,131,127,127,127,125,127,125,127,131,176,176,178,181,186,194,196,194,186,183,185,191,202,204,202,199,194,190,191,199,209,212,209,204,207,207,202,194,194,194,194,196,194,190,190,196,202,202,196,191,190,191,199,204,203,204,209,212,209,202,191,183,137,137,181,181,135,132,135,189,196,199,199,196,191,183,135,129,126,125,126,127,131,131,131,135,186,194,196,199,199,202,202,204,202,204,207,209,212,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,168,178,183,183,181,178,181,186,186,178,170,170,170,173,176,176,170,127,123,125,129,173,181,186,186,183,178,168,123,125,168,170,168,125,122,122,123,168,176,183,183,176,170,129,170,178,183,186,183,178,173,173,176,181,183,183,181,181,183,183,183,183,183,181,178,178,178,181,183,186,183,183,181,181,181,181,186,189,191,191,191,191,191,191,191,194,194,191,189,189,189,189,186,189,196,196,191,183,182,183,186,181,178,178,181,183,186,186,186,191,194,194,194,196,196,196,196,199,199,196,196,194,191,191,194,194,194,191,191,191,191,191,189,189,189,189,191,194,196,194,191,189,186,186,189,189,191,189,191,191,194,194,194,194,191,189,186,186,189,189,186,186,186,186,186,186,191,194,194,196,199,199,196,194,192,194,196,196,199,199,196,194,194,194,191,189,186,183,186,186,181,135,135,181,189,194,194,194,194,194,194,191,191,191,189,191,194,194,194,189,186,183,181,181,181,181,181,178,176,174,173,176,186,186,178,176,176,176,168,165,176,186,189,189,189,181,160,157,160,155,152,155,173,183,189,194,196,196,194,194,194,196,196,194,196,191,178,176,181,181,176,170,173,176,178,178,176,173,170,170,168,164,165,176,183,181,170,152,153,168,170,170,173,176,176,181,186,186,178,165,163,163,165,173,173,170,169,170,173,173,168,170,178,186,183,178,170,168,176,176,170,165,168,173,181,186,189,186,178,170,127,125,125,127,129,170,173,178,183,183,181,176,176,173,131,131,176,176,176,178,183,186,189,191,194,196,199,196,194,194,199,202,199,189,186,186,178,129,129,133,135,178,183,186,189,189,196,202,204,202,194,183,178,177,183,199,196,189,186,181,178,176,174,176,178,189,196,191,181,178,178,181,178,176,176,178,178,178,178,181,183,181,176,170,176,178,178,170,123,122,122,125,176,183,181,176,170,129,125,119,119,125,173,178,176,173,173,178,173,170,173,183,186,183,178,178,181,181,186,186,186,186,189,189,183,178,176,178,178,181,186,191,189,178,127,125,168,178,181,183,181,183,186,176,123,124,173,176,129,122,121,123,129,129,128,173,181,181,174,176,181,178,176,178,178,176,178,186,191,181,129,127,123,121,176,189,194,196,189,178,131,127,124,122,123,183,202,204,204,209,215,222,222,215,209,209,215,217,215,209,207,204,202,199,194,178,134,183,191,189,186,186,181,124,120,124,125,129,194,196,196,194,189,183,183,186,189,186,183,181,178,181,189,189,183,189,189,183,176,176,178,183,181,181,181,173,126,127,178,186,186,176,170,170,173,176,176,181,186,183,183,183,186,189,194,196,199,199,199,199,202,207,207,204,199,194,192,194,199,207,209,207,204,199,199,196,194,194,194,194,191,191,194,199,202,202,202,207,212,222,228,228,222,212,209,212,217,222,222,0,209,207,202,199,199,199,202,204,209,212,212,209,207,204,199,194,199,207,0,0,0,217,215,215,215,222,228,228,222,217,215,209,209,212,225,235,238,238,235,233,228,222,215,209,202,191,189,191,196,0,0,0,0,0,202,209,212,215,212,212,215,222,228,228,225,215,209,209,212,212,212,212,209,212,212,215,217,215,209,196,183,173,168,160,150,0,0,0,0,160,170,178,183,183,186,189,194,199,199,199,202,204,209,212,212,217,228,233,238,241,238,235,230,222,212,212,215,215,215,209,202,202,209,217,222,222,217,217,222,225,225,217,212,212,209,209,209,209,209,207,207,207,207,207,209,215,215,209,199,196,202,207,212,209,207,204,207,209,209,212,212,212,215,217,217,217,215,212,212,209,207,204,202,204,215,228,238,241,241,241,238,235,235,235,235,235,233,233,233,235,235,233,230,225,225,228,230,228,228,225,225,222,220,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,0,0,0,0,1,21,46,72,77,0,0,0,7,0,0,0,0,37,37,23,21,15,103,142,126,49,48,64,98,131,137,37,0,19,131,134,126,113,19,5,0,4,47,11,0,29,72,72,15,5,9,0,0,0,0,0,0,0,0,0,0,0,33,103,7,0,0,0,0,0,0,21,144,178,191,204,202,199,194,196,207,204,199,196,194,196,202,202,196,189,183,181,176,165,160,163,173,178,181,176,165,123,121,119,119,121,163,163,163,165,168,165,163,121,121,121,121,121,121,123,125,168,168,168,127,127,127,129,129,127,129,170,178,189,194,194,199,212,225,228,222,207,194,181,129,127,127,127,125,127,173,181,186,194,196,189,178,129,129,127,125,123,122,127,181,191,196,196,199,202,202,196,181,170,129,127,125,125,125,125,127,127,127,127,168,127,125,125,125,168,168,170,176,178,178,173,165,121,121,119,117,117,121,123,121,119,119,119,117,119,165,189,199,202,196,194,191,189,181,168,123,119,121,121,125,168,127,119,117,118,118,119,125,168,170,170,170,165,119,117,121,176,186,189,186,183,181,176,170,163,119,114,115,123,165,163,119,121,160,160,160,121,163,168,173,176,181,181,178,170,163,117,113,113,111,107,104,107,168,186,186,170,121,121,123,117,110,112,116,119,119,117,117,119,121,117,117,121,170,181,181,176,165,160,181,209,215,217,217,215,212,199,105,67,59,57,67,109,111,109,155,181,196,207,209,204,94,93,95,107,160,176,181,183,186,183,176,165,153,152,157,170,160,70,75,160,160,114,116,168,178,183,181,170,163,163,183,217,230,230,217,101,83,91,99,109,115,157,157,115,109,103,101,105,165,176,168,115,111,107,102,105,111,117,163,173,173,160,117,115,113,113,117,123,123,121,121,165,191,215,225,225,225,215,107,78,85,103,163,176,173,111,79,75,99,109,111,107,101,113,186,204,191,173,169,173,178,178,178,181,191,202,212,215,215,215,215,215,222,225,222,207,181,121,121,125,127,129,129,129,131,131,133,186,202,207,204,202,204,207,199,186,181,181,178,176,178,194,199,191,181,183,186,194,194,133,129,191,207,209,196,176,125,127,181,189,189,181,176,181,186,189,183,178,176,176,183,191,196,199,196,191,181,181,181,173,123,125,170,173,173,176,178,178,181,186,186,181,178,176,173,173,176,183,191,196,194,183,170,165,165,168,178,186,183,170,125,123,123,121,119,119,123,123,123,121,123,125,165,125,123,165,173,181,181,181,176,176,170,168,168,168,165,122,120,121,123,125,168,183,204,215,209,194,176,127,125,125,124,124,124,168,173,178,181,176,170,181,194,199,202,194,176,125,121,117,116,117,121,119,117,120,131,181,181,176,178,181,183,183,181,181,183,191,202,204,191,181,181,189,194,194,183,177,177,177,178,133,131,133,181,186,186,186,186,178,129,125,127,133,183,186,186,183,181,177,177,183,189,189,183,181,183,186,183,181,182,186,183,134,133,135,183,191,196,196,196,196,191,186,135,131,128,127,127,128,135,189,194,196,199,199,191,181,178,183,189,186,185,185,186,189,186,181,135,181,186,194,194,191,186,181,176,131,127,125,125,127,131,176,176,176,176,178,181,181,178,176,176,133,133,133,133,133,178,181,178,178,181,186,191,194,191,183,181,181,181,181,176,176,178,181,183,183,183,183,183,181,181,178,183,194,202,202,196,194,191,194,194,196,194,189,178,131,173,176,131,129,131,176,181,183,186,181,123,114,117,127,173,173,127,127,125,119,117,119,125,170,176,176,176,178,181,181,178,178,183,191,191,191,189,181,173,129,125,122,122,125,173,181,186,186,186,189,191,186,176,131,129,125,121,120,123,125,127,133,178,181,181,186,194,199,202,196,189,185,185,191,202,202,202,199,194,191,191,202,209,212,209,207,207,207,202,196,196,199,199,199,196,191,191,196,199,199,194,191,190,194,199,204,204,207,209,209,209,204,199,194,186,139,135,133,133,133,181,191,196,196,194,191,189,181,137,135,131,127,127,127,127,126,125,127,183,194,199,199,196,196,199,202,202,202,207,209,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,170,178,183,181,176,178,183,183,176,169,168,170,176,178,176,170,123,121,122,127,176,181,181,176,173,168,117,115,117,125,170,168,125,122,121,122,125,173,181,181,178,173,129,170,176,178,178,178,176,173,131,173,178,181,178,178,178,181,183,183,183,183,181,178,178,178,181,183,183,183,183,181,181,181,178,181,189,191,191,189,191,191,191,194,194,194,191,189,189,189,186,186,186,194,196,191,183,182,183,183,181,179,179,179,183,186,186,186,189,189,191,191,194,194,194,194,196,196,196,196,194,191,191,191,194,191,189,189,189,189,189,186,186,186,189,191,194,196,194,194,191,189,189,189,189,189,189,191,194,196,196,194,194,191,189,186,186,186,186,186,183,183,186,186,189,194,194,194,194,196,202,199,196,194,194,194,196,196,196,194,194,196,196,194,189,186,183,186,186,137,135,135,183,194,196,196,196,196,196,196,196,196,194,191,189,191,194,194,191,189,186,183,183,183,183,181,178,178,178,176,178,186,183,176,176,178,176,168,165,168,176,181,183,183,181,165,165,165,163,160,163,173,183,191,196,199,199,199,196,196,199,199,199,196,186,155,160,189,196,186,181,178,178,176,178,178,176,173,178,181,176,173,176,181,186,181,170,173,178,176,173,178,178,176,173,173,170,170,165,165,165,170,176,176,173,170,170,173,173,170,176,183,189,183,173,165,165,176,178,173,168,168,173,183,189,189,186,178,170,125,125,125,125,125,127,129,178,186,189,183,176,173,173,131,131,176,176,174,176,181,186,189,189,189,191,194,194,191,194,202,204,196,186,183,189,178,125,125,131,178,183,189,191,191,191,196,199,202,202,199,194,181,176,177,191,194,189,186,181,176,174,176,178,181,189,194,186,181,181,186,186,183,178,176,176,173,173,173,176,178,181,176,173,173,176,173,127,122,121,123,127,181,186,186,178,173,129,123,121,125,129,173,176,178,181,181,181,178,178,181,183,183,181,178,178,176,176,181,186,189,189,191,191,186,181,181,181,183,181,181,189,186,173,121,120,121,123,123,127,129,181,189,178,122,122,129,178,176,127,123,127,129,129,129,178,186,186,178,178,181,176,129,173,178,178,178,181,181,173,123,119,113,115,173,183,189,189,183,178,131,129,127,125,129,191,204,204,203,207,215,217,222,215,209,212,217,222,215,204,194,183,178,186,191,189,186,194,199,196,191,186,183,131,129,178,178,178,194,194,196,196,191,183,181,182,183,181,181,181,181,189,199,196,189,183,178,131,131,176,181,181,181,181,183,178,129,129,176,183,183,176,170,176,183,189,183,186,189,186,183,183,183,189,191,196,196,199,199,199,202,207,207,204,199,196,196,196,204,209,209,207,199,196,194,191,189,186,186,186,186,189,194,199,202,202,202,204,0,217,225,222,217,212,212,215,217,220,217,0,209,204,199,198,198,198,199,207,212,217,217,217,215,0,209,207,209,0,0,0,0,215,215,212,215,222,230,230,228,222,217,209,207,209,220,230,238,238,238,235,230,225,222,212,204,191,187,191,199,0,0,0,0,0,202,207,209,212,209,209,209,215,225,228,225,215,207,207,209,209,212,212,212,212,215,217,220,220,212,202,189,178,173,165,155,0,0,0,0,0,163,173,181,181,183,189,191,194,196,196,196,202,207,207,209,217,228,235,238,243,241,235,230,225,217,215,215,212,209,207,200,200,207,215,222,222,217,217,222,225,225,217,212,209,209,209,209,209,209,209,209,209,207,204,209,217,217,209,202,199,202,207,212,212,209,207,207,209,212,212,212,212,215,217,222,222,217,215,212,209,207,202,200,202,212,228,235,241,241,241,238,233,233,233,233,235,235,233,233,235,238,235,233,228,225,228,230,230,228,225,225,222,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,46,64,85,17,0,0,0,0,0,0,0,11,23,17,0,0,103,155,95,61,74,77,79,113,137,116,33,49,134,137,121,77,15,5,7,13,13,0,0,25,69,35,0,0,0,0,0,0,0,0,0,0,17,0,0,3,59,61,0,0,0,0,0,0,0,0,13,147,191,191,202,199,196,196,202,202,202,199,199,199,202,202,202,196,191,186,178,168,121,113,117,176,178,173,163,121,121,119,119,121,123,163,168,173,173,168,123,121,121,123,123,121,121,121,125,168,168,168,170,173,127,126,126,127,129,173,178,183,181,176,178,194,212,222,212,202,189,181,176,131,129,129,129,129,176,186,194,202,202,194,181,173,131,131,129,123,123,131,183,191,196,196,199,202,207,202,186,173,129,127,127,125,127,127,127,127,127,127,127,127,125,124,125,165,165,170,178,183,183,178,168,123,119,117,115,115,117,119,119,119,119,117,115,115,123,178,194,199,199,196,191,183,176,165,121,119,123,127,170,173,168,123,121,121,119,119,123,173,178,173,165,123,119,116,118,168,178,178,173,168,170,170,165,121,115,113,115,163,173,165,119,119,160,121,119,119,163,170,178,189,196,196,186,173,163,117,111,109,111,109,104,103,117,176,181,165,119,119,123,123,116,117,121,123,121,117,117,119,119,115,112,117,168,181,183,176,160,107,103,194,209,222,217,217,222,215,176,53,79,115,165,170,152,109,115,168,173,176,176,163,83,91,94,105,168,183,186,189,191,186,181,170,157,155,165,168,115,89,102,176,176,157,114,115,160,170,176,168,157,157,181,217,233,233,222,176,109,83,89,105,113,155,155,113,109,103,99,100,165,183,178,157,113,107,105,109,113,117,157,165,165,121,115,113,111,111,113,117,121,121,121,170,199,222,230,230,233,230,209,165,89,99,160,178,173,115,97,95,109,115,117,107,77,37,165,176,170,170,173,173,170,170,173,178,186,194,204,209,215,215,209,207,212,222,215,186,117,113,116,121,129,129,131,133,176,176,176,181,194,199,194,194,204,202,178,125,129,176,181,181,186,199,202,199,189,189,194,202,207,196,178,131,133,186,189,178,131,133,189,199,202,199,194,194,196,196,191,183,181,178,183,189,191,191,191,186,181,183,183,129,117,117,129,178,178,176,176,176,178,186,189,189,181,176,173,176,181,183,186,191,191,183,176,173,168,168,170,178,176,170,168,165,125,121,117,117,121,121,119,119,125,168,170,168,125,125,170,181,183,183,181,181,176,173,176,178,178,165,121,121,122,123,165,183,204,215,207,191,176,168,168,170,127,124,124,125,168,173,173,168,123,123,173,183,189,181,173,129,125,121,119,121,121,118,116,120,125,121,114,113,125,181,189,186,183,183,186,191,202,202,189,181,178,183,191,191,189,183,181,181,178,176,131,130,178,186,186,183,178,131,125,121,123,125,127,133,178,181,178,177,176,178,186,191,191,189,189,186,182,181,182,189,186,178,135,181,186,194,196,199,202,202,194,178,131,131,131,131,129,128,131,181,189,191,196,202,194,178,134,181,186,185,183,183,186,186,183,135,134,135,183,189,189,183,176,131,127,123,119,119,121,123,127,129,131,133,133,176,181,181,181,181,181,178,178,178,181,183,186,186,183,181,181,186,191,196,196,194,186,183,181,181,181,178,178,178,181,186,186,183,183,183,181,181,189,196,204,202,196,194,194,196,202,202,199,189,181,176,178,176,131,129,129,131,178,186,189,183,170,123,123,170,176,176,176,178,178,129,121,119,123,129,173,173,173,176,181,181,178,178,183,191,194,196,191,176,125,124,123,122,124,127,173,181,183,186,186,189,189,183,176,173,129,123,119,119,121,127,133,181,183,186,189,194,199,207,207,199,191,189,191,194,199,199,199,199,196,194,196,204,212,212,212,212,212,209,207,202,202,204,204,204,199,196,196,202,199,196,194,190,190,194,199,204,207,209,207,204,207,215,215,207,194,183,133,129,135,189,194,194,194,194,191,189,186,181,181,183,181,135,131,131,129,126,125,126,139,194,199,199,196,194,196,196,199,199,204,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,170,176,176,173,176,181,181,173,169,168,170,178,178,176,170,127,123,125,170,178,181,176,127,125,123,116,114,116,121,168,168,127,123,123,125,127,173,176,178,176,170,129,170,173,176,176,176,173,131,131,173,176,178,176,173,173,178,181,183,183,183,181,181,178,178,181,181,183,183,183,183,183,178,176,178,186,191,191,189,189,191,191,191,194,194,194,191,191,189,186,185,186,191,191,189,186,183,183,183,183,181,181,181,186,189,189,186,189,189,191,191,194,191,191,191,194,196,196,196,196,194,191,191,191,189,186,186,186,186,186,183,186,186,186,186,189,191,191,191,189,189,186,186,189,189,189,191,196,199,196,194,194,191,189,183,183,186,189,186,183,183,183,183,189,194,199,196,196,196,199,199,196,194,194,194,194,194,194,194,194,196,196,194,189,183,181,183,183,183,137,137,186,194,196,196,199,199,199,199,199,202,199,191,189,189,191,191,189,189,186,186,186,186,186,183,181,181,181,181,183,183,183,178,178,178,178,170,168,168,168,170,176,178,178,173,173,173,168,163,165,178,189,194,196,199,199,199,199,196,202,202,202,196,163,89,97,199,202,189,183,181,176,176,178,181,178,173,176,183,181,173,170,178,186,186,186,189,189,183,181,181,181,173,168,166,169,170,170,170,170,173,176,178,178,178,176,170,173,176,183,189,186,170,122,123,168,176,176,170,166,168,178,189,191,191,189,178,170,127,125,125,125,127,125,125,173,186,189,183,178,173,129,127,129,176,176,176,176,181,186,191,191,186,183,189,194,191,191,199,202,194,183,181,189,183,127,123,135,183,189,194,196,196,196,196,196,199,202,202,199,189,179,183,191,191,186,183,178,176,176,176,178,181,183,183,178,178,181,186,189,183,178,178,173,170,168,168,170,176,178,176,173,170,170,170,125,122,122,125,173,186,189,186,181,176,129,121,121,125,129,129,173,181,183,183,181,181,186,186,181,176,176,176,173,173,176,181,186,186,189,191,191,189,186,186,189,189,186,183,189,183,176,129,127,125,117,105,99,113,178,189,181,123,122,127,183,183,176,170,129,129,176,181,183,189,194,194,189,178,127,123,126,178,183,183,181,178,129,119,111,108,111,127,178,181,181,178,173,129,131,133,176,183,196,207,209,207,207,212,217,222,215,209,207,212,215,207,189,133,129,128,183,202,202,199,202,204,199,194,189,181,178,183,189,186,183,186,191,196,196,194,186,183,186,186,181,179,179,181,191,202,204,194,181,131,125,127,127,127,129,176,183,189,189,181,178,178,181,178,170,170,181,191,194,191,189,186,182,182,182,182,186,194,196,196,196,196,196,199,204,204,204,202,202,199,199,202,207,209,204,199,196,191,186,181,178,178,181,183,186,194,202,204,202,202,0,209,212,217,217,215,212,215,217,220,215,212,0,0,0,202,198,198,199,202,204,212,217,222,222,222,222,217,0,0,0,0,0,0,212,212,212,215,222,228,230,230,228,222,209,207,207,212,225,233,238,238,235,230,228,222,215,204,191,187,189,196,0,0,0,0,0,204,209,209,209,209,208,208,212,220,225,222,215,207,205,207,209,212,215,217,217,217,222,222,222,215,207,194,186,176,170,163,152,0,0,0,0,160,165,173,178,181,186,191,194,194,194,196,199,202,204,207,215,225,233,238,241,238,235,233,225,217,215,212,207,207,204,202,200,204,215,225,225,222,217,222,225,225,217,209,205,207,209,212,209,209,212,215,212,207,204,209,215,215,209,202,202,202,204,209,212,209,207,209,212,215,212,211,212,217,222,222,217,217,217,215,209,204,200,200,202,212,225,233,238,238,238,233,230,228,230,233,235,235,235,235,235,238,238,235,230,228,230,233,233,228,225,225,222,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,38,38,0,0,0,0,0,0,0,15,43,43,23,0,0,0,0,0,0,0,0,1,15,19,5,0,82,139,82,72,111,105,98,113,129,124,108,118,129,111,77,35,25,29,33,21,5,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,7,0,0,23,61,51,0,0,0,0,0,0,0,0,0,9,163,191,204,202,199,199,199,199,196,196,196,196,199,199,202,196,191,183,170,113,101,84,85,119,173,168,123,121,121,118,118,121,123,165,170,176,176,168,123,121,123,125,123,121,120,121,127,170,168,168,170,173,170,127,127,127,170,176,178,178,173,127,127,178,196,207,202,189,181,178,176,131,131,173,173,131,176,186,196,204,199,191,183,181,181,181,173,125,122,129,183,194,196,196,199,204,207,199,186,173,127,127,127,129,170,170,170,168,127,127,127,127,127,124,125,125,165,170,178,183,186,183,176,165,119,115,114,115,117,119,119,117,115,113,113,113,119,165,178,189,191,189,183,176,170,125,119,118,121,168,176,181,176,168,127,168,125,119,121,170,176,170,123,121,118,117,118,165,173,173,165,123,168,168,165,121,115,113,117,170,181,168,119,119,121,119,117,119,160,165,176,191,204,204,194,181,168,119,113,107,107,105,104,104,111,163,173,168,121,119,121,168,176,178,181,176,165,119,119,121,119,113,111,113,123,173,173,165,115,81,57,168,207,215,217,225,228,215,113,45,155,173,178,181,163,109,111,157,160,155,155,111,97,95,97,103,160,176,181,189,194,191,189,183,176,173,173,163,109,105,183,202,199,176,113,112,117,160,163,160,117,115,165,199,215,217,212,189,170,83,83,99,109,115,117,113,109,105,100,100,113,170,170,117,105,103,103,111,119,119,119,119,117,117,115,113,112,111,112,113,117,121,168,183,204,217,228,233,235,233,222,204,121,111,121,176,176,109,89,93,107,119,165,160,51,29,89,115,123,168,170,168,125,125,127,170,176,183,194,204,209,209,204,199,202,207,199,176,118,115,118,123,129,131,131,133,176,178,176,132,178,183,181,183,189,183,127,124,129,183,191,196,202,207,207,202,194,191,194,199,204,196,181,130,128,132,178,178,178,186,199,209,212,209,209,209,209,209,202,194,183,178,178,183,181,181,178,173,173,181,178,121,112,115,127,176,178,176,173,173,178,189,196,194,183,173,168,173,178,183,186,186,186,183,181,181,176,168,168,176,181,176,173,173,168,123,117,117,119,119,117,117,121,165,170,168,123,125,173,181,186,186,189,189,181,178,178,181,183,176,125,123,123,123,125,173,196,209,207,189,170,168,170,178,176,168,124,124,127,170,173,127,121,120,123,170,173,170,129,170,170,129,129,170,173,129,127,129,127,117,113,114,127,186,194,194,189,189,189,191,199,199,194,183,178,178,183,191,194,191,191,189,183,178,131,129,131,183,186,176,127,125,121,120,121,125,127,133,181,186,186,178,176,177,181,186,191,191,191,189,189,186,189,194,191,183,183,189,194,196,199,202,207,207,196,181,135,178,178,181,181,133,133,178,183,186,191,196,186,132,132,178,186,186,186,186,189,189,183,178,135,178,183,186,181,131,125,121,119,118,117,117,119,123,127,129,131,133,176,181,186,183,181,183,183,181,178,183,189,191,191,189,186,181,181,183,186,191,191,191,186,181,178,178,178,178,176,176,181,186,186,183,183,186,186,186,191,196,202,202,196,194,194,199,202,202,196,186,181,181,178,173,131,129,127,127,131,181,186,183,178,170,129,176,176,173,176,178,178,129,121,119,123,170,173,173,172,173,178,178,176,176,181,186,191,194,189,131,124,124,125,125,129,173,176,178,181,181,181,183,186,181,178,176,131,125,121,120,121,127,176,186,189,189,189,196,202,207,207,199,194,194,196,196,196,196,199,202,202,199,202,207,212,212,212,212,212,212,212,207,204,204,207,204,199,196,196,199,199,199,196,194,194,199,204,209,212,209,204,202,204,222,228,217,199,139,129,129,137,191,199,196,194,189,186,186,183,183,189,191,186,181,137,137,135,131,127,129,139,191,202,202,199,196,194,194,194,196,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,125,170,170,170,173,178,181,178,170,170,176,181,181,176,170,170,168,173,176,178,178,173,125,123,123,121,117,117,119,125,168,168,127,127,168,170,173,173,173,170,129,129,129,173,176,178,176,173,170,131,131,173,176,176,173,176,181,181,181,181,178,178,178,178,181,181,183,183,183,183,183,183,178,177,178,186,189,189,189,191,191,191,191,194,196,194,194,191,189,186,186,186,189,191,189,189,189,189,189,186,183,181,183,186,191,191,189,189,189,191,194,194,191,191,191,194,194,196,196,196,194,194,194,191,186,183,181,181,183,181,181,183,183,181,181,181,183,186,186,186,186,186,186,186,189,189,191,194,194,194,194,194,194,186,183,183,191,194,194,189,183,182,183,189,196,199,199,196,194,196,199,196,196,194,194,194,194,194,194,194,196,196,194,189,183,181,181,183,186,183,181,186,191,194,196,196,199,196,196,199,202,196,191,189,191,191,191,189,189,189,189,186,186,183,183,181,181,183,183,183,183,183,181,178,178,178,173,170,170,170,170,173,178,178,176,173,176,170,165,168,181,189,194,194,196,196,194,194,199,204,204,202,194,157,89,83,97,191,176,178,176,173,176,178,181,178,173,176,181,176,168,168,176,189,194,194,194,191,186,183,183,181,173,168,168,170,176,176,176,176,178,178,178,181,181,176,170,173,178,183,189,178,122,120,123,176,181,178,170,168,170,181,189,191,191,186,178,173,170,129,127,127,129,129,129,176,186,186,181,176,131,127,124,125,133,176,176,178,183,186,191,191,186,181,186,191,191,191,194,199,194,181,179,186,194,178,121,131,186,194,196,196,196,196,196,196,196,199,199,199,191,186,189,194,194,189,183,181,178,176,178,178,178,178,181,178,176,178,181,183,181,178,178,176,170,168,168,169,173,176,176,170,169,169,170,170,127,125,129,178,186,186,181,181,178,170,123,121,127,129,128,129,178,186,183,181,181,181,181,173,170,129,128,128,128,170,178,183,183,183,186,189,186,183,186,191,194,194,189,186,183,181,181,183,178,121,99,85,90,119,186,186,127,125,129,186,191,181,128,126,173,186,191,189,186,189,191,186,176,125,124,127,181,189,186,183,183,176,125,111,110,117,173,178,173,129,127,119,117,123,176,186,191,194,199,204,202,204,209,215,217,212,207,199,202,204,194,135,130,129,133,202,212,207,199,202,204,202,196,191,186,189,194,199,196,189,189,194,194,191,189,189,191,194,191,181,179,179,179,189,199,202,194,181,129,125,125,123,122,122,131,189,199,204,199,191,189,189,183,173,170,178,183,189,191,191,186,181,181,182,183,189,194,196,194,196,195,195,196,199,204,204,204,204,202,199,202,207,209,207,202,196,191,183,177,176,177,178,178,181,189,199,204,0,0,0,207,212,215,217,215,215,217,222,220,212,207,207,0,0,204,202,199,202,204,207,212,217,222,222,222,222,222,0,0,0,0,0,215,212,212,215,222,225,228,230,233,230,222,209,207,207,212,220,228,235,235,235,233,228,222,212,202,189,187,189,196,0,0,0,0,0,0,212,209,209,209,208,208,209,217,222,222,212,209,207,209,212,217,222,222,222,222,222,222,222,217,209,199,191,183,176,168,160,155,157,160,160,160,163,168,176,181,183,189,191,194,194,194,196,199,202,204,209,217,230,235,238,238,235,233,228,222,215,212,207,207,207,202,200,202,212,225,225,222,217,222,225,225,217,209,205,207,212,212,209,209,212,215,212,209,204,207,212,215,209,204,202,202,207,212,212,209,209,209,215,215,212,212,215,222,225,222,217,217,217,215,207,202,200,200,204,212,222,230,235,238,235,233,228,226,228,230,235,238,235,235,233,235,238,235,230,230,230,233,233,230,228,225,222,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,53,61,56,0,0,0,0,0,0,0,25,46,25,0,0,0,0,0,0,0,0,0,0,0,17,11,0,0,74,47,74,129,113,95,98,111,118,121,126,121,92,53,37,35,51,43,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,82,59,0,0,0,0,0,0,0,0,0,0,100,191,202,202,202,199,199,196,194,194,194,194,196,199,202,196,189,178,160,93,85,80,80,109,170,173,165,123,119,118,118,121,125,165,170,173,173,168,123,123,125,125,125,121,120,121,127,170,170,168,127,129,129,129,129,129,170,176,178,176,129,121,120,127,181,189,186,178,173,173,131,131,173,178,178,176,173,183,194,196,191,186,186,191,196,196,183,127,122,125,178,191,194,196,202,204,204,194,178,129,127,126,127,129,176,178,178,173,168,125,127,127,127,125,125,165,168,168,173,178,183,186,181,170,119,115,114,115,117,119,119,117,113,112,112,113,115,121,125,168,176,173,170,168,165,125,119,118,123,173,186,191,189,183,181,178,170,119,118,123,168,165,121,119,119,119,121,165,168,165,121,121,165,165,163,121,115,115,121,173,181,168,119,119,119,117,116,116,117,121,165,181,196,202,196,186,170,121,113,107,103,103,104,109,113,160,170,170,163,121,163,176,189,196,199,191,176,121,117,119,117,113,111,112,119,165,165,121,109,79,26,79,199,209,212,215,209,186,77,32,173,181,181,183,170,109,108,115,155,115,113,113,109,105,101,105,117,160,165,176,186,194,194,191,186,183,173,119,111,157,194,204,199,178,110,110,160,160,119,117,113,113,119,170,189,189,189,186,178,89,89,101,109,113,155,117,115,111,103,103,109,117,117,103,81,79,89,97,115,119,117,117,117,117,115,115,117,117,115,115,119,160,170,186,202,212,222,230,233,230,230,228,207,121,117,168,165,55,27,29,83,117,173,181,37,31,71,107,117,123,165,125,125,127,129,170,173,178,186,194,199,199,194,189,191,196,196,191,181,133,129,127,127,129,131,131,176,178,133,129,129,132,133,176,176,131,127,127,181,194,204,212,217,215,207,199,194,191,191,194,194,191,181,132,131,133,178,181,186,196,207,215,217,215,215,217,222,217,212,202,186,176,173,131,129,129,129,127,128,173,129,114,111,115,127,170,173,173,173,176,181,191,199,202,186,170,125,168,176,183,186,186,183,176,173,178,178,176,176,183,189,186,176,170,165,121,115,115,115,115,117,115,111,117,125,123,117,123,170,178,181,186,191,189,178,173,173,173,181,178,170,165,165,165,125,165,181,202,199,181,125,123,170,178,181,176,127,125,127,173,176,170,123,121,123,129,170,129,170,176,183,183,181,181,186,183,178,176,131,123,117,119,131,186,194,194,194,196,194,194,196,196,196,189,178,174,177,189,196,196,194,191,189,181,131,130,131,181,178,119,113,115,121,123,127,176,178,181,186,191,191,186,178,178,178,183,186,191,194,194,196,194,194,196,196,189,189,196,202,202,202,202,207,209,199,186,186,189,189,189,186,181,135,181,186,186,189,186,135,130,131,178,189,191,194,194,194,191,186,181,181,186,189,186,133,123,118,118,119,118,117,118,121,125,129,133,176,176,176,178,181,178,178,183,186,181,178,186,191,194,191,189,183,181,181,181,181,181,183,183,181,178,178,178,178,176,176,176,181,183,183,183,189,191,191,189,194,196,199,199,199,196,196,199,202,199,191,183,181,181,178,176,173,131,129,126,126,131,178,181,178,176,173,176,173,169,170,173,173,123,117,118,123,170,173,172,173,173,173,176,176,176,178,178,183,189,183,173,127,129,131,173,178,181,178,176,173,131,131,173,178,178,176,178,176,173,131,127,125,125,131,186,191,186,186,191,194,199,202,199,196,196,199,199,196,196,199,204,204,204,204,207,209,207,207,207,209,212,212,209,207,207,207,204,202,199,196,196,199,202,199,199,202,204,209,212,212,212,204,200,204,217,228,217,189,129,123,127,135,186,191,194,191,189,183,183,183,186,191,194,189,183,183,186,186,181,135,135,183,194,204,207,202,196,191,191,191,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,125,123,168,178,186,186,178,176,181,183,178,173,170,170,173,178,178,178,176,173,168,127,168,168,125,121,119,123,127,170,170,173,176,178,176,170,169,170,168,129,129,173,178,183,181,176,170,129,129,131,173,173,176,178,183,181,181,178,177,178,178,181,183,186,186,186,186,183,183,183,181,178,181,186,189,189,191,194,194,194,191,194,196,196,194,191,189,186,186,189,189,189,189,189,191,194,194,191,186,181,181,186,189,191,191,189,191,191,194,194,194,194,194,191,191,194,194,194,194,194,194,191,186,181,178,178,178,178,178,181,181,178,176,176,178,181,183,183,183,183,186,186,189,189,189,189,191,194,196,196,194,186,182,183,194,199,196,191,186,183,183,189,194,199,199,196,194,194,196,196,196,196,196,194,194,194,191,191,194,194,191,186,183,181,181,181,186,186,183,183,186,191,194,196,196,196,196,196,199,194,189,189,191,194,191,191,191,191,191,186,183,181,181,181,183,183,183,186,186,186,183,181,181,176,173,173,173,176,176,178,181,181,176,176,176,173,170,173,181,186,189,183,181,189,189,191,199,204,204,199,186,168,105,83,70,69,71,117,165,170,173,176,178,178,176,178,178,170,165,168,183,196,202,199,194,189,181,181,181,181,176,169,169,176,181,181,178,181,181,181,178,181,181,176,170,170,176,181,181,170,121,121,127,183,186,178,173,170,173,181,186,189,189,183,181,178,181,181,173,129,129,131,176,181,181,181,178,176,129,125,123,125,131,176,178,181,183,183,189,191,186,181,183,189,191,191,194,196,194,183,178,183,191,133,97,109,189,196,196,196,196,196,196,196,196,196,194,191,186,183,191,196,196,194,189,186,181,178,178,178,176,178,181,178,176,176,178,178,176,176,178,178,173,170,170,173,173,176,173,170,168,169,176,178,176,170,170,178,181,178,176,178,178,173,127,127,170,170,128,129,178,186,186,183,181,176,173,170,128,128,127,126,127,170,178,181,181,181,181,183,181,178,183,189,194,194,189,178,173,176,181,189,191,178,115,86,91,117,186,194,186,173,176,186,194,183,123,122,176,191,194,189,181,179,181,181,173,126,126,173,186,191,189,186,186,183,176,125,127,183,189,181,125,119,116,112,110,114,178,191,191,186,186,189,189,191,196,202,207,204,199,189,183,183,181,178,133,133,183,207,209,196,183,191,199,199,196,196,194,196,202,207,204,196,194,199,196,186,182,183,189,191,189,183,181,181,181,186,196,199,189,178,129,127,129,125,122,121,127,186,202,212,209,202,196,196,191,181,176,173,173,178,186,191,191,183,183,186,189,191,191,194,194,196,196,195,195,199,204,207,207,207,204,202,204,207,209,207,204,199,191,181,177,177,177,177,177,177,183,196,202,0,0,0,207,212,215,217,215,215,220,222,217,209,204,207,0,0,0,207,207,207,207,207,212,215,222,222,222,225,225,225,228,230,228,0,215,211,212,222,225,228,228,230,233,230,217,209,207,209,215,217,225,230,233,233,233,230,222,212,199,187,187,189,194,0,0,0,0,0,0,215,212,209,209,209,208,212,217,220,217,215,212,212,215,220,225,225,225,222,222,217,222,220,217,212,207,196,189,181,173,168,163,165,168,168,165,163,168,173,178,183,189,191,194,194,194,194,199,204,207,207,212,225,233,238,238,235,230,228,222,217,215,212,212,209,204,202,204,212,222,222,217,217,222,225,225,217,209,205,207,212,212,209,209,209,212,215,209,204,207,209,212,209,204,204,204,207,212,212,212,209,212,212,215,215,215,217,225,225,222,217,217,217,212,207,202,200,200,204,212,222,230,235,235,235,230,228,226,228,230,235,235,235,233,233,235,235,235,230,230,230,233,235,233,228,225,222,217,216 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,100,103,85,0,0,0,0,0,0,0,48,46,25,0,0,0,0,0,0,0,0,0,0,0,9,1,0,0,0,0,3,77,79,51,72,87,108,113,113,98,85,72,39,37,72,41,7,0,0,0,0,0,0,0,0,0,0,0,3,0,0,0,0,0,0,0,33,98,82,0,0,0,0,0,0,0,5,33,0,45,178,189,196,199,199,199,194,191,191,191,196,199,202,202,194,189,181,123,85,84,85,95,117,176,186,178,125,119,118,119,121,125,165,170,170,168,165,123,123,125,125,125,123,121,123,168,173,170,127,125,127,127,129,129,170,173,178,181,176,127,120,119,121,129,173,173,131,129,127,127,127,131,178,181,178,173,178,186,186,181,181,189,199,207,204,191,131,122,123,173,183,189,191,199,202,199,183,170,127,127,127,127,129,176,181,181,176,168,125,125,127,168,168,165,165,168,165,168,173,178,183,181,173,121,117,115,117,119,119,119,117,115,113,115,115,117,117,117,119,121,121,121,123,165,125,123,121,127,183,199,207,207,202,199,191,173,119,116,119,165,165,123,119,121,123,125,125,163,123,119,119,121,123,121,119,117,115,121,168,170,160,117,117,119,117,115,115,115,116,119,165,178,186,186,178,165,119,111,105,103,103,107,115,119,160,165,168,123,119,163,183,196,204,207,202,186,125,117,117,119,117,117,121,165,168,165,121,111,99,18,52,181,199,204,186,163,115,69,26,168,186,186,186,178,111,108,115,157,155,152,155,155,111,109,117,163,157,113,111,170,191,194,189,181,176,165,119,119,163,176,183,181,160,110,115,176,163,113,112,113,113,113,115,109,103,160,178,186,105,99,107,111,155,170,170,165,163,117,117,117,115,111,93,71,71,73,73,97,109,113,117,157,160,119,117,121,121,119,119,160,165,170,178,189,202,217,225,225,228,230,230,212,121,111,111,93,35,18,19,55,111,165,168,28,35,73,105,115,119,123,127,168,170,173,176,176,176,178,181,183,181,176,176,183,194,207,215,215,204,186,131,127,127,129,133,178,178,176,131,130,133,178,178,178,176,133,181,191,202,215,225,228,222,207,196,189,186,185,185,186,186,181,178,181,183,186,189,194,202,209,212,212,212,215,222,225,222,212,202,186,176,131,127,125,126,128,128,128,129,127,117,115,123,170,173,173,170,173,176,181,186,196,199,183,170,125,127,173,178,183,183,181,125,116,123,178,186,189,194,196,186,173,125,119,115,113,113,113,113,115,115,107,108,113,111,110,119,168,170,173,181,186,181,170,168,168,170,183,186,178,173,178,183,176,125,168,183,186,170,121,120,125,173,178,178,170,168,168,176,178,176,168,127,170,176,178,173,170,176,183,183,181,181,186,178,131,131,173,129,125,125,131,181,189,191,196,199,199,194,194,191,194,191,181,174,176,186,191,191,191,191,189,181,133,130,133,178,133,115,110,113,121,131,183,194,191,186,183,191,194,191,186,181,181,181,183,191,194,199,199,199,199,199,196,194,196,204,207,207,204,204,209,207,196,186,189,191,191,189,186,178,135,183,189,186,183,181,134,131,133,183,189,191,196,196,194,189,183,183,186,194,196,189,133,123,119,121,125,125,123,123,125,129,176,181,181,178,133,131,131,129,131,181,186,181,178,186,194,194,191,186,181,179,181,181,181,178,178,178,178,178,178,181,178,178,176,176,181,181,181,183,189,191,191,189,196,196,196,199,199,199,199,199,199,196,189,181,176,178,181,181,178,178,173,126,125,126,131,176,176,176,176,173,170,168,169,170,129,123,118,118,125,170,173,173,173,173,173,178,181,181,178,176,173,176,178,176,173,176,178,181,183,181,176,131,127,125,125,125,129,173,176,178,181,183,183,178,129,127,131,178,183,183,181,181,181,186,194,196,199,199,199,199,196,199,204,207,207,204,204,204,204,202,199,202,207,209,212,209,207,204,204,207,207,204,199,199,199,202,202,204,207,209,212,212,212,212,207,203,207,215,217,202,135,121,119,123,131,135,183,189,191,191,186,183,183,189,194,194,191,186,191,196,196,189,183,183,194,202,207,209,204,196,191,189,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,117,123,178,191,194,186,178,176,176,173,170,170,170,173,176,176,173,173,176,176,176,176,176,170,125,121,123,168,173,176,178,183,183,178,173,169,170,170,170,170,173,181,189,186,181,170,127,126,127,131,173,176,181,183,181,178,178,178,178,181,181,183,186,189,189,186,186,183,183,183,181,183,189,191,191,194,194,194,194,194,194,196,196,194,191,191,189,189,189,189,189,189,189,191,194,194,191,186,181,183,186,191,194,194,191,189,191,194,194,194,194,194,191,191,191,191,194,194,194,194,191,189,183,178,135,133,133,176,181,181,178,176,133,176,178,181,183,183,186,186,189,189,189,187,187,189,196,199,196,194,186,183,183,191,196,196,191,189,183,183,189,194,196,196,194,194,194,194,194,196,196,196,194,194,191,189,189,191,191,189,186,183,181,181,181,186,189,186,183,186,189,194,194,194,194,196,196,196,191,189,189,191,191,191,191,194,196,191,186,181,179,179,181,183,183,186,189,191,191,189,186,181,176,173,173,178,181,181,183,186,186,181,178,178,178,178,178,181,181,173,103,93,168,176,176,191,199,199,189,178,176,176,111,71,55,58,103,163,170,173,176,176,176,176,178,178,173,169,176,194,207,207,202,194,183,178,177,178,181,176,173,176,183,189,186,181,178,176,176,178,181,181,178,173,170,173,176,176,168,125,125,176,186,183,176,170,173,176,178,183,186,186,183,183,189,194,196,186,131,127,131,178,181,178,176,176,173,129,125,125,127,131,133,176,178,178,181,186,191,189,181,179,181,189,194,194,194,189,183,179,181,135,91,80,89,181,194,194,194,194,194,194,196,196,194,189,182,181,182,189,194,196,196,194,189,183,178,178,178,176,176,178,178,176,176,178,178,176,176,178,178,178,176,176,176,176,176,173,169,168,170,178,183,181,173,170,170,176,176,173,173,176,173,129,170,176,176,173,173,178,183,186,183,181,173,170,129,170,170,129,129,170,176,181,181,178,176,176,178,176,173,176,183,189,191,183,125,122,122,127,183,196,196,186,119,117,129,191,202,196,183,181,186,194,186,125,124,176,189,191,189,179,178,181,183,178,131,129,178,189,191,189,186,189,186,178,181,189,202,204,191,127,117,116,113,111,114,176,189,186,178,178,181,135,131,131,135,183,189,189,181,130,128,133,181,181,135,178,194,191,177,173,179,191,194,194,196,196,194,199,207,207,202,202,207,204,194,183,182,182,182,183,183,186,183,183,189,194,194,183,173,129,129,131,129,123,122,123,176,194,209,212,207,202,202,199,189,178,172,170,172,178,189,194,191,194,194,194,191,191,191,196,199,199,196,195,199,204,209,209,207,204,204,204,207,207,207,204,199,191,183,178,181,181,178,177,176,181,189,196,202,204,0,209,212,217,217,215,215,217,222,215,207,202,207,0,0,0,0,212,209,209,209,212,215,220,222,222,225,225,228,230,230,228,0,212,211,212,225,228,228,228,230,233,230,222,212,209,215,222,222,222,228,233,235,235,233,225,212,199,187,187,189,194,0,0,0,0,0,0,215,212,209,209,209,212,215,217,217,215,212,212,215,222,225,228,230,228,225,222,217,217,215,215,212,209,204,196,189,181,176,170,170,173,173,168,165,165,170,176,181,189,194,196,194,194,194,202,207,209,207,209,217,233,235,235,233,230,228,225,222,217,217,215,212,207,202,204,212,222,222,217,217,222,225,222,215,209,207,209,212,212,212,209,209,212,212,209,207,204,207,209,207,204,202,204,207,209,212,212,209,209,212,215,215,217,225,228,228,222,215,215,215,212,209,204,202,202,207,212,222,228,233,235,233,230,228,226,226,230,233,235,235,233,230,233,235,233,230,229,230,233,235,233,230,225,222,217,216 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,131,134,124,108,0,0,0,0,0,0,0,13,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,35,87,95,77,43,53,74,35,29,66,39,0,0,0,0,0,0,0,0,0,0,0,3,5,0,0,0,0,0,0,0,0,85,82,39,5,7,17,9,0,0,0,39,0,9,152,173,189,194,196,194,191,189,187,191,196,199,202,199,194,189,186,170,89,85,99,115,125,178,191,183,125,119,118,119,121,125,165,168,168,165,125,125,125,127,127,127,125,127,127,168,170,168,125,124,125,127,129,170,170,176,183,186,178,127,121,119,120,123,127,127,127,126,126,126,127,131,178,181,178,176,176,176,173,173,178,191,202,204,204,194,173,123,122,125,131,173,178,186,196,194,181,129,127,170,170,129,129,170,178,181,178,170,125,125,127,168,168,168,168,165,165,165,168,173,178,178,173,125,119,117,117,119,121,121,119,119,119,119,119,119,119,117,116,116,116,116,121,127,127,125,123,173,194,209,217,217,215,209,202,181,123,118,123,170,173,165,123,125,125,125,123,121,119,119,119,117,115,117,117,115,113,115,117,117,113,113,115,121,121,117,117,116,115,116,119,163,168,168,168,160,115,109,107,107,105,109,115,121,119,121,123,119,115,119,178,194,202,202,199,183,168,121,121,123,165,170,176,181,183,181,170,117,103,17,48,168,189,191,173,119,109,65,17,113,199,199,196,186,160,115,157,163,157,152,155,155,113,117,178,186,170,103,93,101,178,183,173,163,157,119,160,168,160,157,165,170,160,115,170,176,157,110,111,113,115,113,107,87,85,107,178,207,163,109,109,117,168,196,199,196,194,183,181,176,165,155,103,81,79,77,73,79,95,107,115,160,168,165,157,121,121,119,119,160,168,173,176,173,191,209,217,222,225,225,215,189,119,109,105,91,55,49,67,71,117,115,65,0,35,73,101,113,117,121,168,173,178,178,178,176,173,131,129,129,129,129,131,183,202,215,225,225,215,196,178,131,127,129,178,181,178,178,181,183,189,191,191,191,186,186,194,202,212,225,230,230,217,204,194,185,183,183,183,185,186,186,189,191,191,189,191,194,199,199,202,202,207,212,217,222,215,204,189,181,178,176,129,125,127,173,173,170,170,170,170,173,176,178,181,176,170,173,176,181,181,183,186,178,170,125,123,127,170,176,176,170,116,113,117,173,183,189,194,194,178,123,115,112,112,117,121,119,115,119,117,107,107,109,108,108,115,121,123,165,170,173,168,165,165,168,176,191,191,183,181,189,196,191,168,124,168,170,125,120,119,121,125,170,173,176,173,173,176,178,176,170,170,176,181,178,173,168,169,173,176,173,129,131,128,126,127,129,129,129,129,133,178,183,189,196,199,199,196,194,189,189,191,186,178,178,189,191,189,189,189,186,181,133,131,131,133,131,123,113,112,119,176,194,199,191,181,178,186,194,196,194,186,181,181,183,191,196,199,199,199,199,199,199,199,202,207,209,209,204,204,204,199,189,181,186,191,191,186,178,133,134,186,191,189,183,181,181,178,183,189,189,191,194,191,186,178,135,178,186,196,199,191,178,129,127,127,131,131,131,131,133,178,183,189,189,183,176,129,127,123,122,131,183,181,181,186,194,194,189,183,181,181,181,183,186,186,181,178,178,183,186,186,186,183,181,183,186,183,178,178,183,186,189,191,199,199,199,199,202,202,199,199,199,196,186,178,174,176,178,183,183,183,178,131,127,129,176,178,176,173,173,173,170,170,170,176,170,127,125,125,127,170,173,173,173,173,176,183,189,189,183,173,125,125,129,173,176,178,181,181,178,173,127,125,123,125,124,125,127,173,178,181,186,189,191,189,178,133,133,133,178,183,183,133,130,133,186,194,196,196,196,199,196,199,204,209,209,207,204,204,202,196,196,196,202,207,209,207,202,202,202,204,207,207,204,202,202,202,204,204,207,209,212,212,212,212,209,204,209,215,215,199,133,120,118,123,131,135,181,189,194,196,194,191,189,191,194,194,191,191,196,202,202,194,189,191,202,207,209,207,202,196,194,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,123,176,191,194,186,173,127,127,168,173,176,176,170,173,173,173,176,178,181,181,178,176,170,127,125,125,168,173,178,181,186,186,181,173,170,170,170,170,170,176,186,194,191,183,173,127,125,125,127,131,176,181,183,178,178,178,181,181,181,181,181,183,186,186,183,183,183,181,181,181,183,189,194,194,194,194,194,194,194,196,196,196,196,194,191,191,189,189,189,189,189,189,191,194,194,191,186,183,186,189,194,194,194,189,189,189,191,194,194,194,194,191,191,189,191,191,191,189,189,191,191,189,183,178,133,132,133,178,178,178,176,133,176,176,178,183,186,189,189,189,189,189,187,187,191,199,202,199,194,189,183,181,186,189,189,189,186,183,183,186,191,196,196,194,191,191,194,194,196,196,194,194,191,189,189,186,189,189,186,183,181,183,183,183,186,189,186,186,189,191,194,194,194,194,196,196,194,194,189,189,189,189,189,194,196,196,194,186,181,179,179,181,181,181,186,191,196,199,196,189,183,176,173,173,178,181,183,186,191,191,189,183,183,186,186,186,181,170,119,87,80,84,86,90,160,186,186,176,168,178,199,194,119,70,73,119,168,173,173,173,176,176,173,176,178,178,178,189,202,209,209,204,194,181,177,178,183,183,178,178,183,194,199,196,186,176,173,174,181,186,186,183,178,176,173,173,173,173,170,173,176,181,176,170,170,173,176,178,178,183,186,186,189,196,204,204,196,176,127,129,176,176,173,173,173,131,129,129,131,131,133,176,176,176,178,181,189,194,189,181,178,178,189,194,191,186,183,181,181,181,123,90,82,90,123,183,189,191,194,191,194,194,194,189,183,179,179,182,186,191,194,194,191,189,183,181,181,178,176,176,176,178,176,178,181,181,178,176,178,178,178,178,178,178,178,176,173,169,168,170,178,183,181,170,128,128,173,176,176,173,173,170,170,176,178,178,178,176,178,181,183,183,181,176,173,170,170,173,176,178,183,186,183,181,178,173,170,170,129,127,129,176,183,183,178,124,121,121,124,178,191,196,191,181,176,181,194,202,199,189,183,189,194,191,181,173,176,183,186,189,183,183,191,196,189,178,131,131,178,183,183,183,189,186,181,183,194,204,207,202,186,133,127,123,117,121,133,181,176,133,135,178,133,126,123,124,129,178,183,178,128,126,131,181,178,131,133,183,181,174,173,181,189,191,194,196,191,189,191,199,207,204,204,215,222,215,199,183,179,181,183,189,191,189,183,186,189,186,173,127,125,127,129,129,125,123,123,131,183,199,207,207,202,199,196,189,178,173,170,172,178,186,194,196,196,196,194,189,189,194,199,204,204,199,196,202,209,212,212,209,207,204,204,207,207,204,202,199,191,186,183,186,186,183,178,177,178,186,191,199,204,0,0,212,215,217,215,212,215,217,212,204,202,207,0,0,0,0,217,215,212,209,212,215,217,222,222,225,228,230,233,233,228,220,212,209,212,222,228,228,228,230,233,233,225,217,217,225,228,225,225,228,233,235,238,235,228,215,202,189,187,189,194,0,0,0,0,0,0,217,212,207,209,212,215,217,217,217,215,212,212,215,222,225,230,230,230,225,222,217,215,212,212,212,212,207,202,194,189,183,178,173,176,176,173,168,165,165,170,181,189,196,196,196,194,196,204,212,212,207,207,215,228,233,233,230,225,225,222,222,222,222,217,212,207,204,204,212,217,217,217,217,217,222,222,215,209,207,207,212,212,212,209,209,212,212,209,207,204,204,207,204,202,202,204,207,207,209,209,209,207,209,212,215,217,225,230,228,222,215,215,217,215,209,207,204,204,207,212,222,228,230,233,233,230,228,226,226,230,233,233,233,230,230,233,233,233,230,229,230,233,235,233,230,225,222,217,216 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,124,137,142,144,155,134,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,25,23,47,87,39,12,43,47,9,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,74,72,37,29,33,21,3,0,0,0,0,0,134,157,176,183,189,191,189,187,187,189,196,199,196,196,191,189,189,173,97,84,105,119,125,170,183,178,123,119,119,121,123,125,127,168,127,125,127,168,170,170,170,170,170,170,170,170,170,129,125,124,124,125,129,170,170,176,183,186,178,129,123,120,121,123,125,127,126,126,126,127,127,131,176,176,173,176,173,131,128,129,178,189,199,199,196,189,173,125,122,122,122,122,125,176,191,194,183,173,170,173,173,170,129,170,176,181,183,176,127,125,127,168,168,168,165,165,165,165,168,170,173,173,173,168,125,121,119,119,121,121,121,121,123,123,123,123,121,119,119,117,116,117,121,168,168,125,125,178,199,212,217,217,217,215,209,191,170,125,168,176,178,168,123,123,123,121,119,117,119,121,117,113,112,113,115,113,109,109,109,105,105,107,113,121,163,165,163,160,117,116,117,119,119,160,163,157,113,109,111,111,109,109,113,117,117,119,121,119,113,113,163,186,186,183,178,173,165,123,125,170,176,183,189,194,194,194,191,173,101,28,71,173,183,186,178,160,103,35,0,63,199,202,196,191,178,163,157,157,113,103,103,101,101,115,183,194,183,111,90,91,115,157,113,109,107,113,168,170,114,114,160,170,165,160,170,168,115,110,113,160,160,119,111,93,85,93,115,189,168,119,115,119,176,212,222,222,217,209,207,207,199,183,155,99,89,81,73,75,89,101,107,119,170,170,160,119,118,118,117,119,168,176,173,121,176,202,212,220,222,215,194,121,109,107,115,168,178,178,176,165,168,113,35,0,37,81,105,113,115,119,165,176,181,183,181,176,170,129,128,129,131,131,178,196,209,217,222,222,217,207,194,181,129,129,178,183,178,176,186,196,202,202,199,194,186,183,194,209,222,230,233,225,209,199,191,186,186,186,189,189,191,196,202,202,196,191,189,189,186,183,186,191,196,202,209,212,202,183,173,173,178,183,178,131,173,178,176,176,176,178,186,189,186,186,186,178,170,170,178,183,181,178,176,170,127,123,121,121,123,125,125,121,117,117,125,170,176,181,186,181,165,115,111,111,115,165,178,170,123,123,121,115,115,115,110,110,113,119,121,123,163,163,123,122,123,165,178,191,189,181,178,183,194,189,170,124,125,165,123,121,121,121,121,123,168,173,176,173,176,176,173,170,170,173,178,176,170,168,168,169,173,173,129,128,127,127,127,127,129,133,176,178,181,183,186,194,199,202,199,194,189,186,189,191,189,191,194,191,189,186,186,183,178,135,131,131,131,129,121,114,112,119,178,191,186,129,123,131,183,194,199,194,186,181,181,186,194,196,196,196,196,196,194,194,196,199,202,204,202,196,194,189,186,181,181,186,194,196,191,181,132,133,186,191,189,186,186,189,191,194,194,191,189,189,183,178,133,133,134,186,194,199,194,183,176,131,131,133,176,176,178,181,183,189,191,191,191,186,181,133,123,120,122,178,181,181,186,191,191,186,183,183,183,186,191,194,194,186,181,183,189,191,194,191,189,189,189,194,183,131,128,129,176,183,194,199,199,196,194,196,196,194,194,196,189,181,176,178,178,181,181,183,183,178,176,176,183,189,189,181,176,176,176,176,176,178,178,173,170,129,129,129,129,131,173,131,173,181,189,194,191,186,173,125,124,125,129,173,178,181,178,131,125,122,121,123,127,129,131,173,178,183,186,189,191,194,191,186,183,178,176,181,189,186,133,129,130,178,189,194,194,194,196,196,199,202,207,207,207,207,207,199,196,194,196,202,204,207,202,196,196,199,202,204,207,207,207,204,204,204,207,207,209,212,212,215,212,207,202,204,215,215,204,183,125,123,129,135,139,186,194,199,202,202,199,196,196,196,194,189,191,196,204,204,196,194,196,204,207,207,204,202,199,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,123,173,183,189,181,168,123,121,125,176,183,181,176,176,176,176,176,181,183,181,176,173,170,165,125,165,168,173,176,178,181,181,178,173,170,170,168,168,170,178,189,194,194,186,178,170,126,125,127,131,176,181,181,178,177,178,178,178,178,178,178,178,181,181,181,181,178,178,181,181,183,189,194,194,194,194,192,194,194,196,196,196,196,194,194,191,191,191,189,189,189,189,191,191,191,191,189,186,189,191,194,196,191,189,186,186,189,191,191,191,191,191,189,191,191,191,191,189,189,189,191,191,186,178,133,132,132,133,176,176,133,133,133,176,178,181,186,189,191,191,191,191,189,191,196,202,202,199,194,191,183,181,181,183,183,183,183,183,183,186,189,194,196,194,191,191,194,194,196,196,194,191,189,189,186,186,189,189,186,183,181,183,186,186,189,191,189,189,191,194,194,191,194,194,194,194,194,194,191,189,189,189,189,191,196,194,191,186,183,181,181,181,181,181,183,191,199,202,196,191,183,178,173,173,178,181,183,189,194,196,191,186,189,191,196,194,186,176,163,101,85,83,82,86,113,168,173,165,164,178,199,199,183,165,121,170,176,173,173,176,178,173,172,172,176,178,183,191,202,209,209,204,194,181,178,181,186,186,181,183,191,204,209,207,194,176,173,174,183,191,191,186,183,181,178,176,176,176,176,176,173,176,173,170,173,176,178,176,178,183,186,189,191,196,202,204,194,173,127,127,173,176,173,173,173,129,129,131,176,176,176,176,178,178,183,189,194,196,191,181,178,178,186,191,189,181,179,181,186,186,178,127,117,111,123,181,191,191,191,191,191,194,194,189,182,182,186,189,189,189,191,191,189,186,183,183,183,181,178,176,176,176,173,178,183,183,178,176,176,178,178,181,181,181,181,176,173,170,170,173,178,181,176,129,127,128,170,178,178,176,173,173,176,178,181,181,178,176,173,176,176,181,181,178,176,173,170,173,178,189,194,191,186,181,176,170,127,127,126,126,127,173,181,181,176,127,125,127,170,178,183,186,186,183,183,186,191,196,194,189,186,194,196,199,196,189,181,178,183,189,191,194,196,199,194,183,129,126,128,131,173,181,189,191,186,189,194,199,202,202,194,189,183,178,176,133,133,133,131,131,135,181,135,127,123,123,127,135,183,181,131,131,181,181,129,127,133,181,186,181,181,191,196,196,199,196,189,182,182,191,202,204,204,215,225,225,209,191,182,182,183,189,191,186,178,181,186,183,131,125,124,125,127,129,127,125,125,129,176,189,199,196,191,186,183,181,178,173,172,173,178,186,191,194,191,189,189,189,191,196,202,207,207,204,202,207,215,217,215,209,207,207,207,207,204,204,202,196,191,189,189,189,189,183,181,178,178,183,191,196,0,0,0,215,215,215,209,207,212,215,212,207,204,0,0,0,0,0,222,220,215,212,212,215,217,220,222,225,228,230,235,233,230,220,212,211,212,220,225,228,228,230,233,233,228,222,222,228,230,228,228,230,233,235,238,235,230,217,204,191,189,189,191,0,0,0,0,0,0,215,209,204,207,215,222,222,222,217,212,212,209,212,215,222,228,230,230,228,222,217,212,209,209,212,212,209,204,199,194,189,183,178,181,181,178,173,168,165,170,178,189,196,196,196,194,199,207,215,212,207,207,212,225,228,228,225,222,217,217,222,222,222,217,212,207,204,207,209,215,217,215,215,217,222,222,215,209,207,207,209,212,212,212,212,212,212,209,207,207,204,204,202,200,200,204,207,207,209,209,209,207,207,209,215,217,225,228,228,222,215,215,217,217,215,209,207,207,209,215,217,225,228,230,230,230,228,226,226,228,230,233,230,228,228,230,233,230,229,229,230,233,235,233,228,225,222,217,216 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,129,139,152,165,189,204,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,29,95,118,47,7,29,87,35,0,0,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,59,69,41,25,17,0,0,0,0,0,0,1,131,152,165,176,183,189,191,189,189,191,196,196,194,191,191,191,189,176,109,89,101,117,121,127,170,170,123,121,121,123,123,125,168,168,127,127,168,173,178,178,178,176,176,178,176,173,173,170,127,124,124,124,127,170,131,173,181,183,176,129,125,123,123,125,125,127,127,127,129,131,131,131,173,131,130,173,173,129,128,129,176,186,191,194,191,186,176,131,129,125,122,121,122,129,189,199,191,178,173,170,173,173,173,173,178,189,191,186,173,127,125,127,127,127,125,125,165,170,170,170,169,170,173,173,168,123,121,119,121,123,123,123,123,123,123,123,123,123,123,121,119,119,125,170,170,127,127,183,202,215,217,215,215,217,212,199,183,173,170,173,173,125,117,117,117,117,115,117,119,121,117,113,112,113,113,111,107,105,105,104,103,104,109,117,163,168,168,165,157,117,117,119,117,119,160,157,113,111,113,111,109,109,113,113,115,119,123,121,115,111,117,125,123,123,165,170,170,168,168,176,183,189,191,194,196,202,204,199,121,70,115,173,183,183,181,168,87,31,0,33,176,194,194,191,186,165,117,109,95,78,77,81,87,107,170,183,181,165,96,93,103,107,105,105,105,111,168,160,111,114,165,173,170,163,160,121,115,115,165,176,173,163,115,103,87,78,77,117,165,173,173,112,160,215,228,230,228,222,222,222,217,202,165,107,89,73,70,77,93,103,105,115,170,173,160,119,119,118,118,119,160,165,160,115,121,186,207,217,220,204,178,107,91,89,115,176,183,181,173,168,168,160,69,13,83,115,170,163,119,119,125,173,181,181,178,173,129,129,131,176,178,181,189,207,215,215,215,217,222,215,207,196,178,131,176,181,178,133,176,189,199,199,194,186,176,174,189,212,225,228,225,207,191,183,186,189,191,191,191,191,196,204,209,207,196,189,183,178,133,131,133,181,183,181,183,178,129,121,121,173,183,186,181,178,181,181,176,176,181,183,186,186,186,186,183,176,169,170,181,189,186,178,173,168,125,121,119,120,121,121,119,116,117,123,168,168,168,170,176,168,121,113,111,112,121,178,194,189,173,165,165,168,173,170,163,119,117,119,123,165,165,163,123,121,121,123,176,183,176,165,165,165,168,168,125,125,168,168,165,125,165,168,125,123,125,168,170,170,173,176,173,170,169,170,170,170,170,170,173,178,183,186,178,173,131,131,131,173,176,183,186,186,186,186,186,189,194,196,199,194,186,185,185,189,194,196,194,191,186,183,181,181,181,178,176,176,176,129,121,114,114,125,181,186,117,99,104,127,186,194,196,191,186,181,183,191,199,202,199,194,191,191,189,189,189,191,191,191,186,178,131,126,127,133,181,191,202,207,204,194,178,134,181,189,189,191,194,196,196,196,196,191,189,183,181,135,134,134,178,186,191,194,191,186,178,131,131,131,176,178,181,181,183,186,189,191,191,191,189,183,131,122,123,129,131,176,183,186,186,183,183,183,186,189,194,194,191,183,178,181,186,194,196,194,191,189,191,189,181,129,127,127,129,178,191,194,191,186,183,181,181,178,181,181,131,129,176,189,191,189,183,181,178,176,176,183,191,196,194,186,181,178,176,178,178,178,176,173,131,131,131,131,131,131,130,130,173,181,191,194,189,178,131,127,125,129,173,176,178,178,176,131,123,121,121,123,129,131,176,178,186,191,191,191,194,196,194,191,186,181,181,189,194,189,135,131,131,178,186,186,186,191,196,199,199,202,204,204,204,204,204,199,194,194,196,202,202,202,196,195,195,199,202,204,207,209,212,209,207,207,207,209,209,212,212,215,212,202,199,200,209,212,204,191,137,133,135,139,189,194,199,202,207,207,204,199,194,191,186,183,186,196,204,204,199,199,202,204,204,202,202,199,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,178,181,176,127,121,119,123,173,186,186,181,178,178,178,176,178,178,178,173,170,168,165,125,125,165,168,170,173,173,176,173,173,170,168,125,125,168,178,186,191,191,186,181,176,129,127,129,173,178,181,181,178,178,178,178,178,177,177,177,178,178,178,178,178,178,181,181,183,183,186,189,191,194,194,192,194,194,196,196,199,196,194,194,194,194,191,189,189,189,189,189,189,191,191,191,189,189,189,194,194,191,186,183,183,186,189,189,189,189,189,191,191,191,191,191,189,186,186,186,186,183,178,133,132,133,176,176,133,133,133,133,133,176,181,183,189,191,191,191,194,194,194,196,202,202,199,194,191,183,181,181,183,183,181,181,181,181,183,189,191,194,194,191,191,194,196,196,196,194,189,186,186,189,189,191,191,189,183,181,183,186,191,196,194,191,191,194,194,191,189,191,191,194,191,191,191,191,191,191,189,187,189,191,191,189,186,186,183,183,181,179,179,183,189,194,196,196,191,186,178,173,173,176,178,183,189,194,194,191,186,189,196,202,202,194,183,173,125,121,111,99,105,119,123,125,165,168,178,186,191,183,173,127,173,178,176,176,178,178,176,173,173,176,181,183,189,196,204,207,202,191,178,176,178,183,183,181,183,194,209,217,212,202,181,174,174,183,191,189,186,183,181,178,178,178,178,178,176,173,173,176,176,178,181,181,178,176,181,189,191,191,191,191,191,181,131,127,127,131,176,176,176,131,129,129,133,178,178,176,178,181,186,189,194,199,199,194,186,186,186,186,186,186,183,181,186,194,196,194,199,196,135,135,189,194,194,194,191,194,196,196,189,186,191,199,202,196,191,191,191,189,186,186,186,189,189,183,181,176,173,172,176,181,181,178,176,176,176,178,181,181,183,181,176,173,176,176,176,178,176,173,129,129,128,170,173,176,176,176,178,183,183,181,181,176,173,172,172,173,176,178,181,178,173,170,173,178,189,194,191,183,178,176,173,129,129,127,127,170,176,181,181,176,129,173,178,178,176,176,176,178,183,183,183,183,183,186,186,189,196,199,202,202,194,181,178,183,191,199,199,196,194,194,186,173,126,127,128,131,181,196,199,196,194,194,194,194,191,191,189,186,186,183,178,133,130,130,131,133,135,135,131,129,127,131,135,183,183,181,183,194,186,126,124,129,178,189,191,194,196,199,202,204,199,189,181,182,191,199,202,202,209,217,217,209,199,189,183,183,189,186,178,174,177,189,194,183,129,125,125,127,127,129,131,170,170,173,181,189,189,181,176,174,177,178,176,176,178,181,183,189,191,189,186,189,191,194,196,202,204,207,207,204,207,215,217,212,209,209,209,209,207,207,204,202,196,194,191,191,189,186,181,178,178,178,183,191,199,0,0,0,215,215,212,204,204,207,212,212,209,207,0,0,0,0,0,225,222,217,212,212,215,217,217,222,225,230,233,235,235,230,220,212,212,215,217,225,228,230,233,235,233,230,228,225,228,228,228,228,228,230,233,235,233,228,217,207,194,189,189,191,0,0,0,0,0,212,212,207,202,207,215,225,225,222,217,212,209,207,207,207,212,222,230,233,230,225,217,212,208,208,209,212,209,207,204,199,194,186,183,189,191,186,178,173,170,173,178,186,191,194,194,196,199,207,212,212,207,204,209,217,225,225,222,217,215,215,217,222,222,217,209,204,204,204,209,215,215,215,215,217,222,217,215,209,204,204,207,209,212,212,212,212,212,209,209,207,207,204,202,200,202,204,207,207,209,212,209,207,207,209,212,215,222,228,228,222,217,217,222,222,217,215,212,212,212,215,217,225,228,230,230,228,228,226,226,228,230,233,230,228,228,228,230,230,230,229,230,233,233,230,228,225,225,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,131,147,165,191,204,222,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,56,23,0,0,0,0,0,0,0,0,0,0,21,39,0,0,23,90,126,129,41,16,25,103,72,19,17,9,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,27,27,37,29,0,0,0,0,0,0,0,0,33,137,150,157,170,178,189,191,191,191,194,196,194,191,191,194,191,189,181,121,103,107,117,121,123,125,127,125,121,121,123,125,168,176,173,168,168,170,176,181,183,181,181,181,181,178,176,176,176,170,127,127,127,170,131,131,176,183,183,176,129,129,129,129,129,129,127,127,129,133,176,133,173,131,130,130,131,173,131,129,129,173,181,186,189,189,186,181,181,181,176,127,125,125,131,189,199,194,181,173,169,173,176,176,178,183,194,199,191,178,168,125,125,125,124,124,125,168,173,176,170,170,170,176,176,170,125,121,119,121,123,123,123,125,125,123,123,125,125,125,123,121,123,168,173,173,127,168,183,202,212,215,215,215,217,215,207,194,181,173,168,125,117,111,111,113,111,111,115,117,117,115,115,115,115,115,113,109,109,107,105,104,104,105,109,119,163,168,168,160,119,119,119,117,119,160,119,115,113,113,111,109,111,115,115,115,119,121,119,113,109,107,107,109,115,165,178,183,181,178,186,189,189,189,189,194,202,209,209,194,123,121,163,178,178,173,170,95,61,18,41,111,186,189,186,181,160,107,101,87,72,71,81,91,109,160,170,176,165,105,102,105,105,105,109,109,113,168,121,112,115,163,168,170,160,117,115,117,160,173,181,176,121,113,103,81,73,70,105,163,181,186,97,109,204,222,228,228,225,225,225,228,209,170,105,81,69,68,73,97,105,107,113,165,165,119,117,157,163,160,121,119,116,114,113,115,168,199,215,212,194,170,105,61,50,59,107,163,163,119,109,113,160,115,83,186,204,215,199,176,125,125,168,173,173,170,127,127,129,131,176,181,181,189,207,215,213,213,215,220,217,212,207,189,133,131,176,176,131,128,133,183,186,183,178,172,172,183,207,215,215,207,189,131,127,133,183,186,186,186,186,191,196,202,194,181,176,176,133,129,128,131,176,131,117,103,101,107,113,121,181,186,183,181,178,183,181,172,173,181,183,181,176,173,173,173,170,169,169,181,191,191,186,176,168,123,120,119,120,123,121,117,116,116,117,123,125,123,165,165,123,117,113,113,115,123,178,194,191,178,168,170,181,186,183,178,165,121,123,168,173,170,165,163,123,122,163,173,176,163,121,121,118,117,119,123,168,173,173,170,165,173,178,170,125,123,125,125,127,168,173,173,173,173,173,170,168,169,176,181,189,194,194,189,183,178,176,178,183,191,196,196,194,191,186,185,186,189,191,194,191,189,186,185,185,189,191,191,189,183,181,181,181,181,181,181,183,189,186,133,125,127,133,181,178,102,89,99,129,186,191,191,186,183,183,186,194,202,204,199,191,191,191,189,185,185,186,189,183,135,129,124,122,123,127,181,194,207,215,215,209,189,178,181,186,191,199,202,199,196,194,194,189,186,181,178,178,181,183,189,189,191,191,189,183,176,129,127,129,133,181,183,183,181,181,183,186,189,189,189,186,176,129,129,125,125,129,176,181,181,178,181,181,183,189,191,189,183,181,176,176,178,189,191,191,189,189,186,183,176,131,129,128,131,176,183,186,183,178,176,131,127,123,123,121,117,118,133,199,207,199,189,178,176,174,174,181,191,196,194,186,181,178,176,176,176,173,172,173,173,176,176,178,178,176,131,130,131,178,186,186,178,127,125,129,173,178,183,186,183,178,173,131,127,123,123,125,129,173,176,181,191,196,194,194,194,196,196,191,183,181,186,196,199,191,181,135,135,178,181,181,181,186,194,199,202,202,204,204,203,204,202,196,191,191,194,199,202,199,195,194,196,199,202,204,207,212,215,212,209,207,209,209,212,212,212,212,209,202,198,199,204,207,202,194,183,135,135,139,189,196,202,202,204,204,199,191,186,137,135,137,186,196,204,204,202,202,204,204,202,196,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,181,176,127,121,118,119,168,181,186,183,181,178,178,173,173,176,176,173,170,168,125,125,123,125,125,125,165,165,168,168,170,168,127,124,123,127,176,186,189,186,183,181,176,173,131,131,176,178,181,183,183,181,178,178,177,177,178,178,178,181,181,181,181,181,183,186,186,186,183,183,189,191,194,194,194,194,194,196,196,196,196,196,196,194,191,187,187,189,189,189,189,189,191,191,189,189,189,191,191,189,183,182,182,183,186,186,186,186,189,189,191,191,191,189,189,186,183,183,181,178,176,133,176,178,178,178,176,133,133,133,133,176,181,183,186,189,189,189,194,196,196,196,199,199,199,194,189,183,181,183,186,183,181,181,183,183,183,186,189,191,191,191,191,194,196,199,196,194,189,186,186,189,191,194,194,191,189,183,183,186,194,199,196,194,194,194,191,189,189,189,191,191,191,190,191,191,194,194,191,189,189,191,189,189,189,189,189,183,181,179,179,181,186,189,191,194,191,189,178,173,173,176,181,183,189,194,191,189,185,189,196,204,207,199,189,173,168,176,183,183,173,125,119,119,125,173,178,178,178,178,170,127,173,178,181,181,181,181,178,176,176,178,178,181,183,191,196,199,196,186,176,173,174,178,178,176,176,191,209,217,212,202,186,176,176,183,189,186,183,181,178,178,181,178,177,178,178,176,176,181,183,183,183,181,178,176,181,189,191,189,183,181,178,173,129,127,127,131,176,178,133,129,129,131,133,176,176,176,181,186,189,191,196,199,199,196,196,202,199,191,186,189,189,191,194,199,199,202,207,204,191,189,196,196,196,194,196,199,202,202,196,194,199,207,209,204,196,194,194,191,189,186,189,194,196,191,183,178,173,172,173,178,178,176,176,176,176,178,181,181,183,181,178,178,181,181,178,178,176,173,173,173,170,129,170,173,176,178,183,186,186,186,183,178,173,172,173,173,172,173,178,178,176,173,176,181,186,189,186,181,178,176,176,176,176,173,173,173,176,178,178,173,170,173,178,176,172,170,172,178,186,183,176,129,127,173,181,189,194,199,199,196,189,178,173,178,194,207,204,196,194,194,191,181,131,129,131,173,186,202,209,207,199,194,189,183,183,183,186,186,186,183,178,131,130,130,131,130,133,135,135,135,135,135,135,178,183,183,189,199,191,127,121,122,129,186,191,194,194,194,199,204,196,189,183,186,194,199,196,194,207,207,202,199,199,196,189,183,183,181,176,174,181,202,212,204,181,131,127,125,127,131,176,176,176,173,178,183,186,181,176,176,178,181,181,181,181,181,181,183,189,189,186,191,196,199,199,199,199,202,204,202,204,209,212,212,212,215,0,215,209,207,204,202,196,194,194,191,186,181,178,176,176,181,186,194,202,0,0,0,212,212,209,204,203,207,212,215,212,212,0,0,233,233,228,225,222,217,212,212,212,215,217,222,228,230,233,235,235,230,222,215,215,217,217,222,228,230,233,235,233,230,228,228,225,225,225,225,228,228,230,230,230,225,215,207,199,191,189,191,0,0,0,0,204,209,209,204,202,204,215,225,228,225,217,215,209,207,204,202,209,215,225,230,230,228,220,212,208,208,209,212,212,209,207,204,196,191,189,196,199,191,183,176,176,176,178,181,186,189,194,196,202,204,209,209,204,203,204,212,217,217,217,215,212,212,217,222,217,215,209,204,202,202,207,212,215,215,215,215,217,217,215,209,207,204,207,209,212,215,212,212,209,209,209,207,207,204,202,202,204,207,209,209,212,215,212,207,204,204,207,212,217,225,225,217,215,217,222,222,222,222,217,215,215,217,222,225,228,228,230,230,228,228,228,230,233,233,233,230,228,230,230,230,230,229,230,233,233,230,228,225,225,222,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,137,155,181,199,207,183,176,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,51,0,0,0,0,0,0,0,0,0,0,90,129,139,134,41,33,105,126,108,74,25,29,61,43,31,23,3,0,0,0,0,0,0,13,0,0,0,0,0,0,0,0,0,0,0,15,9,0,0,0,0,0,0,0,0,0,63,142,147,152,160,170,181,189,191,191,194,194,194,194,194,191,191,191,191,186,170,127,125,123,120,120,123,125,121,119,123,170,189,196,191,178,173,170,173,176,178,181,183,186,186,181,178,181,183,183,181,176,173,131,131,173,178,183,186,181,173,176,181,181,181,178,131,127,131,176,176,133,133,131,130,131,176,178,176,173,173,173,176,181,183,183,183,186,194,196,191,178,173,131,173,183,191,189,181,173,173,176,178,178,178,183,191,196,189,178,168,127,125,125,125,124,125,165,173,176,176,176,176,178,176,168,125,123,121,123,123,122,125,168,165,125,125,125,165,165,125,125,127,170,170,127,125,127,181,199,212,217,217,217,217,217,212,207,196,181,165,117,111,110,111,111,109,109,109,111,113,115,117,119,119,119,117,115,113,113,109,107,105,104,104,111,157,168,170,165,157,117,117,119,119,117,113,111,113,113,111,111,117,121,119,115,121,123,117,109,106,104,102,107,119,170,186,194,196,196,196,196,194,191,189,191,199,207,209,204,181,117,109,117,123,165,165,163,157,105,79,93,160,176,176,165,109,105,109,115,99,81,93,103,113,157,165,168,157,113,113,111,109,113,115,113,121,173,168,119,115,115,117,121,119,113,113,160,160,165,173,165,111,109,107,83,70,80,103,119,178,183,71,93,183,212,222,222,222,225,228,228,217,183,105,81,72,70,65,61,99,105,105,109,115,111,107,117,168,176,168,119,116,117,117,117,160,181,199,199,183,168,119,65,52,57,89,107,109,99,87,99,115,163,176,209,228,230,217,196,168,124,127,170,168,127,125,126,127,127,131,178,178,183,199,215,217,215,215,212,212,215,209,194,133,130,131,133,131,128,129,133,178,178,176,173,174,181,196,202,202,194,178,126,124,127,133,176,178,181,183,186,183,176,127,128,130,132,133,131,129,129,129,121,107,94,90,102,125,173,183,186,181,178,178,178,176,173,176,181,181,176,169,165,165,166,169,169,169,170,181,189,189,178,168,123,121,121,123,123,121,119,116,115,115,116,117,125,170,173,165,117,115,121,125,165,170,176,168,165,170,178,186,189,183,178,168,123,163,170,176,170,168,165,165,165,170,173,170,165,123,121,118,117,120,163,168,170,170,168,168,178,183,178,168,165,165,125,127,170,170,173,176,178,181,173,168,166,176,189,194,199,196,194,189,176,173,176,183,194,202,204,204,196,189,185,185,189,191,189,189,191,191,189,185,185,185,185,186,186,186,183,181,181,181,183,194,204,207,202,191,181,176,176,129,115,105,113,129,183,189,186,181,181,183,186,194,199,199,196,191,191,194,191,185,183,186,194,189,181,135,133,129,127,131,178,186,196,209,215,209,194,181,178,186,194,202,204,199,194,191,189,183,178,176,178,181,183,186,189,189,189,186,181,178,133,127,126,127,131,181,186,186,183,181,183,186,189,189,189,183,178,176,133,127,125,127,176,178,177,177,178,181,181,186,189,186,181,178,178,173,173,178,189,191,191,189,189,183,178,176,133,176,176,178,181,183,183,183,178,131,125,119,115,114,112,115,173,204,212,204,191,183,178,174,173,176,186,189,189,183,178,174,176,176,173,172,172,173,178,186,189,189,186,183,178,173,173,173,121,97,89,101,117,173,181,183,186,186,183,178,176,131,131,131,127,127,131,176,178,183,189,194,194,189,189,191,191,186,181,181,191,202,202,194,186,181,178,178,178,177,177,181,191,199,202,204,204,207,204,204,204,196,189,187,189,196,202,199,195,195,196,199,204,204,209,212,212,209,207,209,209,212,215,212,212,212,207,202,200,202,207,207,202,196,183,135,133,135,183,194,199,199,196,194,189,181,135,132,132,137,191,199,204,204,204,204,207,202,191,186,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,178,125,119,118,119,125,176,181,181,178,178,176,173,170,170,170,170,170,165,123,123,125,123,119,119,121,123,125,127,168,127,125,124,124,168,178,183,183,181,181,178,173,173,173,176,176,178,181,186,186,183,181,178,177,178,178,181,183,183,183,183,181,183,186,189,189,186,183,183,186,189,194,194,194,191,189,191,194,196,196,196,199,199,191,186,186,189,191,186,185,186,191,191,189,186,186,189,191,189,183,182,182,182,183,183,186,186,186,186,189,189,189,189,186,183,183,183,181,176,133,133,176,178,181,181,178,133,176,176,133,178,183,183,183,183,183,186,189,194,194,196,196,196,194,191,183,181,183,186,186,181,178,181,183,186,183,183,186,189,189,189,189,191,196,202,199,191,189,186,183,186,189,191,191,191,191,189,186,189,194,196,196,194,194,191,191,189,189,189,191,194,191,190,191,191,191,194,194,194,191,191,191,189,189,189,191,189,183,179,181,183,186,189,189,191,191,186,178,173,173,178,186,191,191,191,189,186,186,189,194,202,207,202,189,176,170,178,186,189,183,170,121,119,121,168,173,173,173,173,173,170,173,178,183,186,183,181,181,176,173,176,178,176,178,183,186,189,186,181,176,174,176,178,176,173,172,183,204,212,209,196,183,174,176,183,189,186,183,183,181,183,183,178,176,177,181,178,178,181,186,183,181,183,178,178,181,186,189,186,183,178,173,131,127,127,129,131,173,133,131,129,131,133,133,133,176,178,181,186,189,191,194,194,199,202,207,209,209,199,194,194,196,199,199,196,194,196,202,202,196,196,196,196,194,191,194,199,207,209,204,202,207,215,215,212,204,196,191,189,186,183,189,194,199,199,189,178,173,173,176,176,178,178,176,178,181,181,181,181,181,183,183,183,186,186,183,181,178,176,176,176,170,170,173,170,170,178,181,183,189,194,191,181,176,178,176,173,170,172,173,173,172,173,176,178,183,186,183,181,178,178,181,181,181,178,176,173,172,173,176,173,173,176,178,173,169,169,173,181,186,176,126,125,126,129,176,186,194,196,194,189,181,129,125,129,189,207,207,199,196,194,191,186,178,178,178,181,186,202,212,215,207,191,181,179,181,181,183,183,183,181,178,133,131,130,133,135,135,178,181,181,178,135,134,135,186,189,194,202,196,133,122,122,129,181,189,186,186,186,191,194,183,183,191,199,199,194,189,186,191,186,181,186,194,199,194,186,186,183,178,183,202,222,225,212,194,178,125,117,119,129,178,181,181,178,178,181,186,186,183,183,186,189,186,183,186,183,178,181,189,189,186,189,199,207,204,199,194,196,199,196,196,199,204,209,215,222,225,222,215,207,204,199,196,194,191,189,183,181,176,176,176,178,183,191,199,0,0,0,212,212,209,207,204,207,0,0,0,0,228,230,233,233,228,225,217,215,212,212,215,215,217,222,228,233,235,235,233,230,222,217,215,217,217,222,225,230,233,233,233,233,230,228,225,225,222,222,222,228,228,228,225,222,215,209,199,191,189,189,0,0,0,0,0,209,209,204,202,204,212,222,225,225,220,215,209,207,202,202,204,209,217,228,233,230,222,215,209,209,209,212,212,212,212,207,202,194,191,199,202,196,186,181,178,178,178,178,181,186,191,199,204,204,207,209,207,202,202,207,215,215,215,215,212,212,215,217,217,212,209,204,202,200,204,209,215,215,212,212,217,217,217,212,209,207,204,207,209,212,212,212,209,209,209,207,204,204,204,207,207,207,209,209,212,215,212,207,202,202,204,212,217,222,217,215,215,215,217,225,228,225,222,215,215,222,228,230,228,228,230,230,230,228,228,230,233,235,235,233,230,233,233,233,230,230,230,230,230,230,230,228,225,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,134,160,183,189,181,170,157,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,152,163,160,155,103,82,103,111,69,33,25,23,31,39,41,29,0,0,0,0,0,0,5,33,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,142,147,150,152,163,170,178,183,186,186,189,189,189,189,189,191,194,196,196,194,189,181,170,123,121,121,121,117,117,121,181,207,217,207,191,176,170,129,129,170,176,183,191,194,189,186,189,194,196,194,186,178,131,130,131,178,183,183,181,176,181,191,199,202,196,183,131,131,176,176,176,178,133,131,133,178,181,178,178,178,178,178,176,176,178,181,186,194,199,194,186,181,178,176,178,183,181,178,173,176,181,183,183,178,178,183,186,183,176,168,127,125,125,125,125,125,168,170,176,178,181,183,186,181,170,168,165,125,125,125,125,165,170,170,165,165,168,165,165,127,127,168,170,127,123,121,125,173,191,207,217,217,217,222,222,217,215,204,189,168,117,111,110,111,109,107,106,106,107,109,111,115,119,121,121,119,117,117,117,115,113,109,105,104,107,117,165,168,163,119,117,117,117,117,115,111,109,111,111,111,115,121,163,121,117,163,170,163,115,111,106,105,111,123,173,186,199,207,209,207,202,196,194,191,194,199,204,209,209,196,121,105,104,107,117,165,173,170,163,119,99,92,105,157,117,109,109,165,183,168,105,107,111,117,163,168,163,115,111,119,160,163,165,163,121,163,170,173,160,115,111,112,117,119,113,113,121,117,117,160,119,109,111,121,111,85,91,103,115,170,178,78,95,170,204,217,217,217,222,228,230,222,196,115,95,91,87,61,57,87,103,103,105,105,103,102,107,163,176,173,165,165,168,165,160,157,160,168,170,168,163,157,91,64,65,91,105,101,89,91,97,111,168,191,212,230,233,228,209,181,165,168,170,168,129,127,127,126,125,129,176,178,178,199,212,217,215,212,207,207,212,207,191,178,131,131,131,129,128,129,133,176,176,176,176,176,178,181,189,191,186,176,129,127,129,176,183,189,189,189,183,176,131,129,130,176,178,176,133,131,129,125,117,113,105,103,123,178,183,183,183,181,176,176,176,173,173,176,181,181,178,173,169,170,173,176,176,173,169,173,181,181,176,129,125,123,125,125,125,123,121,117,117,116,116,121,170,186,191,183,168,125,168,173,170,165,125,124,124,170,181,186,183,170,121,115,117,119,121,163,165,165,163,165,168,170,170,168,165,163,123,121,123,165,168,170,168,165,165,170,183,189,181,168,165,168,170,170,173,176,176,181,183,186,178,170,169,178,191,196,199,202,196,189,173,128,129,131,183,202,207,207,202,194,186,189,194,194,191,191,194,196,194,186,183,183,186,191,191,189,183,181,181,181,186,199,212,217,212,199,183,176,133,133,129,123,123,129,178,183,183,181,181,183,186,189,191,194,194,191,191,191,191,186,185,189,196,199,194,191,191,191,186,181,178,178,183,194,204,202,189,178,178,183,191,196,194,189,186,183,183,178,174,174,176,181,183,183,183,186,183,181,176,133,131,127,125,126,129,178,186,191,189,186,186,186,191,191,189,183,181,181,181,183,181,181,186,181,176,176,181,183,181,183,186,183,183,183,181,174,173,176,186,194,194,194,191,186,183,178,178,178,178,178,181,186,189,189,186,183,181,133,125,123,121,129,191,207,209,199,191,186,183,176,174,176,181,183,181,176,173,173,176,176,176,173,176,181,186,191,196,196,194,191,186,181,176,119,75,52,54,83,121,178,186,186,186,183,181,176,176,173,173,131,127,129,173,181,183,183,189,189,186,181,178,181,181,178,176,178,189,196,196,191,186,183,181,178,178,177,177,183,191,199,202,202,204,204,207,207,204,196,189,186,187,191,196,199,196,196,199,202,204,207,209,209,209,207,207,207,212,215,215,212,209,209,207,204,204,207,209,212,209,199,183,133,132,132,137,191,194,194,189,183,137,135,132,132,133,183,194,204,207,207,204,204,204,199,189,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,125,119,119,119,125,170,173,173,173,173,170,168,125,123,125,165,165,123,121,121,121,119,118,119,123,125,125,165,168,168,127,125,127,173,181,183,181,178,178,176,173,173,178,178,178,178,181,183,186,183,181,178,177,177,178,183,186,189,186,186,183,186,189,189,189,186,183,183,189,191,194,196,194,191,189,189,189,194,196,199,202,202,196,187,187,191,191,186,185,186,189,189,189,186,185,186,191,191,189,186,186,186,183,183,186,186,186,186,186,189,189,189,186,186,186,186,183,181,178,176,176,176,176,178,176,133,133,133,176,181,183,183,181,178,178,178,183,189,191,191,191,191,189,186,181,181,183,186,183,181,178,178,181,183,183,186,186,189,189,189,189,191,194,196,194,189,189,189,183,183,186,189,191,191,191,191,189,189,191,191,194,191,191,191,189,189,189,191,194,194,191,191,191,191,191,191,194,196,194,194,194,191,191,194,194,191,186,181,183,186,189,189,189,189,189,186,176,173,176,183,191,196,194,189,189,186,186,186,191,196,202,199,186,178,176,178,183,186,183,176,127,121,121,125,127,129,170,176,178,176,176,178,183,186,183,181,181,176,173,173,173,172,173,178,181,181,181,178,178,178,178,181,178,174,173,178,194,202,196,186,176,176,181,186,189,186,186,186,189,186,181,178,176,177,181,178,176,127,129,176,178,178,176,178,181,183,186,186,186,183,178,131,127,126,127,131,176,176,133,131,131,133,133,131,133,178,181,186,189,191,191,194,199,204,212,217,212,204,199,199,202,199,189,183,186,191,196,196,194,194,196,196,191,186,189,194,204,212,212,215,215,217,215,209,202,194,189,186,183,181,186,194,202,202,194,183,176,176,176,176,176,176,176,178,183,183,181,176,176,181,186,186,189,189,186,183,178,176,176,176,173,176,176,127,125,129,173,178,189,196,194,183,178,178,178,176,172,173,173,172,172,173,176,181,183,183,181,178,178,181,181,181,181,178,176,173,173,173,176,176,176,176,176,173,172,173,178,183,183,173,126,125,127,131,176,183,191,191,189,183,173,125,121,123,173,199,204,199,196,196,191,186,181,183,186,183,186,194,209,215,207,191,181,179,181,181,181,181,181,181,181,181,178,178,181,186,186,186,183,181,178,135,135,178,186,194,202,207,202,189,176,129,176,181,183,183,183,186,186,178,131,133,183,196,202,191,176,131,133,133,133,178,189,194,196,191,189,191,196,202,212,225,225,215,202,183,123,114,114,121,176,183,183,181,178,181,186,191,194,196,196,194,189,183,186,183,178,181,186,186,183,186,196,207,207,199,194,194,196,194,194,196,199,204,212,217,225,222,215,209,204,202,196,194,194,191,186,183,178,176,176,176,181,189,196,0,0,0,212,212,209,207,202,204,0,0,0,0,230,233,233,233,228,222,215,212,212,212,215,217,222,222,228,230,233,233,230,228,225,217,215,215,215,222,225,230,233,235,233,233,233,230,228,225,222,220,221,225,228,225,222,217,215,209,202,191,183,183,0,0,0,0,202,209,207,202,199,202,0,222,225,225,222,215,209,207,202,202,202,207,0,225,230,230,222,215,212,209,212,212,212,212,212,209,202,194,191,196,199,196,189,181,181,178,177,177,178,181,189,199,204,207,207,212,209,203,202,204,212,212,212,212,209,209,209,215,217,212,209,207,202,200,202,209,215,215,212,212,215,217,217,215,212,207,204,204,209,212,212,212,209,209,209,207,204,207,207,207,207,207,207,209,215,215,209,204,202,203,207,215,217,222,217,215,215,215,217,225,228,228,222,215,215,222,228,230,230,228,230,233,233,230,230,230,233,235,235,235,233,233,233,233,233,230,228,228,228,228,228,228,225,222,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,118,126,131,150,168,165,163,160,155,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,173,170,170,168,139,100,85,35,0,0,15,23,27,33,41,37,0,0,0,0,0,1,33,69,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,121,139,144,150,152,155,163,168,170,176,178,178,178,176,181,189,191,189,191,202,207,204,199,186,173,125,121,117,116,116,121,183,215,225,212,191,178,170,127,125,125,129,181,194,199,196,191,194,202,204,202,191,178,131,130,131,176,181,181,178,176,183,194,207,212,209,194,176,131,133,178,183,189,183,133,133,178,178,178,181,186,186,181,176,174,176,178,181,189,191,189,183,181,178,173,176,176,176,173,170,173,181,189,186,178,173,176,181,181,176,168,127,125,125,127,127,127,168,170,173,176,181,189,189,183,178,176,170,165,165,165,165,165,170,170,168,173,170,168,127,127,127,168,127,125,121,120,121,127,181,202,212,217,220,222,225,222,217,207,191,173,121,113,111,111,109,107,107,106,107,107,111,113,117,119,119,119,117,117,119,119,119,115,109,107,107,115,160,163,160,119,115,115,117,117,115,111,109,108,109,111,115,121,160,121,121,170,189,183,168,121,119,115,119,165,173,186,199,207,212,209,204,199,194,194,196,196,199,204,209,207,181,107,101,102,109,163,173,173,178,199,117,84,90,109,109,105,115,183,199,194,168,160,155,155,163,163,117,107,111,165,181,186,186,178,173,168,168,165,119,113,111,111,117,121,115,109,111,107,109,119,119,113,115,160,160,99,95,101,109,157,168,96,106,163,194,209,215,217,217,225,228,225,199,160,109,109,113,62,61,95,107,107,109,111,109,102,104,113,160,165,165,173,181,181,170,157,113,111,115,157,157,113,97,75,71,87,105,101,79,89,87,95,165,196,212,222,228,228,222,204,181,173,173,170,170,170,129,127,126,129,176,178,178,191,207,215,215,209,204,199,202,196,186,178,173,133,131,128,129,133,178,178,178,176,176,176,133,132,181,189,186,178,178,178,181,194,204,207,202,191,181,176,176,181,189,194,189,181,176,176,173,123,119,119,123,125,173,183,186,183,181,178,176,176,176,176,131,129,173,178,181,181,183,189,189,183,181,176,170,169,170,173,170,129,127,125,127,127,127,125,125,123,121,119,119,123,178,194,202,194,178,170,176,178,176,165,124,123,125,168,176,178,170,117,109,108,110,111,111,115,121,123,121,163,163,165,165,165,163,121,121,123,168,176,178,173,168,163,165,173,183,189,178,168,165,170,178,183,183,183,181,183,189,191,189,181,178,183,194,196,199,202,202,191,173,128,127,128,133,189,199,202,199,194,189,191,196,199,194,191,191,194,191,186,186,189,194,199,199,194,186,183,183,186,191,204,215,222,215,202,186,176,176,183,183,176,129,129,131,178,183,183,181,181,186,186,185,189,194,189,186,186,189,189,186,191,196,204,202,199,204,204,199,189,177,173,173,177,186,189,183,178,177,181,186,186,183,179,178,179,181,178,174,173,176,181,183,181,178,181,181,178,176,133,129,126,126,126,131,181,189,196,196,194,189,191,194,196,191,186,183,186,194,199,199,199,194,186,177,177,181,186,183,183,186,186,186,186,186,181,176,178,189,196,199,196,194,191,189,183,178,177,178,181,186,189,191,194,191,194,196,194,191,189,189,191,202,207,202,191,183,183,183,178,176,178,181,181,176,173,173,173,176,181,183,183,186,191,194,196,199,199,199,196,194,194,191,178,95,68,68,105,173,181,183,186,181,178,176,176,178,176,173,129,127,131,178,186,189,189,186,183,178,176,173,133,133,133,131,176,181,183,181,181,183,181,178,135,178,181,183,189,194,196,199,199,202,204,207,207,207,199,191,187,187,189,194,196,196,199,202,204,207,207,209,207,204,203,203,207,212,215,212,207,204,204,204,202,204,207,212,215,215,204,183,133,131,132,137,189,191,189,186,139,135,133,132,132,135,186,196,204,209,207,204,207,207,202,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,125,125,125,127,170,170,169,170,170,165,123,117,117,121,123,123,121,119,119,119,119,119,123,165,165,168,168,170,170,168,168,173,181,183,186,183,181,178,176,173,176,181,183,181,181,181,183,186,186,181,178,178,178,181,183,189,189,189,186,186,189,189,191,189,186,183,186,191,194,196,199,199,196,191,189,189,191,196,202,204,204,199,189,189,191,191,186,185,186,189,191,189,186,185,186,191,194,191,191,191,191,186,186,189,189,189,186,186,189,189,189,189,189,189,189,186,186,183,181,178,176,174,176,176,133,132,133,176,183,186,183,178,177,176,177,181,183,186,186,186,186,183,183,181,181,181,183,186,183,178,174,176,178,181,186,189,191,191,189,186,189,191,194,189,186,186,189,186,183,186,189,191,194,194,191,189,189,189,191,191,191,189,189,189,189,189,191,194,194,194,191,191,191,191,191,194,196,196,196,196,196,196,196,199,196,189,183,183,186,189,186,183,183,183,181,176,173,178,186,194,196,191,189,186,186,186,186,189,191,194,191,183,181,181,181,183,183,183,181,173,129,129,127,127,127,173,178,181,178,178,181,186,186,183,181,181,178,176,174,172,169,173,181,181,178,178,181,183,183,183,181,178,176,176,181,189,194,191,183,178,183,189,186,183,183,189,191,196,189,183,178,177,177,181,178,129,105,113,129,176,170,168,176,181,183,183,189,191,189,183,173,127,126,127,133,181,183,181,176,131,133,131,130,131,135,181,183,189,194,196,199,202,209,217,222,215,204,202,199,199,191,181,136,181,189,191,191,191,191,194,196,191,186,185,189,199,209,215,222,222,217,212,207,199,194,189,183,181,179,181,189,196,199,194,183,176,176,176,176,173,173,173,176,181,183,178,173,173,178,183,186,189,186,186,183,178,173,173,173,176,178,176,125,122,123,127,173,186,194,191,178,173,176,176,176,176,181,178,176,173,176,178,181,181,178,176,176,178,181,181,178,178,178,178,176,176,176,176,176,173,170,170,173,178,186,191,191,186,176,129,127,129,173,176,181,183,183,178,176,131,125,121,119,119,181,194,196,196,196,191,186,179,183,189,183,176,181,199,209,204,194,183,181,183,181,178,178,178,181,186,191,191,189,191,194,199,196,191,186,181,181,181,181,181,186,196,202,199,191,186,183,181,181,181,183,186,186,178,127,124,127,176,186,189,125,117,123,178,183,183,183,186,191,194,194,191,199,209,215,217,222,217,215,204,191,129,114,112,117,173,183,183,176,173,176,183,194,199,202,202,196,186,178,178,178,178,183,189,189,183,183,194,204,207,204,196,196,194,194,194,194,196,202,207,215,217,217,215,209,207,202,199,196,194,191,189,186,183,178,176,176,178,183,191,0,0,0,212,212,209,204,202,202,0,0,0,0,233,233,233,230,228,222,212,209,209,212,215,222,222,222,225,228,228,228,228,225,225,217,213,213,215,222,228,230,235,235,235,233,235,233,230,225,222,220,222,228,228,225,222,217,215,212,202,191,183,181,0,0,0,0,199,207,204,196,196,199,207,222,228,225,222,215,209,207,204,202,202,204,209,220,228,228,222,215,212,212,209,209,209,209,209,207,202,194,191,194,196,194,189,183,181,178,177,177,177,178,186,196,204,207,209,212,212,204,203,204,209,209,209,209,207,207,207,212,215,212,209,207,204,202,204,212,215,215,209,212,215,217,217,215,212,207,204,204,209,212,212,212,209,212,209,204,204,204,207,207,207,204,207,209,212,212,209,204,203,204,209,215,222,222,217,215,215,215,217,225,228,228,222,215,212,217,225,230,230,230,233,235,235,233,230,230,233,235,235,235,235,235,235,233,233,230,228,225,225,225,228,228,222,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,14,0,0,0,0,0,0,0,0,0,0,77,139,131,126,129,139,144,150,157,157,53,0,19,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,168,163,157,157,139,98,56,0,0,0,0,79,64,27,31,29,0,0,0,0,0,3,56,74,25,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,29,126,142,147,150,152,155,157,160,163,168,170,170,168,168,176,189,186,178,181,196,207,209,207,199,186,176,127,119,116,115,119,183,215,222,209,189,176,170,125,123,123,125,176,189,196,194,189,191,199,204,199,191,178,131,130,130,173,176,178,176,176,181,191,202,209,209,194,176,131,176,181,189,196,191,181,178,178,177,178,183,191,191,186,178,176,176,176,176,178,178,176,173,176,173,173,176,176,173,129,127,129,178,186,183,176,170,173,181,183,178,170,127,125,125,125,127,168,168,168,170,173,178,183,186,183,178,178,173,165,164,168,165,165,165,168,170,176,176,168,127,127,127,127,127,125,123,121,121,123,170,189,204,212,215,215,215,212,209,202,189,173,123,117,113,113,111,109,109,107,107,109,109,111,113,115,117,117,117,117,119,157,119,117,111,109,109,113,119,157,157,117,115,113,113,113,113,111,109,108,108,111,117,157,121,121,121,173,194,191,173,165,165,125,165,170,178,186,196,204,209,209,204,199,194,194,194,194,194,199,207,209,196,123,104,103,107,119,163,165,181,202,189,95,99,109,103,101,111,181,194,186,170,163,113,109,115,115,105,102,111,176,194,199,196,191,189,178,165,119,115,113,112,113,119,163,119,105,103,104,109,121,160,117,115,117,119,105,97,103,109,115,157,113,114,160,181,199,209,212,215,222,228,225,199,163,113,115,155,66,68,103,111,111,115,160,170,109,105,109,113,119,163,173,181,186,176,157,111,110,115,119,117,107,95,77,70,83,105,101,59,51,53,63,105,194,209,217,225,225,225,212,189,181,178,170,127,129,170,129,127,129,176,178,178,186,202,209,212,207,196,186,183,183,181,178,176,131,129,128,133,183,191,189,181,176,176,176,133,132,181,191,191,189,186,186,191,209,215,212,202,189,181,181,181,183,189,191,189,181,178,178,178,129,123,127,131,173,176,181,181,173,176,176,176,176,178,178,131,122,123,131,181,189,191,194,191,186,183,178,173,169,170,170,170,170,129,168,170,170,168,168,168,168,127,123,119,123,173,189,194,186,176,170,170,173,170,165,125,125,165,168,168,165,121,111,107,107,110,110,110,111,115,119,121,123,121,121,123,123,123,119,119,165,178,186,183,173,163,123,163,170,178,178,170,165,168,176,186,196,196,189,181,183,191,196,196,191,186,189,194,196,199,204,204,189,131,128,128,129,131,176,181,189,191,189,186,191,196,199,196,189,189,189,189,186,189,194,199,202,202,196,191,186,189,189,194,204,212,212,207,196,186,178,178,186,189,183,133,128,129,178,186,186,179,179,183,186,185,186,194,189,181,135,178,183,186,189,194,202,202,202,204,204,199,189,177,173,172,174,181,186,183,181,178,186,186,186,181,178,178,179,181,181,178,176,178,181,181,178,178,181,181,178,176,133,129,127,127,131,176,183,194,202,202,199,194,191,196,196,191,186,186,189,196,204,204,204,199,191,181,178,183,186,186,183,183,189,189,189,186,183,183,183,191,196,199,199,196,194,189,183,178,177,178,186,189,191,191,191,191,194,199,199,199,196,196,199,202,199,191,181,176,176,178,178,178,178,181,181,178,176,176,178,183,186,189,191,194,199,199,196,196,199,199,199,196,196,194,189,186,183,178,176,176,181,183,183,181,176,174,178,183,181,178,173,131,176,186,191,191,191,186,178,173,173,176,176,176,133,131,131,131,129,127,131,176,178,135,135,178,186,191,191,191,189,189,194,199,204,209,209,209,202,196,194,191,191,191,196,199,202,204,207,207,209,207,207,204,202,203,207,212,215,209,204,199,196,196,199,202,204,212,217,222,209,189,137,133,135,139,189,189,189,186,183,137,135,133,133,139,191,199,204,207,207,207,209,212,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,170,170,173,176,176,173,173,170,123,116,115,116,119,121,119,118,119,119,119,117,121,165,170,170,170,170,173,170,170,170,178,181,186,186,183,181,178,178,178,181,183,186,186,183,181,179,183,183,183,183,183,183,183,186,186,186,183,183,186,189,191,189,186,183,183,186,191,196,202,202,204,199,194,189,189,194,199,202,204,204,199,191,189,191,191,186,185,186,189,189,189,189,186,186,189,191,191,194,194,194,191,189,189,189,189,189,186,189,189,186,186,186,189,189,191,189,186,186,181,176,174,176,178,176,133,133,178,183,189,189,181,177,177,178,181,183,183,183,183,183,183,183,183,181,178,181,186,186,178,174,176,176,178,181,186,189,189,189,186,189,194,194,189,183,183,189,186,183,186,189,194,194,194,194,191,189,191,191,191,191,191,191,191,189,191,191,194,196,194,194,194,194,191,191,194,196,196,199,196,196,196,199,199,196,189,183,183,186,189,186,181,178,178,178,176,173,176,181,186,189,186,183,183,186,186,189,189,189,189,186,181,181,181,181,181,181,183,183,178,178,178,176,170,170,176,178,178,178,178,181,183,186,183,183,183,181,181,181,176,176,181,189,186,181,181,186,189,186,183,178,174,173,176,178,183,189,191,189,189,191,191,181,173,178,189,194,194,189,183,178,177,181,181,173,87,77,103,127,173,168,164,173,183,183,183,189,194,191,186,176,131,127,127,133,181,186,183,178,133,176,133,131,133,178,183,183,186,191,199,202,207,209,217,220,212,204,196,191,189,186,181,137,186,191,194,191,189,189,191,194,191,186,185,186,191,202,209,215,217,215,207,204,202,196,191,186,181,179,179,183,191,191,189,181,176,176,178,181,176,129,127,131,176,176,173,173,173,176,181,183,183,183,183,183,181,173,172,173,176,178,176,127,124,125,127,173,183,189,183,173,129,129,170,173,178,183,183,178,176,178,181,181,181,176,172,172,176,178,178,178,178,178,176,178,178,178,176,173,170,168,168,173,186,196,202,202,196,186,176,173,173,176,178,178,176,173,173,176,173,129,125,119,115,119,176,189,196,191,186,183,179,183,186,178,173,176,189,199,199,194,189,186,186,181,177,177,178,186,196,202,204,202,199,199,202,202,196,194,191,186,186,181,127,126,133,181,176,125,129,181,133,176,181,186,189,183,129,122,122,176,181,133,122,104,103,133,202,202,196,191,189,191,194,194,194,204,215,222,222,215,212,209,207,196,181,123,115,117,127,178,173,127,125,129,178,189,194,194,194,191,181,131,129,129,176,189,196,196,189,183,186,196,202,202,196,194,191,191,194,194,196,199,204,209,212,215,212,209,207,202,199,196,196,194,191,189,183,181,178,176,178,181,183,0,0,0,204,207,207,204,199,199,0,0,0,0,230,230,230,230,225,215,204,202,202,207,215,220,222,222,217,217,222,222,222,222,222,217,213,213,215,222,228,230,233,235,233,233,235,235,233,228,222,220,222,228,230,228,222,222,217,215,207,196,186,183,183,181,0,0,196,202,199,191,189,194,202,217,228,228,222,215,209,207,204,202,202,204,209,215,225,228,222,215,212,212,209,209,207,207,207,207,202,196,191,191,194,191,189,183,181,181,178,178,178,178,186,196,204,207,207,212,212,207,204,207,209,209,209,209,207,205,207,209,212,209,207,207,204,202,207,215,217,215,209,209,215,217,217,217,212,207,204,204,209,212,212,212,212,212,209,204,203,204,207,207,204,204,204,207,209,209,207,204,204,207,212,217,222,225,222,217,217,217,217,222,228,228,222,212,211,215,222,228,233,233,238,241,241,235,233,230,233,235,235,235,235,235,235,233,233,230,228,225,224,225,225,225,222,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,59,0,0,0,0,0,0,0,0,0,0,0,82,108,111,105,113,134,144,150,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,147,137,131,137,126,85,21,0,0,0,0,113,92,19,0,0,0,0,0,0,0,0,15,9,0,0,0,0,0,0,0,0,17,0,0,0,19,1,0,0,0,0,0,0,0,27,129,147,150,150,152,152,155,157,160,165,173,173,169,168,173,181,173,121,125,189,202,209,212,207,202,194,183,127,119,117,123,181,204,212,199,181,170,129,127,124,124,127,173,181,186,183,181,183,191,196,194,189,181,173,130,131,173,176,176,176,133,176,181,189,196,196,186,133,131,133,181,191,199,194,183,181,178,178,178,186,196,196,191,183,178,176,174,174,176,173,172,172,172,172,176,181,181,173,127,125,126,170,178,176,170,170,176,183,186,181,173,168,127,125,125,127,170,170,170,168,168,173,178,181,181,176,176,170,165,164,165,165,165,165,168,173,178,176,170,168,168,168,168,168,127,127,123,121,120,123,170,186,199,202,199,194,194,191,186,176,165,121,117,115,113,111,111,109,109,109,109,109,109,111,113,115,115,115,115,117,117,117,115,113,111,109,111,115,119,119,117,113,111,109,109,111,113,111,109,109,113,117,119,119,117,119,168,183,183,168,163,165,168,170,176,183,191,196,202,204,204,204,199,196,194,191,189,191,196,204,207,202,183,119,107,107,113,117,160,176,191,204,204,181,115,96,93,107,165,165,113,109,101,90,93,103,103,100,101,115,176,194,199,196,199,202,194,170,109,109,117,119,117,121,165,121,103,102,105,119,168,165,115,110,111,115,109,103,111,113,111,115,117,117,163,176,189,196,199,202,212,225,217,191,157,111,111,109,73,73,101,113,157,160,163,163,115,111,113,115,117,160,165,173,178,170,119,111,113,119,157,115,105,95,83,75,91,111,103,49,27,36,42,63,168,207,217,222,217,215,199,178,176,176,168,125,129,176,176,170,129,173,173,173,181,191,196,196,191,178,129,173,181,181,176,176,131,129,129,178,194,202,199,186,181,178,176,133,176,181,189,194,191,183,181,189,204,207,202,194,186,181,181,178,129,129,131,176,178,181,186,183,178,131,176,178,173,173,173,172,169,170,176,176,178,181,181,131,117,119,125,183,194,196,191,183,181,178,178,173,170,173,176,178,178,176,178,181,181,178,176,176,176,173,127,121,121,127,176,178,173,168,125,123,123,125,165,168,170,173,173,125,119,115,111,111,113,115,115,115,115,115,117,121,123,121,121,121,123,121,117,119,170,183,191,183,168,119,117,119,123,165,165,125,125,170,181,191,202,199,186,173,176,186,196,196,189,183,189,196,196,202,209,207,186,129,128,131,133,176,133,133,178,183,183,186,191,196,199,196,191,189,186,186,189,191,196,199,199,196,194,191,189,191,194,194,199,199,196,191,186,181,178,178,181,181,178,133,128,129,178,191,191,183,179,183,189,186,186,189,186,178,129,129,133,178,183,191,196,199,202,202,199,194,189,183,183,183,183,191,191,189,183,181,186,189,186,183,183,183,186,186,183,181,181,181,178,178,178,181,183,181,178,176,133,131,127,129,176,181,186,194,202,202,196,194,191,194,194,191,186,183,189,194,202,202,202,199,196,189,183,183,191,191,189,186,186,186,183,181,183,186,189,191,194,199,199,199,194,191,186,178,177,178,186,189,189,186,183,183,186,194,196,196,194,194,196,196,191,181,176,174,174,176,178,178,178,181,183,183,183,186,186,189,189,191,189,191,199,199,196,196,196,199,196,194,194,191,189,189,191,191,189,183,183,183,183,181,176,176,181,186,186,183,181,181,186,191,191,189,189,183,176,173,176,181,181,181,178,133,129,126,124,124,127,133,135,178,178,183,189,191,189,183,177,178,186,196,207,212,212,209,204,202,199,199,196,196,199,202,204,204,207,207,209,207,207,204,204,207,212,215,215,207,199,191,189,191,196,199,204,209,217,225,217,199,186,183,183,186,189,186,183,186,186,186,183,139,183,189,196,202,202,204,207,209,215,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,176,176,178,181,181,178,170,119,114,115,119,123,121,118,118,119,121,119,116,117,125,170,173,170,170,170,173,170,173,176,178,181,183,183,183,181,178,181,183,186,189,191,186,181,179,179,181,186,189,191,189,189,186,183,181,178,181,183,189,189,189,183,182,182,186,191,196,202,204,207,202,191,189,191,194,199,199,202,199,196,191,189,191,189,189,186,186,189,189,189,189,189,186,189,186,186,189,189,191,191,191,191,189,189,186,186,186,186,186,183,186,189,191,191,191,189,186,183,176,174,176,178,176,133,176,178,186,191,191,186,181,178,183,183,183,183,183,181,181,181,183,183,178,176,181,186,189,183,176,176,133,133,133,178,183,186,186,186,191,196,196,191,183,181,181,181,181,183,189,191,194,194,194,194,191,191,191,191,191,191,191,191,191,191,194,196,196,194,194,196,196,196,196,196,199,199,202,199,196,196,196,199,196,189,183,186,189,189,183,181,176,176,176,176,176,173,176,178,178,181,181,186,189,189,189,191,189,189,186,183,178,178,178,181,183,181,181,183,183,181,178,176,176,178,176,176,176,178,181,183,183,183,183,183,183,186,189,191,191,194,194,189,183,183,189,191,189,183,178,169,170,174,176,181,186,191,191,191,191,181,127,125,173,189,194,186,181,178,178,186,194,181,72,45,55,109,131,178,172,170,183,189,186,186,189,194,191,186,178,133,131,129,133,181,183,181,176,176,181,181,135,178,186,189,186,183,189,199,204,204,207,209,209,207,199,189,183,181,137,135,137,186,191,194,191,189,186,189,189,189,186,185,186,189,196,202,204,207,204,202,202,202,199,194,189,183,181,181,183,186,189,183,178,174,176,181,186,178,127,124,125,127,129,131,176,176,176,176,178,181,183,186,189,183,178,176,176,178,178,176,173,176,178,178,178,183,186,181,170,126,126,127,129,176,181,181,178,176,178,181,181,178,173,170,170,173,178,178,178,176,176,173,176,178,178,178,173,169,168,169,173,186,196,204,207,202,194,183,178,176,181,183,181,173,170,173,178,181,176,127,119,115,115,121,178,186,176,131,181,186,189,186,178,173,176,183,189,191,189,189,189,186,181,176,174,181,194,204,209,209,207,202,199,199,199,202,204,204,196,191,183,127,123,125,127,117,67,54,81,117,129,181,189,189,181,125,121,125,191,191,178,120,103,103,183,202,202,194,191,194,199,199,199,199,204,212,217,217,215,209,207,204,199,191,176,123,119,123,127,125,119,119,125,173,183,183,181,178,183,178,127,119,115,123,183,196,199,194,183,182,183,191,191,191,189,189,189,191,194,194,199,0,207,207,209,209,207,204,202,196,196,194,194,191,186,183,181,178,178,176,176,178,178,0,0,191,199,202,202,199,196,196,204,0,0,225,225,225,225,217,209,196,191,194,202,209,212,215,212,212,212,212,215,217,222,222,217,215,215,217,225,228,230,230,230,233,233,235,235,233,228,222,220,225,230,233,228,225,222,222,217,212,204,194,189,0,183,0,183,194,199,194,186,183,186,196,212,225,225,222,217,212,207,204,204,204,204,207,215,222,225,222,217,215,212,209,207,204,204,204,204,202,196,194,191,191,191,189,186,183,183,186,186,183,183,186,194,199,202,204,209,212,209,207,207,209,212,215,212,209,207,207,209,209,207,207,204,204,202,207,215,217,215,209,209,212,217,222,217,212,207,204,204,209,212,212,212,212,212,212,207,204,204,204,207,207,204,202,202,207,209,209,207,207,209,212,217,222,225,222,217,222,217,217,222,225,225,217,212,211,212,222,228,233,235,238,241,243,238,235,233,233,235,235,235,233,233,233,233,233,230,228,225,225,225,228,225,222,217,216 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,35,0,0,0,0,0,0,0,0,0,0,0,0,66,98,98,95,118,137,121,23,0,0,0,0,0,0,0,0,0,0,0,0,21,0,0,0,0,0,0,0,0,0,0,0,0,0,85,98,92,111,118,111,56,0,0,0,0,0,85,61,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,43,0,0,0,5,0,0,0,0,0,0,0,0,41,126,147,152,150,150,150,152,155,160,168,173,178,176,173,176,176,123,117,120,181,196,207,215,215,215,212,199,181,127,125,129,178,189,189,181,170,129,127,127,127,129,176,178,181,178,176,176,178,183,189,191,189,183,178,173,173,176,178,178,176,133,133,133,178,183,186,181,133,131,133,176,186,191,186,183,183,181,178,181,186,191,194,191,186,181,176,174,178,181,178,176,172,173,176,183,189,189,176,127,125,125,127,129,170,129,170,176,183,183,181,176,170,168,127,125,127,173,176,173,170,168,170,176,178,178,173,173,170,165,165,168,168,170,170,170,176,178,176,170,173,173,173,170,168,168,168,127,123,120,120,125,170,181,181,176,170,168,168,127,125,121,119,115,115,113,113,111,111,111,111,109,109,109,109,111,113,113,113,113,115,113,113,111,113,111,111,111,113,115,115,115,111,109,108,108,111,115,115,113,113,115,117,117,115,115,119,160,170,173,165,163,168,173,176,181,191,199,199,199,199,202,204,207,202,196,189,187,189,196,202,204,199,191,178,121,111,109,111,119,165,176,199,217,202,155,94,92,107,157,115,97,90,86,86,91,105,105,102,105,157,176,189,194,194,202,207,196,168,89,99,121,163,119,117,121,117,104,103,113,173,181,176,121,111,111,113,115,115,117,115,109,110,115,119,163,173,178,178,173,170,194,204,199,170,113,105,103,99,87,85,103,157,178,178,117,109,109,115,155,155,157,157,157,157,160,157,115,111,113,119,119,111,103,97,91,93,109,160,119,81,22,37,39,39,81,186,204,209,207,199,173,120,123,168,127,125,170,181,183,178,173,173,176,176,176,178,173,129,129,129,129,178,186,181,176,176,173,129,131,181,196,204,202,189,181,178,133,133,176,176,178,186,183,176,131,133,183,186,186,183,183,181,178,129,122,121,123,129,178,186,191,191,183,178,178,178,172,172,172,169,169,172,178,178,178,181,183,178,120,121,129,189,199,199,191,181,176,176,173,173,173,178,181,183,186,186,186,191,191,189,183,181,178,176,170,125,123,125,168,168,168,165,123,120,120,123,165,168,170,176,173,123,117,117,119,121,123,123,123,123,121,117,119,123,123,121,121,121,121,121,117,119,165,173,178,170,121,117,115,117,117,119,121,123,125,170,181,191,196,189,170,121,121,173,186,186,176,173,186,196,199,202,209,209,186,131,129,131,133,133,133,133,133,178,183,186,191,196,199,196,194,189,186,186,186,189,191,194,191,191,191,189,189,191,194,194,194,191,186,178,135,135,135,133,131,131,131,129,129,131,178,189,196,186,181,183,189,186,183,183,183,178,129,126,126,129,178,189,194,199,199,199,196,194,191,189,196,199,199,199,194,186,179,179,183,186,186,186,186,189,191,191,183,181,181,178,178,178,181,186,183,181,176,133,133,131,129,129,176,181,189,194,196,196,191,189,191,191,191,189,186,183,183,189,196,199,199,199,194,189,183,183,191,194,194,191,189,186,181,179,181,189,191,191,194,196,199,196,194,191,189,181,178,178,183,186,183,181,178,176,181,189,191,191,189,189,189,191,186,178,174,176,178,181,181,176,176,181,183,186,189,189,189,186,186,186,186,186,194,196,196,196,196,196,194,191,189,187,187,189,191,194,191,189,189,189,189,183,181,181,183,189,189,191,191,191,191,194,191,186,186,181,178,178,181,183,183,183,181,176,131,127,125,125,127,133,178,181,183,186,189,189,186,178,174,176,186,196,207,212,212,212,207,204,204,204,202,202,204,204,207,207,207,207,207,207,209,209,209,212,215,215,212,204,191,185,185,189,196,202,204,209,222,228,225,204,196,194,194,191,186,138,137,183,189,194,194,194,196,202,204,204,204,204,207,212,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,176,178,181,183,181,173,121,115,117,125,168,123,119,118,119,121,117,115,115,119,168,170,168,168,168,170,170,170,173,173,176,178,181,181,181,181,181,183,189,191,194,189,183,179,178,181,186,191,194,191,189,183,178,133,133,176,181,189,191,189,183,182,183,186,194,196,199,202,204,196,189,187,189,194,196,196,196,196,191,191,191,191,189,189,189,189,186,186,186,189,189,189,186,183,181,181,183,189,189,189,189,189,186,186,183,183,183,183,183,183,189,191,191,191,189,186,181,176,174,176,176,173,173,176,178,181,186,189,189,183,181,183,183,183,181,181,178,178,178,178,178,174,174,178,186,189,186,178,176,133,132,132,133,178,183,183,186,189,194,199,194,186,135,134,135,178,183,186,186,186,189,191,194,194,191,191,191,191,191,191,191,191,191,194,196,196,196,194,196,199,199,199,199,199,202,202,202,196,194,194,196,194,189,186,189,189,189,186,183,181,178,178,178,176,176,173,173,176,178,181,186,189,191,191,191,189,189,186,183,178,177,177,181,183,181,178,181,183,183,178,178,178,178,178,176,176,178,178,181,181,181,181,183,186,189,194,199,199,202,199,191,181,178,183,191,189,183,178,173,176,183,181,181,186,191,191,186,181,129,124,125,173,189,191,178,173,173,178,199,212,173,45,44,59,121,176,181,178,181,191,191,189,189,189,189,189,183,181,178,176,131,133,176,178,176,134,178,186,186,181,183,194,196,189,183,189,199,202,202,199,199,202,199,194,189,181,137,133,129,127,135,183,189,189,186,186,186,186,186,186,186,189,191,194,196,196,194,194,196,196,199,196,191,189,189,186,186,186,189,186,183,178,176,178,186,189,181,125,123,124,124,125,131,176,178,176,131,173,176,181,186,191,191,186,183,183,183,178,178,181,186,189,189,186,189,186,181,173,129,126,127,127,170,176,178,176,176,178,178,178,176,173,170,172,173,178,178,178,181,176,170,170,176,178,178,178,173,170,170,176,181,189,196,199,199,194,186,181,181,186,191,189,178,173,178,186,189,181,129,123,118,116,117,123,127,119,119,176,191,194,189,178,174,176,178,181,181,186,189,189,186,181,174,173,183,199,207,212,212,209,204,199,199,199,204,212,209,202,194,189,183,129,129,129,117,55,43,42,105,123,181,189,186,178,127,124,183,202,204,194,183,123,121,183,194,194,191,194,202,209,207,199,196,199,207,215,217,212,207,204,202,199,194,183,127,117,117,117,117,113,115,123,173,181,181,174,174,178,176,125,111,101,99,115,183,194,194,186,182,181,182,183,186,186,186,186,186,189,191,196,0,0,204,204,207,207,204,202,196,196,194,191,189,186,183,178,178,178,176,176,176,173,173,176,183,194,199,199,194,189,189,191,202,207,0,215,217,217,212,202,191,189,190,196,202,204,207,204,202,204,209,212,215,217,217,217,215,217,222,225,228,228,228,228,230,233,235,235,233,230,225,225,228,230,233,230,228,225,222,220,215,207,199,196,194,189,183,0,194,199,194,186,183,183,189,204,217,225,225,222,215,212,207,204,207,207,207,212,217,222,220,217,215,212,209,204,202,202,202,202,202,199,196,194,194,194,191,189,186,186,191,194,191,186,183,189,194,196,196,202,207,209,207,207,209,217,217,215,209,209,207,207,207,204,204,202,202,202,207,215,217,215,209,209,212,217,222,217,215,207,204,204,209,212,212,212,212,212,212,209,204,204,204,204,207,204,202,200,204,209,209,207,204,204,207,212,217,222,222,222,222,222,217,222,225,225,217,212,211,212,217,228,233,238,241,243,243,241,238,235,235,235,233,233,233,233,233,233,233,230,230,228,228,228,230,228,222,217,216 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,66,105,108,82,82,92,7,0,0,0,0,0,0,0,0,0,0,0,0,61,142,27,0,0,0,0,0,0,0,0,0,0,0,7,61,77,61,79,95,74,0,0,0,0,0,0,17,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,79,27,1,1,0,0,0,0,0,0,0,0,25,69,124,144,150,150,150,150,152,155,157,163,170,176,181,178,178,176,165,121,123,178,194,207,215,217,222,217,204,183,170,170,176,178,178,176,173,170,129,127,127,131,178,189,191,186,176,174,176,178,183,189,194,194,189,183,178,176,178,181,181,176,133,133,133,133,176,181,181,176,176,133,176,178,183,181,181,189,186,183,183,183,186,189,186,183,178,176,178,189,196,194,183,176,173,178,186,194,191,178,129,126,126,126,127,127,129,129,173,176,178,176,173,173,170,168,127,168,176,178,176,173,170,170,173,178,176,173,170,170,168,170,173,173,178,181,178,178,178,173,170,178,186,183,176,170,168,170,170,127,123,123,127,168,168,127,123,121,119,119,119,119,119,117,117,115,115,115,115,115,115,113,111,111,109,109,111,111,111,111,111,113,111,111,111,113,113,113,111,111,111,113,113,111,108,108,109,111,117,117,117,117,117,117,115,113,113,117,119,160,168,168,170,178,183,183,189,199,202,202,199,196,202,209,215,212,202,191,187,189,199,202,199,196,196,194,176,119,111,111,111,111,115,157,183,189,165,101,97,105,157,157,107,93,88,90,107,152,113,105,111,165,181,189,191,196,204,202,181,95,78,89,163,168,119,116,121,121,113,113,168,191,196,189,173,121,113,111,117,157,160,117,110,111,115,157,163,165,165,160,117,117,160,170,165,115,107,105,101,97,93,95,109,168,186,186,111,106,108,117,160,160,155,155,117,115,115,117,113,110,111,115,115,111,105,99,97,101,111,160,168,170,43,63,43,37,65,111,165,178,186,178,120,117,120,123,123,125,170,181,183,178,176,178,183,181,176,131,126,124,125,128,173,186,183,176,131,173,173,131,173,181,191,199,196,186,178,176,131,130,130,130,130,133,178,176,129,128,129,131,133,176,181,183,181,131,122,121,125,131,178,186,194,196,186,181,181,173,170,172,176,173,183,189,189,183,181,183,189,189,176,131,178,191,202,202,194,183,176,170,169,170,176,178,181,183,186,186,189,191,194,189,186,181,178,178,176,168,127,125,125,125,125,165,123,120,120,123,125,123,123,165,165,121,119,123,165,165,170,173,173,170,163,121,123,123,121,119,121,121,119,117,115,117,119,117,113,111,113,115,115,115,117,121,163,125,123,125,170,181,181,173,117,107,109,121,170,170,125,127,183,196,199,202,207,202,183,173,173,176,131,131,133,133,176,181,183,186,189,194,194,194,191,189,186,186,185,186,186,189,191,191,191,187,189,194,196,199,196,191,183,178,133,133,131,129,125,124,125,129,131,133,178,181,189,186,181,181,183,181,178,177,181,178,133,127,125,125,131,186,191,194,194,194,196,196,191,189,196,202,202,199,191,181,178,179,183,183,181,181,181,186,189,189,181,178,177,177,177,178,186,189,186,181,178,176,133,133,131,131,176,181,186,191,191,191,189,189,189,189,186,186,186,183,181,183,191,196,196,194,189,183,181,181,186,194,196,194,191,189,186,181,183,186,189,189,191,196,196,191,189,189,189,183,181,178,181,183,181,176,173,173,176,183,186,186,183,183,183,186,186,181,178,181,181,183,181,176,174,178,183,186,189,189,186,183,183,183,182,182,189,194,196,196,196,194,191,189,186,186,189,191,191,191,191,191,191,191,189,189,186,189,189,191,191,196,196,196,191,191,189,186,186,186,183,183,183,183,183,181,178,176,131,131,129,129,131,176,178,181,183,183,183,186,189,183,178,181,189,199,207,212,212,212,209,207,207,204,204,207,207,209,209,209,207,204,207,207,209,209,207,207,207,209,204,196,186,182,182,189,199,204,207,209,220,225,215,199,196,199,199,194,183,136,136,139,194,202,204,204,207,209,209,207,207,207,209,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,178,178,178,178,178,173,125,119,123,170,173,165,121,119,119,119,119,116,116,121,165,165,125,125,165,168,170,170,173,173,173,176,181,181,181,181,181,183,186,191,194,191,186,181,179,181,186,191,191,189,183,178,133,130,130,133,181,189,191,191,189,186,189,191,194,196,196,199,199,196,191,189,189,191,194,194,194,194,191,191,191,191,191,191,194,189,183,183,186,189,191,191,189,183,181,181,181,183,183,186,186,186,186,183,183,182,182,183,183,183,183,183,186,186,189,186,178,176,174,176,173,172,172,176,178,176,178,183,186,183,178,181,183,183,181,178,177,177,178,178,176,174,173,176,181,183,181,176,133,132,132,133,176,178,181,183,183,186,189,194,194,186,135,133,134,181,186,186,181,178,181,189,194,194,191,189,189,189,189,191,191,191,194,194,196,196,196,194,196,199,202,202,199,199,202,202,202,196,194,194,194,194,191,189,191,191,186,186,186,183,181,176,176,178,178,178,178,181,183,186,189,189,189,189,189,189,189,189,186,181,177,178,183,183,181,177,178,183,189,186,181,181,181,178,176,176,178,181,181,183,183,186,186,189,189,191,196,202,202,202,194,133,127,176,189,191,183,178,183,194,199,191,186,186,189,186,178,129,124,125,129,178,186,183,170,169,172,181,199,212,183,57,73,97,127,176,178,178,181,189,191,189,189,186,186,183,183,181,181,181,178,176,176,134,134,134,183,191,191,186,189,199,202,194,189,194,202,202,199,198,198,199,199,194,189,183,137,131,125,123,124,129,181,186,189,186,186,186,186,186,189,191,194,194,194,191,189,189,191,194,194,191,189,189,189,189,189,189,189,186,183,181,181,183,189,189,178,125,123,124,124,125,131,178,178,131,126,127,131,176,186,194,194,191,189,186,183,181,178,178,183,186,189,189,191,189,186,178,173,129,127,129,129,173,178,181,181,183,183,181,176,173,172,172,173,176,181,183,183,178,170,129,173,178,183,181,178,176,173,173,178,183,186,189,189,189,183,178,178,183,189,189,181,178,183,191,196,189,176,129,125,123,118,118,118,119,121,133,186,189,183,176,174,176,178,178,178,183,189,191,189,183,176,173,183,199,207,209,212,209,207,204,199,199,202,209,209,202,194,194,191,183,178,133,127,101,55,51,109,123,176,183,183,181,173,173,191,204,207,204,202,194,183,181,186,189,191,202,212,215,207,194,186,189,199,209,212,209,204,202,199,196,191,183,127,117,113,113,113,111,113,121,173,183,181,174,173,176,173,123,109,91,86,88,115,178,191,194,186,183,182,182,183,186,186,183,182,183,186,191,0,0,199,202,207,207,207,204,199,196,194,191,189,183,181,178,177,178,181,181,181,178,178,178,186,196,199,199,191,186,181,183,0,194,199,207,212,212,207,199,191,190,191,194,199,199,196,194,196,199,204,209,215,215,215,215,215,217,222,228,228,228,228,228,230,233,233,233,233,233,230,228,0,0,235,233,228,228,225,222,215,207,202,202,199,196,0,191,196,202,196,189,183,182,186,202,215,222,225,225,222,215,209,207,207,207,204,207,212,215,215,215,215,212,207,202,199,199,199,199,202,202,202,196,196,196,194,189,186,189,194,199,196,189,183,183,186,189,191,196,204,207,207,204,209,217,222,215,212,209,207,204,204,202,199,202,199,202,207,215,222,215,209,207,212,217,222,217,215,207,204,204,209,212,212,212,209,212,215,212,207,204,204,204,207,204,202,202,207,209,209,207,202,202,204,209,215,217,217,222,222,222,217,217,222,222,217,212,211,212,217,228,233,238,241,241,243,243,241,238,235,235,233,230,230,230,230,233,233,233,233,230,230,233,230,228,225,217,216 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,108,108,108,137,142,64,25,3,0,0,0,0,0,0,0,0,0,13,21,0,0,79,178,100,0,0,31,0,0,0,0,0,0,0,0,23,69,95,64,0,9,0,0,0,0,0,0,0,3,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,57,124,113,92,51,25,5,7,13,0,0,0,0,17,63,81,93,137,144,147,150,152,152,152,155,160,165,170,176,176,178,178,178,170,170,178,191,204,215,222,222,215,202,181,169,169,176,181,181,181,186,191,178,131,129,131,183,199,199,191,178,176,178,183,186,189,194,199,194,186,181,178,181,183,183,178,133,133,133,133,176,181,183,183,181,181,178,178,181,181,183,191,191,189,189,189,186,183,183,181,178,178,186,204,209,202,186,176,131,173,183,191,189,181,131,127,127,127,126,127,129,170,170,170,173,173,170,173,173,170,168,170,176,178,176,173,170,170,173,176,176,173,173,170,170,173,176,178,186,189,186,181,176,170,170,181,189,189,178,168,168,170,173,168,127,168,176,176,168,123,119,118,118,118,118,119,119,119,119,117,117,117,117,119,119,117,115,113,111,111,113,111,111,110,110,111,111,111,113,113,115,115,113,111,111,113,115,113,109,108,109,113,117,119,157,119,119,115,113,112,112,119,121,119,123,165,173,189,196,194,196,202,204,202,196,196,202,212,225,225,212,196,189,189,196,202,199,196,202,204,194,123,113,113,107,101,101,75,70,173,173,115,102,104,160,173,170,152,103,109,160,163,113,105,113,170,189,194,194,196,202,194,105,77,75,91,170,178,165,160,170,178,176,178,194,204,204,194,183,165,113,108,117,160,157,157,119,163,165,165,163,157,115,113,111,111,113,117,115,111,109,111,109,103,97,99,111,163,173,165,108,108,117,165,168,160,117,115,115,117,155,160,157,113,110,111,115,115,113,105,101,101,103,107,163,181,109,111,77,47,83,105,111,119,176,176,123,121,123,121,119,121,125,170,170,170,176,186,191,189,181,176,128,125,126,128,173,178,131,128,129,173,178,176,176,178,183,186,186,181,176,173,131,130,130,130,130,133,181,181,133,127,127,129,129,133,178,186,191,183,127,125,131,173,176,181,191,196,194,189,183,173,170,176,186,191,204,207,199,186,181,186,194,196,191,186,183,191,199,204,199,189,178,170,168,169,176,178,178,181,183,183,183,186,186,183,181,178,178,181,181,176,168,125,123,123,125,168,165,122,123,168,165,117,111,115,121,123,165,173,173,173,178,183,183,176,168,165,165,163,119,117,119,119,117,115,113,115,115,103,93,99,107,111,113,115,121,168,170,165,121,119,123,168,168,121,107,98,99,115,125,125,122,125,181,196,199,196,196,191,176,173,181,183,176,131,176,181,181,181,186,186,189,191,191,189,189,189,186,186,186,186,189,191,194,194,194,191,191,196,202,204,202,196,189,183,178,133,129,127,124,123,125,131,176,178,176,176,178,178,177,177,177,178,177,177,181,183,181,133,126,125,131,183,189,189,186,189,191,194,189,186,191,196,196,194,189,181,179,183,189,186,181,134,133,134,178,181,181,178,176,176,178,183,191,191,189,183,181,178,178,176,176,133,176,181,186,189,191,191,189,189,189,186,186,186,186,183,178,178,186,194,191,186,181,178,181,183,181,186,191,194,196,196,196,191,186,183,183,183,189,194,194,186,181,181,183,183,181,181,181,181,176,173,173,173,176,178,181,178,178,178,181,186,189,186,186,186,183,183,181,174,173,176,183,189,189,186,186,183,183,183,183,182,186,194,196,196,196,194,191,191,189,189,189,191,194,196,196,194,194,191,191,191,191,194,196,194,194,199,199,194,189,186,186,189,191,191,191,186,183,183,181,178,176,133,133,176,176,176,178,178,176,178,181,181,183,189,194,194,189,189,194,202,207,209,212,212,215,212,207,204,204,207,209,212,212,209,207,204,204,207,209,207,194,189,194,196,196,194,186,183,183,189,199,204,207,209,215,215,202,192,194,202,204,199,189,138,137,186,196,204,207,209,209,212,212,209,209,212,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,178,176,173,170,170,168,165,168,173,173,168,163,121,119,121,121,121,123,125,125,123,123,123,125,165,168,170,176,176,176,176,181,183,181,181,181,181,183,189,191,194,189,183,181,181,183,186,189,186,181,176,131,130,130,133,181,189,194,194,194,194,191,194,196,199,196,196,196,196,194,191,191,191,194,194,194,191,191,191,191,191,191,194,194,191,183,181,181,186,191,191,189,186,183,183,181,181,181,181,183,183,183,183,182,182,182,183,183,181,177,177,178,183,189,186,181,176,176,176,173,172,173,176,176,131,131,178,183,181,176,176,183,186,181,178,178,178,178,176,176,176,174,176,178,178,176,133,133,133,133,176,178,181,181,181,181,181,183,189,191,186,135,133,134,181,189,186,181,177,178,183,189,191,191,189,186,183,186,189,191,191,194,196,199,199,196,194,196,196,199,202,199,196,199,202,202,199,194,192,194,194,191,191,194,189,186,185,186,183,178,134,134,178,181,183,186,186,189,189,186,189,189,189,189,189,189,189,186,183,181,181,183,183,181,177,176,186,199,199,191,183,178,176,176,176,178,181,181,186,189,189,186,186,189,189,194,199,202,202,194,128,124,129,189,191,183,181,191,202,204,196,189,186,183,181,133,125,123,127,176,178,176,173,170,172,178,186,191,196,191,129,129,123,131,176,178,177,177,183,189,191,189,186,183,183,183,183,183,183,181,178,135,134,133,135,183,194,196,191,191,199,202,199,196,202,207,204,199,199,199,202,199,196,194,186,135,131,127,124,122,124,135,186,191,191,191,189,189,189,194,194,196,196,194,191,187,187,191,191,191,189,189,189,189,186,186,189,189,189,183,183,186,189,189,186,176,127,127,131,131,173,176,178,173,127,125,125,127,173,183,191,194,191,189,186,181,178,176,176,176,176,178,183,189,189,183,178,173,170,170,170,173,178,183,183,186,189,189,183,178,176,176,176,176,178,183,186,189,183,173,129,170,178,183,183,178,173,170,173,178,181,181,178,178,181,181,176,173,176,178,178,178,178,181,191,199,194,186,178,173,129,123,117,118,125,131,176,181,181,178,174,174,178,181,178,178,183,191,194,191,186,178,177,186,199,207,209,209,212,209,207,204,199,202,207,204,194,191,194,191,186,178,176,176,181,176,119,119,125,133,178,181,181,176,176,186,196,204,202,199,196,186,133,133,181,194,209,217,215,202,186,178,178,189,202,207,204,202,202,202,196,189,178,123,113,109,109,109,109,113,121,170,181,183,178,176,176,173,125,111,91,83,83,97,131,194,199,194,189,186,186,186,189,186,183,182,181,183,189,191,0,194,199,204,207,207,204,202,199,196,194,189,183,181,178,178,181,186,191,194,191,0,189,196,202,204,202,194,186,0,0,181,0,191,199,207,207,202,199,194,194,196,199,199,196,192,191,192,196,202,207,209,212,212,212,215,217,225,228,230,230,228,228,230,233,233,233,235,233,233,230,0,0,235,233,230,228,225,220,212,207,202,204,204,199,194,194,199,204,202,194,186,183,186,199,209,217,222,225,222,217,212,209,207,204,204,204,207,209,212,212,215,212,207,202,199,196,196,199,202,204,204,202,199,199,194,189,186,189,196,202,199,191,183,181,183,183,183,189,199,204,202,202,209,217,222,217,212,209,207,202,202,199,199,199,199,202,207,215,222,217,209,207,209,217,222,217,215,207,204,204,207,212,212,209,209,209,212,212,209,207,203,203,204,204,202,204,209,209,209,204,199,199,199,204,209,215,217,222,225,222,217,217,222,222,217,212,212,215,217,228,233,238,241,241,243,243,243,241,238,233,230,228,228,230,230,230,233,233,233,233,233,233,233,230,225,217,216 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,137,137,160,163,152,21,0,0,0,0,0,31,0,0,0,0,0,25,13,0,0,31,129,82,0,0,21,13,0,0,0,0,0,0,0,126,181,189,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,0,0,0,0,0,105,150,155,139,126,43,13,25,43,37,1,0,7,57,75,77,89,134,139,142,147,152,152,152,155,160,163,165,168,170,173,178,181,178,176,178,189,199,212,222,217,207,191,176,168,168,170,178,189,196,204,207,202,183,131,131,181,191,194,186,176,176,181,183,186,186,191,196,194,189,181,178,181,186,186,183,181,181,181,181,183,189,194,194,191,189,186,183,183,186,191,189,183,186,199,196,189,183,178,178,178,183,196,209,212,202,186,176,131,131,176,181,181,178,173,129,129,127,127,127,129,170,173,173,170,169,169,170,173,170,170,170,176,176,170,170,170,173,173,170,173,173,173,173,173,173,173,176,189,191,186,183,176,170,170,176,181,181,173,168,168,170,170,168,168,176,186,189,183,168,121,118,119,119,119,121,125,125,123,119,121,121,121,123,163,121,117,119,117,117,117,115,111,110,110,110,111,113,113,115,117,157,157,119,119,163,168,160,113,111,111,113,115,155,119,119,117,115,113,113,115,168,170,160,121,119,123,183,204,196,194,199,199,199,199,196,202,212,222,225,215,202,186,185,191,199,199,196,202,207,196,105,107,115,113,111,107,55,58,170,181,155,101,104,170,181,181,176,152,157,176,173,107,101,113,178,194,196,196,191,191,160,83,80,87,113,176,186,186,186,191,202,204,204,207,209,207,199,189,165,113,109,109,109,111,117,168,181,191,181,165,117,111,107,109,113,113,113,113,113,155,165,163,115,107,101,107,155,157,113,109,113,160,170,173,165,155,115,115,155,165,178,178,163,113,111,113,117,117,115,107,103,101,98,100,176,176,178,119,105,121,117,115,173,191,199,199,196,183,115,107,109,115,121,125,129,181,194,199,199,189,183,178,131,129,128,128,128,126,127,173,181,178,178,178,178,178,176,176,176,173,131,131,173,178,181,183,194,199,194,133,125,128,131,129,131,181,194,196,191,178,176,176,173,173,181,191,202,207,194,183,176,173,173,181,191,202,202,194,186,183,186,194,196,194,186,183,189,196,204,204,194,181,170,168,170,176,178,178,178,181,178,178,176,176,176,176,178,181,186,189,181,168,122,121,123,168,176,176,168,168,170,165,113,108,113,125,170,181,181,181,178,183,189,186,178,170,168,165,163,121,115,115,117,117,117,115,111,111,86,85,95,103,103,109,119,170,173,170,165,123,121,121,121,121,113,99,92,91,115,168,123,121,123,173,189,194,194,191,186,181,186,194,191,181,176,181,186,186,186,186,189,189,189,189,186,186,186,189,189,189,189,191,194,196,196,196,199,199,199,202,207,207,202,194,189,183,135,131,127,124,125,129,176,181,183,181,178,178,178,177,177,178,183,183,183,183,186,186,181,133,133,178,186,186,186,183,183,186,191,191,187,189,191,191,189,183,183,186,191,194,194,186,134,132,133,135,183,189,186,181,178,186,194,199,196,191,186,183,181,178,181,181,178,178,178,178,183,186,189,189,185,183,185,186,183,183,181,178,178,183,189,186,178,177,183,189,189,183,181,183,189,196,202,202,194,189,183,181,181,183,189,186,183,178,176,178,181,181,178,176,173,172,170,172,173,176,178,178,177,178,178,181,186,191,191,191,189,186,183,181,176,174,176,181,189,191,189,186,183,186,186,183,183,189,194,196,196,194,191,191,189,189,191,191,194,196,199,199,199,196,194,191,191,194,196,196,196,196,196,194,186,181,181,186,191,194,196,191,181,176,178,178,176,176,133,133,176,178,181,181,178,178,181,183,186,189,194,196,196,196,194,194,202,207,209,212,217,217,217,212,204,204,209,212,212,212,215,209,209,207,204,204,196,127,131,183,191,194,194,189,186,189,194,199,204,207,209,209,202,192,191,194,204,209,207,196,189,189,194,202,207,209,209,212,212,209,209,209,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,181,176,170,170,168,168,170,173,176,170,165,123,121,121,121,123,165,165,125,121,121,121,120,121,125,165,170,176,176,176,176,181,183,181,178,176,173,173,181,189,191,189,183,181,181,181,186,191,191,183,176,131,130,130,133,181,189,194,196,199,196,191,194,196,199,199,196,196,196,194,194,191,191,194,194,194,191,191,191,191,191,191,194,194,189,181,135,135,181,189,191,191,189,186,186,183,183,181,181,181,181,181,183,183,183,183,186,186,178,176,176,181,186,189,189,183,178,178,178,176,176,176,176,173,128,129,176,181,178,176,178,183,186,183,178,178,181,178,176,176,178,178,181,181,178,176,133,133,176,178,178,178,176,176,178,178,181,183,189,189,186,178,134,135,181,186,186,183,178,177,177,181,189,191,189,183,182,183,186,189,191,194,196,199,199,196,196,196,196,199,199,194,191,194,199,199,199,194,194,194,194,194,191,191,191,189,186,186,181,135,134,134,135,178,183,189,189,189,186,186,186,189,189,189,189,189,189,186,183,181,181,183,183,181,177,178,191,207,209,199,186,178,176,176,178,178,176,178,186,189,186,181,181,183,186,189,194,199,199,194,133,127,176,189,191,186,186,191,199,202,196,189,181,181,183,133,127,127,133,178,176,173,172,173,181,189,189,186,186,183,183,183,183,181,181,178,177,177,183,189,191,191,189,189,189,186,182,182,183,186,183,178,134,134,135,183,194,199,199,196,196,202,202,202,207,209,204,202,204,204,202,199,199,196,186,131,127,127,131,125,129,183,194,196,196,194,189,189,189,194,196,199,196,194,189,187,187,191,191,189,186,186,189,186,183,183,186,191,191,186,186,189,194,189,181,178,178,181,181,183,189,186,181,129,125,125,126,127,176,186,191,191,189,186,183,178,178,176,173,170,170,170,176,181,181,176,173,173,176,178,181,181,183,183,183,183,186,186,186,181,181,181,181,181,181,186,189,189,186,178,129,128,173,181,181,176,170,169,176,181,181,178,177,176,178,178,176,131,131,129,129,173,131,176,186,196,196,191,183,176,131,125,121,125,176,181,181,176,178,178,176,178,181,183,178,177,181,189,194,191,186,183,186,191,202,207,207,209,209,209,207,204,199,199,204,199,189,186,189,189,183,178,178,181,186,186,178,131,131,133,133,176,176,131,127,123,113,119,189,191,117,105,119,125,133,189,209,222,209,191,183,178,174,178,191,204,207,207,204,202,194,186,173,119,111,107,106,105,109,115,121,127,176,186,189,186,183,178,127,113,101,89,88,121,186,199,202,199,194,191,191,191,189,186,182,182,183,189,191,191,191,191,196,202,207,207,207,204,202,199,196,191,183,181,178,178,183,191,199,204,204,196,196,202,207,207,204,199,196,0,0,0,0,189,0,202,202,202,199,199,202,207,209,207,202,194,192,194,199,202,204,204,209,209,212,212,217,228,230,233,230,228,228,230,233,233,235,235,235,233,230,0,0,233,235,233,230,225,222,212,207,202,204,204,204,199,194,199,202,202,196,186,183,186,196,204,212,220,225,225,217,212,209,207,204,202,199,202,204,209,212,212,209,204,202,199,196,194,196,202,207,209,207,204,199,194,189,186,189,196,204,202,194,186,183,181,137,137,183,191,196,196,199,207,215,217,217,212,207,204,202,199,196,196,196,199,204,209,215,222,217,212,207,209,217,222,217,212,207,204,204,207,209,212,209,207,207,209,212,212,207,203,203,207,204,202,204,209,212,207,202,199,199,198,199,204,212,217,222,225,225,222,217,217,217,217,215,215,217,222,225,233,238,238,241,241,243,246,243,235,230,228,228,228,230,230,230,230,230,233,235,233,233,230,230,225,217,216 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,137,155,178,176,147,0,0,0,0,0,64,170,100,0,0,0,0,0,0,0,0,0,23,0,0,0,0,0,0,0,0,0,0,0,0,152,181,189,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,111,35,0,9,1,13,90,131,152,155,152,129,73,75,81,75,53,31,41,79,81,71,73,95,103,105,147,152,155,155,155,160,163,163,165,163,165,170,178,176,168,127,181,191,209,217,209,196,183,176,170,169,170,181,194,204,212,217,212,194,176,129,173,178,181,176,131,131,178,183,186,183,183,189,191,186,181,178,181,186,189,191,191,191,191,194,199,204,207,204,202,199,196,194,194,196,199,191,131,133,194,196,189,181,177,177,178,183,196,204,204,194,183,176,173,131,131,173,176,176,173,131,131,131,129,129,170,173,176,176,170,169,168,170,173,170,169,170,176,173,170,168,170,170,170,168,168,170,173,173,173,170,168,170,181,183,183,183,178,170,170,173,176,176,170,168,168,168,128,127,170,181,194,199,191,170,123,121,121,121,121,125,168,168,165,123,163,165,165,165,168,163,121,163,165,165,165,160,119,113,111,111,111,113,115,119,163,170,173,170,168,176,186,183,165,115,111,113,115,117,119,119,117,113,113,113,157,170,170,121,115,107,111,168,186,186,189,194,194,196,196,196,199,207,209,209,207,196,185,183,186,191,194,194,196,199,183,95,95,111,117,113,97,55,62,176,183,157,102,105,176,186,186,181,168,165,176,176,109,101,113,186,194,191,189,189,186,101,83,84,115,173,186,194,194,194,202,209,215,212,209,209,209,207,191,163,109,105,103,89,90,109,170,189,199,196,178,155,107,105,109,117,117,111,109,111,160,181,183,176,113,105,105,109,113,113,107,107,113,157,168,168,163,157,117,115,165,186,194,181,119,111,111,117,121,119,113,109,109,107,117,202,209,217,202,189,202,196,191,209,215,217,220,220,215,117,79,85,95,113,125,176,194,207,207,202,191,186,183,181,176,170,129,129,128,129,176,178,176,178,181,181,176,131,131,131,131,173,178,186,202,212,222,225,217,202,131,124,131,176,173,131,178,186,189,189,186,186,186,183,181,183,189,199,199,189,178,173,173,176,178,181,183,186,186,186,186,189,194,194,189,186,186,189,196,204,204,196,178,170,169,173,178,178,178,178,178,176,173,173,173,173,176,176,181,186,189,183,170,122,122,168,178,186,186,173,168,168,125,113,112,165,178,186,189,186,186,186,189,191,189,181,173,168,165,165,123,117,115,119,119,119,117,113,93,83,86,99,101,103,113,170,176,173,168,163,165,168,125,119,115,111,105,97,98,123,176,127,122,122,127,173,178,183,186,189,191,196,202,199,189,181,183,189,191,191,191,191,191,189,186,183,183,186,191,191,191,191,191,196,196,196,199,204,204,202,204,207,207,202,196,196,191,181,133,131,129,131,135,181,186,189,189,191,189,186,183,183,189,194,194,191,189,191,191,189,183,181,183,189,186,185,183,185,189,194,194,191,189,191,191,189,189,189,194,199,202,202,196,183,135,178,183,191,194,194,191,191,199,204,204,199,194,189,183,181,178,178,178,178,176,176,176,178,183,186,186,185,183,185,186,186,181,181,178,176,176,181,181,178,178,189,194,194,186,181,181,186,194,199,199,196,191,189,186,183,181,183,183,183,178,173,176,178,178,173,173,173,172,172,173,176,178,178,181,181,181,181,183,186,189,189,189,189,186,183,181,181,178,176,178,189,194,194,189,189,189,189,189,189,194,199,196,194,191,189,189,187,189,191,194,196,199,196,196,196,196,194,191,191,194,196,196,196,196,194,189,181,176,176,181,189,194,191,183,173,170,174,178,176,176,176,178,178,178,181,183,181,181,186,191,191,196,199,199,196,196,194,194,196,204,209,215,220,222,217,209,204,207,212,212,212,212,212,209,212,212,204,194,126,122,126,183,196,199,194,189,189,191,196,202,204,207,209,204,196,191,192,199,207,209,209,202,196,196,202,207,209,207,204,207,207,207,207,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,181,178,173,170,170,170,173,173,170,163,119,117,117,119,123,123,163,163,123,121,121,121,120,120,123,165,170,173,176,176,176,178,181,181,176,173,168,168,173,183,189,189,186,183,181,181,186,191,194,189,181,176,133,131,176,183,191,194,196,199,194,189,189,194,196,196,196,196,196,194,191,191,191,194,194,191,189,191,189,189,191,191,194,194,189,181,135,133,135,183,189,189,189,189,189,186,186,183,183,181,181,181,181,183,183,186,189,189,181,177,178,183,189,191,189,183,181,181,178,178,176,173,173,131,129,129,178,183,178,173,176,181,181,181,178,178,181,178,174,176,178,181,183,183,181,178,176,178,178,181,178,176,133,133,133,176,178,183,186,186,183,178,134,135,178,183,186,183,181,177,177,181,189,194,191,183,182,183,186,189,189,194,196,196,196,194,194,196,196,196,196,194,190,191,194,196,196,194,191,194,194,194,189,189,191,191,191,186,181,135,134,135,178,181,183,186,186,186,186,189,189,191,191,191,191,191,189,186,183,181,181,178,178,177,177,178,191,207,212,204,191,178,176,176,178,176,174,176,183,186,181,177,178,181,183,186,189,191,191,189,178,176,183,191,194,189,186,191,194,194,191,189,183,183,189,183,133,127,131,176,178,173,172,178,183,189,189,186,183,183,186,189,189,189,186,183,178,178,183,189,191,194,194,194,194,189,182,181,186,191,194,189,181,178,178,183,194,199,202,196,196,202,207,207,209,209,204,204,209,209,202,199,199,194,183,131,127,131,137,137,183,194,202,202,199,194,191,189,191,194,196,196,196,191,189,187,189,189,186,183,183,183,186,186,183,182,186,191,191,189,183,186,191,189,183,183,189,191,191,194,194,191,181,129,125,127,131,176,183,191,194,191,191,186,181,178,176,176,173,129,129,170,173,176,173,170,169,173,181,186,183,181,176,170,173,178,181,181,178,178,183,186,186,183,181,183,186,189,189,181,170,128,170,178,181,176,169,169,176,183,183,181,178,178,178,181,176,173,131,128,128,129,128,129,178,186,189,189,183,176,131,129,129,173,181,183,181,178,178,181,181,183,183,183,178,176,178,186,189,189,186,189,191,194,199,204,207,207,207,204,199,202,199,202,202,196,189,186,189,189,186,181,181,186,189,189,183,178,133,133,131,173,131,127,119,112,108,109,127,129,101,98,109,127,173,186,202,209,199,186,183,183,178,176,181,196,207,207,204,199,189,178,129,119,113,109,104,103,107,117,123,127,176,191,202,199,196,189,131,119,109,105,107,176,196,204,204,202,196,194,191,191,191,186,182,182,191,199,199,196,191,191,194,199,0,207,207,207,204,202,196,191,183,178,177,178,186,194,204,207,207,202,199,204,207,209,209,207,204,0,0,0,0,191,0,199,202,202,199,202,207,212,215,215,207,199,194,196,202,204,204,204,207,209,209,212,220,228,233,233,233,228,228,228,230,233,235,235,235,233,228,0,0,233,235,233,230,225,222,215,207,202,204,207,204,202,196,196,202,204,199,189,183,186,194,202,209,215,222,222,217,212,207,204,202,199,199,199,204,209,209,209,207,204,202,202,196,194,194,202,207,209,209,207,202,194,186,186,189,194,202,202,194,189,186,183,137,136,137,186,191,191,194,202,209,215,215,212,207,202,199,199,196,196,199,202,204,209,215,217,217,209,207,209,217,222,217,212,207,204,204,207,209,209,209,207,205,207,212,212,207,204,204,204,202,199,202,207,209,207,202,199,199,198,199,204,209,217,222,225,225,222,217,217,217,217,217,217,222,222,225,230,235,238,238,238,241,243,243,235,230,228,228,230,233,233,230,230,230,235,235,235,233,230,230,228,222,216 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,121,155,181,178,105,0,0,0,0,15,121,194,183,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,126,176,183,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,134,144,124,77,51,33,43,61,95,131,157,170,181,181,163,144,131,118,77,71,93,89,71,71,91,101,105,150,157,157,155,155,160,163,163,163,122,122,168,178,178,127,123,127,186,209,215,196,181,178,178,178,178,181,186,196,207,215,222,215,202,183,131,129,129,129,127,125,126,173,183,186,183,181,181,186,186,181,178,181,186,194,199,202,199,199,204,209,212,212,209,207,204,204,202,202,204,202,196,125,127,183,191,189,181,177,178,183,183,189,194,194,186,181,178,178,173,131,131,173,176,176,178,176,173,131,129,170,173,176,176,173,170,169,170,170,170,169,170,173,173,170,168,168,168,170,168,166,166,168,170,168,168,168,170,170,176,178,183,178,170,168,168,173,173,173,168,128,128,127,127,170,183,196,199,186,168,121,121,123,123,123,165,173,173,168,125,165,170,170,170,170,168,165,173,178,183,183,178,168,157,115,111,111,115,157,168,181,186,189,181,163,165,183,189,178,155,113,113,115,117,155,119,115,113,113,113,115,119,117,113,105,99,101,117,123,165,178,189,189,189,194,194,196,196,194,191,196,191,186,185,186,186,191,194,194,189,170,97,87,101,113,109,73,58,70,163,176,155,103,107,183,194,189,178,165,155,163,165,109,102,150,181,183,168,176,181,181,97,87,107,176,189,194,194,192,192,199,209,215,212,209,209,212,209,196,163,99,93,97,66,75,97,168,189,202,207,196,163,105,103,111,157,117,109,107,109,157,181,183,178,113,107,103,103,107,103,93,93,99,109,160,168,170,173,160,113,163,186,202,196,163,109,108,117,121,119,115,113,115,119,178,215,228,230,225,217,225,222,217,228,228,225,228,228,225,113,29,57,89,113,127,183,204,212,212,204,189,183,186,189,186,181,176,176,173,170,173,173,173,178,186,186,181,173,130,130,131,176,183,196,212,230,235,235,225,204,176,127,178,183,178,176,176,176,176,183,191,196,196,191,183,178,178,181,181,178,176,173,176,181,178,173,172,176,183,189,191,194,196,194,189,189,191,196,202,204,204,196,178,170,170,173,173,173,173,176,176,176,173,173,176,176,173,173,176,181,183,178,168,125,127,176,183,191,186,173,127,127,123,119,123,186,196,196,194,191,191,196,196,196,191,181,173,170,168,165,163,117,113,115,121,160,121,113,93,90,103,115,111,111,165,181,178,170,163,163,168,173,165,115,111,113,115,107,107,121,168,125,123,123,123,125,129,176,181,189,196,204,207,202,191,186,186,194,196,199,202,199,194,189,183,182,182,186,194,196,194,191,191,194,194,196,199,202,202,202,204,207,204,202,204,204,204,194,186,181,178,178,183,186,189,194,202,207,204,199,194,191,194,199,196,191,189,191,194,191,189,186,186,189,189,189,186,186,191,196,194,191,191,194,196,196,194,194,199,204,207,207,202,191,186,186,191,196,199,199,199,202,207,209,207,199,194,186,183,183,183,178,133,133,176,176,176,178,181,186,189,191,186,186,186,186,181,181,178,133,132,133,178,178,183,189,194,191,186,183,181,186,189,194,194,194,194,194,191,186,181,181,183,186,181,176,173,173,173,173,173,178,178,178,176,176,178,178,181,183,186,186,186,186,183,183,183,186,183,181,183,183,181,176,176,181,191,194,191,189,191,194,194,196,199,199,196,191,189,189,189,187,189,191,196,196,199,196,194,194,194,194,191,191,191,196,196,196,194,191,186,178,174,174,176,183,189,191,183,174,172,174,178,178,176,178,181,181,178,181,183,186,189,191,196,199,199,202,199,196,196,194,191,191,196,207,215,215,215,215,212,209,209,209,209,209,209,209,207,209,209,199,191,137,125,133,191,199,199,191,187,187,194,202,207,209,209,209,204,196,196,199,202,204,207,207,202,199,202,207,209,207,202,199,199,202,204,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,178,176,173,170,173,176,178,173,165,117,112,111,113,119,163,163,121,121,123,123,125,125,121,120,123,168,170,170,173,176,176,176,178,178,176,170,168,166,173,181,186,189,189,186,181,178,183,189,194,191,186,181,176,133,178,186,194,196,196,196,191,186,185,189,191,194,194,194,191,189,189,189,191,194,194,189,186,189,189,189,189,191,194,191,189,183,135,132,133,178,183,183,183,186,186,186,186,186,186,181,181,179,181,181,183,189,191,189,183,181,183,189,189,189,189,183,181,181,178,178,176,131,131,131,129,131,181,183,178,131,131,173,178,178,178,181,181,178,176,176,178,183,183,183,181,178,178,181,181,181,178,176,133,132,132,133,178,181,183,181,178,178,135,178,181,183,186,186,181,178,178,183,191,194,194,186,183,183,186,189,189,191,194,194,194,191,191,194,196,196,196,194,190,190,191,194,194,191,191,191,194,191,189,186,189,194,194,189,183,178,178,178,181,181,181,181,181,181,183,191,191,191,189,189,191,191,191,186,186,183,181,178,177,177,177,181,189,199,204,202,191,181,176,176,176,176,174,178,186,189,181,178,181,186,186,186,183,183,178,178,178,181,189,194,194,191,189,189,191,187,187,189,186,189,194,191,131,119,123,176,181,178,176,178,183,186,189,189,191,191,191,191,189,189,189,186,181,181,183,186,191,196,199,202,199,191,182,182,189,196,199,196,189,183,181,186,194,199,199,196,199,202,207,209,209,207,204,207,209,209,202,196,194,189,181,133,131,137,186,189,194,202,204,202,196,191,189,191,191,191,194,196,194,191,189,189,189,186,183,181,178,178,181,183,183,183,186,191,191,186,181,181,186,186,186,189,194,196,194,194,194,191,181,131,129,173,178,181,186,191,194,194,194,189,181,178,178,176,170,128,128,170,173,170,169,168,168,173,183,189,183,170,121,117,121,129,176,176,174,178,186,191,191,183,181,178,181,186,189,183,173,129,170,176,178,176,173,170,173,178,181,181,181,181,183,183,181,176,173,129,128,128,129,129,173,178,181,183,183,176,173,176,176,176,181,183,183,181,181,183,186,186,186,183,178,177,178,181,183,186,186,191,196,196,199,202,204,207,207,199,194,194,196,199,202,199,196,194,194,196,191,189,186,189,191,191,186,181,133,131,131,131,131,127,121,113,108,109,123,125,103,100,115,131,178,183,194,199,191,183,189,199,194,176,123,129,196,199,191,186,173,127,123,121,121,117,106,103,109,119,123,127,178,194,207,207,204,194,176,125,121,123,173,194,207,207,207,204,199,191,189,189,189,183,182,183,196,209,209,199,191,191,194,199,204,207,207,207,207,204,199,191,183,178,177,178,186,196,204,207,204,202,202,204,209,215,215,212,209,0,0,0,0,196,199,202,202,202,202,202,207,215,222,222,212,204,199,202,207,209,207,204,207,209,209,212,217,225,230,233,230,228,228,228,228,230,233,235,235,233,228,0,0,233,233,233,230,228,222,215,209,204,204,207,207,204,199,199,204,207,202,194,186,183,189,196,204,212,217,217,212,207,202,199,199,199,199,202,204,207,209,209,207,207,204,204,199,196,194,199,204,207,209,209,202,194,186,183,183,191,196,199,194,189,186,186,181,136,137,183,189,191,191,199,207,212,215,212,207,202,199,196,196,196,199,202,204,207,212,217,215,209,205,209,217,222,217,212,207,204,204,207,209,209,209,207,205,207,209,212,209,207,204,204,199,196,199,204,207,207,202,202,199,199,202,204,209,217,225,228,225,222,222,222,222,217,217,222,222,222,225,230,235,235,235,235,238,241,241,238,233,230,230,233,233,233,233,230,233,235,238,235,230,230,233,230,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,142,155,142,27,0,0,0,0,27,116,157,157,82,19,0,0,0,0,0,0,0,0,0,0,0,29,33,0,0,0,11,0,0,0,0,66,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,108,142,163,186,191,113,57,63,63,53,71,152,181,196,196,183,160,144,137,126,87,97,97,85,85,97,103,109,155,160,160,155,155,160,163,163,123,121,121,168,183,186,173,123,123,178,209,212,178,121,170,178,183,186,191,196,202,209,215,217,217,207,191,176,129,127,127,126,124,125,131,181,189,189,183,181,183,181,181,181,183,189,196,204,204,204,202,204,209,215,212,209,204,204,204,204,204,204,202,191,125,125,135,186,186,183,178,186,191,186,183,186,183,178,177,178,178,176,131,131,131,176,181,183,181,176,131,131,170,173,173,176,176,176,173,173,170,169,169,170,173,176,173,170,168,168,168,168,166,166,166,166,165,166,170,173,170,170,176,178,176,168,165,166,173,176,176,173,170,129,129,170,176,178,183,183,170,121,118,119,123,125,168,176,181,178,168,124,125,170,173,173,173,170,173,183,194,199,199,194,181,165,117,113,113,117,163,178,191,196,196,189,117,109,155,176,176,157,115,115,117,157,160,160,117,113,113,113,111,109,109,109,103,98,99,107,105,107,123,178,183,186,191,191,191,189,186,185,189,191,186,186,185,186,194,199,194,186,173,111,81,79,99,103,79,67,81,111,170,152,104,150,196,199,183,170,157,147,147,147,103,103,152,168,157,97,111,165,170,105,103,170,189,196,199,196,191,191,194,204,212,212,212,209,209,212,207,176,97,83,93,60,73,95,160,183,199,207,199,165,104,103,113,155,111,105,105,109,115,160,157,155,111,107,102,102,103,80,73,83,89,99,117,165,173,178,170,113,160,183,199,199,163,105,105,117,160,119,115,115,119,168,194,222,228,230,228,225,228,228,228,230,230,225,225,228,225,115,10,56,117,125,170,181,199,209,209,202,186,183,186,191,194,191,183,178,176,173,170,170,173,178,191,194,191,181,131,129,130,173,183,199,215,230,233,228,215,207,191,181,189,191,186,181,176,173,173,181,196,199,194,186,173,127,125,127,129,176,181,181,183,183,178,170,172,178,189,194,194,191,191,191,191,194,196,199,202,202,199,189,178,170,170,129,129,127,127,129,176,176,178,181,186,183,176,172,172,173,173,170,170,170,176,181,181,183,178,127,123,123,125,125,173,194,202,202,199,199,202,204,202,196,189,178,173,173,173,170,165,121,111,109,117,163,163,119,111,115,165,168,163,165,181,181,170,123,119,121,165,168,125,115,111,113,113,107,107,115,121,121,123,125,125,125,129,170,176,183,191,199,199,196,191,189,194,199,207,209,212,207,196,189,183,182,181,186,191,194,191,189,191,194,191,191,191,194,194,196,202,207,209,207,209,215,215,209,202,196,189,186,183,183,189,199,209,215,215,204,194,191,194,196,191,186,183,186,191,191,189,186,183,186,191,191,191,189,191,194,194,191,194,196,199,199,196,196,199,204,207,207,202,191,186,189,194,196,199,202,202,202,204,207,202,196,194,189,189,191,191,181,132,132,176,181,181,181,181,186,196,199,194,189,186,181,178,178,176,133,131,133,176,178,181,186,186,186,183,183,183,186,186,186,186,189,194,196,194,189,181,179,183,186,181,176,173,173,173,173,176,183,183,181,178,173,173,173,178,181,186,189,191,189,183,182,183,183,181,181,183,183,181,176,131,133,183,186,186,189,191,194,196,199,199,199,194,186,186,189,191,191,191,194,194,196,194,194,191,191,191,191,191,191,191,194,196,199,194,191,186,181,176,174,176,181,186,189,189,183,181,181,181,178,178,181,181,181,181,181,183,186,191,196,196,196,199,199,199,196,194,196,191,186,189,199,204,202,202,209,215,212,207,204,204,207,209,204,194,189,181,133,189,194,191,196,202,202,196,189,186,187,196,204,207,209,209,209,207,204,207,207,204,202,202,202,202,202,207,212,209,204,196,191,194,196,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,178,176,173,173,173,178,178,173,123,113,111,112,115,123,173,168,120,118,121,163,165,165,123,123,165,170,170,168,170,176,176,173,176,176,178,176,170,170,176,183,186,189,189,186,178,176,178,183,189,191,189,186,181,178,181,189,194,194,194,194,191,186,185,185,189,189,191,191,189,186,186,186,189,194,191,186,186,189,189,189,189,189,189,189,189,186,178,133,132,135,181,178,178,181,183,186,186,186,186,183,181,179,179,181,183,189,191,189,186,183,189,191,189,186,186,183,181,181,181,181,176,129,126,127,129,173,181,183,178,131,130,131,176,181,183,183,183,183,181,181,183,186,186,186,181,178,178,181,181,181,178,176,133,132,132,133,176,181,181,178,178,178,181,181,183,183,186,186,183,183,183,189,194,196,194,189,186,186,189,189,191,194,194,194,191,191,191,191,191,194,196,194,191,190,191,191,191,191,190,191,191,191,186,185,189,194,194,194,189,183,181,181,181,183,181,179,179,181,186,189,189,186,186,186,189,194,196,194,189,183,181,181,178,178,178,181,186,189,191,191,189,183,178,176,176,176,178,186,194,196,191,189,191,194,189,183,181,177,176,174,177,183,191,194,194,191,189,191,191,189,187,189,186,191,199,199,117,111,117,178,183,181,181,183,183,186,189,196,199,199,196,189,186,186,189,186,183,183,183,186,191,196,199,202,199,191,186,186,191,199,204,199,194,189,186,191,196,199,199,196,194,199,204,209,209,207,204,204,207,204,199,194,189,183,135,133,135,183,191,194,196,202,202,199,194,189,189,191,191,191,191,194,194,194,191,189,189,186,183,181,178,135,135,178,181,183,186,189,186,183,181,179,181,183,186,191,196,194,189,189,189,189,183,178,178,183,186,186,186,189,191,196,199,191,183,178,176,173,129,127,128,170,173,169,168,168,169,176,183,186,178,121,115,114,117,125,173,176,176,178,186,191,189,181,176,176,178,183,186,186,178,170,127,170,176,178,176,170,170,170,173,173,173,178,183,186,183,181,176,131,129,129,173,173,173,173,176,181,183,178,181,181,178,176,181,183,183,183,183,186,189,189,189,186,183,181,181,183,183,183,186,191,196,196,196,196,199,199,196,191,183,183,191,199,199,204,207,209,207,204,199,194,194,196,199,196,191,183,133,129,129,131,173,131,127,125,119,117,125,129,121,115,123,131,178,181,189,194,189,186,196,212,209,178,108,108,125,176,129,125,119,117,119,123,168,168,119,109,113,121,123,127,176,189,196,202,202,191,178,129,129,176,189,202,209,207,204,204,199,189,185,185,186,186,183,186,199,215,217,204,194,191,194,202,207,207,207,207,207,204,199,194,186,181,178,178,189,199,204,207,204,202,202,207,212,215,215,215,209,0,0,0,0,0,199,202,202,202,199,202,209,215,225,225,217,207,204,207,209,212,209,207,207,207,209,212,215,222,228,230,230,228,228,225,225,228,230,233,235,233,230,0,0,230,233,233,230,228,225,217,212,204,204,207,209,204,202,202,207,209,207,199,189,183,186,191,199,204,209,209,207,202,196,196,196,199,202,204,207,207,207,207,207,207,209,207,204,196,191,194,196,202,207,207,204,194,186,181,181,186,191,194,189,186,186,186,181,136,136,183,191,194,194,199,207,212,215,212,207,202,199,196,196,196,199,199,202,207,212,215,215,207,205,209,217,225,217,212,207,204,204,204,207,209,209,207,205,207,209,212,212,209,207,202,196,195,196,202,204,204,204,202,202,204,204,207,212,222,228,230,228,225,222,222,222,217,217,222,222,222,225,230,233,235,235,233,235,238,241,238,235,233,230,233,233,233,233,230,233,235,235,233,228,228,230,230,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,124,126,79,0,0,29,13,0,29,121,134,74,17,3,0,0,0,0,0,0,0,0,0,0,0,82,118,0,0,0,23,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,103,126,139,160,202,199,113,92,108,73,43,52,157,189,199,202,191,173,152,147,144,131,99,99,99,101,103,105,147,157,163,157,118,118,157,160,160,123,122,122,170,189,194,183,127,124,176,196,189,95,92,115,173,181,189,196,202,207,212,215,217,217,212,199,183,173,129,131,131,127,129,173,181,186,189,186,183,181,178,178,183,186,189,196,202,204,202,199,202,207,209,209,207,202,202,204,204,204,204,199,189,128,127,133,181,183,183,183,194,199,191,186,186,183,177,176,178,178,176,131,130,130,173,178,183,181,178,173,131,173,173,176,176,181,181,178,176,170,170,170,173,173,176,173,170,168,168,168,170,168,168,168,168,166,166,170,173,173,173,176,178,176,168,165,168,176,178,176,176,173,176,181,183,178,170,127,125,121,118,117,119,123,168,173,186,194,189,170,123,123,168,173,170,170,170,176,189,202,207,207,199,183,168,117,113,113,117,163,181,191,196,199,194,163,107,106,157,165,157,117,117,155,163,168,165,119,115,115,117,115,111,113,119,117,107,103,101,93,91,107,168,183,189,189,189,189,189,185,186,189,191,189,186,186,189,202,209,202,191,186,178,75,55,63,95,91,85,89,105,168,155,105,113,196,191,170,163,155,147,109,102,99,103,163,168,109,89,93,101,111,109,157,186,196,202,204,199,194,192,194,204,212,215,212,209,209,217,215,196,101,83,95,73,87,103,155,178,191,199,189,117,104,105,115,115,103,100,105,107,107,107,107,113,155,113,105,107,115,87,75,85,81,82,105,155,160,170,168,111,155,173,189,186,117,101,102,115,160,160,119,119,160,181,209,225,228,228,225,225,228,228,228,228,225,225,228,230,230,168,9,73,176,173,168,170,186,196,194,189,181,178,183,189,194,194,183,176,170,170,173,173,170,176,186,191,194,183,131,128,129,131,181,194,209,217,215,199,199,204,202,199,202,202,194,183,176,173,173,181,191,186,173,123,119,117,121,123,127,181,194,194,189,183,176,170,173,186,199,202,196,183,173,131,183,189,191,191,194,194,189,178,176,170,129,127,125,125,125,129,173,178,186,194,199,194,183,176,176,173,127,127,173,181,183,181,176,173,127,121,121,125,127,168,176,191,196,199,202,204,204,207,202,196,186,176,173,176,178,173,163,121,107,101,111,119,160,163,160,160,165,168,170,181,186,173,121,118,118,118,121,165,165,123,117,115,109,103,103,111,117,123,125,127,127,127,127,170,173,178,181,183,183,186,189,194,199,207,212,217,215,209,199,191,186,182,181,183,189,189,189,189,191,194,191,190,189,189,190,191,199,207,212,212,215,222,225,217,215,209,199,189,181,181,189,202,209,212,212,196,181,178,183,186,183,178,178,178,183,186,186,181,178,183,189,191,191,189,191,194,196,196,199,199,202,202,196,191,194,199,204,204,196,189,185,189,194,196,202,204,202,199,199,202,199,196,194,189,189,191,191,183,133,132,176,181,183,181,181,186,196,204,199,191,183,178,176,133,133,132,132,133,176,176,178,181,181,181,181,183,186,186,189,186,183,186,191,196,194,189,181,179,183,186,183,178,176,173,173,131,173,181,183,181,178,173,172,172,173,176,178,186,189,191,189,189,189,186,183,181,181,183,181,173,129,127,131,176,181,183,189,194,196,199,199,196,191,186,185,189,191,194,196,196,194,191,191,191,191,191,194,194,194,191,189,189,194,196,194,194,189,186,181,178,178,181,186,189,189,186,183,183,178,178,178,178,178,178,181,181,181,183,189,194,194,191,194,196,199,196,196,199,194,183,181,183,181,131,178,191,199,199,194,191,196,204,204,194,125,121,117,119,183,202,209,212,212,204,196,189,186,189,196,202,202,202,204,207,207,207,212,209,204,200,200,202,202,207,212,215,212,202,191,186,189,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,178,173,170,168,170,173,173,168,121,115,113,117,121,170,181,173,120,117,120,163,165,165,125,168,173,173,168,165,170,173,173,173,176,178,181,181,176,173,176,181,183,183,186,183,176,173,173,178,186,189,191,189,186,183,186,191,194,194,194,194,191,186,185,185,186,189,189,189,186,186,183,183,186,189,189,186,186,189,189,186,186,186,186,186,189,189,181,134,134,178,181,178,177,178,181,183,186,186,186,183,181,181,179,181,183,186,189,189,186,189,191,191,189,186,183,181,178,181,183,186,181,131,125,126,127,131,178,181,178,173,131,173,176,183,186,186,183,183,186,186,186,189,189,186,183,178,178,181,181,178,178,178,178,133,133,133,178,181,181,181,181,183,186,186,186,186,186,186,186,186,189,189,194,196,194,191,189,189,189,191,191,191,191,191,191,191,191,189,189,191,194,196,194,191,194,194,194,191,190,191,191,191,186,186,186,191,194,196,194,186,181,181,181,183,181,179,179,181,186,186,186,183,183,186,191,196,202,199,191,183,181,183,183,181,181,183,183,181,178,181,181,181,178,172,172,173,178,189,199,202,202,202,202,199,191,183,181,181,177,176,181,191,194,194,191,189,189,191,194,191,189,189,186,189,196,202,111,107,117,178,181,178,181,183,183,183,189,199,204,204,199,189,183,186,189,186,181,181,183,183,189,196,196,196,196,194,189,191,194,199,202,199,196,194,191,194,199,199,199,194,191,191,196,202,209,209,207,204,202,202,196,191,186,181,135,133,137,186,191,194,196,199,199,196,191,189,189,191,191,190,191,194,196,196,191,186,186,186,186,183,178,134,133,135,181,183,186,183,181,181,181,181,181,181,186,191,194,189,182,182,183,186,186,189,189,191,191,186,183,183,189,194,199,191,181,178,176,173,129,127,127,129,170,170,170,170,173,176,181,183,176,123,117,117,121,127,176,181,181,183,186,189,183,176,176,176,176,178,183,183,178,129,123,125,170,178,176,170,168,168,168,168,169,173,183,189,186,181,178,173,173,176,178,178,176,173,176,178,183,183,183,183,176,176,178,186,186,186,186,189,191,191,189,189,189,189,189,186,183,183,186,191,194,194,189,183,183,183,181,178,177,178,186,196,199,204,215,217,215,209,204,202,202,204,204,202,196,186,176,130,130,131,173,176,178,181,178,129,127,176,176,125,121,127,173,178,183,186,183,183,194,207,204,178,109,107,114,121,119,113,110,111,113,121,173,176,125,113,113,117,121,127,173,178,178,183,183,181,176,131,173,181,191,199,204,199,194,196,196,189,183,183,186,189,186,186,196,209,215,204,196,194,199,204,207,207,207,207,204,202,199,194,189,183,181,181,186,196,202,204,202,199,202,207,212,215,212,209,0,0,0,0,0,0,199,202,204,202,199,202,207,212,222,225,220,209,204,207,212,212,207,204,207,207,207,209,212,217,225,228,228,228,225,225,225,225,228,233,235,235,233,0,0,233,233,233,233,230,228,222,212,207,204,207,209,207,202,202,207,212,212,204,194,186,183,183,189,196,202,202,199,194,191,194,199,204,209,212,212,212,209,207,207,209,212,209,204,196,191,186,186,191,196,202,202,194,186,181,178,181,186,189,186,183,186,183,137,136,137,186,196,199,199,204,209,215,215,212,207,202,199,199,196,196,196,199,202,204,212,217,215,207,205,212,225,228,217,212,207,207,204,204,207,209,209,207,207,207,209,215,215,212,209,202,196,195,195,199,202,204,204,204,207,209,209,212,217,225,230,233,230,228,225,222,217,216,216,222,222,222,225,228,230,233,233,233,233,235,238,238,238,233,233,233,233,233,230,230,230,235,235,230,225,225,228,228,222,216 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,131,92,0,0,40,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,111,33,0,0,15,7,0,27,108,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,111,29,0,0,33,61,64,64,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,111,124,121,116,129,121,95,100,124,71,40,55,176,191,199,199,196,183,165,163,163,152,139,101,105,142,107,107,150,157,160,157,116,116,119,160,123,123,123,123,170,183,189,183,176,173,181,181,115,83,84,97,119,129,183,194,202,207,217,222,222,217,212,204,189,173,129,131,176,178,181,183,183,183,186,186,183,178,177,178,186,189,189,189,191,189,189,191,196,199,204,204,204,202,202,202,204,204,202,199,189,132,130,133,181,181,181,183,196,202,194,189,194,191,183,178,178,178,178,173,130,130,131,176,178,181,178,176,176,178,178,178,178,181,183,183,178,173,176,178,178,178,176,170,170,168,168,170,170,170,170,173,173,170,170,168,168,173,176,181,183,181,173,170,176,178,176,173,173,178,181,186,189,181,127,119,118,118,117,118,119,123,127,178,194,204,199,178,124,124,173,176,170,168,168,173,186,199,204,202,194,178,163,117,113,113,113,119,173,183,189,191,191,178,113,106,111,117,117,117,155,157,165,168,165,119,115,115,119,117,115,121,178,183,173,117,101,85,81,97,125,183,191,191,186,189,191,189,189,194,191,186,186,189,194,209,215,207,199,196,194,103,53,58,85,95,93,91,97,163,157,105,95,103,111,147,150,152,150,109,100,98,144,178,181,165,101,95,73,81,105,181,196,202,204,204,202,196,194,199,204,209,215,215,212,212,217,215,194,87,79,97,92,101,111,157,170,178,181,165,109,105,113,152,111,99,99,103,103,101,99,105,155,165,163,152,157,196,209,173,107,78,74,83,101,107,117,155,107,113,160,170,165,109,102,104,115,163,160,121,121,168,194,222,230,228,225,225,225,225,225,225,225,225,225,230,233,228,121,7,68,176,176,168,166,176,178,176,170,173,176,178,183,189,189,183,173,129,127,170,170,129,170,176,178,183,176,130,129,130,131,176,181,183,176,113,108,125,199,207,207,209,209,199,183,176,176,178,181,173,111,98,99,107,115,121,127,131,189,202,196,186,181,176,173,181,196,209,212,199,176,121,117,125,131,173,176,181,181,178,170,127,127,124,124,127,129,129,129,173,181,189,199,202,199,191,183,181,173,125,124,168,178,183,178,173,127,123,119,121,125,168,168,173,186,194,196,202,204,204,202,199,194,183,176,173,178,178,173,115,71,34,42,105,115,160,165,165,160,121,160,170,186,186,168,118,118,118,118,119,165,176,178,173,170,113,103,103,109,119,168,173,173,129,127,127,129,176,176,131,129,129,173,181,194,204,212,215,217,212,207,199,194,189,186,182,182,186,186,189,189,189,191,191,190,189,189,190,194,202,212,215,212,215,217,222,222,217,215,207,194,181,179,186,196,202,202,194,129,115,117,127,176,176,133,133,133,176,181,183,178,177,178,183,189,189,191,194,199,204,204,204,202,199,199,194,189,190,196,202,202,194,186,186,191,196,199,204,207,204,199,196,196,196,194,194,189,183,181,183,181,178,133,133,178,178,178,176,181,191,199,194,186,181,178,178,176,133,133,132,133,176,178,178,178,181,181,178,181,183,189,194,191,186,183,186,191,189,186,181,179,181,183,183,178,176,173,173,131,130,131,178,178,176,173,173,173,173,173,173,178,186,191,194,194,194,191,183,178,178,181,178,173,127,126,126,129,176,183,189,191,194,196,196,196,191,185,185,186,189,191,196,194,191,189,189,189,191,194,196,199,196,191,186,185,186,191,194,196,194,191,189,186,183,183,189,191,189,186,183,181,178,178,178,178,178,181,183,183,181,181,186,189,189,186,189,194,199,196,196,199,194,183,135,131,121,109,105,103,105,119,127,125,121,117,103,75,61,97,115,127,194,209,215,220,217,212,202,191,189,189,194,196,196,196,199,204,207,207,209,207,202,200,200,202,204,207,209,212,209,196,186,181,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,181,173,163,123,123,165,165,163,121,117,115,117,121,170,178,178,165,121,123,165,165,165,165,170,176,176,168,165,168,170,170,170,176,178,181,181,176,173,173,176,178,178,181,181,176,131,131,176,183,189,191,189,189,189,189,191,191,191,191,191,191,189,186,186,186,186,186,186,186,186,183,183,183,183,183,181,183,186,189,186,185,185,185,186,189,189,186,178,178,181,181,178,177,178,181,183,183,183,183,183,183,181,181,181,181,183,186,186,189,191,194,194,189,186,183,181,178,178,183,189,183,176,127,126,127,131,178,181,181,178,176,176,178,183,186,183,178,181,186,186,189,189,191,189,183,181,178,181,181,178,181,183,183,181,178,178,181,183,186,186,189,191,191,191,189,186,186,183,186,186,189,189,191,194,194,191,189,189,191,191,191,191,191,191,191,191,191,189,187,189,191,194,194,194,194,196,196,194,191,191,191,189,186,186,189,191,194,196,196,191,183,181,183,183,183,183,183,183,183,183,183,181,183,186,191,199,204,202,191,178,177,181,186,183,181,183,181,176,131,173,176,178,178,170,170,172,176,183,194,202,204,207,204,199,189,183,183,186,186,183,189,194,196,194,189,186,187,191,196,194,191,189,183,181,186,181,108,107,125,181,178,178,183,183,181,181,186,194,199,202,196,186,183,186,189,186,181,181,181,186,191,196,196,194,194,194,194,194,196,199,199,199,199,196,196,196,199,202,199,194,189,186,189,196,204,209,209,204,199,196,194,191,189,183,137,137,181,189,191,191,194,199,199,199,196,194,191,191,190,190,190,194,196,196,191,186,183,183,186,186,183,135,134,178,183,186,186,181,179,181,181,181,181,181,186,191,191,183,181,181,182,183,189,191,196,194,191,183,181,183,186,191,194,191,181,178,178,178,173,129,128,129,129,170,176,181,178,178,178,181,178,173,129,129,170,173,178,183,183,183,183,183,176,173,176,178,178,178,181,181,176,125,119,119,127,176,178,176,170,168,169,170,173,178,186,191,186,181,178,178,178,181,183,181,176,131,173,178,181,183,183,178,133,133,181,189,191,189,186,186,189,189,189,189,191,194,191,189,189,189,191,194,194,183,177,174,177,179,181,179,178,181,189,194,196,202,209,215,215,212,207,204,204,207,207,204,196,189,181,176,176,176,176,176,183,191,191,181,173,178,178,125,119,125,131,173,173,176,173,173,181,189,186,131,119,115,121,123,119,113,109,109,109,115,127,173,121,110,110,113,119,127,173,173,130,130,130,130,131,173,173,178,183,189,191,186,183,189,191,189,186,185,189,194,191,186,191,202,207,207,202,199,202,207,209,209,207,204,204,202,199,196,191,186,183,181,183,191,199,202,199,199,199,204,209,209,207,0,0,0,0,0,0,0,0,0,204,202,199,202,204,209,215,222,217,209,204,204,209,209,204,202,204,204,204,207,209,215,222,225,228,228,228,225,225,225,228,233,238,238,235,0,0,233,235,235,235,235,233,228,215,207,204,207,207,204,199,202,207,212,212,207,196,186,181,137,139,183,189,191,189,189,189,194,202,209,217,222,222,215,212,209,209,212,212,212,207,196,189,137,135,137,186,196,199,194,186,181,178,178,181,183,181,181,183,183,137,136,181,191,199,202,202,204,209,212,212,209,204,202,202,199,196,194,194,194,199,204,212,217,215,207,205,215,225,228,222,212,207,207,204,204,207,209,209,209,209,209,209,215,217,215,209,204,199,196,195,196,202,204,204,207,212,215,217,217,225,230,235,238,233,230,225,222,217,216,216,217,222,222,222,228,230,230,233,233,233,235,238,241,238,235,230,230,230,230,230,228,230,233,233,228,222,222,228,230,225,216 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,40,46,14,0,0,33,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,108,25,0,0,0,0,9,29,49,41,0,0,7,0,0,0,0,0,0,0,0,0,0,0,15,66,37,15,17,31,69,77,90,144,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,98,118,111,62,56,63,67,71,105,54,48,131,178,186,194,199,196,191,186,181,178,176,155,105,107,147,150,113,152,157,163,157,117,116,121,163,123,123,123,123,165,170,178,181,183,186,186,176,113,88,88,99,111,125,178,189,196,204,217,225,225,217,215,204,189,131,125,129,176,183,189,189,186,183,183,186,186,181,177,178,189,191,186,178,131,127,129,181,191,194,196,199,202,199,199,202,202,202,199,199,194,181,133,178,181,181,181,183,194,196,191,191,199,202,189,181,181,183,183,181,173,131,130,131,173,176,176,176,178,181,181,181,178,178,183,183,181,178,183,189,189,183,176,170,168,170,170,170,170,170,170,170,173,173,173,168,127,170,176,181,186,186,183,181,181,178,172,170,172,178,181,186,186,178,127,121,119,119,119,121,121,121,123,173,194,207,204,183,168,170,183,186,176,165,163,168,181,189,191,189,181,170,160,117,115,113,112,115,160,170,176,178,183,173,115,107,107,113,115,117,155,157,163,168,163,117,114,114,117,117,115,165,194,202,194,168,89,73,75,93,168,191,196,191,183,183,191,191,191,196,194,191,191,191,199,209,215,207,202,202,196,178,62,62,71,89,95,91,95,152,168,107,0,0,33,89,105,147,152,150,107,103,155,178,186,186,168,144,23,21,81,196,199,204,204,204,202,196,196,199,207,212,217,217,217,217,215,196,97,52,77,103,109,117,160,170,173,168,165,115,103,105,157,160,111,99,98,101,101,97,96,101,155,168,163,163,183,217,230,222,202,99,74,77,83,91,107,115,107,108,113,117,117,109,106,107,117,163,160,160,160,170,199,225,230,228,225,225,225,222,222,225,225,225,228,228,228,212,113,9,61,173,181,176,170,170,129,126,126,129,173,176,181,183,183,183,178,127,125,127,129,129,129,129,129,170,170,170,176,181,176,131,129,127,115,103,101,111,202,212,209,209,209,196,174,173,181,186,183,125,99,94,96,107,117,123,129,178,191,199,194,181,176,173,176,189,202,212,209,191,129,117,114,115,121,127,129,131,173,170,127,124,123,123,125,173,178,173,129,173,181,186,191,194,191,186,183,178,173,125,123,124,170,178,176,173,125,119,117,123,127,168,166,170,183,194,196,199,196,194,194,194,191,183,178,178,178,176,165,73,47,15,16,81,163,170,173,170,121,119,119,165,181,183,168,121,121,121,119,119,168,183,194,196,202,178,111,107,113,125,183,191,186,176,170,129,170,173,173,127,124,125,127,176,191,202,209,212,209,204,202,196,194,191,189,186,183,186,189,191,191,186,186,191,191,191,194,194,199,204,212,215,212,212,217,220,217,217,217,215,202,189,181,181,186,189,186,178,115,108,109,117,129,133,133,133,132,133,181,181,178,177,178,181,186,191,196,202,207,209,209,204,199,196,196,191,187,190,194,196,196,191,189,189,194,199,202,204,207,207,202,199,196,194,189,186,183,176,131,133,178,176,131,130,131,131,131,131,176,183,189,186,181,181,183,186,181,178,176,133,176,181,183,183,183,183,181,176,176,181,191,199,196,189,183,181,183,183,183,181,181,181,181,181,176,173,176,178,176,131,129,130,131,173,176,176,178,178,178,176,178,181,186,191,194,194,191,183,178,176,176,176,173,129,126,126,129,178,186,191,191,191,194,194,194,189,186,185,186,191,191,194,194,191,189,189,189,191,194,196,199,199,191,186,185,186,191,196,196,196,194,194,189,186,186,189,191,191,191,186,181,177,177,178,181,183,186,186,183,181,178,181,183,183,183,186,194,196,196,196,196,194,186,178,131,121,109,101,91,79,61,35,21,29,49,55,49,45,89,127,181,199,209,217,222,220,212,204,196,194,191,194,194,196,196,199,204,204,204,207,207,204,204,202,202,199,196,199,204,202,191,181,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,178,170,121,118,119,123,163,123,121,119,117,114,117,123,173,176,176,170,168,165,165,165,164,170,176,178,173,168,165,165,125,168,173,178,178,178,173,170,170,170,173,176,178,176,170,127,129,131,178,183,189,189,189,191,191,189,186,186,189,189,191,191,189,186,183,183,183,186,186,186,186,183,181,178,177,178,181,186,186,186,185,185,186,189,191,191,186,183,181,178,178,178,178,178,181,181,181,181,181,183,183,183,183,181,181,181,183,183,186,189,194,194,189,186,186,183,178,176,181,186,186,181,173,129,131,176,178,181,183,181,181,178,178,183,186,178,177,178,183,186,186,189,191,191,186,183,181,181,178,178,181,189,191,189,183,181,181,183,186,191,194,194,191,191,189,183,181,181,181,183,186,186,189,191,191,191,191,191,191,191,191,191,191,194,194,196,196,194,189,187,189,194,194,194,196,199,199,196,194,191,191,189,186,189,191,194,194,196,194,191,189,186,183,186,186,186,186,186,183,181,181,181,181,183,189,196,202,199,189,178,176,178,183,186,183,183,181,176,131,131,173,176,178,173,173,176,178,181,186,196,202,204,202,196,186,181,183,186,189,189,189,191,196,194,187,186,189,191,194,191,191,191,181,135,131,117,111,113,131,183,181,178,183,183,183,181,183,186,189,191,191,186,183,186,189,189,183,181,183,186,194,199,199,196,196,194,194,196,199,199,202,202,202,199,196,196,199,202,202,196,191,186,186,191,199,204,207,204,199,191,190,191,191,189,186,181,183,189,194,194,196,202,204,202,199,199,196,194,191,191,191,194,194,194,189,183,181,183,186,189,186,181,178,181,189,191,186,181,179,183,183,181,181,183,189,191,189,186,183,183,183,183,186,191,196,194,189,181,181,181,186,191,194,191,183,181,181,183,181,176,170,128,128,129,178,186,183,178,178,181,183,181,178,176,176,178,181,181,181,181,181,176,172,173,181,181,178,178,181,178,170,121,116,119,129,178,183,183,178,178,181,183,183,191,194,191,183,178,181,183,183,183,183,178,129,127,129,173,176,181,178,173,131,133,183,191,194,189,183,183,186,189,189,191,191,191,191,191,194,196,199,202,196,183,176,176,181,191,196,196,194,189,189,191,194,196,199,204,207,209,207,204,204,204,204,199,191,183,181,183,183,181,176,176,183,194,196,189,186,186,178,125,121,125,129,127,125,125,123,125,131,173,125,121,125,173,176,173,129,121,113,109,108,113,127,168,115,108,109,113,121,170,176,176,170,130,129,129,173,176,178,178,181,183,183,178,176,178,186,189,189,191,199,202,194,186,186,194,202,207,204,202,204,207,212,212,209,207,204,202,199,196,191,186,183,178,181,186,194,199,199,196,196,204,207,207,204,0,0,0,0,0,0,0,0,0,0,207,202,199,199,202,209,215,215,209,204,202,204,204,202,199,199,202,202,204,209,215,217,225,228,228,228,225,225,225,230,235,241,241,0,0,0,235,235,238,238,238,235,230,217,207,202,204,204,202,196,199,202,207,209,204,196,186,137,133,133,135,137,139,141,141,143,194,204,215,228,230,228,222,217,215,212,215,215,212,207,196,186,131,125,127,135,186,194,194,189,181,178,135,178,178,135,178,181,181,137,137,183,191,196,199,199,202,207,209,209,207,204,204,204,202,199,194,192,192,196,204,212,215,212,205,205,212,225,228,217,209,209,207,207,204,204,209,212,212,212,212,209,212,217,217,212,207,202,196,196,196,199,204,207,209,215,222,225,225,228,233,238,238,233,230,225,222,222,217,217,222,222,222,222,228,230,230,230,233,233,235,238,241,238,235,230,228,230,228,228,225,228,230,230,225,222,222,228,230,228,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,22,1,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,105,25,0,0,0,0,25,29,33,21,0,23,39,39,0,0,0,0,0,0,0,0,0,0,0,31,29,19,19,7,79,82,74,126,98,0,0,0,0,0,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,90,118,118,90,58,63,63,61,55,51,55,163,176,178,189,196,196,194,191,189,186,183,168,109,105,152,157,155,155,160,165,163,119,119,163,165,163,123,122,122,123,127,173,183,191,194,186,176,117,105,107,111,115,127,181,189,189,194,209,220,222,215,212,204,189,131,125,125,131,178,189,191,189,183,183,189,191,186,178,178,189,191,181,131,126,122,127,183,194,196,196,196,196,199,199,199,196,196,196,199,196,189,178,178,181,183,181,183,191,194,190,191,202,202,191,183,183,189,191,186,178,173,131,173,173,173,131,131,176,178,178,178,178,178,181,183,183,186,191,199,199,189,178,170,168,170,173,173,173,170,168,125,123,168,173,170,127,126,127,173,183,189,189,186,183,176,172,170,173,178,181,183,183,178,170,125,123,123,121,121,121,117,117,125,186,202,199,183,173,181,196,196,181,165,123,123,168,176,176,173,168,163,121,117,117,115,113,113,117,157,160,163,165,157,113,107,107,111,115,155,157,157,160,165,163,117,113,114,117,117,117,170,202,209,202,170,62,62,69,99,183,196,199,189,178,178,183,189,194,199,202,199,202,199,199,204,207,204,202,202,194,183,79,65,65,79,93,95,101,152,191,155,0,0,0,77,101,152,163,173,173,157,157,163,170,191,183,147,1,0,45,196,199,204,207,207,202,196,196,199,207,215,222,222,220,215,204,152,43,34,85,113,155,165,186,202,189,163,152,107,102,107,163,165,113,101,99,101,103,97,95,96,109,155,152,163,204,225,233,233,233,222,80,78,81,83,107,157,111,107,108,111,113,111,109,111,119,163,163,160,123,173,202,225,228,228,225,225,225,222,225,225,225,225,225,222,222,207,119,30,76,178,194,191,176,168,127,125,125,127,173,178,178,178,183,191,189,170,124,124,127,129,129,127,126,126,127,176,186,191,183,131,127,127,119,106,104,129,209,215,207,204,202,183,169,172,189,199,199,183,107,97,101,117,123,125,131,186,194,194,186,176,131,131,176,186,196,202,189,129,119,115,114,115,121,125,127,127,131,173,170,125,124,125,170,186,191,181,129,173,181,186,183,181,181,178,173,170,168,127,125,125,170,176,176,168,121,117,119,127,170,168,165,168,183,194,196,194,191,189,189,191,189,186,181,181,178,168,117,49,79,46,17,47,173,186,189,173,160,119,119,121,168,170,165,165,165,123,121,123,170,186,196,204,209,199,125,113,117,173,199,204,199,189,181,173,170,170,129,126,124,125,127,173,183,194,202,204,202,196,194,196,196,194,191,189,186,189,194,196,196,189,185,189,191,194,196,199,199,207,212,212,209,212,215,217,215,215,215,215,207,194,186,181,181,178,181,178,121,109,111,121,131,178,181,181,178,178,183,183,181,181,181,183,189,196,202,207,212,212,209,207,199,194,194,190,189,191,196,194,191,189,189,191,196,199,199,204,207,207,202,196,194,189,181,133,133,131,129,131,176,133,129,130,130,130,130,130,133,178,181,179,179,181,189,191,186,181,178,178,181,183,189,189,186,183,178,133,133,178,191,202,202,191,183,181,181,181,181,181,181,181,181,178,173,172,178,189,186,178,130,129,130,131,176,178,181,181,183,186,183,181,183,189,191,189,186,181,176,173,173,173,173,131,129,129,133,183,189,191,191,191,189,189,189,189,186,186,189,191,194,194,194,191,189,189,189,191,191,194,194,194,191,189,186,191,194,196,196,194,194,194,191,186,186,186,189,194,194,191,183,177,176,178,186,189,191,189,186,183,178,176,178,181,181,186,191,196,196,194,191,191,189,183,178,133,125,123,109,75,14,0,0,1,47,85,83,87,183,194,194,202,209,215,217,215,209,202,196,194,191,191,194,199,202,204,207,207,204,207,209,209,209,204,196,186,183,189,194,196,191,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,173,163,118,117,119,163,165,163,160,160,121,117,119,123,165,173,178,176,170,168,168,165,165,165,173,178,178,170,165,124,124,125,170,173,176,173,170,168,168,168,170,176,176,129,125,123,125,127,131,178,183,186,189,194,191,189,186,183,186,186,189,189,186,183,181,181,181,183,186,189,189,186,181,178,177,177,178,183,186,186,186,186,189,191,191,191,189,183,181,178,177,177,178,181,181,181,178,178,178,181,183,183,183,183,183,181,181,181,183,186,189,189,186,183,186,183,178,176,178,183,186,186,181,176,173,176,178,181,183,183,183,181,181,183,186,181,177,178,183,183,186,189,191,191,189,186,183,181,181,181,183,191,194,194,189,181,176,178,183,189,191,191,189,189,186,183,178,177,177,181,186,186,189,191,191,191,191,191,191,191,191,194,194,196,199,202,202,199,191,189,189,191,191,191,194,199,202,199,196,194,194,191,189,191,194,196,196,194,191,191,191,189,186,186,189,189,189,186,181,181,181,179,179,181,186,191,196,196,189,178,177,177,181,186,189,186,183,181,176,129,127,173,178,181,183,186,186,183,183,191,199,199,196,189,183,181,181,183,186,183,181,183,191,191,187,187,189,191,186,183,186,189,183,133,127,119,117,125,178,186,183,178,178,186,186,183,181,181,181,183,186,183,183,189,191,189,183,183,186,189,199,204,202,199,196,196,194,196,199,202,204,204,204,199,196,196,199,202,202,199,194,186,183,186,191,196,202,204,199,191,190,191,194,191,189,186,186,189,191,191,194,202,207,204,202,202,199,196,194,194,194,194,194,191,186,181,181,181,186,186,186,183,183,189,194,194,189,181,181,186,186,181,181,189,191,191,189,189,191,191,186,183,183,189,194,191,183,178,178,181,186,191,194,194,186,183,183,189,189,183,176,129,127,128,178,189,186,181,178,181,183,183,181,176,176,178,181,181,178,176,176,173,172,173,181,181,178,183,183,176,127,117,115,119,170,183,189,189,186,183,189,191,194,199,199,191,181,178,181,186,189,186,183,173,126,125,127,131,173,176,173,129,129,176,183,191,191,186,181,181,186,189,189,191,191,189,189,194,196,204,207,207,202,191,181,181,191,202,207,204,199,194,191,191,191,191,194,196,202,207,207,204,204,202,202,196,189,178,178,183,189,183,178,178,183,189,189,191,199,199,181,129,129,129,129,127,122,121,121,123,129,131,120,118,129,186,191,191,189,176,119,110,110,117,173,173,115,108,109,115,123,170,176,178,178,176,173,173,178,183,183,181,181,183,183,178,174,176,178,183,189,196,204,207,196,186,185,189,199,204,202,199,202,204,209,212,209,207,207,204,202,196,189,183,181,178,178,181,189,196,196,196,196,202,204,204,202,0,0,0,0,0,0,0,0,0,0,209,202,199,196,196,202,209,212,207,202,202,202,202,199,196,199,199,199,204,209,215,217,222,225,225,228,228,225,225,228,235,243,0,0,0,0,235,238,241,243,241,238,230,215,204,199,199,199,196,194,194,199,204,204,202,196,186,137,131,130,130,131,133,135,139,143,196,209,225,233,235,233,230,225,220,217,215,215,212,207,199,186,131,123,123,127,137,189,191,189,183,178,135,135,135,133,133,178,181,181,181,186,191,194,194,194,199,204,207,207,207,207,207,207,204,199,194,192,192,196,202,209,215,209,204,204,209,222,225,217,212,209,207,207,204,204,207,209,212,212,212,209,212,215,215,209,207,204,199,195,195,199,204,207,212,217,225,228,228,230,235,241,238,233,230,228,225,222,217,217,222,222,222,225,228,230,230,233,233,235,235,238,241,238,233,228,228,228,225,225,222,222,228,230,225,222,222,230,233,228,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,0,0,0,22,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,100,29,0,0,0,0,15,25,23,13,0,0,47,55,35,0,0,0,0,0,0,0,0,0,0,0,3,9,0,0,85,85,11,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,49,103,131,124,111,75,65,55,52,54,126,165,173,178,186,191,194,194,191,189,186,186,176,147,97,109,155,155,115,157,165,168,165,163,168,168,165,125,122,122,125,168,176,189,196,191,181,113,102,113,129,129,125,173,186,189,186,186,194,204,207,204,199,194,186,178,131,127,125,129,181,186,189,186,183,189,204,196,181,176,183,186,181,131,128,129,183,202,207,204,196,195,195,199,202,199,191,189,191,196,199,194,183,177,177,178,183,186,191,191,191,194,202,196,186,183,189,191,191,183,176,173,178,183,181,176,131,130,131,131,131,173,176,178,183,189,194,194,199,202,202,191,183,173,170,168,170,176,178,176,168,119,95,87,168,173,127,123,123,123,126,181,189,183,181,176,178,183,186,183,183,186,189,189,181,129,125,127,125,117,113,113,113,119,173,186,186,176,173,186,199,199,183,168,121,119,121,160,163,163,160,119,117,117,117,117,115,115,115,117,117,117,117,113,107,105,107,109,115,155,160,160,163,168,168,163,117,119,160,115,115,165,204,212,202,163,38,34,63,170,196,202,196,186,178,176,178,183,191,202,207,209,207,204,202,199,196,196,199,199,194,186,89,65,63,67,89,101,107,157,178,186,31,0,0,49,101,160,173,202,194,173,165,152,150,163,207,107,14,20,89,196,202,207,209,209,209,199,195,196,204,212,222,222,212,202,173,63,35,41,111,152,115,165,202,212,207,160,103,103,103,111,160,168,160,105,99,103,107,99,94,97,107,109,107,160,212,228,233,235,235,228,183,83,93,176,186,181,115,107,107,109,113,113,111,111,113,121,165,119,115,170,199,215,222,225,225,225,222,222,225,225,222,217,215,215,209,186,79,75,111,178,199,202,168,125,127,126,126,170,178,176,170,173,183,194,191,178,123,124,129,170,129,127,126,125,126,176,186,191,189,178,170,127,123,121,131,194,207,209,204,199,191,172,168,176,199,212,217,217,209,117,111,125,127,125,176,196,199,196,189,176,131,131,129,176,186,183,119,113,114,115,115,115,121,127,127,129,176,178,176,173,170,170,181,194,196,183,129,170,181,186,181,173,176,176,127,124,123,170,183,181,178,176,127,119,113,115,127,178,178,170,166,168,178,189,194,194,189,189,189,191,186,183,178,178,176,165,115,99,186,160,53,83,170,186,186,170,160,120,120,121,163,165,165,165,165,123,163,170,181,189,199,204,204,204,183,108,108,173,196,204,204,196,189,178,170,127,126,126,127,131,173,173,176,183,189,191,191,191,194,199,199,199,196,191,189,191,196,202,202,191,186,186,189,191,191,194,196,202,207,209,209,209,212,215,215,217,217,212,202,191,183,181,178,176,133,178,178,131,129,131,178,186,191,194,191,189,189,186,186,186,189,191,191,196,202,207,212,212,212,207,202,194,191,191,194,196,199,196,191,189,189,191,191,194,194,199,199,196,194,189,183,178,129,124,125,129,176,178,176,133,131,131,133,133,131,133,178,181,181,183,183,189,194,191,189,183,183,183,186,186,186,189,189,183,133,131,131,176,186,196,199,191,186,183,183,183,183,181,179,181,183,178,172,172,183,199,199,186,173,131,131,173,173,178,181,183,189,194,186,181,181,186,186,183,178,176,173,172,172,172,176,178,178,178,178,183,189,191,189,189,186,183,186,189,189,189,189,191,194,196,194,191,189,189,189,189,189,189,189,189,191,194,194,194,196,196,194,194,194,191,189,183,183,183,189,191,196,194,189,183,181,186,191,191,189,189,189,186,181,133,133,133,176,181,189,191,194,191,191,194,196,191,186,183,181,183,181,117,23,0,0,63,127,202,207,207,207,204,204,204,207,209,209,207,204,202,196,194,189,189,194,202,207,209,212,212,209,207,209,212,212,204,191,135,129,135,183,191,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,165,121,118,118,160,165,165,163,163,165,168,165,165,165,168,173,178,178,173,170,170,170,168,168,170,178,178,173,165,124,124,127,168,170,170,170,168,168,168,168,170,173,170,125,122,122,123,125,125,131,176,181,189,191,191,191,189,183,183,183,183,183,181,181,181,179,179,183,189,191,189,186,186,186,183,178,178,181,186,189,186,186,189,191,191,189,189,186,183,178,177,177,181,183,183,181,181,178,178,181,181,183,183,183,183,183,181,181,181,183,183,183,183,183,183,181,176,173,176,181,183,183,183,181,176,176,176,178,181,183,181,178,178,183,186,186,186,186,186,186,186,189,194,194,189,186,186,183,181,183,186,191,194,194,189,181,174,173,176,183,186,186,186,189,189,183,178,176,176,183,189,191,191,194,194,191,191,191,191,191,191,194,194,196,199,202,204,204,196,191,191,191,191,189,194,202,202,202,199,196,196,191,191,194,196,196,191,189,191,194,191,189,189,186,186,189,186,186,183,183,183,181,179,179,181,186,191,189,186,181,181,178,181,183,186,186,183,181,178,125,119,125,181,186,191,191,191,186,181,182,194,191,183,181,181,181,183,183,181,181,179,181,186,189,187,187,189,189,181,178,181,186,186,178,133,131,131,178,189,194,186,178,178,183,189,186,178,177,178,183,183,183,183,186,189,189,186,186,189,194,204,207,202,196,196,196,194,194,196,202,202,202,202,196,194,194,199,202,202,199,194,186,137,181,183,186,191,199,199,194,191,194,194,189,189,189,186,186,186,189,194,204,207,204,202,202,202,202,196,196,194,194,191,189,183,179,179,181,186,186,186,186,189,191,196,196,189,181,181,183,183,181,183,191,194,196,194,191,194,194,189,183,183,186,186,186,178,176,178,183,186,189,191,191,183,181,181,186,189,189,181,173,127,127,176,186,183,181,181,181,181,183,183,178,178,178,181,178,176,173,172,172,173,176,176,176,178,183,183,173,125,117,117,121,129,178,183,186,183,186,191,194,196,199,199,194,183,178,181,189,191,189,181,176,129,127,131,178,176,176,131,128,129,176,181,186,186,183,178,181,189,191,189,189,189,189,194,199,204,207,212,209,204,196,194,191,194,202,209,207,202,199,199,199,196,194,191,191,191,196,204,204,202,202,202,199,189,176,176,178,178,176,176,176,181,181,181,191,207,209,194,183,183,181,176,129,125,122,122,125,129,131,129,127,176,189,202,207,199,183,125,115,115,123,173,168,119,110,108,110,117,123,127,173,181,183,181,178,183,186,189,186,183,186,189,186,177,176,177,183,189,196,204,207,199,191,189,191,191,196,196,194,194,194,199,204,207,204,204,204,202,196,191,183,181,178,177,178,183,194,196,196,196,199,0,0,202,202,204,0,212,0,209,204,199,0,0,0,202,196,195,195,199,207,0,207,202,202,204,202,202,199,196,196,199,202,209,0,0,0,0,0,0,0,0,0,0,0,0,0,246,241,235,233,238,243,246,243,235,228,212,202,196,194,194,194,191,191,196,202,202,202,199,191,139,133,130,129,130,131,133,137,143,199,212,228,235,238,238,233,230,225,222,217,215,212,207,202,191,135,127,123,125,133,183,189,191,186,181,135,135,135,133,133,133,178,183,186,189,191,191,191,191,196,202,207,209,209,212,212,209,207,202,196,192,192,194,199,207,209,207,204,204,209,217,222,222,212,207,207,207,204,202,204,207,209,212,209,209,209,215,212,209,207,204,199,195,194,199,204,209,212,217,222,225,228,233,238,241,235,230,230,228,225,222,217,217,225,225,222,225,230,233,233,233,235,235,238,238,238,235,233,228,228,228,225,217,215,217,222,228,225,222,225,228,230,228,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,12,85,105,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,103,85,47,13,0,0,27,35,35,31,7,1,35,108,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,41,53,118,131,137,121,77,67,65,77,144,173,181,183,186,191,194,194,191,189,186,189,181,152,94,100,111,113,111,117,165,170,170,170,173,176,173,165,125,165,168,168,173,183,191,186,170,109,105,125,178,131,127,178,191,194,194,189,183,178,176,181,183,181,181,181,176,129,119,117,127,176,181,183,186,194,209,204,183,176,181,183,183,181,181,186,196,207,209,207,199,196,199,202,204,199,191,186,191,199,202,199,186,177,176,178,183,186,191,189,189,189,194,194,189,186,191,191,186,178,133,178,189,194,191,183,176,131,131,129,129,129,173,178,183,191,202,204,204,202,191,186,186,178,170,123,123,176,186,181,127,107,27,21,75,123,127,125,124,123,125,176,186,186,181,183,186,191,194,191,189,189,196,196,191,173,125,125,123,113,111,112,113,119,168,173,170,125,125,176,189,191,181,165,121,119,117,119,121,121,119,117,115,115,117,117,117,119,119,117,115,113,111,107,105,105,107,109,113,117,155,160,163,168,173,170,168,168,170,113,105,109,189,207,202,176,41,37,83,186,199,202,194,186,178,176,177,183,191,202,209,212,209,204,199,194,192,196,202,202,199,186,89,63,62,65,89,101,105,111,155,160,89,19,0,21,87,155,170,196,202,199,191,163,91,163,209,163,42,49,142,191,204,209,207,207,207,202,196,196,204,209,212,209,196,176,107,49,33,55,113,152,150,160,189,202,202,150,99,97,105,150,160,170,165,111,101,101,107,107,103,103,105,103,105,160,204,222,225,228,228,222,178,95,152,199,202,186,115,108,109,111,115,115,111,107,107,113,117,111,109,123,183,202,212,217,220,217,217,217,215,215,209,199,202,202,189,121,87,88,115,168,183,181,125,123,127,126,168,183,186,173,126,127,176,181,181,173,124,125,173,173,170,173,173,129,127,129,176,181,183,183,178,170,129,131,183,199,204,202,196,194,189,174,172,181,196,209,217,217,209,117,106,117,123,127,183,202,207,204,199,183,131,125,123,127,131,131,119,114,117,117,117,121,127,131,131,131,176,178,178,181,178,178,183,194,194,183,170,170,181,181,173,170,176,176,129,122,124,189,204,202,183,123,111,110,110,113,168,178,178,170,168,168,170,181,189,191,191,191,191,189,178,168,168,170,173,165,123,168,186,189,113,91,99,160,170,165,160,121,121,163,168,170,170,165,163,163,168,181,189,196,207,207,202,196,181,108,107,127,191,202,199,191,183,178,173,129,127,127,131,178,178,176,176,178,181,183,186,191,199,202,202,196,194,194,191,194,199,202,199,189,183,182,185,189,189,189,191,199,207,209,209,209,212,215,217,217,215,209,196,183,135,135,133,129,128,133,176,178,181,183,186,191,194,199,202,199,194,186,183,189,194,194,194,194,199,204,207,209,209,209,202,191,191,194,199,199,199,202,196,194,191,191,189,186,189,191,191,189,183,178,133,129,125,123,123,129,178,183,181,176,178,181,186,186,183,181,186,186,189,194,196,196,199,194,189,183,186,186,186,189,189,189,189,183,133,131,130,131,178,186,189,189,186,186,186,189,189,183,181,181,181,176,172,176,191,204,202,194,183,181,176,173,173,176,178,181,186,191,181,131,173,178,178,176,173,131,173,173,172,176,181,186,186,183,183,183,183,183,183,183,183,183,183,186,186,186,186,191,196,199,196,191,189,191,191,191,191,189,187,189,194,196,199,196,194,191,191,191,191,189,183,183,183,186,186,189,194,196,194,191,191,191,191,189,183,183,186,183,181,133,129,127,127,133,183,189,194,194,196,204,204,194,189,189,189,194,204,204,113,63,71,117,191,207,212,209,209,207,204,204,204,204,202,199,196,196,194,189,186,189,196,207,209,212,215,212,207,204,204,207,207,202,186,129,125,129,135,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,163,119,118,119,163,168,165,160,163,165,170,173,176,173,170,173,178,178,173,170,170,170,168,168,170,176,178,173,165,125,168,173,173,173,170,170,170,168,168,168,170,173,170,125,122,123,125,125,124,127,131,176,183,189,186,189,186,183,183,183,181,177,177,181,183,183,183,186,191,191,186,183,186,191,191,186,181,183,186,189,189,189,191,189,189,189,189,189,186,181,177,178,183,189,186,183,183,181,178,178,178,181,183,186,183,181,181,178,178,178,181,181,181,183,183,181,176,173,173,176,178,181,183,183,181,176,176,176,178,181,178,176,176,178,183,186,189,189,186,186,186,189,191,191,189,186,183,183,183,183,186,189,191,189,186,181,174,173,176,181,183,183,186,189,189,186,181,177,178,186,191,191,194,196,196,194,191,191,194,194,194,194,194,196,199,202,204,202,196,194,194,194,191,189,191,199,202,202,199,199,196,194,191,191,194,191,183,183,189,194,191,189,186,186,186,186,186,186,186,186,183,181,181,179,181,183,186,183,181,178,181,181,181,181,183,183,181,181,178,125,117,118,173,183,191,194,191,186,179,179,189,183,178,177,178,181,183,181,179,179,179,181,186,191,191,191,189,181,178,179,186,189,189,183,181,181,181,186,194,196,189,178,177,181,189,186,177,176,178,183,183,186,186,186,186,186,185,186,191,199,207,207,199,191,191,194,189,189,191,194,194,196,196,194,191,191,196,199,199,199,196,189,137,136,137,135,137,189,194,194,194,194,191,189,186,189,189,189,189,191,199,207,209,207,204,204,204,202,199,196,194,194,191,189,183,179,179,183,189,191,186,186,189,194,199,196,189,181,178,135,176,176,181,189,194,194,194,194,194,191,189,183,181,178,178,178,177,176,178,183,183,183,186,186,181,176,176,181,186,186,183,176,129,129,176,181,178,176,178,181,181,186,186,183,183,183,181,178,176,172,172,172,173,173,170,170,173,183,181,173,123,117,115,119,123,129,176,181,181,183,191,196,196,196,196,191,181,178,181,191,196,194,186,181,181,181,186,191,186,178,131,129,133,178,181,181,181,178,178,181,186,189,186,183,186,189,199,204,209,212,212,207,204,202,199,194,194,202,207,207,202,202,204,204,204,202,196,191,190,191,199,202,202,202,204,199,186,133,129,127,126,129,176,183,183,181,179,186,204,207,196,194,196,194,183,176,131,125,127,127,129,173,181,183,186,191,199,204,199,181,125,117,115,119,121,119,115,115,111,113,117,121,121,127,176,181,181,181,183,189,189,186,183,183,189,189,183,178,181,183,186,189,191,194,194,191,191,191,191,194,191,186,183,186,191,199,202,199,199,202,202,199,194,189,183,181,177,178,183,191,196,196,194,196,0,0,202,202,204,0,0,0,212,204,199,0,0,212,204,199,195,195,199,0,0,207,204,204,204,204,202,199,196,196,196,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,241,233,233,235,243,246,243,235,225,212,202,194,194,194,191,189,189,194,199,202,202,202,196,189,137,133,131,130,131,133,137,186,199,212,228,235,238,238,235,233,228,222,217,215,212,207,202,194,139,129,123,123,129,178,186,189,186,181,178,135,135,133,131,133,178,183,189,191,191,191,189,189,194,202,207,209,212,215,215,209,207,204,196,194,192,194,199,204,209,207,204,205,207,215,222,222,215,209,207,207,204,202,202,204,209,212,209,209,209,212,212,209,207,207,202,195,194,199,207,209,212,215,222,225,228,233,238,238,235,230,228,228,225,222,217,222,225,225,222,225,230,235,235,235,235,238,238,238,238,235,230,228,228,228,225,217,215,215,217,225,225,222,222,225,230,230,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,61,131,157,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,14,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,82,87,100,98,19,37,57,85,95,100,45,25,39,129,129,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,77,0,0,0,21,35,0,0,0,0,0,0,0,19,13,0,0,0,0,0,0,0,0,0,25,33,43,105,134,144,137,116,85,121,139,163,183,191,189,189,191,194,194,191,191,189,191,189,168,97,100,107,111,111,117,163,170,173,178,183,189,183,173,168,173,176,170,168,176,183,189,181,125,123,129,127,115,117,186,194,199,204,199,186,131,128,128,129,131,178,181,178,129,119,113,119,129,176,183,191,204,215,209,189,176,178,183,186,186,189,194,196,202,202,202,202,199,202,207,207,199,189,186,191,199,202,199,189,178,177,181,183,186,189,189,187,187,191,191,191,191,191,189,181,133,133,183,196,202,199,191,183,178,176,131,129,128,129,176,183,194,204,209,207,196,176,176,183,181,173,123,121,176,183,176,121,87,19,15,61,117,127,170,173,170,170,183,191,191,191,189,186,189,191,191,191,194,199,199,191,173,125,123,123,115,112,113,119,125,168,127,124,123,124,170,181,181,173,163,119,117,117,119,121,121,119,117,115,115,115,117,157,157,157,115,111,109,107,105,105,105,109,109,111,111,115,157,163,170,173,173,173,173,170,113,97,95,163,196,202,194,55,43,109,189,199,199,191,186,183,177,178,183,194,202,209,209,204,202,194,192,194,199,207,207,204,191,97,63,63,69,93,99,98,94,94,101,152,103,0,19,75,142,165,186,204,212,207,173,19,142,189,173,144,142,160,186,202,209,207,204,204,204,202,202,202,204,196,183,170,155,91,43,28,77,111,113,109,113,160,170,176,157,97,84,107,152,160,168,165,155,107,99,99,107,111,109,103,99,105,155,186,204,207,204,207,199,109,92,163,207,202,176,113,113,117,157,157,117,111,104,103,107,109,107,107,115,123,176,194,207,209,209,209,207,202,194,186,181,189,191,178,123,113,115,119,125,127,125,122,125,127,127,176,194,189,173,125,125,168,129,127,127,125,127,173,176,176,186,194,189,170,124,124,129,178,183,186,178,173,176,186,196,199,196,189,183,183,178,176,181,189,194,196,191,178,107,102,109,125,173,186,202,209,212,207,191,125,115,117,123,127,173,173,173,129,123,125,176,183,183,181,176,173,173,176,183,181,176,178,183,181,173,170,176,183,173,123,127,170,170,127,123,176,202,215,215,194,121,110,110,110,112,123,170,170,168,127,127,127,170,178,183,186,186,186,178,125,115,117,165,173,173,170,176,181,191,189,91,85,97,119,160,121,121,163,170,178,181,178,168,163,163,168,181,189,199,209,209,199,194,186,121,113,125,181,189,186,183,181,178,178,173,170,173,176,178,178,178,176,178,181,183,186,191,199,202,202,196,194,191,191,191,194,199,196,186,182,182,185,189,191,191,191,196,202,204,204,207,209,212,215,215,212,204,189,133,129,129,129,128,126,128,129,131,176,181,186,189,194,199,202,199,191,178,133,181,189,194,194,194,196,199,202,204,204,199,189,186,189,194,199,196,194,194,194,194,196,191,186,185,186,189,191,189,183,135,129,129,129,127,125,125,131,178,183,186,189,194,199,199,194,191,191,194,196,204,207,207,204,199,189,183,183,186,189,191,191,191,189,181,176,133,130,130,131,178,183,186,186,186,186,189,189,186,181,178,176,173,173,181,194,204,204,199,194,186,178,131,129,131,176,178,176,131,119,113,119,129,173,131,130,131,173,176,176,181,186,191,191,189,183,178,176,133,176,178,178,181,181,181,181,181,186,191,196,202,199,194,191,191,194,194,194,189,189,191,194,199,199,196,191,189,189,189,189,183,181,181,186,186,186,186,191,196,199,196,194,191,189,183,179,181,183,183,178,131,126,124,125,129,178,189,191,194,199,207,207,194,186,186,189,194,209,217,202,183,181,186,196,204,207,207,204,204,204,204,204,202,196,194,189,181,137,137,183,189,199,207,209,209,212,212,207,199,196,196,202,196,137,126,125,127,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,163,121,119,121,165,168,163,160,160,165,168,170,173,170,170,170,173,170,168,165,170,170,168,165,168,173,176,170,165,165,173,176,176,173,170,170,170,168,168,168,170,173,170,127,125,125,127,127,125,127,127,129,178,183,181,181,181,181,183,183,178,176,176,181,186,189,189,191,194,189,181,178,183,189,191,189,186,186,189,189,189,189,191,189,187,187,189,189,186,183,181,181,186,189,189,186,183,181,178,177,178,181,183,186,183,181,178,178,178,178,178,181,181,183,183,181,176,173,172,173,173,178,183,186,183,181,178,178,181,178,176,173,173,176,178,183,189,189,189,186,183,186,189,189,186,183,183,183,183,186,189,189,189,183,181,178,176,176,178,183,186,186,186,189,189,186,181,178,181,183,189,191,194,194,196,194,194,191,194,196,194,191,191,191,196,199,202,199,194,194,194,196,194,189,189,194,196,196,199,199,196,194,191,191,189,186,181,181,186,191,191,189,186,185,185,185,186,186,186,186,183,183,181,181,181,181,181,178,176,176,181,183,183,181,179,181,183,181,181,173,119,117,127,181,189,191,189,186,181,181,186,183,179,178,179,181,183,181,179,179,183,189,189,191,194,194,189,181,181,189,196,196,194,191,191,189,189,191,196,196,189,178,177,181,186,186,181,178,183,186,189,189,189,186,189,186,185,186,191,202,209,207,196,189,189,189,186,183,183,189,189,191,194,194,191,191,196,196,199,199,199,194,186,181,137,132,130,135,189,191,191,191,191,189,186,189,191,194,196,202,207,212,212,209,207,207,207,204,199,196,194,194,191,186,183,181,181,189,194,194,191,189,191,194,196,194,186,181,133,129,126,129,176,183,189,191,191,191,191,186,183,181,178,176,176,178,178,177,181,183,181,178,178,181,178,170,170,176,178,181,178,178,173,173,176,178,173,172,176,181,183,186,186,186,183,183,181,178,176,173,173,173,176,176,170,169,170,176,176,129,123,115,113,113,115,125,170,176,176,181,189,196,199,194,191,186,178,176,181,191,196,194,189,189,191,194,202,202,194,178,129,128,176,186,189,183,181,181,178,178,181,181,178,178,181,186,196,204,209,212,212,207,204,207,204,199,199,202,207,207,204,204,207,209,212,209,204,196,191,191,194,196,196,199,202,196,183,133,127,126,126,173,189,199,196,186,181,183,191,191,186,191,199,196,189,181,178,173,173,131,129,176,191,199,199,194,189,189,183,127,119,115,113,113,113,113,115,123,121,121,123,125,125,129,178,181,179,179,183,189,191,189,183,182,186,189,186,183,183,183,183,182,181,181,186,191,194,194,194,191,189,181,179,179,186,194,196,194,196,199,202,202,202,196,191,186,181,181,186,191,194,191,191,194,196,199,199,199,202,0,0,0,0,207,199,202,0,212,207,204,199,199,202,0,0,0,204,204,204,204,202,202,199,196,196,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,238,233,230,235,243,246,243,235,228,215,202,196,194,194,191,189,189,194,199,202,204,204,202,194,189,183,137,135,135,135,139,186,199,212,228,235,238,238,235,233,230,225,217,215,212,207,204,196,183,131,125,123,127,135,183,189,183,181,178,176,176,133,131,131,178,183,189,191,191,191,189,189,191,202,209,212,212,215,212,209,209,204,199,194,192,194,196,202,207,207,205,205,209,215,222,222,217,212,209,209,207,202,200,204,209,212,212,209,212,215,212,209,207,207,202,196,195,199,207,209,212,215,217,222,225,230,235,238,235,230,228,228,225,222,222,225,228,225,225,228,233,235,235,235,238,238,238,238,235,233,230,228,228,228,225,217,215,215,217,222,222,220,220,225,228,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,105,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,20,30,9,0,0,0,0,0,0,90,191,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,72,113,124,105,108,113,121,137,155,142,98,100,124,124,59,23,19,23,7,0,0,7,27,0,0,0,0,0,0,0,0,0,0,0,43,57,27,0,0,5,0,0,0,41,51,23,15,0,0,0,0,0,0,3,25,33,45,75,131,147,142,124,124,139,160,181,194,199,196,194,194,196,196,194,194,194,191,194,186,103,101,107,113,115,119,163,170,178,189,196,204,199,183,168,170,178,173,168,173,186,194,194,191,181,127,109,105,112,189,194,196,202,202,189,176,131,128,127,129,173,178,178,173,125,117,123,131,178,186,202,215,222,209,189,176,133,181,186,189,191,194,191,191,194,199,199,199,202,207,204,194,183,183,191,196,199,196,186,178,181,186,189,191,191,191,189,189,191,191,189,191,194,191,181,131,133,186,199,204,202,196,194,189,183,176,129,128,128,173,183,196,204,207,204,189,169,172,176,127,119,113,121,181,186,178,121,89,39,48,107,119,125,176,186,189,189,196,199,199,199,191,186,185,186,189,191,196,199,194,186,170,123,123,125,123,123,123,168,176,173,127,124,125,173,181,186,178,165,119,117,117,119,121,160,160,121,119,117,115,117,117,119,157,117,111,107,107,105,104,105,107,109,109,109,107,109,117,163,168,165,168,170,168,160,113,93,89,105,173,191,191,77,45,119,189,196,196,191,189,189,183,183,189,196,202,204,204,199,196,192,192,196,202,207,204,202,194,115,69,69,79,101,103,97,93,93,98,157,157,7,41,69,93,152,173,199,209,207,163,0,19,155,168,163,155,160,173,189,202,202,204,207,209,207,202,199,189,160,150,152,147,97,54,37,91,152,152,107,107,109,150,163,168,85,41,101,113,157,170,176,173,155,91,85,97,113,113,101,97,99,99,111,181,181,176,173,155,86,83,111,189,183,115,107,117,165,170,168,119,109,103,103,105,107,109,111,111,110,113,168,186,189,191,191,189,181,170,127,170,178,181,173,173,178,170,123,123,123,122,122,127,168,127,173,186,189,181,170,127,127,126,125,126,127,129,173,173,176,191,204,204,178,123,122,127,178,186,186,181,176,176,183,191,194,191,183,176,176,176,176,183,186,181,176,127,125,111,106,117,173,181,186,199,209,215,207,191,115,111,117,125,131,183,194,194,183,176,183,196,199,199,196,186,176,173,176,181,178,173,129,127,123,122,125,176,183,125,118,122,125,125,125,173,194,204,212,215,199,173,125,119,115,115,121,127,168,127,125,125,123,125,127,168,170,168,165,121,113,109,113,125,178,181,170,123,165,178,170,93,86,93,115,119,119,119,123,170,178,183,178,168,163,163,165,173,181,191,204,204,199,191,178,125,119,121,125,168,176,181,181,183,181,176,173,178,181,178,176,176,178,181,183,186,189,189,191,196,199,199,196,191,189,186,191,196,199,196,189,189,189,191,194,196,196,196,196,199,199,202,204,209,209,209,204,199,183,131,128,128,129,131,129,128,127,126,127,131,178,186,191,191,191,189,181,132,130,132,181,191,194,194,194,196,196,196,191,179,177,179,186,191,191,189,183,178,181,189,196,194,189,186,186,191,194,194,189,178,133,133,178,181,129,117,115,125,176,189,196,202,207,207,202,194,194,196,202,209,209,209,207,199,189,183,183,186,189,194,194,191,186,181,178,176,133,131,133,181,189,191,191,183,183,186,189,186,178,173,172,172,173,181,191,196,199,199,202,194,178,127,123,129,173,173,129,121,111,109,113,125,131,131,130,131,176,178,181,186,191,194,194,191,186,176,129,125,127,131,133,176,178,178,178,183,186,194,199,202,199,194,191,191,194,196,194,191,189,191,194,196,196,194,191,189,186,189,186,181,177,178,186,189,186,186,189,194,196,196,191,186,181,179,179,183,186,186,178,129,126,125,126,129,176,183,189,186,189,196,199,191,186,183,178,176,186,196,191,186,189,191,191,194,196,199,202,202,204,207,204,199,194,186,133,121,120,123,133,189,199,202,204,204,209,209,207,199,189,189,194,189,133,127,127,131,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,163,121,119,119,160,163,160,121,121,160,165,163,163,163,165,165,168,163,121,123,165,168,165,163,125,168,173,170,165,165,170,173,170,168,127,170,170,170,170,170,173,173,173,170,129,170,170,170,170,131,129,127,173,178,176,173,173,173,181,183,181,177,177,181,186,186,189,194,194,186,178,177,178,183,189,191,189,186,186,186,186,186,189,189,187,187,189,189,189,186,183,183,186,189,189,189,186,181,178,178,178,181,186,186,183,181,178,178,178,181,181,181,183,183,183,181,176,173,173,173,131,173,181,186,186,183,181,181,181,178,173,173,131,173,176,181,186,189,189,186,183,183,189,189,186,183,183,183,183,189,191,191,186,181,178,181,181,181,183,186,189,189,186,183,183,181,181,178,178,181,183,186,189,191,194,194,194,191,191,194,194,191,190,191,194,199,202,199,194,192,194,196,194,191,189,191,191,191,194,196,194,191,189,191,191,186,181,181,183,189,189,186,186,186,185,185,186,189,189,186,183,181,181,181,181,178,178,176,176,176,183,189,189,183,179,179,183,183,183,183,121,114,121,183,191,189,186,189,186,186,189,191,189,183,181,181,181,181,181,186,191,194,189,189,194,194,189,183,186,194,202,199,196,196,199,194,191,191,194,194,189,183,183,186,191,189,186,183,186,189,189,191,189,189,189,189,186,189,194,202,207,207,196,191,189,189,183,181,181,183,186,189,191,194,191,191,191,194,196,199,202,202,194,189,183,133,130,132,181,183,186,186,186,186,186,186,191,196,204,207,212,215,215,215,212,215,212,209,204,199,196,194,189,186,183,181,186,191,199,199,194,191,191,191,191,189,186,181,133,126,124,127,176,183,186,189,189,189,189,183,181,178,176,176,176,178,181,181,181,181,176,173,176,178,176,129,129,173,173,173,173,176,176,176,176,173,170,169,173,183,186,186,181,181,178,181,181,181,178,178,176,178,178,178,173,170,170,170,170,129,125,117,114,112,114,125,170,170,170,173,186,194,196,191,186,181,178,176,178,186,194,191,189,191,196,202,207,204,194,133,126,126,176,189,194,189,186,183,181,178,178,178,177,177,181,183,191,202,209,212,212,209,207,207,207,207,204,202,202,204,207,207,209,212,215,215,209,202,196,194,194,191,191,194,196,191,178,127,129,173,176,186,202,215,212,202,194,189,183,176,174,181,194,194,189,186,183,178,176,173,173,181,196,209,209,196,178,125,119,117,117,115,111,110,111,115,125,176,173,168,170,173,176,181,186,183,179,178,183,191,196,191,183,182,186,189,186,183,183,186,186,183,178,178,183,194,196,194,194,191,186,181,178,179,183,191,194,191,194,196,202,204,204,202,196,191,189,186,186,189,191,191,191,194,199,202,202,202,202,0,209,0,0,207,202,202,207,212,209,0,204,202,202,0,0,0,0,204,204,204,202,202,199,199,196,199,202,0,0,0,0,0,0,0,0,0,0,0,0,0,241,235,230,230,235,241,243,241,235,228,217,207,199,196,194,191,189,189,194,199,202,204,204,204,199,196,191,189,183,139,139,183,189,199,212,228,235,238,238,235,233,230,225,217,215,212,209,204,196,186,133,125,121,123,129,178,183,181,178,176,176,133,131,129,129,176,183,189,191,191,189,186,186,191,202,209,212,212,212,212,209,209,207,202,196,194,194,196,199,207,207,207,207,209,215,217,222,217,215,212,212,207,202,200,202,209,212,212,209,212,215,212,209,207,207,204,199,196,202,207,209,209,212,215,217,222,228,233,235,233,228,225,225,225,222,222,228,228,225,225,228,233,238,238,238,238,238,238,235,233,230,230,228,228,228,225,222,217,215,215,217,220,217,217,222,228,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,85,0,0,0,0,0,0,0,0,69,7,0,0,0,0,0,38,56,61,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,66,124,87,0,0,0,0,0,22,165,194,183,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,131,142,142,144,139,142,155,176,176,147,129,124,121,103,53,49,55,67,92,41,45,39,3,0,0,0,0,0,0,0,0,0,7,53,95,131,108,92,51,11,0,37,87,100,92,79,0,0,0,0,0,27,37,39,43,53,69,129,150,144,129,129,150,173,191,199,202,199,199,199,196,196,199,199,196,194,199,196,107,101,105,115,119,121,163,170,181,194,204,212,209,191,114,113,170,173,170,176,191,199,199,196,189,170,109,107,119,178,183,186,194,194,189,181,178,173,129,128,173,176,176,173,131,127,129,176,178,186,202,215,215,202,183,133,133,181,189,194,194,191,191,191,194,199,202,199,199,202,199,189,182,182,189,196,199,194,186,183,186,194,196,199,199,199,199,196,194,189,186,191,196,194,178,129,131,189,202,204,202,202,202,196,189,178,129,128,128,173,183,196,202,199,194,183,173,176,173,91,45,43,89,194,207,207,191,117,89,101,111,111,119,170,191,202,202,202,199,196,196,194,189,186,186,186,189,194,196,189,181,170,123,125,129,170,173,181,189,189,181,170,168,176,189,199,196,181,123,117,116,117,119,121,123,160,121,119,117,117,117,117,117,115,111,105,105,105,105,105,105,107,109,109,107,106,107,113,157,163,160,163,168,168,160,113,91,87,91,107,163,165,91,42,105,186,194,196,196,196,196,194,194,194,199,202,202,199,196,194,192,194,196,199,196,194,194,196,176,85,83,93,111,111,107,103,107,109,152,147,37,67,73,91,150,160,178,194,189,87,0,0,73,157,163,155,155,155,157,183,191,196,204,209,204,191,173,67,81,103,147,147,107,101,101,165,173,163,152,109,97,97,160,168,59,15,87,111,157,181,202,202,189,87,78,87,152,152,105,95,81,41,45,101,150,152,152,107,84,83,103,160,155,101,99,111,163,173,170,119,109,104,104,105,107,111,115,111,108,109,115,165,125,119,117,119,119,119,121,125,125,119,121,176,183,176,127,127,127,125,125,170,170,125,126,173,186,189,186,176,170,127,127,168,173,176,170,127,127,178,196,199,178,122,122,129,183,189,183,178,173,173,178,183,189,189,183,176,173,173,176,183,186,176,127,125,129,127,125,173,186,186,186,191,204,207,199,181,115,113,127,131,173,191,202,199,189,183,194,204,207,209,209,199,183,178,181,181,178,173,129,122,119,119,123,178,183,123,117,121,125,124,127,178,196,202,204,204,194,176,129,125,121,121,127,176,176,127,123,121,119,117,115,117,115,111,103,99,105,109,115,165,181,173,95,90,113,111,93,95,99,105,115,117,117,117,119,165,173,176,173,168,163,124,165,170,173,178,194,204,202,186,117,111,119,125,127,127,176,183,181,178,181,176,170,176,178,176,178,181,183,186,189,189,189,187,189,191,196,199,196,194,186,185,186,196,202,204,202,196,189,186,194,202,202,199,196,196,194,194,199,204,204,202,194,189,181,135,131,131,176,183,186,176,127,125,127,129,176,181,189,189,183,181,176,133,132,132,176,186,191,191,194,194,191,189,181,177,177,181,191,194,186,178,134,133,134,183,191,191,189,189,191,194,196,196,191,183,178,181,186,189,131,113,110,114,125,181,194,199,204,204,202,194,191,194,202,207,209,209,207,199,191,186,183,183,186,189,189,186,183,178,178,178,178,178,181,189,194,196,191,183,183,183,186,183,181,173,172,170,173,178,183,186,186,194,199,194,176,123,122,127,173,173,129,123,113,112,119,129,176,173,131,131,173,176,178,186,196,199,196,194,189,178,127,124,124,127,129,131,176,178,181,189,194,196,199,202,199,194,191,194,196,196,196,194,191,191,191,191,194,194,194,189,186,186,186,178,177,178,183,186,186,186,191,194,194,191,189,183,179,179,183,189,189,183,176,126,127,131,133,131,133,178,183,178,178,186,194,191,191,186,133,123,122,125,129,181,186,189,183,178,183,191,199,202,204,207,204,196,191,181,125,117,116,119,127,186,194,196,196,199,204,209,207,199,186,181,183,181,131,127,131,133,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,163,160,117,115,117,119,119,119,119,121,160,121,119,121,160,165,168,121,116,117,123,165,163,123,125,168,173,170,125,123,165,168,165,165,127,170,173,176,176,178,178,178,176,173,173,173,176,178,178,178,173,129,176,178,176,172,170,172,176,181,181,181,181,181,181,178,181,189,191,189,181,178,181,183,186,189,189,186,186,186,186,186,189,189,189,189,189,191,191,189,186,183,183,186,189,189,183,181,178,178,181,183,186,186,186,183,183,181,183,183,183,183,183,186,183,181,178,178,178,173,129,131,176,183,183,181,181,178,178,176,173,131,131,131,176,181,186,189,189,186,181,181,186,189,186,186,183,181,183,189,191,194,186,178,177,181,186,186,189,189,191,189,186,181,181,181,181,178,178,178,178,183,186,189,194,194,194,191,191,191,191,190,190,191,194,199,202,199,192,192,194,199,196,196,194,189,186,186,189,191,191,189,189,191,191,189,183,183,186,189,186,186,186,189,186,186,186,189,191,189,183,181,178,178,178,178,176,176,176,181,186,194,194,189,179,178,181,183,186,186,123,111,114,183,196,194,183,183,189,189,194,196,194,189,183,181,181,181,186,194,196,194,186,185,189,191,191,189,189,194,196,196,196,199,202,199,194,191,191,191,189,191,194,194,194,191,186,183,183,186,189,191,189,189,191,191,191,194,196,202,204,204,199,194,191,189,183,181,137,137,183,186,189,191,191,191,189,189,194,199,202,204,204,199,194,181,133,133,137,136,136,139,183,183,183,186,191,199,204,207,209,212,215,217,217,217,215,212,207,202,196,194,189,183,181,183,189,196,202,202,196,191,191,189,189,189,186,183,178,127,125,176,183,189,189,189,189,191,191,186,181,176,174,176,178,176,176,178,176,131,127,127,131,170,129,129,170,173,173,170,170,173,173,173,173,172,170,170,176,186,191,186,181,177,177,177,181,183,183,181,178,178,181,178,173,170,129,129,129,129,127,125,121,119,123,170,176,173,169,169,178,189,191,186,181,178,176,176,176,178,183,186,183,189,196,204,209,207,191,129,125,125,133,189,196,194,189,186,181,181,181,177,177,178,183,183,189,196,204,209,212,209,207,199,202,207,204,196,192,194,202,204,207,212,215,217,212,204,199,202,199,196,194,191,189,178,125,120,127,178,181,186,204,220,222,212,207,204,189,176,172,177,186,183,183,189,189,178,176,178,178,183,196,209,212,199,176,117,113,115,117,115,110,109,111,123,178,186,181,176,176,181,183,189,191,189,181,179,183,196,199,194,186,183,183,186,183,183,183,191,196,194,183,181,189,196,196,194,194,194,189,183,179,181,186,191,194,191,191,196,202,207,207,202,196,194,191,189,189,189,191,191,194,199,202,0,204,204,202,204,207,0,0,209,202,202,204,209,0,0,207,202,202,0,0,0,0,207,204,204,204,202,202,199,199,196,199,204,0,0,0,0,0,0,0,0,0,0,0,0,235,233,230,230,235,241,243,241,238,230,222,209,202,199,194,191,187,187,191,196,199,202,204,204,202,199,199,196,191,189,189,189,191,202,212,225,233,238,235,233,233,230,225,222,217,212,209,204,196,186,135,127,121,121,127,133,181,178,176,133,131,131,129,128,129,176,183,189,191,191,189,183,181,186,199,209,212,212,212,209,209,212,209,204,199,196,194,194,199,204,209,207,207,209,212,217,222,217,215,215,212,209,202,200,202,207,212,209,209,209,212,212,207,207,207,204,202,199,202,207,207,209,209,215,215,217,225,228,233,230,228,225,225,225,222,225,228,228,225,225,228,233,238,238,238,238,238,238,235,230,228,228,228,228,225,225,225,222,217,215,215,215,215,217,222,228,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,92,38,0,0,0,0,0,0,0,0,72,25,0,0,0,0,0,35,53,90,144,116,103,103,0,0,0,0,0,0,0,0,0,12,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,157,157,12,0,0,0,0,40,170,191,196,46,0,0,85,0,0,0,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,150,160,157,160,160,150,147,157,176,181,165,142,134,126,121,108,103,111,147,163,121,92,33,0,0,25,37,15,11,0,0,0,0,35,124,163,196,199,191,160,103,92,100,105,121,124,108,0,0,7,27,25,47,98,134,147,77,55,108,147,144,137,142,160,181,196,204,202,202,202,199,196,196,199,202,202,199,202,194,101,99,107,117,121,123,123,168,181,194,204,212,209,189,105,104,119,170,173,186,199,204,202,196,189,178,115,113,121,129,173,178,183,186,186,183,183,178,131,129,173,176,173,131,131,129,131,173,178,181,189,199,196,186,176,132,176,186,196,199,196,194,194,196,199,204,202,199,196,199,199,191,183,182,189,196,199,196,191,189,194,199,202,204,202,202,202,196,191,186,183,189,196,194,133,123,127,189,204,207,207,207,207,199,186,173,129,129,131,178,189,199,202,196,189,186,186,189,191,111,47,37,41,173,217,217,212,196,127,115,101,68,75,113,186,202,204,199,189,183,186,194,196,194,191,189,183,183,186,186,186,176,127,127,170,173,181,194,202,196,186,176,176,181,194,204,199,178,123,117,117,119,119,121,123,160,121,119,117,117,119,119,115,111,107,105,105,107,107,107,107,107,107,107,107,106,107,111,117,157,157,160,168,173,170,119,95,88,91,101,113,119,101,29,60,170,194,199,202,202,204,204,199,199,199,202,202,199,199,196,196,199,196,191,183,181,186,196,189,105,99,107,155,157,160,163,168,160,152,147,93,144,101,157,168,163,144,91,79,0,0,0,57,147,152,155,153,152,150,155,168,181,196,202,173,37,0,23,71,147,155,150,147,160,194,215,196,178,163,109,62,60,111,163,60,24,89,150,157,186,217,222,212,93,79,95,165,157,107,87,33,13,29,87,105,111,113,111,95,97,113,152,109,93,93,103,117,165,165,119,111,109,109,105,105,113,119,113,110,111,115,119,114,108,105,108,112,115,119,121,117,101,97,121,173,170,168,173,173,173,173,176,170,123,123,127,183,196,196,181,170,168,173,183,194,186,170,123,121,122,173,181,173,124,122,129,186,189,181,173,170,170,176,183,186,186,183,178,173,170,172,183,183,131,125,127,131,173,173,178,189,194,189,186,186,186,183,173,125,127,178,173,176,191,202,199,186,183,196,204,209,215,215,204,186,181,181,178,178,181,178,127,120,120,127,181,183,129,121,123,125,125,127,173,189,194,194,189,178,125,119,121,123,127,178,189,183,168,119,117,115,113,113,114,115,109,98,92,99,111,119,165,165,95,74,81,101,95,85,99,109,111,115,117,117,117,119,123,165,170,170,168,165,125,168,173,170,168,176,196,202,127,87,89,109,127,176,178,186,183,170,127,170,173,170,129,173,178,183,189,189,189,186,186,189,189,191,194,194,194,194,191,186,183,185,191,199,202,199,194,178,131,183,202,204,202,199,196,191,191,194,199,199,194,186,181,181,181,178,178,183,194,196,181,129,129,176,181,181,181,183,183,178,176,178,181,183,181,178,183,186,189,191,191,189,181,179,181,181,186,194,194,186,135,134,134,135,181,186,189,189,191,194,194,196,196,194,189,186,186,191,191,133,115,112,115,123,133,183,191,194,196,194,191,189,194,199,202,204,204,204,199,191,189,186,181,178,178,181,183,178,178,178,181,181,183,189,194,196,196,191,189,186,186,183,183,181,176,172,172,173,176,176,173,131,178,186,178,125,120,120,127,176,178,173,125,119,119,127,178,181,178,176,131,131,131,176,186,196,202,199,194,191,181,127,124,125,127,127,133,176,181,189,194,199,202,202,199,199,196,194,196,199,199,196,194,194,191,191,189,191,194,194,191,186,183,183,181,178,181,186,186,186,189,191,191,191,191,189,186,181,181,186,191,189,183,133,126,129,176,176,129,127,133,178,178,178,186,196,202,202,199,183,125,122,124,129,181,186,181,176,174,178,189,199,202,202,204,202,196,194,186,133,123,121,127,135,186,194,194,194,196,202,207,204,196,183,137,137,135,131,129,131,133,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,119,160,157,115,111,111,115,117,119,117,117,117,113,115,119,160,168,168,121,115,114,117,123,163,123,123,168,173,170,125,121,123,125,165,125,165,173,178,181,183,183,183,181,178,176,176,178,178,183,183,181,176,173,181,183,181,176,173,173,173,178,181,183,183,183,178,176,177,183,189,189,186,186,189,189,186,186,186,186,189,189,189,189,191,191,189,186,189,189,191,189,186,183,183,183,189,189,186,181,178,181,181,183,183,186,186,186,186,186,186,186,186,186,183,183,183,181,178,181,181,173,127,127,170,178,178,176,176,176,176,176,173,131,131,173,176,181,186,186,186,181,176,176,181,186,186,186,181,179,179,186,191,194,189,178,177,181,189,189,189,189,189,186,183,181,183,183,183,181,178,178,181,183,186,189,194,196,196,191,190,191,191,190,190,191,194,196,199,196,192,192,196,202,202,199,196,191,186,185,186,186,189,189,186,186,186,186,186,189,189,189,189,189,189,194,191,189,189,189,191,189,183,178,178,178,178,176,133,133,178,183,191,196,199,191,183,181,183,183,186,183,127,114,116,178,196,194,173,131,183,194,202,202,196,191,183,181,183,189,194,199,196,186,183,183,186,189,191,194,194,194,196,196,199,199,202,199,194,191,191,191,191,196,199,199,194,191,186,182,181,182,183,189,186,189,191,194,194,196,199,202,202,202,199,196,194,191,186,181,137,136,137,181,183,186,191,191,189,187,189,194,199,204,207,204,196,186,181,181,137,135,135,139,183,183,186,189,194,199,202,204,207,209,215,215,215,215,212,209,207,202,196,191,186,181,181,183,189,196,202,202,196,194,191,189,189,189,186,186,181,135,133,186,191,194,194,191,194,194,196,191,183,176,176,176,173,130,130,131,131,126,124,125,127,127,127,170,173,173,173,170,170,170,170,170,173,173,173,173,178,189,194,194,186,181,177,177,181,183,183,176,173,173,176,176,170,129,127,126,126,129,129,129,129,129,173,181,183,178,173,170,178,183,186,181,176,173,173,173,173,176,181,183,182,186,196,204,209,207,191,131,126,126,133,186,191,191,189,183,181,181,181,178,177,181,186,191,194,199,204,207,207,204,199,191,196,204,204,194,190,191,196,202,204,207,212,215,212,204,202,204,207,204,202,196,181,125,118,118,127,178,178,181,196,215,220,207,212,217,209,189,178,181,183,179,179,186,186,178,176,178,181,183,189,199,204,196,178,121,116,117,119,117,111,108,111,125,183,191,189,181,178,181,186,191,194,194,186,183,186,194,196,191,186,183,181,181,181,181,186,196,207,204,194,189,191,196,199,196,194,194,191,189,183,183,189,191,194,191,191,194,199,204,207,202,196,191,191,189,189,191,194,196,199,202,0,0,209,207,207,207,207,0,0,207,204,202,202,0,0,0,207,202,199,0,0,0,0,207,204,204,204,204,202,202,202,199,199,204,0,0,0,0,0,0,0,0,0,0,0,0,233,230,230,230,235,238,241,241,238,233,225,212,204,199,196,189,187,187,191,194,196,199,202,202,202,199,202,202,199,199,194,194,194,202,215,228,233,235,233,230,230,228,225,222,222,217,212,204,196,186,178,129,121,119,123,129,176,178,176,131,129,129,128,128,129,176,183,189,191,191,189,181,179,183,196,209,212,212,212,212,212,212,209,204,202,196,194,196,199,204,209,209,209,209,212,215,217,217,215,215,215,209,202,200,200,207,209,209,207,209,212,209,207,205,207,207,204,202,204,207,207,207,209,212,215,215,222,225,228,228,225,222,225,225,225,225,228,228,225,225,228,235,241,241,238,238,238,238,233,228,226,228,230,228,225,225,225,225,217,215,212,215,215,217,225,228,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,64,100,155,155,142,131,0,0,0,0,0,0,0,0,0,72,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,160,168,108,0,0,0,0,0,82,131,74,0,0,0,92,0,0,0,124,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,170,173,170,168,165,152,147,157,173,178,168,147,137,134,134,124,121,134,168,173,142,113,25,0,13,103,152,150,35,17,0,0,0,45,142,199,209,209,209,202,178,157,139,126,134,131,95,7,0,9,37,39,49,98,139,165,77,0,23,116,131,139,155,170,186,199,207,204,204,202,199,196,196,199,202,204,202,196,170,83,93,107,119,123,123,123,165,178,194,204,212,209,191,109,107,115,168,183,194,202,204,202,194,189,176,119,114,119,125,129,173,173,178,183,189,189,183,176,173,176,178,173,131,131,129,127,131,176,176,178,183,181,176,132,132,178,194,202,202,199,196,196,199,202,202,199,194,191,196,199,194,186,183,186,194,199,202,196,194,196,202,202,199,196,196,194,189,183,181,183,189,196,194,129,117,123,189,204,209,209,212,209,199,178,127,127,131,181,189,191,196,202,196,189,191,199,204,207,204,181,49,38,81,212,217,217,207,186,173,103,63,65,85,170,196,202,196,183,179,183,194,202,204,202,191,181,178,181,189,191,183,173,170,170,173,181,194,199,194,183,178,178,181,186,191,186,173,125,121,123,121,121,121,123,123,121,119,119,119,119,119,115,111,109,111,113,113,111,109,109,107,106,106,107,107,109,111,115,155,155,155,163,170,173,165,105,95,97,105,115,160,113,12,26,97,191,194,199,202,202,207,204,199,199,202,202,202,204,202,204,202,194,181,170,173,181,189,189,117,109,115,165,170,181,183,183,178,168,168,170,186,194,207,207,194,53,0,0,0,0,0,59,142,152,163,168,165,153,152,157,163,142,55,3,0,0,43,97,163,165,157,160,178,202,222,215,191,165,99,59,57,95,157,84,84,160,163,155,176,215,225,222,101,86,157,176,152,95,23,0,4,65,103,109,111,113,115,115,165,165,155,107,91,93,101,113,157,160,157,117,115,113,107,105,113,117,115,115,119,121,121,114,108,106,108,112,114,115,119,125,98,89,109,123,123,170,178,178,181,189,189,173,123,124,168,183,196,194,178,168,168,181,202,215,204,178,125,120,120,123,170,173,127,122,124,181,186,176,168,168,173,178,183,186,186,186,186,181,172,172,178,181,131,125,127,129,131,173,178,186,194,191,178,129,125,125,127,131,176,176,173,173,189,196,191,183,178,186,199,207,215,212,199,186,176,173,173,178,189,189,178,125,125,173,181,178,129,123,123,125,124,124,127,173,178,176,129,129,123,117,118,121,127,178,186,181,127,117,115,115,114,115,123,170,127,113,99,105,117,165,168,117,91,77,89,101,101,99,111,117,117,115,117,121,123,123,121,163,168,176,176,170,125,125,168,125,119,121,170,173,103,81,85,101,123,178,186,189,176,118,116,123,129,129,129,173,183,189,191,189,183,183,186,189,191,194,196,194,189,186,189,186,185,186,191,194,194,191,181,123,119,129,189,199,202,202,196,191,190,194,196,196,189,181,176,178,181,181,181,186,194,194,181,131,133,186,191,189,181,178,176,173,174,181,191,196,191,186,186,189,189,191,191,186,183,181,183,178,135,186,191,186,178,135,181,181,183,189,191,189,189,191,191,194,194,194,194,191,194,194,191,178,125,121,123,129,176,181,183,183,183,186,189,189,191,194,196,196,196,199,194,189,186,186,181,177,176,178,181,181,178,178,181,183,186,191,196,199,196,194,196,196,191,183,181,181,176,172,172,176,176,173,125,119,119,125,125,121,119,120,127,176,181,176,125,121,125,173,181,181,178,176,173,131,131,173,181,194,196,191,183,181,173,127,125,129,131,131,178,183,186,191,199,202,202,202,199,199,199,199,202,202,199,196,194,194,194,191,189,189,194,194,189,181,181,181,181,183,186,191,191,191,194,191,189,186,189,191,186,178,178,183,189,189,183,176,129,131,173,129,125,124,129,178,183,186,199,209,209,209,207,194,176,127,129,178,186,189,183,177,177,183,194,199,199,196,199,199,196,196,196,194,186,183,183,186,189,194,199,199,199,202,202,199,191,183,137,137,135,133,131,131,135,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,119,117,113,111,111,115,119,119,117,115,111,109,111,121,163,165,165,123,116,114,117,123,123,121,121,125,170,168,125,121,123,125,123,123,125,168,176,183,186,186,183,181,178,176,178,178,181,183,183,181,176,176,183,186,183,183,181,176,173,173,176,178,183,183,181,177,176,181,186,189,189,191,194,191,186,183,181,183,186,189,189,189,191,189,186,183,183,186,186,186,186,186,183,186,189,191,186,181,181,181,181,181,181,181,183,186,186,186,186,186,186,183,183,181,181,178,178,181,178,131,126,125,129,173,173,129,129,131,173,173,173,173,173,176,181,183,186,186,183,176,132,131,176,181,183,183,181,178,179,183,191,194,191,183,181,183,191,191,189,189,189,186,181,181,186,189,186,181,178,181,183,186,186,191,196,202,199,194,191,191,191,191,191,191,194,194,196,194,192,194,202,207,207,204,199,194,189,186,185,186,189,189,186,182,181,182,183,186,189,189,189,189,194,196,196,194,189,189,191,189,183,178,178,178,178,133,132,132,178,186,191,196,199,194,189,183,183,186,189,186,178,131,173,178,173,65,21,53,129,196,207,202,196,191,183,183,186,194,199,196,189,183,183,186,191,194,194,194,194,199,204,204,202,202,202,199,196,194,194,191,191,196,202,199,194,189,183,181,181,182,183,186,186,186,189,191,191,194,199,202,202,199,196,194,191,189,186,183,181,137,137,137,181,183,191,194,191,187,187,191,194,199,204,202,196,189,186,186,137,135,137,186,186,186,189,194,196,199,199,199,202,207,209,212,212,209,204,204,202,196,191,189,183,181,181,186,191,196,202,199,196,194,191,191,189,189,186,183,183,178,181,189,194,196,194,194,196,199,199,194,189,183,178,176,131,129,129,131,173,127,125,126,127,129,170,176,178,176,173,173,173,173,170,170,173,176,178,178,181,186,194,196,191,186,181,181,181,183,181,173,169,169,173,170,129,127,127,127,129,170,170,170,170,176,178,183,189,186,181,178,181,183,183,178,173,131,131,173,173,176,181,183,182,183,194,204,209,204,189,133,128,128,178,186,191,189,186,181,179,181,181,178,177,181,189,194,196,202,207,209,204,199,196,191,194,199,199,194,190,191,196,202,202,204,209,212,212,207,202,204,207,209,207,196,178,123,119,121,131,178,176,178,189,194,183,115,194,222,222,207,194,189,186,178,178,183,186,181,178,181,181,178,178,183,189,186,178,129,125,121,121,117,111,109,111,125,186,196,194,183,181,183,189,191,194,194,191,189,186,183,186,186,186,181,178,176,176,178,183,194,204,204,199,194,191,194,199,199,194,194,194,191,189,189,191,194,194,191,190,191,199,204,204,202,196,194,194,191,189,189,191,194,199,202,204,0,209,209,0,0,207,202,204,207,204,202,202,0,0,0,207,202,199,199,0,0,0,207,207,204,204,204,204,204,202,202,204,0,0,0,0,0,0,0,0,0,0,0,0,0,233,230,230,230,233,235,238,238,238,233,225,215,207,202,196,191,187,187,189,191,194,196,199,199,199,199,204,207,209,209,204,202,202,207,215,228,233,235,233,228,228,225,225,225,222,220,212,204,196,186,178,129,123,119,121,127,133,178,178,133,131,129,129,131,131,178,183,189,191,191,186,181,178,179,194,207,212,212,212,212,212,212,209,207,202,199,196,196,199,204,209,212,209,209,209,215,217,217,215,215,215,212,204,200,200,204,207,207,205,207,209,207,205,205,207,207,207,204,204,207,205,207,207,209,212,215,217,222,225,225,222,222,228,228,228,228,228,228,228,225,230,235,241,241,238,238,238,238,233,228,226,228,230,228,228,225,228,225,222,212,211,212,215,217,225,230,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,69,144,170,160,126,0,0,0,0,0,0,0,0,0,14,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,160,118,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,111,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,63,152,168,168,170,168,152,144,152,168,176,165,144,137,137,137,126,126,137,165,165,147,124,41,0,29,105,176,202,168,51,0,0,0,41,111,199,209,207,204,199,191,181,170,155,144,118,53,35,7,0,29,41,47,57,65,79,0,0,0,53,85,134,160,176,186,199,209,207,204,199,196,194,194,196,199,199,196,178,85,71,87,105,119,123,125,125,165,178,194,204,212,209,194,123,114,121,173,189,199,199,199,199,194,186,173,119,114,121,127,129,129,126,127,178,189,191,186,176,178,186,186,176,129,129,128,126,129,176,176,176,176,133,132,132,132,178,191,199,199,196,196,199,199,199,196,191,186,183,191,196,194,186,181,181,189,196,202,199,196,196,199,196,191,189,186,183,179,178,178,183,191,199,199,127,113,117,183,202,209,212,217,212,194,131,123,124,173,186,194,194,196,207,202,194,196,207,212,212,215,225,121,43,67,207,212,215,202,189,186,181,79,74,82,125,186,194,189,181,181,189,194,204,209,212,202,183,178,181,191,196,189,178,173,170,169,173,181,186,183,178,178,181,178,176,173,170,168,165,165,165,163,121,123,123,123,121,121,121,121,121,117,113,111,113,117,119,119,117,115,111,107,106,106,107,111,113,113,115,117,117,115,117,160,168,163,109,101,105,111,157,165,119,3,10,73,183,183,183,194,191,204,202,194,191,196,199,202,202,199,199,199,189,168,123,168,176,178,181,160,117,157,170,178,191,196,194,191,186,186,189,196,209,217,217,212,5,0,0,0,0,0,65,139,160,173,183,186,178,165,165,150,17,0,0,0,29,83,137,157,165,168,178,189,196,207,217,204,157,94,80,82,109,150,147,204,196,178,157,168,202,215,209,109,101,170,176,103,65,0,0,5,109,155,150,111,111,115,160,181,178,157,103,87,93,109,117,160,163,163,163,121,117,111,109,111,113,113,117,121,121,123,119,115,115,117,117,114,113,119,189,109,92,113,123,122,168,181,178,183,194,196,178,125,173,176,183,189,186,173,166,170,191,215,233,217,181,127,122,121,123,170,178,170,121,121,168,176,170,168,170,176,181,186,186,183,186,194,194,181,173,176,178,131,125,127,127,131,176,178,181,189,186,176,122,120,121,125,173,176,127,127,129,181,189,186,178,174,176,183,196,207,204,194,183,178,172,170,176,189,191,181,129,170,176,129,127,125,125,123,125,125,125,127,129,129,124,121,125,129,121,119,121,125,170,173,129,123,117,117,117,119,127,183,199,196,189,181,168,173,181,176,123,111,109,113,111,117,165,165,163,121,119,121,163,165,163,123,165,173,183,189,178,121,115,119,119,118,118,121,123,117,100,103,117,127,178,183,183,129,114,114,121,127,127,173,178,186,189,186,178,173,176,186,191,191,194,191,189,186,183,189,191,191,194,196,196,191,183,133,120,117,121,135,186,194,196,194,191,191,194,199,196,189,178,176,176,178,178,178,181,186,183,178,131,133,183,191,189,181,178,174,173,176,183,194,199,196,194,194,194,194,191,191,189,186,181,135,113,111,127,189,191,186,181,183,183,189,196,196,189,183,183,189,189,189,191,194,194,194,194,191,181,129,127,129,176,181,181,176,131,131,176,181,186,189,189,189,186,189,191,191,186,183,183,183,177,176,177,181,183,181,181,178,178,183,189,196,199,196,199,202,202,194,186,181,181,176,173,173,178,178,173,121,115,114,117,125,125,123,123,127,173,176,176,129,127,131,178,181,178,176,176,176,176,173,173,178,189,189,178,123,123,123,123,125,133,178,178,186,189,189,191,196,202,204,202,199,199,199,202,204,204,202,196,194,191,194,191,189,186,189,186,183,178,176,181,183,189,191,194,196,199,199,194,183,178,183,186,181,131,127,176,186,189,186,181,173,131,127,125,123,124,129,178,186,194,207,215,212,209,204,196,181,176,176,186,191,194,191,189,189,194,196,199,196,194,191,189,189,194,202,204,199,194,194,194,194,199,202,202,199,196,191,186,183,181,181,137,137,135,129,129,135,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,117,115,111,109,111,117,157,160,119,115,111,108,111,160,168,168,165,163,121,117,119,123,163,121,119,121,125,165,123,121,123,123,121,117,115,123,170,181,183,183,181,178,176,176,178,181,181,181,183,178,174,176,181,183,186,186,183,178,176,173,172,172,178,183,183,181,178,181,186,186,189,191,191,189,183,179,179,181,186,186,186,189,191,189,183,181,181,181,183,183,183,186,183,186,189,191,189,183,181,181,181,181,179,181,183,186,186,186,186,186,183,183,181,178,176,176,176,178,173,127,125,125,127,129,127,126,127,170,173,176,176,173,176,178,183,186,189,186,181,176,131,131,133,181,183,183,183,179,179,183,191,194,194,189,186,189,194,196,191,191,189,186,181,179,183,189,189,183,181,183,186,186,186,189,194,199,202,196,194,194,191,191,191,191,191,191,194,194,192,196,204,209,209,204,199,196,191,186,185,186,186,189,186,181,181,182,183,186,186,189,189,191,194,199,199,196,191,189,189,186,183,181,181,181,178,133,131,131,176,183,189,191,196,194,189,186,183,186,186,186,186,194,194,183,65,0,0,0,107,196,204,199,194,189,182,182,183,191,194,194,186,185,189,196,199,196,194,186,189,199,207,209,204,202,202,199,196,196,196,194,194,194,196,196,194,191,186,183,183,186,189,189,186,186,189,191,191,194,196,202,199,196,194,191,189,189,186,186,183,181,181,181,181,183,191,196,191,187,187,189,191,194,199,199,194,189,189,189,183,181,189,191,191,189,191,196,199,196,196,199,202,204,207,209,207,202,199,196,196,191,189,186,183,181,181,186,191,194,196,196,194,194,194,191,189,186,183,181,181,181,181,186,191,194,194,196,199,199,196,191,189,189,186,178,173,131,173,181,183,181,173,131,170,176,178,181,181,176,176,176,176,173,170,129,170,178,181,181,181,183,189,191,189,186,183,181,181,181,176,170,168,170,173,170,127,125,127,170,176,176,173,170,173,176,181,186,191,191,189,189,186,183,181,176,131,128,128,131,173,178,186,189,183,183,191,196,202,196,183,133,129,133,181,189,189,191,189,181,181,183,183,181,178,181,191,194,199,204,209,209,202,196,196,194,191,191,196,196,192,194,199,202,202,204,209,215,215,209,204,202,207,207,204,191,176,127,123,125,131,176,176,181,181,127,94,84,115,212,217,212,202,194,186,179,181,183,183,181,181,183,181,177,176,176,178,176,173,170,129,123,121,119,115,111,115,168,189,199,196,189,183,186,191,196,194,191,191,191,183,176,173,178,183,178,133,131,129,129,133,186,196,196,196,194,189,191,199,199,196,194,194,194,191,191,191,194,196,191,190,191,196,202,204,199,196,196,196,194,189,186,186,189,194,196,202,0,0,209,0,0,0,202,202,204,204,199,199,0,0,0,204,199,199,199,0,0,0,207,207,207,207,204,204,204,207,207,0,0,0,0,0,0,212,0,0,212,0,0,0,0,235,233,230,230,233,233,235,238,238,233,228,215,209,204,199,194,189,187,189,191,191,194,196,196,196,202,207,215,217,217,215,209,207,212,217,228,233,233,230,228,225,222,222,225,225,222,212,202,191,181,133,127,121,117,117,123,131,178,181,178,176,176,178,178,178,181,186,189,191,191,189,181,178,178,189,204,209,209,209,212,212,212,209,207,204,202,199,199,199,204,209,212,212,209,209,212,215,215,215,215,217,212,207,202,202,204,207,205,205,207,207,207,205,205,207,209,207,207,207,207,207,207,207,207,209,212,215,222,222,222,222,225,228,230,228,228,230,230,228,228,230,235,238,241,241,238,238,235,230,226,226,228,230,230,228,228,228,225,222,212,211,215,215,220,225,230,230,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,48,64,173,163,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,100,0,0,0,0,0,0,0,0,0,0,0,0,46,108,9,0,0,0,0,0,0,0,0,0,29,79,56,35,23,1,0,0,0,0,100,134,139,147,168,170,155,139,139,155,165,157,144,137,131,129,125,125,126,142,152,147,131,69,25,23,69,170,196,186,59,0,0,0,0,43,142,183,191,191,189,191,194,186,170,155,63,53,55,25,0,0,37,37,0,0,1,0,0,0,0,43,89,152,168,178,194,204,204,202,202,196,194,194,196,194,189,183,82,75,84,101,109,117,125,165,124,124,173,191,207,212,204,186,125,121,127,178,189,196,196,194,191,183,181,178,127,121,127,173,173,127,125,125,131,181,183,178,173,178,196,196,173,129,131,129,129,131,176,176,176,133,133,133,133,133,176,183,194,196,194,194,199,199,199,196,191,186,181,181,183,181,179,178,178,181,189,199,202,202,199,196,194,191,186,183,181,179,178,179,189,199,204,202,119,109,113,178,196,207,215,217,209,189,129,122,122,127,181,191,191,196,204,207,199,199,207,212,212,215,222,217,81,51,183,202,207,196,189,189,183,170,127,127,129,173,178,178,178,181,189,194,202,207,209,199,186,181,186,196,199,191,186,178,173,169,168,170,176,178,178,181,178,176,168,165,164,165,168,168,165,163,163,163,123,123,121,121,121,121,119,113,110,111,115,157,160,160,163,119,113,109,106,107,109,115,117,115,115,117,117,115,113,117,119,115,111,107,107,115,160,157,113,33,44,111,178,163,115,119,123,194,194,170,99,113,189,191,181,168,170,183,178,109,113,163,168,170,173,170,165,170,176,181,189,194,194,194,191,189,191,199,209,217,215,204,9,0,0,0,0,0,53,147,163,176,186,196,196,199,207,163,0,0,0,63,99,131,95,99,142,170,183,178,183,191,194,186,88,95,163,168,144,144,155,212,204,186,168,150,165,189,176,111,147,160,157,103,77,0,0,75,150,155,113,103,109,152,165,181,178,157,88,82,93,113,160,168,165,168,170,165,121,117,115,115,113,111,113,119,121,121,123,168,178,181,173,115,109,121,176,117,107,125,170,123,123,170,176,173,176,181,178,183,196,196,189,183,181,173,166,173,194,217,230,217,170,121,122,125,127,176,181,124,121,125,125,125,168,170,173,173,176,181,181,178,186,199,202,191,173,129,131,131,125,123,124,131,178,178,178,181,183,178,124,121,124,131,173,127,124,126,129,176,186,186,178,174,174,174,189,196,191,183,183,183,176,170,176,183,181,131,129,131,129,119,121,125,125,125,127,127,129,129,173,170,123,120,125,173,123,121,125,129,129,127,125,123,119,119,121,127,181,196,207,207,202,194,194,194,194,183,170,165,168,123,119,121,165,173,170,165,163,165,165,165,163,163,168,178,189,191,181,115,110,114,121,121,121,123,123,125,194,202,186,178,168,173,183,178,120,119,125,129,170,173,178,181,183,181,131,127,173,181,189,189,186,186,183,183,183,191,196,202,204,202,196,189,183,176,125,121,125,133,178,183,186,189,189,194,199,202,199,189,181,176,176,176,174,174,176,178,176,133,130,130,176,186,186,181,178,176,178,183,189,194,196,199,196,196,196,196,194,191,191,186,135,106,99,102,125,194,202,196,191,186,186,191,199,194,183,181,183,189,189,189,189,191,194,196,196,191,183,133,131,176,183,186,178,129,122,122,125,176,183,186,183,181,178,181,189,189,189,186,186,183,181,178,181,183,186,186,178,177,176,178,189,194,196,196,199,204,204,199,186,181,178,178,173,176,181,183,178,127,117,116,119,129,176,176,173,131,131,173,176,176,176,176,181,181,178,176,178,181,178,176,176,178,186,186,173,117,117,119,121,129,176,181,186,189,191,189,186,189,199,202,196,196,194,194,196,202,204,202,194,189,189,189,189,186,181,181,178,176,176,176,181,183,189,191,194,196,202,202,194,181,133,176,176,129,121,120,125,178,186,186,183,176,129,126,125,127,173,181,186,189,196,207,212,207,199,196,194,189,183,183,189,194,191,191,196,196,196,196,196,196,194,187,181,183,191,204,207,204,202,202,204,204,204,202,196,189,139,131,128,131,133,135,137,137,131,125,123,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,115,111,106,106,111,117,160,165,163,119,117,111,115,121,165,165,165,165,123,121,119,163,163,121,119,119,121,121,121,121,121,123,121,115,111,114,127,173,173,173,176,176,173,176,181,181,181,181,183,178,174,176,176,178,181,183,181,178,178,178,172,172,176,183,183,183,183,183,186,186,186,189,189,186,183,181,181,183,183,183,186,191,194,191,183,181,179,179,181,183,186,186,183,183,186,189,189,183,181,179,181,181,179,181,186,186,186,186,186,186,183,181,178,173,131,131,173,173,131,127,126,126,129,127,125,125,127,176,176,176,173,173,176,178,183,189,189,186,181,176,133,176,178,181,186,186,186,183,183,186,189,191,191,191,191,196,196,196,194,194,191,186,181,178,181,189,189,186,183,186,186,186,183,183,186,194,196,196,194,191,191,191,191,191,191,191,194,194,194,196,202,207,207,202,196,194,191,189,186,186,189,189,186,183,183,186,189,189,189,191,191,191,194,196,196,194,189,186,186,186,186,186,183,183,181,176,131,131,133,178,181,186,191,194,191,189,189,186,183,178,183,196,204,196,45,0,0,0,97,186,196,194,194,191,182,181,183,186,186,186,191,196,204,207,207,196,183,133,137,196,207,207,204,202,202,199,196,196,194,194,196,194,191,191,191,191,194,194,194,191,191,191,191,189,191,191,194,194,196,202,199,196,194,194,191,186,186,183,183,181,181,181,183,186,189,191,191,189,191,194,194,194,194,196,199,196,194,191,191,194,199,199,196,194,196,199,196,196,199,199,202,204,204,204,202,199,194,194,194,194,189,183,181,179,181,186,189,191,191,194,194,194,194,189,186,181,178,178,181,183,183,183,189,194,196,202,204,196,189,183,189,191,189,183,178,181,189,194,196,194,186,176,173,178,183,183,181,176,173,176,176,173,127,127,127,170,178,181,178,178,178,183,183,183,181,181,181,178,173,169,170,176,178,176,129,125,127,170,178,181,176,170,173,178,181,186,189,191,191,194,189,181,178,176,131,127,127,129,176,181,183,186,186,181,181,186,191,189,178,133,176,181,183,186,189,194,194,189,186,189,186,181,177,181,189,196,199,204,209,207,202,196,196,194,183,181,189,196,194,194,199,199,196,202,209,215,215,209,204,202,204,204,199,178,127,131,173,129,127,173,178,181,178,121,83,77,105,183,196,199,202,194,181,183,191,194,189,183,181,183,181,178,177,177,178,176,129,129,127,123,121,121,117,113,119,173,191,202,199,194,189,189,194,196,194,189,183,181,131,129,131,176,178,176,133,128,124,124,129,181,186,191,194,194,189,189,199,202,196,194,194,196,194,190,191,199,204,202,199,199,199,202,199,196,196,199,199,194,189,183,182,183,186,194,202,207,209,0,0,0,0,204,202,0,199,196,196,199,202,202,202,199,199,199,199,202,0,207,0,0,0,204,204,204,0,0,0,0,0,0,0,0,0,0,0,215,215,0,0,0,238,235,233,230,230,230,233,235,235,233,228,217,209,204,202,199,194,191,191,191,190,191,191,194,199,204,212,220,225,228,222,217,215,217,222,225,230,230,230,225,222,217,217,222,222,217,209,199,186,173,127,123,119,116,116,117,125,176,183,186,186,191,194,191,186,186,186,189,191,191,191,186,179,178,183,194,202,204,207,209,209,212,212,207,207,204,204,202,199,204,209,212,212,207,207,207,209,212,215,217,217,212,207,204,204,207,207,207,207,207,209,207,205,205,209,212,209,209,209,212,209,207,207,204,207,212,215,222,222,217,217,225,228,230,230,228,230,233,230,228,228,233,235,238,241,238,238,235,230,226,226,228,230,230,230,230,228,225,217,215,215,215,217,217,225,228,228,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,100,22,0,0,0,0,0,0,0,0,0,87,113,98,90,51,11,0,0,0,0,73,116,113,116,155,165,152,139,131,134,142,144,142,134,129,126,125,125,125,131,139,144,139,126,77,75,131,157,165,147,37,0,0,0,0,0,29,57,124,152,163,170,181,181,168,69,41,45,61,49,0,0,21,23,0,0,0,0,0,0,27,47,81,139,152,165,183,194,199,202,202,199,194,191,189,183,173,117,85,85,113,121,119,123,168,173,125,124,170,189,204,209,196,176,121,121,129,176,183,191,194,189,183,174,176,183,181,173,173,178,176,131,127,127,173,176,131,127,127,176,186,181,127,127,173,173,173,176,176,176,176,133,133,133,133,133,133,181,191,194,191,194,196,199,199,199,194,189,181,178,177,177,177,178,179,179,186,196,202,202,202,202,202,199,196,186,181,181,186,191,196,204,209,196,115,109,113,173,189,202,207,207,199,181,125,122,122,123,127,178,186,191,196,199,202,204,209,212,217,222,225,225,99,59,109,194,196,189,183,186,183,178,173,170,129,129,170,173,173,178,183,186,194,199,202,194,183,181,186,194,194,189,186,181,176,170,169,170,176,178,178,178,176,173,170,165,165,168,173,170,168,165,165,163,123,121,119,119,119,119,117,111,110,113,119,160,163,163,163,157,115,109,107,109,113,117,155,117,117,117,117,115,112,113,113,113,111,109,109,115,157,117,105,51,62,170,189,163,100,101,115,183,194,170,71,70,115,183,178,164,168,173,111,92,101,119,163,173,181,183,181,178,178,181,183,186,191,194,194,189,189,194,202,207,209,207,23,0,0,0,0,0,21,144,165,173,183,196,204,204,199,150,0,0,33,95,142,147,93,81,89,155,168,165,165,160,144,103,89,105,165,165,142,101,144,189,194,181,160,147,150,160,160,150,147,152,147,103,79,0,0,87,152,155,95,85,99,111,157,176,176,152,81,76,89,109,160,176,178,176,173,170,168,168,163,121,113,109,111,117,163,168,176,186,194,199,191,168,114,117,121,113,117,189,186,123,120,125,168,125,123,125,178,196,215,215,199,183,173,168,170,178,189,204,204,178,122,121,123,125,123,168,181,127,125,168,125,124,127,173,178,178,176,176,176,176,186,196,199,189,173,127,129,127,125,123,124,127,173,178,181,183,194,199,181,129,129,176,173,127,125,127,173,181,183,186,183,178,174,174,181,189,186,186,186,183,176,172,176,178,173,131,173,173,127,118,121,125,125,127,129,129,129,170,176,178,129,122,124,129,127,129,170,173,173,129,125,123,121,119,123,173,186,199,207,207,204,202,202,204,204,194,178,170,168,123,121,121,165,176,173,170,170,173,173,170,165,163,165,176,186,189,176,114,110,117,125,125,125,125,127,170,199,212,209,191,123,121,170,178,170,123,125,170,173,129,125,127,131,131,127,129,173,178,183,186,183,181,181,181,181,189,196,202,202,199,194,189,183,181,178,176,178,178,178,178,181,183,186,191,196,199,196,186,181,178,178,176,174,174,176,176,133,131,128,127,131,181,183,181,178,183,186,191,194,194,194,194,194,194,194,194,191,191,191,189,135,112,107,112,135,196,204,207,202,189,183,189,196,194,186,182,186,191,194,194,194,196,199,202,199,191,186,181,178,181,189,189,178,123,120,121,125,133,181,183,181,178,177,181,186,189,189,191,191,191,191,189,186,183,186,186,181,177,176,178,186,194,194,196,199,202,202,196,183,176,176,178,178,178,181,186,183,173,127,127,129,173,176,176,173,131,131,131,176,178,178,181,183,186,183,181,181,183,181,176,173,178,186,189,178,120,118,121,127,173,176,181,186,191,194,186,181,183,191,194,194,191,189,189,191,199,199,194,186,178,178,181,181,178,176,176,176,178,178,178,181,183,186,189,191,194,196,199,191,183,176,133,131,126,122,121,125,131,178,181,178,173,127,126,127,173,186,194,194,189,189,194,196,194,189,189,194,194,189,189,194,194,189,186,191,194,194,191,191,194,196,189,185,187,194,202,207,207,204,207,207,207,202,191,183,137,133,128,126,129,131,133,135,135,131,123,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,109,107,105,105,109,117,157,163,163,160,121,117,117,121,160,160,163,165,165,123,121,165,165,163,121,119,119,119,120,120,120,123,125,121,114,115,125,168,125,119,121,168,176,178,181,183,181,183,183,181,178,178,173,173,176,178,181,181,181,183,178,176,178,183,183,181,183,183,183,183,183,189,189,189,186,186,186,186,183,181,183,189,194,191,189,183,181,183,183,186,186,186,183,183,186,189,191,186,181,179,183,183,181,183,189,189,186,186,186,186,183,181,178,176,173,131,129,131,131,170,129,127,127,127,126,126,170,178,178,176,131,131,173,178,183,186,186,181,176,133,176,181,186,186,186,189,189,186,186,186,186,186,189,189,191,196,199,199,196,196,194,189,183,179,183,189,189,189,189,189,189,186,181,179,181,186,191,191,191,191,189,189,191,191,191,194,194,196,196,196,202,204,202,196,191,191,189,189,191,191,191,191,189,186,189,191,194,194,194,194,196,191,191,191,191,191,189,189,189,191,191,191,189,186,183,178,132,131,133,176,178,183,191,194,194,191,189,183,176,132,176,189,204,209,125,45,37,81,123,178,186,186,191,191,183,182,183,183,183,186,196,204,209,209,207,196,139,134,137,191,202,207,207,204,202,199,199,196,196,199,204,202,196,191,191,194,196,199,199,196,194,194,194,191,194,196,196,199,199,199,196,196,196,196,194,189,183,183,181,137,181,181,183,186,186,189,191,191,196,199,196,194,194,199,204,204,202,199,199,202,204,204,202,202,202,196,195,196,199,202,204,202,199,199,199,199,194,191,194,196,194,189,183,179,179,181,183,183,186,189,189,191,191,186,183,178,178,181,183,186,186,186,189,194,199,204,204,196,186,182,186,189,189,186,186,191,196,202,202,199,189,181,178,181,183,181,178,173,173,173,173,170,125,123,123,125,173,176,176,173,173,178,181,181,181,181,181,176,173,169,170,176,181,176,129,125,125,170,178,181,176,173,173,176,178,178,183,189,189,191,183,174,174,176,176,131,129,173,176,181,181,181,181,178,176,176,181,181,178,176,178,183,183,186,189,194,199,196,191,189,186,181,177,181,189,194,196,202,207,202,194,189,186,183,178,178,183,194,199,196,196,192,194,202,209,217,217,212,207,202,199,199,196,124,120,178,186,178,131,173,178,178,181,178,115,99,117,125,129,178,189,181,121,189,202,207,199,191,183,181,177,177,178,186,189,181,129,127,127,125,121,117,117,119,125,178,194,202,202,194,186,189,191,196,191,178,129,125,124,126,176,186,191,189,181,128,124,125,133,183,186,191,194,191,186,186,196,199,196,194,196,199,196,191,194,204,212,212,209,207,207,204,199,196,196,196,199,194,189,183,182,182,183,189,196,202,204,207,209,209,207,202,202,0,202,196,196,196,199,199,199,196,196,196,194,199,0,204,207,0,207,204,204,204,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,238,233,230,228,228,230,233,235,233,225,217,209,207,207,204,202,196,194,191,190,189,190,194,199,209,217,225,230,230,228,225,222,225,225,228,230,233,230,228,222,215,215,217,217,215,207,196,183,129,123,121,121,117,116,116,121,173,183,189,194,199,204,202,194,189,186,189,189,189,194,191,183,179,179,186,191,196,202,204,207,209,209,209,207,209,207,204,202,202,207,212,212,207,204,204,207,209,215,217,217,212,209,209,209,209,209,209,209,212,212,209,207,207,212,215,212,212,215,215,212,209,204,204,207,212,215,217,217,215,215,222,228,230,230,228,230,233,233,228,228,230,233,238,238,238,238,235,230,226,226,228,233,233,233,233,230,225,217,215,215,220,217,220,222,225,225,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,19,0,17,111,129,137,152,142,59,29,0,0,1,71,108,79,73,81,134,139,137,131,127,126,131,137,134,129,126,129,129,129,131,137,144,147,150,150,152,160,163,152,137,7,0,0,0,0,0,21,39,105,134,129,69,43,31,31,31,23,29,45,39,7,3,15,21,0,0,0,13,49,81,85,81,95,137,147,155,168,181,189,194,196,199,191,183,176,170,163,113,105,119,178,181,178,181,183,186,170,127,168,181,196,202,191,176,123,123,127,127,170,181,189,186,178,173,174,183,183,178,178,178,178,178,181,183,181,131,123,122,124,131,176,129,126,128,176,178,178,178,178,178,176,176,176,133,133,133,176,181,189,189,187,191,196,196,196,196,196,191,183,181,179,179,181,183,186,189,191,196,199,199,202,204,204,204,196,186,181,186,194,199,199,204,207,191,123,113,119,173,186,194,202,199,189,173,125,125,125,123,121,127,181,186,186,194,204,209,209,212,217,222,225,222,125,77,101,194,194,181,173,178,178,176,176,173,170,129,170,170,170,173,178,178,183,191,191,186,181,181,186,186,186,183,183,183,178,176,173,176,178,181,178,170,168,170,173,173,170,173,176,173,168,165,163,163,123,121,119,119,117,117,115,110,110,115,160,165,165,163,160,119,115,109,109,111,115,119,157,119,117,117,117,115,112,112,113,117,119,117,117,157,165,160,111,93,105,170,189,178,97,94,103,173,204,194,67,60,89,181,181,169,181,186,111,89,98,119,165,183,194,196,194,186,181,181,183,186,189,194,194,191,189,191,191,194,207,212,61,0,0,0,0,0,0,43,155,170,176,186,196,199,191,131,13,45,91,81,67,147,89,67,79,144,155,155,152,101,97,99,101,155,165,152,99,95,99,109,173,170,155,144,109,109,150,150,111,109,107,103,89,49,61,105,155,152,77,67,93,105,115,170,173,152,81,75,97,113,163,183,189,183,176,170,176,181,178,165,117,109,107,111,176,191,196,202,204,207,204,189,168,117,103,95,117,199,189,120,118,123,168,125,121,122,173,199,217,217,207,181,165,166,178,183,181,183,173,123,122,165,173,165,116,117,170,168,168,170,127,125,127,170,181,186,183,181,176,173,181,186,183,176,131,129,127,127,127,125,124,124,129,176,186,194,204,212,199,178,173,176,173,129,127,131,178,181,181,186,189,186,178,178,181,183,189,191,191,183,176,172,173,173,173,176,181,176,125,119,121,123,125,129,170,170,170,173,181,186,181,127,127,173,178,183,176,170,173,170,127,123,121,119,125,178,191,202,204,204,204,204,204,207,209,207,194,176,165,123,123,123,165,173,173,170,173,181,181,176,170,163,163,170,178,181,168,115,114,165,176,170,127,127,168,173,196,215,215,196,121,118,121,176,176,119,119,170,170,117,102,105,117,121,127,178,181,181,181,183,181,181,181,181,178,181,186,191,194,191,189,186,183,183,186,191,194,189,181,176,178,181,183,189,191,191,186,181,176,181,183,181,178,176,178,181,178,133,129,127,130,178,181,133,131,178,186,194,196,196,191,183,181,181,186,186,189,194,194,191,181,129,129,135,181,186,194,202,202,191,183,186,191,191,186,183,183,189,196,202,199,199,202,204,199,191,189,189,186,186,189,186,178,123,122,125,131,176,181,181,181,177,178,181,186,189,189,191,196,199,199,194,189,186,186,186,186,183,183,186,189,191,194,194,196,196,196,186,173,169,170,178,183,178,178,181,178,173,173,173,178,178,176,173,131,173,176,178,178,178,178,181,186,189,189,186,186,183,178,131,128,131,183,189,183,125,121,125,131,131,130,131,181,194,196,183,176,178,186,186,189,186,183,181,183,191,191,183,133,129,129,133,176,176,176,176,178,183,183,183,183,183,183,183,186,191,191,191,189,186,183,178,133,129,127,127,127,129,173,178,176,131,127,126,129,176,189,196,199,191,186,183,186,186,186,189,191,194,191,194,196,194,186,181,181,181,183,183,186,191,196,196,194,194,196,202,207,207,204,199,194,194,189,183,137,139,183,137,131,131,133,135,137,137,135,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,105,109,107,107,111,115,119,119,119,121,121,119,119,160,163,163,165,170,170,165,163,168,170,170,165,120,119,119,120,121,121,123,125,125,123,123,168,168,121,113,112,117,173,181,186,186,186,186,186,186,183,181,173,170,173,178,178,178,181,183,181,178,178,181,181,179,181,183,183,178,181,186,191,191,189,189,186,183,181,178,181,186,191,194,191,189,189,189,189,189,189,189,186,186,186,191,191,189,183,181,186,186,186,186,189,189,186,183,183,181,181,181,181,181,178,173,131,129,129,170,170,129,127,127,127,127,176,181,181,173,130,130,173,178,183,183,181,176,131,130,133,183,189,189,186,186,189,189,186,186,186,186,185,186,189,196,199,199,199,199,196,191,189,186,186,189,189,191,191,191,189,186,183,181,181,181,183,186,186,186,189,191,191,194,194,194,196,196,196,199,199,202,199,194,191,189,189,191,194,196,196,194,189,186,189,191,194,194,196,196,196,191,189,186,186,186,186,189,191,194,196,194,191,189,186,181,176,133,176,176,176,181,189,194,196,196,191,181,132,131,133,186,199,204,194,178,129,127,127,125,125,131,181,186,186,183,186,183,183,191,199,204,207,207,207,199,186,138,139,191,202,207,209,209,209,204,202,199,199,207,212,209,202,196,194,194,194,196,199,199,196,196,194,194,196,199,202,202,199,196,195,196,199,199,194,189,183,181,137,137,137,181,183,186,186,186,189,194,196,199,196,194,191,199,207,209,207,204,202,204,207,204,207,207,202,196,196,199,202,204,204,202,196,194,196,199,194,191,194,199,199,194,189,181,179,179,179,181,183,186,189,189,189,183,178,177,178,181,186,189,186,186,189,194,199,204,204,199,189,183,186,186,189,191,191,191,194,196,196,194,189,183,181,176,173,170,170,129,170,170,170,127,123,121,121,123,127,129,129,127,129,173,176,181,183,183,181,178,173,170,170,176,178,176,129,125,127,173,178,178,176,176,173,173,129,127,173,181,186,186,178,172,172,178,178,178,176,178,181,183,183,181,181,178,173,170,173,178,181,178,181,181,181,181,183,191,196,199,194,189,183,181,181,183,189,189,191,199,202,199,189,178,135,133,133,135,181,191,202,204,196,194,199,204,212,215,212,207,199,196,189,191,189,121,118,186,194,183,176,176,178,181,189,199,199,176,127,121,119,125,173,119,98,131,196,204,202,194,189,178,172,173,181,196,202,191,178,176,178,173,123,117,117,123,176,183,191,202,196,189,186,189,194,194,186,170,124,122,124,173,189,202,207,207,191,133,129,133,183,186,189,191,194,191,185,186,191,196,194,191,196,199,196,194,196,207,217,222,220,215,212,207,204,199,196,196,199,194,191,183,182,182,183,186,191,196,199,204,204,202,199,199,202,0,204,199,196,196,196,196,194,194,194,191,191,194,199,202,204,207,207,204,202,202,204,209,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,233,228,225,225,228,233,235,230,225,217,212,209,209,207,204,199,196,191,189,190,191,196,204,215,222,228,233,233,230,228,225,228,228,230,233,235,235,230,225,217,215,215,215,212,204,194,181,168,123,121,121,119,117,116,119,170,181,189,196,202,207,207,202,191,186,186,189,189,194,194,186,179,179,181,183,189,194,199,204,207,207,207,209,212,209,207,202,202,207,212,212,207,204,202,204,209,215,217,217,215,212,212,215,212,212,212,212,215,215,212,209,212,215,217,217,215,217,217,215,209,207,204,207,209,215,217,217,212,215,217,222,228,228,228,230,233,233,228,225,228,233,235,235,235,235,235,230,228,226,230,235,235,235,233,230,222,217,215,217,222,222,222,225,225,222,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,98,51,72,118,139,157,181,189,183,178,170,113,61,75,116,116,73,65,66,85,134,142,134,97,98,134,134,129,129,129,131,134,137,139,144,152,155,157,160,168,170,163,142,0,0,0,0,0,17,55,113,144,152,129,57,17,0,0,11,7,7,17,17,5,0,5,15,0,0,29,65,134,165,170,165,152,147,147,150,157,165,173,178,186,189,183,173,168,163,123,119,119,168,181,183,189,199,202,199,183,173,170,173,181,189,186,181,173,170,129,121,123,181,194,189,176,173,178,183,176,176,181,181,183,189,196,202,194,173,122,121,125,131,173,173,173,178,181,181,181,181,181,178,178,181,181,176,133,176,178,183,189,186,185,189,194,196,194,194,196,191,189,191,194,196,196,199,199,199,196,196,194,194,199,204,204,199,189,181,181,189,196,199,199,199,196,186,129,121,127,176,181,186,194,194,183,131,127,129,173,129,123,125,178,186,189,196,209,215,212,209,212,212,215,209,178,103,121,196,194,181,170,170,170,170,173,176,173,170,173,173,173,176,181,178,178,181,183,181,181,183,183,181,178,178,181,181,178,176,173,173,178,181,176,166,165,168,178,181,178,173,173,170,168,165,163,163,163,123,121,119,117,115,113,111,111,115,160,163,163,160,157,117,113,111,111,115,119,157,157,119,117,117,119,117,113,113,117,160,165,165,165,173,178,178,170,160,119,121,176,186,111,94,99,163,207,207,83,71,97,168,173,170,183,191,165,105,109,168,181,194,199,199,196,191,186,183,186,186,189,191,191,191,189,186,186,186,199,207,163,45,0,0,0,0,0,0,73,150,131,134,165,163,126,77,77,163,152,30,3,89,83,67,79,139,150,150,139,96,98,147,150,155,152,101,90,90,86,86,168,178,155,103,97,101,144,144,103,99,101,107,105,99,103,150,155,111,78,69,97,107,115,165,168,152,89,84,157,163,165,183,194,189,176,168,170,183,183,168,117,109,106,107,183,202,209,209,209,209,207,202,186,123,82,75,99,183,173,118,118,123,176,176,125,125,173,186,202,209,196,170,164,168,181,181,173,170,123,120,121,173,183,178,125,115,125,168,170,170,127,124,123,124,176,189,189,183,173,129,129,125,124,127,131,173,131,131,131,127,124,123,125,178,191,204,212,215,204,189,178,173,173,131,131,173,176,176,178,186,196,194,186,181,181,183,189,191,186,181,173,172,172,176,178,183,183,176,123,119,123,125,127,173,176,176,176,178,186,194,194,181,173,181,194,191,176,168,169,170,129,125,123,123,129,186,196,202,204,204,207,207,204,204,212,212,204,183,170,165,165,125,163,168,165,165,176,186,186,178,170,165,165,168,170,170,125,119,121,176,181,173,127,125,168,170,183,204,204,191,125,118,120,170,129,104,106,125,127,105,96,101,113,119,131,189,186,181,178,178,181,181,181,178,176,133,176,181,186,186,183,181,181,181,186,194,199,194,181,176,176,178,183,186,186,183,178,133,176,189,194,189,183,181,183,186,189,186,178,133,176,178,176,130,129,130,178,189,196,196,189,177,173,174,177,181,189,194,196,191,183,181,183,186,181,178,181,186,189,186,183,186,189,189,181,133,135,183,199,204,199,196,199,202,194,189,191,194,191,186,186,181,176,127,125,127,133,178,183,181,178,178,178,183,186,183,183,189,196,202,202,199,191,186,183,186,189,194,194,191,189,189,189,191,191,189,183,176,169,168,170,178,183,183,178,131,127,125,129,173,181,183,178,173,173,178,183,186,183,178,177,178,189,194,191,191,189,189,181,129,126,128,178,186,183,129,125,127,173,131,127,127,133,191,196,178,173,178,186,185,186,183,178,178,178,181,181,176,129,128,128,131,176,178,178,181,186,191,191,186,183,183,183,178,176,181,181,183,183,183,183,183,181,178,181,178,131,129,173,178,178,173,129,127,129,176,183,194,196,194,186,181,183,186,189,191,194,194,194,196,199,196,186,178,177,177,178,181,186,191,194,196,199,196,196,202,204,207,199,186,137,138,139,139,186,196,202,194,181,135,137,181,181,137,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,99,107,113,111,113,113,115,117,115,116,121,119,119,121,165,173,176,178,178,176,170,165,170,176,178,178,165,121,121,121,125,125,123,123,125,165,170,173,173,125,114,111,115,168,181,186,189,186,186,186,189,189,183,176,173,176,178,178,177,178,181,178,178,178,178,181,181,181,183,178,176,178,186,189,189,186,186,183,181,178,177,178,183,189,194,194,191,191,194,194,191,189,189,189,186,189,191,191,189,186,183,186,189,189,189,191,191,186,183,181,181,181,181,183,186,183,178,173,127,127,127,127,125,125,125,127,170,176,181,181,173,130,129,131,173,178,178,176,173,131,129,131,181,186,186,183,186,189,189,189,186,186,186,186,186,189,196,199,199,199,199,199,196,191,189,189,189,189,189,191,191,189,186,186,183,181,179,179,181,183,183,186,191,194,196,196,196,196,199,199,199,202,204,202,196,194,194,191,191,194,196,199,194,189,185,186,189,191,194,194,194,194,191,183,178,178,178,183,189,194,196,196,196,191,191,189,181,176,176,176,176,176,178,183,189,194,196,191,181,176,133,181,189,194,194,189,178,133,129,125,120,118,123,133,183,189,191,191,189,186,194,199,199,202,204,202,196,191,186,186,194,202,207,212,217,217,215,207,202,202,207,212,212,207,199,194,194,194,196,199,199,199,196,196,194,196,199,204,204,202,196,195,196,196,196,194,191,186,181,137,137,137,183,186,186,186,186,186,191,194,194,194,191,191,199,204,207,204,199,196,196,199,202,207,207,202,199,202,204,204,204,204,199,194,192,196,199,196,191,194,199,202,199,191,186,181,179,181,181,183,186,189,189,186,181,178,177,178,183,186,189,186,186,189,194,199,204,204,202,191,186,183,186,191,194,194,189,183,183,183,183,186,189,183,173,125,121,123,125,127,170,170,127,123,121,120,121,123,125,123,125,127,170,173,178,186,189,186,181,176,173,173,178,181,173,125,123,129,176,178,178,176,176,173,129,125,123,126,173,181,181,176,173,174,178,181,181,183,183,186,189,189,186,183,178,173,170,172,176,181,178,176,176,176,176,178,183,191,196,191,186,183,186,186,186,189,186,189,196,202,199,186,135,132,133,133,135,181,194,207,209,196,189,196,207,209,212,209,199,186,183,183,186,189,176,129,186,191,183,176,176,183,191,199,204,207,194,181,125,121,129,133,113,92,115,183,194,194,191,191,186,174,173,181,199,204,196,189,186,189,181,127,121,121,170,183,186,191,196,194,186,183,186,189,186,181,170,126,127,181,196,202,207,212,212,199,186,186,191,191,189,186,189,191,189,185,185,189,194,191,194,196,199,199,196,199,207,217,222,222,217,215,212,207,202,199,199,199,196,191,186,183,183,183,186,186,191,196,202,202,199,196,198,202,204,207,204,199,196,196,196,191,191,190,190,190,191,196,199,202,204,202,202,199,199,199,202,202,202,0,0,0,0,0,209,0,0,0,0,0,0,0,235,230,225,222,222,225,230,233,230,225,217,215,212,212,209,207,202,196,191,191,194,199,204,209,217,225,230,233,233,230,228,228,228,230,233,235,238,241,238,230,222,217,215,212,209,204,194,183,170,123,121,121,121,119,117,119,127,178,186,194,199,207,209,204,194,189,186,189,189,194,194,189,181,179,179,181,183,189,196,199,202,204,207,212,215,212,209,204,202,204,209,212,207,202,200,202,207,215,217,217,215,215,215,217,215,215,215,217,217,217,217,215,215,222,222,222,217,217,222,215,209,207,204,204,209,212,215,215,212,212,215,217,222,225,228,230,233,230,228,225,225,230,233,233,233,233,233,230,228,228,233,235,238,235,233,230,222,217,217,217,222,225,225,225,225,222,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,72,66,111,134,152,173,191,196,191,191,191,170,126,118,134,147,129,66,63,71,99,147,142,101,99,137,134,131,99,99,134,137,142,144,147,150,152,152,157,168,178,178,139,23,7,0,0,35,59,131,186,189,183,170,142,71,37,15,5,1,0,0,13,5,0,0,0,13,43,73,129,165,189,194,189,173,157,150,150,150,155,160,165,176,183,178,168,163,123,123,125,125,168,173,176,189,202,207,202,189,178,170,168,170,181,186,189,186,183,176,117,117,183,207,199,170,169,183,186,173,129,176,176,183,196,207,212,202,181,124,123,127,173,178,186,194,194,186,181,183,183,183,181,181,186,186,181,176,176,181,189,191,189,186,191,194,194,194,194,196,194,191,194,204,209,209,209,209,207,199,191,186,189,196,207,207,196,183,179,186,194,196,196,196,194,189,178,131,127,131,173,173,176,181,186,181,131,127,131,176,173,129,173,183,191,202,207,212,212,212,209,202,202,207,204,181,119,173,194,196,186,176,170,169,170,176,178,176,176,173,173,173,181,189,186,181,176,176,178,183,186,183,178,176,176,176,176,176,176,173,129,170,173,173,166,164,168,183,186,178,170,168,168,168,168,165,165,165,163,123,121,119,117,113,111,110,111,115,117,117,117,119,115,113,111,113,117,157,160,157,119,117,119,157,157,117,115,119,163,165,165,170,178,186,186,183,178,173,163,168,189,176,103,105,176,207,207,165,101,107,115,119,119,157,163,160,117,160,183,199,202,199,194,194,194,194,191,191,191,191,189,189,189,189,186,185,186,191,196,194,168,15,0,0,0,0,0,29,53,47,27,23,31,9,21,81,165,126,0,0,59,73,67,73,97,142,147,101,97,147,168,155,103,97,90,90,88,74,91,194,199,147,56,63,99,109,107,98,96,98,147,152,150,150,152,150,107,91,87,105,111,115,155,157,152,107,109,189,183,168,170,183,189,178,166,168,176,178,163,115,111,108,109,183,202,209,209,207,207,207,204,196,181,76,70,87,125,123,118,119,168,183,183,176,170,173,176,183,191,176,165,166,176,178,173,165,165,123,120,121,125,173,176,170,117,125,168,170,168,127,124,122,122,168,178,183,178,129,125,125,122,121,125,178,186,183,181,178,173,125,124,127,181,196,209,215,212,207,196,183,176,173,173,173,129,129,173,183,196,202,196,189,183,181,181,183,183,181,176,173,170,172,176,178,181,178,125,113,117,125,129,173,181,186,183,181,183,189,194,194,186,176,181,196,191,173,166,170,178,176,129,127,125,173,191,202,204,207,207,209,209,204,202,204,207,202,186,176,173,170,125,123,125,125,165,178,186,183,173,168,168,168,165,125,125,121,117,121,170,173,127,125,168,173,125,125,178,181,176,127,123,125,129,111,94,100,125,127,117,101,109,123,127,178,191,186,178,173,131,173,173,173,131,131,131,176,181,186,183,181,176,176,176,181,189,194,189,178,131,131,176,181,183,181,178,176,133,178,199,202,194,186,183,189,194,196,199,196,191,189,183,133,130,129,129,131,178,189,191,189,178,174,174,176,181,189,194,191,186,181,181,186,186,181,178,178,179,179,183,189,191,191,183,133,129,130,137,199,204,199,196,196,196,191,191,196,199,194,189,183,181,176,131,127,125,129,178,183,183,178,176,176,181,183,181,181,186,196,202,202,196,191,183,182,183,189,194,194,191,183,181,181,186,186,186,178,173,172,173,176,181,183,186,176,123,116,117,125,131,181,186,183,178,178,186,191,191,186,178,177,181,189,196,196,194,194,194,186,173,127,129,178,186,183,176,131,173,178,176,128,127,131,186,191,178,176,186,191,189,186,178,176,176,176,133,133,131,131,129,131,176,178,181,186,191,194,196,194,189,186,186,183,176,131,129,131,133,176,178,181,183,186,186,186,181,131,131,176,181,181,178,173,131,131,173,178,186,191,194,186,181,183,189,189,191,191,194,194,199,202,199,191,181,177,176,178,183,189,191,194,194,196,194,196,199,202,199,194,183,138,183,186,186,191,202,204,194,183,181,189,191,183,135,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,111,115,109,107,107,115,119,117,119,160,121,121,160,168,176,178,181,183,181,170,165,168,173,178,181,173,125,121,123,165,165,125,121,121,125,170,173,173,173,127,117,119,170,178,183,183,183,181,181,183,183,181,178,178,183,181,178,177,177,178,178,177,177,178,181,181,181,181,176,176,176,183,186,186,186,186,183,181,178,178,181,186,189,191,191,191,191,194,194,191,189,189,189,189,189,191,189,189,186,186,189,189,189,189,191,189,186,181,181,179,181,183,186,189,186,181,173,127,119,115,115,119,123,125,127,170,178,181,181,176,131,129,130,173,173,173,176,176,176,130,131,178,181,181,181,183,186,186,186,186,186,189,189,189,191,196,196,196,199,199,199,196,194,191,189,186,186,186,186,186,186,186,186,186,183,181,181,181,183,186,189,191,194,196,196,196,196,196,196,199,204,207,207,202,199,199,196,191,191,194,196,191,189,186,186,189,189,191,194,194,191,186,181,134,134,135,183,189,191,194,196,194,191,191,189,183,178,176,133,133,133,176,178,181,189,194,191,186,183,183,189,191,191,189,181,133,131,133,129,122,119,124,135,189,194,196,196,194,194,194,196,196,196,199,199,196,194,189,191,196,204,209,215,222,228,222,212,202,199,202,204,204,202,199,194,192,194,196,199,202,202,199,196,196,199,202,204,207,204,199,196,196,196,194,191,189,186,183,181,137,181,183,189,189,189,186,186,189,189,191,191,194,196,199,202,204,199,194,191,191,194,199,204,204,202,204,209,207,202,204,202,199,192,192,194,196,196,191,191,194,196,194,191,186,183,181,183,183,186,189,189,191,186,181,177,177,181,183,186,186,183,183,189,191,194,199,202,196,191,183,183,186,196,202,199,189,176,131,131,176,183,189,183,170,121,117,118,121,127,170,173,170,125,121,120,120,121,123,123,125,129,170,170,176,186,194,189,183,181,181,181,183,181,127,118,119,127,176,176,176,176,178,176,170,126,124,126,129,178,183,181,181,186,183,183,183,186,186,186,189,191,191,186,178,173,172,172,176,178,176,133,131,131,131,133,181,186,191,189,186,186,189,189,186,186,186,191,199,204,199,186,135,135,181,133,176,186,196,204,202,176,113,181,202,207,204,191,95,27,39,176,189,191,189,178,181,186,183,176,174,181,194,202,199,196,194,189,178,176,181,181,123,105,125,181,189,189,191,199,199,189,178,181,189,191,189,183,181,178,176,129,127,170,178,186,189,191,194,189,178,127,125,127,129,173,173,173,183,196,204,204,207,209,207,199,194,196,196,191,186,183,186,186,186,186,186,189,191,194,196,199,202,202,199,199,207,215,222,220,215,215,212,209,204,199,199,199,199,194,189,186,186,186,186,189,191,199,204,202,198,198,199,204,207,207,207,204,199,196,196,191,190,190,190,190,190,194,196,199,199,199,196,194,194,196,196,194,194,199,0,0,0,0,209,0,0,0,0,0,0,0,230,225,222,220,220,225,230,233,230,228,222,217,215,212,209,207,202,199,196,199,202,207,212,215,217,222,228,228,228,225,222,225,228,230,233,238,243,243,241,235,230,222,215,212,207,202,196,189,178,165,121,121,123,121,119,121,127,176,183,191,196,204,207,207,196,189,189,191,191,191,191,189,183,181,181,181,183,189,194,196,196,202,209,215,217,215,212,207,204,207,212,212,207,202,200,200,207,215,217,215,215,215,217,222,217,215,217,222,222,225,222,217,217,225,225,222,222,222,222,217,212,207,204,204,207,212,215,212,209,209,212,215,217,225,228,230,233,230,225,222,225,228,230,230,230,230,233,233,230,230,233,235,238,238,233,230,222,217,217,222,225,225,228,228,228,222,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,134,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,85,126,144,165,181,191,194,194,189,183,181,165,150,155,168,165,131,71,79,95,139,137,99,99,103,137,103,101,101,134,137,144,150,150,150,150,150,155,168,183,189,147,79,81,33,15,59,81,170,191,194,189,186,186,189,183,168,65,27,0,0,15,15,0,0,1,53,131,142,155,181,194,196,191,178,163,152,150,152,155,157,163,173,178,173,165,163,163,165,165,165,168,168,170,181,196,199,191,181,176,170,168,170,181,189,194,194,194,178,109,106,170,204,204,159,156,176,186,176,125,121,125,178,196,207,209,202,186,173,127,127,131,181,194,204,199,189,181,183,189,186,183,181,183,189,183,181,178,183,191,196,194,189,194,196,194,191,191,196,194,191,194,202,212,215,215,215,209,196,131,129,181,196,207,207,199,189,189,196,199,196,191,189,183,178,176,173,173,173,173,129,129,131,178,178,173,131,129,129,129,173,178,186,196,207,212,209,209,207,204,196,196,204,202,183,127,173,189,194,189,181,176,170,170,176,176,176,178,178,173,170,181,194,199,189,176,170,173,183,186,183,178,176,176,170,170,170,173,170,125,123,127,170,168,166,170,183,183,178,168,165,166,170,168,165,125,165,163,163,123,119,117,115,111,110,109,110,111,111,113,115,115,113,113,115,119,160,160,157,117,117,119,160,160,119,117,119,160,163,163,168,176,183,186,189,189,189,181,181,189,176,115,160,194,204,202,183,157,113,113,115,117,117,116,117,155,163,186,204,202,194,191,191,196,202,202,199,199,194,189,189,189,189,189,186,186,186,189,194,194,33,0,0,13,19,19,31,49,51,0,0,0,0,0,15,51,49,3,0,16,51,57,63,83,139,150,139,142,165,170,144,87,89,91,99,101,83,173,196,189,97,49,63,103,109,107,103,99,105,155,160,155,150,152,147,107,101,99,105,113,152,155,152,115,113,157,194,189,165,157,165,178,178,170,170,173,170,121,115,117,119,163,181,196,204,207,204,202,202,204,202,196,82,76,89,121,125,122,123,173,181,178,176,173,170,173,181,183,170,165,170,178,173,125,123,165,168,168,168,165,121,97,88,113,125,168,170,170,173,176,168,127,168,127,123,123,123,125,127,125,125,176,191,196,194,191,189,183,176,129,129,178,196,207,209,207,204,196,183,176,176,178,173,121,121,173,191,202,202,194,183,176,178,181,181,181,181,181,178,172,173,178,178,173,127,111,106,115,129,178,183,191,194,194,191,191,191,189,186,181,174,176,191,189,178,173,183,189,186,173,127,129,178,194,204,207,207,209,212,209,204,199,194,194,191,183,178,178,173,123,122,125,165,170,181,183,176,165,165,168,170,125,119,117,117,115,117,121,121,119,125,178,181,108,104,115,123,127,129,170,176,173,110,96,107,173,181,189,183,186,186,183,186,189,183,176,129,123,123,125,125,125,127,131,178,186,191,186,178,131,129,133,178,183,183,178,129,127,129,176,178,178,178,176,133,133,181,199,204,196,189,186,191,199,202,204,204,202,199,189,178,133,176,133,131,131,133,181,183,183,181,178,178,183,189,189,181,134,134,135,181,183,181,181,183,181,181,183,189,194,191,186,133,129,129,181,196,202,199,196,196,196,194,194,199,202,199,194,189,186,183,176,129,125,127,176,181,183,178,174,174,178,181,183,183,186,194,199,196,194,191,186,183,183,186,191,191,186,176,131,133,181,186,183,178,178,183,189,189,186,183,183,129,116,114,117,125,131,178,183,183,181,181,186,191,191,186,181,178,181,191,199,202,202,202,199,194,181,173,173,181,186,183,178,176,178,183,183,173,129,131,183,186,181,183,199,202,196,186,131,129,131,131,127,127,131,133,133,176,178,181,183,189,194,196,199,194,189,186,186,183,178,129,126,127,129,133,133,133,178,186,189,186,178,173,173,178,181,181,181,178,176,173,131,176,183,189,186,181,176,178,183,186,189,191,194,199,204,207,204,196,186,178,174,176,181,189,194,194,194,196,196,194,194,194,194,191,191,194,202,199,194,191,196,202,196,191,194,202,199,186,135,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,113,117,101,94,97,113,163,168,168,163,121,121,160,165,168,170,176,181,181,170,165,165,165,173,178,173,165,123,123,165,168,165,121,120,123,165,165,170,176,176,173,170,173,176,178,178,178,176,170,170,176,176,176,181,186,183,181,177,178,178,181,178,178,178,181,183,181,178,176,176,178,181,181,181,183,186,186,183,183,186,189,189,189,189,189,189,189,191,191,189,189,186,186,189,189,189,189,186,186,186,189,189,189,189,189,189,186,181,181,181,181,183,186,189,186,181,173,125,115,111,111,115,123,127,170,176,178,183,183,181,173,131,131,173,173,173,176,178,181,176,133,176,178,178,181,183,183,186,186,186,189,189,189,191,191,194,194,196,196,199,199,196,194,191,189,186,186,183,183,183,186,186,186,186,186,186,186,183,186,186,189,191,194,196,196,196,196,196,196,199,204,209,209,207,204,204,199,194,191,194,194,191,191,189,189,191,194,196,196,194,191,186,178,134,134,135,183,186,189,191,194,194,191,189,189,183,176,129,127,129,131,176,176,181,183,189,189,189,189,191,191,191,191,191,181,133,135,181,183,135,129,133,183,189,194,194,194,194,194,196,194,192,194,196,196,196,196,191,194,199,204,209,215,222,225,217,209,202,199,196,196,196,196,196,194,192,194,199,202,204,204,202,199,196,199,202,204,204,204,199,199,199,196,191,189,186,186,186,183,181,183,186,189,191,189,189,186,186,186,186,191,196,202,202,202,199,196,189,186,186,191,196,199,202,204,209,212,207,202,202,202,199,194,194,194,196,194,189,186,189,189,191,189,186,183,183,183,186,186,189,189,189,186,181,178,178,181,183,183,181,181,183,189,191,191,191,191,189,186,182,182,189,199,204,204,191,176,125,123,127,173,183,181,129,119,116,117,121,127,170,176,173,127,121,119,120,121,123,123,127,170,129,127,173,183,189,186,181,181,186,183,181,173,121,116,117,127,176,176,174,178,181,181,178,173,131,129,173,181,186,186,186,191,189,186,186,186,189,189,189,191,191,183,176,173,173,173,176,178,176,133,131,130,131,133,181,186,189,189,186,189,191,189,183,183,186,191,196,202,196,183,176,178,181,133,133,186,191,194,178,81,51,99,186,194,186,113,15,0,0,61,173,178,176,123,131,183,186,183,174,173,186,194,189,183,191,194,194,191,191,189,178,127,131,178,181,186,191,199,204,202,189,181,176,173,173,131,121,116,121,127,173,181,186,186,189,191,196,189,127,103,87,91,113,129,178,183,189,196,199,202,204,204,196,194,191,191,189,186,183,182,183,186,189,189,189,191,191,194,199,204,207,204,202,202,204,212,217,215,212,212,212,212,204,199,199,199,199,196,191,189,189,189,191,191,196,202,204,202,199,199,202,204,207,209,0,207,202,196,196,194,191,191,191,191,190,191,194,0,0,199,196,194,194,194,194,189,186,191,0,0,0,0,215,0,0,0,0,0,0,0,228,225,222,222,222,225,230,233,233,228,225,222,217,215,209,207,204,202,199,204,209,215,215,215,217,217,222,222,222,217,217,217,225,230,233,238,243,246,243,241,235,228,215,207,202,202,199,194,183,168,160,160,163,163,123,123,165,176,183,186,191,199,204,204,196,191,191,194,191,191,191,189,189,186,189,189,189,191,194,194,194,202,209,217,222,217,215,209,207,209,212,212,207,202,200,202,207,212,215,215,212,212,217,222,217,217,217,222,225,225,225,222,222,225,228,225,222,222,222,215,212,207,204,204,207,209,212,212,209,209,209,212,217,225,230,233,233,230,225,222,222,225,228,228,228,230,233,233,230,230,233,235,238,235,233,228,225,222,222,225,225,225,228,228,228,222,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,126,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,113,139,155,173,186,191,191,189,183,181,178,173,165,170,178,178,165,139,97,99,103,99,97,98,105,142,139,105,103,103,103,142,152,152,150,147,152,160,178,191,194,165,131,129,91,75,124,150,183,191,191,189,189,191,196,199,202,196,150,13,0,11,17,11,17,59,152,165,160,170,191,196,191,178,168,157,152,150,152,155,155,160,170,173,170,165,165,168,168,168,168,170,170,168,173,183,186,173,125,127,170,173,181,186,189,189,194,194,178,102,100,113,199,204,161,159,174,186,181,125,115,116,129,189,199,196,194,189,183,173,129,129,178,194,199,194,183,181,186,191,189,183,178,181,186,191,186,181,183,189,194,189,189,191,194,191,186,189,191,191,189,189,196,204,209,215,215,204,178,114,119,178,199,207,207,204,199,196,196,196,191,183,176,131,131,178,181,178,178,176,131,127,127,131,178,183,183,173,126,126,173,181,186,194,204,207,204,202,202,199,196,199,199,199,189,176,173,181,183,183,181,178,173,129,129,129,176,181,181,170,128,173,194,207,199,178,127,129,178,183,181,181,178,173,129,127,127,170,170,123,121,123,170,176,173,176,181,181,176,168,166,170,176,170,125,123,163,163,123,121,119,117,115,111,110,110,110,110,110,111,113,115,115,115,119,157,160,160,157,117,117,157,160,157,117,116,119,160,163,163,165,170,176,181,186,194,196,194,194,189,160,107,119,186,196,191,178,160,115,115,155,170,173,160,155,155,160,173,189,191,191,191,196,204,209,209,207,204,196,191,189,191,191,189,183,181,181,181,186,191,27,0,0,85,116,81,61,61,57,0,0,0,0,0,0,0,41,49,49,2,23,47,59,81,147,155,155,157,165,163,142,88,90,97,147,150,144,163,176,165,107,82,88,107,147,150,160,165,163,163,157,111,95,109,150,150,150,111,109,155,168,170,155,113,113,117,176,181,163,117,117,163,173,178,186,183,176,163,117,121,173,178,181,189,199,204,204,202,202,204,204,207,99,84,91,115,168,173,173,173,168,165,168,173,170,170,183,189,178,170,176,178,165,121,122,165,178,189,194,191,168,87,59,95,119,170,176,176,181,194,191,183,170,115,105,109,117,123,170,173,178,189,196,202,202,202,199,194,186,173,129,173,186,196,199,199,194,186,176,174,181,186,176,117,120,173,186,194,196,186,131,125,131,176,178,181,183,186,181,173,173,176,173,129,123,109,103,113,173,186,194,202,202,202,202,199,194,181,177,178,174,176,189,194,189,183,186,191,189,176,127,170,181,191,202,204,207,209,209,207,204,196,189,186,186,183,181,178,170,122,122,165,170,173,178,173,165,123,125,168,170,125,117,113,112,113,115,117,119,123,176,196,189,85,85,109,123,170,178,183,191,189,173,121,170,183,194,207,209,207,202,194,191,191,189,178,125,121,120,120,121,121,123,129,178,189,194,189,178,129,126,129,173,178,176,127,123,127,133,178,181,178,176,131,127,129,176,194,199,196,191,191,199,204,207,209,207,207,202,194,183,181,181,181,131,123,119,125,133,181,183,183,181,181,183,181,135,133,133,134,135,178,183,186,191,189,186,189,189,191,194,191,186,135,135,183,191,196,196,199,199,199,196,199,202,202,199,196,196,196,194,186,176,131,131,176,178,181,178,174,174,176,183,186,186,186,189,191,186,186,189,191,189,189,191,191,189,183,131,129,131,178,183,183,181,186,196,202,196,191,183,176,125,116,116,125,131,173,173,181,183,181,181,183,186,186,183,181,178,183,191,199,202,204,204,202,196,189,183,183,186,186,183,178,176,178,183,186,181,173,131,176,178,181,191,202,204,196,181,127,126,127,127,126,127,133,178,178,178,178,181,183,186,189,194,196,191,186,186,189,186,181,131,126,127,131,133,133,133,178,183,186,183,178,178,178,178,178,181,183,181,178,173,131,131,176,178,176,131,129,131,133,178,183,189,194,199,207,209,209,204,196,186,176,176,181,191,196,199,196,199,199,196,194,191,191,194,196,202,207,204,196,191,194,202,204,204,204,207,199,186,137,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,111,115,99,90,94,109,163,173,170,160,119,117,119,121,160,163,170,176,178,173,165,163,124,163,170,170,165,125,125,165,170,165,121,120,120,123,123,125,168,173,178,178,176,173,173,176,176,170,126,126,129,170,129,173,181,183,183,181,181,181,183,183,181,181,183,186,183,178,178,181,181,181,179,179,183,189,191,189,191,191,191,189,189,186,186,186,186,189,191,191,189,186,186,186,186,186,186,186,186,186,186,189,189,189,186,186,183,183,181,183,183,186,186,186,183,178,173,125,115,111,112,117,127,173,178,181,181,183,186,183,178,173,173,178,178,176,178,181,183,181,176,176,178,181,183,183,183,183,183,186,186,189,189,189,191,191,191,194,194,196,199,196,194,191,189,189,189,183,178,181,183,186,183,183,186,189,189,186,186,189,191,194,194,194,196,196,196,196,196,196,202,207,209,204,202,202,202,199,196,196,196,194,194,194,194,194,196,199,199,196,191,186,181,135,135,181,186,186,186,186,189,189,186,186,186,181,131,122,121,124,133,181,183,186,189,191,191,191,194,194,194,194,194,191,183,178,178,189,194,191,186,186,189,191,191,191,194,194,196,196,192,192,194,196,199,199,199,194,194,199,204,209,212,212,209,204,202,202,199,196,195,195,196,194,192,192,194,199,204,207,204,202,199,196,196,199,202,204,204,204,207,207,202,196,189,186,186,189,186,186,186,189,191,191,191,186,183,183,183,186,191,199,204,199,196,194,189,183,181,183,191,194,196,202,209,212,209,202,196,196,199,199,196,194,196,194,191,186,186,186,189,191,191,189,186,186,186,186,186,186,186,186,183,181,178,181,183,183,181,177,177,181,186,186,183,183,183,183,183,183,186,191,202,207,207,194,178,123,119,119,123,129,129,125,119,117,119,125,129,173,176,176,129,123,121,121,125,125,125,127,127,125,125,173,181,181,173,173,181,186,178,129,127,121,118,120,173,178,178,176,178,181,181,181,181,178,173,173,181,189,186,186,191,191,189,186,186,189,191,191,191,189,181,176,173,176,178,181,181,178,133,130,130,131,176,181,186,189,186,186,189,189,186,183,183,183,186,189,189,183,131,125,129,176,133,133,178,181,183,131,63,8,53,117,173,173,123,53,0,0,33,105,113,89,88,129,181,189,194,181,172,174,178,176,176,183,196,204,202,199,191,186,181,176,133,176,181,186,191,194,196,191,183,131,128,129,129,119,113,114,119,173,186,189,189,189,191,196,191,123,89,79,81,105,176,189,194,194,194,196,199,202,199,194,189,183,176,176,181,183,183,183,186,191,194,194,191,189,191,199,204,207,204,199,199,199,204,207,204,202,204,209,212,0,0,0,199,199,199,194,191,189,191,194,196,199,204,207,202,202,204,207,207,207,209,0,207,202,199,199,196,194,196,196,194,191,191,0,0,0,0,199,196,196,196,194,186,182,186,0,0,0,0,0,0,0,0,0,0,0,222,225,225,225,225,228,230,233,233,233,230,228,225,222,215,209,209,209,204,202,204,209,215,215,215,215,215,217,217,215,215,212,215,222,228,233,238,243,246,246,243,238,228,212,202,196,196,199,196,189,173,163,165,170,170,163,123,125,173,181,183,183,191,196,199,194,189,191,196,196,194,194,191,191,194,194,196,196,196,196,194,194,202,212,222,225,217,215,212,209,212,215,212,207,202,202,204,209,212,215,212,209,209,215,217,217,215,217,222,225,225,225,222,222,225,228,225,222,222,222,215,212,207,204,204,207,209,212,212,212,209,209,212,215,225,230,235,235,230,225,220,222,225,228,228,228,233,235,233,230,230,230,233,235,235,233,228,225,222,225,225,225,225,228,230,228,225,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,105,129,150,165,178,186,189,191,191,186,186,178,168,165,173,181,183,178,170,155,147,144,105,99,103,144,147,144,109,105,103,102,107,147,152,150,147,152,168,186,202,202,181,142,139,152,176,186,186,191,191,191,191,189,189,196,207,209,207,189,57,1,5,13,21,69,126,165,168,165,176,194,194,176,155,152,150,147,150,152,155,155,157,165,168,168,165,168,173,173,168,168,170,173,127,125,170,170,121,119,123,173,186,196,196,189,186,189,191,178,105,102,125,202,204,181,176,183,191,189,176,116,114,121,178,186,183,186,189,189,181,173,131,178,189,191,189,183,183,186,191,189,181,177,178,183,194,189,181,178,181,181,176,133,183,189,189,183,181,183,186,186,186,189,194,199,207,207,191,122,110,120,194,209,212,209,207,204,189,181,181,181,176,125,125,131,181,181,181,178,176,131,127,125,127,176,191,196,181,126,126,173,178,183,189,194,196,196,194,191,191,194,196,194,194,194,186,178,176,178,176,176,176,173,129,127,128,173,183,186,173,127,128,183,204,202,181,124,123,170,181,181,181,178,170,127,125,127,170,129,123,121,125,176,183,181,181,183,183,178,170,170,176,178,170,123,121,121,121,121,121,119,115,113,113,113,113,115,115,115,115,117,119,119,119,157,160,160,157,119,116,117,157,160,157,117,116,119,165,165,163,163,165,168,170,176,194,194,194,194,183,105,87,97,157,176,176,165,117,113,115,160,183,194,183,168,160,163,163,170,181,189,196,202,207,212,215,212,204,194,189,191,194,191,186,178,176,177,178,178,173,15,0,0,57,121,147,134,63,0,0,0,0,0,0,0,0,29,55,57,1,11,47,61,89,150,152,157,163,160,152,142,97,95,99,147,147,142,105,147,155,152,144,101,144,152,160,194,204,183,165,147,77,58,87,152,163,173,170,160,173,189,191,165,115,112,112,155,168,160,117,111,115,165,183,196,196,186,170,121,163,178,183,173,178,191,202,202,199,199,202,204,209,115,91,93,111,170,186,186,170,163,161,168,173,168,125,178,196,191,183,181,178,165,122,122,168,183,196,204,209,204,119,79,93,115,170,176,173,181,202,204,196,176,104,99,105,117,125,173,183,191,194,199,202,204,207,207,202,191,173,128,128,173,181,186,189,186,178,174,176,189,196,191,116,120,129,131,173,181,178,125,117,119,127,131,178,183,183,178,173,173,173,131,131,129,115,107,119,178,189,199,204,207,204,204,202,196,183,177,181,183,183,194,202,199,189,183,183,183,176,129,170,176,186,194,199,204,207,204,196,194,189,183,183,186,186,183,176,168,122,122,165,170,170,168,125,123,123,165,170,170,165,121,113,112,113,117,121,123,173,204,222,191,79,80,123,181,191,196,196,202,202,199,196,194,194,204,212,217,215,207,202,196,194,194,181,127,121,120,121,121,122,123,125,129,181,186,186,178,129,126,127,131,173,129,123,123,131,186,189,186,183,133,127,121,121,127,183,194,196,196,202,207,209,212,209,207,207,204,196,186,181,178,178,129,115,110,113,121,129,176,183,181,178,178,178,135,135,178,178,134,134,181,189,191,194,191,191,191,189,194,196,199,194,189,189,191,191,194,196,199,199,202,202,199,199,199,199,204,204,199,191,186,181,178,176,176,178,181,178,176,181,189,191,191,186,183,181,176,178,186,191,194,196,199,196,194,186,133,129,130,178,181,181,183,191,199,202,196,189,183,176,127,119,121,173,178,176,131,178,183,183,183,181,181,183,183,183,181,183,189,196,199,202,202,202,196,191,189,189,189,189,181,176,173,176,181,186,183,176,129,130,131,176,189,199,199,191,133,127,127,127,127,129,133,181,183,178,176,178,178,178,181,183,189,194,191,186,186,186,186,178,131,129,131,176,178,178,178,178,183,183,181,181,183,181,178,178,183,186,186,181,176,131,127,127,129,127,125,125,127,129,131,181,189,194,199,204,209,209,209,204,199,191,186,189,199,202,202,199,199,202,199,196,196,196,199,199,202,207,207,202,194,196,204,212,209,204,199,189,137,137,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,111,115,103,93,96,105,117,165,160,117,113,109,111,117,121,165,170,173,173,173,170,168,124,124,165,165,168,168,165,165,168,165,121,119,119,121,123,123,123,127,173,178,178,173,170,176,178,170,126,125,127,129,125,124,131,181,186,183,181,181,186,186,183,183,189,191,189,181,178,183,183,181,179,179,181,189,191,191,194,194,194,189,186,186,186,186,186,189,191,191,189,183,183,183,186,183,183,183,186,186,186,186,186,186,183,183,183,183,183,183,186,186,186,186,183,178,176,129,119,115,115,125,173,181,186,186,186,186,189,186,181,178,178,181,183,181,181,181,183,183,181,181,181,183,186,183,183,183,183,183,183,186,186,189,189,191,191,191,194,194,194,194,191,189,189,191,191,186,181,178,181,181,178,178,183,186,189,189,186,191,194,191,191,191,194,194,196,196,194,196,199,204,204,202,199,199,199,202,202,202,202,199,196,196,196,196,199,199,199,194,191,186,181,178,181,186,189,189,186,183,183,183,181,178,178,176,129,120,120,124,178,189,191,194,196,196,194,194,194,194,194,194,191,189,183,178,178,183,194,199,199,196,194,194,194,194,194,202,204,202,194,192,194,199,199,202,202,196,194,196,199,204,204,199,196,194,194,199,202,199,195,195,196,196,194,194,196,202,204,207,204,202,199,196,196,199,204,204,207,209,215,215,212,202,194,189,189,191,189,189,189,191,194,194,191,186,183,182,182,182,189,199,199,194,189,186,137,135,135,181,189,191,194,202,209,212,204,196,194,194,196,196,196,196,196,194,191,189,186,186,189,194,194,191,189,186,186,186,189,189,189,186,183,181,181,181,181,181,178,177,177,178,181,181,178,178,181,183,183,189,194,199,204,209,207,196,181,125,119,118,119,120,123,123,121,121,125,129,170,173,176,176,173,127,125,127,129,127,125,125,123,122,123,173,178,173,168,169,178,181,129,124,125,127,127,173,183,186,183,181,181,181,179,181,181,178,173,173,181,186,183,183,186,189,186,183,186,191,196,196,194,186,178,173,176,181,183,186,186,178,133,131,130,131,176,183,189,189,186,189,189,189,186,186,186,183,178,178,176,131,121,116,117,129,133,176,133,133,181,183,85,15,63,115,123,129,173,125,89,55,59,109,105,76,80,178,181,189,202,194,174,173,174,174,174,181,196,212,215,204,194,186,183,181,176,176,178,181,179,177,179,189,186,176,173,176,176,127,117,113,118,176,186,191,189,186,186,191,186,125,95,81,82,111,186,196,199,196,194,196,199,199,194,191,189,178,128,128,181,189,186,183,186,194,196,196,189,186,189,196,204,204,202,196,194,191,194,194,191,194,202,209,215,212,204,199,199,202,199,196,191,191,194,196,199,202,204,204,202,204,209,209,207,207,209,0,0,207,202,0,196,0,196,0,194,0,0,0,202,0,204,202,199,199,199,196,189,182,186,199,0,0,0,0,0,0,0,0,0,0,0,225,228,230,230,233,235,235,238,235,233,228,225,222,215,209,209,209,207,202,199,204,209,212,212,215,215,215,212,212,212,212,212,220,225,230,238,243,246,246,243,238,225,207,194,191,194,196,196,189,176,168,170,176,173,165,122,123,168,176,176,178,181,186,191,189,189,191,199,199,199,199,196,196,199,199,202,202,202,199,194,194,202,215,222,225,222,217,212,212,215,217,215,207,202,202,207,209,215,215,212,208,208,212,215,215,215,217,222,222,222,222,222,222,225,225,222,222,222,222,217,215,209,204,204,207,209,212,209,209,209,209,212,215,225,230,235,235,230,225,221,222,225,228,230,230,233,233,233,230,228,228,230,233,233,230,225,222,225,225,225,225,225,228,230,228,225,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,0,0,0,0,0,0,0,0,0,0,0,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,118,139,165,178,186,189,189,191,191,189,186,178,170,170,176,181,183,181,176,170,168,168,163,152,152,157,160,157,152,111,107,105,107,144,150,150,147,150,165,189,204,204,194,163,144,155,186,196,199,199,194,196,196,194,191,202,209,207,189,155,17,0,1,17,33,77,129,150,157,160,168,173,155,144,139,139,144,150,152,152,155,157,157,160,165,165,168,170,176,176,170,168,168,170,168,125,123,121,120,120,127,186,204,209,207,202,191,194,189,127,113,125,186,194,196,186,183,189,194,194,183,129,120,123,129,173,176,178,186,189,183,181,181,183,186,186,183,181,181,181,183,183,181,177,177,181,189,189,178,173,173,131,123,119,127,178,186,183,178,178,181,183,186,183,183,189,196,196,183,131,123,191,212,217,217,212,202,191,176,174,177,178,131,119,120,173,178,178,176,176,173,129,125,123,123,131,183,189,178,129,129,176,181,183,186,191,191,189,183,181,183,189,191,191,191,196,194,183,176,178,176,172,173,176,176,129,170,176,186,189,181,129,128,176,191,191,173,120,120,127,178,178,178,176,129,123,125,129,170,127,123,123,170,183,191,189,189,194,194,191,183,176,176,176,170,123,119,119,119,119,119,119,117,115,115,117,121,163,165,163,160,160,160,160,157,157,160,157,119,117,115,116,157,160,157,117,117,157,168,165,157,160,163,165,160,160,173,181,183,183,170,101,75,59,89,155,163,152,113,113,113,155,173,194,186,176,168,163,160,152,168,181,194,202,204,209,212,209,196,189,186,191,194,191,186,178,173,181,181,173,131,0,0,0,45,150,183,181,83,0,0,0,0,0,0,0,0,19,61,57,19,4,0,5,77,134,144,155,160,157,144,134,134,95,91,101,103,41,79,95,103,107,150,152,150,150,157,199,228,186,89,85,61,60,69,155,191,196,191,181,181,189,178,163,152,113,115,113,155,157,155,111,107,117,176,186,191,183,173,163,165,173,170,163,160,173,189,194,194,196,196,199,199,176,103,103,117,173,191,194,173,163,165,178,181,165,113,113,181,194,191,189,191,186,168,123,165,186,199,207,209,207,181,101,101,113,165,168,165,173,196,204,196,123,87,89,115,123,127,183,194,199,199,202,202,204,207,209,207,189,131,128,128,129,131,173,178,181,181,176,178,189,199,204,116,117,121,123,122,127,176,131,117,114,116,127,178,181,178,176,173,173,173,173,178,181,176,129,173,181,189,196,202,204,204,202,204,202,196,189,189,191,191,191,196,196,189,178,173,176,173,170,129,129,170,176,189,199,202,194,170,127,168,170,178,186,183,178,170,125,123,125,168,168,125,122,122,125,168,170,173,176,173,125,117,113,115,121,125,168,183,209,215,173,91,97,191,207,207,204,204,204,207,207,209,204,202,204,215,217,215,209,202,191,189,189,181,173,129,127,125,127,173,173,125,125,127,129,173,176,173,129,127,127,127,125,123,125,176,186,191,191,186,176,125,120,119,121,133,183,191,199,207,209,212,209,209,207,207,204,199,189,178,176,176,127,111,107,108,117,127,133,178,181,181,181,181,183,189,191,189,134,132,178,189,194,196,199,196,194,194,194,199,204,202,196,191,194,194,194,194,199,202,202,202,196,194,196,202,207,204,199,189,183,181,178,176,176,178,183,186,183,186,194,199,194,186,181,174,173,173,181,189,194,199,202,202,196,189,176,131,131,176,178,176,181,189,194,194,189,183,181,181,131,118,115,119,173,176,131,176,181,186,183,178,176,181,189,189,186,183,189,194,194,194,196,196,194,191,194,191,189,186,183,176,131,131,173,178,178,131,128,129,131,173,181,189,191,181,129,126,127,129,129,133,178,186,183,178,133,176,178,178,176,178,186,191,191,189,186,183,181,176,131,131,176,181,183,178,178,178,181,178,176,181,183,181,178,181,186,191,189,186,183,178,129,124,124,124,125,125,127,127,127,176,189,194,196,202,204,207,209,209,207,199,194,194,202,204,202,196,196,202,204,204,202,204,204,204,204,209,212,207,202,199,207,212,209,202,189,136,134,136,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,109,113,111,99,98,98,111,119,115,113,109,106,108,115,123,170,176,173,172,173,173,173,168,165,125,125,165,165,165,168,165,125,123,120,119,121,165,165,122,123,170,178,176,173,168,170,176,173,127,126,170,176,125,122,125,178,186,186,183,181,183,186,186,186,189,194,191,186,181,181,181,181,179,179,181,186,191,194,191,191,191,191,189,189,189,186,186,186,189,189,186,178,178,181,181,181,181,183,189,186,183,183,183,183,182,182,183,183,183,183,183,183,186,189,186,181,178,173,123,119,123,173,181,186,189,189,186,186,189,189,186,183,181,183,183,183,183,183,183,183,181,183,183,183,183,183,186,186,186,183,183,183,186,189,189,189,191,191,191,191,191,189,186,186,189,191,194,191,186,181,178,136,136,178,137,183,186,186,189,191,191,191,191,191,191,194,196,196,194,194,196,196,196,199,199,196,196,196,202,207,204,199,196,194,196,196,199,199,199,194,191,186,183,178,181,186,189,189,186,183,183,181,176,131,129,131,129,125,125,133,186,196,199,199,199,199,196,194,194,194,194,194,191,186,183,178,132,135,189,202,204,202,204,204,202,196,199,207,209,207,199,196,196,196,202,204,202,199,196,196,196,196,194,190,189,190,191,194,196,199,202,204,207,204,199,196,196,199,202,204,202,199,194,191,194,202,207,209,212,217,225,225,215,204,196,191,189,191,191,191,189,194,199,199,194,186,183,183,181,181,186,196,199,194,186,181,134,132,133,135,183,189,191,196,202,204,202,194,189,189,191,191,194,196,196,196,194,191,189,186,189,191,196,196,194,186,185,185,186,191,191,189,183,181,181,181,181,178,178,181,181,181,178,177,177,178,183,183,186,189,194,199,207,207,204,194,181,129,123,121,120,120,123,129,173,173,176,176,173,170,173,176,176,173,170,173,170,129,125,123,122,121,125,173,176,170,168,170,176,178,170,127,129,173,178,178,181,186,186,183,181,181,181,183,183,178,172,172,178,183,178,178,181,181,183,186,189,191,196,199,196,183,173,172,176,183,189,189,186,176,133,133,131,131,133,183,191,194,194,194,196,194,189,186,189,186,176,132,133,133,121,115,113,115,123,131,133,133,178,178,173,113,115,119,123,127,131,129,125,173,178,127,111,93,92,123,189,191,199,196,183,176,181,186,181,183,194,212,217,207,191,183,183,183,178,176,178,181,179,174,168,186,189,183,178,176,173,173,131,127,176,183,189,189,183,178,181,181,176,123,113,101,101,117,181,194,199,199,194,191,194,191,189,186,183,173,127,128,178,186,183,183,186,191,196,194,189,183,189,199,207,209,204,196,191,190,189,189,189,191,202,212,217,215,209,202,202,202,199,196,194,194,194,194,196,202,202,0,0,207,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,189,183,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,233,235,238,241,241,238,235,230,225,220,212,209,207,207,202,199,196,199,204,207,209,212,212,212,209,209,0,0,212,215,222,230,235,241,243,243,241,233,220,202,189,183,189,196,199,189,181,176,176,176,173,165,122,122,163,170,173,173,173,178,183,189,191,196,202,204,204,204,202,202,202,202,204,204,204,0,196,194,202,215,222,222,222,222,217,212,217,222,217,209,202,204,207,212,217,217,212,208,208,209,212,212,212,215,222,222,217,217,222,222,225,225,225,222,225,225,222,222,212,204,204,207,212,209,209,207,207,209,212,215,222,230,235,235,230,225,222,222,228,230,233,233,233,230,228,225,225,225,228,228,230,228,222,222,222,225,222,222,228,230,233,230,225,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,56,170,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,124,163,178,189,191,189,189,189,189,189,183,178,170,170,176,181,183,181,178,176,178,178,178,173,173,176,176,176,170,163,152,111,109,109,144,144,144,150,165,186,202,204,196,173,150,155,183,199,204,204,202,196,196,199,199,202,199,178,139,17,0,0,23,35,43,59,71,124,139,144,144,99,88,91,99,107,150,157,160,160,157,157,157,160,163,165,168,173,176,176,173,127,125,168,168,123,120,120,121,125,176,196,212,222,217,212,202,194,178,127,129,183,189,183,178,176,176,183,189,189,181,129,125,127,170,173,173,178,183,186,183,183,186,189,189,186,181,181,181,178,176,178,181,178,177,178,183,183,178,173,173,131,123,120,121,129,176,176,176,178,183,186,183,181,181,183,189,189,186,181,189,209,222,222,222,209,199,189,178,178,183,183,131,118,117,129,176,176,176,178,176,129,125,123,121,123,129,173,173,173,176,183,183,186,189,191,191,186,179,178,179,183,189,191,194,199,199,189,181,178,178,173,173,178,181,178,176,181,183,186,181,173,128,129,176,181,170,121,120,125,173,176,173,173,127,122,125,170,170,129,125,129,178,191,196,196,196,199,199,199,191,178,173,173,170,123,121,119,119,119,119,119,119,117,119,163,170,178,178,176,170,168,163,160,157,157,157,157,157,117,115,116,119,157,157,119,117,119,160,157,117,119,160,160,159,157,160,168,170,168,155,97,80,72,89,152,157,115,113,113,109,109,150,170,170,168,160,150,152,147,152,168,186,191,194,199,204,202,191,183,181,186,189,189,186,181,181,183,181,181,81,0,0,0,0,85,199,194,69,0,33,33,0,0,0,39,55,71,83,79,81,37,4,6,49,87,131,147,157,157,91,79,134,87,63,89,45,16,33,61,85,103,152,155,152,146,146,183,204,83,60,71,67,67,77,107,194,209,202,178,157,163,160,157,152,152,157,157,155,155,155,111,101,102,115,163,165,165,163,160,160,163,163,119,113,119,170,181,189,191,194,194,189,173,117,121,173,181,186,181,168,165,178,191,191,176,112,111,121,181,194,202,215,217,196,170,119,181,199,199,199,196,181,117,111,117,163,165,164,170,186,189,173,111,90,92,121,127,168,189,202,204,204,204,204,204,204,207,204,186,129,127,128,131,131,173,176,181,181,178,181,189,194,189,113,116,125,123,121,125,183,189,127,115,115,121,173,181,183,183,183,181,178,178,183,191,191,189,186,186,189,191,196,202,202,202,204,207,204,199,194,191,189,186,186,186,181,173,169,170,170,170,127,125,123,127,178,191,194,181,115,113,117,125,173,178,176,168,125,123,123,165,168,168,123,121,123,168,176,176,178,178,176,168,119,117,119,127,170,173,183,196,199,181,121,178,212,217,212,209,207,207,207,207,207,207,199,194,207,212,212,202,183,131,173,176,176,173,176,178,178,178,183,181,127,121,121,125,129,131,129,125,119,121,123,123,122,125,131,176,183,186,189,183,131,121,119,119,127,176,186,196,204,209,207,207,204,207,204,202,196,189,181,133,129,125,117,111,113,123,133,181,181,183,183,183,186,189,194,196,194,178,134,178,191,202,207,209,207,202,199,196,202,207,204,196,191,191,191,191,194,196,199,196,196,194,194,196,199,199,196,189,183,178,178,176,131,131,178,189,191,191,191,196,196,191,183,178,176,174,174,181,189,191,194,196,199,196,189,181,176,176,176,176,174,176,181,186,183,181,181,181,181,173,119,115,118,127,129,129,173,181,186,186,178,176,181,189,191,189,186,191,194,194,189,189,189,189,189,191,189,186,183,183,176,173,131,131,173,131,129,128,131,173,176,176,178,181,178,131,127,129,129,129,133,178,183,183,178,133,131,176,178,176,178,183,189,189,189,186,183,181,178,176,181,183,181,176,131,131,176,178,173,173,178,181,178,176,178,186,191,191,189,189,186,176,127,124,124,125,127,127,126,126,133,186,191,194,194,199,204,207,207,204,196,191,194,199,202,199,191,189,194,202,207,207,209,209,207,207,209,212,209,204,202,207,212,209,199,186,136,134,136,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,111,113,113,107,101,99,109,117,115,113,113,109,113,121,168,178,181,176,172,173,176,176,173,168,123,123,125,125,165,168,168,165,125,123,121,165,173,173,125,123,127,176,178,176,127,126,127,127,127,129,178,181,170,124,125,176,186,189,186,186,183,186,186,186,189,191,191,189,183,181,181,181,181,179,179,183,189,191,191,191,194,191,191,189,189,186,186,186,186,186,183,178,178,178,178,178,178,183,189,186,183,178,181,183,183,183,186,183,183,183,183,183,186,186,186,183,181,176,127,123,127,178,186,189,189,186,183,183,186,189,186,183,181,181,183,183,183,186,183,181,181,183,183,183,183,186,186,189,186,186,186,186,189,189,189,189,189,189,189,189,186,186,183,181,183,189,191,191,189,183,178,178,136,136,136,137,183,186,189,191,191,191,194,194,194,194,196,199,194,192,192,196,196,199,199,194,191,191,196,202,204,199,194,192,194,196,199,199,199,196,194,186,181,178,178,183,186,189,183,178,178,181,178,131,129,129,131,176,176,183,194,199,199,199,199,199,196,194,194,194,196,196,194,189,186,135,131,132,189,199,202,199,204,207,204,202,204,209,212,209,204,202,199,202,204,204,204,204,202,202,199,199,194,190,190,190,191,191,194,199,207,217,220,215,207,199,196,199,202,199,194,189,186,186,194,202,209,209,212,217,222,222,212,202,191,189,189,191,194,194,194,199,204,207,199,191,189,183,182,182,189,196,199,196,191,183,137,134,134,137,183,186,186,189,191,196,194,189,186,186,186,189,191,196,196,196,194,191,191,189,189,191,194,196,194,189,185,185,186,191,194,191,186,181,181,181,181,181,181,183,183,183,178,177,178,181,183,186,183,183,186,191,196,194,191,186,181,173,131,127,125,123,125,173,181,178,176,173,173,170,170,170,170,173,176,176,176,170,125,123,122,122,125,129,170,170,170,176,178,181,178,176,176,178,181,178,178,183,183,183,183,183,186,186,186,178,172,172,178,181,178,177,178,178,178,183,186,191,196,202,196,183,173,172,178,183,186,183,181,133,133,176,178,178,181,189,196,202,204,204,204,199,194,191,189,186,176,133,176,176,129,121,116,115,119,127,131,133,181,183,186,183,181,173,129,129,131,129,127,181,183,178,127,113,111,127,183,189,194,196,191,186,191,196,196,186,189,202,204,196,186,183,186,183,176,133,176,186,189,181,178,186,191,186,181,176,176,178,181,181,183,183,186,183,176,176,178,178,173,127,119,113,113,119,129,183,191,191,189,189,186,181,176,176,176,131,129,131,178,181,181,181,183,186,191,189,183,186,194,204,215,215,209,202,196,191,190,190,191,199,209,222,225,222,212,207,204,204,202,199,194,194,194,194,194,199,202,202,204,209,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,183,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,233,235,241,246,246,243,238,230,222,215,209,204,202,202,199,196,196,199,204,207,209,212,212,212,209,0,0,0,209,215,220,228,233,235,238,238,235,225,209,194,183,0,0,0,199,194,189,183,183,181,176,168,160,159,160,168,170,170,170,173,178,186,0,0,0,209,212,209,209,207,204,202,204,207,207,0,199,194,0,215,217,222,222,222,217,217,217,222,217,212,207,0,0,212,217,217,212,209,209,212,212,209,212,215,222,222,217,216,217,222,222,222,222,225,225,225,225,222,212,204,204,207,209,209,204,204,207,212,212,215,217,228,233,235,230,225,222,222,228,233,233,230,230,228,225,222,220,222,222,225,228,225,222,217,222,222,222,222,228,233,233,230,225,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,0,0,0,0,0,82,199,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,152,181,189,194,194,191,189,186,186,186,178,170,165,168,173,181,183,183,181,181,183,186,186,183,183,186,183,181,181,176,168,157,150,113,111,110,110,147,160,181,196,202,199,181,157,157,183,196,202,204,204,199,196,196,199,196,170,69,0,0,0,7,41,39,35,37,37,53,73,87,95,89,84,85,93,142,155,160,163,168,165,160,157,157,160,165,170,173,176,176,170,125,124,125,127,125,121,120,123,170,189,202,212,222,222,215,199,183,170,129,176,186,183,176,127,126,129,173,181,178,170,125,127,176,178,176,173,176,181,181,178,181,186,191,191,189,183,181,181,176,174,176,181,183,181,178,178,178,176,176,178,178,173,125,122,123,125,125,129,178,186,186,181,176,178,181,186,186,183,186,199,215,222,222,217,209,196,191,189,191,196,194,181,119,116,121,131,173,178,181,178,131,127,125,121,120,120,123,129,173,181,186,183,183,189,191,189,183,181,181,186,189,191,194,194,199,199,189,178,176,178,176,176,176,181,183,181,181,181,183,181,178,170,128,128,173,173,127,125,129,173,173,170,129,123,121,123,129,129,127,127,173,183,194,199,199,199,199,202,202,194,178,170,168,168,125,123,121,119,119,119,119,119,121,123,168,181,186,186,181,176,170,163,157,157,157,160,160,160,119,116,116,117,119,157,157,119,117,117,116,116,117,157,160,160,160,163,165,160,115,103,91,87,89,111,163,160,150,150,150,113,107,105,109,147,147,103,83,87,97,107,152,168,178,183,191,194,191,183,178,176,178,181,183,186,186,186,183,181,170,9,0,0,0,0,61,173,170,15,0,49,71,29,0,0,129,144,142,139,131,134,126,49,37,71,97,131,131,142,152,29,0,47,0,0,39,26,9,29,51,89,155,165,157,150,146,146,163,170,81,67,91,95,81,81,97,176,196,178,97,97,107,113,115,111,111,163,176,170,163,155,109,99,98,103,113,115,115,117,119,119,119,157,119,112,112,119,168,181,189,189,183,173,160,117,123,176,178,173,163,163,168,183,196,196,183,119,115,115,123,189,209,225,225,207,163,103,170,189,183,173,176,173,163,121,163,170,168,165,168,178,176,165,115,104,109,168,170,173,189,204,209,209,207,207,204,204,202,199,186,129,125,128,178,181,178,178,181,181,181,186,189,189,178,121,127,189,181,125,127,189,196,186,125,118,123,173,183,191,199,196,191,183,181,186,194,199,199,194,191,189,189,194,196,199,202,202,207,207,202,194,189,186,181,176,176,176,170,169,170,170,170,127,123,122,125,173,183,181,125,110,110,113,121,127,168,127,122,122,123,125,125,165,165,123,121,125,170,173,176,176,176,173,168,123,119,123,173,178,178,176,181,186,186,191,207,220,217,212,212,209,204,204,202,202,204,196,123,178,196,194,113,85,99,119,125,127,131,178,186,189,186,183,181,127,120,120,123,125,121,115,111,111,117,123,123,123,125,127,129,129,176,181,181,176,129,123,123,127,133,181,191,199,202,202,199,199,199,196,189,186,186,183,133,127,125,125,123,127,176,183,186,186,186,186,186,186,189,194,199,196,186,178,183,196,207,215,215,212,207,202,199,204,207,202,191,186,186,186,189,191,196,194,191,191,191,194,196,194,191,186,181,178,135,135,131,128,128,176,189,191,191,189,186,183,183,183,183,183,181,181,183,189,189,191,191,191,191,189,189,183,181,178,176,176,176,178,178,178,178,181,181,181,181,173,127,125,129,127,127,131,178,183,183,178,174,178,186,189,186,189,196,202,196,189,183,181,181,183,183,183,181,181,183,181,178,176,173,131,130,129,130,176,178,176,173,173,178,178,176,131,131,131,131,133,176,178,178,176,129,127,131,176,178,178,183,186,186,189,189,189,189,186,189,194,191,181,131,127,127,129,173,131,173,178,181,176,173,176,183,191,194,191,191,189,186,176,127,124,125,127,129,127,127,133,181,183,183,186,194,202,207,204,196,189,186,189,194,196,191,186,183,185,194,204,209,212,212,209,209,207,209,207,202,202,204,207,207,199,191,183,137,137,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,113,117,117,111,103,101,109,117,117,117,117,117,121,168,176,183,183,178,173,173,176,178,176,168,123,122,123,125,168,173,170,165,125,125,125,170,176,176,168,125,125,170,178,176,127,125,125,125,127,173,186,189,178,129,129,176,183,191,194,191,186,186,186,186,189,189,189,186,186,183,181,183,183,181,179,181,186,189,189,191,194,194,189,186,186,183,183,183,183,183,181,178,178,178,176,133,176,181,186,186,178,177,178,183,186,186,186,186,183,183,183,183,183,186,186,186,183,178,129,127,170,178,186,186,186,183,181,181,183,183,183,181,178,178,181,183,183,186,183,181,181,183,186,186,186,186,189,189,189,189,189,189,191,191,191,189,189,189,189,189,186,186,181,179,181,186,189,191,189,183,181,178,178,136,136,137,183,189,191,191,191,191,194,194,196,196,199,199,194,190,191,194,199,202,199,194,191,190,191,196,199,196,194,192,194,196,199,199,199,196,194,191,183,181,178,178,181,181,178,133,176,181,181,176,131,131,176,178,181,186,194,199,202,199,199,196,196,194,194,199,202,202,196,191,183,133,130,133,189,199,199,194,196,199,202,202,207,209,212,212,209,204,204,204,207,209,207,207,207,207,207,204,199,196,194,194,191,191,194,199,212,222,228,217,209,204,202,202,202,196,189,181,181,183,194,204,209,207,207,209,212,209,202,194,189,186,186,191,194,196,199,204,209,209,204,194,191,186,182,183,189,196,199,199,194,191,189,186,183,183,183,186,183,183,186,189,189,186,183,183,183,189,191,196,196,194,191,191,191,189,189,191,194,194,194,191,189,186,189,191,191,189,186,181,183,183,186,183,183,183,183,183,183,181,181,183,183,183,181,176,178,181,183,181,178,178,178,176,173,131,127,125,127,176,181,178,170,128,128,170,170,128,127,129,173,176,173,129,125,122,122,123,125,127,127,170,173,178,183,186,186,183,181,181,178,178,178,178,181,183,183,186,189,189,186,181,173,173,178,181,181,178,178,178,177,178,183,191,196,199,194,183,176,176,178,181,178,176,173,130,131,178,183,183,186,191,199,204,207,209,209,204,196,191,191,186,178,176,181,181,176,133,131,121,123,127,131,178,186,191,196,202,196,186,181,178,178,173,131,181,186,186,178,129,127,176,186,189,189,191,191,191,194,199,196,183,181,186,186,181,178,183,186,131,119,121,133,191,196,191,189,189,189,186,183,181,181,183,186,183,183,178,176,173,170,173,181,181,176,129,121,117,119,121,123,127,173,178,181,183,181,173,125,125,125,129,173,178,178,178,178,181,181,181,181,181,178,186,196,209,217,222,212,207,199,194,194,196,202,207,217,225,228,222,212,209,209,207,204,202,196,194,194,194,196,196,199,199,202,207,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,181,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,233,235,243,248,248,246,238,228,217,209,202,196,196,199,196,196,196,202,207,209,212,215,215,215,212,0,0,0,209,215,220,225,228,230,230,228,225,215,202,189,181,181,186,196,202,199,194,194,194,191,183,173,163,159,160,165,168,170,170,173,178,186,0,0,0,215,217,217,215,209,204,204,207,212,212,0,0,196,0,212,217,222,222,222,222,222,222,222,217,215,209,207,0,209,215,217,215,212,212,212,212,209,209,215,222,222,217,216,217,222,222,222,222,225,228,228,225,217,209,204,204,207,207,204,202,202,209,212,212,209,212,225,233,235,230,222,220,222,228,233,233,230,225,225,222,220,220,220,222,225,228,225,222,217,222,222,222,222,228,233,235,230,225,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,85,0,0,0,0,0,0,74,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,35,178,183,191,194,191,189,186,183,183,181,168,160,160,165,173,181,183,186,183,186,189,189,189,186,186,186,181,181,183,183,178,173,165,160,155,150,113,147,155,170,186,194,194,183,163,165,186,199,199,196,199,196,191,189,189,183,69,0,0,0,0,43,47,35,23,21,25,31,39,61,91,95,88,86,91,109,155,160,165,173,173,168,160,157,160,165,173,178,181,181,173,127,124,124,127,168,125,123,125,178,189,196,204,209,209,199,186,173,129,129,173,178,181,176,127,125,127,170,173,129,124,123,129,183,183,173,129,173,176,173,173,176,186,194,194,189,181,178,178,178,176,178,183,183,183,181,178,173,131,176,183,189,183,173,127,123,121,121,123,131,183,186,178,174,174,178,183,183,182,182,194,207,209,215,217,212,199,194,196,202,202,202,189,125,118,121,129,173,181,183,178,131,125,123,121,120,120,121,125,173,181,183,178,176,181,183,186,186,186,194,199,199,199,199,196,199,196,189,176,174,176,178,176,174,174,178,178,178,178,178,181,183,178,129,127,170,176,176,176,178,178,176,170,129,123,121,123,125,124,124,129,178,189,196,202,199,196,196,199,196,189,173,127,127,165,125,123,123,123,121,121,119,121,121,123,170,178,183,183,178,173,170,165,163,160,160,163,163,163,121,119,117,117,119,160,160,157,119,117,116,116,117,157,163,165,170,176,173,160,107,93,89,95,111,165,170,157,150,155,165,163,150,103,101,103,107,95,69,69,85,99,105,144,157,176,186,186,181,181,178,176,173,176,181,186,189,186,183,178,57,0,21,142,147,81,75,121,124,0,0,49,67,35,0,0,121,144,150,147,139,139,144,144,139,150,155,142,87,81,69,0,0,0,0,0,33,45,33,67,79,157,186,183,157,150,152,155,152,109,95,99,157,163,89,80,95,160,160,92,85,92,101,109,111,104,101,160,189,189,173,157,109,101,101,109,115,115,115,117,119,117,116,117,117,113,111,113,121,170,176,173,165,121,115,112,115,123,123,121,117,121,163,176,183,186,181,168,123,115,116,176,202,215,215,199,111,100,119,170,121,114,121,165,165,168,170,178,178,170,168,173,173,168,125,123,165,176,176,173,183,196,204,209,209,209,207,204,202,196,183,127,124,129,191,194,183,178,178,181,186,189,191,186,183,189,204,217,209,178,176,191,202,196,178,129,131,181,191,199,204,204,196,189,183,186,191,199,199,196,194,191,191,194,196,199,202,202,204,204,204,199,191,183,176,174,174,176,173,170,173,176,176,170,125,122,125,170,173,127,117,111,112,117,123,127,127,123,120,120,123,123,121,121,165,165,125,168,170,170,170,173,176,176,173,168,127,168,178,186,183,176,173,181,191,202,209,215,212,212,215,212,204,199,198,199,202,194,96,119,181,181,85,76,85,115,125,125,127,178,191,199,194,181,173,127,120,119,121,121,111,107,107,109,117,125,127,129,129,127,125,125,131,176,176,176,178,183,183,183,183,186,189,191,194,191,191,191,191,181,129,129,181,183,178,133,133,133,176,178,183,186,186,189,189,189,186,186,191,196,196,194,186,181,183,196,209,215,215,215,207,202,199,202,204,199,189,182,182,186,189,191,191,189,189,191,191,191,194,194,191,186,181,135,133,131,129,128,127,129,178,189,189,183,132,131,176,183,189,191,191,189,189,191,189,189,189,189,191,191,191,191,189,186,183,181,178,176,133,133,176,181,183,183,186,189,189,181,133,129,129,133,178,181,181,176,173,176,181,183,183,189,199,204,199,191,183,177,177,178,178,178,177,181,183,183,181,178,178,176,173,131,131,176,176,173,131,131,176,176,176,133,133,176,176,176,176,131,131,131,127,125,127,133,178,183,186,186,189,191,194,194,196,196,196,199,196,189,176,129,127,128,129,131,173,178,181,176,174,176,183,191,199,199,194,194,194,186,131,124,125,127,131,133,176,178,181,178,176,178,189,199,204,202,191,186,185,186,189,191,189,185,183,183,191,202,207,207,209,212,209,207,204,204,202,202,204,207,207,204,199,191,186,183,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,117,160,157,113,107,101,105,115,117,117,117,121,165,176,181,186,186,183,176,173,176,178,178,168,123,122,123,165,170,173,173,165,123,123,165,170,170,170,170,127,125,127,173,173,127,125,125,126,170,178,189,189,181,131,131,173,178,189,194,194,189,186,186,189,189,189,186,186,183,183,183,186,186,183,183,181,183,186,186,189,194,191,186,181,181,181,183,183,186,186,183,181,178,178,133,132,132,178,186,186,178,176,177,186,191,189,186,183,183,183,183,183,183,183,183,186,186,181,176,170,170,176,181,183,183,181,178,178,181,181,181,178,177,178,178,181,183,186,183,181,181,183,186,186,186,189,189,189,189,189,189,191,191,191,191,189,191,191,194,191,191,189,186,181,181,183,189,189,186,183,181,181,137,137,137,181,186,191,194,191,191,189,191,191,194,196,199,199,194,191,191,194,196,199,199,196,191,190,191,194,196,196,196,194,196,199,199,199,196,196,194,191,189,183,178,176,176,176,133,131,133,178,178,176,133,176,178,181,183,189,194,199,199,199,199,199,199,199,199,202,204,204,202,194,183,133,131,137,191,199,196,189,189,191,196,202,204,207,207,209,209,207,207,209,209,209,207,207,209,209,209,207,204,202,199,199,196,194,194,199,207,215,217,212,207,207,207,207,204,196,186,179,179,183,194,202,204,202,199,199,199,196,191,189,186,186,189,191,194,196,202,209,212,209,204,194,191,186,182,182,189,194,196,199,196,194,196,196,194,189,183,183,183,182,183,186,186,183,182,182,183,189,194,196,196,194,191,191,189,189,191,194,191,191,191,191,191,191,191,191,191,186,183,181,183,186,186,183,183,183,183,183,186,186,186,181,178,176,176,173,173,173,176,176,176,176,176,176,173,131,127,127,129,176,181,176,129,126,127,170,173,170,127,127,129,170,170,127,123,122,123,125,127,127,129,170,173,178,181,186,186,186,183,181,178,176,176,176,178,181,183,186,186,186,183,181,176,176,181,183,183,183,183,178,177,177,181,189,191,191,186,183,181,181,178,176,173,131,130,130,131,178,181,183,189,194,202,204,207,209,209,204,194,191,189,186,183,181,183,183,181,183,183,176,133,133,176,183,191,194,194,202,196,189,189,191,191,186,183,189,194,194,189,181,178,189,196,189,173,125,176,186,191,194,189,181,179,181,178,176,176,181,181,114,110,113,129,194,199,196,191,189,189,189,189,189,189,189,186,183,181,173,129,127,123,125,176,178,176,125,117,117,121,121,117,115,121,129,176,181,181,173,125,123,124,127,176,181,183,181,178,178,176,176,176,174,176,186,202,212,222,222,215,209,202,196,196,202,207,212,217,225,222,215,209,207,207,207,204,202,199,196,194,194,196,196,196,196,196,202,204,0,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,178,178,0,0,0,0,0,0,0,0,0,0,0,0,0,230,228,228,233,241,248,251,246,238,228,215,204,196,192,192,194,196,196,199,204,209,212,215,217,217,217,215,0,0,0,209,215,217,220,222,222,220,215,215,209,199,186,181,181,183,194,199,199,196,199,199,196,189,176,165,160,160,160,165,168,168,168,173,183,194,202,212,217,222,225,217,212,207,204,207,215,215,0,0,196,0,209,215,217,222,222,222,222,217,215,215,215,212,207,202,204,212,217,217,215,215,215,212,209,209,215,225,225,217,216,217,222,221,220,222,228,230,228,222,212,207,202,204,204,204,202,199,202,209,212,212,207,209,222,233,233,230,222,220,222,228,233,233,230,225,222,222,222,222,222,222,225,228,225,222,217,222,222,222,225,228,233,235,230,225,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,139,0,0,0,0,0,0,0,0,0,0,0,0,0,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,152,137,108,0,0,39,178,181,189,183,178,178,178,176,173,168,160,157,160,165,176,183,186,189,186,189,191,191,189,189,189,186,181,181,183,186,183,183,181,181,176,168,160,152,152,163,170,181,186,176,157,160,186,196,194,191,186,178,168,150,87,53,0,0,0,0,0,39,45,37,13,2,15,23,33,53,99,142,101,95,101,150,157,160,165,176,181,176,165,160,160,163,170,178,181,181,173,176,170,125,125,170,170,125,127,176,183,186,189,191,189,183,176,170,129,170,173,178,181,181,129,126,129,173,173,127,124,124,173,183,181,129,126,170,173,170,170,178,189,194,191,183,178,176,178,181,181,181,183,183,183,181,176,131,128,131,186,191,183,173,173,127,122,121,123,131,181,186,183,176,174,176,186,186,182,179,186,196,202,209,217,212,202,196,199,202,204,204,196,176,123,125,131,176,178,181,178,131,125,123,123,121,120,120,123,129,176,178,132,131,133,181,186,189,194,204,207,204,204,202,199,199,196,189,176,173,178,183,178,173,173,176,176,176,173,173,178,181,178,129,128,129,173,178,181,181,178,176,173,170,125,123,125,125,124,124,170,181,191,196,199,196,196,194,196,189,178,168,127,127,125,123,123,125,165,125,123,121,121,121,163,168,173,176,170,168,168,170,170,168,165,165,165,165,163,160,121,117,117,119,157,160,160,157,119,119,119,119,157,163,165,173,181,178,165,109,95,93,101,150,160,160,150,150,168,186,191,181,105,99,103,155,152,77,71,85,97,99,95,101,170,183,178,176,181,181,176,170,173,176,183,186,186,181,147,0,0,87,235,209,212,155,126,85,9,15,55,55,7,0,0,67,131,150,150,139,139,150,157,152,155,157,144,65,43,0,0,0,0,0,19,101,142,97,93,91,163,191,186,163,155,160,160,144,91,87,101,160,163,99,87,105,160,157,94,87,94,105,113,115,104,98,115,189,199,178,160,111,107,113,160,160,119,157,163,168,165,157,119,119,115,112,112,115,119,119,113,111,115,115,112,112,113,113,115,115,117,121,165,170,173,173,168,123,117,116,163,183,194,196,186,113,107,117,121,115,112,117,163,168,170,173,181,186,176,163,168,173,170,168,168,170,176,176,173,176,186,196,202,204,207,207,204,199,191,178,126,125,176,202,202,183,176,176,181,189,189,189,186,189,204,217,228,217,194,183,191,199,196,189,183,189,194,199,202,204,202,196,189,186,183,186,189,191,194,194,194,196,196,199,202,204,204,202,204,207,204,196,183,176,176,176,176,176,178,178,178,178,173,127,123,123,127,127,121,117,115,119,123,125,168,168,125,121,121,123,121,118,118,125,170,173,176,176,173,173,178,183,189,189,183,176,176,181,189,189,178,173,178,191,202,207,212,212,212,217,212,202,198,196,199,202,183,80,114,178,183,103,84,99,119,127,127,131,178,194,209,199,176,129,129,123,121,123,123,115,110,111,113,119,125,129,131,129,125,125,131,176,178,176,178,191,204,209,207,202,194,189,189,186,186,186,186,181,129,123,125,176,186,183,183,183,183,186,189,191,189,186,186,189,189,189,189,191,194,194,186,178,177,181,191,207,215,215,215,209,202,196,199,204,199,189,182,182,189,191,189,186,186,191,194,191,189,189,194,196,191,186,178,131,128,129,129,129,128,131,183,189,183,131,129,132,183,191,194,194,191,191,191,191,189,189,189,189,189,191,196,196,194,189,186,181,176,132,132,133,181,186,186,189,191,191,186,176,133,176,181,183,183,181,176,173,174,181,183,183,186,194,199,196,191,183,177,177,177,177,177,178,181,186,186,183,181,183,186,186,178,173,131,127,123,125,131,133,176,133,133,176,178,183,186,181,133,131,131,127,126,127,133,178,181,183,186,189,191,194,196,196,199,199,199,199,196,189,181,131,127,127,131,176,178,181,178,176,178,186,194,202,202,196,196,196,189,131,125,125,127,133,183,186,186,181,176,174,176,186,196,202,196,189,186,186,186,186,186,189,189,186,185,189,196,199,199,204,209,209,207,204,207,207,207,207,207,209,207,204,199,194,189,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,157,165,165,119,111,103,103,111,119,119,119,121,168,176,181,183,186,183,181,176,178,181,178,173,125,123,165,168,170,173,170,125,119,119,123,125,125,127,173,173,168,127,127,127,126,127,170,173,178,181,186,186,178,131,130,130,173,183,191,191,189,186,189,191,191,189,186,183,182,182,183,186,189,189,186,181,181,181,183,189,191,191,183,179,179,181,183,183,183,183,183,181,181,178,133,132,132,178,183,183,178,174,177,186,194,191,183,181,183,183,183,183,183,183,183,186,186,183,181,176,173,173,176,178,181,178,178,178,178,181,181,178,177,178,178,181,183,186,183,181,181,183,186,186,186,189,189,189,186,186,189,189,189,189,189,189,191,191,194,194,194,191,189,186,186,186,186,186,186,183,181,181,181,181,183,186,189,191,194,191,189,186,186,186,189,194,199,199,196,192,192,192,192,194,196,196,196,194,194,196,196,199,199,199,199,202,202,199,194,191,189,186,183,178,133,131,129,129,129,129,131,176,133,129,129,133,181,186,189,191,194,199,202,199,199,202,204,202,202,202,204,204,204,196,189,181,137,186,196,199,196,189,187,189,194,199,202,204,204,207,207,207,209,209,209,207,207,207,207,209,209,209,207,204,202,202,202,199,196,196,199,204,204,204,204,204,207,209,204,194,183,181,181,183,189,194,196,194,194,191,191,189,186,186,189,189,191,191,191,196,202,207,207,204,202,194,189,183,182,182,186,189,191,196,196,196,199,202,199,191,183,182,182,182,186,189,189,183,181,182,183,191,194,196,196,194,191,191,189,189,194,194,191,189,189,189,189,191,194,191,189,181,178,178,183,186,186,183,182,182,183,186,189,189,186,181,176,131,131,131,129,131,173,178,181,176,173,173,131,131,129,129,173,178,181,178,173,128,129,173,181,181,176,129,129,129,129,125,123,123,125,125,129,170,173,173,173,176,178,181,183,186,183,178,176,176,176,176,178,181,186,186,183,181,181,178,176,178,181,186,186,186,183,181,178,178,181,186,186,183,178,178,178,178,176,173,131,131,130,130,130,173,176,178,183,191,199,204,207,207,207,199,189,183,186,189,186,186,183,181,183,186,189,183,178,178,178,186,191,191,189,191,186,186,189,196,199,191,186,191,194,191,189,189,189,194,196,119,95,89,100,176,191,191,186,183,186,186,181,177,177,178,176,116,112,115,131,191,196,196,194,189,189,191,196,196,196,191,189,186,181,173,127,121,116,116,121,129,129,123,117,117,121,121,114,109,114,170,183,189,183,176,127,123,125,131,176,183,191,189,181,176,176,176,176,174,176,189,204,212,217,222,217,212,204,199,196,202,207,209,212,215,212,209,204,202,202,202,202,202,199,194,191,194,194,194,191,191,194,199,0,207,207,209,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,178,0,0,0,0,0,0,0,0,0,0,0,0,0,222,222,222,228,241,248,251,246,235,225,209,202,194,191,191,194,196,199,202,207,212,215,215,220,222,225,222,0,0,0,0,212,0,0,215,212,209,209,209,207,202,191,183,182,183,191,194,196,196,199,199,199,189,176,165,160,160,160,163,163,165,163,168,181,191,199,209,217,222,225,217,209,207,207,209,215,217,212,204,0,0,209,215,217,217,217,217,217,212,209,212,215,212,204,199,202,212,217,217,215,215,215,212,208,209,215,222,222,217,217,222,222,221,220,222,228,230,228,222,209,204,202,204,204,204,199,198,199,207,212,209,204,207,217,230,233,228,222,217,222,228,230,233,230,225,222,222,225,225,225,225,225,228,225,222,217,222,222,222,225,230,235,235,230,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,178,183,181,183,100,5,57,168,181,178,163,155,165,173,170,163,160,157,159,163,170,178,183,186,189,186,191,191,191,191,191,191,189,183,183,183,183,183,183,186,189,189,186,178,165,157,157,160,163,168,155,103,139,173,189,183,176,170,77,25,0,0,0,0,0,0,0,1,39,43,27,0,0,5,25,45,79,144,152,152,152,157,165,168,165,168,176,178,176,168,163,160,163,168,173,173,173,176,181,178,127,125,168,173,129,129,173,176,178,178,181,178,176,173,170,129,170,176,181,181,178,129,127,170,173,173,170,129,170,178,178,173,126,126,170,170,129,173,183,194,194,186,176,173,176,178,183,186,186,183,183,181,178,173,129,127,129,181,186,178,131,131,129,123,123,125,131,181,189,189,181,176,181,191,194,183,181,183,194,202,212,217,212,199,194,196,199,202,202,199,183,129,129,173,173,173,176,176,131,127,125,125,123,120,119,121,127,173,173,131,130,133,183,189,191,196,207,207,202,202,204,202,202,199,191,178,176,181,186,183,176,174,176,176,173,170,170,173,176,173,129,128,129,170,176,178,178,176,176,173,170,127,125,127,125,124,124,170,181,189,191,194,194,194,191,189,181,170,127,127,127,127,123,125,168,170,168,125,121,121,123,163,168,170,168,163,161,165,170,173,173,170,168,168,165,163,160,121,117,117,117,119,121,160,160,160,157,119,117,119,160,163,168,173,173,165,115,105,101,105,109,107,107,107,150,186,207,209,202,160,103,144,176,173,91,71,85,101,101,85,79,147,168,168,170,178,178,176,170,170,176,181,183,178,142,1,0,0,126,238,215,215,209,181,118,31,43,49,3,0,0,7,61,126,150,155,147,142,152,157,152,144,142,85,13,23,0,0,19,61,87,142,150,150,137,93,80,97,173,181,173,165,163,155,105,81,75,89,147,155,150,111,152,168,170,157,99,103,111,150,115,107,103,113,173,186,173,157,113,113,157,168,163,155,165,178,189,189,183,170,160,157,117,115,113,113,110,108,109,115,119,113,111,110,111,115,115,114,117,123,165,168,168,121,117,121,121,160,168,173,170,121,111,111,117,119,116,116,157,163,163,168,170,178,183,170,161,163,170,168,168,170,173,176,176,173,172,178,186,191,191,194,199,199,194,186,176,127,127,178,199,196,181,172,173,181,186,186,183,183,194,209,222,225,215,194,183,183,189,189,189,191,196,204,204,202,199,196,191,189,186,183,181,181,183,189,191,196,199,202,202,204,207,209,204,204,207,209,199,183,176,176,173,176,181,186,186,181,178,131,125,122,123,125,123,121,119,121,121,121,123,129,170,168,123,122,123,121,118,117,123,170,178,181,178,173,176,181,189,194,196,191,181,173,176,183,186,178,173,178,189,199,207,215,215,212,215,209,199,196,196,199,199,131,83,115,178,186,131,113,113,121,125,131,176,178,191,207,196,131,129,173,131,129,173,178,181,183,183,125,123,127,131,127,119,117,123,176,186,189,183,186,199,209,215,215,207,199,191,186,183,183,181,181,176,127,124,126,178,186,186,189,189,191,194,199,202,196,186,183,186,186,189,189,191,194,191,181,174,174,178,191,202,209,215,215,212,202,196,196,199,202,194,183,183,191,191,186,181,183,191,194,189,185,186,194,199,196,191,181,131,128,131,135,135,131,133,183,191,189,181,133,133,178,183,191,194,189,186,189,191,191,191,189,186,186,191,199,202,199,194,186,181,176,132,131,133,181,189,189,183,181,181,181,178,178,186,191,191,191,189,181,176,176,181,186,183,183,189,194,194,191,189,186,183,178,177,178,181,186,186,186,181,178,183,189,189,183,173,125,121,120,123,131,176,178,176,133,176,181,191,194,189,181,176,176,133,131,131,133,176,178,178,183,186,189,191,191,194,194,194,194,196,196,196,189,176,128,127,131,173,176,181,181,181,181,186,196,202,202,196,194,194,183,131,125,127,129,133,183,191,191,183,178,176,178,186,194,196,191,186,189,189,189,186,186,191,196,196,191,191,194,192,192,196,202,204,204,204,207,209,209,207,207,209,209,207,202,196,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,157,168,168,160,113,105,102,111,160,121,121,123,168,173,178,178,183,183,181,178,178,178,181,176,170,168,168,170,170,170,168,123,118,118,119,123,123,127,176,178,173,168,126,126,126,170,176,181,181,183,183,183,178,131,130,129,131,178,186,186,186,186,189,191,191,189,186,183,182,182,183,186,189,189,186,181,181,181,181,186,191,189,183,181,181,183,186,186,183,181,178,178,181,181,178,176,133,178,183,183,178,176,177,183,191,191,183,178,178,181,183,183,183,183,186,186,186,183,181,178,173,172,173,178,181,178,178,178,178,181,181,178,178,178,181,183,183,186,186,183,183,183,183,183,186,189,191,186,183,183,183,186,186,186,189,189,189,189,189,191,191,191,191,191,191,189,189,186,183,183,183,183,183,186,189,191,191,191,191,189,186,183,182,183,189,196,199,202,199,196,196,194,192,192,196,199,199,202,202,202,202,202,202,204,204,204,202,196,191,186,181,133,129,129,129,127,127,127,129,129,129,129,127,124,125,131,181,189,194,196,196,199,202,202,199,202,204,204,202,202,200,202,204,204,199,194,191,194,196,199,196,191,187,189,194,199,199,202,204,204,204,207,209,209,209,207,204,204,204,207,209,209,207,204,204,202,202,199,199,196,196,196,196,196,196,199,202,204,199,189,183,182,182,183,186,186,186,186,189,189,186,186,186,189,191,191,191,191,191,194,199,204,202,199,196,194,191,186,182,183,186,189,189,191,194,194,196,202,199,191,186,182,182,183,186,191,189,183,181,182,186,194,196,196,196,196,196,191,189,191,196,196,189,183,183,183,186,191,191,191,183,177,176,178,181,183,183,183,182,183,186,186,186,186,183,181,176,131,129,129,128,128,173,181,183,176,131,129,131,131,170,173,176,178,181,181,178,173,173,176,181,183,183,178,173,129,127,127,125,125,125,125,129,173,176,176,176,176,176,178,181,183,183,178,176,173,176,178,181,183,186,186,183,181,178,173,173,176,181,186,186,186,183,186,186,186,186,183,181,176,173,173,173,131,129,129,131,131,131,131,131,131,131,173,178,189,196,204,207,204,204,194,183,179,181,186,189,186,183,183,183,189,189,183,178,178,178,181,186,189,186,183,181,181,186,194,191,183,176,129,119,118,173,189,196,194,181,115,93,87,98,181,199,196,189,189,191,194,189,183,181,181,178,131,125,127,133,183,189,194,191,189,189,194,199,202,202,196,191,189,183,176,127,121,116,115,119,125,125,121,119,119,121,117,111,108,115,183,196,196,189,178,129,127,173,178,178,183,191,189,178,176,178,181,181,176,178,189,202,209,215,222,217,212,207,202,196,199,199,202,202,202,202,202,199,199,199,199,202,202,199,194,189,186,186,189,189,191,196,202,0,207,207,207,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,181,0,0,0,0,0,0,0,0,0,0,0,0,0,222,222,222,228,238,246,248,243,233,220,207,199,194,192,192,196,199,202,204,209,212,215,217,222,228,228,225,0,209,0,0,0,0,0,0,0,207,207,207,0,204,196,189,186,186,186,189,191,191,194,196,196,189,176,168,163,163,163,163,160,160,160,165,176,186,194,204,212,215,217,215,207,204,207,212,215,215,212,207,0,0,207,212,217,215,215,215,215,209,207,207,209,209,202,198,202,212,217,217,215,212,212,209,208,209,212,217,222,217,222,225,225,222,220,221,228,230,228,217,209,204,202,202,204,202,199,198,199,204,207,207,204,207,217,230,233,228,222,217,220,225,230,233,230,228,225,225,228,230,228,225,228,228,225,222,217,222,222,222,225,230,235,235,230,222,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,51,147,178,183,183,191,178,137,142,168,181,157,138,137,152,170,173,165,163,160,163,170,176,181,183,183,186,186,191,194,191,191,191,191,189,186,183,183,183,182,183,186,189,191,191,189,178,165,157,152,111,101,90,86,90,152,168,150,89,59,29,1,0,0,0,0,0,0,5,27,41,41,5,0,0,19,51,81,103,152,160,163,170,173,176,176,170,168,170,173,170,168,163,160,165,168,170,165,165,173,178,178,170,125,127,173,178,178,176,173,176,178,178,176,173,173,170,170,173,176,178,176,170,127,129,173,173,173,173,176,178,178,173,127,127,170,173,170,128,170,186,196,191,178,170,172,178,186,191,194,191,189,189,181,176,131,129,128,129,176,178,176,127,125,125,125,127,129,131,176,183,186,181,178,183,194,196,189,183,186,191,199,209,215,207,196,194,196,196,196,199,199,189,173,131,176,173,170,173,176,176,173,131,127,123,118,118,121,131,176,173,129,129,176,191,194,194,196,204,202,194,196,202,202,199,199,191,181,178,181,183,183,181,181,181,178,173,131,170,173,173,170,170,170,170,173,178,178,176,176,178,181,176,129,125,125,125,124,125,129,176,183,186,189,194,194,191,183,176,170,168,168,168,168,168,168,170,173,168,125,121,123,163,165,170,173,168,163,161,163,170,176,173,170,170,168,165,163,121,119,117,117,116,117,117,121,160,160,157,117,117,117,157,160,163,165,163,157,115,109,105,105,104,102,102,103,147,191,212,217,209,178,144,157,178,173,85,59,69,139,144,83,57,59,77,97,163,170,176,176,173,170,176,181,181,168,87,0,0,0,61,209,204,207,215,204,155,47,45,9,0,0,0,43,83,137,150,157,155,147,150,152,144,137,97,67,0,13,0,0,75,97,142,150,155,160,144,91,73,85,147,168,176,173,168,152,97,79,77,91,103,144,150,155,163,170,173,170,165,157,113,105,105,105,105,113,155,160,163,160,117,115,160,163,117,115,165,181,189,194,196,183,165,160,157,119,117,111,109,108,111,119,121,115,111,111,113,160,121,115,117,160,163,168,168,117,114,121,160,121,121,121,117,109,107,113,117,119,157,163,163,157,157,163,170,176,173,163,161,163,160,160,165,173,173,173,173,173,172,176,181,178,173,173,183,189,183,178,173,129,129,173,183,183,176,172,172,178,183,183,182,183,194,212,217,222,212,189,176,173,176,178,181,189,199,204,204,199,194,191,186,183,183,181,179,179,181,183,189,194,199,202,204,209,212,212,207,207,207,207,194,178,131,173,131,176,186,196,194,183,176,131,127,123,123,123,121,121,123,125,123,117,117,123,129,127,123,123,125,125,119,118,121,168,176,178,170,168,170,178,186,189,191,186,176,168,170,176,178,176,170,173,186,194,204,212,212,207,204,202,199,198,198,199,194,125,104,125,186,194,189,178,129,129,131,178,183,181,183,194,186,131,176,189,189,186,189,196,202,202,199,181,131,173,176,123,112,112,119,173,186,189,183,183,194,202,204,204,202,194,191,189,186,183,181,178,131,127,127,176,183,186,183,186,191,194,199,202,204,196,189,182,183,186,189,191,191,194,191,181,174,174,181,191,196,204,212,215,212,204,194,191,194,199,196,186,183,189,189,186,179,181,186,189,186,185,185,191,196,196,194,186,178,133,135,181,178,135,178,186,189,189,189,183,178,176,178,183,186,183,178,183,189,194,191,183,181,183,191,199,202,199,191,183,178,176,133,133,176,186,191,189,176,133,176,181,181,186,191,196,196,199,196,189,181,176,181,183,183,183,189,194,194,194,194,196,194,183,178,181,189,191,189,183,178,176,176,181,183,178,133,125,121,121,127,176,183,189,189,183,181,186,194,199,194,186,181,178,178,176,176,176,176,176,176,178,181,183,183,186,186,189,189,191,191,194,191,189,181,133,131,173,131,131,178,183,183,181,183,191,196,196,191,191,186,178,129,129,131,131,131,176,186,191,189,183,183,186,189,191,191,189,186,186,191,191,191,191,196,204,204,199,196,194,191,191,194,196,196,196,199,204,207,207,204,204,209,209,207,199,196,199,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,157,165,165,160,115,105,101,111,168,165,163,163,168,173,176,176,178,181,181,178,176,173,176,176,173,170,170,170,168,165,165,125,119,118,119,123,125,170,176,178,176,170,127,126,127,170,176,181,181,183,183,183,178,173,131,130,131,176,181,178,181,183,186,189,189,186,186,186,183,182,183,183,186,186,183,181,181,181,181,186,189,186,181,181,183,186,186,186,183,181,178,177,178,183,183,181,178,178,181,183,178,177,177,183,191,189,181,176,176,178,181,183,186,186,186,186,183,181,178,178,173,173,176,178,181,178,178,176,178,181,181,181,181,181,183,183,186,186,186,186,186,186,183,183,186,189,191,189,183,183,182,183,183,186,189,189,186,186,186,186,189,191,194,194,194,191,189,186,183,183,186,186,189,189,191,194,191,191,189,186,183,182,183,186,194,199,202,202,199,199,199,199,196,196,196,199,202,207,209,207,204,202,202,204,207,204,202,196,191,183,135,126,125,126,127,125,125,127,127,129,129,129,125,123,123,127,178,189,194,196,196,199,204,204,202,202,204,204,202,200,200,202,204,204,202,199,199,199,196,196,194,191,191,191,194,196,196,199,202,204,204,207,209,212,209,207,203,203,204,207,207,209,207,207,204,204,202,199,196,196,194,194,191,189,186,186,189,191,191,189,183,183,186,186,183,183,183,183,183,183,183,186,189,194,199,199,196,196,194,194,199,199,196,192,194,196,194,191,186,189,191,191,189,189,189,189,194,196,196,191,189,183,183,186,189,191,191,186,182,183,189,194,196,196,196,199,199,196,191,194,199,196,186,178,177,178,181,186,186,183,178,176,176,178,181,183,183,183,183,186,189,189,186,183,181,181,178,176,131,129,128,128,173,178,181,176,131,128,128,129,173,176,178,181,181,178,181,183,181,176,176,181,186,183,173,127,126,127,129,129,127,127,127,170,176,178,178,178,178,178,181,183,183,178,176,173,173,176,181,183,183,186,183,181,176,131,131,176,181,186,186,183,183,189,191,194,191,186,181,176,173,131,129,126,125,127,173,176,176,176,173,173,131,173,178,186,194,199,199,199,196,191,183,179,181,183,183,183,183,186,189,194,194,186,181,177,177,178,183,186,183,178,173,176,181,183,181,176,127,116,110,110,119,186,194,191,181,181,125,111,127,199,207,202,191,189,191,194,191,186,186,186,183,183,183,181,178,178,183,189,189,186,186,191,196,204,207,204,199,194,189,181,129,123,118,117,123,125,123,123,121,121,117,114,112,110,119,183,196,196,191,181,170,170,176,178,181,181,181,173,129,133,178,183,183,178,176,181,194,199,209,215,215,209,207,199,196,194,194,194,191,191,194,196,199,199,199,199,202,202,196,191,186,185,185,185,186,189,196,204,209,209,207,204,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,0,0,0,0,0,0,0,0,0,0,0,0,0,230,230,230,233,241,243,243,238,228,215,207,202,196,196,196,199,202,202,207,212,215,215,217,222,228,230,228,0,209,207,0,0,0,0,0,0,0,0,0,0,0,204,196,191,189,186,186,186,189,191,194,194,189,178,168,168,170,170,165,160,159,160,163,170,178,189,196,204,209,209,207,202,204,209,212,212,212,209,207,0,202,204,212,215,215,215,215,212,209,204,207,209,207,202,198,204,215,222,217,212,209,209,209,209,209,212,215,217,217,222,228,228,222,220,221,228,230,225,215,209,204,204,202,202,202,199,199,199,202,202,202,202,209,222,230,230,228,220,217,220,225,230,233,233,228,225,225,230,230,230,228,228,228,225,222,217,222,222,222,225,230,235,235,230,222,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,82,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,51,124,165,170,173,176,183,178,170,170,176,176,146,131,131,150,173,178,173,170,170,173,178,181,181,181,183,183,186,189,191,189,186,186,189,189,189,189,186,186,183,186,186,189,189,191,189,178,163,152,111,103,88,84,82,88,107,142,73,29,0,13,17,0,0,21,33,9,21,29,33,43,43,17,5,69,91,134,142,150,157,163,163,170,176,178,178,178,173,165,165,165,163,160,163,168,170,170,165,125,168,170,170,170,127,127,178,191,191,183,178,178,181,178,176,173,170,176,181,181,181,178,173,127,127,131,176,176,176,176,181,183,181,129,125,127,176,176,129,127,129,183,194,189,173,169,172,186,194,196,196,194,194,194,183,173,129,129,131,131,176,178,178,131,124,124,127,131,131,125,125,131,178,178,176,181,189,191,189,186,186,189,196,204,207,199,194,194,196,196,194,196,199,189,173,131,178,176,169,169,173,178,178,176,170,121,117,118,125,178,183,176,128,128,178,194,196,194,196,199,196,191,194,199,199,196,194,191,183,178,178,178,181,186,189,186,183,173,131,176,178,178,178,178,176,176,181,183,181,173,176,186,191,186,170,127,127,125,125,127,129,173,178,181,183,189,194,189,178,173,173,173,173,173,173,176,173,176,173,168,123,121,123,165,165,170,173,170,165,161,163,170,173,173,170,168,168,165,163,121,117,116,117,117,116,117,119,121,157,119,115,115,115,119,160,163,163,155,113,109,105,105,107,105,103,103,104,147,183,207,212,207,176,147,157,170,163,83,56,63,139,152,87,37,27,25,45,142,157,168,170,168,165,168,173,178,178,155,0,0,0,0,170,183,196,207,204,194,69,43,0,0,27,59,91,137,142,147,152,155,152,147,144,139,134,97,77,0,1,3,37,99,147,155,157,168,181,173,150,79,87,103,155,170,178,178,157,85,75,89,99,97,101,105,147,160,165,165,173,183,173,152,94,91,95,105,113,113,112,155,163,160,155,160,157,113,113,157,165,165,176,186,181,160,117,117,119,119,113,109,110,115,157,119,113,112,113,160,176,173,119,117,121,160,165,168,119,114,117,121,119,119,117,111,105,107,111,109,111,160,168,163,115,113,157,170,173,168,163,170,168,156,156,163,173,173,170,173,173,172,176,178,172,168,168,173,178,176,173,173,176,173,131,131,131,173,173,173,176,181,183,186,186,194,207,209,212,204,189,176,173,131,131,173,181,191,199,202,196,191,189,183,181,181,181,181,181,181,181,183,191,196,199,204,209,212,209,207,204,202,194,181,129,127,129,131,178,194,204,199,186,178,176,131,125,123,123,121,123,125,127,121,112,111,117,123,125,123,168,173,170,127,121,118,121,165,165,121,121,125,170,176,178,181,178,170,127,168,173,173,170,168,170,178,186,194,199,202,199,196,196,202,202,202,202,194,131,122,199,202,204,204,202,194,191,196,196,196,186,181,186,183,181,194,202,202,202,199,202,204,202,196,189,181,183,186,129,108,111,119,127,178,178,131,131,178,186,186,186,186,186,189,189,189,186,181,173,129,129,176,183,189,186,183,183,191,199,202,202,199,194,186,183,186,191,194,194,194,194,191,189,181,178,186,191,194,199,209,215,212,202,191,190,191,194,194,186,183,183,186,183,178,179,183,186,186,186,186,189,191,194,196,194,186,181,181,181,181,181,183,183,183,183,186,186,181,178,178,178,178,176,133,178,189,194,191,181,178,181,189,196,199,196,189,183,183,181,178,176,178,183,189,183,133,133,181,189,189,191,194,196,199,202,202,196,186,176,176,183,186,186,191,196,199,199,202,204,202,191,186,189,194,196,191,186,181,133,131,129,131,133,131,127,123,125,133,186,194,202,204,199,191,189,191,194,191,186,181,178,181,181,181,178,178,178,178,176,176,178,181,183,183,183,186,189,189,189,186,183,181,181,181,178,131,131,176,181,183,183,183,189,189,186,183,183,181,176,131,133,176,133,127,127,178,191,196,191,191,191,191,189,186,183,183,183,191,194,194,196,202,204,204,202,202,199,194,194,196,196,194,191,191,196,202,202,194,194,202,207,204,199,196,202,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,155,160,163,157,111,103,101,113,173,173,170,168,170,173,173,173,176,178,178,176,170,166,170,170,168,165,168,168,165,125,165,125,123,121,123,125,168,173,173,173,173,170,168,127,129,170,173,178,181,183,183,186,181,176,173,173,173,176,176,129,131,178,186,186,186,183,186,186,186,183,183,181,181,181,181,181,181,181,181,186,189,186,183,181,183,183,186,186,186,183,181,177,178,183,186,183,183,181,178,181,181,178,177,181,186,186,178,174,174,176,181,183,186,186,186,186,181,176,176,176,173,176,178,178,181,178,178,176,178,181,183,183,183,183,186,186,189,189,189,189,189,186,183,183,186,191,194,189,186,183,182,183,186,189,189,189,186,185,185,186,189,191,194,194,196,194,189,183,181,183,186,189,191,191,191,191,191,191,189,183,182,183,186,191,196,202,204,202,199,199,202,204,202,199,196,199,204,209,212,212,207,202,202,204,207,204,202,196,191,186,178,126,126,127,127,125,125,125,127,129,131,131,127,124,124,127,176,183,189,189,191,199,207,207,204,204,204,204,204,202,202,204,204,202,202,202,202,199,196,194,191,191,191,194,196,196,195,196,199,202,204,209,212,212,209,207,204,204,204,204,207,209,209,207,207,204,204,199,196,194,191,191,189,183,138,137,137,139,186,189,186,186,186,189,186,186,183,181,181,137,181,186,191,199,204,204,202,199,196,196,196,196,194,192,194,199,199,194,194,194,199,196,191,189,187,189,189,191,194,191,191,189,189,189,191,194,194,189,186,186,191,194,196,196,196,199,199,199,196,199,202,196,183,177,176,178,181,183,181,178,177,176,177,181,181,183,183,183,186,191,191,189,183,179,179,181,183,181,176,173,131,131,173,178,181,178,131,127,127,129,173,178,181,181,181,183,189,194,189,181,178,181,183,181,173,127,126,129,173,173,170,129,127,129,173,178,181,181,178,181,181,183,183,181,176,173,173,176,178,181,183,183,181,178,131,125,127,173,181,189,189,186,183,189,196,202,199,191,183,178,176,131,127,125,125,129,176,178,178,176,176,176,173,173,176,183,189,191,191,189,189,186,183,181,181,181,181,181,183,189,196,199,199,194,189,181,176,177,181,183,181,176,170,170,176,178,178,176,131,121,115,116,127,181,189,189,191,199,202,199,202,209,209,204,191,186,186,189,189,186,189,189,189,186,189,189,186,183,186,189,189,186,185,186,194,202,209,209,207,202,194,186,176,127,121,119,123,127,127,125,121,119,115,115,115,114,121,170,181,186,183,178,170,170,173,181,181,176,125,117,117,125,133,181,181,176,129,131,178,186,196,204,204,202,199,196,194,191,189,186,186,189,191,194,196,199,199,202,202,202,196,191,185,185,185,185,186,189,196,204,209,0,207,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,191,0,0,0,0,0,0,0,0,0,0,0,238,0,238,235,235,238,241,241,233,225,215,207,204,202,202,202,202,204,204,207,212,215,217,217,222,228,230,228,0,209,207,0,0,0,0,0,0,0,0,0,0,0,207,202,196,191,186,183,183,186,186,191,191,186,178,170,173,176,176,170,165,160,160,163,168,173,183,191,199,202,204,202,196,202,209,212,212,209,209,209,0,202,204,209,215,215,212,212,212,207,204,207,207,207,202,199,209,217,222,217,212,209,209,209,209,209,212,215,217,217,222,228,228,222,221,222,225,228,222,215,209,207,204,204,202,202,202,199,199,199,199,199,204,212,222,230,230,225,217,217,220,225,230,233,230,228,225,225,228,230,230,228,228,228,225,217,217,222,222,222,225,230,235,235,228,217,213 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,27,0,0,0,0,0,0,0,0,0,0,0,46,0,0,0,22,111,157,165,165,163,165,170,173,176,181,181,176,160,147,147,157,168,176,176,176,176,178,183,186,183,181,183,186,186,189,189,186,181,181,183,186,191,189,186,186,186,189,189,189,186,186,181,165,113,109,109,107,99,93,97,101,105,99,67,8,0,9,25,15,1,35,27,25,33,35,41,55,51,39,47,89,139,152,160,163,163,163,163,163,168,173,178,181,173,165,163,163,160,159,160,168,170,170,170,168,123,123,125,127,125,170,186,196,196,189,183,181,178,176,173,170,170,176,186,191,194,191,176,126,127,173,178,183,181,178,181,189,186,126,123,127,176,173,128,127,129,181,189,186,173,169,172,183,191,194,194,191,191,191,183,173,129,129,129,131,178,186,189,181,129,129,176,176,127,115,109,115,125,129,129,173,176,176,181,186,186,186,191,199,202,194,191,194,194,194,194,196,196,189,176,131,178,181,173,168,169,176,178,178,129,121,118,121,131,183,186,183,131,133,186,196,199,196,199,199,194,191,194,199,199,194,191,189,183,178,133,133,178,183,191,191,181,131,131,178,189,189,186,181,176,176,181,183,178,170,173,191,196,186,173,129,129,127,127,170,170,170,176,178,178,181,183,183,176,173,176,181,181,178,178,181,181,181,178,168,121,121,123,125,165,170,173,173,168,163,163,168,170,170,168,165,165,163,160,121,119,117,119,121,160,121,119,117,117,115,113,113,111,113,157,165,163,117,111,105,101,104,147,109,105,107,109,147,160,191,199,173,152,144,152,160,160,142,71,63,81,99,73,33,27,11,11,61,93,137,160,144,134,137,129,160,189,176,0,0,0,0,9,134,157,189,199,196,173,57,13,25,87,129,139,147,147,144,144,152,150,142,144,147,147,144,91,0,5,63,83,147,178,170,163,170,186,194,181,103,93,137,157,170,181,191,99,62,71,103,147,103,99,103,105,147,155,157,165,178,168,157,105,85,85,99,111,113,115,155,163,168,163,165,160,115,114,117,115,115,157,173,170,111,107,111,155,163,157,111,111,117,117,115,113,113,117,163,178,181,165,119,121,121,119,121,121,117,117,119,119,119,113,103,99,103,109,99,61,113,170,157,113,112,117,165,170,170,170,181,173,153,152,163,170,168,168,176,176,173,176,178,173,169,172,176,173,172,173,178,181,178,170,127,127,129,173,173,173,178,189,196,196,191,194,194,191,189,186,181,176,131,130,131,176,186,191,194,191,186,183,178,173,176,181,183,181,176,173,178,186,191,194,199,204,204,204,202,196,186,178,129,121,121,125,131,181,191,199,191,181,178,181,173,125,122,123,125,125,125,125,121,113,111,113,121,129,176,183,186,178,170,125,119,117,118,116,115,115,118,123,165,168,170,170,127,127,173,178,173,168,127,168,168,176,183,189,191,194,194,196,204,207,207,202,196,183,178,196,209,209,209,209,207,207,212,209,204,194,183,183,191,199,202,207,207,207,202,196,194,191,191,183,181,186,196,199,181,121,118,123,176,176,125,122,123,125,123,125,131,181,186,189,186,186,181,173,131,173,181,189,191,189,183,186,194,199,202,199,191,183,183,189,196,202,202,196,194,194,194,194,191,191,191,194,196,202,207,212,209,202,196,194,191,191,189,186,183,183,183,181,178,178,183,189,191,191,191,191,191,194,199,199,191,183,181,181,181,183,186,183,178,178,183,186,183,181,181,176,133,133,133,178,189,194,189,181,176,178,183,191,191,189,183,186,191,194,189,178,131,131,133,129,131,178,186,191,191,194,196,196,199,202,204,204,194,181,176,183,189,191,194,199,202,202,199,202,202,196,194,194,196,196,194,191,183,133,128,127,128,131,133,131,129,131,181,191,202,207,207,204,194,186,183,186,183,181,178,181,183,186,189,186,183,181,178,178,176,178,181,183,183,181,181,183,183,181,178,176,178,183,186,181,176,176,178,181,183,183,186,183,181,176,176,178,181,178,176,181,181,131,119,119,176,194,202,202,202,199,194,186,181,179,179,183,194,199,199,199,199,199,196,194,199,199,199,196,199,199,196,189,186,191,199,194,185,185,194,199,199,199,199,199,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,117,155,157,119,109,102,103,119,173,178,176,176,176,173,173,173,176,176,176,173,168,166,168,168,165,125,125,165,123,123,125,165,125,125,127,170,173,173,173,170,170,170,170,170,173,173,176,176,178,181,183,186,183,181,178,176,176,176,129,125,126,173,186,189,183,181,183,189,189,186,183,178,177,178,178,181,181,181,183,186,186,186,186,183,181,178,183,186,186,189,186,181,178,181,183,189,189,183,178,178,181,181,178,181,183,181,176,174,174,176,181,183,183,183,183,183,178,176,173,173,173,173,173,176,178,178,176,173,176,181,183,183,183,186,189,189,189,189,191,191,189,189,186,186,189,191,194,191,186,183,183,186,189,191,194,194,189,185,185,189,191,191,191,191,196,194,189,137,135,136,183,189,191,191,191,191,191,194,191,183,183,186,191,196,199,202,199,199,199,202,204,204,202,199,196,199,204,212,215,215,209,204,202,207,207,204,202,199,194,191,183,135,133,133,131,127,125,125,125,129,131,131,127,125,127,129,133,181,181,181,186,199,207,212,209,207,204,203,204,207,207,207,204,202,199,198,199,202,199,196,191,191,194,196,199,199,199,196,199,204,207,209,209,209,209,207,207,207,204,204,207,209,209,207,207,207,204,199,194,189,189,189,186,183,138,137,136,138,186,191,189,186,186,189,189,189,183,135,133,133,181,186,191,199,207,209,204,199,196,194,191,191,196,196,194,199,199,196,196,199,202,202,196,191,189,189,191,191,191,191,191,191,191,191,194,194,194,191,189,189,189,191,191,194,196,196,196,196,199,202,202,194,186,178,178,181,183,183,178,177,177,178,178,181,181,178,181,186,189,191,194,189,183,179,179,181,181,183,181,178,178,176,176,178,181,178,131,127,128,131,176,178,181,186,189,194,199,202,194,186,183,181,181,178,176,170,170,176,181,178,173,170,129,129,173,178,183,183,181,181,183,183,181,178,176,176,173,176,178,181,186,186,181,173,121,112,117,127,178,186,189,186,183,189,199,207,202,194,186,183,181,176,127,125,126,129,173,178,178,174,176,178,176,173,173,181,189,186,183,181,181,183,186,183,181,179,181,183,189,194,199,204,204,202,196,186,178,181,186,183,178,173,169,169,173,181,183,183,181,183,191,191,178,178,183,189,194,204,207,209,209,212,207,199,191,185,185,186,189,189,189,191,196,191,189,189,191,194,196,196,194,189,185,185,189,199,207,209,207,196,191,186,181,176,125,119,118,125,173,129,123,117,117,121,121,121,121,125,170,176,176,173,127,126,173,181,181,129,116,112,112,116,123,129,131,129,128,127,128,131,178,189,191,191,189,191,191,189,186,185,186,191,196,199,196,199,202,204,204,202,196,191,189,186,189,189,189,191,196,204,207,209,207,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,243,246,243,238,235,235,235,230,222,215,215,212,212,207,204,204,204,204,209,212,215,217,217,222,225,228,225,217,209,207,0,0,0,0,0,0,0,0,0,0,0,209,207,199,191,186,183,183,183,183,189,189,186,178,173,173,178,178,178,170,165,163,163,163,168,178,189,194,194,194,196,194,202,209,212,209,208,209,209,0,0,202,209,215,215,215,212,209,204,204,204,207,207,202,199,209,217,222,217,212,208,208,209,212,212,215,217,217,222,222,225,225,225,222,225,225,222,217,215,212,207,204,204,204,204,202,199,199,199,196,199,204,215,225,228,228,222,215,215,222,228,230,233,230,228,225,225,228,230,228,228,225,225,222,215,215,222,225,225,225,230,233,233,228,215,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,90,142,168,170,165,163,163,165,168,170,178,181,176,168,157,157,165,170,173,173,176,178,183,189,189,183,183,183,186,186,189,186,183,181,178,181,183,189,186,183,183,186,191,191,189,186,181,168,115,106,105,107,113,157,157,152,147,144,107,91,55,13,27,31,29,25,31,27,29,41,43,47,57,61,63,79,103,150,165,176,178,173,168,163,163,163,168,173,176,170,163,163,168,168,163,160,165,170,170,168,125,115,111,117,123,168,178,196,202,202,196,189,181,176,173,170,169,169,176,189,199,202,194,176,125,127,176,186,191,186,186,189,194,186,127,123,126,129,128,127,129,176,186,191,186,178,173,176,181,183,183,183,186,189,183,176,170,129,129,129,170,181,191,196,186,170,131,181,178,101,72,77,103,121,121,121,123,123,117,117,131,183,186,191,196,196,189,189,191,191,194,196,199,196,186,178,176,183,183,176,170,169,173,176,173,127,121,120,129,183,189,186,181,181,189,196,202,202,202,202,204,196,191,194,199,199,191,191,189,181,176,133,132,176,181,186,183,173,127,131,183,191,194,189,183,178,176,176,176,170,129,170,181,186,181,173,129,129,170,170,173,173,170,170,176,178,178,176,176,173,173,178,183,183,183,186,189,189,191,189,176,125,121,123,125,165,170,173,173,168,163,163,163,165,165,165,165,163,123,160,121,121,160,165,170,170,168,160,119,113,111,111,111,110,110,115,160,160,152,115,111,103,107,150,147,144,144,144,142,142,152,157,101,87,101,147,152,163,170,81,37,35,59,51,21,23,11,5,0,29,27,35,31,35,55,75,89,150,75,0,0,0,0,0,0,49,67,131,163,152,87,75,91,134,144,150,157,160,155,150,150,147,147,155,157,160,160,137,19,53,75,93,168,194,186,163,147,165,186,181,144,137,150,168,181,186,181,59,55,73,157,165,150,109,107,100,103,150,152,155,160,163,163,152,89,87,95,107,152,163,168,168,168,163,160,157,155,115,114,113,113,155,165,160,99,89,103,157,170,170,160,115,113,113,111,111,113,117,160,173,178,170,121,119,117,113,115,117,117,119,117,115,113,109,103,95,91,91,39,0,47,157,115,113,117,119,119,160,168,176,181,176,157,156,160,165,168,168,173,173,173,178,181,183,178,178,178,173,173,173,178,183,186,176,125,124,129,176,176,173,176,189,196,194,186,178,129,125,129,181,183,181,173,130,131,176,181,183,183,178,176,173,131,129,131,178,183,183,176,170,176,181,183,186,191,196,196,194,189,178,131,127,121,118,119,127,173,178,183,183,176,173,176,176,129,125,125,131,173,131,127,125,119,115,113,117,125,173,186,191,191,181,170,168,123,118,117,115,115,115,117,119,123,125,165,165,125,127,176,178,170,125,123,123,123,127,176,181,186,191,196,204,207,207,207,202,194,183,178,191,204,209,207,209,209,207,209,207,202,194,191,191,196,202,204,207,207,204,199,189,181,181,181,181,183,191,202,204,194,176,127,129,183,183,127,122,121,121,120,121,127,178,183,181,178,181,181,176,173,176,183,189,191,186,183,186,194,196,199,196,183,178,183,194,204,207,204,202,196,194,194,196,199,196,194,194,196,202,207,209,207,202,199,196,194,189,186,189,186,186,183,181,179,181,189,194,194,194,191,191,191,199,207,204,194,186,183,181,181,183,183,181,178,178,183,186,183,181,178,133,132,132,133,178,183,186,181,176,176,181,181,181,181,178,181,186,194,199,194,178,127,126,128,128,133,181,189,191,194,194,196,199,202,202,204,204,196,189,186,191,194,191,191,196,199,194,189,191,194,194,194,194,194,196,196,191,186,176,129,128,129,133,178,178,178,181,189,194,199,202,202,202,194,183,176,176,176,178,181,181,186,189,191,191,186,178,176,176,176,178,183,189,189,183,178,176,176,176,176,176,178,181,183,183,181,181,181,183,186,186,183,181,173,170,173,178,183,183,181,186,189,133,110,109,131,194,202,207,207,202,194,186,181,179,181,191,199,204,202,199,196,191,186,185,191,199,199,199,199,199,194,186,182,186,194,191,183,182,189,194,196,196,196,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,115,117,157,119,111,107,111,160,176,181,178,178,176,173,173,176,176,176,176,173,168,166,170,170,165,125,123,121,119,121,123,125,165,170,176,176,178,176,176,176,173,173,173,170,173,173,176,178,178,181,183,186,186,183,181,181,178,176,129,124,125,173,186,189,183,179,181,186,189,189,183,178,177,177,178,181,183,183,186,186,186,186,186,183,181,178,181,186,189,189,189,183,181,181,186,189,191,186,181,178,178,181,181,181,181,178,174,174,176,178,181,183,183,181,181,181,178,173,170,131,129,127,127,131,173,176,176,173,173,178,183,183,183,189,189,189,189,191,191,191,191,189,186,186,189,194,196,194,189,183,183,186,189,194,194,194,191,186,186,191,194,191,190,190,191,191,186,136,134,135,181,186,189,191,191,191,194,196,194,189,183,183,189,196,202,199,199,199,199,202,202,202,199,196,196,199,207,212,215,215,209,204,204,207,207,204,202,199,196,194,186,181,178,178,133,129,125,125,127,131,176,176,131,131,131,131,133,178,181,183,189,199,209,212,209,207,204,203,204,207,207,204,202,202,199,198,199,204,204,199,194,194,196,199,202,202,202,202,204,207,209,209,209,207,207,207,207,207,207,207,207,209,209,207,207,204,202,196,191,189,187,189,189,189,186,183,139,183,191,194,191,186,185,186,189,189,183,133,130,133,183,189,194,199,207,209,204,199,194,183,177,181,196,202,196,196,194,194,196,202,204,202,199,194,191,191,191,194,194,194,194,194,191,194,194,194,194,191,189,189,187,189,191,194,194,194,194,196,196,199,196,191,186,183,183,183,183,181,178,178,178,181,181,181,178,176,181,186,189,191,191,189,183,181,179,181,181,183,183,183,183,181,176,176,178,176,131,129,173,178,181,181,183,189,196,202,207,204,199,191,186,181,178,181,183,183,183,186,186,183,181,176,173,170,173,178,183,186,186,186,186,183,178,173,173,173,173,176,181,186,189,189,181,129,115,109,112,123,173,181,186,186,186,189,194,199,199,196,191,186,183,176,129,126,126,127,131,178,183,181,181,181,176,172,173,178,183,181,178,176,176,181,183,183,181,181,183,191,196,202,204,207,204,202,199,191,183,189,194,189,181,173,172,172,178,186,189,186,186,191,199,196,186,178,183,191,196,199,204,209,209,207,199,194,189,186,185,185,189,191,191,196,199,199,191,189,194,196,199,196,194,189,186,185,189,194,199,202,196,189,186,186,186,181,173,125,121,129,176,173,123,121,125,129,129,125,123,125,129,176,176,173,126,124,127,178,178,131,123,117,117,123,127,129,131,131,129,128,127,127,128,170,176,183,186,191,194,191,189,186,189,196,202,202,199,199,202,204,204,202,196,194,191,191,191,194,194,196,199,204,207,207,207,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,243,248,246,241,235,235,235,233,228,222,222,222,220,212,207,204,202,202,204,209,212,212,212,215,217,222,222,215,212,0,0,0,0,0,0,0,0,0,0,0,0,0,207,202,194,189,183,183,183,183,183,186,186,178,173,173,176,181,181,178,173,165,160,157,163,173,183,186,186,189,191,194,202,209,212,209,208,209,209,0,0,202,209,217,217,215,212,209,204,204,204,207,204,199,199,207,217,222,217,212,208,208,212,212,215,217,222,222,225,225,222,222,225,225,225,222,222,217,215,212,207,203,203,204,207,204,199,199,196,196,199,207,215,222,228,225,217,215,215,222,228,230,230,230,228,225,225,228,228,228,228,225,225,217,215,215,222,225,228,228,230,233,233,225,215,211 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,142,163,178,178,170,164,163,164,165,168,170,173,170,165,160,163,168,173,173,173,176,178,183,186,186,183,181,183,186,186,186,183,181,178,178,181,181,183,181,181,183,186,189,191,189,183,173,121,107,104,105,107,115,168,170,168,163,155,152,144,99,83,53,31,33,31,29,31,39,47,45,45,53,67,87,103,147,157,173,183,189,186,176,168,165,163,165,168,168,165,163,165,173,176,168,163,163,170,170,165,119,109,106,109,121,170,183,202,212,209,204,196,186,176,173,170,169,168,173,186,194,199,191,173,126,127,181,194,196,194,194,196,196,186,129,126,127,129,128,129,176,183,191,191,186,183,183,181,176,173,173,176,183,183,176,170,129,129,129,128,129,178,189,191,183,129,130,181,178,93,68,74,111,127,121,119,123,121,107,93,93,127,181,191,196,191,189,191,191,191,196,199,199,191,183,178,181,183,181,176,173,173,170,129,127,125,121,123,173,183,186,178,176,186,196,204,207,207,207,209,209,202,192,194,202,202,196,191,186,181,176,133,133,176,176,176,131,125,123,131,186,194,191,189,186,183,183,178,170,129,129,129,170,173,173,170,170,170,176,178,176,173,170,170,176,181,176,173,170,173,176,178,181,186,189,194,196,199,202,199,189,170,123,121,125,168,173,176,173,168,163,163,163,165,165,163,163,123,123,123,123,163,168,173,181,181,178,168,119,113,111,113,115,111,110,113,155,157,155,157,157,113,150,155,150,144,144,144,144,139,99,65,17,65,87,99,131,155,191,75,0,0,0,0,0,3,17,11,0,0,0,1,25,35,49,81,87,49,0,0,0,0,0,0,13,21,25,47,89,124,121,126,139,147,152,155,163,170,165,152,150,147,152,163,173,178,170,134,61,57,63,77,165,196,191,170,91,91,97,95,95,137,163,181,191,191,173,59,59,97,165,170,157,155,155,103,105,152,150,147,150,157,165,165,101,91,93,101,152,170,176,170,168,157,152,152,155,155,115,115,152,152,155,105,25,19,77,117,170,176,170,157,110,109,110,111,117,119,160,168,173,170,160,119,115,111,111,115,119,160,121,115,111,111,109,103,89,55,0,0,0,71,101,111,155,155,109,109,160,173,178,176,168,160,157,160,168,170,168,170,173,176,181,186,183,181,181,176,176,176,176,183,189,181,127,125,173,181,176,170,176,186,189,186,178,129,123,121,125,181,189,183,173,173,176,178,178,178,176,129,128,129,129,129,129,176,183,183,176,170,173,176,178,178,183,186,186,181,173,127,127,127,121,118,121,131,176,173,131,129,127,127,131,131,129,131,176,189,191,183,173,125,121,117,117,119,127,178,189,191,191,178,127,127,127,123,119,119,119,119,121,121,123,123,123,125,125,168,173,173,127,122,122,121,120,122,129,176,183,189,194,199,199,196,196,194,181,129,125,173,189,194,194,202,202,199,196,191,186,191,199,204,202,202,204,204,202,199,189,181,176,174,178,181,189,194,199,202,196,186,178,183,194,191,176,127,125,123,122,122,129,178,181,173,131,173,176,173,173,173,178,183,183,181,176,176,186,191,194,189,176,174,183,196,204,204,204,202,199,194,191,196,199,196,194,189,191,196,202,202,202,199,199,199,196,189,186,191,194,191,186,183,186,194,196,199,194,191,190,191,194,202,207,207,199,191,189,186,183,181,183,181,179,181,186,189,183,178,176,133,133,133,178,183,186,178,129,128,133,181,181,176,174,176,178,183,194,199,196,178,127,126,128,131,178,186,194,194,194,194,196,202,204,202,199,199,196,196,196,199,196,191,189,189,189,181,176,176,183,186,189,186,186,189,191,189,186,178,131,129,131,178,183,186,189,191,194,196,194,196,196,196,191,181,133,131,132,178,183,186,186,189,189,186,181,176,174,176,176,181,189,196,196,189,178,174,174,174,176,181,181,183,181,181,181,183,186,186,186,183,181,178,172,170,173,183,189,189,186,189,189,131,105,104,125,186,194,202,202,199,194,186,183,181,186,194,202,204,202,196,191,186,183,182,189,196,199,199,199,196,191,183,181,182,191,194,186,183,186,191,194,194,194,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,117,119,157,157,117,115,119,168,178,181,178,176,173,173,173,176,178,176,176,176,170,170,173,176,170,125,121,119,121,123,125,165,168,176,181,181,181,181,181,178,176,176,173,170,170,173,176,178,181,181,183,189,189,186,183,183,181,176,131,127,128,178,189,191,183,181,181,183,189,189,186,181,178,178,178,181,183,186,186,186,183,183,181,181,178,176,181,186,189,191,189,186,181,183,186,191,191,189,186,181,181,183,181,181,181,178,174,174,176,178,181,183,181,181,178,178,176,131,129,127,126,125,125,127,131,173,173,173,176,178,183,183,186,189,189,189,189,189,191,191,191,189,186,186,189,194,196,196,191,186,183,186,191,194,196,194,191,189,189,191,194,194,191,191,191,189,186,181,137,137,181,186,189,189,191,191,194,196,196,191,186,182,186,196,202,202,199,199,202,202,199,199,199,196,199,202,207,209,212,212,207,204,204,207,207,204,202,199,196,191,189,183,183,181,178,133,129,129,129,133,176,178,178,178,178,176,133,178,186,191,199,204,209,209,209,207,207,204,204,204,204,202,202,199,198,198,202,204,207,202,196,199,202,202,204,204,204,204,207,209,212,209,207,207,207,207,207,207,209,212,212,209,209,207,207,204,199,196,194,191,189,191,194,196,196,189,183,186,191,194,191,186,185,185,189,194,189,135,131,137,186,191,194,199,202,204,202,196,194,182,173,177,202,207,196,191,189,189,191,199,204,204,202,194,191,191,194,194,196,196,196,194,194,194,194,194,194,191,191,189,189,189,191,194,194,194,191,194,191,189,186,186,186,186,186,183,183,183,181,181,183,186,183,178,176,176,181,183,186,186,189,189,186,183,183,183,183,181,181,183,183,181,173,131,173,176,173,176,178,181,183,181,183,189,196,202,207,204,199,194,189,181,178,181,189,191,191,189,189,186,183,181,178,176,176,178,181,186,191,191,191,183,173,129,130,131,173,178,183,189,191,189,178,127,117,112,117,129,176,181,183,189,189,189,186,186,191,194,191,186,186,183,176,129,127,129,131,181,191,191,189,183,178,173,173,178,181,176,173,173,173,176,178,181,181,183,186,194,199,207,209,207,202,202,199,191,186,194,199,194,186,178,176,178,181,186,186,181,178,186,194,194,186,181,186,194,196,191,196,204,204,199,194,191,191,189,186,186,189,194,194,194,196,199,191,189,191,194,196,196,194,194,189,189,189,191,194,194,194,189,186,186,186,186,181,173,131,173,176,129,123,123,173,181,178,127,123,123,170,178,183,178,127,124,125,170,178,181,181,181,186,189,189,186,186,186,186,181,176,170,0,0,170,181,189,191,194,194,191,189,194,202,204,204,0,0,199,204,204,202,196,194,194,194,194,196,199,202,202,204,207,204,204,204,207,209,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,243,248,248,243,238,238,238,235,230,228,225,225,222,215,207,202,199,199,199,204,207,207,207,207,209,212,215,217,215,209,0,0,0,0,0,0,0,0,0,0,0,0,207,202,196,191,189,186,183,182,183,186,183,178,173,170,173,178,183,183,181,170,163,157,157,165,176,181,181,181,186,194,202,209,209,209,208,209,212,0,0,204,212,222,225,217,212,209,207,204,204,204,202,199,196,204,212,217,215,209,208,208,212,215,217,222,225,225,225,225,222,222,222,222,225,222,222,217,215,212,207,203,203,207,207,204,199,199,196,199,202,204,212,222,225,222,217,215,217,222,230,230,230,230,228,225,225,228,228,228,228,225,222,217,213,213,222,228,230,230,233,235,233,225,215,211 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,150,173,183,181,173,168,165,168,168,168,168,165,163,160,159,163,170,173,173,173,176,178,181,183,181,181,181,181,183,181,181,181,178,178,178,178,181,178,178,181,183,186,189,191,189,183,168,117,107,106,107,111,115,157,168,178,176,168,165,160,150,107,75,29,35,37,35,45,55,53,45,39,47,71,97,142,150,160,170,181,191,194,186,173,165,165,168,170,168,165,163,168,176,181,173,165,165,168,168,165,123,113,107,109,117,127,181,202,212,215,209,199,186,176,173,173,170,170,176,181,186,186,181,131,127,129,186,199,199,196,199,199,196,186,173,129,173,173,170,173,178,183,191,191,183,182,183,181,170,129,129,173,176,176,173,170,170,170,129,128,129,173,183,183,176,129,130,178,181,123,95,107,127,131,123,120,125,129,117,88,79,90,125,183,189,189,191,194,194,191,194,194,191,183,178,178,181,183,176,170,173,173,129,127,127,125,123,121,125,129,131,129,173,186,199,204,209,209,212,212,212,202,194,196,207,207,202,194,183,178,176,133,176,176,176,173,127,120,120,127,181,191,191,183,183,189,194,189,176,129,129,129,128,128,173,173,170,173,178,181,176,173,173,176,183,183,176,170,170,173,176,176,178,186,194,202,204,204,207,207,194,176,123,121,125,170,176,178,176,168,163,163,163,165,165,165,163,163,163,123,123,165,173,181,186,189,183,173,119,109,109,117,157,119,115,115,117,155,157,160,163,157,155,157,155,150,147,147,147,144,103,45,0,0,41,83,85,99,144,7,0,0,0,0,0,0,75,137,43,1,2,15,39,39,47,144,134,63,0,0,0,0,0,41,124,57,37,57,85,91,93,137,152,157,157,155,160,168,163,150,144,150,150,157,178,194,163,79,67,53,27,24,77,163,176,152,11,0,9,59,85,139,168,186,196,194,170,81,85,147,165,168,157,157,181,176,168,163,150,110,110,147,160,170,150,95,92,95,111,165,173,170,165,155,150,150,155,157,160,165,160,152,111,31,0,2,53,105,157,170,176,168,113,108,109,113,157,165,165,168,170,170,165,163,121,115,111,113,160,168,165,157,115,117,163,163,113,83,29,0,0,15,93,107,155,117,99,97,113,165,176,178,170,159,157,163,170,170,168,170,178,176,174,181,186,186,189,186,181,176,173,176,181,173,125,125,178,183,176,170,173,181,181,176,170,125,123,123,173,189,191,181,131,173,176,178,181,181,176,131,129,129,131,129,129,173,181,181,173,170,170,173,173,173,173,173,173,129,125,123,125,129,127,123,129,131,131,127,123,123,122,123,131,178,178,183,196,207,209,204,194,176,129,125,123,123,123,129,176,183,183,170,125,126,170,168,125,125,125,125,125,125,123,123,123,125,127,168,170,168,123,122,122,122,121,122,125,170,178,183,181,176,173,178,183,178,125,112,110,119,125,119,117,173,183,176,129,123,129,183,204,212,209,207,207,202,196,191,183,176,174,174,176,183,191,194,194,194,191,189,183,189,196,191,181,178,176,131,129,129,173,178,178,131,129,130,131,131,129,129,131,176,176,173,129,129,176,183,186,178,172,172,181,191,196,196,196,199,199,191,189,194,196,196,189,183,183,189,196,196,196,196,199,199,196,191,189,194,199,194,186,186,194,204,204,202,194,191,191,191,194,199,204,204,199,194,191,189,183,181,181,181,181,181,186,186,183,183,181,178,178,183,189,194,191,178,127,126,129,178,181,176,174,176,181,183,189,191,191,181,131,129,133,178,183,191,196,199,199,196,199,202,202,199,196,195,195,196,202,204,196,186,178,178,178,132,131,131,133,178,178,176,176,181,183,186,183,178,133,131,133,176,183,189,194,199,199,196,192,192,194,194,189,181,133,131,132,181,189,191,189,183,178,176,176,176,176,178,178,181,189,196,196,191,183,178,174,174,178,186,189,186,183,181,183,186,189,186,183,181,178,176,173,172,178,191,196,196,191,189,178,117,104,105,121,178,186,189,191,191,194,191,186,183,186,194,199,202,202,199,194,186,185,186,194,199,199,196,194,191,189,186,182,183,194,202,196,189,186,186,186,189,191,189,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,117,155,160,163,160,160,160,165,173,178,181,178,173,172,172,173,176,178,176,176,176,173,170,173,176,173,125,119,119,123,165,170,170,170,178,186,186,183,181,178,178,178,176,173,169,170,173,178,181,181,181,183,186,186,186,186,183,181,176,173,131,173,181,189,189,183,181,181,183,186,189,189,186,183,181,181,181,183,186,186,183,181,178,176,173,173,173,178,183,189,191,189,186,181,181,186,191,191,191,189,186,186,186,181,181,181,181,178,174,176,178,181,181,181,178,176,176,131,129,127,127,127,126,126,127,129,173,176,176,178,181,183,186,186,186,186,186,186,189,191,191,191,189,186,185,186,191,196,196,191,189,189,191,194,194,194,194,191,191,191,194,194,194,194,194,194,191,189,189,186,186,189,189,189,189,191,194,196,196,196,194,189,183,186,194,199,202,202,202,199,199,196,196,196,196,199,204,207,207,209,207,204,203,204,204,204,202,202,199,196,191,189,186,186,183,181,176,133,133,131,131,176,181,183,186,186,181,178,181,191,199,207,209,207,207,209,209,209,207,204,202,202,202,199,199,199,199,202,204,204,199,196,199,202,204,204,207,204,204,207,212,212,209,207,207,207,207,204,207,209,215,215,212,207,207,204,202,199,196,194,194,194,194,199,202,202,191,183,182,189,194,194,189,186,186,191,194,191,183,181,186,191,194,194,194,196,196,194,194,194,191,183,191,207,207,196,191,186,186,191,196,202,204,202,194,191,191,194,196,199,199,199,194,194,196,196,194,194,194,191,191,189,191,194,196,196,194,191,186,183,178,181,183,186,186,183,183,183,183,183,186,189,189,186,178,176,178,181,186,183,183,186,186,183,183,183,183,183,181,178,178,178,176,131,127,131,176,178,176,178,181,181,178,181,186,194,196,202,199,196,194,191,183,177,178,186,191,191,189,189,186,186,183,183,181,181,181,183,186,189,194,191,183,131,129,129,131,176,183,186,189,189,186,178,129,123,123,129,178,181,181,181,186,186,183,133,133,183,189,189,189,194,196,186,176,131,173,178,186,196,196,191,183,178,176,178,181,178,173,172,172,172,173,133,176,178,181,186,191,194,202,204,204,199,199,196,191,189,196,199,196,189,186,183,181,181,181,181,177,176,178,186,186,183,181,186,191,191,186,189,199,202,196,194,194,196,194,189,189,191,194,194,191,189,186,186,186,189,191,189,191,196,196,194,191,189,189,191,196,196,194,189,186,186,186,183,181,181,178,176,127,122,125,178,183,178,119,115,119,129,183,191,186,173,127,126,127,176,183,191,199,207,212,209,204,207,207,207,199,191,183,178,173,178,186,194,194,196,196,194,189,194,199,204,0,0,0,0,202,202,199,196,196,194,191,191,194,199,204,207,207,207,204,204,203,204,207,212,0,0,230,235,241,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,243,251,254,248,243,243,243,241,235,230,228,228,225,215,207,202,198,198,198,199,202,204,204,204,207,209,212,217,215,209,0,0,0,0,0,0,0,0,0,0,0,0,0,204,199,196,191,189,186,183,183,186,183,181,173,170,170,176,183,186,186,178,168,157,157,160,168,173,170,173,178,189,199,207,209,209,209,212,212,0,0,204,215,225,225,217,215,209,207,207,207,204,202,196,196,202,207,212,212,209,208,209,212,215,222,225,228,228,228,225,222,222,222,222,222,222,220,217,215,212,204,202,203,207,209,204,199,196,196,199,202,204,212,217,222,222,215,215,217,225,230,230,230,228,228,225,225,228,230,230,228,225,222,215,213,215,222,228,230,233,235,235,233,225,215,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,176,186,183,178,173,173,176,176,176,168,160,159,159,160,165,168,170,168,170,173,173,176,176,176,176,178,178,178,178,176,173,173,176,176,176,178,178,181,183,183,186,189,189,186,176,123,115,111,111,113,113,115,155,170,189,191,181,176,176,165,150,95,45,49,55,53,73,71,59,43,36,39,67,93,142,152,157,163,173,183,191,189,176,168,168,170,173,173,168,165,168,170,176,173,168,168,168,165,165,168,170,119,115,117,119,168,191,204,207,202,194,181,176,176,173,170,173,176,178,178,173,131,129,129,173,186,196,199,196,199,199,194,183,173,170,178,181,181,178,178,178,186,186,182,182,183,178,129,127,129,170,170,170,173,173,173,173,173,173,173,176,178,176,170,173,181,191,194,194,191,183,178,173,123,119,123,178,183,107,79,82,103,173,183,186,189,194,191,186,181,178,173,173,173,176,178,176,170,170,176,176,173,129,129,127,123,119,111,107,113,123,176,191,199,204,209,209,212,212,209,202,196,202,209,212,204,194,181,176,133,131,133,176,178,173,125,120,118,121,176,186,186,178,178,191,202,202,186,129,128,129,127,128,176,178,173,173,178,178,173,173,178,183,186,183,173,170,170,176,178,176,176,183,191,202,204,202,202,202,191,173,123,119,125,170,178,178,173,168,163,123,163,165,165,165,165,163,163,163,165,168,178,186,191,191,186,173,119,97,100,113,160,163,119,117,117,155,155,157,160,157,157,160,160,157,155,150,150,157,160,79,0,0,0,0,0,0,0,0,0,0,0,0,0,5,170,199,170,131,69,47,45,29,27,160,170,69,0,0,0,0,0,142,168,165,126,126,131,129,131,150,163,165,160,155,152,155,147,142,142,147,152,152,163,168,97,73,75,67,25,18,37,83,137,81,0,0,0,47,99,157,176,189,194,189,157,95,103,160,173,170,147,107,194,202,202,189,157,111,109,109,155,173,160,101,93,93,103,152,163,163,160,157,151,151,157,165,170,181,173,160,152,18,0,19,81,105,113,160,173,173,155,111,110,115,160,165,168,168,170,173,173,176,173,160,111,111,160,168,165,160,157,163,178,189,194,194,189,31,0,0,85,107,115,107,91,89,101,119,173,178,168,156,163,178,181,173,170,176,181,176,172,178,189,194,202,199,189,178,170,129,127,123,120,125,176,181,170,127,170,176,173,170,127,124,125,173,189,194,186,131,125,127,131,176,178,183,181,176,173,173,176,176,170,176,183,183,176,170,129,127,127,127,125,125,125,125,123,123,127,131,131,129,131,129,127,123,122,122,122,125,176,186,191,196,204,215,217,215,207,202,189,178,173,129,119,103,95,119,170,129,127,170,178,173,127,123,123,125,125,125,125,125,165,165,165,168,168,125,123,122,125,125,123,123,125,168,173,173,129,123,121,123,125,123,115,110,110,121,121,112,109,116,127,123,117,118,123,186,207,215,212,209,204,199,194,189,181,176,174,174,178,183,191,191,189,186,186,183,182,189,191,186,181,181,181,173,131,173,178,178,178,173,131,131,131,129,128,128,129,173,176,131,129,129,176,181,181,176,170,170,176,183,186,183,186,191,194,189,186,191,196,194,189,182,181,183,191,196,199,199,199,196,194,191,191,196,199,196,189,189,199,207,207,202,196,194,196,196,196,196,199,199,199,196,194,191,186,181,178,178,178,178,181,183,183,186,189,189,186,186,191,196,194,183,131,128,131,176,178,178,176,176,178,181,178,178,181,181,178,176,178,181,186,191,194,199,199,199,199,199,199,196,196,195,196,199,202,199,186,131,130,131,133,133,132,131,132,133,133,176,178,183,186,186,186,183,178,176,133,176,181,189,196,199,199,196,194,194,194,196,194,189,181,133,133,181,189,189,186,181,176,176,176,178,178,176,176,178,181,183,186,186,186,181,176,176,178,186,191,189,186,183,186,191,191,189,183,181,181,178,176,176,183,196,204,202,196,186,127,111,108,111,125,176,181,183,183,189,196,196,189,181,181,186,191,196,202,202,196,191,189,196,202,202,196,189,186,186,186,186,182,183,196,204,202,194,189,183,183,186,189,189,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,160,163,163,163,163,165,170,173,178,181,178,176,173,173,173,176,176,173,170,173,173,170,173,173,170,123,118,118,121,165,173,170,168,176,186,189,183,178,174,176,176,176,173,170,170,173,178,181,183,181,183,183,183,183,183,183,181,178,173,173,176,181,186,186,181,178,181,186,189,191,191,191,189,183,181,181,181,183,183,181,178,176,172,170,170,172,176,181,189,191,189,183,178,178,186,191,191,191,191,191,191,189,181,181,183,186,181,176,176,178,178,181,178,176,173,131,127,127,127,129,131,131,129,129,131,176,178,181,183,186,186,186,186,186,186,186,186,186,189,191,191,189,186,185,186,189,194,194,194,194,194,196,196,194,191,191,191,194,194,194,191,194,194,196,194,191,191,194,194,194,191,191,191,189,189,194,194,196,194,194,191,189,191,194,199,202,204,202,199,196,195,195,195,196,199,202,204,204,207,204,204,203,203,204,204,202,202,199,196,191,186,183,181,181,178,176,133,131,129,129,176,183,186,189,189,186,181,183,194,204,209,209,207,204,207,209,209,207,204,202,199,199,202,202,202,199,202,202,202,196,196,199,204,207,209,209,209,207,207,209,209,209,209,209,209,204,202,204,207,212,212,207,204,202,202,196,196,196,196,196,196,196,196,202,202,194,186,183,189,196,194,189,186,186,189,191,191,191,191,194,194,194,191,189,189,189,189,194,199,202,204,204,207,204,199,189,183,183,189,194,202,204,204,196,191,191,191,194,196,196,196,196,196,199,196,194,191,191,191,191,189,189,191,194,194,191,186,181,178,177,178,183,186,183,181,181,181,181,183,186,191,189,183,178,176,178,183,186,183,183,183,183,183,183,183,183,183,181,176,176,176,173,127,125,129,176,176,176,176,178,178,176,178,186,191,194,194,194,191,191,189,183,176,176,181,189,189,186,186,189,186,183,183,186,186,186,183,181,183,189,186,181,173,130,130,173,181,186,189,189,186,181,176,131,129,173,176,181,181,178,176,178,181,176,131,131,178,183,183,191,204,207,194,181,176,181,183,189,191,191,186,178,173,176,178,181,181,173,173,173,176,173,173,131,133,176,178,183,183,189,194,196,194,194,194,189,186,191,194,191,191,189,189,186,181,181,183,183,178,177,178,183,183,183,183,186,186,186,186,191,196,199,199,199,199,196,194,191,191,191,191,186,182,179,182,189,191,189,187,189,194,196,194,191,187,186,189,199,207,204,196,189,183,183,183,186,186,186,183,173,125,125,173,176,123,101,103,113,127,183,194,191,181,176,129,127,173,186,196,204,212,217,215,212,212,212,212,204,196,194,194,191,194,196,199,202,199,196,191,189,189,196,202,0,0,0,0,202,202,202,199,199,196,191,190,191,196,204,209,212,209,207,204,203,203,207,212,217,225,233,238,243,246,248,246,243,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,243,251,254,251,246,246,246,241,238,233,230,230,228,220,209,204,199,198,198,199,204,207,209,207,207,209,215,217,215,209,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,194,189,186,186,186,186,181,176,170,170,173,178,183,189,186,178,165,157,157,160,163,160,160,168,181,191,202,207,209,212,215,212,0,0,204,215,225,225,217,215,212,209,209,207,207,202,196,196,199,202,207,209,209,209,209,212,217,225,225,228,228,228,225,225,222,222,222,222,222,217,215,215,212,207,203,203,207,207,204,199,196,196,199,202,204,209,215,222,217,215,215,217,225,230,230,230,230,228,225,225,228,228,228,228,225,217,215,215,215,222,228,230,233,235,235,233,225,215,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,168,186,189,183,178,176,181,183,181,173,163,160,165,165,168,168,166,165,166,170,173,173,173,173,173,176,176,176,173,170,168,170,173,176,176,178,181,183,186,186,183,183,181,176,163,117,113,115,117,117,115,117,163,181,196,199,189,183,186,181,165,150,97,87,93,91,95,85,61,43,35,36,55,87,107,152,157,160,165,176,186,186,178,170,170,176,178,173,170,168,165,165,168,168,168,165,125,123,125,173,183,178,168,119,115,119,173,186,191,189,181,173,176,178,173,129,129,173,176,176,131,128,128,129,176,183,191,196,199,199,199,194,181,173,170,178,183,183,181,176,176,181,183,183,186,186,176,127,127,129,129,127,129,173,176,173,176,183,189,186,181,178,176,173,181,196,207,207,209,212,207,191,176,125,119,120,178,202,196,107,86,103,127,178,183,183,183,181,173,130,128,128,129,131,173,173,129,129,176,181,183,178,176,170,129,125,117,105,102,106,123,183,196,202,207,209,209,209,207,204,202,199,204,209,209,204,194,183,176,130,129,130,176,178,173,129,123,119,120,129,178,181,173,173,183,196,207,196,129,128,129,128,170,181,181,176,173,176,176,173,176,181,183,183,178,170,169,173,181,183,178,176,178,186,194,194,191,189,186,178,165,119,119,123,168,173,176,170,125,122,122,123,163,165,165,165,165,165,165,168,173,183,191,194,194,189,176,117,86,91,103,119,160,119,117,117,117,115,152,155,155,152,155,160,163,160,157,157,160,168,87,0,0,0,0,0,0,0,0,0,0,0,0,0,73,189,196,186,176,139,73,51,9,0,43,79,0,0,0,0,0,27,165,173,168,142,131,137,139,142,155,170,170,165,152,147,144,142,139,142,147,163,160,147,139,101,93,95,101,53,31,59,97,155,147,5,0,0,11,89,176,189,189,183,178,144,95,139,173,189,186,101,53,178,204,212,207,176,152,110,109,157,173,160,103,95,94,99,111,155,152,113,157,155,160,170,178,181,189,183,178,176,33,9,95,103,105,107,113,157,163,155,115,113,113,119,165,168,173,176,178,181,183,183,170,110,108,117,157,160,160,163,173,189,202,207,209,217,181,0,0,77,113,117,97,85,85,95,111,168,173,165,160,186,202,191,176,170,176,181,174,170,181,196,204,209,207,194,183,176,170,125,120,120,123,170,170,125,123,127,170,170,127,124,124,170,186,194,194,181,127,123,124,126,129,176,181,181,178,176,181,186,183,178,181,189,189,181,173,129,125,123,123,122,121,122,123,127,127,127,131,131,131,131,129,125,122,122,123,123,127,181,194,196,199,207,215,217,217,212,209,202,194,191,186,129,100,88,105,121,129,176,186,186,178,127,119,119,120,121,121,125,168,170,170,170,170,168,125,125,127,170,170,127,125,127,168,170,168,121,121,119,115,109,109,113,117,125,181,186,123,115,129,183,176,123,120,129,191,204,209,207,202,196,196,194,189,183,178,176,176,178,189,191,191,186,186,183,181,181,183,186,183,181,183,178,131,131,181,181,181,181,181,181,176,131,129,128,128,129,131,173,131,129,131,181,183,183,178,172,170,176,181,181,178,178,183,189,189,186,189,191,191,186,183,182,183,191,199,204,202,196,194,191,191,194,199,202,196,191,189,194,202,204,196,194,194,196,199,194,191,191,194,194,194,191,191,189,183,178,178,178,178,178,178,183,191,196,199,194,186,183,186,189,189,181,133,133,178,178,178,176,174,176,178,174,172,174,181,183,181,178,178,181,186,191,196,199,199,199,199,199,199,199,199,199,199,199,191,176,127,127,131,176,178,176,133,132,133,178,183,189,191,191,191,189,189,186,183,181,181,183,189,191,194,194,194,194,196,199,199,202,199,194,183,178,181,183,183,183,181,178,178,178,178,176,133,132,132,132,133,176,181,186,183,181,178,181,186,191,191,189,189,194,199,196,191,186,183,183,183,178,178,186,199,207,204,199,189,127,113,113,121,129,176,181,183,183,191,202,204,194,181,135,134,134,181,191,199,199,199,199,204,207,202,191,185,183,183,185,186,183,183,194,204,204,199,191,183,182,183,186,186,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,163,163,160,160,165,170,173,173,176,178,181,181,176,173,173,173,170,165,165,170,173,173,170,168,165,121,118,116,118,123,165,127,125,170,183,189,183,176,173,173,176,176,173,173,173,176,181,183,183,183,183,183,181,181,181,181,181,181,178,176,176,178,181,181,177,177,181,186,189,189,191,191,189,186,181,181,181,183,181,181,178,176,173,172,172,172,173,181,189,191,189,181,174,174,183,191,191,189,189,191,191,186,181,178,181,183,181,178,176,176,176,176,176,176,173,129,127,126,127,131,173,173,173,173,173,176,178,183,186,189,189,183,183,186,186,186,186,186,189,189,191,189,186,185,185,186,191,191,194,196,199,202,199,191,190,190,191,194,194,191,189,191,194,196,194,194,191,194,194,194,194,194,191,189,189,194,196,194,194,194,196,196,196,199,202,204,204,202,199,196,195,195,195,196,199,202,202,204,207,207,204,204,204,204,204,202,202,199,196,189,183,181,176,133,133,133,131,129,127,129,176,186,191,191,189,186,183,189,196,207,209,209,207,204,207,207,207,204,202,196,196,199,202,202,202,199,199,199,196,194,194,199,202,207,212,215,212,209,209,209,209,208,209,212,209,207,202,202,204,207,207,204,202,199,196,194,194,199,202,202,199,195,195,196,199,202,196,194,194,194,191,189,186,185,186,189,191,191,194,194,191,191,189,187,187,187,189,194,199,204,207,207,202,202,199,189,183,181,183,189,194,202,202,196,191,191,189,189,189,189,191,194,199,202,199,194,191,191,191,189,186,186,186,186,189,186,183,178,178,178,183,186,186,183,181,178,178,176,178,183,186,186,178,176,176,178,183,183,181,181,181,181,178,181,181,183,183,181,176,173,173,129,125,125,129,173,173,173,176,178,178,176,178,183,186,189,189,183,181,183,183,178,176,174,181,189,189,186,189,189,189,183,183,186,191,191,186,178,131,173,176,173,173,173,173,176,183,186,189,189,183,181,176,176,178,178,178,178,178,178,176,176,176,132,131,132,176,178,181,191,204,207,194,181,178,183,186,186,186,183,178,173,131,131,176,178,178,176,173,176,178,178,176,131,130,130,176,178,178,178,183,186,183,183,186,186,186,189,189,189,191,194,194,194,189,189,196,199,194,181,178,181,183,186,186,189,189,189,189,189,194,199,202,202,199,196,199,199,196,194,191,186,181,181,183,191,194,191,186,187,189,191,191,189,187,186,191,204,215,212,204,196,189,186,186,186,189,194,194,183,129,125,121,115,99,93,98,113,129,181,189,186,178,178,173,170,181,191,199,204,212,215,212,209,207,207,204,199,196,196,202,204,207,207,207,207,204,196,189,185,186,191,196,0,0,0,0,0,202,202,202,202,199,191,190,190,196,207,215,215,215,209,207,204,204,209,212,217,225,230,235,241,243,246,246,243,238,230,222,0,0,0,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,243,251,251,248,243,243,243,243,238,235,233,233,230,225,215,209,204,202,202,207,212,215,217,217,215,215,217,215,215,209,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,194,191,189,189,189,186,181,176,170,168,170,173,181,186,189,186,176,163,157,155,152,150,150,157,168,181,194,204,209,215,217,215,0,204,204,212,222,225,217,212,212,212,212,209,209,204,202,196,196,196,202,207,209,209,209,212,217,225,225,225,225,225,225,225,222,222,222,222,220,217,212,212,212,209,204,204,204,204,202,196,196,196,202,204,204,207,212,217,217,215,215,220,225,230,230,230,230,230,228,225,228,228,228,225,222,217,215,217,217,217,225,228,230,233,233,230,225,217,213 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,150,183,189,186,178,176,178,186,186,178,168,168,170,170,170,166,165,165,168,173,178,178,176,173,173,173,173,173,170,168,168,168,173,176,178,178,183,186,189,186,181,176,173,165,117,111,113,117,121,119,117,157,165,181,194,196,186,181,186,191,186,173,163,107,109,144,142,101,75,59,39,35,39,79,107,155,157,160,165,170,176,178,176,176,176,178,178,176,170,170,165,163,163,125,125,125,123,119,121,168,183,189,183,125,115,116,123,129,176,176,170,129,176,183,178,128,127,129,173,176,131,127,127,131,178,178,183,191,199,202,199,191,181,170,170,176,183,183,181,178,176,176,178,186,191,189,178,127,125,125,123,125,129,170,170,170,176,191,202,199,189,183,178,181,189,202,212,217,222,225,217,204,181,129,121,121,173,196,196,178,107,113,125,176,181,178,176,131,129,128,128,129,130,131,170,127,122,127,181,189,189,183,178,170,127,125,119,107,105,111,131,189,196,202,204,207,209,207,204,202,199,199,204,204,199,196,191,186,178,131,129,130,173,178,176,131,129,123,121,127,131,173,170,170,173,183,202,199,170,128,170,170,178,189,186,181,176,176,178,181,183,181,181,181,176,169,168,173,183,186,178,173,176,181,186,183,178,173,168,125,121,117,117,121,165,170,170,165,123,122,122,123,163,163,163,163,163,163,165,168,178,189,196,194,191,189,173,115,89,93,105,119,160,119,115,115,115,113,113,113,113,112,147,155,160,160,160,157,144,81,23,0,0,0,0,0,23,17,0,0,0,0,0,19,170,191,189,186,191,178,168,139,31,0,0,0,7,31,49,0,0,71,155,168,160,137,127,131,142,144,150,165,170,163,150,144,144,142,140,144,152,165,163,147,147,165,163,150,147,101,85,134,173,212,225,163,57,13,5,47,168,189,183,170,163,142,97,105,170,186,178,41,0,75,181,202,204,181,157,111,111,163,173,150,99,95,95,99,111,150,103,89,150,160,176,189,194,189,191,194,194,176,29,35,111,105,102,103,105,109,113,115,113,112,113,157,170,176,181,183,183,181,181,181,173,110,106,111,115,117,160,170,183,194,204,212,217,222,222,83,11,57,111,163,89,82,85,97,111,163,168,165,173,199,209,196,176,168,173,178,176,172,194,212,212,212,207,194,186,186,183,170,123,121,123,123,121,119,119,123,127,129,127,124,125,173,186,191,189,181,131,126,125,125,127,170,176,173,170,170,181,191,189,181,181,189,186,178,173,170,129,170,170,125,121,121,123,173,176,170,170,173,176,176,131,129,123,123,123,125,129,183,194,199,202,207,212,215,215,212,209,202,199,199,202,196,131,107,115,123,127,173,186,186,176,125,119,119,119,120,120,123,170,176,173,176,176,170,165,168,178,183,178,173,173,176,178,181,176,123,123,121,111,101,100,109,127,178,194,209,209,202,207,212,204,186,129,131,189,202,202,191,186,189,191,191,189,183,181,178,176,181,189,189,189,189,189,183,181,179,183,189,189,189,189,181,173,178,186,186,186,186,189,189,183,176,131,129,128,128,129,129,129,128,173,181,183,183,181,176,174,178,183,181,178,177,178,186,186,186,186,186,186,183,183,183,186,191,199,202,196,191,189,189,191,196,204,202,196,191,186,186,191,196,191,190,190,194,196,194,189,187,189,189,189,189,189,189,186,181,178,178,181,181,181,186,194,199,202,199,186,178,176,183,186,183,181,178,181,183,181,178,176,176,178,174,173,174,181,181,178,176,176,176,178,186,194,199,199,199,202,199,199,199,202,204,202,196,189,133,127,128,176,181,183,181,176,176,178,186,196,199,199,194,189,191,194,191,189,186,186,186,189,189,189,189,191,196,199,199,199,202,204,202,196,186,181,181,181,181,181,178,176,176,176,176,132,132,132,132,133,181,186,191,189,183,183,186,189,194,194,191,194,199,202,202,194,189,186,186,186,181,178,183,194,202,204,199,194,181,129,125,129,133,181,183,183,183,191,204,207,196,186,178,132,130,133,183,194,199,204,204,207,207,202,191,185,185,186,189,189,186,183,191,202,204,202,196,189,186,183,183,183,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,160,159,157,159,163,170,173,172,172,178,181,181,176,173,170,170,168,165,165,168,173,176,170,125,123,121,119,119,119,123,125,123,123,170,181,189,183,176,174,174,176,176,173,176,178,178,181,183,183,183,183,183,181,179,181,183,183,183,181,178,178,178,178,178,177,177,181,186,189,186,189,189,186,181,181,181,183,183,183,181,178,178,178,176,176,176,176,178,186,189,189,181,173,173,183,194,194,189,186,186,186,183,178,176,176,176,176,176,176,176,173,173,176,176,173,131,127,126,127,129,173,173,176,176,178,178,178,183,189,191,189,181,181,183,186,186,186,189,189,189,189,189,189,186,185,186,189,194,196,199,199,202,199,194,190,189,191,196,194,189,187,189,191,194,194,194,191,191,191,191,194,194,189,186,189,194,196,196,196,196,199,199,202,207,207,204,202,202,202,199,199,196,199,199,199,202,204,207,209,209,209,207,207,204,202,202,202,199,194,189,183,178,133,131,131,131,131,129,126,127,178,191,194,191,189,189,189,194,199,204,207,207,207,204,204,204,204,202,196,191,191,196,199,199,199,196,194,194,194,196,196,199,202,207,209,212,212,212,212,212,209,208,208,212,212,209,204,202,202,199,199,196,196,194,191,191,196,204,209,209,204,196,195,195,202,204,202,199,196,194,191,186,185,185,185,186,189,189,189,189,189,186,189,189,187,189,191,194,199,199,199,199,199,199,194,186,181,178,178,181,189,194,196,191,186,186,186,186,186,186,186,191,196,202,199,194,191,194,194,191,186,182,182,183,183,183,181,178,178,181,183,183,181,181,178,176,176,174,176,181,183,181,176,133,133,178,181,178,176,178,178,178,176,176,178,181,183,181,176,173,129,125,124,125,131,173,173,173,176,178,178,178,176,178,181,183,178,176,173,176,181,178,176,177,183,186,186,186,189,191,189,186,183,183,191,194,189,173,123,121,123,127,173,176,176,178,181,183,186,186,183,181,178,181,183,183,181,178,178,181,178,178,176,133,133,133,176,176,178,189,196,199,189,181,181,183,186,183,181,178,176,131,129,127,129,131,131,131,131,173,178,181,178,131,128,129,176,181,176,133,133,176,133,133,181,186,189,189,187,187,189,194,199,199,194,196,204,207,199,186,181,181,183,186,189,194,196,196,191,186,186,191,194,194,194,196,202,204,202,196,194,191,186,183,186,191,194,191,189,187,187,189,191,191,191,189,194,207,217,217,209,204,196,194,189,186,189,194,199,194,178,125,115,99,93,93,105,123,170,176,176,127,119,129,170,176,189,202,202,204,209,215,212,204,196,191,191,191,194,199,204,207,209,209,209,209,207,196,186,183,185,189,191,0,0,0,0,0,204,204,204,204,204,196,191,190,196,207,215,222,217,212,209,207,207,209,215,217,222,228,233,235,241,241,241,238,233,225,215,204,199,194,194,194,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,241,246,246,241,238,238,241,241,235,233,233,233,233,228,220,212,209,207,207,212,222,228,230,230,228,225,222,215,212,209,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,191,189,189,189,186,178,170,168,168,170,173,176,183,189,191,183,170,157,0,0,0,0,0,157,173,186,202,212,217,217,217,0,204,202,209,217,217,215,212,212,212,215,212,212,207,204,199,195,195,199,204,209,209,209,212,222,225,222,222,222,222,225,225,225,225,225,222,217,215,209,209,212,212,209,204,202,199,199,196,194,196,202,204,204,207,212,217,217,215,215,220,228,230,230,230,233,230,228,228,228,225,225,222,222,217,217,222,222,217,222,225,230,233,233,230,225,217,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,124,181,186,183,173,170,176,181,183,178,173,173,173,173,173,170,168,166,173,181,183,183,181,178,178,178,178,176,176,170,168,170,176,181,181,181,183,183,186,183,181,173,165,119,111,111,115,119,123,121,121,121,157,163,178,183,176,173,176,186,202,186,176,150,150,155,155,155,155,157,97,39,38,77,109,152,160,165,170,170,170,170,176,178,178,178,178,178,176,176,170,165,163,125,123,123,119,115,115,123,178,191,191,170,117,117,121,121,127,129,127,129,178,189,183,129,127,128,131,176,131,127,128,173,178,177,178,189,196,199,196,191,178,170,170,176,181,183,181,178,176,170,173,183,194,191,176,125,123,119,119,125,129,129,128,128,176,194,207,204,194,186,181,183,196,204,212,222,228,228,222,207,186,173,127,127,131,181,183,173,123,121,129,178,181,178,131,128,129,131,176,178,178,173,129,122,118,125,183,191,191,183,176,127,125,123,121,115,115,123,178,191,196,196,199,204,207,207,202,199,202,202,202,196,186,186,189,189,181,133,130,131,173,178,176,176,173,131,127,125,127,129,129,129,128,129,191,196,176,170,173,170,183,191,191,183,178,178,183,186,189,181,176,178,176,170,168,170,181,181,173,170,176,183,183,176,168,121,119,117,117,116,117,123,165,170,168,165,123,122,123,123,123,123,123,123,123,123,123,165,178,191,196,191,189,183,168,109,99,101,115,163,163,157,117,117,113,112,112,112,112,111,111,150,160,160,155,139,41,0,0,0,0,0,71,139,163,160,41,0,0,0,0,41,194,194,186,189,186,183,183,176,131,19,0,0,67,173,194,61,45,126,152,168,163,139,127,131,144,144,144,157,168,160,147,143,144,144,144,150,152,152,147,150,173,191,181,160,155,150,144,152,168,207,222,183,147,71,47,69,139,165,165,160,150,139,99,99,144,157,87,0,0,37,152,183,186,173,160,155,157,170,170,105,92,93,95,101,150,150,94,72,103,163,183,199,202,186,186,191,194,99,6,26,111,103,101,103,105,107,111,113,111,110,115,165,178,186,191,191,186,176,168,173,170,111,106,110,115,119,165,183,194,196,199,207,212,212,215,152,15,13,55,95,85,83,91,105,115,160,165,165,176,194,202,191,173,166,170,176,176,176,215,230,225,215,204,191,186,191,191,181,127,121,119,116,116,117,117,119,125,127,125,123,124,170,178,183,183,181,178,176,170,170,173,176,176,129,123,123,173,183,181,170,127,170,170,129,170,173,181,191,189,173,122,121,127,183,189,181,176,176,181,178,173,129,125,123,123,125,129,183,194,196,202,207,212,215,217,215,209,204,199,202,207,207,204,194,181,131,127,127,173,176,168,123,121,121,123,121,120,123,168,173,173,176,176,173,170,176,186,191,186,181,186,191,196,202,196,176,127,125,113,99,97,108,127,178,191,215,222,212,212,212,202,183,129,129,183,196,191,179,177,181,183,186,186,183,183,183,181,181,186,183,183,186,189,186,181,181,189,196,199,202,199,189,186,194,196,191,189,189,191,191,186,181,176,131,129,129,129,129,128,128,131,176,181,183,186,181,178,183,189,189,183,178,178,183,189,189,183,178,177,178,183,186,186,189,191,191,186,181,181,183,189,199,204,202,194,189,186,186,189,191,191,190,190,196,199,196,191,189,187,187,187,187,189,189,186,183,183,186,189,186,186,191,194,196,199,194,183,176,176,181,183,181,181,183,186,189,186,183,181,181,181,178,176,178,181,176,133,131,131,133,178,183,194,202,202,202,204,202,199,199,202,202,202,196,191,178,131,133,181,183,183,181,178,181,189,196,202,199,191,183,183,186,189,191,191,191,191,191,189,183,181,183,191,196,199,196,191,194,199,204,202,194,186,181,181,181,178,174,173,173,174,176,176,133,133,133,181,191,199,199,191,186,186,189,191,196,196,194,196,199,202,199,194,189,189,189,189,183,178,178,183,191,196,196,196,191,181,131,131,176,181,181,178,181,189,202,207,199,191,186,181,135,137,186,194,199,202,204,204,204,202,196,191,191,194,196,194,191,189,194,202,204,199,194,189,186,186,183,181,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,160,157,156,159,165,170,173,172,172,176,181,178,173,168,168,168,168,165,125,165,173,176,170,125,123,123,125,168,168,165,125,123,125,170,183,189,186,178,176,178,178,176,173,176,181,183,183,183,186,186,183,183,181,181,181,183,186,186,186,183,181,181,181,181,178,181,183,186,186,186,183,181,178,176,176,181,183,186,183,183,181,181,178,181,181,178,176,178,183,189,186,183,174,173,183,196,196,186,178,176,178,178,176,173,131,129,129,176,176,176,173,173,173,173,173,131,129,127,127,129,131,131,176,178,178,178,178,183,186,189,183,178,178,183,189,191,191,191,189,189,189,189,189,186,186,186,189,194,196,196,199,199,196,194,190,189,191,194,194,189,187,189,191,194,194,194,191,191,191,191,191,191,186,186,189,194,199,199,199,199,199,199,204,209,209,204,199,199,202,202,202,202,202,202,202,202,204,207,209,212,212,209,209,204,202,202,202,199,194,186,181,178,176,133,133,133,133,129,126,126,176,189,194,191,191,194,196,196,199,202,204,204,204,204,202,202,199,194,191,189,189,194,196,199,196,192,192,194,196,199,199,199,199,202,207,209,209,209,212,215,212,208,209,212,212,209,207,204,202,196,194,194,194,191,191,191,199,209,217,217,212,202,199,199,204,207,204,199,196,194,191,191,189,186,186,189,189,186,185,186,186,186,189,189,189,191,194,194,196,194,191,194,199,196,191,186,181,178,177,178,186,191,191,186,181,181,181,183,186,186,186,186,191,196,196,194,194,196,199,194,186,183,182,182,183,183,183,181,181,181,181,178,176,178,178,176,176,176,176,178,181,178,133,133,133,176,176,176,173,176,178,176,176,176,181,183,186,183,178,131,127,125,125,127,173,176,176,173,176,178,178,176,174,174,176,176,173,129,129,173,181,181,181,181,183,186,186,186,189,191,189,186,183,183,189,194,189,176,121,117,118,121,131,176,176,178,178,181,183,186,186,183,183,183,183,186,183,178,178,181,178,178,176,176,176,176,133,133,176,183,189,191,186,181,181,181,181,181,181,178,176,131,129,125,124,125,125,125,127,129,176,181,178,131,128,129,176,181,176,133,133,133,131,129,176,189,191,191,187,186,189,191,199,199,196,199,204,204,196,189,183,183,183,183,189,194,199,199,191,183,181,181,186,189,189,196,204,209,207,202,199,196,194,191,186,186,189,191,191,189,187,187,191,196,199,199,202,207,212,212,209,207,204,202,194,189,186,194,202,199,183,127,115,99,94,99,121,173,176,170,125,114,109,119,127,173,194,204,202,202,207,212,209,199,186,178,181,189,196,202,202,204,204,207,207,209,204,196,186,183,183,186,189,189,0,0,0,202,204,204,204,207,207,202,194,194,196,207,217,222,222,217,212,209,209,212,215,217,222,225,228,233,235,235,233,233,228,220,209,199,194,189,183,183,189,0,202,202,202,0,0,0,0,0,0,0,0,0,0,0,0,233,238,0,0,235,230,233,0,233,233,0,233,233,230,225,220,215,215,212,215,222,230,235,238,238,235,233,225,215,209,209,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,189,186,189,189,183,176,165,163,165,170,173,176,181,186,191,189,176,160,150,142,105,0,0,152,168,183,199,212,217,222,217,212,204,202,204,212,215,212,209,212,215,215,215,212,209,207,202,195,194,196,202,207,209,209,212,222,225,222,217,215,217,225,228,228,225,225,222,220,215,209,209,209,212,209,204,199,196,196,194,194,196,202,204,204,207,209,215,215,215,215,220,225,228,230,230,230,230,228,228,225,225,222,222,217,217,217,222,222,217,217,222,228,230,233,230,225,220,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,0,0,0,95,170,181,178,170,169,170,176,178,178,176,173,173,176,181,181,178,176,178,183,186,189,189,189,189,189,189,186,183,178,173,176,183,189,189,186,186,181,178,181,181,170,119,109,109,113,119,121,163,165,163,119,117,116,119,165,168,165,163,170,186,181,168,155,152,157,163,165,170,168,152,57,55,95,113,157,165,173,178,176,170,170,173,176,176,176,178,183,189,183,176,168,165,168,125,121,121,115,112,117,178,191,191,173,125,129,129,123,123,125,125,127,178,186,181,131,128,129,176,178,176,129,129,173,178,177,178,186,189,189,189,186,176,173,173,178,183,183,181,176,173,170,173,178,186,181,170,125,119,117,118,127,176,173,128,128,181,194,204,204,196,186,181,183,191,199,209,217,222,222,215,204,183,173,173,178,181,183,178,131,125,127,173,181,186,183,131,127,130,181,191,194,189,178,170,123,119,122,173,189,189,181,170,127,123,121,121,121,121,125,178,194,199,196,196,196,202,207,204,202,202,204,202,189,177,178,186,189,181,178,176,176,176,176,176,176,176,178,173,125,124,127,131,129,126,128,178,183,181,176,173,131,173,186,191,183,178,181,186,189,186,176,173,178,181,173,168,169,176,173,129,129,178,186,183,168,119,115,115,117,119,119,121,125,168,168,165,125,123,123,125,123,123,121,121,121,121,121,121,123,173,191,196,189,181,176,121,102,101,107,121,170,168,160,157,119,115,112,112,113,113,113,150,152,157,157,152,41,0,0,0,0,0,71,181,194,194,196,191,129,3,0,23,152,194,194,189,186,186,186,186,183,183,63,0,0,67,163,194,157,87,95,147,168,163,144,134,134,139,139,142,152,163,157,144,143,144,147,150,152,150,142,139,144,173,189,178,160,155,160,163,157,139,134,157,163,152,142,101,93,95,97,142,147,139,101,97,75,71,65,11,0,0,59,107,147,160,165,160,160,165,173,170,107,88,89,95,105,150,155,96,87,103,165,181,196,202,173,168,178,165,99,12,21,81,105,113,111,109,113,155,115,110,106,115,165,176,186,191,191,181,160,121,165,163,113,109,111,117,165,178,191,196,196,194,196,202,209,212,181,75,0,0,59,83,89,99,111,155,160,163,160,163,173,186,181,168,168,173,173,173,178,217,233,230,222,196,183,183,191,194,186,170,119,115,116,121,121,119,121,125,127,127,124,124,129,176,181,181,183,189,194,196,199,196,194,186,129,117,115,121,127,127,123,117,117,119,123,127,176,191,196,189,173,125,127,181,194,202,196,178,173,178,176,125,121,121,123,123,127,173,183,189,194,199,204,209,217,222,222,215,207,204,207,209,209,207,204,196,189,176,127,126,127,123,119,121,125,127,123,121,123,165,170,170,168,170,173,176,181,186,183,176,178,189,196,204,215,212,196,183,170,123,113,109,117,125,173,181,199,209,204,204,202,189,125,122,127,186,194,186,179,177,178,181,183,186,186,189,186,183,178,178,176,176,181,186,186,182,183,196,204,207,207,202,199,202,204,202,191,186,186,186,186,183,181,173,173,173,173,173,131,129,129,131,173,176,181,183,178,176,181,191,196,194,186,181,183,189,191,186,178,174,177,181,186,186,186,183,181,135,134,134,178,186,194,202,196,186,183,189,196,196,196,196,191,194,199,202,199,194,189,187,187,189,187,189,191,189,186,191,199,196,189,186,191,194,191,189,181,176,133,176,178,178,178,181,186,189,191,189,186,186,186,183,181,181,183,178,131,130,130,130,133,178,183,191,202,204,202,204,202,202,202,199,199,196,194,191,186,181,181,183,183,183,181,183,189,199,199,196,186,176,129,131,176,178,181,189,194,196,191,186,181,178,179,189,196,199,194,183,181,189,196,202,199,189,183,183,186,186,178,174,173,174,176,178,176,133,133,181,196,202,199,189,183,183,183,191,196,196,196,194,196,199,194,191,189,189,189,189,186,178,176,174,177,183,191,194,189,178,129,129,133,176,173,173,178,189,199,202,199,196,196,196,196,196,199,202,202,202,202,202,202,202,202,196,194,196,202,202,199,194,196,202,199,189,183,139,183,186,186,183,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,163,160,160,165,170,173,173,173,176,178,178,173,165,164,165,165,165,123,121,123,168,173,170,165,165,165,170,176,178,170,123,122,125,173,183,186,186,181,181,181,181,176,170,173,181,186,186,186,186,186,183,183,183,183,183,181,183,186,183,183,183,181,181,183,183,183,186,189,189,186,178,172,169,170,173,178,183,186,186,186,183,178,176,176,178,176,176,176,181,183,183,181,176,174,181,189,191,186,176,173,174,176,176,131,127,125,126,173,176,176,173,173,173,173,131,129,127,127,127,129,129,173,178,181,181,178,181,183,186,183,178,177,177,181,189,194,196,194,191,186,186,186,189,186,186,186,189,194,196,196,194,196,196,194,191,190,191,194,191,189,189,189,191,194,194,191,191,191,191,189,189,189,186,183,189,194,196,199,199,202,202,199,202,204,207,199,194,194,199,202,204,207,207,204,202,202,204,207,209,209,207,209,209,204,199,199,199,196,191,186,178,176,176,176,133,133,176,131,127,127,133,183,191,191,194,196,199,199,196,199,202,204,202,202,202,199,194,189,186,186,191,194,199,199,196,192,192,196,202,204,204,202,199,202,204,207,207,207,212,217,217,215,215,215,212,209,209,207,202,196,191,191,191,191,191,194,202,212,217,217,212,209,207,207,204,207,209,207,199,194,196,196,194,191,191,191,189,186,186,186,189,189,191,191,191,191,191,191,194,191,191,191,196,194,191,189,183,178,178,183,189,194,194,189,183,179,179,183,186,189,189,186,186,191,191,191,191,196,196,191,186,183,183,183,183,183,183,181,181,181,181,178,176,176,176,178,178,178,178,178,181,178,133,133,133,133,173,173,173,176,176,178,178,181,183,189,194,191,183,176,131,129,131,131,173,176,178,176,176,178,178,176,174,173,176,176,131,129,129,173,181,186,186,186,186,183,183,186,189,189,186,183,183,186,189,189,186,176,127,118,117,121,129,176,178,176,176,178,183,183,186,189,191,189,183,186,186,183,181,178,178,178,176,178,178,176,133,133,176,181,186,191,186,181,176,173,173,176,181,178,178,176,131,125,124,124,125,125,125,129,173,178,181,176,130,130,133,176,133,176,183,181,132,130,178,194,196,191,189,187,187,189,191,194,196,196,199,196,191,186,183,186,183,181,181,186,191,191,186,178,134,134,178,183,189,196,204,209,209,204,202,202,199,194,186,185,186,194,196,191,187,187,191,202,209,209,207,202,202,202,202,202,204,202,194,189,183,189,199,196,181,129,121,111,101,111,127,176,170,125,119,113,110,117,123,129,181,189,189,191,199,207,204,186,131,170,181,194,204,204,202,199,199,202,207,207,204,196,189,183,183,186,186,183,181,0,0,204,207,204,204,204,207,204,199,194,196,204,215,222,222,222,215,212,209,212,215,0,222,225,228,230,230,228,228,225,222,215,207,202,194,186,178,176,183,194,194,189,191,0,0,0,0,0,0,0,0,0,0,0,0,0,238,0,0,0,0,0,0,0,0,0,0,0,0,0,217,0,0,0,0,0,233,238,241,241,238,235,228,215,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,186,183,183,183,181,170,160,160,165,170,173,173,176,183,189,189,183,168,152,107,105,0,0,155,168,183,199,212,220,222,222,215,207,202,200,207,212,212,209,212,215,215,215,212,209,209,204,196,194,195,202,207,207,209,212,222,225,222,217,215,217,225,228,228,228,225,225,222,217,212,209,209,212,209,204,199,194,194,147,194,196,199,202,204,207,209,212,215,215,215,217,222,228,228,228,228,228,228,228,225,222,217,217,215,215,215,222,222,215,215,222,228,230,230,230,225,217,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,51,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,38,0,0,0,0,0,0,118,176,178,170,169,170,170,173,173,173,170,176,181,186,189,186,186,186,186,189,189,191,191,194,194,194,194,191,186,181,183,189,194,196,194,191,186,183,178,173,121,111,107,109,119,165,170,170,170,165,121,116,116,117,157,160,160,157,160,165,165,157,152,155,165,176,176,173,168,160,89,85,105,115,157,170,178,181,178,173,169,169,170,170,170,173,181,189,189,183,176,170,173,168,165,168,117,109,112,173,183,186,181,178,189,191,176,129,125,125,127,178,186,183,173,128,131,178,183,178,173,173,178,178,178,178,183,183,183,181,181,176,176,176,181,183,183,178,170,169,170,170,173,178,181,173,125,115,115,119,173,186,183,173,170,178,189,194,194,191,183,178,176,178,189,196,202,207,209,207,196,173,127,173,186,191,191,183,173,129,131,176,183,189,186,176,129,131,183,194,196,189,178,170,125,121,122,129,176,178,176,173,170,125,119,119,119,119,123,173,194,202,199,196,195,199,204,207,202,202,202,196,183,176,177,183,186,183,183,183,183,181,178,176,173,173,176,131,127,125,129,173,131,128,129,131,176,176,173,131,128,128,178,186,183,178,181,186,189,183,174,173,176,181,178,173,170,170,129,128,128,176,183,176,123,115,113,114,119,125,168,168,165,165,125,123,123,165,168,165,123,120,120,123,125,125,123,120,120,165,183,189,181,173,165,117,103,101,107,121,168,168,163,160,160,155,113,112,113,150,157,165,168,165,160,101,0,0,0,0,0,47,173,191,196,196,196,196,194,89,7,139,183,194,194,191,191,189,186,186,183,183,49,0,0,11,47,176,165,83,85,139,157,160,147,139,139,139,137,137,147,163,163,150,144,143,144,152,155,147,140,138,138,144,160,157,150,157,168,168,142,69,71,97,142,144,139,137,134,97,94,134,139,99,91,89,73,75,81,79,10,0,55,95,105,144,150,155,157,160,173,178,160,95,94,107,147,147,105,92,95,152,163,168,176,176,157,155,155,150,101,43,63,91,107,155,152,109,113,163,163,112,108,113,157,165,176,178,176,165,115,117,163,165,160,119,157,163,173,186,196,199,196,191,189,196,207,217,199,89,0,0,51,87,91,99,113,160,163,163,157,117,119,165,168,170,178,183,178,170,168,199,222,225,212,183,173,181,189,191,183,127,115,113,117,176,129,121,121,127,129,129,129,127,170,176,181,186,191,199,204,209,215,212,202,189,170,115,114,115,119,119,115,111,111,112,115,123,173,186,189,176,129,170,181,194,202,207,204,183,129,129,127,117,116,117,121,125,131,178,183,189,194,199,204,209,215,217,220,217,212,209,212,209,207,207,207,204,199,191,178,173,170,123,117,119,123,125,123,123,125,165,168,165,125,125,170,181,183,178,165,115,123,178,194,209,215,212,204,186,178,173,168,127,127,127,129,173,181,186,186,183,178,123,116,118,127,186,194,194,186,183,183,186,191,191,191,189,189,183,173,129,127,173,181,186,189,189,191,202,209,212,207,199,194,196,199,196,189,183,186,186,183,181,176,131,131,173,178,178,176,170,129,129,127,127,129,129,129,127,131,183,194,194,189,186,186,189,191,189,181,177,177,181,183,183,183,183,178,134,133,134,135,181,186,194,186,178,178,189,199,202,202,199,194,196,202,204,202,196,191,189,191,191,191,191,194,194,194,196,202,202,189,183,186,186,181,178,176,132,132,133,176,176,176,181,186,189,189,186,186,186,186,183,183,186,186,181,131,129,129,130,133,176,178,186,191,194,194,196,199,199,196,189,186,186,189,191,186,183,183,186,186,183,183,186,194,199,196,189,178,127,124,125,127,129,133,183,194,196,194,189,183,179,181,189,196,196,189,176,131,176,183,191,194,191,189,191,194,194,186,178,176,178,181,178,133,127,129,176,186,191,186,181,176,176,178,186,194,194,191,191,191,189,186,183,186,186,186,186,186,181,177,176,177,183,191,189,181,129,127,128,133,176,174,174,178,186,194,196,199,199,199,202,204,204,204,204,202,199,196,196,196,196,196,194,191,194,202,207,204,199,196,196,191,138,136,137,139,183,186,186,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,168,168,170,170,173,176,176,176,178,178,178,170,165,164,165,165,125,120,119,121,165,173,173,170,170,173,176,181,181,173,125,122,127,173,178,181,181,181,181,183,183,181,173,170,176,181,183,183,183,183,181,181,186,186,183,183,183,186,183,183,181,181,181,183,186,186,189,189,189,186,178,172,169,170,173,176,181,186,189,189,183,178,173,131,173,173,173,176,176,176,173,173,176,176,181,183,186,183,181,178,178,181,178,131,127,125,126,173,176,176,173,173,173,131,127,127,126,127,129,129,129,173,178,183,181,181,181,186,186,183,178,176,177,181,189,196,199,196,191,186,185,186,186,189,189,189,189,194,194,194,194,194,194,194,194,191,191,191,191,191,191,191,191,194,194,194,191,191,189,186,183,183,183,183,189,191,194,196,199,202,202,199,199,199,202,199,194,192,194,199,204,209,209,207,204,204,204,207,207,204,204,204,204,202,196,199,199,194,189,186,178,176,176,176,133,176,178,176,129,127,131,181,186,191,191,189,191,194,194,194,199,199,199,202,204,199,191,186,185,186,191,196,202,202,199,194,194,199,204,207,204,204,202,202,204,204,204,207,215,222,222,222,222,215,209,204,204,204,202,196,191,190,190,191,194,196,202,207,209,209,209,209,212,212,207,209,212,212,199,191,191,194,194,194,194,191,189,186,186,186,189,191,191,191,189,189,189,189,191,191,191,194,196,196,191,189,183,183,183,191,196,199,199,196,189,181,179,183,191,196,194,189,189,189,186,183,183,186,189,186,186,183,183,186,186,186,183,181,181,183,183,183,181,178,178,178,181,183,181,181,181,178,176,176,176,133,173,173,176,176,178,181,183,186,186,191,194,196,191,183,178,176,176,176,178,178,178,176,176,178,181,176,173,173,176,178,173,131,131,176,181,183,183,183,186,183,182,183,186,186,183,178,181,183,186,186,183,178,131,121,121,125,173,178,178,176,176,178,181,183,186,189,194,191,186,186,191,189,183,176,176,178,181,181,181,178,176,176,178,181,183,186,183,178,133,132,131,173,178,181,181,181,173,127,125,129,131,131,129,131,176,181,183,181,176,133,176,178,178,183,189,186,133,132,183,194,196,194,191,189,189,189,189,191,194,194,194,189,183,181,181,183,183,178,177,181,186,186,183,178,134,133,135,178,183,194,202,207,204,202,199,202,202,196,194,191,196,199,199,194,189,189,194,199,204,204,202,194,189,186,189,191,194,191,189,183,181,183,189,183,131,129,129,123,113,121,129,173,127,121,117,115,115,117,121,123,125,121,119,127,183,186,129,112,113,129,194,204,207,209,207,202,199,202,204,204,202,194,189,185,185,186,186,183,181,0,0,204,207,204,202,202,204,202,199,196,196,202,209,215,217,217,215,212,212,212,217,0,0,222,225,228,225,222,222,222,220,215,209,207,199,189,176,173,176,183,181,176,176,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,0,0,0,0,0,235,241,241,238,235,230,222,212,207,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,186,181,178,178,176,165,157,155,163,168,170,170,173,178,183,189,186,173,152,139,105,0,0,160,173,189,202,212,222,225,225,222,212,202,199,202,209,209,207,209,212,215,212,212,209,209,207,199,195,196,202,207,207,209,212,217,222,222,217,215,215,222,228,228,228,225,225,222,217,215,212,212,212,209,204,199,194,147,147,147,194,196,199,204,207,209,212,215,215,215,215,222,225,228,225,225,225,228,228,228,222,215,215,215,212,215,217,217,215,215,222,228,230,230,228,225,217,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,181,183,176,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,0,0,0,0,0,0,0,92,183,181,173,173,170,168,168,168,170,170,176,183,189,191,191,191,191,191,189,189,189,191,191,191,191,191,191,189,189,191,194,196,199,202,202,194,186,170,115,101,101,105,111,125,176,178,176,173,165,121,118,119,121,157,119,119,155,155,155,155,155,155,168,186,196,194,178,170,165,113,107,113,152,160,170,176,178,178,176,170,169,170,176,170,165,170,178,183,186,183,178,173,170,173,176,121,109,110,123,127,170,176,186,202,207,196,181,170,127,129,181,191,191,178,126,128,176,178,176,178,183,186,181,177,177,181,181,178,178,181,178,176,178,183,186,186,178,170,169,170,170,127,170,178,176,125,115,115,121,176,186,183,176,176,178,186,189,186,183,181,176,129,170,178,183,186,189,191,194,183,117,116,127,183,191,191,183,176,176,176,178,183,189,191,183,176,176,186,194,194,183,173,129,127,123,123,125,129,170,173,178,176,127,119,119,119,119,121,173,194,202,202,196,195,199,204,207,204,199,194,189,178,177,178,181,183,183,186,189,189,189,183,178,176,173,131,129,127,129,173,176,176,178,176,131,131,131,131,129,128,128,176,186,183,181,183,186,189,183,178,176,178,183,186,183,178,173,170,129,170,173,176,127,119,114,113,115,121,168,176,173,168,125,122,122,165,173,176,170,123,120,121,125,165,165,123,120,119,123,170,178,178,170,123,115,109,105,109,119,165,165,163,165,168,168,157,115,115,152,165,178,181,178,173,87,0,0,0,0,0,47,165,183,194,196,196,202,202,186,85,163,181,191,194,194,191,186,183,183,181,176,47,0,0,11,21,142,142,75,81,139,147,147,144,144,147,142,103,103,144,163,165,155,147,143,143,152,155,147,144,142,139,142,155,152,144,147,157,152,71,49,63,97,137,99,93,139,147,142,101,137,134,69,72,89,93,147,176,189,157,19,25,57,95,105,142,147,150,150,163,173,157,105,109,165,168,107,83,81,99,163,163,160,160,160,155,150,107,109,109,105,101,85,97,150,113,107,109,163,170,117,111,112,113,115,157,163,119,113,111,114,160,170,176,176,173,173,178,189,199,202,196,189,186,191,207,225,217,109,11,19,67,91,95,97,109,157,165,168,163,119,119,119,121,173,199,209,199,173,117,165,194,199,189,127,125,181,191,194,183,125,115,114,121,176,129,121,123,127,170,173,170,173,173,176,183,189,196,204,209,212,222,217,199,183,129,119,114,115,115,115,113,112,111,111,112,119,170,178,173,123,123,176,194,199,204,209,207,194,125,120,121,117,116,117,121,127,173,181,189,191,196,202,207,212,215,215,215,215,212,212,212,209,204,202,204,207,204,199,196,196,194,170,117,117,118,118,119,123,165,165,165,125,122,122,168,183,183,168,113,108,115,168,183,204,204,199,194,178,176,178,178,178,176,170,170,170,169,169,170,173,127,119,115,121,173,191,202,204,202,202,202,199,199,196,194,191,186,178,129,120,121,176,183,186,189,189,194,202,209,209,202,189,181,181,186,183,181,181,186,186,183,178,173,129,128,129,176,178,178,173,129,129,125,123,123,125,125,125,126,131,181,186,186,183,183,183,186,183,181,178,181,183,181,181,183,186,181,135,135,135,178,178,178,181,178,177,178,189,196,199,202,199,196,196,202,204,199,194,189,186,189,194,194,196,199,202,202,202,204,202,189,181,181,178,176,176,133,132,132,133,176,176,176,183,186,189,189,186,186,186,189,186,186,191,194,189,178,131,131,176,133,133,176,178,178,178,183,186,186,189,183,129,129,178,186,189,186,183,183,186,186,183,183,189,194,194,194,189,181,129,123,122,123,124,127,176,189,196,196,194,189,186,186,191,196,194,186,133,128,128,131,178,189,194,194,196,196,196,189,183,181,183,183,176,127,124,125,131,176,176,133,133,132,133,176,181,189,189,186,183,183,181,176,176,176,178,178,181,183,183,183,183,186,191,191,186,173,127,127,129,133,178,181,178,178,183,189,194,196,199,199,199,199,199,202,202,199,194,194,194,194,194,194,191,191,196,202,207,207,202,196,196,189,138,137,138,183,186,186,189,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,176,173,170,170,176,178,181,181,181,178,178,170,165,165,168,170,168,123,121,123,168,173,176,173,173,176,178,181,178,173,125,123,127,173,176,176,176,176,176,181,183,181,173,170,173,176,176,178,181,178,176,178,186,186,183,183,183,186,183,181,179,179,181,183,186,186,189,189,189,183,178,176,173,173,173,173,178,183,189,186,183,176,131,129,131,173,176,178,176,129,125,126,131,176,178,178,181,183,186,186,186,183,178,131,127,126,127,173,176,176,176,173,131,129,126,127,127,129,173,173,131,173,178,183,183,181,183,186,186,183,178,177,178,183,189,196,199,196,191,189,186,189,189,189,189,189,189,191,194,194,194,194,194,194,191,189,189,191,194,194,194,194,191,194,194,194,191,189,186,183,181,179,181,186,189,189,191,194,196,199,202,202,199,196,196,199,196,192,192,196,202,209,212,209,209,207,207,204,202,199,199,199,199,196,195,196,194,189,186,183,181,176,178,176,176,178,181,178,131,127,129,176,183,189,186,181,178,186,191,194,196,196,196,202,204,199,191,186,185,189,194,202,204,204,202,196,196,199,204,204,207,207,202,202,202,202,204,209,217,222,225,225,222,215,204,199,199,196,196,194,191,191,191,194,194,199,202,204,202,202,204,209,215,215,209,209,212,209,199,187,186,189,189,187,191,191,191,186,186,185,186,189,189,189,186,186,186,189,191,191,191,194,196,196,191,186,183,186,189,194,199,202,199,196,189,181,181,186,194,199,199,194,191,189,183,178,178,181,183,183,183,183,186,186,186,186,186,183,183,186,189,189,183,181,178,181,183,186,186,183,183,181,178,178,178,178,176,176,176,178,181,183,186,186,186,186,191,196,194,186,183,181,181,181,183,183,178,173,176,183,183,176,173,174,178,181,181,176,176,178,181,178,178,181,183,183,182,182,183,186,183,178,177,181,183,183,183,178,176,131,131,173,176,178,178,176,176,176,178,181,183,189,194,191,186,183,189,191,181,131,131,178,186,189,186,181,178,178,178,181,183,181,178,133,133,132,132,173,178,183,186,183,178,129,129,173,181,181,176,173,173,181,186,186,181,181,183,189,186,189,189,183,176,133,183,191,196,194,194,194,191,189,189,191,191,191,186,181,178,177,177,181,181,178,176,178,183,186,186,183,178,135,178,178,178,189,199,202,199,194,194,196,202,199,202,204,207,204,199,194,189,189,191,191,186,186,186,186,179,178,179,183,186,183,178,178,181,183,183,176,129,131,181,181,173,170,170,129,125,119,119,121,123,121,121,121,121,118,116,118,125,125,113,107,109,125,196,204,204,207,204,199,196,196,199,196,194,191,189,186,186,185,186,186,186,0,0,204,207,207,202,202,202,202,199,196,196,199,204,207,209,215,212,209,209,212,215,0,0,220,222,222,222,217,217,217,220,217,215,212,207,194,178,168,168,170,168,163,163,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,241,238,235,230,225,212,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,186,178,176,173,168,160,155,152,157,165,168,168,168,170,178,183,183,173,155,142,105,0,147,163,176,189,202,212,222,225,228,225,215,204,200,202,204,204,204,207,209,212,212,209,209,209,209,204,199,199,204,209,207,207,209,215,222,222,222,215,215,217,225,228,225,225,225,222,220,215,215,215,215,209,207,199,194,147,147,147,194,194,199,202,207,209,212,215,215,215,215,222,225,225,225,222,225,228,230,228,222,215,212,212,212,215,215,217,215,217,222,228,230,228,225,222,217,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,186,194,196,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,191,183,178,176,173,168,166,166,168,170,176,181,186,189,191,191,194,194,191,189,189,189,191,189,187,186,189,191,191,191,191,191,196,204,202,191,173,115,100,98,100,109,115,168,183,183,173,165,123,123,163,170,170,160,117,115,115,115,115,117,155,163,181,202,212,209,189,176,170,163,155,117,155,165,170,168,170,173,176,173,170,173,186,178,165,121,163,173,181,183,181,173,170,173,173,121,112,114,114,111,113,123,181,199,209,204,191,176,129,173,186,196,196,186,126,128,131,173,173,183,191,191,183,177,177,178,181,178,181,181,176,176,178,183,186,186,181,176,170,173,170,125,127,170,170,129,123,119,121,127,173,176,173,173,178,186,189,183,178,176,170,128,129,176,178,178,176,178,181,170,113,113,119,170,176,178,178,176,176,178,181,183,191,196,194,186,183,191,196,191,178,129,127,125,125,123,125,125,129,170,178,178,129,121,119,119,119,121,131,191,202,204,202,199,202,207,207,202,194,186,178,177,177,178,178,178,181,186,189,191,194,191,183,178,173,127,126,127,131,173,176,181,183,183,176,131,129,129,129,129,129,176,183,183,181,183,186,186,186,186,183,181,186,194,194,189,178,176,176,176,173,168,121,115,114,115,119,125,170,176,173,168,125,125,165,176,183,181,173,125,123,123,123,121,121,123,121,120,120,125,173,178,170,121,115,113,109,113,119,160,163,165,173,183,186,176,163,157,160,173,186,189,189,194,89,0,0,0,0,0,7,93,147,170,191,196,202,202,183,126,152,168,181,189,191,186,183,181,176,170,152,67,43,129,91,75,139,134,86,101,144,134,93,101,147,157,150,139,103,144,165,165,155,150,144,144,150,150,142,144,144,142,155,176,168,139,103,137,85,39,39,73,137,134,87,67,134,155,152,137,137,97,59,66,101,157,181,194,207,199,57,16,18,59,87,101,142,107,109,144,144,99,99,157,196,202,150,81,80,111,170,168,160,155,155,155,147,93,99,111,155,152,73,81,109,111,107,113,168,176,165,157,117,113,113,119,157,117,112,111,114,160,173,186,189,181,176,183,191,196,196,194,189,189,196,207,222,220,107,43,51,83,93,93,93,97,111,163,170,170,168,163,117,119,186,217,228,217,191,111,112,121,127,123,113,115,173,183,189,181,127,117,117,125,170,127,123,127,170,173,173,173,176,176,178,183,194,202,207,209,212,217,209,189,178,170,123,117,115,117,119,119,119,115,113,113,117,127,129,123,120,122,176,194,202,204,209,209,202,125,118,121,121,119,117,119,125,173,183,191,196,199,204,209,212,215,212,212,207,207,207,209,207,202,196,199,202,202,202,207,212,209,186,123,117,117,117,119,125,170,168,165,125,122,122,168,178,178,123,111,111,125,168,170,186,186,125,121,165,170,176,181,183,181,178,176,173,168,168,170,173,129,125,127,181,191,199,207,212,212,209,209,209,202,196,191,191,186,173,121,117,120,178,183,183,183,183,189,196,196,196,191,183,177,176,177,178,178,178,183,183,181,176,176,170,127,127,129,173,173,170,170,129,125,124,125,129,129,127,126,127,131,176,181,181,178,178,178,176,133,178,183,183,181,181,183,189,183,181,181,183,183,181,177,176,177,181,186,191,194,194,196,199,196,196,199,199,196,191,186,183,186,194,196,199,204,209,209,204,204,202,191,183,183,181,178,178,176,133,133,133,176,176,178,183,186,186,186,186,189,191,191,189,189,191,196,196,189,183,183,183,176,133,176,133,130,131,176,178,181,181,129,120,120,129,181,183,183,183,186,186,181,178,178,183,186,186,186,186,186,176,127,123,122,123,125,133,183,194,199,199,194,191,189,191,191,189,181,133,128,127,127,131,181,191,194,194,191,191,186,183,183,183,183,176,124,122,125,131,133,133,133,133,133,176,176,183,186,186,181,176,178,178,132,131,131,132,133,176,178,181,186,189,194,194,191,186,173,128,131,176,181,183,186,183,178,178,183,189,191,189,186,189,189,189,194,196,196,191,191,191,191,190,191,194,196,202,207,207,204,199,194,194,189,139,139,186,186,186,189,189,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,176,170,168,170,176,181,183,183,181,181,178,173,170,170,170,173,176,173,170,170,173,176,176,176,176,178,178,176,173,168,123,123,127,170,173,170,170,170,173,178,183,181,176,170,170,170,170,176,178,176,174,176,183,186,183,182,183,183,183,181,179,179,181,186,189,186,186,189,189,186,183,183,181,176,131,131,173,178,183,183,181,173,129,127,129,173,181,183,178,127,123,124,127,131,176,178,181,183,189,189,186,183,178,131,127,127,131,176,176,178,178,176,173,129,127,127,131,173,178,178,176,176,181,183,183,183,183,186,186,183,181,178,178,183,189,194,196,196,194,191,191,191,191,191,191,191,191,191,191,194,194,194,194,191,191,189,189,189,194,196,196,194,191,194,191,189,189,189,189,186,181,179,181,186,189,191,191,194,194,196,199,202,199,196,196,196,199,194,192,196,202,209,212,209,209,207,204,202,196,195,195,196,196,195,195,196,194,186,183,183,183,181,181,181,178,178,181,178,131,127,127,133,181,186,183,177,176,181,189,194,196,194,194,199,202,196,191,186,186,191,196,204,207,207,204,199,199,202,202,204,204,207,204,202,202,204,207,209,217,217,222,222,222,212,199,194,194,194,192,194,194,194,196,196,196,199,202,202,200,200,202,209,215,217,212,207,207,204,194,186,185,186,185,185,189,194,191,189,186,185,186,189,189,186,185,186,186,189,189,189,189,191,194,191,186,183,183,186,189,191,196,199,196,191,186,181,181,186,194,196,199,196,194,186,181,178,178,181,181,183,183,183,186,186,189,189,189,186,186,186,189,189,186,183,181,183,189,191,189,189,189,186,181,181,181,181,181,178,178,178,181,183,186,186,186,183,189,194,194,189,183,181,178,181,181,181,176,172,176,183,183,176,174,176,181,186,183,181,181,181,178,177,176,178,181,183,183,183,183,186,186,178,177,178,181,183,183,183,181,178,176,176,178,178,178,178,176,178,178,178,181,186,191,189,181,176,181,183,131,122,125,181,196,199,194,189,183,181,181,181,183,181,176,133,133,133,173,176,178,183,189,186,178,131,129,176,183,186,178,173,173,176,181,183,181,181,186,189,189,183,183,181,176,133,181,186,191,191,191,194,194,187,187,189,191,189,183,178,177,177,177,181,183,181,177,178,183,186,189,189,186,186,186,186,183,186,191,196,196,191,190,194,199,202,204,207,207,202,194,189,189,191,191,181,173,173,177,183,181,179,179,181,181,176,132,133,178,186,186,183,176,181,191,194,189,181,173,129,127,125,125,127,129,125,123,123,170,173,125,119,119,115,113,111,112,117,173,189,194,194,189,186,189,191,191,189,186,187,189,191,189,186,186,189,194,0,0,209,212,209,204,202,202,202,199,196,194,196,196,199,204,207,207,207,207,212,215,0,0,215,217,217,220,217,217,222,222,222,220,217,215,204,183,170,165,165,163,0,0,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,230,233,235,235,230,225,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,189,178,173,168,163,157,152,150,155,163,165,165,165,165,170,176,178,168,152,142,139,0,150,160,170,183,196,207,215,222,225,222,215,207,202,202,204,202,200,202,207,212,212,209,209,212,212,207,202,202,207,212,209,207,209,212,217,225,225,217,215,215,222,225,225,225,222,222,220,217,217,217,215,212,207,202,196,147,145,147,147,194,196,202,207,212,215,215,215,215,217,222,225,225,222,222,225,228,230,228,222,212,209,212,212,212,215,215,215,217,225,230,230,228,225,217,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,186,194,202,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,189,183,181,181,176,168,166,166,168,173,178,181,183,186,189,189,189,191,191,191,189,186,189,189,187,187,189,191,194,191,186,181,189,194,189,168,107,100,98,100,107,117,125,178,189,186,173,163,123,163,170,178,176,160,115,112,113,113,115,119,157,165,183,204,215,212,196,181,178,173,165,157,157,168,168,165,166,170,173,170,168,173,186,181,163,120,121,168,176,178,178,173,168,170,168,123,123,127,119,110,109,115,170,191,202,202,191,176,170,173,183,191,194,186,173,131,131,131,176,189,196,194,186,181,178,178,178,178,178,178,173,173,178,183,183,183,181,178,178,176,170,125,123,123,123,129,176,129,125,125,129,129,129,170,181,189,189,181,173,170,129,128,129,173,176,173,170,170,173,129,117,116,121,125,124,125,131,176,176,178,183,189,196,202,202,196,194,196,196,191,178,129,125,125,123,123,127,127,129,170,173,173,127,123,121,121,119,121,131,189,199,204,204,202,202,204,204,196,189,181,177,177,178,178,176,133,133,178,183,189,194,194,189,181,173,127,125,126,129,131,176,181,186,183,181,178,173,173,131,131,173,176,178,178,178,181,181,183,186,189,186,181,186,194,199,194,183,178,178,178,170,123,117,115,117,125,168,170,170,170,170,165,165,170,178,186,186,181,173,168,125,123,121,119,120,123,123,120,120,121,168,176,168,115,109,109,111,115,119,121,160,168,183,194,196,191,181,170,165,176,186,189,191,194,95,0,0,0,1,15,35,99,101,97,150,189,199,196,137,87,142,155,168,176,178,173,176,173,168,147,91,77,81,183,168,157,150,99,99,147,103,87,57,73,144,160,155,142,103,144,160,157,147,147,150,147,147,109,103,103,103,107,165,191,178,93,31,5,0,9,45,150,168,147,75,50,64,137,139,93,95,87,71,77,163,183,194,199,204,199,97,27,21,41,53,83,103,105,105,99,85,76,83,170,207,204,170,101,99,160,178,176,163,152,157,155,101,81,89,103,155,152,77,82,107,107,109,160,173,181,178,176,165,155,157,165,168,165,160,119,119,163,173,183,186,176,173,186,194,194,189,189,189,194,204,209,212,202,79,63,75,95,93,79,71,85,107,155,165,170,176,170,115,115,194,222,225,215,199,112,111,113,115,109,106,107,115,123,168,170,168,125,127,170,170,168,173,181,181,173,170,176,178,178,178,186,196,204,207,207,209,209,194,178,178,181,170,121,115,119,125,129,129,123,117,115,117,123,125,122,121,123,173,186,199,204,207,209,204,127,118,123,127,125,119,117,121,131,186,196,199,202,207,209,212,215,215,212,204,202,204,207,204,199,194,196,199,202,202,207,215,209,191,168,123,121,123,125,168,173,170,165,125,123,123,168,173,170,121,115,123,181,173,165,173,170,114,111,117,125,170,178,183,181,178,176,173,170,169,173,176,178,186,196,199,199,204,207,209,212,209,212,209,199,190,190,191,186,170,121,120,129,183,178,173,176,181,189,191,183,181,181,181,178,178,178,178,178,178,178,178,176,176,178,176,129,127,128,129,127,125,125,127,127,170,181,191,186,176,127,126,127,131,173,176,176,176,133,132,132,178,186,189,186,183,186,189,186,183,183,189,189,186,181,178,181,186,191,194,194,191,191,194,194,191,194,196,194,189,186,185,191,199,202,202,207,212,212,204,204,202,194,189,191,191,186,181,178,176,133,133,176,178,183,183,183,183,183,186,189,191,191,186,183,186,194,194,191,189,189,186,178,176,176,131,129,129,131,176,181,181,131,120,119,124,131,176,178,183,186,183,176,131,133,133,133,133,178,186,189,186,176,131,129,127,129,133,181,191,199,199,196,191,189,189,186,183,181,176,133,129,129,131,178,183,189,186,183,183,183,186,186,186,181,133,125,124,129,176,178,178,178,178,178,181,181,183,186,181,176,133,181,181,176,131,130,132,133,176,176,178,183,191,194,194,189,183,176,173,178,183,183,186,186,183,176,176,181,181,135,129,127,133,135,137,186,191,196,194,191,194,191,190,191,194,199,204,204,202,199,194,192,194,189,186,186,191,191,189,189,189,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,163,173,170,168,170,178,183,183,183,181,181,178,178,176,173,173,176,178,178,178,176,173,173,176,176,176,176,176,170,127,125,122,123,168,173,173,170,170,168,170,176,181,181,176,173,173,170,129,170,176,176,174,178,183,186,183,183,186,186,186,183,179,179,183,189,189,186,186,186,189,189,189,189,183,176,130,129,131,176,181,181,176,131,127,126,126,173,181,186,181,127,124,126,127,131,176,181,183,186,186,183,183,181,178,173,131,131,176,178,178,178,181,178,176,131,129,129,131,176,181,181,176,176,181,183,183,186,186,186,186,186,181,181,181,181,186,191,191,191,191,194,194,194,196,196,194,194,191,191,191,194,194,194,194,191,191,189,189,191,194,199,199,196,194,194,189,183,183,189,191,189,183,181,181,186,189,194,196,196,194,192,196,202,204,199,196,199,199,196,196,199,202,207,207,207,207,207,204,199,195,195,195,195,196,196,196,199,196,189,186,186,183,183,181,181,178,178,176,133,127,123,125,131,178,183,181,177,176,178,189,196,199,196,194,194,194,191,191,189,191,194,199,204,207,207,204,202,202,202,202,204,204,207,207,204,207,207,209,212,215,215,215,215,215,209,199,194,194,192,194,194,196,196,199,199,199,199,202,204,202,202,204,209,215,217,212,207,202,196,191,189,189,189,186,186,191,196,194,189,186,189,191,191,191,189,186,186,186,181,178,178,181,186,189,183,181,181,183,183,183,183,186,189,189,183,181,181,183,189,191,194,194,196,191,186,181,178,178,178,181,181,183,186,186,189,189,189,189,183,183,183,186,189,189,183,183,186,191,194,191,191,191,189,186,183,183,183,183,181,181,181,178,178,181,183,183,183,183,186,189,183,181,178,176,178,178,173,170,169,173,181,181,174,173,176,183,186,186,183,183,181,181,177,177,181,183,186,186,183,183,186,189,181,177,178,181,186,189,186,183,181,176,176,176,176,178,178,178,178,176,173,176,181,183,181,176,127,129,131,122,120,123,189,207,209,207,199,191,186,186,183,183,183,178,133,133,176,176,178,181,186,189,186,178,129,127,131,178,183,181,176,173,173,176,176,178,178,181,183,183,181,181,181,178,176,178,183,186,186,189,191,191,187,187,189,189,186,183,181,181,178,181,183,186,183,181,181,186,191,191,191,191,191,194,196,191,181,183,191,191,191,191,194,199,202,204,204,202,194,189,186,186,189,186,178,173,173,178,186,186,183,183,183,181,133,130,130,176,186,194,191,186,183,189,194,191,183,173,129,129,170,170,170,170,129,127,170,183,186,176,127,121,119,123,125,121,119,123,173,178,170,170,176,183,191,194,189,187,189,194,196,194,189,186,191,199,0,0,212,215,212,209,207,204,202,199,196,194,191,191,194,196,199,199,199,202,207,209,0,0,212,215,217,217,217,222,225,228,225,225,225,225,215,199,183,176,170,163,0,0,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,241,0,0,0,0,0,0,0,0,0,0,0,230,230,228,228,228,222,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,181,173,168,160,155,147,147,152,160,165,168,168,165,165,168,168,163,0,0,0,0,150,155,163,176,186,199,207,212,215,217,215,209,209,207,204,200,200,202,207,209,212,212,212,215,215,209,204,207,212,215,212,209,209,212,217,225,225,222,215,215,217,225,225,222,222,222,220,217,217,222,217,212,207,204,199,194,145,147,147,147,194,199,204,212,215,217,217,217,217,222,225,225,222,222,225,228,230,228,217,209,207,209,212,212,212,215,217,222,225,230,230,228,222,217,217,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,183,186,165,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,181,181,181,178,173,168,168,173,178,181,183,183,183,186,186,186,189,191,189,183,183,186,189,191,191,191,191,191,189,178,170,173,181,173,117,103,99,101,107,113,121,173,186,194,189,178,168,168,170,173,173,168,119,112,112,113,117,157,163,165,170,181,196,209,207,194,183,183,181,173,160,156,165,170,166,166,170,173,168,166,168,176,170,123,121,168,176,170,165,168,125,125,165,168,170,176,181,173,117,114,119,170,189,196,194,183,173,170,173,178,183,183,181,178,176,173,173,178,183,189,191,189,186,181,178,176,173,173,173,170,170,176,181,183,183,178,178,181,178,170,127,123,121,121,127,178,176,173,173,173,170,129,170,178,183,183,178,170,128,128,129,128,128,170,176,170,126,127,129,129,127,127,125,122,124,131,176,176,181,189,194,202,209,207,202,199,199,196,191,181,170,127,125,123,127,170,173,170,170,129,129,129,127,125,123,121,123,131,189,196,199,202,199,199,199,196,191,183,178,177,178,178,176,131,129,127,129,173,181,189,191,189,181,173,129,127,127,129,173,178,181,181,181,181,183,183,181,176,173,173,173,176,178,178,178,176,176,178,183,181,178,178,189,196,194,183,178,176,173,127,119,115,115,123,173,178,173,168,168,168,165,165,176,186,189,183,176,170,168,168,165,121,121,125,168,125,120,121,123,168,170,125,111,107,108,115,121,121,121,123,170,186,194,191,189,183,170,163,170,181,183,183,178,105,1,7,29,75,99,152,176,150,87,74,99,176,165,69,74,129,147,155,157,163,163,165,165,157,85,75,79,89,152,160,147,85,45,67,93,89,77,48,66,142,157,155,107,101,103,109,107,101,144,155,152,144,101,97,91,87,87,107,160,93,39,0,0,0,0,65,163,178,170,79,43,49,67,83,73,75,75,81,101,191,196,196,191,191,176,99,83,89,81,65,85,105,107,105,95,77,73,79,170,191,181,152,147,152,165,178,176,160,150,163,163,93,81,87,97,150,147,95,83,97,101,107,160,170,178,186,186,170,165,168,170,176,178,181,176,170,170,170,173,170,160,168,183,191,189,183,186,191,199,209,209,202,181,65,71,93,101,85,41,36,85,111,115,117,168,178,173,102,97,160,199,209,209,189,117,115,115,113,108,104,105,108,108,109,119,170,178,181,181,176,173,181,189,183,129,127,173,178,181,183,189,196,204,204,204,207,199,186,181,191,196,183,127,119,121,129,176,173,127,121,119,121,123,127,170,170,129,173,181,194,199,202,207,199,170,121,125,131,129,121,115,113,123,181,196,199,202,204,209,212,215,215,212,204,199,202,204,204,196,191,194,199,202,202,204,207,199,183,170,127,168,168,168,165,168,165,125,123,163,165,168,168,165,121,121,168,183,176,166,168,165,115,111,115,121,168,178,181,178,173,170,170,170,170,173,176,181,194,202,202,199,199,199,202,202,204,207,207,196,189,190,191,189,173,127,176,186,189,173,169,173,186,196,191,178,176,177,183,183,183,186,186,183,178,176,173,131,173,178,178,170,129,170,129,124,122,123,129,173,183,199,204,196,181,131,129,127,129,173,176,176,176,133,132,133,183,191,194,189,186,186,189,186,186,186,189,191,189,189,189,189,189,191,191,191,191,191,189,186,186,189,194,194,194,194,194,202,207,207,204,207,209,207,202,202,196,191,189,191,194,191,183,181,176,133,132,133,183,189,186,183,183,183,189,191,191,189,182,181,182,186,191,189,186,186,183,181,178,176,133,130,130,131,131,176,183,181,129,125,127,131,131,133,178,181,176,131,129,129,127,127,129,176,186,194,191,186,186,181,176,176,176,178,189,196,199,196,191,189,186,183,181,181,181,181,176,133,133,176,178,181,181,178,181,186,189,189,186,178,133,129,129,133,178,181,183,183,183,183,183,186,186,186,178,132,132,178,183,178,133,133,176,178,178,176,176,181,189,191,189,183,181,178,178,183,186,186,186,183,181,133,133,178,178,129,123,123,127,131,133,183,194,199,199,196,196,194,191,194,196,199,202,202,202,202,196,194,196,194,191,194,196,194,189,187,189,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,97,97,111,170,176,170,176,178,183,183,181,181,181,178,178,176,173,173,173,173,176,176,173,170,170,170,173,173,176,173,168,125,123,122,123,170,176,176,173,170,168,127,173,178,181,178,176,173,170,129,129,173,176,176,181,186,189,189,189,189,191,191,186,183,181,186,191,191,186,183,183,186,189,191,191,186,176,130,130,131,176,178,176,173,131,127,126,127,173,183,186,181,173,129,173,173,176,178,183,186,186,181,178,178,181,181,178,178,178,178,178,178,178,181,181,178,176,131,129,131,173,178,178,173,173,178,183,186,186,186,186,186,186,183,181,179,181,183,186,189,189,189,194,196,196,196,196,194,194,191,191,191,191,191,191,191,191,189,189,189,191,194,196,199,196,196,194,189,183,183,186,191,189,186,186,186,186,191,196,199,199,194,192,194,199,204,202,199,199,202,202,202,202,202,204,204,204,202,204,202,196,195,196,196,196,196,199,199,202,202,194,191,189,183,178,178,176,133,131,131,127,123,121,123,127,133,178,178,178,177,181,191,196,199,196,196,194,191,190,191,194,196,196,202,204,207,207,204,204,202,202,204,204,207,209,207,209,212,212,209,209,212,209,207,207,209,207,202,196,194,194,194,196,196,196,199,196,196,199,202,204,207,207,209,212,217,215,212,207,199,194,191,191,194,194,191,191,196,199,194,189,189,194,196,196,191,189,186,186,181,131,127,127,131,181,183,181,176,178,181,181,178,178,178,178,181,178,181,183,186,189,191,191,191,194,191,183,181,178,178,178,178,183,186,186,189,189,189,189,186,182,181,182,186,191,189,186,183,186,191,194,191,189,191,189,186,183,183,183,183,183,181,178,178,176,176,181,183,183,181,181,183,181,176,173,176,178,176,172,169,169,173,178,176,173,173,176,181,183,186,183,183,181,183,183,186,189,189,186,186,183,183,183,186,183,178,178,183,189,191,189,186,181,176,131,131,173,176,181,181,178,173,172,173,178,178,178,173,127,127,125,122,121,131,196,215,222,217,209,199,194,191,189,189,189,181,176,178,178,178,178,181,183,186,181,173,129,127,129,131,176,176,178,176,173,172,173,176,178,178,181,181,183,186,189,186,183,181,183,186,189,189,189,189,187,187,189,191,189,186,186,186,186,183,186,189,189,189,189,194,199,202,196,194,191,196,196,189,131,131,137,186,189,191,194,199,199,202,199,194,186,183,183,183,181,178,178,178,178,181,186,186,186,183,183,181,176,130,129,133,183,194,194,186,181,181,183,183,181,176,131,129,129,170,173,170,170,131,178,186,183,173,129,129,131,176,176,176,173,176,178,173,165,165,169,183,196,204,204,199,199,204,204,199,194,189,194,202,0,0,0,0,217,215,209,204,202,199,199,194,191,189,191,191,194,194,196,199,204,209,0,209,209,212,215,217,217,222,225,228,228,225,228,233,230,217,204,194,186,173,0,0,0,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,225,225,225,222,217,217,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,186,178,170,160,0,0,144,150,160,168,170,168,165,163,163,163,160,0,0,0,0,150,0,160,170,181,194,202,207,212,212,212,212,212,212,207,202,202,207,209,209,212,215,215,217,215,209,207,209,215,217,215,212,209,212,217,225,225,222,215,213,215,225,225,222,220,220,220,222,222,222,217,212,209,207,202,196,147,145,145,147,194,199,204,212,215,217,217,217,222,222,225,222,222,222,225,228,228,225,215,209,207,209,212,212,209,212,217,225,228,230,230,228,225,222,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,178,176,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,168,178,181,181,176,170,173,178,181,181,181,178,181,183,186,186,186,186,183,183,183,189,189,186,186,186,186,183,181,170,123,123,168,125,115,109,109,113,115,117,121,176,189,194,191,183,176,173,173,170,163,121,117,113,113,119,163,170,176,178,176,181,191,202,204,191,181,183,183,173,163,157,168,173,170,170,176,173,168,165,168,168,121,115,121,183,191,173,111,101,103,113,125,173,183,189,186,181,170,127,129,178,194,202,194,183,176,173,178,181,181,179,181,178,176,178,181,181,181,183,186,189,186,181,178,173,131,129,170,129,127,129,176,186,186,181,176,178,181,176,127,123,122,123,127,173,178,183,183,181,173,170,173,173,170,170,173,173,129,170,176,129,127,129,178,173,124,123,129,170,129,127,125,124,127,173,178,181,186,194,199,207,212,209,207,202,196,194,189,183,176,129,127,129,178,181,181,178,176,170,129,170,129,127,125,123,123,173,186,191,194,194,191,189,191,189,183,178,177,178,181,178,131,129,127,123,121,125,131,181,186,183,178,131,173,173,131,131,176,181,181,181,179,179,183,194,196,186,176,172,173,176,181,183,181,176,174,174,176,176,173,173,178,186,189,178,170,129,127,125,119,117,119,125,173,176,173,168,170,168,127,165,173,183,183,176,168,166,168,173,170,125,125,173,181,173,125,165,168,168,170,165,117,113,115,125,170,170,165,163,168,178,181,176,176,176,163,153,157,170,176,170,157,144,87,81,85,101,150,181,194,191,150,59,59,134,131,71,74,85,99,147,150,155,155,160,160,150,70,70,91,99,93,85,10,0,2,27,81,95,93,71,91,155,165,157,107,97,93,93,93,95,147,168,170,160,107,97,87,82,81,87,93,71,33,33,0,0,39,75,91,147,157,137,50,51,65,87,69,63,63,71,87,178,186,186,176,173,157,103,142,173,168,105,103,144,144,142,97,81,74,79,150,160,99,95,147,157,163,170,168,152,150,168,173,103,95,97,103,109,109,99,70,79,91,107,155,157,168,183,186,170,168,173,173,176,181,186,181,181,176,168,157,117,113,117,170,181,181,183,189,196,202,207,204,186,103,19,53,83,81,51,39,49,113,155,115,114,160,176,173,97,90,103,168,181,191,168,119,119,121,117,113,111,113,113,106,105,111,170,186,191,189,178,173,176,181,173,123,123,170,176,181,186,191,196,199,196,199,199,194,186,189,207,207,189,129,121,125,173,176,170,125,119,121,127,129,173,183,183,173,129,173,181,183,189,194,186,176,129,127,131,131,123,113,110,113,129,186,191,194,202,209,212,215,212,209,204,199,202,202,199,194,189,191,196,202,204,204,196,186,176,170,170,176,178,168,123,119,121,121,119,123,168,168,165,123,121,121,123,165,168,170,170,163,121,119,121,125,168,173,176,173,168,165,165,165,168,170,173,181,189,194,194,191,191,191,191,194,199,202,199,191,190,194,196,191,181,176,186,194,196,178,172,181,194,202,196,181,176,178,183,183,186,189,191,186,181,176,130,130,170,178,178,173,170,173,170,124,123,125,173,183,194,204,207,196,183,173,131,129,129,173,176,173,173,173,133,176,183,194,196,191,186,186,186,186,186,186,186,186,189,191,194,194,191,191,191,194,191,189,186,185,185,189,196,196,199,199,204,207,209,207,204,204,204,199,199,196,191,183,181,183,189,189,186,183,178,133,132,176,186,194,191,189,189,189,191,194,191,186,183,182,182,186,189,186,181,179,179,181,183,181,178,176,176,173,130,130,178,183,181,178,181,178,133,129,127,129,131,131,131,129,126,126,129,176,183,191,191,189,186,183,178,176,176,178,189,199,202,196,191,186,183,181,181,183,186,186,183,178,135,133,135,178,178,181,183,189,191,191,183,135,133,135,135,133,133,178,181,181,181,183,186,189,191,189,181,132,131,133,178,178,181,183,183,181,181,178,174,178,186,189,186,178,178,181,181,183,186,189,186,183,176,131,131,178,181,131,126,127,131,133,135,186,199,207,207,202,196,191,189,194,196,199,199,202,202,204,202,199,202,199,199,202,199,194,189,187,187,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,97,105,165,176,176,178,181,181,181,178,178,178,178,176,173,173,173,170,170,170,170,168,127,125,127,170,173,176,176,170,127,123,122,125,173,178,176,173,168,125,123,127,176,181,178,176,173,170,128,128,129,173,176,183,189,191,191,191,194,194,194,191,186,186,189,194,191,186,181,181,183,186,189,189,183,178,176,176,176,176,176,176,173,131,129,129,129,176,181,183,178,173,176,178,178,178,181,183,183,181,176,173,176,181,183,183,183,181,181,178,178,176,178,178,178,176,173,129,129,131,173,173,132,131,133,181,186,189,189,189,186,186,183,183,181,181,183,186,189,189,189,194,194,194,194,194,194,191,191,191,191,191,191,191,191,191,191,189,191,191,194,196,196,199,199,196,191,186,183,183,186,186,186,186,189,189,191,194,199,199,199,194,192,196,202,202,199,202,204,207,204,202,202,202,202,202,199,199,196,196,196,199,199,199,199,202,202,202,202,196,194,189,181,176,133,131,129,129,127,125,121,120,121,125,129,133,176,178,181,183,191,194,196,199,199,199,194,190,191,196,199,202,202,204,204,204,204,204,204,204,204,204,207,209,207,207,209,209,207,207,207,207,202,199,202,204,202,196,194,194,196,196,196,196,196,194,194,196,199,204,207,207,209,215,217,215,209,202,196,194,191,191,191,191,191,194,199,199,194,189,189,194,196,194,189,186,183,181,176,127,125,126,129,178,183,181,133,176,178,181,178,176,174,174,176,178,181,183,186,189,189,189,189,189,186,183,181,183,183,181,181,186,186,189,189,189,191,189,186,182,182,183,191,196,191,182,181,183,189,189,186,183,186,186,186,183,183,183,183,183,181,178,176,176,176,176,181,181,181,178,181,178,170,170,176,181,176,172,173,173,178,178,174,173,174,176,178,181,181,181,181,181,186,191,194,191,189,186,186,186,183,181,183,183,181,181,183,189,191,189,186,181,176,131,130,131,176,181,181,178,172,170,173,176,178,178,176,133,133,131,129,131,186,202,215,222,217,209,204,196,194,194,194,191,186,183,186,186,183,178,178,181,181,178,173,129,129,127,127,125,131,178,181,176,172,172,176,178,181,183,186,194,194,194,191,189,189,189,191,191,189,189,191,189,191,194,191,189,186,189,191,189,186,186,191,194,194,196,202,207,207,204,199,194,194,194,183,131,129,131,137,183,189,191,194,194,194,191,186,183,181,181,181,177,176,178,189,189,186,183,186,186,183,181,183,181,132,131,176,186,191,191,186,179,178,178,179,181,183,176,128,127,129,173,176,173,173,178,183,183,176,131,131,176,178,181,186,194,199,194,181,166,165,170,186,202,212,215,212,209,212,212,207,196,191,194,0,0,0,0,0,217,215,209,204,202,199,199,196,191,189,189,191,191,191,194,199,204,209,0,0,209,212,215,215,215,215,217,222,222,222,225,233,235,230,225,215,207,189,173,0,155,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,0,0,248,254,248,238,230,0,0,0,0,215,215,215,222,222,215,215,215,209,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,173,160,0,0,0,147,157,165,170,168,163,161,161,163,160,150,0,0,147,152,155,160,170,181,194,202,209,212,215,212,215,217,217,212,207,209,212,212,209,212,217,222,217,215,209,207,209,217,222,217,215,212,212,217,225,225,217,213,213,215,222,225,222,217,217,220,222,222,225,217,212,209,209,204,199,194,147,145,145,147,196,204,212,217,217,217,217,222,222,222,222,220,222,225,228,228,222,215,209,207,209,212,212,209,212,217,225,228,230,230,228,225,225,222,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,108,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,170,176,176,168,165,170,181,183,178,170,170,176,181,183,183,181,178,178,178,183,189,186,176,165,170,170,170,168,163,121,122,123,117,111,113,121,125,123,123,127,176,183,189,189,181,176,173,173,165,121,117,117,117,121,168,178,181,186,186,181,178,183,191,196,189,181,181,178,170,165,163,170,176,176,176,178,176,168,168,170,170,117,111,114,189,199,176,101,89,92,103,123,178,191,194,189,181,178,176,176,183,199,204,196,186,178,178,183,183,181,181,181,176,176,181,189,186,181,181,186,189,181,176,176,173,131,129,129,127,125,125,176,191,194,183,170,173,181,178,129,127,129,129,129,129,176,186,189,181,173,173,178,173,127,127,170,176,178,183,189,176,128,170,183,178,123,122,127,129,127,125,125,127,176,181,181,183,191,199,204,207,209,209,204,199,194,191,186,181,178,173,170,181,189,189,186,183,178,176,173,173,173,170,127,123,123,131,181,183,183,183,181,181,183,186,183,178,178,181,181,176,129,127,127,121,119,121,129,176,181,178,173,130,176,181,181,178,181,183,181,181,179,179,186,202,207,196,178,173,173,181,186,191,189,181,174,174,176,176,173,172,172,176,178,173,129,127,125,125,123,121,123,127,170,170,168,168,170,168,127,125,165,173,176,170,166,166,168,176,176,165,165,176,183,181,170,176,176,173,173,173,173,173,176,183,191,189,176,168,168,168,165,163,170,173,163,152,153,163,165,157,147,147,144,107,101,103,142,181,194,202,178,51,47,97,137,134,87,79,83,139,147,152,155,157,157,139,66,69,163,152,89,45,0,0,4,47,157,178,165,168,176,183,178,165,111,97,91,90,92,99,168,191,196,194,176,144,97,89,89,103,160,170,165,137,41,43,79,83,85,97,157,160,64,62,87,170,77,61,57,54,54,65,59,75,97,157,157,152,160,173,168,147,139,142,144,144,105,89,75,74,97,99,88,91,152,157,155,160,155,147,147,160,170,155,165,155,107,101,97,89,50,67,87,111,152,109,157,176,178,163,168,176,170,170,176,178,178,181,178,163,117,113,109,109,117,165,170,181,196,204,202,196,186,157,47,0,0,0,0,9,63,173,178,165,117,115,119,165,168,103,96,109,117,115,119,119,119,165,165,121,123,168,178,173,109,104,108,168,186,191,194,186,170,125,127,125,121,121,129,173,181,191,194,191,186,183,186,189,186,186,196,212,207,186,170,125,127,173,173,129,121,119,121,129,170,176,186,181,127,121,121,123,125,176,183,181,178,176,170,173,173,127,115,110,111,119,131,181,189,199,207,215,215,209,204,202,199,199,199,194,189,187,189,194,202,207,204,194,178,168,170,176,183,181,170,121,118,117,118,118,121,165,170,165,123,119,117,115,113,121,170,170,163,165,173,176,170,168,165,168,170,170,165,164,164,165,168,170,176,181,183,186,189,191,191,189,189,194,196,194,191,194,196,196,191,183,178,181,191,196,189,183,189,196,202,196,181,177,178,183,186,186,191,191,186,178,131,129,129,170,176,176,170,170,173,129,125,125,173,181,186,194,202,202,191,181,176,131,127,129,173,176,173,131,131,131,131,178,189,194,191,186,186,186,189,186,183,181,181,183,189,191,194,194,194,196,196,191,189,189,186,186,191,196,199,199,199,202,204,207,204,202,202,199,196,194,191,183,133,131,133,181,186,189,186,183,178,133,178,189,196,194,191,191,194,196,196,191,189,186,186,186,189,191,186,181,178,179,183,186,183,181,183,183,178,131,130,173,178,178,181,183,178,133,127,124,125,127,133,133,131,126,126,129,133,181,186,183,178,176,131,131,133,176,178,189,199,202,196,189,183,181,181,183,186,189,191,189,181,135,135,135,178,181,181,183,189,191,189,178,132,133,178,135,132,130,132,133,178,181,186,189,191,194,191,183,133,130,130,131,133,181,186,186,183,183,181,176,178,183,186,181,176,176,178,181,178,183,186,189,181,133,131,176,181,183,178,178,183,183,183,186,194,204,212,209,202,189,137,137,186,194,196,199,199,202,204,202,202,202,202,204,207,202,196,191,189,189,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,113,105,109,163,173,176,178,181,181,178,173,173,173,176,170,170,170,173,173,173,170,168,125,124,124,125,168,173,176,176,173,168,125,123,125,173,178,178,173,127,122,121,123,173,178,178,176,176,173,129,128,128,131,176,181,189,189,189,189,191,194,191,191,189,189,191,194,194,186,179,181,183,186,186,186,183,183,183,181,181,181,178,173,131,131,131,131,131,176,178,178,173,131,173,176,173,173,176,176,173,131,128,129,173,181,183,183,183,181,178,178,176,176,176,176,178,178,176,131,131,131,173,173,132,131,133,178,183,186,189,189,186,186,186,186,186,186,189,191,191,191,191,194,194,194,191,191,191,191,191,191,191,191,191,191,191,191,191,189,191,194,194,194,196,199,199,196,194,194,189,183,181,183,186,189,191,191,191,194,196,199,199,194,192,194,199,199,199,202,207,207,204,202,202,199,202,199,199,196,196,195,196,199,202,202,202,202,199,199,199,196,191,186,135,131,131,129,127,127,127,123,120,120,121,125,127,129,131,176,181,183,186,189,191,196,202,202,196,191,194,199,202,202,202,202,202,204,204,207,207,204,204,202,204,204,204,204,204,204,202,202,204,204,196,194,196,202,199,196,194,196,194,194,194,194,194,194,194,194,199,202,204,204,207,212,215,212,204,196,191,191,191,189,183,183,186,191,194,194,191,189,189,191,191,186,183,178,178,176,133,129,127,127,131,178,183,181,133,133,176,178,178,176,174,174,174,178,181,183,183,186,186,186,186,186,186,186,186,189,191,189,186,186,189,189,189,191,194,194,189,186,186,191,199,202,196,181,178,183,189,186,181,179,181,183,183,183,183,183,183,181,181,178,176,176,176,176,178,181,181,178,178,176,169,169,178,183,178,176,181,183,183,181,178,176,178,178,178,181,181,178,177,178,186,194,196,191,183,181,183,186,183,181,181,181,181,181,183,189,189,186,183,181,176,173,131,173,176,178,178,176,172,172,173,178,178,178,178,178,181,181,183,189,196,204,209,215,215,209,202,196,194,191,191,194,191,189,191,194,189,183,181,181,181,176,131,129,129,129,125,123,125,176,178,176,172,172,176,181,183,186,191,196,194,191,189,191,191,191,191,191,189,189,191,191,194,194,194,191,189,191,191,186,186,189,194,194,194,199,204,207,209,207,204,202,199,196,189,137,131,131,131,133,137,181,183,186,186,186,183,181,181,181,181,178,178,186,199,199,191,189,191,189,183,183,189,189,181,178,183,189,194,194,186,181,179,179,179,186,194,191,131,126,127,173,178,176,173,176,186,191,186,176,131,131,173,178,189,202,207,204,191,173,170,176,189,202,212,217,215,215,217,217,209,202,194,194,0,0,0,0,0,0,215,209,204,202,202,199,196,191,189,189,189,191,191,196,202,207,209,0,0,212,212,212,212,212,209,212,215,215,215,222,228,0,235,233,230,222,207,189,173,168,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,233,238,246,251,243,233,225,0,0,0,0,209,207,209,217,217,212,209,209,204,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,178,163,0,0,0,144,155,163,168,168,163,161,163,165,163,155,0,0,0,155,160,165,176,189,199,204,212,215,217,215,217,222,220,215,215,217,217,212,209,215,222,222,222,215,212,209,212,217,222,222,215,212,212,215,222,225,222,215,213,215,222,222,217,217,217,217,222,225,222,217,212,209,209,207,202,196,147,145,145,145,194,204,212,215,215,217,217,217,222,222,217,217,225,228,228,225,222,215,209,207,209,212,209,209,209,217,222,225,228,228,228,225,225,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,41,134,137,129,144,152,189,181,170,152,152,168,176,173,170,165,160,165,168,173,181,178,160,152,155,157,160,163,123,122,125,125,111,110,111,119,170,173,173,176,178,181,183,181,176,170,170,170,165,121,117,119,123,168,178,189,191,194,191,186,178,176,181,183,181,181,181,176,170,168,168,173,178,181,181,183,178,173,173,181,183,168,110,109,173,181,117,103,98,99,107,123,181,191,196,194,183,183,181,176,178,191,202,196,186,178,176,181,181,181,181,181,176,176,183,186,183,181,183,189,186,176,172,173,176,131,127,125,127,124,125,178,196,199,183,129,129,173,176,173,176,178,176,129,125,129,178,183,181,176,176,178,173,127,127,170,173,183,196,196,191,170,173,189,181,126,125,127,170,170,129,127,170,183,189,183,183,189,196,204,207,204,202,202,196,194,186,178,176,176,176,178,183,186,186,186,183,181,176,176,181,183,181,170,123,123,129,178,176,176,173,173,176,181,186,183,181,178,178,178,176,131,131,129,120,119,123,131,176,176,176,173,173,181,191,194,183,181,178,178,181,181,183,189,196,202,196,186,178,181,183,186,191,194,189,178,174,176,178,176,173,173,173,173,173,129,127,127,129,170,170,168,168,168,168,168,168,168,127,127,123,122,123,168,173,173,170,170,170,170,127,125,168,173,178,181,181,181,181,178,181,189,194,196,202,204,199,183,173,168,163,160,160,173,178,168,157,155,156,160,152,146,147,152,147,107,95,90,144,168,178,93,47,61,147,144,144,139,85,74,91,139,147,157,155,152,75,67,103,176,165,87,27,16,33,87,97,170,196,191,191,194,204,202,176,150,103,97,93,97,155,189,199,207,207,202,181,105,109,157,176,196,202,204,160,31,83,97,89,89,95,163,165,155,83,81,194,79,63,59,46,52,37,14,35,81,155,165,150,150,160,163,147,97,99,103,105,139,99,74,61,71,91,95,107,152,152,150,150,152,152,144,144,150,163,176,168,105,93,87,83,83,89,91,105,111,101,107,157,155,115,160,170,170,165,165,170,176,178,170,163,160,157,113,106,107,111,117,163,186,202,194,173,157,111,49,0,0,5,0,65,157,196,202,189,163,117,119,160,170,160,97,113,113,109,112,163,173,191,189,176,173,181,194,194,121,106,109,165,178,189,204,204,183,121,120,121,123,123,127,173,186,199,199,181,113,113,170,178,181,186,196,202,196,181,129,124,124,129,129,123,121,118,118,129,173,176,176,170,127,120,118,119,123,173,183,189,186,181,176,176,176,129,121,119,117,115,117,133,186,199,207,215,215,207,199,196,199,202,196,189,187,187,189,194,204,209,209,199,173,165,170,178,181,178,165,123,121,117,117,119,163,168,168,163,121,119,117,115,113,117,163,163,123,165,181,181,165,123,117,165,178,176,168,164,164,165,168,168,165,168,173,181,189,194,196,191,189,189,191,191,191,191,189,189,186,176,125,127,183,189,186,186,189,191,194,189,178,177,181,191,196,194,189,189,183,176,130,129,170,176,173,170,129,129,170,170,127,127,173,181,183,189,194,191,183,176,173,129,125,125,129,173,176,173,129,127,126,129,181,189,189,186,186,191,191,189,183,179,179,179,183,191,191,194,199,202,199,194,191,191,191,191,199,202,199,198,198,199,202,202,202,196,194,191,191,191,186,135,128,126,128,176,183,189,189,186,181,178,178,181,186,186,189,191,194,194,194,191,191,186,183,181,181,183,183,181,178,179,183,186,183,181,181,181,181,178,173,176,178,176,173,131,173,131,129,126,125,127,176,178,133,126,126,129,133,181,183,176,128,125,126,128,131,176,181,189,196,199,191,186,181,179,179,181,186,191,194,191,186,183,181,183,186,183,183,183,189,189,183,135,131,132,135,178,133,131,131,133,178,181,186,191,194,194,194,189,181,132,131,131,176,181,186,186,186,183,181,178,181,183,183,178,173,131,173,173,173,176,178,178,176,131,176,183,183,181,178,183,191,199,196,196,199,204,207,204,196,139,132,131,137,191,196,199,202,202,196,196,199,199,199,204,209,209,202,196,191,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,117,117,115,119,165,173,176,176,178,181,176,169,168,169,170,170,169,169,170,173,173,173,170,168,125,124,127,170,176,176,170,168,127,125,125,125,168,173,178,173,127,122,121,123,173,178,181,178,178,176,170,129,129,129,173,181,186,186,186,186,191,189,186,186,189,191,194,194,191,186,181,179,181,183,183,183,183,183,186,186,186,183,178,131,130,131,173,176,176,178,178,176,170,129,129,127,122,122,129,129,128,127,127,131,178,183,183,181,183,181,178,176,176,176,176,176,178,178,178,176,176,178,178,178,176,133,133,178,183,186,186,189,189,189,186,186,189,191,194,194,194,191,194,196,196,194,191,191,191,191,191,194,194,194,194,194,194,194,191,191,194,196,194,194,196,196,194,194,194,196,194,186,181,181,189,194,196,196,194,194,196,199,196,192,192,194,199,199,199,202,204,207,207,202,196,194,196,199,199,199,196,195,196,202,202,202,199,199,199,196,194,191,191,186,178,131,129,129,127,127,125,123,120,119,121,127,129,129,131,176,181,183,181,178,183,191,199,202,202,199,196,199,202,202,202,202,202,204,207,207,207,207,204,199,196,202,202,202,202,199,199,199,199,196,191,191,191,196,199,196,196,194,191,191,191,194,196,196,194,194,196,202,199,199,199,204,209,209,207,199,191,191,194,189,182,182,183,186,191,191,189,189,186,183,183,181,178,181,181,178,176,133,133,133,131,176,178,178,133,133,133,176,178,178,176,178,178,178,178,181,183,186,186,186,186,183,186,189,191,194,194,191,189,186,189,186,189,194,202,202,194,189,189,196,202,207,204,189,183,189,191,186,179,179,181,181,181,181,183,181,178,178,178,178,176,173,173,176,178,181,181,178,178,176,172,170,173,178,181,181,183,186,189,183,181,189,189,183,181,183,181,178,177,178,183,189,189,183,178,181,186,189,186,183,181,178,178,181,186,186,183,181,183,181,178,176,176,176,176,176,176,173,173,176,178,178,178,177,177,178,183,189,194,202,202,202,207,212,212,207,202,196,191,186,186,191,191,191,191,194,191,189,186,186,186,178,173,129,129,129,129,125,127,131,176,173,172,172,176,181,186,189,191,191,189,186,186,189,189,186,183,183,186,191,194,194,194,194,194,191,191,191,189,186,189,194,194,189,186,189,199,207,209,209,207,204,202,194,189,183,181,137,133,130,131,135,181,183,183,183,183,183,183,186,186,186,189,196,204,204,202,199,199,196,191,191,196,196,189,186,189,191,199,202,196,191,186,181,186,196,207,207,191,129,127,129,176,176,173,178,189,196,194,186,176,129,127,129,186,204,209,207,199,186,183,186,194,204,212,215,215,215,217,222,212,204,196,194,0,0,0,0,0,0,209,207,207,207,204,202,196,194,191,189,189,191,194,199,202,207,212,0,0,215,209,209,209,209,207,209,212,215,215,222,228,230,233,235,233,228,217,207,196,186,176,170,0,165,0,0,0,0,0,0,0,0,0,0,0,228,233,238,243,246,238,228,217,0,0,0,0,204,204,209,215,217,212,207,202,199,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,178,168,152,0,0,0,152,160,163,165,163,163,163,165,165,160,157,157,160,160,163,170,183,196,204,207,212,217,217,217,217,222,217,215,217,222,217,212,212,215,222,222,222,220,215,215,215,217,222,222,215,209,209,212,217,225,225,222,215,217,220,217,215,215,215,215,217,225,222,215,209,209,209,207,204,199,147,145,145,144,147,202,209,212,212,212,212,215,217,217,217,217,222,228,230,228,225,222,212,207,207,207,209,207,209,212,217,222,222,222,225,225,222,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,27,0,0,0,0,1,67,186,165,152,139,126,63,57,144,157,147,137,99,91,107,168,170,160,155,153,156,160,163,163,165,170,170,119,115,115,119,168,176,173,176,178,178,176,176,173,170,170,170,165,121,121,125,170,178,189,196,196,196,194,189,181,176,173,173,173,176,178,173,168,168,173,178,186,189,186,186,181,178,181,189,191,181,121,119,165,119,107,107,115,111,111,119,176,189,194,191,186,186,181,170,170,181,191,191,183,176,174,176,176,178,181,183,181,178,181,181,178,178,181,186,181,173,170,173,176,131,125,124,124,124,127,178,194,196,183,129,126,127,129,173,178,181,173,125,121,127,176,178,178,178,183,183,173,128,129,170,127,129,191,199,191,176,183,196,183,129,127,129,170,170,129,129,176,186,191,186,183,189,196,204,204,199,196,196,194,189,181,173,169,173,178,181,176,123,123,178,183,178,178,181,183,186,183,176,127,125,127,173,173,131,129,131,176,178,181,186,183,178,178,178,133,131,131,129,120,120,129,176,176,174,176,178,181,186,196,199,189,181,178,176,178,183,186,186,189,191,191,189,189,186,183,186,194,199,196,183,176,176,176,176,176,178,176,176,176,176,173,170,176,181,181,178,173,170,170,168,168,127,127,127,123,121,121,127,176,178,176,170,168,125,121,119,123,127,176,181,183,186,186,186,189,196,202,204,204,204,199,183,170,165,161,160,161,170,170,163,157,157,157,160,155,147,150,152,147,107,91,86,90,144,150,62,44,83,163,137,139,147,99,74,79,101,147,152,144,103,79,83,165,173,150,83,47,53,163,173,152,160,189,196,194,196,204,202,178,152,111,107,105,147,176,196,202,204,212,215,212,103,91,157,186,202,217,222,163,35,97,137,97,93,95,152,163,150,59,33,61,67,89,87,73,73,54,42,81,181,183,170,131,126,142,157,147,87,62,55,85,95,97,89,77,81,93,105,147,152,144,139,107,150,160,157,106,106,152,170,160,103,95,97,99,101,101,97,95,97,95,103,111,111,109,111,160,165,163,160,165,173,173,163,165,178,173,117,105,105,105,107,113,155,165,157,103,107,109,89,7,9,59,73,99,181,204,209,199,181,163,160,165,173,170,113,160,119,113,168,199,204,209,209,199,183,178,191,191,123,115,123,168,173,189,212,215,196,125,120,121,123,125,129,173,183,202,202,176,107,105,111,125,176,183,189,189,186,173,125,123,124,127,125,119,118,118,118,125,170,170,129,129,129,125,120,121,125,176,186,189,189,186,181,178,176,131,127,127,123,119,121,176,191,204,209,212,212,204,195,194,199,202,196,189,187,189,189,194,202,207,209,207,181,166,170,176,170,125,117,119,121,118,118,121,168,173,168,121,119,119,119,117,115,113,117,121,160,163,170,165,109,115,119,176,191,191,176,163,163,170,173,165,122,122,125,176,186,196,199,196,191,189,189,191,186,178,173,176,176,127,117,117,127,170,170,173,178,183,183,181,178,183,194,204,204,194,186,181,181,178,176,176,181,181,178,173,129,129,170,173,170,129,170,173,176,178,181,178,170,129,127,127,123,123,127,131,178,176,129,125,125,129,176,181,183,186,189,194,196,194,189,183,181,186,189,194,194,194,199,202,202,199,196,194,191,191,196,202,202,199,199,198,199,199,196,191,189,186,186,186,178,131,127,126,128,133,178,183,186,183,181,176,133,133,176,178,183,189,191,191,189,189,186,181,178,177,177,178,181,179,178,181,183,186,183,178,177,177,178,181,181,181,178,131,127,126,126,126,129,129,129,176,183,181,131,125,126,133,183,191,191,183,131,127,127,130,133,176,178,183,191,194,189,186,183,181,179,181,186,189,191,191,191,189,189,191,191,186,183,183,186,189,186,181,135,178,183,186,186,183,181,183,186,186,189,191,194,196,194,194,191,186,183,183,183,186,189,186,183,183,181,178,178,181,181,176,131,127,129,129,127,123,121,123,127,129,178,183,186,181,181,189,196,204,204,204,204,204,202,196,191,186,136,134,136,189,196,199,199,196,195,195,196,199,199,207,215,215,209,202,196,191,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,109,113,115,117,160,165,170,173,173,176,178,176,170,169,169,170,170,170,169,170,173,176,176,173,173,170,127,168,173,176,173,168,125,125,123,123,123,125,168,170,170,168,125,125,127,176,181,181,181,181,178,176,173,173,173,176,183,186,183,183,183,189,186,183,183,186,191,194,194,191,186,183,181,181,181,181,181,178,178,181,183,189,186,181,173,131,173,178,181,181,181,181,176,170,127,127,123,120,121,127,129,128,128,129,176,183,186,183,181,181,181,178,178,176,176,176,176,178,178,178,178,178,181,183,183,181,178,176,178,181,183,186,189,191,189,186,186,189,194,194,194,191,191,194,196,196,196,194,191,191,194,196,194,194,194,194,194,194,194,194,194,196,194,194,194,196,196,191,183,189,196,199,194,183,181,189,196,199,199,194,194,199,199,196,192,192,196,199,199,199,199,202,207,207,202,194,189,189,194,199,202,199,196,199,204,204,199,196,199,202,199,194,191,191,186,181,133,129,127,127,127,127,125,121,120,123,127,129,129,131,133,178,181,178,135,181,191,196,199,202,199,196,196,199,202,202,202,202,204,207,207,209,207,204,196,195,196,199,196,196,194,196,196,196,191,190,190,191,194,199,199,196,194,191,190,191,194,199,199,196,194,196,196,194,194,196,202,209,212,209,204,194,194,196,194,186,183,183,186,186,186,186,186,183,181,181,183,186,189,189,186,181,178,178,176,131,131,133,133,132,132,132,133,176,178,181,181,181,181,178,178,181,183,186,186,183,181,183,189,191,194,196,194,189,185,186,186,186,194,202,202,194,191,194,196,191,196,209,204,194,191,194,189,181,181,181,181,179,179,181,181,178,178,181,181,176,172,170,173,178,181,181,181,178,176,173,173,176,176,176,178,181,186,189,186,183,191,191,186,183,183,181,178,177,178,181,183,181,178,178,183,189,189,186,183,181,177,177,181,183,186,181,181,183,181,178,178,176,173,173,131,173,173,176,178,181,181,178,177,176,178,181,189,199,204,204,202,204,212,212,209,204,194,186,178,178,186,189,191,191,194,194,191,191,191,189,183,173,129,131,173,176,131,129,173,176,173,172,172,176,181,183,186,183,183,183,183,183,183,181,179,179,183,189,194,196,194,191,191,191,191,191,191,189,186,186,189,186,181,179,183,194,204,209,212,209,204,196,186,181,179,181,181,137,135,137,183,186,186,183,186,186,186,189,189,191,191,191,194,196,202,202,204,202,199,191,191,196,196,189,186,191,196,204,209,209,207,196,183,186,202,215,215,199,178,129,128,129,129,131,178,186,191,194,191,186,131,127,129,183,204,212,209,204,202,199,199,202,204,207,207,207,209,215,215,209,202,194,0,0,0,0,0,0,204,202,204,209,209,207,204,202,196,194,191,191,191,194,196,202,207,212,0,0,217,212,209,209,207,207,207,212,215,217,222,225,228,230,230,230,230,225,215,207,199,189,181,173,0,0,0,0,0,0,0,0,0,0,0,228,233,235,235,238,241,233,225,222,225,0,0,0,204,204,207,215,215,207,202,196,194,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,181,170,157,0,0,0,147,152,157,160,160,160,163,165,168,165,165,168,170,168,170,176,189,202,207,209,215,220,222,217,217,217,217,215,217,222,217,212,212,215,220,222,222,222,220,217,215,217,222,217,212,207,207,209,215,225,228,222,217,217,217,215,213,213,213,213,217,225,222,215,209,209,209,207,204,202,196,147,145,144,145,199,207,209,209,209,209,212,215,217,217,217,225,228,230,228,228,222,215,207,205,207,207,207,207,209,215,217,217,217,222,222,217,215,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,98,0,0,0,0,0,0,129,118,45,0,0,0,0,0,3,31,35,32,33,71,163,176,176,170,157,157,163,168,170,173,176,176,168,165,123,121,127,170,127,127,170,170,168,170,170,170,170,170,125,123,125,170,181,189,194,196,194,194,194,191,181,173,168,165,163,168,173,168,166,170,178,186,194,194,191,189,183,181,183,191,191,183,173,168,125,113,107,113,165,119,111,115,168,183,191,191,186,183,176,166,166,173,181,183,181,176,174,173,174,176,181,183,183,178,176,176,176,176,181,183,181,173,172,176,176,173,127,124,125,125,127,173,183,189,181,170,125,125,127,170,176,173,127,118,119,173,183,176,173,183,189,186,170,129,176,176,122,118,127,186,178,173,186,199,189,170,129,170,129,127,125,127,173,178,183,183,189,191,196,199,199,194,191,191,186,181,176,169,168,170,181,183,173,113,112,127,178,173,173,181,181,181,183,178,173,127,127,129,129,127,127,173,176,176,178,183,183,181,178,178,133,131,131,129,123,129,181,186,178,174,176,183,186,186,194,196,189,181,178,173,178,183,186,183,181,181,183,186,191,189,183,183,194,199,196,189,178,176,173,176,178,181,181,176,178,178,178,178,181,189,191,186,178,176,173,170,168,168,168,168,125,121,121,125,173,176,176,173,127,123,119,118,119,125,173,181,183,186,189,189,191,196,202,199,199,196,191,178,168,163,163,163,163,163,157,155,156,160,160,160,155,152,155,150,111,107,97,88,91,105,107,59,44,77,150,95,91,101,91,75,79,103,152,152,137,99,95,144,160,147,103,97,97,173,199,189,160,152,168,186,181,176,186,189,173,155,152,152,150,152,178,202,204,204,212,217,217,87,54,150,191,202,217,217,163,59,139,142,95,89,81,85,87,39,0,0,0,0,83,77,67,79,99,155,178,199,204,189,133,121,134,150,144,91,45,38,73,89,95,99,103,97,97,139,144,142,99,97,103,147,163,160,107,104,107,152,147,101,99,144,152,147,111,103,95,95,97,103,105,107,107,105,109,160,163,160,161,168,163,119,163,183,181,117,107,107,107,109,111,103,95,97,97,103,115,111,63,45,61,91,157,186,199,202,196,189,176,168,160,165,170,160,160,115,115,194,212,215,222,222,215,186,113,123,125,121,125,178,173,168,178,204,212,199,168,120,121,123,125,168,129,178,196,204,189,112,108,111,121,176,183,181,178,176,170,124,125,127,170,125,119,119,119,121,125,127,129,129,173,178,178,176,170,173,178,181,186,189,189,189,183,181,131,127,125,123,117,119,176,196,209,209,209,209,202,194,194,196,199,196,189,189,189,191,194,199,204,207,204,186,170,168,168,119,111,107,111,119,119,119,121,168,173,163,119,117,118,119,119,113,111,115,160,160,121,160,117,104,113,168,189,199,199,181,160,161,170,178,170,123,122,125,173,181,194,196,196,191,189,189,189,181,170,127,127,127,123,113,105,103,107,111,117,129,178,178,178,183,196,207,209,204,189,178,176,178,181,181,183,186,183,181,176,129,126,129,173,173,170,170,173,173,173,173,127,122,122,123,123,123,125,129,173,178,178,131,126,127,131,129,127,133,183,194,196,199,196,194,194,191,194,196,196,194,194,199,202,204,202,202,196,190,189,194,199,202,199,199,202,202,199,194,189,186,183,183,181,133,129,129,129,131,131,131,133,176,178,176,133,131,131,132,176,181,186,189,189,186,183,181,178,178,177,177,178,181,181,179,181,183,183,181,178,177,177,178,186,189,183,173,127,126,126,126,127,131,176,181,189,191,183,127,123,126,183,196,204,207,202,194,186,183,183,183,181,176,178,186,191,191,191,189,186,183,183,186,186,186,189,191,191,194,194,191,189,186,183,186,189,189,189,189,191,194,199,202,202,199,194,191,189,189,191,191,194,194,194,196,196,194,194,191,191,189,186,183,181,178,177,178,178,178,173,129,127,125,123,120,117,117,119,123,129,176,183,186,189,191,196,202,204,204,207,204,202,194,189,186,189,186,137,137,186,196,199,199,196,195,195,199,199,202,209,217,222,212,204,196,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,103,107,109,111,117,163,170,173,173,170,170,173,176,173,173,170,170,173,173,170,170,173,176,176,176,176,173,170,170,173,176,173,168,125,123,121,121,121,121,123,125,127,170,170,170,173,178,178,178,181,181,181,178,178,178,178,181,186,189,183,182,182,183,183,182,182,183,189,191,194,191,189,189,186,183,181,181,181,178,176,176,181,186,186,181,176,173,176,181,183,186,183,181,178,173,170,129,125,122,123,131,131,131,173,176,181,183,186,183,181,181,181,181,178,178,176,176,178,178,178,178,178,178,183,186,186,183,181,178,181,183,183,186,189,191,191,189,189,191,191,191,189,189,189,191,196,199,202,199,196,194,196,196,196,194,194,194,194,194,194,196,196,196,194,192,194,196,194,186,137,181,191,196,191,183,181,186,194,199,196,191,191,196,196,196,194,194,196,199,202,199,199,199,207,207,202,194,185,185,189,199,207,204,202,204,207,204,196,195,199,204,202,196,194,194,191,183,176,127,126,126,127,129,127,125,123,125,129,131,131,129,133,176,178,135,135,181,189,194,196,196,196,194,194,194,199,202,202,202,204,204,204,207,207,202,196,195,196,196,194,192,192,192,194,194,191,191,191,194,196,199,196,196,194,191,191,194,196,199,202,199,194,191,191,189,186,191,199,209,215,215,207,199,199,202,199,191,186,183,183,183,183,183,183,181,178,183,189,194,196,196,191,183,178,176,133,131,129,131,133,132,132,133,133,176,178,181,181,181,181,178,178,178,178,181,183,183,181,181,183,183,189,194,191,189,186,186,186,186,191,196,194,189,191,196,194,179,183,212,209,196,191,194,191,186,183,183,183,183,181,183,181,178,178,183,186,181,173,170,173,176,178,181,181,181,181,178,178,176,173,173,176,178,183,189,186,183,186,186,183,183,181,181,178,178,178,181,181,178,178,178,181,186,186,181,181,181,178,181,183,186,183,181,181,181,178,176,176,170,127,125,127,131,173,176,181,183,183,181,178,177,177,178,186,196,202,199,199,204,209,209,207,202,194,181,176,174,181,189,191,191,191,191,191,194,196,194,186,181,176,178,181,183,178,176,178,178,178,176,176,178,181,181,176,133,131,133,178,181,181,179,179,183,189,194,199,202,199,191,183,183,189,191,191,191,189,183,181,179,179,179,183,191,199,204,207,207,202,191,181,178,179,179,181,181,183,189,191,189,186,183,186,186,186,186,189,191,194,189,183,181,186,194,199,199,194,189,191,194,191,186,186,194,202,209,215,217,215,202,186,183,196,209,209,196,178,131,128,128,128,129,176,178,181,183,189,186,173,128,131,181,199,212,215,212,209,207,204,204,202,199,196,196,199,204,207,204,196,191,0,0,0,0,0,0,196,196,202,209,215,212,209,207,202,196,194,191,189,191,194,199,204,209,0,0,217,215,212,209,207,207,207,209,215,217,222,225,228,228,228,230,230,228,217,212,209,204,194,183,173,168,0,0,0,0,0,0,0,0,0,0,241,238,233,228,230,228,225,225,230,0,0,0,0,204,0,0,212,204,199,196,196,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,181,170,157,0,0,0,0,0,0,152,155,157,160,163,165,168,173,178,178,176,176,181,0,0,0,212,217,222,222,217,215,215,215,215,217,222,217,212,209,215,220,222,222,222,222,217,217,217,217,217,212,207,205,207,212,222,225,222,215,215,215,213,213,213,213,215,222,225,222,215,209,209,209,204,202,202,199,196,147,145,145,199,204,209,209,209,209,212,215,217,220,222,225,228,230,228,228,225,215,207,207,207,207,207,207,212,215,217,217,217,222,222,215,212,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,66,103,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,33,32,33,73,176,191,186,176,160,157,165,170,173,176,178,178,176,176,170,125,168,170,125,122,125,123,123,127,170,170,170,168,125,165,170,181,186,194,196,196,191,191,189,183,176,168,125,123,123,165,168,168,166,173,186,196,199,199,196,191,189,183,183,183,186,181,173,168,125,117,113,121,173,125,115,115,127,181,189,189,183,178,170,165,166,176,181,181,178,176,174,173,174,176,178,183,181,176,174,174,176,178,181,183,183,181,178,178,178,178,173,170,170,170,170,173,176,181,178,173,126,125,127,129,129,125,118,116,119,186,189,170,127,176,183,173,119,173,196,194,123,117,121,129,128,128,181,194,189,173,129,170,129,125,124,125,127,125,123,131,189,191,191,194,191,189,186,183,178,176,173,170,169,176,183,191,183,115,112,123,173,172,170,173,173,173,178,181,176,131,127,125,125,126,129,173,173,131,176,183,186,178,176,176,176,133,131,131,133,186,199,202,189,178,181,186,181,181,186,191,189,183,178,132,133,178,181,181,181,181,181,183,189,186,182,183,189,191,191,186,181,176,173,173,178,183,178,174,176,181,183,183,189,194,194,189,183,178,173,170,168,168,170,168,125,122,122,123,168,173,176,173,168,123,119,119,123,168,178,183,186,186,186,183,183,186,191,189,189,186,181,176,168,165,165,168,165,163,156,155,160,168,170,168,157,151,155,152,113,147,109,105,105,142,144,89,59,72,103,101,45,19,13,73,89,147,165,165,144,103,103,147,150,101,91,91,109,183,194,189,168,152,157,170,157,152,165,176,170,157,155,155,113,109,157,196,207,207,207,204,202,75,61,165,204,209,215,207,168,101,155,147,91,81,69,67,53,0,0,0,0,0,29,49,28,28,97,178,191,204,207,196,163,130,139,139,134,97,50,44,87,99,99,103,147,139,99,103,101,85,61,71,93,142,157,160,152,107,107,144,109,101,103,150,155,152,150,109,99,97,103,105,105,109,107,104,103,113,165,168,165,163,157,118,160,176,173,119,115,117,119,160,160,99,85,92,99,109,152,115,97,61,47,55,160,178,183,178,181,183,186,181,107,101,121,119,115,107,109,189,207,215,217,225,225,186,97,109,119,121,170,181,170,122,125,181,194,186,127,120,120,121,125,127,127,173,191,207,202,181,125,125,129,176,181,176,170,170,129,125,125,127,170,125,121,125,129,129,127,127,129,170,178,189,194,194,186,183,181,176,178,186,196,196,189,178,127,121,123,121,113,112,125,191,207,209,209,209,202,194,194,196,199,196,191,191,194,194,194,196,199,202,196,183,173,168,123,111,105,105,111,121,123,123,123,165,165,163,121,118,119,160,119,113,111,117,160,121,115,113,111,107,160,178,189,196,199,183,164,164,173,181,181,170,165,168,125,168,178,189,191,189,186,183,181,178,173,170,168,127,125,117,100,97,99,103,111,127,176,176,176,189,204,212,209,196,181,173,173,173,173,176,181,183,178,176,170,127,125,125,129,173,173,173,176,176,173,129,123,121,122,125,123,123,129,173,176,178,183,176,129,129,127,119,116,120,133,186,189,191,194,199,202,204,202,199,196,194,194,196,199,202,204,202,194,189,189,191,199,202,199,199,202,202,199,191,189,183,183,181,178,133,133,176,178,178,133,130,130,133,178,178,176,133,132,133,176,178,186,189,186,183,181,178,178,178,178,177,178,181,183,183,181,181,181,181,178,177,177,181,191,194,183,129,126,127,173,173,176,178,183,189,194,194,181,126,124,131,194,204,212,212,212,207,207,202,199,191,183,176,176,186,196,199,199,196,191,186,183,186,183,183,183,186,189,191,191,191,191,191,191,189,186,189,194,199,202,202,204,207,209,207,202,194,189,186,186,186,189,191,194,194,196,194,191,191,189,186,183,181,181,178,178,178,178,178,173,131,127,125,121,119,118,119,123,127,131,176,181,186,194,202,204,207,204,204,202,199,194,189,183,183,183,183,139,183,189,196,202,202,199,199,199,202,204,204,209,217,217,212,202,191,186,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,101,101,105,105,109,117,165,170,173,173,170,168,170,173,176,178,176,176,176,173,173,170,170,173,173,176,178,178,173,173,173,173,170,127,125,123,121,121,121,120,120,121,127,170,173,173,176,178,178,176,181,181,181,181,181,183,183,186,189,189,186,182,182,182,183,183,182,183,186,191,194,194,191,191,189,183,178,181,183,181,177,174,177,181,183,181,178,176,178,181,183,183,183,181,181,178,178,176,176,170,131,176,176,176,176,178,181,183,183,181,181,181,181,183,183,181,178,178,181,183,183,181,178,181,183,186,189,186,183,183,183,186,186,186,189,191,191,189,191,191,191,189,187,187,189,191,196,199,199,199,196,196,196,196,196,194,194,194,194,194,196,196,196,196,192,192,196,199,194,186,137,137,183,189,183,179,179,186,194,194,191,190,191,194,196,196,196,196,199,202,202,202,199,199,204,207,204,196,186,182,185,196,204,204,202,204,207,204,199,196,202,207,207,202,196,194,194,186,176,127,124,124,127,131,131,129,129,131,133,133,131,129,131,133,135,135,178,183,189,194,194,191,191,189,189,191,196,199,202,199,199,202,202,202,204,202,196,195,196,196,194,194,192,192,194,194,194,194,194,196,199,196,196,194,194,194,194,196,199,202,202,202,194,189,186,185,183,186,194,204,212,212,204,199,196,199,199,194,186,183,181,178,181,181,183,181,178,181,186,191,196,194,189,181,133,133,133,129,129,131,133,133,176,176,176,178,178,178,178,178,178,178,176,176,133,176,178,178,178,178,178,178,183,189,189,186,186,189,191,189,189,191,186,183,186,194,191,179,181,204,199,186,186,189,189,189,186,186,186,186,186,186,183,181,183,189,191,191,183,178,176,176,178,181,181,183,183,181,176,131,131,173,176,178,181,186,183,178,178,181,181,183,183,181,178,178,178,181,181,181,178,176,176,176,176,173,173,178,183,186,186,186,181,178,178,176,176,176,176,129,124,124,125,129,173,178,181,183,183,183,181,178,178,178,186,194,196,196,196,202,204,207,204,199,191,181,174,173,178,186,191,191,189,186,189,191,194,194,191,189,186,189,189,189,186,186,186,186,186,186,186,186,183,178,133,129,129,130,178,183,183,183,189,194,199,202,204,204,199,189,181,181,186,194,194,191,191,186,181,179,181,181,186,189,191,194,199,199,194,189,181,181,183,183,181,183,186,189,191,186,181,181,181,183,183,181,183,189,191,189,179,177,178,181,186,189,186,186,189,191,191,186,186,194,204,212,215,217,215,202,183,181,189,196,196,186,176,173,131,129,129,131,131,131,131,131,176,176,131,129,131,178,194,212,217,215,212,209,204,202,196,194,189,189,191,196,199,196,189,189,0,0,0,0,0,0,0,196,202,212,215,215,215,209,207,202,196,194,189,189,191,196,202,209,0,0,217,215,212,209,207,207,207,209,212,215,222,225,228,228,228,228,230,225,215,215,217,215,207,196,183,176,0,0,0,0,0,0,0,0,0,0,241,235,225,215,215,222,228,233,233,0,0,0,0,0,0,0,207,202,196,194,196,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,181,170,157,0,0,0,0,0,142,0,150,155,157,160,165,170,178,186,186,181,181,186,0,0,207,209,215,225,222,217,215,215,215,215,217,222,215,209,209,215,217,220,217,222,222,217,217,217,217,215,209,205,205,207,212,217,217,217,215,215,215,215,215,215,215,220,228,228,222,215,212,209,207,204,202,202,204,202,196,147,147,199,204,207,207,207,207,209,215,222,222,222,225,228,228,228,228,225,215,209,207,209,209,207,209,212,217,222,222,217,217,217,215,212,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,11,74,61,92,103,7,0,0,0,0,0,0,0,0,0,0,0,0,0,13,57,79,87,87,101,183,199,191,173,160,157,165,173,176,178,178,176,178,181,178,173,176,178,127,122,122,121,122,125,170,170,168,127,127,170,178,183,191,194,194,194,189,183,181,176,168,125,123,123,123,165,168,168,168,178,194,202,202,202,202,199,194,189,181,173,168,170,170,123,115,115,121,125,170,127,121,121,127,173,181,183,181,170,165,165,173,183,186,181,178,178,178,176,176,176,178,183,181,178,176,176,178,181,178,178,186,189,183,178,178,178,178,181,183,183,178,176,176,178,178,173,127,127,173,173,127,121,118,118,121,181,183,125,120,123,125,115,106,181,207,196,129,123,129,173,128,128,176,186,186,176,129,129,170,127,124,125,123,120,118,120,183,186,186,186,186,183,183,181,176,173,173,173,173,178,186,191,191,129,121,127,173,173,172,170,170,172,176,178,178,173,127,125,126,129,131,127,123,124,131,183,186,178,174,176,181,178,176,176,186,199,209,209,199,186,181,181,177,177,183,189,189,183,176,131,131,133,176,178,183,186,183,183,183,183,183,183,186,183,183,183,181,176,172,172,176,181,176,172,173,178,183,189,191,194,194,189,183,178,173,170,168,168,168,168,127,123,122,122,125,170,173,170,168,125,121,123,168,178,186,189,189,183,178,170,168,173,176,176,176,178,178,181,178,173,173,173,168,165,163,163,173,186,191,189,165,151,157,163,157,155,155,163,155,152,157,165,107,101,142,139,29,5,0,65,91,160,181,186,176,147,91,99,105,91,71,49,71,160,178,181,176,160,157,165,152,115,160,176,170,155,152,152,109,106,111,181,196,199,191,181,163,67,79,168,209,220,215,207,160,150,163,155,97,89,79,77,71,21,0,0,25,17,51,91,39,12,18,163,194,202,199,183,165,144,144,99,95,97,71,66,144,155,139,103,147,147,101,95,59,41,35,45,69,95,152,163,170,155,147,147,142,101,99,107,147,152,152,111,96,97,109,111,109,111,113,107,100,104,168,178,173,163,119,119,160,165,163,157,117,119,165,173,170,101,79,90,107,113,113,113,155,115,47,38,160,173,173,166,168,178,191,199,98,79,95,111,115,108,110,168,194,207,215,225,225,181,81,99,119,123,170,176,168,122,122,165,176,173,123,119,120,121,125,127,168,173,189,204,204,194,183,181,178,178,178,176,170,129,129,129,119,113,119,121,125,173,178,176,129,127,127,170,178,189,199,202,199,191,181,173,176,189,202,202,186,173,121,119,121,121,113,110,113,176,199,209,212,209,202,195,194,199,202,199,196,199,199,196,194,196,199,194,186,181,178,170,119,105,109,115,121,173,178,178,176,168,165,168,165,121,160,168,165,117,111,113,117,111,105,105,107,113,168,176,178,181,191,181,178,173,170,173,173,168,165,163,107,109,119,165,173,176,173,173,173,176,176,176,178,178,173,125,111,101,105,113,117,125,170,127,173,189,202,207,199,186,176,170,170,129,128,170,178,178,129,126,129,129,126,125,125,129,173,178,176,173,170,129,123,122,123,127,123,123,129,176,178,186,194,189,176,129,122,115,113,118,125,131,131,133,178,191,204,207,204,199,196,194,191,191,194,196,199,196,194,190,191,196,202,199,194,196,202,202,196,189,183,181,181,181,178,176,178,183,189,186,178,133,133,178,183,186,183,181,178,176,176,178,183,186,186,181,178,176,176,178,178,177,177,181,186,189,183,181,181,178,178,178,178,181,189,191,183,131,127,131,176,178,181,183,183,186,191,191,178,127,127,181,199,207,212,215,215,212,209,207,202,196,186,178,178,189,199,204,204,202,191,181,181,183,186,183,183,183,183,186,189,191,196,202,202,196,189,189,196,207,209,207,207,207,209,209,204,196,191,186,185,185,186,189,191,191,191,189,186,183,181,178,178,181,183,183,181,181,181,181,178,176,131,127,123,121,123,129,133,176,176,178,181,189,199,207,209,209,204,202,196,191,189,186,189,189,186,186,189,196,199,199,202,202,204,204,204,207,207,207,209,215,212,207,196,189,183,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,109,103,101,103,103,105,115,163,168,170,170,170,168,166,170,176,181,181,178,178,176,173,170,169,170,173,176,178,178,176,173,170,170,168,127,125,123,123,123,123,121,120,120,127,173,173,170,170,173,176,176,178,181,181,181,183,183,186,189,191,191,189,186,183,183,183,186,183,183,186,189,191,194,194,189,183,176,173,178,186,189,183,178,178,178,178,178,176,176,178,181,183,181,178,181,181,183,181,181,181,178,181,181,178,178,178,181,181,181,181,181,178,178,178,183,186,183,181,183,186,189,186,186,183,186,189,191,194,191,189,186,186,189,186,186,189,194,194,191,191,191,191,189,187,187,189,191,191,189,189,191,196,196,196,194,194,194,194,194,194,194,196,196,196,196,192,192,196,199,196,183,135,134,137,183,181,179,179,183,191,191,191,191,191,194,196,199,202,202,202,204,207,204,199,196,199,202,202,199,189,183,183,191,199,199,199,202,199,196,196,202,204,209,209,202,196,194,194,189,178,127,124,124,127,133,176,133,133,176,176,133,131,131,131,133,135,135,178,181,189,191,191,189,189,189,189,191,196,199,199,199,196,196,196,199,202,199,196,195,196,196,196,196,196,194,194,196,196,199,199,199,199,199,196,194,194,196,196,196,199,199,202,202,196,191,186,185,183,186,191,196,204,204,199,194,194,196,194,191,183,181,178,178,178,181,183,183,178,176,176,181,186,186,183,178,133,133,176,129,129,129,133,133,178,178,178,178,176,176,174,174,176,178,178,176,132,132,132,176,178,178,176,176,181,183,183,181,186,189,191,189,189,186,185,185,189,191,189,181,183,191,186,178,178,183,186,189,189,186,186,189,186,183,183,183,183,189,194,196,194,189,178,176,176,181,183,186,186,176,125,121,125,173,178,178,181,186,181,177,177,177,178,183,189,186,181,178,178,178,181,181,178,176,131,129,127,127,129,176,183,189,189,183,178,176,174,174,178,181,178,129,124,125,129,131,173,176,181,183,183,183,183,183,181,183,189,194,194,191,194,199,202,204,202,196,191,183,177,176,178,183,186,186,183,178,178,183,189,191,194,194,194,194,191,191,189,191,191,191,194,194,194,191,186,183,176,131,130,133,181,186,186,189,194,204,207,207,204,207,204,191,181,179,183,191,194,191,191,186,183,186,186,186,186,186,183,186,191,191,189,186,186,189,191,189,183,183,186,189,186,183,179,179,181,181,181,179,179,183,189,189,183,179,177,178,179,183,181,181,186,189,189,183,181,186,196,207,212,215,212,194,181,178,186,194,194,183,176,178,178,176,176,173,131,128,127,128,129,129,129,129,131,176,189,207,215,215,212,207,202,194,189,183,181,181,181,186,191,189,186,186,0,0,0,0,0,0,0,194,199,209,215,215,215,212,209,204,199,194,189,187,189,194,202,207,209,0,212,212,209,207,207,207,209,209,209,212,215,222,225,228,228,228,228,217,213,213,217,222,217,209,196,186,183,0,0,0,0,0,0,0,0,0,0,230,217,211,212,222,235,238,235,0,0,0,0,0,0,0,0,202,196,194,199,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,181,170,157,0,0,0,0,0,0,142,0,150,155,160,165,173,181,189,189,183,183,186,194,199,204,207,212,222,222,215,212,212,215,215,217,217,212,209,209,215,217,217,217,220,222,217,217,217,217,215,209,205,205,207,212,215,217,217,217,217,217,222,222,217,220,225,230,233,225,217,212,212,207,202,202,204,207,204,199,194,194,199,204,207,205,205,207,209,215,222,222,225,225,225,228,230,230,225,215,209,209,209,209,209,209,212,217,222,222,217,217,215,212,209,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,59,0,0,33,17,87,144,144,152,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,69,93,139,144,152,176,191,189,176,157,157,165,176,181,183,181,181,183,189,186,186,191,189,173,125,123,122,122,127,170,170,127,127,170,176,183,186,191,194,194,191,186,178,173,165,125,123,123,123,125,168,168,168,170,183,196,204,204,207,207,204,199,189,176,121,113,121,165,117,107,110,121,125,121,120,121,123,125,127,170,176,176,168,165,168,181,189,189,186,183,186,186,183,181,181,183,186,189,189,186,181,178,176,129,129,183,189,183,176,173,176,181,186,191,191,186,183,181,183,183,178,170,173,181,181,173,125,123,125,123,173,176,127,121,121,119,112,95,129,186,173,125,129,178,186,178,176,176,181,186,178,129,127,129,127,125,127,129,125,122,125,181,181,179,181,181,181,181,181,173,129,129,173,176,178,181,186,189,181,173,176,178,178,176,173,173,176,178,178,176,173,129,127,131,178,176,125,120,121,125,181,189,183,176,178,181,181,176,178,191,202,207,207,199,186,181,178,178,177,183,191,189,186,178,132,131,132,133,176,181,186,186,183,183,189,189,186,183,181,178,178,178,176,172,170,173,178,176,172,172,176,186,191,194,194,191,183,178,176,170,168,127,125,125,127,127,125,123,122,125,170,176,173,127,123,121,127,176,189,196,196,189,181,173,128,126,127,128,168,168,173,178,183,186,183,178,173,168,168,165,168,181,194,199,199,178,163,173,181,173,163,165,178,168,165,173,186,202,202,168,91,69,59,0,61,85,168,189,194,189,157,65,27,7,11,45,47,59,111,168,173,170,165,168,176,160,116,160,176,168,152,113,113,109,108,150,170,181,181,173,157,75,53,69,103,181,209,199,191,137,139,160,160,152,150,152,160,157,147,11,0,17,83,183,215,191,18,14,93,181,189,183,168,155,144,142,99,96,137,97,93,157,168,152,139,144,144,97,75,1,25,39,51,61,77,142,157,165,160,155,150,107,99,94,94,101,155,155,105,93,95,168,173,155,115,157,117,100,99,163,181,173,160,119,119,157,157,157,157,116,116,165,173,168,107,82,94,115,113,109,111,178,209,67,36,163,176,173,165,166,178,196,204,111,64,76,109,176,173,163,123,165,186,212,225,222,123,21,13,97,117,125,170,176,173,123,123,165,165,121,119,121,125,168,168,168,170,181,191,196,194,191,191,189,183,181,178,173,129,129,127,109,105,115,121,127,178,181,176,129,125,125,127,170,178,191,199,199,194,181,173,176,191,202,199,186,176,125,121,127,127,117,111,112,125,189,204,212,209,202,195,195,202,204,204,202,204,204,202,199,199,199,191,183,181,181,170,103,93,121,173,178,186,194,199,202,186,173,170,165,163,168,178,183,165,109,105,107,105,103,104,107,160,176,170,117,85,111,168,176,170,115,101,101,109,111,109,106,107,111,117,119,119,117,119,165,168,165,165,176,189,186,176,173,173,168,127,123,125,121,119,127,178,189,191,183,176,170,170,170,129,129,173,181,176,126,125,170,176,173,127,125,127,173,178,178,173,170,127,123,122,125,127,123,123,129,176,183,194,204,204,186,176,129,123,125,131,133,131,125,123,125,133,189,196,196,196,196,194,191,190,190,191,194,191,191,194,196,202,202,196,194,194,199,196,189,183,181,178,135,176,176,178,181,186,191,189,183,181,186,191,196,199,196,191,183,178,174,176,181,183,183,181,178,176,176,178,181,178,177,181,191,194,189,183,181,178,181,181,181,181,183,186,186,181,176,173,173,173,176,176,176,178,183,183,178,133,176,189,202,207,209,212,215,212,209,204,204,199,191,186,186,194,202,204,204,199,186,176,174,181,189,191,189,186,186,189,191,196,204,209,212,204,196,194,199,207,212,209,207,207,209,209,207,202,196,189,186,186,189,191,191,189,189,186,181,178,174,174,178,183,189,189,186,186,183,183,183,181,176,129,125,125,129,133,176,176,181,181,183,191,199,207,209,207,204,202,196,194,191,194,194,194,194,196,202,209,209,202,199,202,207,209,209,209,207,207,207,209,207,202,194,189,183,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,155,115,107,103,101,100,101,111,119,160,163,168,170,168,166,170,176,181,183,183,181,178,176,170,169,169,170,176,178,178,176,173,170,168,127,125,125,125,127,127,127,123,121,123,168,173,173,127,126,129,173,176,178,178,178,178,181,183,186,189,191,191,191,189,186,186,186,189,186,186,189,189,191,191,191,186,178,172,169,173,183,191,189,183,181,178,176,176,176,178,178,181,181,178,176,176,178,181,181,181,181,181,183,186,181,181,181,183,183,183,181,178,177,176,177,181,186,183,181,183,189,194,191,191,189,191,194,196,196,196,194,191,189,189,189,189,191,194,196,194,191,191,191,189,187,189,191,191,187,185,183,185,191,196,196,194,196,194,194,191,191,194,194,196,194,194,192,192,196,199,196,186,134,133,135,183,183,181,181,183,189,191,191,196,196,199,202,204,204,204,204,209,212,209,204,199,195,195,199,202,194,186,186,191,194,191,194,194,191,190,191,196,202,207,207,199,194,191,191,186,178,129,125,126,129,176,178,178,178,178,176,133,131,131,131,133,133,135,135,178,186,191,191,189,189,191,194,196,199,199,199,199,196,196,196,196,199,199,199,196,199,199,199,196,196,196,196,199,199,199,199,199,199,199,196,194,194,196,196,196,194,196,199,199,196,194,191,189,189,189,191,194,196,196,194,194,191,191,189,186,181,178,178,178,181,183,183,183,178,129,126,131,181,183,178,176,133,178,178,176,129,128,128,129,176,178,178,178,176,176,176,176,176,178,183,181,176,132,131,133,178,178,176,176,178,183,181,178,178,183,186,186,186,186,186,189,194,189,183,181,183,186,181,176,174,178,183,189,186,183,183,183,183,178,178,178,181,183,189,194,196,189,178,174,176,181,186,186,181,127,116,115,119,131,178,181,183,186,181,176,176,178,181,186,191,189,183,181,178,178,178,178,181,176,131,129,127,126,127,131,178,183,183,181,178,176,174,174,178,183,178,127,125,127,173,173,173,176,178,181,183,186,186,183,183,186,191,194,194,191,191,196,199,199,194,189,186,183,181,178,178,181,183,183,178,133,129,131,181,186,189,191,194,194,191,189,186,189,191,194,199,202,199,194,191,189,186,181,178,181,186,189,186,186,191,202,207,204,204,209,207,194,182,181,183,191,194,191,191,189,189,191,191,186,183,182,183,186,186,186,185,185,189,194,196,191,186,183,186,189,189,183,181,181,183,183,183,181,181,181,183,186,189,186,181,179,179,181,181,181,183,186,186,178,129,127,178,191,202,209,207,189,131,133,186,199,199,186,181,183,186,183,181,176,131,128,127,128,128,129,129,129,131,173,181,194,204,207,202,196,189,181,170,165,165,168,173,178,183,186,185,186,0,0,0,0,0,0,0,191,196,204,209,212,215,212,209,204,199,196,191,189,189,194,202,207,207,207,207,207,207,204,204,209,209,209,209,209,212,215,222,228,230,230,228,217,212,213,217,225,225,222,209,199,0,0,0,168,0,0,0,0,0,212,222,225,215,211,212,228,241,246,0,0,0,0,0,0,0,0,0,0,196,194,199,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,181,170,160,150,0,0,0,0,0,139,0,0,152,160,168,176,183,191,191,189,186,186,191,196,199,202,209,217,222,215,212,212,215,215,217,217,212,208,209,215,217,217,217,217,217,217,217,217,217,217,212,207,207,209,215,215,217,222,222,217,222,225,225,222,222,228,233,233,228,222,217,215,209,202,202,204,207,207,204,199,199,202,207,207,205,205,207,209,215,222,222,225,222,222,225,230,230,225,215,212,209,209,209,209,209,212,217,222,222,217,215,215,209,209,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,77,103,17,1,64,74,144,183,194,204,90,0,0,0,0,0,0,0,0,0,0,0,29,19,0,0,55,87,147,160,163,160,157,165,168,152,157,168,181,189,191,189,189,194,196,194,194,196,191,178,173,170,127,125,127,168,168,168,170,176,181,186,186,191,194,196,191,183,176,168,125,123,123,125,127,170,170,168,127,173,186,199,204,204,207,207,204,196,186,168,115,109,112,119,113,107,109,119,121,118,118,121,127,127,127,168,170,170,168,168,173,181,186,189,189,191,194,194,189,186,189,194,196,199,199,194,186,178,131,123,121,131,178,178,170,129,173,183,189,196,196,194,191,191,194,191,186,176,176,186,189,181,170,127,129,129,170,176,178,173,129,123,116,98,121,129,125,124,127,176,186,186,186,181,178,183,178,129,127,127,125,127,131,176,183,186,186,186,183,179,181,181,181,178,178,173,127,125,127,170,170,173,176,181,181,181,183,183,181,181,183,186,186,186,183,176,131,131,173,178,181,178,173,124,121,123,131,191,191,183,183,181,178,176,178,189,196,199,199,189,181,178,181,178,178,183,189,189,186,186,181,176,176,176,133,176,181,183,183,189,194,191,186,183,183,181,176,178,176,172,172,173,178,176,173,173,178,189,191,191,191,191,186,178,176,173,170,168,127,125,125,125,125,123,123,125,176,181,178,168,125,125,170,183,194,199,196,186,181,173,128,127,128,128,128,170,173,173,173,176,181,178,173,170,168,163,163,176,186,191,189,173,168,186,189,176,165,165,176,178,178,181,191,209,217,191,85,75,71,0,57,99,178,191,199,196,173,79,15,0,0,51,111,150,170,176,176,170,168,173,178,157,113,116,165,160,111,109,111,109,109,155,170,181,183,173,109,65,50,52,87,152,168,157,102,99,102,152,165,170,178,181,181,181,183,137,0,0,89,209,215,212,35,26,79,152,163,160,155,144,131,97,134,142,150,144,142,152,163,160,150,139,99,55,6,0,43,69,67,63,71,101,142,144,152,155,150,107,97,93,91,95,157,147,94,92,99,178,181,157,152,163,163,101,100,119,170,168,160,119,119,157,160,165,160,115,112,163,170,165,115,94,109,160,111,107,111,173,204,67,36,157,176,176,169,169,183,196,199,119,60,75,163,196,196,186,163,111,115,194,209,204,123,19,0,37,109,115,117,178,178,123,121,125,125,120,118,123,168,173,170,168,168,173,181,186,189,191,194,196,196,189,181,173,127,119,109,99,101,117,125,129,176,176,173,129,125,124,125,125,127,176,186,189,186,176,170,176,189,194,186,183,181,176,173,178,176,127,119,117,123,178,199,209,207,199,196,196,204,207,207,207,209,209,209,207,204,202,191,181,181,178,121,80,78,168,183,183,186,194,202,209,202,183,163,119,121,168,183,196,176,103,100,103,105,104,107,117,191,196,178,109,46,62,121,176,170,105,89,89,96,103,107,113,115,117,117,117,115,114,115,165,173,163,105,103,173,178,173,176,178,173,165,125,121,118,117,119,127,170,173,170,170,170,170,170,129,129,176,176,170,126,127,176,183,183,176,129,170,176,178,178,173,170,129,127,127,129,170,129,127,129,178,186,199,212,212,202,189,186,189,196,196,191,183,133,127,121,119,121,127,181,189,196,199,196,191,191,191,191,189,189,194,196,199,196,191,191,194,194,191,186,181,178,176,133,131,133,133,178,183,189,189,191,191,196,199,202,204,204,199,189,178,176,176,181,183,183,181,181,178,176,181,186,183,181,186,191,196,191,183,178,178,181,183,186,183,183,183,186,189,183,176,172,172,172,172,172,173,176,178,178,176,178,189,202,207,212,215,215,212,207,207,204,202,194,186,186,191,199,202,202,196,183,174,174,181,189,194,196,194,191,191,194,202,209,215,215,209,204,199,202,204,209,209,209,209,209,212,209,207,202,194,189,189,191,194,191,189,186,183,181,176,174,174,181,189,191,194,191,189,186,186,186,183,176,131,127,127,129,131,131,133,181,186,189,194,199,204,204,204,202,199,196,199,202,202,196,191,191,199,207,209,207,202,199,199,204,209,209,209,207,204,204,204,204,199,196,191,189,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,160,160,155,111,105,101,99,100,109,115,117,121,165,168,168,168,173,178,181,183,183,183,181,178,173,169,169,170,176,181,181,178,176,173,170,168,127,124,125,168,170,168,125,123,125,170,176,173,127,125,127,170,173,176,176,176,176,178,181,183,186,189,189,189,191,189,186,186,191,191,189,189,189,189,189,189,186,178,172,170,172,178,186,186,186,183,181,176,176,176,178,181,181,178,173,129,170,176,181,181,178,178,181,186,186,181,181,183,183,186,186,183,181,177,176,177,183,186,183,181,183,191,196,194,191,191,194,196,199,199,196,194,191,191,191,189,189,191,196,196,194,191,191,191,191,191,191,191,191,187,185,183,185,189,194,196,196,196,196,194,191,191,194,196,196,192,192,194,194,194,199,199,191,137,135,137,183,186,183,183,186,189,189,194,199,202,202,204,207,209,207,209,212,217,215,209,202,196,195,196,202,202,196,194,199,196,191,191,194,191,187,187,190,194,199,199,194,186,183,183,183,178,133,129,131,133,178,181,183,181,178,176,133,133,133,133,133,133,135,135,135,183,189,189,187,189,194,199,202,199,196,196,196,196,196,196,199,202,202,202,202,202,202,196,195,195,196,199,202,204,202,199,199,199,199,199,194,191,191,194,191,189,189,191,194,194,194,194,194,194,194,191,191,191,191,194,194,191,189,189,186,181,181,181,181,183,183,183,183,178,126,124,127,181,186,181,176,176,181,183,178,131,128,128,129,133,176,176,178,178,178,178,176,176,183,189,189,183,133,131,132,176,178,176,176,181,183,181,176,176,176,178,181,183,183,186,189,191,183,181,178,181,186,181,176,174,176,183,186,183,176,176,178,176,173,173,176,176,178,181,186,189,183,176,174,176,181,183,181,176,125,115,114,117,129,178,183,189,189,181,176,176,178,183,186,189,186,181,181,181,181,178,178,181,181,178,176,173,127,127,129,173,181,183,183,181,181,178,178,181,183,176,127,125,170,176,176,173,173,176,178,181,183,186,183,181,183,189,191,191,189,191,196,199,194,186,181,179,179,181,183,183,181,181,181,176,129,124,124,173,178,178,183,186,189,189,183,181,183,189,194,202,204,202,194,191,189,189,189,186,186,189,189,186,183,186,194,199,202,204,209,209,199,186,182,183,191,191,191,191,191,194,194,191,186,182,182,183,189,189,186,185,185,189,194,196,194,194,191,194,194,194,191,186,186,191,191,191,186,183,178,133,133,178,183,186,183,181,181,181,181,183,186,186,178,126,122,126,131,181,194,194,178,127,128,183,202,204,191,186,186,189,183,178,178,178,173,129,129,173,176,173,131,131,173,176,178,186,191,189,181,170,160,150,147,0,157,163,173,181,186,186,186,0,0,0,0,0,0,0,189,194,199,207,209,209,209,209,204,199,196,194,191,191,194,202,207,207,204,202,204,202,202,204,209,212,212,209,208,209,212,217,225,230,233,230,222,213,212,215,222,228,228,0,204,199,0,0,170,0,0,0,0,0,194,207,215,217,215,222,235,246,251,0,0,0,0,0,0,0,0,0,0,0,0,196,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,183,173,163,155,0,0,0,0,0,137,137,0,150,163,173,181,189,194,196,194,189,189,191,196,196,202,209,217,217,212,212,212,217,217,217,215,209,208,209,215,220,217,215,215,217,215,215,217,222,217,212,209,209,212,215,215,217,222,222,222,225,228,228,222,222,228,233,233,228,225,222,217,209,204,204,207,207,207,204,202,202,204,207,207,207,207,207,209,215,220,222,222,222,222,225,230,230,225,215,212,212,209,209,209,209,215,217,222,222,215,215,212,209,209,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,157,64,0,0,0,0,0,0,0,0,129,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,82,0,0,79,100,168,191,202,204,5,0,0,0,0,0,0,0,0,0,0,0,124,118,13,35,61,91,155,170,165,101,47,45,85,113,157,173,183,191,194,196,196,202,199,196,196,196,189,178,176,176,173,168,127,127,127,168,173,178,183,186,186,191,194,196,191,181,173,168,127,125,125,127,168,173,173,127,125,168,183,194,199,204,204,199,191,186,178,125,113,110,110,115,117,112,113,121,123,123,125,168,170,170,168,168,170,170,170,170,176,178,181,183,189,196,202,202,194,191,196,202,204,204,207,202,189,173,127,121,119,121,170,173,129,129,178,189,194,196,196,196,196,199,199,196,189,176,178,186,191,183,173,129,129,170,173,183,194,191,181,129,123,113,125,129,127,129,129,170,176,181,186,181,181,186,181,131,129,127,127,127,131,181,191,196,196,194,189,186,183,183,178,176,176,173,127,122,122,123,123,125,129,170,176,183,189,186,181,183,189,196,196,194,186,178,173,173,178,178,178,178,181,178,125,122,125,189,191,189,186,181,176,174,178,183,189,191,189,181,177,178,181,181,178,181,186,183,186,189,189,183,183,181,133,132,133,178,183,189,194,189,183,181,183,181,176,176,176,173,172,173,178,181,178,176,181,186,189,191,191,191,186,181,178,176,173,173,170,127,125,125,125,123,123,168,181,186,183,173,127,127,176,189,196,199,191,183,178,173,170,129,170,129,129,170,168,121,115,121,173,178,173,173,170,124,123,165,176,178,173,160,163,181,181,170,164,163,165,181,186,183,186,204,215,202,152,53,17,0,43,157,181,189,202,199,181,147,79,0,0,103,212,212,209,202,196,191,186,181,173,116,109,112,117,113,106,107,109,108,109,155,173,191,202,183,99,83,56,51,91,150,150,137,91,100,139,157,173,181,186,189,189,191,194,191,0,0,69,202,202,194,41,34,63,144,155,147,134,131,89,87,137,147,155,155,147,147,157,160,155,137,71,11,0,47,99,93,77,62,69,139,137,91,142,160,157,144,103,97,94,103,168,105,90,92,99,157,155,155,157,168,165,104,103,115,163,165,160,119,117,157,170,181,176,157,112,163,168,163,157,115,165,163,107,105,105,115,165,59,38,113,170,176,170,176,186,191,189,107,61,91,176,194,196,189,168,108,107,117,173,181,181,87,33,45,121,111,98,111,123,119,123,125,125,119,118,125,173,176,173,170,170,173,178,181,186,191,196,202,202,191,176,129,123,105,92,94,98,119,129,173,178,178,176,170,125,124,124,123,124,129,181,181,178,170,127,170,178,178,170,173,181,183,183,189,186,181,178,129,127,176,199,209,204,199,196,199,207,209,212,212,215,215,215,215,212,204,191,176,170,168,91,70,70,165,181,176,176,181,189,204,207,189,107,97,111,163,173,189,165,96,95,103,107,105,111,176,217,222,204,165,40,55,176,196,196,170,92,90,96,105,111,121,160,121,121,121,121,119,123,186,202,186,89,56,71,111,117,121,125,121,119,121,121,119,118,118,119,123,125,127,129,170,170,127,125,125,127,127,127,129,176,181,189,189,183,178,178,178,178,176,170,129,129,173,178,183,183,178,170,173,178,186,196,209,209,207,196,194,196,199,196,194,191,186,176,123,113,108,108,117,178,194,199,196,194,194,194,191,186,186,191,194,194,191,186,186,191,191,189,181,178,176,133,133,131,131,131,133,178,183,189,194,199,202,202,204,207,207,204,194,183,178,178,181,181,181,181,181,178,133,181,191,189,183,183,189,191,189,183,176,176,178,183,189,186,183,181,186,189,186,181,173,173,172,172,173,173,173,176,178,178,181,189,202,209,212,215,215,212,209,207,207,204,194,183,176,181,191,196,196,191,181,176,176,183,189,194,196,196,191,191,196,204,209,212,212,209,209,204,202,202,202,204,207,209,212,215,212,212,207,199,194,194,194,191,191,189,186,183,178,176,176,178,186,191,191,191,191,189,186,186,186,183,173,129,129,129,129,128,128,131,181,186,189,191,196,199,199,196,194,194,196,202,204,202,194,186,183,191,202,204,202,202,199,198,202,204,207,207,207,204,202,199,199,199,196,196,194,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,163,157,157,117,113,107,101,100,101,109,113,115,121,163,165,168,173,176,178,178,178,178,181,181,181,176,173,170,173,176,178,178,178,178,176,173,170,127,124,125,170,173,170,168,127,127,170,173,170,126,126,127,170,176,176,173,173,173,176,178,181,181,181,181,183,186,186,183,183,189,191,191,191,191,191,189,186,186,181,176,173,173,178,181,183,183,183,181,178,176,176,178,181,181,176,170,128,129,176,181,181,178,178,181,186,186,183,181,181,181,183,183,181,181,178,178,181,186,186,183,181,183,191,194,194,189,189,191,194,194,194,191,189,189,191,191,189,186,189,196,196,194,191,191,191,194,194,194,194,194,191,189,189,189,191,194,194,196,196,196,194,191,191,194,196,196,192,194,194,194,196,199,199,196,191,186,186,186,183,183,186,189,186,186,191,199,202,204,207,212,212,209,209,215,220,220,215,207,199,195,196,204,207,207,207,207,202,194,191,194,194,189,187,189,191,194,194,189,183,181,181,178,178,178,178,178,181,183,183,186,183,181,176,176,176,176,176,133,133,135,135,135,181,189,189,189,189,196,204,207,202,196,196,196,199,196,196,199,202,204,204,204,204,199,196,194,194,196,202,204,207,204,202,199,199,199,196,191,186,186,189,189,186,185,186,189,189,191,194,196,196,194,191,190,190,191,194,194,194,191,189,186,183,183,183,183,183,183,183,183,178,126,123,127,186,194,189,178,176,178,181,181,176,133,133,131,173,176,176,178,178,178,176,176,178,186,191,191,186,178,133,133,176,176,176,176,181,186,181,176,133,133,133,178,178,181,183,186,183,178,176,176,181,186,181,176,174,176,183,186,178,129,127,131,131,131,131,173,173,173,176,181,183,181,174,174,176,178,176,173,131,125,119,117,119,129,178,186,191,191,181,176,176,178,181,181,181,178,178,181,183,183,181,181,181,181,183,183,178,131,129,129,170,181,186,186,186,183,181,181,183,181,173,127,129,178,181,178,173,173,176,178,181,183,183,183,178,178,181,183,183,186,191,199,202,196,189,181,179,179,183,186,186,183,181,181,178,131,124,123,129,173,173,176,181,186,186,178,177,178,189,196,202,207,202,194,189,189,189,189,189,186,186,186,186,183,183,189,194,194,199,207,207,196,189,183,183,189,191,194,194,194,194,194,191,186,183,183,189,191,194,191,189,189,194,196,199,202,202,202,202,199,196,194,191,194,199,202,199,196,191,181,123,122,126,135,183,183,181,179,183,186,186,189,191,183,129,123,125,126,126,133,178,131,126,127,176,194,199,191,186,189,189,183,178,183,186,181,176,173,178,181,176,173,131,173,173,172,176,178,176,165,157,150,111,109,0,0,160,173,181,186,186,186,0,0,0,0,0,0,191,191,196,202,204,204,207,207,207,204,199,196,194,194,191,196,202,204,204,202,200,202,202,202,204,209,212,212,209,209,209,209,0,0,0,233,233,228,217,213,215,222,228,228,0,0,0,0,0,0,0,0,0,173,178,186,199,212,217,222,230,241,251,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,194,186,178,170,160,150,0,0,0,137,134,134,137,0,160,176,186,191,199,204,202,196,194,194,194,196,202,0,215,217,215,212,215,217,220,217,215,209,208,209,215,217,215,215,215,215,215,212,215,217,217,215,212,212,215,217,217,217,225,225,225,225,230,230,225,222,225,230,230,230,228,225,222,212,207,204,207,207,207,204,202,204,207,209,207,207,207,207,209,215,217,222,222,222,222,225,228,228,222,215,212,212,212,212,209,212,215,217,222,217,215,212,212,209,208,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,111,1,0,0,0,0,0,0,0,0,103,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,90,147,170,191,173,0,0,0,0,0,0,0,0,0,0,0,0,113,79,45,69,89,131,160,160,142,43,0,0,59,111,165,181,189,191,191,196,202,202,199,199,196,191,183,176,173,176,178,176,168,126,126,168,173,178,181,183,186,189,191,191,186,176,168,168,168,127,125,168,173,178,173,125,119,121,170,181,191,199,196,181,127,127,168,125,115,113,117,121,125,127,123,121,127,176,176,173,170,168,170,173,178,178,170,127,129,176,181,181,183,196,202,204,202,202,204,204,202,202,204,204,189,129,125,123,120,120,129,170,129,173,186,194,196,196,194,196,199,196,194,189,178,172,176,183,183,176,170,170,129,127,173,191,207,207,191,178,170,173,176,178,181,181,183,173,117,113,125,181,194,196,189,176,129,127,129,127,129,178,189,196,202,199,199,196,191,189,181,173,173,176,127,122,121,121,120,122,125,127,173,189,194,189,181,181,189,196,199,199,191,183,181,183,183,181,178,178,181,178,173,127,127,178,186,186,183,181,178,178,181,181,181,183,186,181,177,178,183,181,178,178,181,183,186,191,191,189,186,186,181,133,133,176,181,183,186,183,178,178,181,181,176,178,176,173,173,176,178,181,181,181,181,181,183,186,189,189,186,183,181,178,178,178,176,170,125,125,125,123,123,170,183,186,178,168,127,168,181,194,202,196,186,178,173,173,170,173,176,173,129,129,123,115,112,115,170,181,178,170,168,124,122,123,165,168,165,159,160,165,168,168,165,163,164,183,196,189,183,202,215,207,189,85,0,0,0,95,155,168,189,183,160,111,101,77,91,181,204,212,215,215,209,207,202,199,189,176,155,155,160,111,102,103,111,109,109,160,173,194,202,155,97,91,103,61,79,105,139,103,101,137,163,176,176,178,181,186,194,196,196,191,5,0,0,85,173,142,55,39,51,147,157,131,64,72,85,137,139,134,150,157,147,147,155,157,150,95,25,15,22,147,160,101,91,155,163,157,150,62,99,163,165,147,103,103,101,157,183,170,95,94,96,93,103,163,168,168,163,111,106,115,163,165,163,157,117,157,176,194,204,194,168,160,163,160,160,170,186,170,117,103,103,105,103,77,61,109,160,170,170,176,181,178,163,100,98,111,165,178,186,178,111,107,107,111,119,170,181,183,176,173,178,173,109,104,113,125,165,165,123,120,121,170,178,176,170,170,173,178,176,178,189,196,202,204,196,181,173,176,176,119,96,96,105,119,173,183,189,191,189,181,129,125,125,123,123,173,186,183,176,170,127,127,127,129,129,170,173,181,189,194,194,191,189,181,173,178,199,209,207,202,199,202,207,212,215,215,217,217,217,217,215,207,183,165,111,90,83,72,88,123,170,170,170,176,183,199,207,196,93,79,95,113,117,163,117,92,90,103,109,107,119,189,217,230,222,181,67,67,191,207,204,199,121,97,99,105,115,160,160,119,119,160,160,160,170,202,209,209,117,14,40,97,103,111,113,113,115,119,123,123,121,121,121,121,121,125,129,170,127,121,117,117,119,127,178,186,191,196,202,196,189,186,183,183,183,181,173,128,128,173,181,189,189,181,173,173,178,183,191,199,204,204,199,196,196,194,189,191,194,191,181,125,117,111,106,103,115,176,186,189,191,194,196,194,186,186,189,191,191,189,186,186,186,186,183,176,131,131,131,133,133,131,130,131,178,186,191,196,202,202,202,202,204,204,204,202,196,189,186,183,181,178,178,178,176,131,176,189,189,173,131,178,183,181,178,176,172,172,178,183,181,179,181,183,186,186,183,178,173,173,178,181,176,173,176,178,178,183,191,202,209,212,215,215,212,209,209,209,209,199,178,125,125,133,183,186,181,176,178,183,186,191,191,191,191,189,186,191,204,207,209,209,209,209,204,202,199,199,202,207,209,212,215,215,215,209,207,202,196,191,189,189,189,186,183,181,181,186,189,191,189,186,186,186,186,183,183,181,178,131,129,129,129,129,128,128,131,181,183,183,186,191,191,191,186,183,186,191,199,202,199,189,185,183,189,196,202,202,202,199,199,199,202,207,209,212,207,199,194,194,194,194,194,194,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,168,160,117,115,115,113,105,100,101,105,109,111,115,119,163,165,170,176,178,176,173,173,173,173,178,181,181,181,178,176,173,170,173,176,178,176,173,170,168,127,127,170,173,173,170,127,127,168,170,168,126,126,129,173,176,176,170,129,129,173,176,178,178,178,178,178,181,183,181,183,189,191,194,191,191,191,191,189,186,183,178,176,178,181,183,183,183,183,181,178,173,173,176,181,183,178,173,129,170,176,181,181,178,177,178,183,186,183,181,178,178,178,178,181,181,181,181,183,186,186,186,186,186,189,189,189,183,183,186,189,189,186,183,183,186,189,189,186,185,189,196,196,191,189,189,191,194,194,194,194,194,194,194,194,194,196,194,194,194,194,194,191,189,189,191,194,196,194,194,194,196,199,199,196,196,196,196,194,189,183,181,183,186,183,186,191,196,199,204,212,217,217,212,209,212,217,222,215,207,202,196,196,202,209,215,212,209,204,194,191,191,194,191,191,194,194,194,191,189,186,183,181,178,183,183,183,183,183,186,186,186,183,181,178,178,181,181,178,135,133,135,178,181,183,186,189,191,196,204,209,209,204,199,199,199,199,199,196,199,202,204,204,202,199,196,196,195,196,199,202,204,207,204,202,199,199,196,194,186,182,183,186,189,186,185,185,186,186,189,194,194,194,191,191,191,191,191,191,191,194,194,189,186,186,186,186,183,183,183,183,186,181,131,126,129,183,196,194,181,174,174,178,181,181,178,176,176,176,176,176,178,181,181,176,176,181,186,186,183,178,181,181,181,178,178,178,181,183,183,181,176,133,131,132,176,176,178,183,186,186,181,176,176,178,183,181,178,176,181,189,189,178,126,125,127,131,173,173,173,173,173,176,181,181,178,176,174,176,178,176,131,131,131,127,123,123,131,178,186,196,199,189,177,176,178,181,178,176,173,176,178,183,183,183,181,181,178,176,176,173,131,129,129,129,173,183,186,183,181,181,181,181,176,170,170,178,186,189,183,176,176,176,176,178,181,181,181,178,176,133,133,178,183,191,202,209,207,196,186,181,181,183,183,183,181,181,183,181,176,127,124,129,131,131,173,178,183,186,178,176,178,189,194,199,202,199,194,189,189,189,186,186,186,183,183,183,181,181,183,186,189,191,194,194,191,189,183,183,186,191,196,194,191,189,189,191,189,186,189,194,196,196,199,199,199,199,202,202,204,207,204,202,202,199,194,189,199,209,212,212,209,204,191,119,120,124,131,181,183,183,183,189,194,196,199,196,189,181,178,133,129,127,131,135,133,130,130,133,178,183,186,186,191,194,183,181,189,191,183,178,181,181,178,176,176,173,173,173,173,173,173,168,117,111,113,147,109,144,152,163,173,181,186,186,186,191,0,0,0,0,191,191,196,202,204,202,202,202,204,204,202,199,196,196,196,196,196,199,202,0,202,202,204,207,207,207,209,209,209,209,212,0,212,0,0,0,0,233,228,217,217,222,225,0,0,0,0,0,0,0,0,0,0,173,178,183,191,199,207,215,225,230,241,254,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,191,189,183,176,163,152,0,139,137,134,134,134,137,0,157,176,186,194,202,207,209,204,199,196,196,0,0,0,0,215,217,217,217,222,222,222,217,212,208,209,212,215,215,212,212,212,212,212,212,215,217,217,215,215,217,217,215,217,222,225,225,228,230,230,225,222,225,228,228,230,230,228,222,215,209,207,207,204,204,202,200,204,209,209,207,207,204,207,209,215,217,220,225,225,225,228,228,222,217,215,212,215,215,212,212,212,215,217,222,217,215,212,209,209,209,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,48,98,126,121,56,0,0,0,0,0,0,0,0,0,0,0,0,69,75,63,77,126,142,150,59,37,36,20,22,79,157,176,186,191,189,189,194,202,199,196,194,194,186,173,168,168,173,181,183,176,168,168,170,173,176,178,181,183,186,186,183,178,170,127,127,127,125,125,168,176,176,170,123,116,115,119,127,173,181,170,120,118,120,125,125,121,121,125,168,173,178,173,168,173,181,178,168,125,125,170,181,189,186,176,126,127,178,189,186,183,191,199,204,204,207,207,207,199,194,196,199,189,173,129,129,125,125,129,129,129,178,189,194,196,194,191,191,191,183,178,173,169,169,173,181,178,176,173,170,127,123,170,194,212,212,196,181,178,183,186,189,191,191,191,181,113,104,111,173,194,199,191,173,127,127,127,126,127,178,191,199,204,204,202,196,194,194,189,178,176,176,129,125,123,122,121,122,125,127,173,189,196,191,178,176,181,186,191,194,191,189,189,189,186,183,178,177,177,178,178,178,176,176,178,181,186,189,189,186,183,183,183,186,186,183,181,183,189,186,181,177,178,183,191,194,191,189,186,186,183,181,178,183,186,189,186,183,178,177,178,178,176,176,176,176,176,176,178,178,178,176,173,173,176,178,181,183,183,183,181,178,176,176,176,170,125,123,125,127,173,181,181,178,170,125,125,176,191,202,204,196,186,176,173,176,178,183,186,181,173,129,127,117,113,117,170,178,178,173,170,168,125,163,165,168,165,160,160,160,165,173,173,165,165,186,202,196,194,204,212,209,202,170,0,0,0,39,71,95,165,170,157,150,113,109,160,183,196,207,215,217,215,215,212,209,207,204,199,191,181,155,104,106,155,152,113,152,163,183,194,157,103,99,89,1,19,75,99,103,144,152,170,178,176,173,173,181,194,202,199,189,11,0,0,89,150,160,91,49,53,131,147,89,67,66,81,150,150,127,126,142,147,142,147,155,147,81,29,29,91,144,152,142,139,155,170,176,160,54,83,160,176,105,69,89,103,189,204,199,107,97,97,97,152,189,186,176,165,117,115,155,160,157,157,157,117,119,173,196,212,212,191,165,157,155,160,173,183,181,168,115,107,99,95,91,97,109,157,165,168,170,176,170,160,115,113,119,123,165,176,173,113,109,113,119,117,121,173,186,194,196,196,194,176,117,119,165,170,165,125,165,170,176,178,176,170,170,170,173,170,170,183,196,204,199,178,170,178,199,204,196,183,127,127,131,183,194,204,207,207,199,176,129,125,123,123,173,183,183,176,170,127,127,129,173,173,170,170,173,183,191,194,194,191,183,176,181,199,209,209,204,202,202,207,209,212,215,217,215,215,215,209,186,125,121,115,103,95,97,105,115,163,170,176,178,181,194,199,191,85,72,85,107,113,117,113,97,96,115,117,115,163,194,215,225,225,209,85,81,178,199,196,191,119,101,103,109,119,165,165,121,119,119,119,117,165,189,199,196,170,21,29,59,93,107,113,117,117,115,117,121,127,168,127,125,125,127,168,129,121,115,115,117,127,181,194,196,194,202,207,204,194,186,183,186,191,194,183,170,129,129,170,173,178,176,173,173,178,186,189,194,199,202,202,196,191,186,186,189,191,191,181,123,121,121,111,106,113,129,178,183,186,191,196,194,189,186,186,186,186,186,186,183,181,181,176,131,127,125,127,131,133,133,131,133,181,189,194,196,199,199,199,199,202,202,204,204,202,196,189,183,183,183,181,176,131,131,133,181,176,121,120,127,131,131,173,173,172,170,176,181,181,179,181,183,183,181,181,181,178,181,189,186,176,172,173,178,181,186,194,204,209,212,212,212,215,215,212,212,215,209,178,120,119,124,131,176,131,129,176,186,189,186,181,181,186,186,183,189,194,199,207,207,204,204,199,196,199,202,204,207,209,212,215,215,212,207,204,202,199,194,189,189,186,186,183,186,189,194,196,191,183,178,178,181,183,183,181,176,131,129,129,133,133,133,131,131,133,178,181,181,181,181,183,183,181,181,183,189,191,194,196,191,187,187,194,199,202,202,202,199,199,202,202,207,209,212,207,202,194,192,192,194,191,189,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,168,168,155,113,113,115,111,101,99,101,107,111,111,115,119,160,170,176,178,176,170,165,168,170,176,178,181,183,183,183,176,166,165,168,170,173,173,170,170,170,168,168,170,173,173,173,127,126,127,168,168,127,127,170,173,176,176,170,127,127,129,173,176,178,181,178,176,178,181,181,183,189,191,194,194,194,194,191,191,189,183,178,176,178,183,186,186,186,183,178,173,170,170,173,176,178,178,173,129,170,176,181,181,178,178,181,183,186,186,183,178,178,177,178,181,183,183,183,186,186,189,189,186,183,183,183,181,179,181,186,186,183,181,179,179,181,186,186,186,185,189,194,194,191,189,187,189,191,191,194,194,194,194,194,194,196,196,194,194,191,191,191,189,189,186,189,191,194,194,194,194,196,196,196,196,196,196,196,194,186,181,181,181,183,186,189,194,196,202,207,215,222,217,212,204,204,209,215,212,207,204,199,196,202,209,215,212,204,199,189,186,189,191,194,194,196,196,194,191,191,191,189,183,181,183,186,186,186,186,186,186,186,183,181,178,183,189,189,183,178,178,178,181,183,186,191,194,196,202,209,215,215,209,204,204,204,202,199,196,196,199,202,202,199,196,196,196,196,199,199,202,204,204,202,202,199,199,196,194,186,183,183,189,189,186,185,186,186,186,189,194,194,194,191,191,191,191,189,186,189,191,191,189,186,186,189,186,186,183,183,186,189,183,176,131,131,183,196,199,189,178,176,178,181,183,183,181,178,178,178,181,183,183,183,178,178,181,183,181,177,178,181,183,183,181,178,181,181,183,181,178,176,133,132,133,176,174,176,186,191,191,183,176,176,181,183,181,178,178,181,186,189,183,131,126,127,131,173,173,173,173,173,178,181,181,178,176,174,176,178,176,173,176,178,176,129,129,173,181,189,199,204,196,183,177,178,178,173,172,172,173,176,181,183,183,183,181,173,128,129,129,129,127,125,125,129,176,178,178,178,178,178,178,173,170,176,186,194,191,186,178,176,173,173,176,178,181,183,181,178,132,132,133,183,194,202,209,207,199,189,183,181,181,181,181,181,183,186,186,181,129,125,127,127,131,173,176,181,181,178,177,178,183,186,191,194,194,191,189,189,186,186,186,186,189,186,183,178,178,178,178,181,183,183,183,183,183,183,181,186,191,196,194,186,181,181,186,191,191,191,196,199,199,199,199,202,199,196,194,199,199,196,194,194,194,189,186,196,209,215,215,215,212,207,181,127,127,133,181,189,194,196,199,202,204,207,202,194,189,183,178,135,135,178,181,181,178,176,133,178,183,186,189,196,202,194,186,189,191,186,183,183,181,178,178,178,178,178,178,176,176,173,165,113,105,99,92,93,0,152,157,165,173,181,183,183,186,189,191,189,186,189,194,202,207,207,204,202,202,202,204,202,199,196,196,199,196,196,196,199,0,202,0,204,207,209,209,207,207,207,0,0,0,0,0,0,0,0,228,225,222,222,228,230,0,0,0,0,0,0,0,0,0,0,186,189,194,196,202,207,215,220,228,238,251,255,0,0,0,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,189,183,178,173,163,155,147,139,134,134,134,134,134,0,155,170,183,194,202,209,212,212,204,199,196,0,0,0,0,215,220,222,220,220,222,222,217,209,208,209,212,215,215,215,212,212,212,209,209,212,217,222,217,217,217,217,215,215,222,225,225,228,230,233,228,225,225,225,228,230,233,230,225,217,215,209,209,207,204,202,200,204,209,212,207,204,204,204,209,215,215,217,225,225,228,228,225,222,215,212,215,215,217,215,212,212,212,217,222,217,212,209,209,209,209,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,105,69,25,0,35,69,33,37,3,0,0,0,0,0,19,51,53,69,126,139,131,29,27,37,45,65,97,168,183,191,191,189,189,196,199,199,194,191,191,183,168,164,166,170,181,183,181,176,173,176,176,173,173,176,178,178,178,173,170,127,125,125,123,122,123,168,176,173,127,121,116,115,116,119,123,127,122,118,118,120,122,125,127,168,170,176,181,186,178,170,176,178,173,125,123,125,176,186,194,191,176,126,168,183,194,189,183,186,194,202,202,204,204,204,199,194,192,196,194,183,176,170,129,173,176,170,170,178,186,189,194,194,191,189,183,176,172,170,169,169,172,176,176,176,173,127,122,121,127,183,202,204,191,183,181,186,191,194,196,196,196,186,117,102,104,117,178,186,183,173,127,127,126,126,129,183,196,207,209,209,204,196,194,196,194,183,178,176,170,129,127,127,123,123,125,127,176,189,196,191,178,173,173,176,181,186,189,189,191,191,189,183,178,177,177,181,186,186,183,176,176,181,189,194,196,194,189,186,186,189,186,183,183,186,191,189,181,176,177,186,194,194,189,186,183,183,183,183,186,189,191,194,194,189,181,178,178,178,176,173,173,176,176,178,176,176,173,172,170,169,170,173,176,178,181,183,183,178,173,170,173,168,125,123,125,173,186,189,181,170,125,121,168,191,207,209,204,194,186,181,181,183,189,196,199,189,178,173,170,123,117,119,170,176,176,176,178,176,173,173,173,170,168,163,119,119,165,178,181,170,168,186,199,196,196,202,209,212,209,176,55,0,0,39,63,81,107,168,170,168,168,170,170,176,186,199,209,215,217,217,217,215,212,215,215,209,199,173,155,163,173,163,113,111,152,173,186,170,157,160,65,0,0,0,71,91,137,155,168,173,173,173,173,178,191,199,199,189,33,0,0,97,152,163,152,81,67,87,93,79,73,77,87,152,160,131,126,131,137,131,131,147,152,95,71,89,137,131,134,142,152,160,170,178,137,75,99,150,150,51,40,63,93,189,204,204,155,103,105,155,183,202,199,183,165,155,155,157,155,112,115,119,119,117,165,189,207,212,199,176,157,153,157,165,176,181,181,165,113,97,97,99,103,111,157,163,165,168,170,170,163,160,121,119,118,119,173,181,168,121,163,163,117,117,165,186,199,204,202,196,186,163,121,163,168,168,173,183,191,191,186,181,176,127,125,168,129,129,176,189,199,189,164,161,183,212,215,212,209,199,191,189,191,202,212,217,222,215,186,173,129,125,125,170,178,181,178,129,125,127,178,183,181,176,129,127,170,181,189,191,189,181,176,176,186,202,209,204,199,199,202,204,209,212,209,204,196,196,183,121,115,121,163,119,111,109,111,115,121,165,176,178,178,181,186,176,77,69,77,105,111,111,107,100,103,160,160,119,163,186,202,209,212,202,90,87,119,160,119,119,109,101,107,115,160,168,163,115,113,117,115,112,115,168,173,178,178,51,40,54,95,111,119,121,121,119,119,125,173,176,173,168,127,127,168,127,121,116,117,127,181,196,207,202,196,202,209,204,191,183,181,186,194,196,183,170,129,123,119,119,127,173,172,173,178,183,189,194,196,202,202,194,183,182,183,186,186,189,178,127,127,178,178,129,131,178,183,186,189,191,194,191,189,186,183,181,183,186,186,183,178,176,131,127,124,124,124,129,133,176,133,176,183,191,196,196,196,196,196,196,199,202,202,204,204,199,189,181,183,186,186,176,127,129,131,133,129,120,119,121,123,127,129,173,173,172,176,183,183,183,186,183,178,173,173,178,183,191,199,196,181,170,172,178,186,191,194,199,204,207,209,215,217,215,212,209,212,209,181,121,120,124,129,129,128,129,178,191,191,186,178,178,183,189,186,183,186,194,199,202,196,194,189,189,194,202,204,207,207,209,209,209,209,207,207,204,202,196,191,186,186,186,186,189,194,199,196,186,178,131,131,176,181,183,181,133,128,127,129,176,181,181,178,176,176,178,181,181,179,178,179,181,183,186,189,189,189,194,196,196,194,196,199,202,202,202,202,202,202,204,204,204,207,207,204,202,199,194,194,194,191,183,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,155,163,163,117,110,111,113,109,99,98,103,111,113,113,115,119,163,176,183,183,176,165,163,165,173,181,183,183,183,186,183,176,166,165,166,168,168,168,168,168,170,168,168,170,173,173,170,127,126,126,168,170,170,129,170,173,176,173,170,127,127,127,129,173,178,183,181,178,176,176,178,183,189,194,196,196,196,194,194,191,191,186,178,173,176,181,186,189,186,178,170,128,128,128,129,170,170,170,170,129,170,176,181,181,178,178,181,183,186,186,183,181,178,178,181,186,186,186,186,186,186,186,186,181,178,178,181,181,179,183,183,183,181,179,178,179,181,183,186,186,186,189,191,194,191,189,189,189,189,189,191,194,194,194,194,194,194,194,194,194,191,189,186,186,186,183,183,186,189,194,196,196,196,194,194,194,194,194,191,186,183,181,181,181,181,189,194,196,199,204,209,215,222,222,212,203,203,204,209,209,207,207,202,199,199,204,209,207,202,191,186,185,186,189,191,194,196,196,196,194,194,191,189,186,183,183,186,186,186,186,186,186,186,183,181,181,186,191,194,189,183,181,181,181,186,191,194,196,202,207,212,217,215,209,207,207,207,204,199,196,196,196,199,199,199,196,196,196,196,199,199,202,202,202,199,199,196,196,194,191,186,185,186,189,189,186,185,186,186,186,189,194,194,191,191,189,189,189,186,183,186,189,189,186,186,189,191,189,186,183,186,189,191,186,181,176,176,183,191,196,191,183,181,181,183,186,186,181,178,181,183,186,186,183,183,183,183,186,183,181,178,181,186,186,183,181,183,183,183,181,181,178,176,133,133,178,178,176,176,189,194,194,181,176,178,183,183,181,181,178,178,181,186,189,181,131,129,173,176,176,176,173,176,178,183,183,181,176,174,174,176,176,176,178,181,176,173,173,178,183,189,202,207,199,189,181,178,176,172,170,172,176,178,181,183,186,186,181,129,127,128,170,129,127,124,124,125,129,170,173,173,173,173,170,170,173,181,189,194,191,186,178,170,127,127,131,178,181,183,183,178,132,131,133,181,189,199,204,204,196,191,189,186,181,179,179,181,183,189,189,183,173,129,125,123,125,173,176,176,178,181,181,181,178,178,183,186,186,183,183,186,186,186,186,189,194,194,189,183,178,176,176,176,178,181,181,181,181,181,181,186,194,196,194,183,135,135,181,189,189,191,199,202,199,194,194,196,194,186,183,186,189,186,186,189,189,186,183,189,204,209,212,212,215,212,199,186,178,178,183,194,202,204,204,199,204,209,199,191,191,183,178,178,181,186,186,183,181,178,181,183,194,196,196,202,204,199,189,186,186,189,191,189,186,183,183,183,183,183,183,181,178,173,160,111,99,90,85,89,0,150,155,163,168,176,178,181,183,0,186,183,181,186,196,207,209,209,204,204,204,204,204,204,199,196,199,199,196,196,196,196,0,199,202,207,209,209,207,207,204,204,207,209,0,0,0,0,0,0,222,220,222,225,230,230,0,0,0,0,0,0,0,0,0,0,0,199,199,202,204,209,212,217,222,230,238,248,0,0,0,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,189,178,170,165,160,155,147,0,134,134,134,134,134,0,150,165,178,189,199,207,215,215,212,204,199,202,0,0,209,215,220,220,217,217,217,217,215,209,208,209,212,217,217,217,215,212,209,207,207,209,217,222,217,217,217,215,213,215,222,225,225,228,233,233,230,228,228,228,228,230,233,230,228,222,217,215,212,209,207,204,202,204,212,212,207,204,204,207,212,215,215,217,222,225,228,228,225,217,215,212,215,217,222,217,215,212,212,215,220,222,215,209,209,212,212,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,170,165,163,100,79,126,165,196,51,0,0,0,0,0,15,29,33,55,87,131,137,45,37,47,51,69,107,170,186,194,194,189,191,196,199,196,191,194,194,186,168,164,166,170,176,181,178,176,178,181,181,173,173,176,176,173,170,125,123,121,121,123,123,123,123,168,170,168,127,123,119,117,117,119,121,127,125,123,127,127,123,123,127,170,178,183,189,189,178,168,170,173,168,124,125,170,178,186,189,186,173,126,127,181,189,189,183,181,186,191,191,191,194,196,196,194,194,196,196,189,178,170,129,178,183,176,129,170,178,186,191,194,189,186,178,173,176,181,178,176,176,173,173,176,170,123,120,121,125,170,181,186,183,181,183,186,189,191,196,196,196,189,125,104,103,107,119,131,178,178,176,129,125,126,173,189,204,209,209,209,204,196,194,194,191,183,178,178,173,129,129,127,127,127,129,129,176,186,191,189,176,172,172,176,181,183,186,186,189,191,186,183,178,178,181,183,189,191,189,181,178,181,189,196,196,194,189,189,189,189,186,183,183,189,191,189,181,178,181,189,194,189,183,181,179,179,179,183,189,191,194,194,194,191,186,181,181,178,176,173,173,173,176,176,176,173,172,172,170,169,170,173,176,178,181,186,183,178,170,168,170,168,125,123,123,170,183,186,176,127,119,118,170,196,209,207,194,186,186,189,189,191,196,202,202,191,181,178,173,127,121,123,170,176,178,178,181,183,183,181,178,176,170,163,116,115,160,176,178,170,168,181,191,189,186,194,204,207,204,99,85,75,57,59,73,87,105,168,178,170,168,173,170,165,178,194,204,212,217,220,217,212,209,209,215,212,202,186,181,181,178,157,105,103,111,165,173,168,163,181,55,0,0,0,55,77,91,144,160,168,176,178,178,178,186,191,196,196,93,0,0,67,139,147,152,93,61,51,49,65,87,95,131,155,165,150,137,134,126,87,81,131,176,183,165,147,129,125,127,139,157,165,160,137,69,97,139,137,79,43,42,49,55,89,157,183,160,111,157,176,191,202,199,186,160,113,115,155,117,111,113,117,117,116,157,176,191,196,189,178,165,157,155,157,168,178,183,173,119,107,111,107,105,119,165,165,165,165,168,168,163,121,119,117,115,119,186,196,189,178,168,121,119,119,165,178,194,202,196,186,176,123,123,168,170,170,178,194,204,207,202,194,181,121,119,127,170,127,127,176,189,183,164,161,183,212,222,217,212,209,204,199,196,202,212,222,225,217,191,176,170,129,127,170,173,176,173,127,122,125,178,183,181,176,170,127,127,129,173,178,178,176,173,170,173,189,202,202,194,194,199,209,212,209,199,181,166,170,168,117,113,121,163,119,109,101,107,113,119,121,160,163,163,163,165,119,75,67,74,103,109,105,101,100,105,117,119,115,119,168,178,181,176,111,87,87,107,105,104,107,107,107,111,117,119,157,113,104,107,117,117,112,112,119,121,165,176,176,91,85,117,165,163,163,125,168,173,178,178,178,173,127,125,127,168,168,125,125,170,178,191,207,215,212,204,202,207,202,189,181,179,183,191,189,176,129,127,121,116,117,125,176,176,173,176,183,191,196,199,202,199,189,179,179,183,183,178,176,133,131,181,194,199,196,196,196,196,194,194,194,191,189,186,183,178,178,183,191,189,183,178,133,129,127,124,124,125,129,176,178,176,176,186,194,199,199,196,196,196,196,199,199,199,202,202,199,189,181,181,186,186,178,129,127,127,129,127,123,121,121,123,127,131,176,178,178,181,186,189,189,186,178,172,169,170,176,186,199,207,207,189,176,176,186,194,196,194,189,191,199,207,212,212,209,207,196,194,196,181,125,125,129,131,129,128,133,186,196,196,189,179,179,183,186,183,181,181,189,191,191,189,189,183,178,183,196,202,202,204,204,204,204,207,207,207,204,204,196,191,186,186,186,186,189,191,194,189,178,129,125,125,131,178,186,183,131,126,126,129,178,183,183,183,181,181,183,186,186,183,179,181,183,191,196,196,196,194,196,202,202,199,202,202,204,202,202,202,204,207,207,204,204,202,199,202,204,202,196,194,194,194,186,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,115,113,113,155,155,113,110,111,113,105,97,99,109,115,117,115,117,160,168,176,183,183,178,168,163,165,173,181,186,183,181,181,181,173,168,168,170,170,168,166,166,168,170,170,173,173,173,173,170,168,126,126,168,173,176,176,176,176,178,176,173,131,127,127,127,129,173,178,178,176,176,176,178,183,189,191,194,196,196,194,194,194,191,189,178,173,173,178,183,186,181,176,129,127,127,128,129,125,123,125,127,129,173,178,181,181,178,178,178,178,181,183,186,183,183,183,183,189,189,189,186,186,186,183,178,173,131,133,178,183,183,183,183,183,181,181,183,186,186,186,186,189,189,189,191,191,191,191,191,189,189,189,191,194,196,196,194,191,191,191,191,194,191,186,183,183,182,182,182,186,191,194,199,196,194,191,189,189,194,191,186,181,181,183,183,183,183,191,196,199,202,204,207,212,215,217,212,204,203,204,207,209,209,207,204,199,196,199,202,202,196,189,185,185,186,189,191,194,194,194,194,194,194,191,186,186,183,181,181,181,181,183,183,183,183,183,181,181,186,194,199,194,186,181,181,181,183,191,196,196,199,207,212,215,212,209,207,207,207,204,202,196,196,196,196,196,196,196,196,196,196,196,199,199,199,199,196,194,194,194,191,191,189,189,191,191,189,186,185,186,186,189,189,191,191,191,189,186,183,183,183,181,183,186,189,186,183,189,191,189,186,183,186,189,191,191,183,178,176,178,186,189,189,186,183,186,186,189,186,183,178,181,183,189,186,183,181,183,189,191,189,183,186,189,191,186,183,183,186,186,186,183,181,181,178,133,176,181,183,176,176,186,189,183,133,133,183,186,181,181,183,183,178,181,186,189,183,176,173,176,178,178,176,176,176,181,183,183,181,176,174,174,176,176,178,178,176,173,173,176,181,183,189,196,202,196,189,181,178,176,173,176,181,183,183,183,186,189,189,181,131,128,173,178,176,129,125,124,125,127,170,173,170,129,127,127,129,173,178,186,189,189,183,178,127,123,124,127,176,181,183,181,178,173,132,133,178,183,189,196,196,194,194,194,191,186,181,179,179,181,186,189,186,181,173,127,118,119,131,173,131,173,178,183,183,181,181,183,186,183,179,179,181,186,186,186,191,199,202,196,189,183,177,176,176,177,178,181,181,181,178,135,181,191,199,199,189,135,133,178,183,186,191,199,202,196,189,186,191,189,182,179,181,182,182,183,189,191,189,185,187,196,202,204,207,209,207,196,191,189,189,191,196,204,207,199,186,194,196,186,183,189,183,178,181,186,189,189,186,183,183,186,194,207,209,204,202,202,199,189,183,183,191,196,196,191,191,189,191,194,194,189,183,176,170,160,115,105,95,93,111,160,0,168,170,173,176,178,181,181,0,183,178,178,186,0,0,0,209,207,204,204,207,207,204,202,199,199,199,199,199,199,199,0,202,204,207,209,207,207,204,204,204,204,207,0,0,0,0,0,0,220,217,215,222,228,230,0,0,0,0,0,0,0,0,0,0,207,204,202,202,207,212,215,215,215,217,222,230,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,189,181,173,165,160,155,150,139,137,134,134,131,131,134,0,157,170,181,191,204,215,220,215,209,204,204,204,0,209,215,217,215,212,215,217,217,212,209,209,209,215,217,217,217,215,212,209,207,204,207,215,222,217,217,217,215,213,215,222,225,228,230,235,235,233,230,230,230,230,230,230,230,228,225,222,217,215,212,209,207,204,207,212,212,209,204,204,207,212,215,215,217,222,225,228,228,225,217,215,212,215,217,222,222,217,215,215,215,222,222,215,209,212,215,212,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,168,181,181,173,165,134,160,194,230,95,0,0,0,0,25,71,37,33,69,89,142,165,168,157,81,46,57,109,170,189,196,194,191,194,196,196,194,191,194,196,189,170,166,168,170,170,170,129,129,178,186,189,178,176,176,176,173,127,123,120,120,121,125,127,127,168,168,127,127,125,125,125,125,125,123,125,168,170,178,186,181,125,120,121,127,178,191,194,191,173,166,168,176,170,127,168,176,178,181,181,178,168,126,127,173,181,183,183,181,181,178,176,176,178,181,183,189,189,191,194,186,176,129,128,176,191,183,123,121,127,178,189,189,186,181,176,176,186,202,199,189,183,178,176,173,170,125,121,123,125,129,173,176,176,181,186,186,186,191,196,196,196,189,129,111,107,111,121,131,183,189,186,131,124,126,176,189,199,207,204,202,202,199,194,189,183,181,181,178,173,129,127,126,127,129,170,173,176,181,186,183,176,172,173,178,183,183,181,183,186,189,183,178,178,181,183,189,191,191,191,189,186,183,186,189,191,186,183,186,189,186,183,181,183,186,189,189,189,191,194,196,191,186,181,179,178,178,179,181,186,189,189,189,194,194,189,186,183,181,178,176,173,173,173,173,173,173,173,176,173,173,173,176,181,183,186,189,186,181,173,168,170,168,125,123,123,125,127,173,173,127,119,118,127,181,186,178,170,173,181,189,189,189,191,194,194,186,181,181,178,173,127,129,173,178,181,181,183,186,189,189,183,178,176,168,117,114,117,165,165,160,163,178,186,183,176,181,191,189,107,47,81,107,85,73,87,101,115,170,173,111,101,165,170,165,176,189,199,209,217,217,209,202,200,204,209,207,199,196,194,186,173,109,87,81,99,155,157,150,99,79,5,0,0,0,55,75,83,139,157,170,178,183,183,183,189,189,194,202,183,33,0,0,0,47,75,59,33,28,30,59,129,126,134,157,168,165,157,147,85,59,49,85,189,196,183,150,126,126,139,142,150,155,41,23,49,137,147,137,91,61,48,46,38,44,69,155,157,163,178,186,191,194,194,183,155,105,104,111,115,113,115,117,116,116,119,168,173,173,170,170,170,160,117,117,165,176,176,163,165,165,165,115,113,170,176,170,168,165,168,165,123,121,118,115,115,165,194,202,196,183,163,118,121,163,165,173,186,191,183,168,119,119,168,181,181,168,173,191,207,215,212,202,183,119,117,125,129,126,126,129,181,183,172,170,186,212,225,222,215,209,209,207,202,204,209,215,215,204,183,176,176,170,129,129,170,173,170,123,120,122,173,178,176,173,173,170,127,126,126,129,170,170,170,127,125,173,189,194,189,191,202,212,212,202,186,168,163,168,173,125,113,111,113,105,99,97,103,111,113,111,109,105,105,111,115,111,85,72,83,109,113,105,100,99,101,107,109,111,115,117,115,115,113,103,90,90,97,105,107,111,117,119,117,115,109,109,105,103,107,117,115,111,113,117,121,163,176,194,178,123,181,189,178,170,173,181,181,181,178,173,168,123,120,121,127,168,168,176,181,186,194,207,215,215,207,204,204,199,189,183,181,181,183,181,170,129,129,123,117,118,127,176,178,176,178,183,191,199,202,202,199,189,181,181,189,186,133,125,123,131,189,196,202,202,202,202,199,196,196,191,189,186,183,181,178,181,189,194,191,186,178,133,131,127,125,125,127,133,181,181,176,176,186,196,202,199,199,196,196,196,199,199,199,202,202,199,191,181,179,183,186,183,178,131,129,127,127,127,127,125,127,129,173,178,183,181,183,186,189,189,181,172,169,170,173,181,189,202,212,212,202,189,186,194,204,204,191,178,176,183,194,199,196,196,196,178,131,176,133,129,131,178,176,129,129,176,189,196,194,189,183,181,181,181,181,181,183,189,189,181,181,183,181,131,129,181,189,191,196,199,202,202,204,204,204,202,202,196,189,186,189,189,189,189,186,183,176,129,125,123,124,127,178,186,186,133,127,127,131,178,183,186,186,186,189,191,191,191,189,186,186,191,196,202,202,202,202,204,207,207,204,202,202,202,202,200,202,204,207,207,204,199,196,194,196,202,202,194,191,191,194,191,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,119,109,105,109,111,111,110,113,111,101,96,101,113,117,117,115,119,165,170,173,178,181,178,170,165,165,170,181,183,181,176,173,176,173,170,170,170,170,170,168,168,170,176,176,178,178,176,176,173,170,168,127,129,173,178,178,178,181,183,181,181,176,173,129,127,129,129,131,133,176,176,176,178,183,189,191,194,194,194,194,194,194,191,186,178,173,172,176,178,178,176,173,129,128,129,170,129,125,122,122,125,170,178,183,181,178,176,176,173,173,176,181,186,186,186,183,186,189,189,189,189,186,186,181,176,131,130,131,178,183,186,186,186,186,186,189,191,194,194,189,186,189,189,189,189,191,194,194,194,191,191,191,194,196,196,196,194,191,189,189,191,194,191,189,183,183,182,182,183,189,194,196,199,196,191,186,183,186,189,189,183,137,181,186,189,189,189,191,196,196,199,202,204,204,207,212,212,207,207,207,207,207,207,207,204,199,196,196,196,196,194,189,186,186,189,189,189,191,194,194,194,194,191,189,186,183,181,178,178,178,178,178,181,181,181,181,181,181,186,196,199,194,189,186,183,181,186,191,194,194,196,204,207,209,207,207,204,204,204,204,202,199,196,196,196,196,194,194,196,196,196,196,196,196,199,199,196,191,189,189,189,189,189,191,194,191,189,186,186,186,186,186,186,186,189,189,186,183,182,183,181,181,181,186,186,183,183,186,189,189,186,186,186,189,191,191,183,176,176,178,181,183,183,186,186,186,189,189,186,183,178,178,183,186,186,181,179,181,186,189,183,183,186,189,189,186,183,186,189,189,186,183,181,183,181,178,181,183,183,133,131,133,131,129,129,178,189,189,181,181,186,186,183,181,181,183,181,178,178,181,181,181,178,176,178,181,183,183,178,176,174,176,176,178,181,181,176,173,173,176,181,183,186,191,194,191,183,181,178,176,173,181,189,189,186,183,186,191,189,181,176,178,186,189,183,173,129,125,127,170,173,173,170,127,126,127,170,173,176,178,181,181,181,176,125,122,123,127,131,178,181,181,178,178,178,178,181,181,181,186,189,189,191,194,194,191,186,181,181,181,183,186,186,183,181,129,115,115,125,131,129,129,173,181,186,186,189,191,191,183,177,177,181,186,186,189,191,199,204,204,196,189,183,181,178,178,181,183,183,178,129,127,133,186,196,199,191,178,131,133,181,186,191,196,199,194,183,183,186,186,181,181,182,183,186,189,194,199,199,191,189,191,196,202,202,199,194,191,191,194,196,196,196,204,207,189,131,133,178,131,133,183,183,183,186,189,191,191,189,189,186,183,191,209,215,207,199,196,194,186,182,183,191,199,196,194,191,194,196,202,202,194,183,176,170,168,168,165,163,165,183,191,189,194,191,186,181,181,181,181,183,181,178,0,189,0,0,0,209,209,207,207,207,207,204,202,196,196,196,199,199,202,204,0,209,0,209,209,207,204,203,203,204,204,204,207,0,0,0,0,0,222,215,209,212,0,0,0,0,0,0,0,0,0,0,0,0,209,202,199,202,207,212,212,209,212,209,209,212,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,191,189,181,168,160,155,150,139,137,134,134,131,131,134,0,152,163,173,186,199,209,222,220,212,207,207,207,204,207,209,212,209,209,212,217,217,215,212,209,209,212,215,215,215,212,212,209,204,202,204,212,222,222,217,217,217,215,215,222,225,228,233,238,238,235,233,235,233,230,230,230,230,228,225,222,217,217,215,209,207,204,207,212,212,209,204,204,207,215,215,215,215,217,225,228,228,225,217,215,212,215,217,222,222,217,215,215,217,222,225,217,212,212,215,212,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,176,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,168,178,178,163,152,155,178,199,225,98,0,0,0,0,51,152,113,116,150,155,176,186,191,194,152,47,55,103,168,186,196,196,194,194,191,186,183,189,194,194,186,176,170,170,168,168,128,126,127,176,186,189,181,178,178,178,173,168,123,121,121,127,170,176,178,178,173,127,123,121,125,168,168,127,127,168,168,170,178,189,186,168,120,119,120,170,186,194,189,173,166,173,178,173,168,170,176,178,181,183,176,170,168,127,168,173,178,183,181,178,170,127,127,170,170,170,173,176,181,181,176,173,129,128,173,191,183,121,119,123,173,181,183,181,176,173,178,199,209,204,191,189,186,181,176,170,127,125,127,129,170,176,176,176,178,186,189,191,194,196,196,194,186,131,121,123,131,181,189,196,204,199,176,125,127,173,173,176,186,183,181,191,194,189,183,176,176,181,178,173,127,126,125,127,170,176,176,176,176,178,176,173,172,173,178,181,178,178,181,186,189,183,177,177,181,186,189,189,189,191,191,189,183,181,181,181,178,178,181,183,183,179,179,181,183,183,189,196,204,207,202,194,186,181,181,181,183,183,183,183,183,181,183,189,194,191,189,186,186,181,178,176,173,172,172,172,173,178,181,181,178,178,181,183,186,189,189,186,181,176,170,168,168,125,123,122,121,121,125,170,127,119,118,121,121,119,118,119,129,178,186,186,183,183,183,181,179,179,186,186,178,173,173,178,183,186,183,181,186,189,189,183,178,176,176,165,117,117,119,119,118,119,176,186,183,170,165,170,155,57,17,34,105,99,95,105,115,168,186,176,87,84,115,165,168,176,186,196,204,212,212,204,200,199,202,204,202,199,199,202,194,178,152,80,70,83,150,152,105,79,23,0,0,0,0,51,77,79,134,163,173,181,186,189,189,186,183,186,199,202,93,0,0,0,0,0,19,33,39,61,129,139,126,126,147,165,178,189,170,59,0,2,63,163,178,157,139,134,150,181,147,85,31,0,0,69,181,168,155,150,91,57,49,43,44,65,105,152,173,191,191,191,191,191,178,155,104,102,105,113,155,157,155,117,116,155,160,163,160,160,163,165,160,115,115,157,165,87,79,165,170,160,113,160,178,181,173,168,165,165,123,121,123,123,119,121,176,186,191,191,181,163,119,123,165,165,170,181,178,121,105,104,113,173,189,183,163,123,176,199,215,217,204,181,118,116,123,127,126,127,170,176,178,178,178,189,209,228,228,217,215,215,212,207,204,207,207,196,181,173,178,183,178,173,170,170,173,173,127,122,123,170,176,173,173,178,176,170,126,126,127,127,127,125,123,119,121,170,178,181,186,196,204,199,186,176,168,168,181,186,165,97,91,93,95,95,101,105,103,103,103,101,99,97,101,111,113,105,93,105,160,160,115,105,101,101,103,105,111,115,111,105,103,109,113,107,95,94,105,111,117,160,160,119,117,109,104,104,107,113,113,109,109,115,160,168,165,168,191,181,178,191,196,189,178,178,178,173,170,168,165,123,120,119,121,168,170,173,178,181,183,191,202,209,209,204,202,204,196,189,189,183,178,176,176,170,170,170,127,119,119,125,173,178,181,181,186,194,199,202,202,199,191,186,189,194,194,181,121,117,123,186,191,191,194,194,191,189,191,191,189,183,183,181,178,176,178,189,194,191,186,181,176,131,129,127,127,131,178,181,178,131,131,181,194,202,202,199,196,196,196,199,202,202,204,204,199,191,181,179,179,183,186,186,181,178,131,129,131,131,173,176,178,176,178,183,181,181,181,181,178,173,172,173,178,183,186,194,202,209,215,209,199,194,199,207,207,191,133,131,133,178,176,131,37,23,35,95,123,129,131,176,178,176,129,129,176,186,189,189,186,183,178,176,134,135,181,189,191,186,178,178,186,181,128,125,128,133,181,189,196,199,199,202,202,199,199,199,194,186,186,189,191,191,189,183,178,131,127,124,123,124,129,178,189,186,176,128,128,131,178,183,189,191,194,194,194,194,194,194,194,194,196,199,202,202,202,202,207,209,209,204,202,202,202,202,202,202,202,204,207,204,199,194,192,194,199,199,191,186,189,191,191,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,165,119,105,100,102,107,111,111,113,111,103,98,105,113,115,115,115,121,165,168,168,170,178,178,173,168,165,170,178,181,176,168,125,168,170,173,170,170,170,170,170,173,178,181,181,181,181,178,176,173,170,170,170,170,170,176,181,181,183,186,186,183,181,178,176,173,129,128,128,131,176,176,178,181,183,186,189,189,189,191,194,196,191,189,181,178,176,173,173,173,173,131,170,129,170,173,173,129,123,121,121,125,173,181,183,183,178,176,176,173,172,173,181,186,189,186,183,186,186,186,186,186,189,189,186,178,131,130,131,133,181,186,189,189,189,191,194,196,196,194,189,186,186,189,189,191,191,194,196,196,194,194,194,194,196,196,194,194,191,189,189,191,191,194,191,189,186,186,183,186,191,194,194,194,189,181,137,137,183,186,186,183,137,181,186,189,189,189,191,194,196,199,202,202,202,202,204,207,207,207,207,207,204,204,204,202,199,196,194,194,191,189,186,186,189,191,191,191,191,194,194,194,191,191,189,186,183,178,176,176,176,178,178,181,181,181,181,183,186,191,196,196,196,191,191,189,189,189,191,191,191,194,196,202,202,204,204,202,199,199,202,202,199,196,196,194,191,191,194,194,196,196,196,196,196,196,196,194,189,186,186,186,186,189,191,194,191,189,186,186,183,183,181,179,181,183,186,189,186,183,183,181,179,181,183,186,183,181,183,186,189,189,189,189,191,191,191,183,178,178,181,181,183,186,186,186,186,186,189,186,183,181,178,183,186,186,181,179,181,183,181,176,176,178,183,181,181,181,186,189,189,186,183,181,183,186,186,189,189,181,129,124,124,123,124,131,183,191,191,183,183,189,189,183,181,181,178,178,178,181,183,183,183,181,178,178,181,181,181,176,176,176,176,178,181,183,183,178,176,176,178,178,178,183,183,186,183,178,176,176,173,176,181,186,186,183,183,189,191,189,181,178,183,191,194,189,178,170,127,129,173,178,176,170,127,126,170,173,173,173,173,173,178,178,173,125,124,125,129,131,176,181,181,181,183,186,186,183,181,178,179,181,186,189,191,191,191,189,186,186,186,189,189,186,186,183,131,114,113,119,127,129,129,131,176,183,191,196,199,196,186,178,178,181,186,189,189,191,196,202,204,199,191,189,189,189,183,181,183,181,131,123,121,125,135,189,194,191,181,133,129,133,183,191,194,194,189,182,182,186,186,186,186,189,191,194,196,199,204,207,202,194,191,199,204,202,194,189,189,189,191,196,194,189,194,199,133,125,127,129,128,131,178,183,189,191,191,194,194,191,189,181,134,178,199,209,204,196,196,194,189,185,185,191,196,194,191,189,194,199,204,202,191,181,173,170,173,181,186,183,181,189,204,209,209,204,196,189,186,183,181,181,181,181,0,0,0,0,0,0,209,207,207,207,207,204,199,196,196,196,199,199,204,207,0,212,215,215,212,209,204,203,204,204,204,204,204,0,0,0,0,0,0,212,204,204,0,0,0,0,0,0,0,0,0,0,0,0,0,199,194,199,207,212,207,204,207,207,204,204,215,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,191,183,170,163,155,0,139,134,134,134,134,131,131,0,0,157,165,178,191,207,217,220,215,212,209,207,204,204,207,209,207,205,209,215,217,215,212,209,207,209,209,212,212,212,215,209,204,200,202,212,222,222,222,222,217,215,217,225,228,230,235,238,238,235,235,235,235,230,230,230,228,225,222,222,217,215,212,209,204,204,207,212,215,209,207,207,207,212,215,215,215,217,225,228,228,225,217,215,212,215,217,222,222,222,217,217,217,222,225,222,215,217,215,212,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,144,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,165,168,163,130,126,148,181,199,225,95,0,0,0,0,37,103,113,160,183,186,189,191,196,202,181,71,77,101,160,183,194,194,191,189,181,170,168,178,186,186,178,173,170,168,168,168,128,126,127,173,181,183,178,176,176,176,173,168,127,127,168,173,178,183,191,191,181,127,119,119,123,127,168,127,127,168,170,168,168,178,183,176,125,119,118,123,173,181,181,170,168,173,178,173,168,170,176,178,183,189,181,176,173,170,127,127,173,178,178,173,129,127,129,173,170,128,126,128,129,129,129,170,173,170,178,186,178,125,123,129,173,173,176,173,170,170,178,194,202,189,181,183,189,183,176,170,129,129,170,173,176,178,178,176,176,183,189,191,194,199,196,191,186,176,131,178,191,202,204,209,212,209,189,173,176,173,77,59,89,107,127,181,186,183,176,131,131,176,178,173,127,126,126,129,173,178,178,176,172,172,172,172,173,176,176,176,174,176,181,186,186,181,177,177,183,186,186,183,183,186,189,189,183,178,176,134,134,176,178,183,181,179,179,181,181,181,186,196,204,207,202,194,186,183,189,194,196,194,186,181,179,179,181,186,191,189,186,186,186,186,181,178,173,173,172,172,173,178,183,183,178,178,178,181,183,183,183,183,183,176,170,129,125,123,123,123,122,122,123,127,127,123,119,119,119,119,119,125,173,181,189,189,186,186,183,178,178,181,191,191,183,178,176,178,183,186,183,181,183,189,186,178,173,173,178,176,168,123,119,119,118,121,176,181,178,165,115,115,113,83,30,28,85,99,103,111,157,189,202,189,87,83,97,155,168,176,186,191,196,204,204,202,202,202,204,202,199,199,202,204,202,196,186,95,71,87,150,152,150,99,77,5,0,0,0,13,55,55,81,155,176,186,191,194,186,178,174,176,196,202,183,59,0,0,0,0,21,81,129,157,173,155,137,126,131,144,165,191,163,33,0,0,65,137,139,89,91,147,176,186,129,7,0,0,0,165,217,191,165,150,91,71,79,83,63,85,99,107,170,191,194,196,194,183,168,152,107,104,105,113,155,160,157,155,117,117,155,155,155,157,157,160,157,117,113,107,91,79,75,157,160,112,110,160,178,178,170,165,163,123,121,121,165,168,165,170,176,173,170,183,191,178,163,123,163,168,170,173,163,98,94,100,115,176,186,178,117,111,119,183,207,209,196,170,116,115,125,170,170,176,176,176,173,176,178,189,207,225,228,225,222,217,212,204,204,202,191,131,126,131,191,199,191,178,173,173,176,173,129,127,127,170,176,178,178,183,181,173,168,127,127,125,121,121,119,117,115,117,121,125,168,176,173,168,165,168,168,173,181,178,93,63,69,87,97,101,105,101,97,95,99,103,101,98,101,109,119,157,119,168,176,176,170,157,115,109,105,107,115,119,113,103,103,113,119,117,99,92,99,109,117,160,119,115,165,160,104,104,109,119,157,111,111,157,168,165,117,102,168,168,170,183,186,178,173,173,170,125,121,121,121,121,121,123,170,181,183,181,178,178,178,181,191,202,204,199,196,199,194,189,189,181,170,127,170,170,173,173,170,125,121,125,170,178,183,181,183,191,199,202,204,199,196,194,196,202,202,191,127,110,112,176,183,183,183,181,178,178,181,183,183,178,178,178,176,131,173,183,186,181,181,181,176,131,129,127,127,131,176,181,173,128,128,133,189,199,199,199,196,196,199,199,202,202,204,204,199,191,181,177,178,181,183,183,186,186,178,173,178,178,181,186,186,178,176,178,178,176,173,172,170,172,176,186,189,186,186,189,196,204,209,207,202,196,196,202,202,191,178,132,133,133,127,119,19,0,0,87,125,131,131,176,178,176,133,133,178,181,183,186,186,183,178,134,133,135,181,186,186,183,178,181,191,186,131,126,127,131,178,186,194,194,194,191,189,183,186,191,189,183,183,189,194,194,191,186,181,133,129,127,127,127,131,181,186,186,178,129,128,131,178,183,189,191,194,196,194,194,194,194,196,199,199,202,202,202,202,202,204,209,209,204,200,200,202,204,204,204,204,207,209,207,199,194,194,196,196,194,189,186,186,189,183,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,165,163,160,107,98,101,107,113,113,113,113,107,101,107,113,113,113,117,160,163,163,163,165,170,176,176,170,168,168,178,178,168,122,121,125,168,170,168,168,170,170,173,176,181,183,181,181,181,178,173,170,170,173,173,129,128,170,178,181,183,186,189,186,186,186,186,181,173,129,128,133,178,178,178,181,183,186,186,186,183,189,194,196,191,183,176,176,178,178,176,173,173,170,129,170,173,176,173,127,123,121,122,127,176,181,183,181,181,181,181,176,173,173,178,186,186,186,183,183,183,183,183,186,191,194,191,181,133,131,131,131,176,181,189,189,189,191,194,196,194,191,189,186,183,186,189,191,191,194,194,194,194,196,194,194,194,194,194,191,191,189,189,191,191,194,194,194,196,196,194,191,191,191,189,181,135,131,131,135,181,183,183,181,137,137,181,183,186,186,191,194,194,196,202,202,200,200,202,204,204,207,207,204,202,202,202,202,199,196,194,191,189,186,185,185,189,191,191,191,194,196,196,191,189,189,189,186,181,176,176,176,178,178,181,181,183,183,183,186,191,194,196,196,196,196,196,196,196,194,191,189,186,189,191,194,196,199,202,199,196,196,196,196,196,196,194,191,186,186,191,194,194,194,194,194,194,194,196,191,189,183,183,183,186,189,191,191,191,189,186,186,183,181,179,179,179,183,189,189,186,183,183,181,181,181,186,186,183,181,181,186,189,191,191,191,194,191,189,183,183,183,183,181,181,186,186,186,186,186,186,186,183,183,181,186,191,191,189,183,183,183,181,176,176,176,176,173,133,176,181,186,186,183,181,181,183,191,194,196,196,183,125,122,123,123,125,133,183,189,186,183,183,189,186,181,178,178,178,178,178,181,186,186,183,181,178,178,181,181,176,174,176,178,181,178,181,183,181,178,178,178,178,176,178,183,183,181,178,176,173,173,173,176,181,183,183,178,181,189,191,189,181,176,176,186,191,189,178,170,127,129,176,178,176,173,170,129,129,170,173,170,170,170,173,176,176,129,129,173,173,173,176,181,181,183,183,189,189,186,183,179,178,181,189,191,189,189,189,191,194,196,196,196,194,189,183,181,131,117,115,119,125,129,131,131,173,181,189,194,196,194,189,181,181,183,189,191,194,194,194,194,196,191,186,191,196,199,189,181,181,178,129,122,120,122,133,183,191,191,183,133,127,127,135,186,191,189,183,182,182,186,189,194,199,202,199,202,202,202,207,209,207,202,202,207,209,207,199,194,191,186,183,186,183,133,125,125,121,121,125,131,135,178,183,189,191,191,194,196,196,194,186,135,130,131,183,196,196,194,194,194,191,189,189,191,196,196,191,189,191,194,196,191,181,173,170,173,176,181,189,189,186,191,207,212,212,207,202,194,189,186,181,178,181,186,0,0,0,0,0,0,209,207,207,207,207,204,199,196,196,196,199,199,202,204,0,212,217,217,215,212,207,204,204,204,204,202,202,204,0,0,0,0,0,212,202,199,202,0,0,0,0,0,0,0,0,0,0,0,0,191,189,196,209,215,209,202,202,202,202,202,207,222,230,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,194,186,178,168,163,155,0,0,134,134,134,134,131,131,0,0,152,160,170,186,199,212,215,215,215,212,207,204,204,209,209,205,205,207,215,215,209,209,207,204,204,207,209,212,215,215,209,202,199,200,209,222,225,225,225,222,217,222,225,230,230,235,235,235,233,233,235,233,230,228,228,228,225,222,217,215,212,209,207,204,202,207,212,215,212,209,207,207,209,212,212,215,222,225,228,228,225,217,215,212,215,217,225,225,222,217,215,217,222,225,222,222,222,215,209,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,160,163,130,118,147,173,194,225,92,0,21,49,25,23,23,45,173,189,194,191,189,194,202,191,105,101,111,160,176,183,183,183,183,173,124,123,168,176,173,170,173,170,168,168,170,129,129,129,173,176,176,173,170,170,168,168,168,170,173,178,181,183,189,199,202,189,168,121,118,119,125,127,125,125,168,173,166,165,168,181,183,173,123,119,120,125,168,170,168,127,170,173,170,170,176,178,178,186,191,183,181,178,173,127,125,127,170,170,127,125,127,176,183,181,129,126,127,129,128,128,173,176,176,183,181,170,129,176,178,173,129,127,125,125,127,170,178,176,121,123,173,181,181,173,170,129,170,173,173,176,178,176,173,173,178,186,189,196,199,194,189,181,173,176,186,199,207,209,212,217,215,199,186,186,173,49,38,55,79,123,176,181,178,131,129,130,173,176,176,170,129,129,173,176,178,178,173,172,170,172,173,176,176,174,173,174,176,181,186,183,178,178,181,183,183,181,181,181,181,183,183,181,178,134,134,134,135,181,181,181,181,181,183,178,135,178,183,191,194,196,194,191,191,196,204,209,207,194,183,179,179,183,189,189,186,183,186,189,189,183,178,176,176,173,173,173,176,181,181,178,176,176,178,178,178,178,181,181,176,170,127,123,122,125,123,123,125,127,129,129,127,121,119,121,129,178,183,183,186,196,199,196,196,191,181,179,183,194,191,186,178,176,176,183,186,186,181,181,183,181,173,165,165,176,181,176,165,163,163,163,165,173,176,173,160,109,111,155,157,155,40,67,85,89,99,109,191,202,189,97,89,94,109,163,181,186,186,189,196,202,202,207,212,209,204,199,196,199,202,202,199,191,155,82,101,147,152,160,168,170,33,0,0,0,0,0,0,39,142,176,189,196,194,183,173,172,176,191,196,194,191,39,0,0,0,55,95,129,155,181,160,139,126,124,124,87,124,81,27,0,21,124,139,131,79,75,139,183,173,53,0,0,0,67,186,202,189,152,95,79,85,150,139,91,101,99,93,157,183,194,204,202,170,115,115,113,111,111,113,117,157,157,155,155,117,116,116,155,157,160,160,163,160,111,88,81,83,91,163,121,112,111,121,170,173,168,165,165,123,121,123,168,170,168,170,173,123,121,178,204,196,165,119,163,170,168,123,117,95,92,105,165,178,183,176,109,105,107,121,186,191,178,121,114,116,170,176,178,186,181,173,129,170,178,191,204,215,222,225,225,222,207,199,196,194,176,122,123,173,207,215,202,186,178,173,173,173,129,129,129,170,176,181,183,186,186,178,173,170,168,125,121,121,121,119,115,114,115,117,113,111,111,113,115,121,163,163,121,101,63,49,64,97,107,107,97,91,91,97,103,107,109,105,103,113,163,170,173,181,186,186,183,178,168,119,109,111,157,163,117,103,105,113,117,113,99,92,97,111,157,160,115,113,173,181,109,104,109,163,176,168,160,168,170,115,92,83,109,117,121,168,173,163,121,163,165,123,120,120,120,123,168,178,189,199,199,194,186,178,177,177,186,196,199,194,186,186,189,189,183,170,119,117,125,170,173,176,176,176,173,170,173,176,178,176,178,189,202,207,204,199,196,199,202,204,204,199,173,102,102,123,178,183,181,178,177,176,177,181,178,176,176,176,173,131,131,173,131,129,173,178,173,131,129,129,129,131,173,173,130,128,128,131,183,194,196,199,199,196,196,196,196,199,199,199,196,189,179,177,178,178,179,178,181,186,183,178,183,183,183,186,189,178,176,178,178,176,173,170,169,172,183,194,191,183,178,181,189,194,196,196,196,196,196,196,194,191,183,178,178,176,133,125,105,0,0,119,181,131,127,129,133,176,178,178,178,181,183,186,186,183,178,135,134,135,181,181,181,178,178,183,191,189,178,131,131,133,181,189,194,194,186,133,107,107,123,135,183,183,186,191,194,194,194,189,183,178,133,131,131,133,176,181,183,186,181,133,129,131,133,178,183,186,191,196,196,194,194,196,202,202,199,199,202,202,199,199,202,207,209,204,199,199,204,207,209,209,207,207,212,207,202,199,199,196,196,194,189,186,186,186,139,135,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,165,121,160,165,117,101,103,109,111,111,113,113,111,107,109,111,113,115,119,163,163,123,163,163,168,173,173,170,166,168,178,176,127,121,121,123,127,168,127,127,168,168,170,173,176,181,181,181,181,176,173,168,170,173,173,128,127,129,176,181,186,189,189,189,189,189,191,189,181,131,131,176,183,183,183,183,186,186,186,183,181,186,194,196,189,181,174,176,181,183,178,176,176,173,170,173,178,178,173,127,123,123,127,173,178,181,183,181,181,181,183,181,176,176,181,183,183,183,183,181,178,176,178,183,191,196,194,186,176,133,131,129,131,176,181,181,183,189,191,194,191,191,189,183,181,183,189,189,191,191,191,191,194,194,194,194,191,191,191,191,191,189,189,189,191,194,196,202,204,204,199,194,189,186,183,135,130,129,130,133,181,183,183,181,136,136,136,137,137,183,191,194,196,199,202,202,200,200,200,202,204,204,204,204,204,202,202,202,199,199,196,194,191,186,183,185,189,191,194,194,194,199,196,191,186,186,186,181,176,133,133,178,178,181,183,183,186,186,189,191,194,196,196,196,196,196,196,199,199,194,189,183,183,183,186,189,191,196,199,199,196,194,194,194,194,194,194,189,183,183,189,191,191,191,191,191,191,191,191,191,186,183,183,183,183,186,189,189,189,189,189,186,186,183,183,181,183,186,189,191,189,183,183,181,181,183,189,191,186,181,181,186,189,191,191,194,194,194,191,189,189,186,183,179,179,181,183,183,183,183,186,186,183,183,186,189,191,194,191,189,186,186,186,183,181,178,176,132,131,132,176,181,181,181,178,181,183,191,196,202,202,189,127,124,125,127,129,176,181,183,181,183,186,186,183,178,177,178,178,178,178,181,183,183,183,181,181,181,181,178,176,174,176,178,181,181,181,181,178,173,176,178,176,176,178,183,183,178,173,173,173,131,173,176,181,183,181,178,181,189,191,186,181,170,127,176,183,183,176,127,125,127,173,176,176,176,176,173,127,127,129,129,129,129,170,176,176,176,176,181,178,176,176,178,181,181,183,186,186,186,183,181,181,186,191,191,189,186,186,189,194,199,204,202,196,189,181,173,131,123,121,125,127,131,173,173,173,178,183,186,189,189,186,183,183,186,189,194,194,191,191,191,189,183,181,189,202,204,194,181,178,135,129,125,123,127,178,186,194,194,186,133,124,124,129,181,186,186,182,182,183,186,189,196,204,207,202,202,199,196,199,204,207,207,209,215,215,209,204,202,194,178,176,178,178,123,113,109,117,121,129,178,189,191,194,194,191,191,194,199,199,196,186,135,131,130,178,189,186,186,191,191,189,191,191,194,199,202,199,191,186,186,183,176,129,123,125,170,176,178,183,189,194,199,207,209,207,204,199,196,191,186,178,178,186,0,0,0,0,0,0,0,209,207,209,209,207,204,199,196,196,199,199,199,202,202,0,209,217,222,217,212,207,207,204,204,0,202,202,204,0,0,0,0,0,209,199,194,199,0,0,0,0,0,0,0,0,0,0,0,0,0,186,196,212,222,215,204,199,199,199,199,204,209,215,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,181,170,163,160,155,0,139,134,134,134,134,131,134,0,0,150,157,170,181,194,204,212,215,215,215,209,204,204,212,212,207,205,209,212,212,207,204,202,199,199,202,207,212,217,215,209,202,198,200,207,217,222,225,225,225,222,225,228,230,230,230,230,228,228,230,233,230,228,228,228,225,222,222,217,212,209,207,204,202,202,207,212,215,215,212,207,207,209,212,212,215,222,225,228,228,225,222,215,215,215,222,225,225,222,217,215,215,217,222,222,222,222,215,207,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,131,152,0,0,118,176,181,178,165,168,176,176,194,27,0,55,57,43,27,21,49,176,186,189,183,183,189,191,178,152,150,160,165,168,170,173,178,183,178,168,124,124,125,125,168,173,176,176,178,176,173,173,170,173,173,173,173,170,168,166,166,168,176,181,178,176,181,191,196,199,191,170,123,121,119,119,119,119,123,127,170,168,168,173,183,189,186,178,170,125,123,125,127,127,127,168,170,170,173,178,178,176,178,183,178,178,181,178,170,125,125,125,123,121,123,127,176,181,181,173,129,173,173,129,129,176,178,178,183,176,127,126,173,176,170,125,123,123,125,127,170,170,121,117,119,123,129,173,170,170,170,170,173,173,173,176,176,173,172,172,181,191,196,196,189,176,129,127,173,183,194,202,207,212,215,212,199,196,194,178,57,54,91,119,129,173,178,173,130,130,173,178,181,181,176,173,173,181,178,173,173,173,173,173,173,173,176,176,176,174,174,176,181,183,181,178,178,183,183,181,181,183,186,183,181,181,178,178,176,135,178,181,183,181,181,183,189,189,181,133,127,113,109,121,189,202,204,204,212,217,222,217,204,186,179,181,189,191,186,181,181,189,191,189,183,178,178,176,176,176,176,173,173,176,178,176,173,173,173,173,173,176,176,173,170,127,123,122,123,125,123,125,173,178,181,176,125,119,119,129,181,191,191,191,199,202,199,202,202,194,186,189,194,191,186,181,176,176,181,186,186,183,181,178,173,168,121,119,168,173,168,163,165,170,173,168,165,165,170,163,112,115,157,111,117,160,107,75,69,81,99,113,181,95,101,105,97,99,113,170,181,178,181,196,199,199,212,212,209,207,199,191,189,191,191,186,170,157,147,147,150,147,152,165,165,57,0,0,0,0,0,0,21,150,176,189,194,191,186,178,176,181,189,194,199,204,176,0,0,0,39,71,81,81,129,131,124,59,42,91,67,27,11,25,10,23,131,142,142,93,83,43,27,29,0,0,0,63,131,155,144,95,62,61,59,67,176,99,105,147,107,63,111,178,194,204,202,112,111,115,115,117,117,115,115,113,113,155,165,163,116,115,157,163,157,160,165,163,117,80,80,101,178,178,165,117,115,119,165,173,176,176,173,170,170,173,176,168,164,165,168,163,119,119,189,189,117,118,168,165,121,113,109,105,107,121,176,183,183,176,119,106,105,106,117,170,165,120,117,125,173,173,176,186,186,176,125,129,178,191,204,212,215,217,222,217,207,199,191,181,127,122,125,189,212,217,207,194,178,169,170,170,170,129,170,173,176,178,178,183,186,183,176,170,127,123,125,127,123,115,114,117,121,115,108,106,107,111,107,89,78,81,93,91,79,75,97,115,117,109,89,81,89,109,107,107,111,109,109,119,170,176,178,186,189,189,189,189,181,163,113,115,163,168,117,94,98,109,109,107,103,96,101,117,168,168,119,115,163,168,105,102,109,160,173,168,168,173,173,115,92,91,103,111,115,163,170,163,121,123,165,165,123,120,120,165,181,194,204,209,207,199,191,183,181,183,191,196,196,186,173,172,178,189,181,119,109,110,119,168,173,173,178,186,186,178,173,170,170,170,178,191,204,207,207,202,199,199,204,207,207,202,173,106,109,123,181,189,189,186,183,181,178,178,176,176,176,176,176,176,176,131,126,124,127,173,176,176,176,173,173,131,130,129,130,173,176,178,181,189,191,194,194,191,186,186,189,191,191,191,191,189,183,181,181,181,179,177,178,181,183,183,183,183,183,181,178,173,131,173,176,176,176,173,173,176,183,186,181,131,129,176,181,181,133,178,196,204,199,194,189,189,186,181,181,186,194,199,186,63,47,125,183,129,120,122,127,129,176,178,178,178,181,181,181,178,135,135,178,181,181,181,135,134,134,181,189,189,186,181,135,178,183,191,199,199,178,104,89,101,117,129,178,186,189,191,191,191,189,183,181,178,176,133,133,176,178,178,183,186,186,181,176,131,131,131,133,135,186,196,199,196,196,199,202,196,194,194,194,196,196,196,202,204,209,209,204,204,207,209,212,212,207,207,207,207,204,202,199,196,194,191,186,141,183,139,139,139,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,170,163,117,117,160,160,115,107,105,105,105,109,113,113,111,109,109,111,117,160,163,163,121,121,123,165,170,173,170,168,168,178,178,170,127,123,123,127,168,127,127,127,127,125,168,173,178,178,178,178,173,170,168,170,173,173,170,128,129,176,183,186,189,191,191,191,191,191,189,183,176,133,181,189,191,191,191,189,186,183,181,183,186,194,194,189,181,176,178,181,181,181,178,176,176,176,178,181,178,173,129,125,127,173,178,181,183,181,178,178,178,178,178,176,178,181,183,183,182,183,181,176,174,176,183,191,194,194,186,178,133,131,129,127,127,127,129,176,181,186,189,191,189,186,181,179,181,186,186,189,191,191,191,191,191,194,191,191,190,190,191,194,191,189,189,191,196,202,204,207,204,199,194,189,189,183,135,131,129,130,133,181,186,186,181,136,135,136,136,137,183,189,194,196,199,202,202,202,202,202,204,204,207,207,204,204,204,204,204,204,202,199,196,194,189,185,186,189,194,194,194,194,196,194,189,186,183,183,178,133,132,133,176,181,183,183,186,189,191,191,191,194,194,194,194,194,194,194,196,196,194,186,181,178,181,183,186,189,191,196,196,194,191,191,191,194,194,191,189,183,183,186,189,189,189,189,189,189,189,189,189,186,189,186,183,182,183,186,186,186,186,189,189,189,189,189,186,186,186,189,191,189,183,183,181,181,189,196,199,189,183,181,183,186,186,189,191,194,196,196,194,189,186,183,181,178,178,179,179,179,183,183,183,183,186,191,191,191,191,191,189,186,186,186,186,183,181,176,173,132,132,133,176,178,178,181,183,186,186,191,199,202,194,181,133,129,127,131,176,178,181,181,183,186,186,181,178,178,178,178,177,177,181,183,181,181,181,181,181,178,176,176,174,176,178,178,178,178,176,173,129,170,176,176,173,178,186,181,131,128,129,131,173,173,178,183,181,178,181,183,186,186,189,183,123,122,127,173,176,173,125,124,125,170,173,176,178,178,173,127,126,127,129,170,173,173,176,181,181,181,181,181,176,176,176,173,176,178,183,186,183,183,183,189,194,194,194,189,183,181,181,186,194,199,196,194,186,173,124,127,129,129,129,131,176,176,176,178,178,178,181,181,183,183,182,183,186,189,191,189,186,186,186,183,181,178,183,196,202,194,181,178,135,133,135,183,189,191,194,196,194,186,133,125,123,124,129,181,183,183,183,183,186,191,196,202,202,196,191,191,191,194,194,199,204,212,215,215,212,209,207,204,176,173,178,183,178,121,111,118,125,133,183,196,202,199,191,186,189,194,199,202,199,191,183,181,186,189,186,182,182,186,189,187,189,194,194,202,207,202,191,183,183,181,170,123,120,120,125,173,181,183,189,196,207,207,202,202,199,196,194,189,183,181,183,0,0,0,0,0,0,0,0,209,209,212,212,212,207,199,196,196,196,199,199,199,202,0,209,215,220,217,212,209,209,207,202,202,202,204,207,212,0,0,0,0,209,199,194,194,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,225,212,204,199,196,196,199,204,0,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,183,170,163,157,152,0,0,137,134,134,131,131,134,0,0,152,163,173,176,181,194,202,209,215,215,212,209,209,215,215,212,212,212,212,209,204,199,199,196,195,196,204,215,217,217,212,202,198,199,204,212,217,225,225,225,225,228,230,230,228,225,222,222,225,230,230,228,228,230,225,222,222,222,217,212,209,204,204,202,202,204,209,215,215,212,207,207,209,212,212,212,222,228,230,230,228,222,217,215,215,217,222,222,222,217,215,215,215,217,217,217,217,212,204,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,48,0,0,0,12,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,152,186,56,0,77,186,191,189,183,183,176,69,39,0,0,57,51,45,53,65,81,157,176,183,176,176,178,176,165,157,157,163,165,165,163,165,176,183,183,176,168,127,125,124,125,173,181,183,186,181,173,129,129,170,170,170,173,176,173,170,168,173,181,181,127,124,170,186,194,194,186,170,125,123,119,117,115,116,123,170,178,181,181,186,191,196,199,194,183,170,125,125,127,125,125,127,168,170,173,181,181,173,170,173,170,176,181,181,173,127,125,125,123,121,121,125,168,170,173,173,173,176,176,170,170,176,178,178,178,173,126,125,127,129,170,127,123,123,125,127,170,173,129,123,122,123,125,129,170,173,173,173,173,170,170,173,178,178,173,172,181,189,191,186,173,127,125,129,173,181,186,196,204,212,217,215,204,202,202,191,123,117,176,186,178,173,173,173,131,173,178,181,183,186,181,176,176,178,176,170,173,176,176,176,176,176,176,176,176,176,178,181,181,181,178,178,178,183,183,179,181,189,194,191,181,178,181,181,183,183,183,186,186,181,179,189,196,196,186,133,115,103,102,117,199,212,217,222,225,225,228,225,212,194,183,183,194,194,189,181,181,186,191,189,181,176,176,176,178,181,178,176,173,176,181,183,181,173,170,170,170,170,170,129,127,123,122,122,123,125,125,129,186,196,191,181,125,118,118,125,178,189,191,191,194,196,196,199,202,196,189,189,194,194,189,183,178,176,178,186,189,189,186,178,173,165,119,115,121,121,119,119,123,165,165,163,119,117,165,170,119,113,109,103,119,173,173,105,85,93,101,101,95,90,101,107,101,99,103,111,163,170,170,186,199,204,209,207,202,196,186,173,168,170,173,170,155,152,152,155,150,105,139,157,157,87,19,0,0,0,0,0,27,165,181,189,186,185,186,189,186,189,191,194,199,204,191,0,0,0,0,0,23,75,85,79,83,67,46,91,87,59,20,51,21,37,81,129,163,168,87,0,0,0,0,0,95,165,165,160,47,46,62,91,77,60,53,51,97,107,99,55,91,178,189,191,178,110,110,115,152,155,157,155,115,111,109,115,183,186,160,116,165,168,160,160,163,157,115,90,90,160,186,183,168,160,121,163,173,183,189,189,186,183,183,183,181,170,163,163,165,163,117,111,115,123,119,119,121,117,109,106,109,113,119,168,181,183,183,176,165,113,106,105,111,123,123,121,125,173,173,168,168,181,186,178,123,123,170,183,196,202,204,207,212,212,207,199,189,176,126,123,131,196,212,212,202,189,176,169,169,170,170,173,173,176,178,178,181,183,186,181,176,168,125,125,127,170,165,112,110,119,168,125,113,106,107,111,103,77,75,81,99,99,91,93,113,165,168,160,91,83,91,111,111,109,113,113,113,160,173,178,181,186,189,189,186,186,181,165,119,119,163,165,111,95,96,101,103,105,107,103,107,157,170,170,160,117,113,105,94,99,111,117,157,157,163,168,168,113,98,97,103,111,117,163,173,170,123,121,163,163,123,120,123,173,191,202,209,212,209,202,194,189,189,191,196,199,191,178,169,169,176,186,178,112,107,109,121,168,170,170,181,191,189,178,127,127,127,129,176,189,202,204,204,199,196,199,202,207,207,202,189,121,122,178,191,199,199,194,191,191,186,183,178,176,176,178,181,186,186,176,127,126,128,176,178,178,176,176,176,176,173,131,173,176,178,181,181,183,186,186,186,181,178,178,183,189,189,187,189,189,189,189,189,191,186,181,179,179,181,181,186,189,186,178,173,130,129,129,131,176,178,181,181,178,131,127,124,123,125,131,176,132,130,133,199,207,199,191,189,186,178,133,135,186,199,202,199,125,111,178,189,133,120,119,122,125,131,133,131,133,178,178,135,133,133,135,181,181,181,181,135,133,133,178,186,191,191,189,183,183,183,191,202,202,181,107,102,115,127,133,178,186,189,189,186,183,183,181,183,183,181,176,176,178,178,178,183,189,194,191,183,178,133,131,130,130,178,194,202,194,191,196,199,194,191,190,192,194,194,196,199,204,207,209,212,212,212,215,212,209,205,205,207,207,207,202,199,194,191,189,141,137,135,135,139,189,202,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,165,168,163,119,115,119,121,117,107,101,97,101,105,111,113,113,113,111,113,117,160,163,123,119,116,117,123,168,173,173,173,170,173,176,178,173,127,122,125,168,168,127,127,125,125,127,173,176,176,176,173,170,168,168,170,173,178,176,173,173,178,183,189,191,194,194,191,191,189,186,181,176,176,183,189,191,194,194,189,183,181,181,183,191,194,194,191,183,181,178,178,178,178,176,173,173,176,181,181,181,176,170,127,129,173,178,178,176,170,129,129,170,173,176,178,181,186,189,186,183,183,181,176,174,176,181,183,186,183,181,178,176,176,131,127,126,126,127,131,176,181,186,189,189,186,181,181,183,186,186,189,191,191,191,191,191,191,191,191,191,191,194,194,194,189,189,194,199,202,204,204,202,194,191,189,189,186,181,133,131,131,135,183,189,189,183,137,137,137,137,137,183,189,191,196,202,204,204,204,204,204,207,207,209,209,207,204,204,204,204,204,202,199,196,194,191,189,189,191,194,191,191,191,191,189,186,183,183,181,176,176,133,133,176,178,181,183,186,189,191,191,191,191,194,194,194,191,191,191,196,196,194,186,178,177,178,183,186,189,191,194,194,191,191,191,191,191,191,189,186,183,182,183,186,189,189,189,189,189,189,189,186,189,189,189,186,183,183,183,183,183,186,186,186,189,191,191,189,186,186,189,189,186,183,181,183,183,191,199,199,191,183,181,183,183,183,183,189,194,196,199,196,191,189,186,183,179,178,179,179,179,181,183,181,181,183,189,189,189,189,189,186,186,183,183,183,183,181,178,176,176,133,176,176,176,176,178,183,186,183,189,194,194,189,183,181,176,131,133,176,176,178,181,186,186,186,181,178,181,181,181,178,178,178,178,178,181,183,183,181,173,172,176,178,178,176,176,176,176,173,170,129,129,170,170,170,176,181,176,128,127,129,173,176,178,181,183,178,177,181,183,183,189,191,183,122,120,123,127,129,129,124,124,125,170,173,178,181,181,176,129,127,170,176,178,178,176,176,181,183,183,181,176,173,131,131,129,131,176,181,183,183,183,186,191,194,194,191,186,181,176,176,176,181,186,183,181,176,125,121,124,131,173,173,173,173,176,176,178,178,176,176,178,181,183,183,183,186,189,191,189,183,181,183,181,178,177,181,189,194,189,178,135,135,135,183,194,199,202,199,196,191,186,133,125,124,124,127,135,178,181,183,186,189,191,194,199,196,191,189,189,191,191,189,194,199,204,209,212,209,209,209,204,186,181,189,189,189,186,129,129,135,183,191,202,204,196,183,135,181,191,199,199,194,189,186,181,186,189,183,181,181,186,189,189,189,194,196,199,202,196,183,178,183,183,176,129,122,121,123,173,178,181,186,191,199,202,196,191,191,191,186,181,181,183,194,204,0,0,0,0,0,0,209,209,212,215,215,212,209,204,199,196,199,199,199,199,199,0,207,212,215,215,212,212,212,209,204,204,207,0,0,0,0,0,0,0,209,199,196,196,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,217,207,199,191,189,191,196,199,202,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,176,163,0,150,0,0,0,137,134,134,134,0,0,0,155,165,170,170,170,178,189,202,212,217,217,217,217,222,220,217,215,215,212,207,204,202,199,196,195,195,204,215,222,222,212,202,199,199,202,209,217,222,225,225,228,228,230,228,228,225,220,220,225,228,228,228,228,230,225,222,222,222,217,212,207,202,202,202,199,199,207,212,212,212,207,207,212,215,212,212,222,228,230,230,228,225,222,217,215,215,217,217,217,217,215,212,215,215,215,215,215,212,204,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,20,0,0,0,111,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,186,95,0,0,61,87,121,173,160,41,0,0,0,0,142,55,51,105,134,137,147,160,170,163,160,157,152,155,157,160,160,163,163,161,165,173,181,181,173,168,168,127,125,125,168,178,186,189,183,173,128,128,128,168,168,173,178,181,178,176,176,183,183,125,122,127,186,191,186,178,168,123,123,121,116,115,116,125,178,191,196,196,196,196,199,202,202,191,176,127,125,127,125,123,123,127,168,173,181,183,178,170,169,169,173,176,176,173,168,125,123,121,119,119,123,125,125,168,173,173,176,176,170,168,176,178,178,178,173,129,126,125,126,170,173,127,125,125,125,170,178,181,178,173,170,129,170,178,181,181,178,173,170,129,170,178,181,181,178,181,183,181,131,123,122,125,173,178,181,183,191,199,207,215,215,209,207,204,196,189,186,189,194,181,127,127,173,178,178,178,178,178,181,181,176,173,176,173,170,176,176,176,176,178,178,178,174,176,178,181,183,183,181,178,181,183,189,186,181,181,191,199,196,186,181,183,189,189,191,191,191,191,183,183,191,202,199,189,135,121,105,104,135,212,225,228,230,228,228,228,225,217,204,191,189,196,194,186,178,178,181,183,183,178,174,174,178,186,191,189,183,181,183,189,196,194,178,170,170,170,129,127,125,123,123,122,122,123,125,125,170,194,202,194,176,121,118,118,123,173,183,189,189,189,189,191,194,196,191,186,186,191,194,194,189,181,176,178,183,189,191,191,181,173,125,119,113,111,108,109,117,163,163,165,163,119,115,170,194,176,111,104,99,163,189,191,181,170,170,157,105,95,93,103,107,103,101,95,85,95,121,113,103,183,196,196,194,189,181,170,160,117,115,115,111,105,107,144,147,107,97,99,144,152,165,183,178,81,47,65,35,33,168,183,189,189,185,186,191,194,196,196,199,199,204,199,73,0,0,0,0,29,129,93,77,79,73,51,89,129,126,63,124,85,65,63,63,137,144,57,0,0,0,5,150,199,199,202,202,52,44,73,163,170,75,44,55,85,89,81,63,87,165,176,176,163,113,115,157,155,155,157,155,155,113,109,113,183,189,165,117,160,163,157,160,157,115,107,99,105,157,173,170,160,163,170,181,194,202,204,207,204,199,194,191,186,181,170,164,168,170,123,113,109,111,119,119,117,113,105,103,111,117,163,176,186,186,181,176,165,115,109,107,115,123,123,123,170,178,173,165,166,176,181,173,121,119,121,129,181,189,189,194,199,199,199,194,186,176,126,125,170,191,204,199,189,183,178,173,173,173,173,173,176,176,178,181,186,186,183,181,173,170,170,168,168,173,165,112,111,170,181,173,123,109,109,111,101,76,76,99,111,105,99,105,168,183,186,189,163,95,103,115,115,113,117,115,115,160,173,181,183,186,186,183,183,181,176,165,119,119,160,157,109,100,98,99,101,105,109,113,119,163,165,163,157,119,117,105,88,101,117,117,119,157,163,160,157,111,105,105,109,115,119,160,170,168,121,117,119,121,121,121,165,181,196,204,209,212,209,204,199,191,191,191,194,194,189,181,172,172,176,183,176,119,113,117,123,127,170,176,183,189,183,125,117,119,123,127,173,183,194,199,199,196,196,196,199,204,204,202,194,178,178,189,199,204,207,202,196,196,196,191,186,181,181,183,189,191,191,183,176,131,176,178,178,173,129,129,131,173,176,176,173,131,131,176,178,181,181,183,183,178,177,178,189,191,191,187,187,189,191,194,196,199,196,189,181,179,178,179,186,191,189,183,176,131,129,129,131,178,183,186,186,176,127,123,122,122,125,131,176,176,132,178,194,199,191,189,186,178,127,121,127,178,191,199,199,189,183,191,199,194,135,123,123,125,129,131,127,127,135,178,135,133,134,135,181,183,183,181,135,133,133,135,186,194,196,196,194,189,189,194,204,204,189,127,127,178,183,181,178,183,186,186,181,179,179,181,186,191,186,178,178,181,183,181,183,189,196,199,194,183,178,135,131,129,131,186,194,182,181,189,199,194,190,191,194,196,199,202,204,204,207,207,212,215,220,217,215,212,207,207,209,209,207,202,196,194,194,189,139,131,129,131,139,194,209,217,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,165,123,123,160,117,115,117,121,117,107,96,94,97,103,107,111,117,117,117,115,117,121,123,121,117,115,116,121,168,173,178,178,173,170,176,181,178,127,122,123,168,168,127,125,125,125,168,173,176,173,170,168,168,168,170,170,176,181,181,178,178,181,183,186,189,191,194,191,191,189,183,176,131,131,178,186,189,189,189,186,181,178,178,183,189,194,194,189,183,181,178,176,176,176,173,131,129,170,176,181,181,176,170,129,129,170,173,129,123,121,119,121,127,170,176,181,186,191,191,189,186,183,181,178,178,178,178,176,173,173,176,176,178,178,176,131,127,129,131,131,176,178,183,186,189,186,183,183,186,189,191,194,194,194,194,194,194,194,191,191,191,194,196,196,194,191,191,194,199,202,199,199,194,191,189,189,191,189,186,137,135,135,137,183,189,189,186,181,183,183,183,183,183,186,191,196,202,204,207,207,207,207,209,209,212,209,207,204,204,204,204,202,199,196,194,194,194,194,194,194,191,190,190,191,189,183,183,183,181,178,176,178,178,176,133,176,176,181,186,189,189,189,189,191,191,194,194,191,191,191,194,196,194,186,181,177,178,186,189,191,194,196,194,191,191,191,191,191,189,186,183,183,182,183,186,189,191,191,191,189,189,189,189,189,191,191,189,186,186,181,181,181,181,183,186,189,189,189,183,178,178,183,186,183,181,181,186,189,191,196,194,186,183,181,181,181,181,181,186,191,196,202,202,196,194,191,189,183,181,181,181,181,183,181,178,178,181,183,186,183,186,186,186,183,183,181,178,178,178,176,176,176,176,178,178,176,133,176,178,181,181,183,186,186,181,178,178,178,176,176,176,178,181,183,186,186,186,183,181,181,183,183,181,178,176,173,176,178,183,186,181,173,170,173,181,181,176,176,178,178,173,173,170,170,129,129,170,173,176,173,129,129,173,178,181,183,186,183,178,177,178,183,186,189,191,183,125,121,123,125,127,127,125,125,127,170,173,176,181,181,178,173,173,176,181,183,181,178,176,181,183,183,176,129,125,127,127,127,129,176,181,183,183,183,186,189,191,191,186,183,178,176,174,174,176,176,176,176,173,127,122,124,131,178,178,176,176,173,173,176,176,133,133,178,186,189,191,189,189,191,191,189,181,179,181,181,178,177,178,186,191,186,178,135,176,178,186,194,199,199,196,194,194,186,129,125,127,129,131,135,135,178,181,186,191,191,191,191,191,189,186,189,194,191,189,189,191,194,199,202,202,202,199,196,194,199,199,196,196,196,191,189,191,196,202,207,204,194,178,133,178,191,196,194,189,183,178,176,181,189,186,182,182,189,194,194,194,194,196,196,191,183,173,173,186,191,186,181,173,168,168,176,178,178,181,181,183,186,186,176,178,181,181,179,183,194,207,215,0,0,212,209,209,0,207,207,212,212,215,212,209,207,204,199,199,202,202,199,199,0,204,209,212,212,212,215,215,215,209,209,215,222,225,225,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,217,209,199,187,185,186,189,196,199,202,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,183,168,155,150,150,0,0,0,0,0,134,0,0,0,155,163,168,165,163,165,176,194,209,217,225,225,228,225,222,220,217,215,209,207,204,204,204,199,195,195,204,215,222,222,215,204,199,199,202,207,215,217,222,225,225,225,228,228,228,225,220,220,222,228,225,228,228,230,228,222,225,225,217,209,204,202,199,196,196,196,202,207,209,209,207,207,212,217,215,215,222,228,230,230,228,225,222,217,217,215,215,217,222,222,217,212,212,212,212,215,215,212,207,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,66,0,0,0,0,0,1,0,0,0,0,0,47,191,108,47,69,134,139,144,152,155,152,150,146,146,150,157,160,160,163,163,165,168,176,178,173,165,125,127,170,170,127,125,127,176,183,183,176,168,128,128,128,168,173,178,181,178,176,178,186,191,181,127,170,186,186,178,170,165,123,121,121,119,117,121,170,186,199,204,204,199,191,191,194,196,189,178,168,127,127,123,120,120,123,125,170,181,189,186,181,176,170,170,173,173,173,170,127,123,115,111,111,117,121,121,125,170,170,170,170,168,168,173,183,183,181,178,173,129,126,126,129,173,173,170,170,127,129,181,186,186,183,178,176,178,189,194,191,183,176,129,128,129,178,186,191,189,186,181,173,125,122,123,129,178,183,183,186,189,194,202,207,212,212,209,202,194,194,189,183,181,173,123,124,178,186,183,178,173,131,173,173,173,176,176,173,170,176,176,173,176,178,181,181,176,176,181,183,183,181,181,181,186,194,196,191,183,183,189,196,196,191,189,189,191,194,196,196,196,196,191,189,194,196,194,183,135,129,114,113,181,215,228,230,230,228,225,225,225,225,215,204,196,196,191,183,135,133,135,178,178,176,174,176,189,202,207,202,196,191,189,196,207,204,186,173,170,170,129,127,125,125,125,125,125,125,125,127,173,189,191,176,123,119,118,119,123,170,181,189,189,186,186,189,189,189,186,183,186,191,196,196,189,181,173,173,178,183,189,186,178,127,121,115,109,107,106,109,121,170,173,170,165,119,111,168,209,199,117,107,108,181,199,199,186,181,183,173,115,105,105,111,107,103,103,83,58,83,109,101,70,73,117,173,176,173,168,165,163,155,113,105,95,88,99,101,83,73,85,97,139,150,170,202,207,147,67,176,83,53,163,176,186,194,191,191,191,196,202,202,202,199,202,202,163,0,0,13,37,79,134,126,89,79,59,45,73,89,131,137,150,147,85,65,49,47,45,45,29,11,23,63,176,194,199,207,207,65,58,71,152,183,176,73,73,71,69,77,85,103,150,163,170,165,163,168,170,160,155,117,115,155,155,113,117,165,165,117,115,115,117,117,155,157,113,107,105,109,111,103,97,107,165,186,202,212,217,220,220,215,207,199,191,189,186,181,173,173,181,176,121,113,105,113,111,111,115,107,104,113,121,165,181,186,183,176,168,119,111,113,117,165,176,168,168,176,178,173,168,168,173,173,129,125,118,116,118,170,178,181,186,189,189,186,183,181,176,127,126,170,183,191,183,178,178,181,178,178,176,173,172,173,176,178,183,191,191,186,181,181,181,181,178,168,165,123,117,125,183,181,170,123,115,109,109,97,79,81,105,111,105,101,115,186,196,202,207,202,115,111,117,121,119,117,115,114,119,170,181,186,189,181,170,168,165,160,119,117,117,117,115,113,111,105,100,101,107,113,119,163,165,163,157,160,168,176,173,104,115,163,160,168,173,176,163,117,109,109,115,117,121,121,117,119,119,117,115,115,119,123,163,168,181,196,207,209,209,207,202,196,191,186,186,186,186,186,186,183,176,176,178,173,127,125,125,123,125,173,181,183,178,107,88,105,115,123,127,173,181,189,196,199,199,196,196,196,199,202,202,194,189,186,189,194,202,209,207,202,199,199,196,191,186,183,183,186,189,189,186,181,181,181,181,173,128,126,127,128,131,176,176,131,128,127,129,173,176,181,183,183,178,177,178,189,194,194,187,187,189,191,196,199,204,202,194,183,179,179,181,186,191,194,189,186,181,176,173,176,183,189,189,181,173,129,127,127,129,131,133,178,181,181,181,183,135,133,181,183,133,121,118,120,131,186,196,199,196,194,199,207,209,202,186,129,127,129,129,123,125,131,135,135,135,178,181,183,186,189,186,181,135,134,135,183,189,194,196,196,194,191,194,204,207,196,183,186,194,194,186,181,183,186,186,183,181,181,186,191,194,189,178,178,183,186,186,183,189,194,196,194,186,183,181,133,129,130,183,186,181,179,191,202,196,192,194,196,202,202,204,207,207,204,207,209,215,222,222,217,215,212,212,212,207,202,199,194,194,196,191,139,131,129,131,186,204,215,222,222,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,176,165,121,117,115,113,113,117,121,119,107,95,94,97,103,107,113,121,160,121,119,119,119,121,119,116,116,119,125,168,173,178,178,176,170,173,178,178,127,122,125,170,168,125,125,125,127,168,170,173,170,168,126,126,168,170,170,176,183,186,183,178,178,181,183,186,189,191,191,189,186,181,131,128,127,131,181,186,186,186,183,178,176,176,178,183,186,186,186,183,181,178,176,176,176,173,129,128,127,170,178,178,173,127,127,127,127,125,121,115,114,115,119,125,173,181,186,191,194,194,191,186,183,181,178,178,178,176,173,172,172,173,178,181,181,178,176,176,176,176,176,176,181,183,186,189,189,189,189,191,191,194,196,199,199,196,194,194,194,194,194,194,196,199,199,196,191,191,194,196,196,194,191,189,186,189,191,194,194,189,183,181,181,181,186,189,189,186,186,186,189,189,186,186,189,191,196,202,204,207,207,207,207,209,209,212,209,207,202,202,202,202,199,196,196,194,194,196,196,196,194,191,190,190,191,191,186,183,183,181,181,178,181,181,176,133,131,133,178,186,186,186,186,186,189,191,191,191,191,189,189,191,194,191,189,183,181,181,189,191,194,196,199,199,196,194,194,194,191,189,186,183,183,183,183,183,186,189,194,194,191,187,187,189,189,191,191,189,189,186,183,178,133,133,178,186,189,186,178,133,129,131,176,178,178,178,183,189,189,191,191,183,178,181,181,181,179,179,181,186,189,194,202,202,199,196,194,191,186,183,183,183,183,183,183,181,178,178,181,181,181,183,183,186,183,181,176,173,173,173,176,176,176,178,181,178,176,133,133,176,133,176,178,181,176,131,133,176,178,178,181,181,183,183,183,186,183,183,181,181,181,183,186,183,176,172,170,172,181,186,189,183,176,170,172,178,183,181,181,183,183,176,173,173,170,129,129,170,173,176,173,173,173,178,183,186,186,189,183,177,177,178,183,186,186,189,181,170,125,127,127,127,129,170,170,173,173,170,173,178,178,178,173,173,176,181,183,181,176,176,178,181,181,173,123,122,123,125,127,131,178,181,181,181,181,183,189,189,186,183,181,181,181,178,178,176,174,174,176,178,176,131,131,178,183,183,181,178,173,131,173,133,131,133,178,189,196,199,196,194,194,194,191,183,181,183,189,183,178,181,189,194,189,181,176,178,181,186,191,194,194,191,194,194,189,129,125,133,178,181,183,181,135,178,183,186,186,183,186,189,189,186,189,191,191,189,186,183,183,183,186,186,181,178,178,191,202,202,199,199,202,199,199,202,204,207,209,207,191,135,133,135,189,194,194,186,178,176,176,181,189,191,189,189,194,202,202,199,196,196,194,183,173,169,172,186,194,191,189,183,178,176,178,178,176,173,168,161,165,170,0,168,176,181,183,194,204,215,0,0,0,217,212,212,207,204,207,209,209,212,212,209,207,207,204,204,204,204,202,202,0,207,209,215,215,212,215,217,215,212,215,222,230,233,230,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,209,199,187,185,186,191,199,199,199,207,0,0,0,0,0,0,0,0,0,0,0,0,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,189,176,165,157,155,0,0,0,0,0,0,0,0,147,155,163,165,163,159,160,170,189,207,217,225,228,230,230,225,220,215,212,209,207,207,209,209,202,195,195,202,215,222,222,215,204,199,199,202,207,212,215,222,222,222,222,222,225,225,225,222,220,222,225,225,225,228,230,225,225,225,225,215,207,202,202,199,196,149,196,202,204,207,207,207,209,215,217,217,215,222,228,230,230,228,225,225,222,217,215,215,217,222,222,217,212,211,212,215,215,215,212,204,200 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,100,65,21,31,69,129,144,150,155,155,150,146,147,151,155,157,160,163,168,170,176,181,181,173,125,125,168,178,178,170,125,124,127,176,181,181,173,170,170,170,168,170,173,173,173,173,178,189,196,194,178,173,178,173,168,165,125,123,121,121,121,125,170,178,189,199,204,204,196,186,181,183,189,186,178,173,170,168,123,120,120,121,125,168,181,189,194,191,183,173,170,170,170,170,170,168,123,117,110,108,109,113,119,123,127,127,127,127,127,127,176,186,191,186,181,178,173,170,129,129,170,173,173,173,127,129,181,186,189,189,183,181,186,196,199,194,186,181,173,129,129,178,191,199,196,189,178,131,127,125,125,131,176,183,189,189,191,196,202,204,207,209,207,196,189,189,181,173,131,127,122,125,189,199,194,183,173,129,128,129,173,178,181,173,170,173,170,170,173,178,183,181,181,178,181,181,181,178,178,183,191,202,204,196,189,183,183,189,194,199,196,194,194,196,199,199,199,199,196,194,194,191,183,181,178,131,123,121,133,204,225,230,230,228,225,225,228,228,225,212,202,194,186,178,133,131,133,135,135,176,176,183,196,212,217,212,202,196,194,202,209,207,191,178,176,170,129,127,127,127,129,173,170,129,170,173,176,178,176,125,119,118,119,121,125,170,181,189,189,186,189,189,186,183,183,182,186,191,196,194,186,178,170,168,170,170,176,176,127,121,117,113,108,106,109,119,170,183,189,183,165,109,100,104,194,189,121,117,173,194,204,199,181,176,176,165,113,111,117,121,111,103,99,80,51,103,117,115,69,58,85,165,168,168,165,170,173,173,168,155,103,84,93,89,49,47,67,93,139,150,168,191,194,91,31,131,61,69,163,176,189,199,199,196,196,199,202,202,202,202,199,196,186,9,0,69,131,95,81,85,126,83,33,35,45,33,69,157,160,144,124,77,51,49,49,87,152,134,71,71,131,165,181,181,63,60,63,73,95,165,176,103,67,55,61,91,147,152,152,155,170,170,176,183,181,168,157,115,114,117,157,157,157,155,111,99,101,113,113,115,117,157,113,107,113,113,97,74,73,93,176,204,217,225,228,228,228,222,212,196,186,183,186,183,178,181,189,183,170,119,104,105,101,97,107,109,111,119,121,168,178,181,173,165,121,111,110,117,165,181,196,189,181,181,173,168,127,170,176,170,168,129,119,114,116,127,176,178,186,189,186,178,173,173,170,127,126,170,178,178,173,129,173,178,178,176,173,173,173,173,176,178,183,189,189,186,186,189,189,189,178,123,117,117,123,168,170,163,121,119,113,107,101,91,83,85,99,109,105,105,160,194,202,204,212,212,160,111,117,160,160,119,115,115,117,163,176,183,178,121,101,90,96,107,117,119,117,115,113,115,157,113,103,105,109,113,119,157,160,157,119,160,176,186,189,178,173,176,173,176,176,183,178,160,109,107,113,117,121,119,111,111,113,115,117,119,123,165,165,168,178,196,204,209,209,202,194,189,183,183,183,183,181,181,186,186,178,170,170,173,170,127,121,119,125,173,178,170,105,77,56,103,115,125,173,176,181,186,194,196,196,194,191,191,191,196,196,194,189,186,183,178,183,207,207,199,196,196,196,194,189,183,181,181,183,183,183,181,183,186,183,176,128,127,129,173,173,178,181,176,129,127,129,131,173,178,186,183,181,178,178,186,194,194,189,189,191,194,196,199,202,199,191,183,181,183,183,186,189,191,191,189,183,178,178,181,183,186,186,181,176,176,176,178,178,176,176,176,181,183,181,131,120,121,135,178,131,121,119,120,129,186,199,204,202,199,204,212,215,209,199,183,133,129,125,119,120,127,133,135,178,181,183,186,191,194,194,191,186,181,181,181,183,186,191,194,194,191,191,199,202,196,189,191,196,196,191,186,186,189,189,191,191,189,191,196,196,186,133,131,178,186,183,183,186,189,191,189,186,186,186,178,131,131,181,189,186,189,204,207,202,196,196,199,199,202,204,204,204,204,204,204,209,215,217,215,212,212,209,204,199,194,191,189,191,194,194,186,133,130,137,199,222,228,228,228,230,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,189,181,170,121,113,107,107,111,115,117,117,109,99,97,103,109,111,117,163,165,163,160,121,121,119,117,116,117,121,165,168,170,176,178,178,176,176,178,176,170,127,168,173,168,125,125,127,168,170,173,173,170,127,126,126,127,170,170,176,183,186,183,178,177,177,181,183,189,191,191,189,186,181,133,128,126,129,178,189,191,189,186,183,178,176,176,176,176,178,183,183,181,181,181,178,176,131,129,128,127,129,176,176,127,121,121,123,123,121,117,114,113,115,121,129,176,181,189,194,196,194,191,189,183,181,178,178,178,178,176,173,176,178,178,178,178,178,178,181,181,181,178,178,181,183,186,189,191,194,194,194,194,196,202,202,202,199,196,194,194,194,196,196,199,199,199,196,194,194,196,196,194,189,186,185,186,189,194,196,196,194,189,186,183,183,186,186,186,186,186,189,191,194,191,191,191,194,199,202,204,204,204,204,204,207,209,209,207,204,202,199,202,199,199,196,196,196,196,199,199,199,196,191,191,191,194,196,191,186,183,181,183,183,183,181,176,133,131,129,133,181,183,183,181,183,186,189,189,191,189,189,186,186,189,189,189,186,186,186,189,191,196,202,204,204,202,196,196,194,191,189,189,186,186,186,183,182,182,186,191,194,189,187,187,189,191,189,189,189,186,186,183,133,123,122,131,183,186,181,133,129,128,128,131,133,178,181,186,189,189,189,186,178,176,178,181,181,179,181,183,186,186,191,196,199,199,196,194,189,183,183,183,186,186,183,183,181,178,178,178,178,178,181,183,186,183,181,173,172,172,176,178,176,178,181,183,181,178,176,176,133,132,132,176,176,131,130,131,178,183,183,186,189,189,189,189,186,183,181,181,181,181,183,183,183,178,172,172,176,183,191,191,186,178,172,172,181,186,186,186,189,186,176,170,129,128,128,128,170,131,131,176,176,178,183,186,183,186,186,181,177,177,181,183,183,183,181,176,173,173,170,127,127,173,181,181,181,178,176,176,178,178,176,170,129,129,173,176,173,170,173,176,178,178,170,123,121,123,127,129,173,178,181,178,176,178,183,186,186,183,181,183,186,189,189,186,181,176,176,178,183,183,181,181,183,183,183,183,181,131,128,131,131,129,129,176,186,194,199,199,196,196,196,194,189,186,189,196,186,178,181,191,196,191,183,178,181,183,189,189,189,189,191,194,196,194,178,133,178,178,181,186,183,178,178,181,183,183,182,182,186,191,189,186,186,186,186,183,181,135,133,133,131,127,126,127,178,189,194,199,204,204,204,204,207,209,209,212,207,194,137,134,135,183,191,194,191,183,177,177,183,194,199,199,202,204,207,204,199,194,194,191,183,173,170,173,186,191,189,189,183,178,176,178,176,173,168,161,157,160,165,0,165,173,183,194,204,212,217,228,228,228,222,220,215,209,204,204,204,207,209,209,209,207,207,204,207,207,207,204,204,0,209,212,217,217,215,215,217,215,209,212,222,230,235,233,233,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,209,202,191,189,191,199,0,204,202,204,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,186,178,173,168,163,160,0,0,0,137,134,0,0,0,152,160,163,160,160,163,173,189,204,215,222,225,228,230,225,217,212,209,209,207,209,215,212,204,195,195,202,215,222,222,212,204,199,199,202,204,209,215,217,217,217,215,217,222,225,225,222,222,222,222,222,225,228,230,225,222,225,222,215,207,204,202,199,149,149,199,202,204,207,207,207,209,215,217,222,217,222,230,230,230,230,228,225,225,222,217,215,217,222,222,217,212,211,212,215,217,215,209,202,200 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,131,121,108,87,0,0,0,0,0,11,19,33,51,111,142,150,157,165,160,152,152,157,157,157,160,163,168,173,181,189,189,181,170,170,181,189,189,178,127,125,127,173,178,181,178,178,181,178,170,168,168,127,127,168,173,183,189,189,173,168,127,125,123,165,165,123,121,123,125,168,176,183,191,196,199,196,191,183,178,178,181,178,176,178,178,170,125,121,121,123,125,170,176,183,189,189,183,173,170,170,168,168,170,168,127,127,121,110,109,111,119,123,125,123,125,127,127,127,173,186,196,194,189,183,181,181,178,173,170,169,173,173,127,129,183,189,191,189,183,181,183,194,196,191,186,183,178,173,173,181,191,196,194,178,131,129,129,129,129,129,131,181,186,191,196,199,204,204,204,202,199,191,186,183,181,173,131,125,124,176,202,207,204,194,181,130,128,129,131,178,181,176,170,170,130,130,131,176,181,181,181,181,178,178,176,176,178,186,194,202,202,194,183,178,181,186,196,204,204,199,199,199,199,199,199,199,199,199,196,189,183,181,183,178,131,129,133,191,212,225,228,228,228,228,228,228,225,215,202,194,183,135,131,131,131,135,178,178,178,183,191,204,207,202,194,194,194,196,202,202,191,181,176,173,129,129,129,129,173,176,176,176,181,181,178,176,170,125,123,123,127,127,127,131,183,189,186,186,191,191,186,183,182,183,189,194,194,189,181,176,173,170,168,127,127,127,123,119,117,115,111,108,115,168,183,199,209,204,181,105,99,101,123,168,119,119,178,199,204,196,176,170,173,165,115,119,173,176,113,101,101,97,101,170,173,178,82,65,95,165,170,170,170,176,183,191,194,191,189,160,91,44,41,48,67,83,97,142,165,183,173,25,0,3,4,59,160,178,196,207,202,196,194,194,191,189,199,202,199,196,189,81,27,129,186,157,67,77,124,81,26,35,45,20,40,168,163,134,129,87,53,65,142,176,176,176,157,126,91,87,134,142,59,61,71,87,97,139,147,91,46,47,89,163,168,163,157,150,155,165,176,186,183,173,157,116,115,155,165,168,168,157,99,67,60,99,107,113,155,157,115,101,107,111,87,70,70,99,199,222,228,230,230,230,230,228,215,194,181,178,181,183,183,186,191,189,178,163,113,109,99,87,89,105,160,121,119,160,170,170,160,117,117,113,113,121,168,189,209,209,202,181,125,117,119,127,170,168,127,168,123,116,118,170,178,181,191,199,194,183,176,173,129,127,126,129,173,170,127,127,173,178,173,129,129,173,176,178,176,173,176,183,189,189,194,196,194,183,165,114,114,121,165,163,117,111,113,117,111,103,99,95,91,91,95,105,107,111,168,194,202,204,209,207,165,113,119,168,165,160,160,121,117,119,160,168,160,105,95,88,94,109,165,168,160,117,113,115,119,115,107,109,113,113,117,117,115,111,108,111,163,181,186,183,181,181,173,160,105,173,189,176,109,99,103,111,115,113,109,107,111,119,165,173,173,170,168,170,178,191,202,204,204,196,186,176,176,183,189,186,176,170,173,173,125,123,127,176,176,125,115,116,123,170,173,123,103,82,70,115,123,173,183,186,183,181,183,186,186,186,183,182,183,186,189,189,191,186,176,115,100,183,191,191,189,189,189,189,186,181,176,178,178,178,178,178,181,186,186,181,173,173,178,181,181,178,183,183,178,173,173,173,176,178,183,183,183,183,181,186,196,196,194,194,194,196,196,199,199,196,189,183,183,183,183,183,183,183,183,181,178,173,173,176,181,186,186,183,183,183,181,178,178,176,133,133,176,178,135,127,116,115,127,133,129,125,123,127,178,191,204,212,207,202,207,215,217,215,209,199,186,133,121,117,118,125,131,135,183,186,186,189,191,196,196,196,194,191,186,183,183,183,186,189,186,186,189,194,196,191,189,189,194,194,194,191,191,191,194,196,199,196,196,196,194,183,130,128,130,176,178,181,183,183,183,183,186,186,186,181,135,135,181,186,189,196,209,209,204,199,196,194,194,194,196,199,199,202,202,202,207,209,209,209,207,202,196,191,186,185,185,186,191,196,196,191,139,133,137,202,222,230,228,228,230,217,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,189,191,183,170,121,109,105,105,107,111,113,115,111,107,107,111,115,117,121,165,168,168,165,163,121,119,117,116,117,123,165,165,168,173,178,181,181,181,181,178,176,173,170,173,168,127,127,168,170,173,173,173,168,127,126,126,127,129,170,176,183,183,183,178,176,177,178,183,189,191,194,191,191,186,181,133,129,131,178,191,199,196,194,189,183,181,176,174,174,176,181,186,186,186,186,181,176,131,129,129,128,170,176,173,125,118,118,119,119,119,117,115,115,119,125,170,176,181,186,191,194,191,191,189,183,178,178,178,178,181,178,178,178,178,178,176,133,176,178,181,183,183,181,178,181,183,186,189,194,196,196,191,189,194,199,204,202,199,196,194,194,196,196,199,199,199,199,199,199,199,196,196,191,189,185,185,186,191,194,196,196,194,191,189,186,183,183,183,183,183,186,189,194,196,196,194,196,196,202,202,204,203,203,203,204,207,207,207,204,204,202,202,199,199,199,199,199,199,199,199,199,199,196,191,189,191,194,196,194,189,183,181,183,183,183,181,176,176,131,128,129,176,181,178,181,183,186,189,191,191,191,189,186,183,186,186,189,189,189,189,189,191,196,202,207,207,202,196,194,191,191,191,189,189,189,186,186,183,182,183,189,191,189,187,189,194,194,191,189,186,183,181,135,127,120,119,123,178,183,178,133,131,131,129,129,131,178,183,189,189,189,189,186,178,176,178,181,181,179,183,186,186,186,186,191,194,194,194,189,186,181,178,181,183,183,183,181,181,181,178,181,181,181,181,183,186,183,181,176,172,173,181,183,181,183,189,186,183,181,181,178,133,131,132,176,176,131,131,178,189,194,191,191,191,191,191,191,186,183,181,181,181,181,178,181,181,181,178,178,183,189,191,191,183,178,173,173,183,191,189,186,183,181,173,129,128,128,129,170,131,127,129,173,176,181,183,183,181,181,183,183,181,178,181,183,183,181,176,173,176,176,170,170,129,173,183,189,189,186,181,181,181,181,178,170,127,127,129,170,127,127,129,173,176,176,131,125,123,125,129,131,176,178,176,173,131,176,181,183,183,181,181,183,189,194,196,194,186,178,176,178,183,186,183,183,183,183,183,186,181,131,127,128,129,128,128,133,183,191,196,199,196,196,199,199,194,191,191,191,181,176,181,191,196,194,186,181,183,189,191,189,189,191,194,191,196,199,189,181,181,133,133,183,183,181,178,181,183,183,183,182,186,191,189,186,186,183,181,178,135,131,129,127,127,127,127,127,133,178,183,199,207,209,209,209,209,209,212,212,209,199,183,135,134,178,186,194,196,194,186,183,186,194,202,207,209,212,212,202,191,189,186,186,186,181,178,178,183,186,186,183,176,169,170,176,176,176,170,165,163,168,173,170,170,176,183,196,204,209,215,225,228,228,225,225,225,215,207,204,204,207,209,209,207,204,204,207,207,207,207,204,204,0,209,215,222,217,215,215,215,212,209,209,217,230,235,235,233,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,204,199,196,202,207,0,0,207,204,204,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,186,178,173,170,168,163,157,0,0,0,137,0,0,0,150,155,160,163,163,168,178,191,204,212,217,222,225,228,222,217,212,212,212,212,212,215,212,204,195,195,202,212,220,222,212,204,200,200,202,207,209,212,215,217,215,212,212,217,225,225,225,222,222,222,220,225,228,228,225,222,222,222,215,207,204,202,196,149,196,202,204,207,207,209,207,209,215,217,222,222,225,230,230,230,230,228,228,225,222,217,215,215,217,222,222,215,211,215,217,217,212,207,202,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,14,0,0,0,0,0,43,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,168,191,183,168,1,0,0,0,0,0,33,45,49,73,139,147,155,163,165,163,160,157,160,160,160,160,165,170,178,189,191,186,181,183,191,199,199,189,176,168,168,170,173,173,176,183,191,186,173,168,127,126,126,168,170,173,176,170,125,123,123,122,125,170,168,125,125,125,125,165,173,183,191,191,191,189,183,178,173,170,170,168,170,181,183,176,125,123,125,127,168,173,173,176,173,173,170,168,170,170,165,165,168,168,165,170,168,121,113,113,121,125,123,122,125,127,127,127,173,183,194,196,189,183,181,183,183,178,173,170,176,176,129,129,181,189,189,189,183,176,176,181,183,178,178,181,181,176,178,181,183,181,131,117,119,125,173,176,176,131,131,176,183,191,196,202,204,202,199,196,191,191,189,186,183,181,131,125,127,186,204,209,207,204,194,183,176,131,173,176,178,176,173,170,170,130,130,131,176,178,181,178,176,174,176,178,181,186,189,191,186,178,133,131,178,189,202,207,207,202,202,204,202,199,196,196,199,199,202,196,189,183,186,186,181,135,135,181,189,202,212,222,228,228,228,228,225,215,204,196,186,135,133,131,133,135,181,183,183,181,178,178,176,133,176,183,186,186,189,191,189,183,178,131,129,129,127,129,170,170,173,176,181,181,176,173,173,173,178,181,181,178,131,173,181,183,178,176,189,194,191,186,183,183,189,194,191,183,176,173,176,176,170,125,123,123,121,123,125,123,119,115,119,170,191,207,217,215,207,115,104,105,115,121,118,119,176,194,202,191,173,169,176,178,170,176,183,183,121,111,113,121,183,186,181,170,80,77,107,160,173,178,178,181,191,199,204,207,209,220,105,38,39,59,71,69,57,37,31,37,43,11,0,0,2,65,152,168,189,204,199,189,183,178,165,150,178,194,189,189,183,134,33,47,155,152,57,73,73,35,20,57,81,42,53,157,152,121,134,137,69,139,173,181,181,178,178,152,87,69,77,157,165,71,67,91,101,103,99,47,39,71,155,168,173,173,165,142,148,157,168,178,181,173,157,116,117,160,173,181,178,163,97,65,58,62,93,111,117,155,111,90,95,97,77,71,75,163,212,230,233,230,228,228,230,230,217,196,181,176,178,181,186,189,191,189,183,178,170,121,109,89,67,85,121,115,111,115,160,160,115,114,117,121,121,163,170,186,209,215,212,173,113,108,111,123,168,127,125,127,125,123,129,176,178,183,199,209,209,202,189,176,129,127,129,170,173,129,127,170,178,178,170,126,127,170,178,178,176,173,173,181,189,194,202,202,191,168,113,112,115,165,170,165,113,104,105,113,105,99,105,111,107,99,99,105,109,113,168,191,199,204,207,196,168,119,163,173,170,165,168,160,117,113,114,117,117,113,105,107,117,168,181,183,173,160,115,113,115,113,113,117,119,119,119,115,109,106,104,106,115,163,170,170,173,176,115,81,63,97,178,173,109,93,97,107,107,105,107,107,113,168,186,196,194,183,173,170,173,178,186,191,191,183,170,165,168,181,189,183,165,121,121,115,113,115,123,173,176,123,114,116,125,173,173,127,119,119,127,173,176,186,194,194,183,176,173,176,178,183,183,183,183,183,186,189,191,189,178,98,81,115,131,178,181,181,181,181,178,176,173,176,178,178,176,173,176,183,186,183,178,178,186,186,181,178,178,181,183,183,178,176,176,176,176,178,183,189,186,191,199,202,199,196,196,196,196,196,196,194,189,186,183,183,183,183,178,176,176,176,173,172,170,173,178,183,186,189,194,191,183,178,176,176,176,133,131,131,135,178,120,116,122,131,129,129,133,183,194,202,207,209,207,207,209,215,220,217,212,209,202,191,131,118,118,123,129,135,183,186,183,183,189,191,194,194,194,194,191,186,183,183,183,183,183,183,189,191,191,189,186,186,189,191,191,194,194,194,196,199,202,202,196,194,189,181,131,128,130,131,133,178,181,181,179,179,186,189,186,183,181,178,178,181,186,199,207,209,204,196,191,186,186,186,191,194,196,199,202,202,202,202,204,202,199,194,186,185,183,183,185,189,194,202,204,202,189,135,135,191,209,217,217,217,217,191,121,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,181,186,189,183,170,121,109,106,107,109,111,113,115,113,113,117,119,121,160,163,165,168,168,168,165,123,119,117,116,119,125,168,165,165,173,181,183,186,189,189,186,181,176,170,170,168,127,127,168,173,176,173,170,168,168,168,127,127,127,170,176,181,183,181,178,176,177,178,186,191,194,194,194,194,191,189,183,178,176,181,191,202,202,202,196,189,183,181,176,176,176,181,186,186,183,183,181,176,173,131,131,170,173,176,173,127,123,119,119,119,119,119,119,121,123,129,173,176,178,183,189,189,189,189,186,181,178,178,181,183,183,181,178,178,178,176,133,132,132,176,181,183,183,183,181,181,183,186,189,194,196,196,189,185,189,196,199,202,199,196,194,194,196,199,199,199,199,202,202,204,202,199,196,194,189,186,185,189,191,194,194,196,194,194,191,189,183,181,181,181,183,183,186,194,199,202,199,196,199,202,204,204,203,203,203,204,207,204,204,204,204,204,204,202,202,202,202,202,199,199,199,199,196,196,191,189,186,189,189,191,189,183,181,181,181,183,181,178,176,133,128,127,131,176,178,181,186,189,191,194,194,194,191,189,183,183,183,186,189,191,191,189,191,196,202,204,202,196,191,189,189,191,191,191,189,189,189,189,186,183,183,186,186,189,191,196,199,199,191,189,186,181,135,131,127,121,120,123,176,181,178,178,181,181,133,129,129,176,186,189,189,186,189,191,183,178,183,183,181,181,189,191,189,183,183,183,186,189,189,183,178,176,133,133,178,178,178,178,181,181,178,181,181,181,183,186,186,183,183,178,176,176,183,186,186,189,194,194,189,186,186,183,178,133,176,178,178,176,178,186,196,199,196,191,191,191,194,191,189,186,183,183,186,181,176,173,176,178,178,181,186,191,191,189,183,178,178,178,186,189,189,181,176,173,170,129,128,128,173,173,129,124,125,131,176,178,181,181,176,178,183,189,189,183,181,181,181,181,176,173,176,176,173,173,170,170,178,186,191,189,186,183,186,186,181,173,128,128,173,173,127,126,127,170,173,176,173,129,129,129,129,129,131,173,129,127,127,173,183,186,183,181,179,183,189,196,199,196,189,178,176,178,181,183,183,183,183,183,183,186,183,173,128,129,129,128,129,133,181,189,191,194,194,196,202,204,199,191,183,178,131,131,178,189,194,194,194,189,189,194,194,191,191,194,196,191,189,194,189,183,178,131,133,181,183,183,183,186,186,186,186,183,186,189,191,191,191,186,178,133,133,129,127,127,127,131,135,135,178,135,186,207,212,209,209,212,212,212,212,215,212,204,189,137,134,135,183,191,199,199,194,183,181,183,196,209,215,215,209,196,189,181,178,181,186,186,181,178,178,181,183,183,170,166,169,173,178,178,176,176,181,186,186,178,173,176,183,191,196,202,209,222,225,228,228,230,230,225,212,204,204,209,212,209,207,204,202,204,207,207,204,202,202,0,207,215,222,220,215,215,217,212,207,209,215,225,230,233,233,233,0,0,0,0,0,0,0,0,0,0,0,204,202,207,0,0,0,0,0,0,0,0,0,0,0,215,209,202,202,0,0,0,0,209,209,207,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,191,178,170,168,168,165,163,157,0,0,0,0,0,0,0,152,157,160,165,170,181,194,204,212,217,222,222,222,217,215,215,215,215,212,212,215,212,204,195,195,202,212,217,222,215,207,202,204,207,209,212,212,215,215,212,211,211,215,225,225,225,222,222,220,220,222,228,228,222,217,217,217,212,209,207,204,196,148,149,202,204,207,209,209,209,209,212,217,222,225,228,230,230,230,230,230,228,228,225,222,215,215,215,222,222,215,212,215,217,215,209,204,202,200 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,0,0,0,0,48,191,196,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,144,168,170,165,9,13,23,0,0,0,45,55,45,65,137,144,152,155,163,163,157,156,160,160,159,160,163,165,170,178,183,183,183,191,199,204,209,202,186,173,170,170,127,126,168,183,196,189,173,168,168,127,168,170,170,168,125,123,122,123,123,125,170,176,170,165,165,168,125,121,123,176,183,181,181,178,176,170,165,125,123,121,127,176,181,173,127,125,127,168,173,176,173,168,123,120,119,123,170,173,125,121,165,168,125,124,165,165,121,121,125,125,122,122,125,168,168,127,170,181,189,191,183,176,173,178,181,176,173,173,181,181,170,129,176,181,183,186,181,174,173,174,176,176,176,181,178,178,181,181,173,123,116,112,114,125,178,183,186,183,178,173,178,186,191,196,196,194,191,191,189,191,194,189,186,183,131,124,127,186,199,202,207,209,204,196,189,181,173,173,173,178,178,176,176,131,130,130,131,176,176,176,176,176,178,181,183,183,183,181,176,127,125,127,178,196,207,209,207,207,207,209,207,199,194,196,196,202,204,202,194,189,186,189,186,181,178,133,131,133,189,207,217,222,222,222,222,212,204,196,191,183,178,135,135,181,186,194,194,186,176,131,129,128,130,176,181,181,181,186,189,183,176,129,127,127,127,125,127,127,129,170,176,173,170,170,176,181,189,194,194,189,178,176,176,131,127,129,186,196,194,191,186,186,189,191,189,181,176,176,181,183,176,123,119,121,123,127,127,165,125,123,123,168,186,202,207,207,202,123,115,111,115,121,121,123,176,191,199,191,173,169,178,186,186,183,186,183,176,173,170,165,178,183,173,97,65,81,113,119,173,183,183,183,191,199,204,207,212,212,186,55,44,57,69,65,47,13,0,0,6,53,147,71,63,137,147,99,134,183,186,181,173,150,87,71,144,176,176,170,165,142,20,0,10,25,30,63,31,9,10,71,134,89,85,134,131,57,126,155,157,176,181,183,181,183,189,176,134,69,73,178,196,63,4,69,137,144,105,29,33,101,152,155,168,176,173,138,151,155,160,170,178,173,160,155,157,160,176,186,183,163,103,83,69,57,81,107,105,109,105,89,103,89,74,73,85,178,217,230,230,230,228,228,230,233,225,202,181,173,173,178,183,186,186,186,186,189,191,173,119,97,51,58,99,101,101,107,115,117,115,117,163,165,165,165,168,181,199,207,202,168,111,108,111,125,170,168,127,125,168,173,178,178,176,181,202,212,217,215,202,183,129,127,170,176,176,170,127,170,176,173,127,126,126,170,176,178,176,173,176,183,191,199,204,204,191,119,109,111,119,168,173,168,115,100,96,109,101,98,113,160,117,107,103,105,109,115,165,186,199,204,204,183,165,121,163,170,168,163,168,160,115,111,111,115,160,176,189,191,183,183,189,186,176,165,119,113,112,115,119,160,163,163,157,113,109,108,109,115,119,157,119,117,157,160,93,66,56,75,113,157,105,90,91,105,103,102,107,107,117,176,199,209,209,194,176,165,123,119,121,163,168,165,121,121,125,173,181,170,115,109,111,108,109,111,117,125,165,117,113,117,168,176,178,170,168,176,186,186,189,194,199,196,183,170,127,170,178,189,194,194,191,191,191,191,196,194,186,98,76,103,123,170,170,173,173,170,170,170,173,176,178,178,173,170,173,178,186,183,181,183,189,189,181,176,176,176,181,183,181,181,178,176,170,170,178,186,189,191,199,202,199,191,191,191,191,191,194,194,191,191,189,186,186,189,183,178,176,178,176,172,170,172,178,183,189,194,196,196,189,181,176,176,178,133,129,128,183,196,183,123,125,135,135,133,183,196,204,207,207,204,207,209,209,212,217,215,212,212,209,207,196,129,121,123,125,127,133,135,135,178,186,189,191,191,191,194,191,189,186,183,182,182,183,186,191,191,191,186,186,186,183,183,186,189,191,191,191,194,199,199,194,189,183,178,135,133,176,176,176,178,183,181,179,179,183,189,186,183,183,181,178,181,189,199,204,207,202,191,183,181,181,183,189,194,199,199,199,199,196,196,199,199,196,191,185,185,185,186,191,199,207,209,212,212,202,186,137,183,196,204,207,207,202,125,106,117,127,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,178,181,183,186,181,168,121,113,109,113,115,115,117,119,117,121,123,163,163,165,165,168,168,170,170,168,163,121,119,119,125,170,173,170,168,173,181,183,189,191,191,191,186,178,170,168,127,126,126,127,170,173,173,170,168,168,168,127,125,125,129,173,178,181,181,178,177,177,181,186,191,194,194,194,196,194,191,189,186,178,178,186,196,202,199,196,189,183,181,178,178,178,183,183,183,181,178,178,178,176,173,131,173,173,173,173,173,170,127,123,121,121,123,125,125,127,170,173,176,178,181,183,181,181,183,183,181,178,181,183,186,183,183,178,176,176,176,133,133,133,178,181,183,186,186,186,186,189,189,191,194,196,194,186,183,185,191,194,196,196,196,194,196,196,199,199,199,199,202,204,204,204,199,196,194,191,186,186,189,189,191,191,194,194,191,191,189,183,181,178,178,181,183,186,191,199,202,202,199,199,202,204,204,204,204,204,207,207,204,204,204,204,207,207,204,204,204,202,202,199,196,196,196,196,194,191,186,183,183,183,183,186,183,178,176,178,183,183,181,178,176,128,127,129,176,181,183,186,189,194,196,196,196,194,189,183,183,183,186,189,191,189,189,189,194,196,199,196,191,186,186,186,189,191,189,189,186,186,189,191,191,186,183,183,189,196,202,204,202,194,189,186,181,135,133,131,129,125,127,178,183,183,183,186,186,176,128,127,131,181,186,186,186,189,194,186,183,186,186,183,186,191,194,189,181,178,178,181,183,183,178,176,132,131,132,133,133,131,133,176,176,176,178,181,183,183,186,186,186,183,178,176,178,183,189,186,189,196,199,194,189,189,189,183,183,183,186,183,181,181,189,196,196,194,189,189,191,194,194,191,189,186,186,189,183,173,129,129,173,176,181,186,189,186,183,181,181,181,181,183,186,183,178,173,170,170,170,128,128,173,173,125,123,124,131,176,178,178,176,176,178,189,199,199,191,183,181,186,186,181,178,176,173,173,178,176,170,173,181,183,183,183,183,189,189,186,181,176,176,181,178,170,127,129,173,173,176,176,176,173,131,129,127,129,129,125,123,125,173,183,186,183,181,179,181,186,191,194,189,181,173,172,176,178,181,183,183,183,186,186,189,186,181,173,131,131,131,133,178,183,186,189,189,189,194,202,204,196,186,176,125,125,129,176,183,189,196,199,194,194,194,194,189,189,191,194,186,181,181,178,176,133,133,178,181,183,186,189,189,189,189,186,186,186,186,189,196,199,191,181,135,133,129,127,126,127,133,181,183,183,181,194,215,215,208,208,212,215,212,212,215,215,204,194,183,181,181,186,191,199,202,196,183,178,179,189,202,209,209,207,194,189,181,176,177,183,186,178,177,177,178,181,183,170,168,169,173,178,178,174,176,186,191,189,178,173,176,181,186,191,196,204,217,225,225,228,230,233,228,215,207,207,212,215,212,209,202,199,202,202,204,204,202,199,202,204,212,217,217,215,215,217,215,209,207,212,222,225,228,230,233,233,0,0,0,0,0,0,0,0,0,0,215,209,204,207,212,0,0,0,0,0,0,0,0,0,0,209,202,202,202,207,0,212,212,212,209,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,183,173,165,165,165,165,163,0,0,0,0,0,0,0,152,157,163,165,173,183,194,204,212,217,222,220,215,212,215,217,222,220,215,212,212,212,204,196,196,202,209,217,222,217,212,207,207,209,215,215,215,215,215,212,209,211,215,222,225,225,222,222,220,220,222,228,228,222,215,215,215,212,209,209,204,149,148,149,199,204,207,209,209,209,209,212,217,225,228,228,230,230,230,230,230,230,228,228,222,217,213,215,217,222,217,215,215,217,215,209,204,204,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,202,207,196,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,85,87,0,0,0,0,0,0,0,0,0,0,0,69,124,147,157,152,23,25,116,105,37,0,15,75,65,65,126,139,147,152,157,160,157,156,157,160,159,159,160,163,165,165,125,170,181,191,199,207,212,207,191,178,173,168,127,124,125,173,189,186,173,168,170,178,181,181,176,168,123,122,123,165,165,168,173,178,173,168,168,176,170,107,107,123,165,125,125,168,168,165,125,125,123,117,119,127,176,173,168,168,170,170,170,173,173,165,121,119,117,119,176,178,111,107,123,170,125,123,123,125,168,168,165,121,120,123,168,168,168,168,170,178,181,178,176,170,168,170,176,170,128,176,183,183,181,173,170,170,176,181,183,178,176,178,181,183,186,183,178,178,189,183,127,119,115,114,112,125,186,189,194,194,178,172,176,181,183,183,186,186,183,183,186,194,196,189,183,181,131,124,122,131,183,191,199,204,207,204,196,186,176,173,176,183,186,186,183,176,130,129,130,131,173,178,181,186,186,183,183,183,181,178,133,126,124,127,186,202,209,209,209,209,212,215,209,202,196,194,196,199,202,202,196,191,191,194,196,191,181,132,129,130,131,181,202,207,207,212,209,202,191,191,202,202,189,183,189,191,191,196,204,196,181,176,132,131,131,133,178,181,183,191,194,186,173,127,125,127,127,123,123,127,129,129,170,170,169,170,176,181,186,189,194,194,189,178,129,124,123,127,183,196,196,191,189,186,189,189,186,183,178,176,181,186,176,119,115,119,168,127,121,123,125,125,125,165,170,181,189,189,178,123,121,117,117,168,178,176,181,191,194,186,176,170,176,189,196,191,186,183,178,189,176,84,118,176,101,53,50,121,160,163,173,183,186,183,186,191,199,202,207,212,212,194,47,57,69,77,87,85,18,0,13,165,168,168,155,152,81,0,0,49,163,157,79,57,49,65,157,181,176,168,163,152,81,1,12,9,0,51,37,21,5,31,85,89,124,129,89,43,75,91,163,173,186,191,183,183,186,176,142,47,51,178,191,37,0,59,150,160,155,14,36,147,155,139,139,165,170,165,160,155,157,165,176,178,165,170,168,165,170,181,170,103,105,155,111,62,115,97,77,89,109,170,170,119,74,75,83,105,207,217,228,228,228,228,230,230,225,204,183,170,169,170,176,181,183,186,189,194,194,186,165,81,47,49,75,87,95,103,109,113,121,173,178,173,168,165,165,168,178,183,178,125,117,111,113,121,168,173,173,170,173,176,176,173,170,173,191,207,215,215,204,183,125,121,127,173,173,170,127,127,170,170,127,127,127,170,176,176,176,170,173,181,189,196,202,202,186,119,110,113,119,163,168,163,105,96,96,109,107,107,121,168,121,109,103,107,111,117,165,183,196,199,189,170,121,117,119,165,165,163,165,168,119,113,114,165,183,196,202,202,196,194,189,178,170,163,119,115,115,117,119,160,163,165,157,111,108,113,178,183,163,117,115,109,113,157,165,99,70,87,103,111,107,89,81,87,107,115,115,113,119,173,191,199,202,189,170,121,110,110,109,110,117,119,119,119,123,170,173,123,107,104,105,109,111,113,117,121,121,115,113,121,168,173,176,173,173,178,183,186,191,194,196,189,176,127,124,129,178,186,191,191,191,191,194,196,199,196,186,111,94,103,127,129,123,123,125,125,127,170,176,176,176,173,170,168,170,176,178,181,181,189,194,194,186,178,174,176,181,183,183,186,189,183,173,170,173,181,186,189,191,196,194,183,176,176,181,186,191,196,196,196,191,186,189,191,191,186,183,181,181,176,173,173,178,183,189,191,194,194,189,181,134,176,178,135,132,135,194,204,196,181,137,186,189,189,194,199,204,204,204,202,204,207,209,212,212,212,209,209,209,209,204,191,137,129,125,123,125,127,129,135,189,191,191,191,191,194,194,194,189,183,183,183,186,191,194,191,186,183,183,183,181,177,181,189,189,181,179,186,194,199,194,181,134,135,183,186,186,186,186,186,189,183,179,179,183,186,186,183,183,181,181,183,189,199,204,204,196,186,181,179,181,186,189,196,202,202,196,195,195,195,195,196,196,191,186,189,189,194,202,209,215,215,215,215,207,199,189,186,189,194,196,202,199,186,135,131,135,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,178,178,181,183,183,181,173,123,117,115,117,119,121,123,123,121,123,165,165,163,168,170,173,170,170,170,168,165,125,123,125,173,176,178,176,176,176,178,181,181,183,189,191,186,181,173,170,127,127,126,126,127,170,170,168,168,168,129,125,119,117,123,170,176,176,178,181,181,178,181,189,191,191,194,196,196,194,191,189,183,178,177,183,191,194,194,191,189,183,178,178,181,183,186,183,183,181,176,176,176,176,173,173,173,173,176,178,178,173,170,129,125,127,129,170,170,170,173,173,176,176,178,178,178,181,183,183,183,181,181,183,186,186,183,181,178,178,176,176,178,181,183,183,183,183,186,189,189,191,191,191,191,196,194,186,183,185,186,189,191,196,196,194,194,196,196,199,196,199,199,204,204,202,196,194,191,189,186,186,186,189,189,189,189,189,189,189,186,183,178,178,177,178,183,186,189,196,202,202,202,202,204,204,204,204,207,207,204,204,204,204,204,204,204,204,207,207,204,202,199,196,196,194,191,191,191,191,191,186,181,181,181,183,181,176,132,133,181,186,183,181,176,129,128,131,181,186,189,186,189,194,196,196,194,191,186,183,182,186,189,191,189,186,183,186,189,189,189,186,186,183,186,189,191,191,186,183,183,186,191,194,194,189,183,183,189,196,202,202,199,194,189,183,183,183,181,181,178,176,176,181,186,189,186,183,181,133,128,127,129,176,178,181,186,189,191,189,183,183,183,183,189,194,191,183,178,176,178,178,178,178,178,176,131,131,133,133,131,128,129,131,131,131,131,176,181,186,189,189,189,183,176,174,176,183,189,189,191,196,199,196,194,194,194,191,189,191,191,186,183,181,183,189,191,189,191,194,194,196,196,196,191,186,186,186,183,176,131,129,173,176,178,181,181,178,178,178,178,178,181,183,183,183,178,176,173,173,170,129,129,131,173,127,124,127,176,178,178,173,131,131,178,189,202,204,194,186,186,191,194,189,181,173,170,178,183,181,173,173,173,173,176,176,178,183,186,189,186,183,181,181,181,176,173,173,176,176,178,181,178,176,131,127,125,125,125,124,123,125,176,186,189,186,183,183,183,181,178,178,178,176,172,170,173,178,181,178,181,183,186,189,191,189,186,181,133,176,181,183,186,186,186,183,183,186,191,194,194,189,178,127,121,124,129,176,181,189,194,196,194,194,194,191,189,189,189,189,178,176,133,131,130,131,176,183,186,183,186,191,191,194,191,189,186,186,183,186,191,196,194,189,183,178,131,127,126,127,133,181,183,183,183,191,207,215,212,209,212,215,215,215,215,209,202,194,191,191,191,191,196,199,199,196,186,182,181,183,189,189,191,196,194,189,183,178,177,178,181,181,178,181,181,181,178,176,173,173,176,181,178,172,172,181,189,183,0,169,172,183,191,194,199,207,217,225,225,228,230,230,225,215,209,209,212,215,215,209,202,198,199,202,202,202,202,202,202,204,212,215,217,215,215,215,215,209,207,212,217,217,222,228,230,230,0,0,0,0,212,209,209,212,0,0,0,217,209,204,207,209,0,0,0,0,0,0,0,0,0,0,202,200,202,207,0,215,222,217,212,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,170,165,163,163,163,160,155,150,147,147,147,155,160,163,163,168,173,183,194,204,212,215,215,215,212,209,212,217,222,222,215,211,212,212,209,202,202,204,209,215,222,222,217,212,207,209,215,215,215,215,215,212,211,212,215,222,222,217,222,222,222,220,222,228,225,217,215,217,215,212,212,209,204,196,148,148,199,204,207,209,209,209,212,215,222,228,228,228,228,230,233,230,230,230,230,228,225,217,215,215,220,222,222,217,217,222,217,212,209,209,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,189,196,199,186,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,150,186,191,0,0,0,0,0,0,0,0,0,0,0,0,64,124,147,144,74,82,163,176,176,19,15,139,137,116,131,144,150,152,160,163,160,157,157,160,160,160,163,165,165,123,121,123,173,186,194,202,207,202,189,178,170,168,127,126,125,168,181,181,170,168,173,183,191,189,181,176,165,123,125,168,170,173,176,176,173,165,168,176,168,101,101,111,117,117,121,165,168,168,170,173,173,115,113,117,168,176,178,181,178,170,168,170,170,165,125,123,121,165,194,191,95,84,107,168,168,124,124,165,168,165,123,120,120,125,170,170,170,173,178,178,176,173,168,166,168,170,170,128,127,170,178,186,186,181,129,125,127,173,178,181,183,186,189,191,196,191,183,181,183,183,176,127,123,119,115,125,186,194,199,194,178,173,176,178,176,176,178,181,183,181,183,196,196,189,181,176,131,123,121,125,173,181,189,196,202,202,196,189,178,176,181,189,191,194,189,178,173,173,173,131,130,181,186,186,186,181,178,178,178,176,133,127,125,131,191,209,215,215,212,209,212,215,212,204,196,194,194,196,199,199,196,194,194,199,202,196,186,178,133,133,131,131,181,189,189,194,194,189,183,186,202,207,202,202,207,202,191,194,202,199,189,189,191,186,178,176,178,181,189,194,196,189,176,127,125,125,125,122,122,125,127,129,170,173,176,176,176,176,178,181,191,196,194,181,129,123,122,123,129,181,189,189,189,189,191,189,186,186,181,178,181,181,170,115,113,119,127,123,117,119,123,125,125,125,125,165,173,173,165,119,119,119,163,181,196,194,189,186,181,170,163,163,170,189,199,194,186,181,173,173,121,86,109,119,99,61,55,163,170,173,178,183,189,189,183,183,186,189,194,204,212,209,59,61,69,85,137,186,89,19,69,163,168,170,163,150,15,0,0,0,35,51,51,49,61,155,194,199,199,191,176,155,87,85,160,77,29,41,37,26,21,45,57,65,131,124,49,0,0,0,81,150,186,191,183,181,183,155,22,3,29,173,181,44,0,53,150,155,85,11,32,163,163,142,140,155,160,160,157,155,155,165,173,178,178,181,173,168,165,160,107,93,96,113,113,75,109,87,75,85,115,189,194,168,89,87,85,89,189,207,217,228,230,228,225,225,217,204,189,170,168,168,169,176,183,189,191,194,196,194,181,107,55,51,59,89,95,97,103,113,170,181,183,176,165,160,160,163,163,121,117,117,117,117,117,121,125,173,178,183,183,178,176,173,168,168,176,191,199,199,191,178,123,116,115,127,129,129,127,126,168,168,127,127,168,173,176,178,178,170,159,165,181,194,199,191,170,117,114,117,117,115,117,117,107,101,104,113,113,115,165,170,160,111,107,111,117,121,165,176,183,183,176,163,117,116,116,119,121,160,176,181,168,117,121,189,202,207,207,204,199,194,183,173,165,160,121,119,119,119,117,119,157,157,117,108,106,113,168,170,119,113,111,109,109,117,165,117,95,99,105,111,111,91,83,88,160,181,189,186,173,170,176,176,121,117,160,119,111,113,110,107,111,117,119,119,121,123,163,119,109,106,108,115,119,121,123,123,125,121,119,123,168,170,173,173,168,168,170,178,186,186,181,176,173,129,125,129,170,176,178,181,183,189,194,199,196,194,189,173,117,121,170,127,121,121,123,125,129,176,178,178,176,173,168,166,168,173,176,178,183,189,194,194,189,181,176,181,186,186,189,191,191,186,176,170,176,186,191,189,189,189,186,176,127,123,129,178,191,199,199,196,191,186,186,194,196,194,189,183,178,173,131,131,178,183,186,186,183,181,181,178,135,135,178,183,183,189,199,204,199,189,183,191,196,199,202,202,202,202,199,196,199,202,207,209,212,209,209,207,207,207,204,199,191,186,137,131,131,129,129,135,189,196,194,191,191,194,196,196,194,191,191,189,189,191,189,183,181,181,181,181,178,177,181,186,181,174,173,183,196,202,199,186,135,178,186,191,194,194,191,191,194,191,186,183,186,186,186,186,183,183,183,186,191,199,204,202,196,186,179,181,183,189,194,202,207,204,199,196,196,196,196,196,199,194,191,191,194,199,207,212,217,217,217,215,209,202,194,189,189,191,194,202,202,199,196,194,189,183,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,176,176,178,181,181,181,181,176,168,123,121,123,123,125,163,123,121,163,165,165,165,170,178,178,173,170,168,168,168,165,165,168,173,176,176,176,176,176,176,173,172,173,183,186,186,181,178,176,173,170,127,126,127,170,173,170,170,129,127,119,112,111,117,125,173,173,178,183,183,181,181,189,189,191,194,196,196,194,191,186,181,177,177,181,186,186,183,183,183,181,178,178,183,186,186,186,183,181,176,173,176,176,173,172,173,173,176,178,178,176,173,173,170,170,173,173,170,170,170,173,173,173,176,176,178,181,183,186,186,183,183,183,183,186,183,183,181,181,181,181,183,186,186,183,183,183,189,189,191,189,189,189,191,196,194,186,183,186,191,191,196,196,196,196,194,194,194,196,199,199,199,202,202,199,194,189,186,186,186,186,186,186,186,186,186,183,183,183,183,181,178,178,177,178,183,186,186,191,196,199,202,204,204,204,204,204,207,207,204,202,202,204,204,202,202,202,204,207,204,199,199,199,199,194,191,189,189,191,191,189,183,181,181,181,178,133,132,133,178,183,183,178,176,133,131,176,183,189,186,183,189,194,196,194,189,186,183,182,182,183,189,189,186,181,181,181,183,183,183,183,183,183,186,189,191,189,186,183,183,186,189,191,191,189,186,183,189,196,202,199,196,191,186,183,186,189,189,186,181,178,178,181,181,183,181,181,178,133,129,128,129,133,176,178,183,183,186,183,183,181,181,181,186,189,189,181,176,176,178,178,176,178,178,178,133,133,178,178,133,129,128,129,127,126,127,133,181,186,189,191,191,186,178,173,174,183,191,194,191,191,191,194,196,196,194,189,189,191,191,189,183,181,181,183,186,189,194,196,196,196,196,194,189,186,186,189,183,178,173,129,129,173,176,181,178,177,177,178,178,178,181,183,183,183,178,176,173,131,131,129,129,131,173,129,127,173,178,178,173,131,128,129,173,181,191,194,189,186,191,199,199,191,178,168,168,178,189,186,176,170,129,129,129,127,127,170,176,178,178,178,176,178,178,178,178,181,178,181,183,183,181,178,131,127,125,124,125,125,127,173,181,186,189,189,191,191,191,183,173,170,170,172,172,172,173,178,178,177,178,183,183,186,189,189,186,183,178,181,186,189,189,189,183,181,181,183,186,189,189,183,133,127,125,129,133,176,181,186,191,191,191,191,191,191,189,186,183,181,131,130,131,130,129,131,181,189,191,189,189,189,189,191,191,191,189,186,181,178,183,191,196,194,189,181,133,127,126,127,133,181,186,186,183,183,194,207,209,212,215,215,212,212,207,202,196,194,194,199,202,202,202,196,194,194,194,191,189,189,181,125,121,181,186,186,183,181,178,178,183,186,189,191,189,181,176,178,181,181,181,186,181,170,170,176,183,181,0,169,170,181,194,199,204,212,217,225,225,225,225,225,217,209,209,209,212,215,215,209,202,198,199,199,202,202,202,199,199,202,209,212,212,212,212,212,212,209,207,209,215,215,217,225,228,228,0,0,0,0,212,209,207,207,0,0,0,0,222,215,215,215,0,0,0,194,191,0,0,0,0,0,204,202,202,207,0,222,225,222,215,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,251,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,168,160,160,165,165,160,155,155,150,150,155,160,165,165,170,173,181,191,202,209,212,212,209,209,209,215,217,222,225,217,212,212,215,212,209,204,207,0,215,220,222,217,209,207,209,212,212,212,215,215,212,212,215,217,217,215,215,217,225,222,222,225,228,225,217,215,217,215,212,212,209,204,196,148,149,199,204,207,209,209,209,209,215,222,225,225,225,225,230,233,233,230,230,230,228,225,217,215,215,220,225,225,222,217,222,222,217,215,215,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,157,181,191,196,199,191,118,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,181,202,199,0,0,0,0,0,0,0,0,0,0,0,0,0,69,139,139,131,150,170,178,176,14,9,139,152,134,139,152,155,157,165,168,165,160,157,160,163,165,168,173,170,123,121,122,168,181,194,199,196,189,181,176,170,168,170,168,127,168,176,176,170,125,170,181,189,186,181,178,176,168,122,122,170,181,181,170,125,125,165,173,165,103,101,107,109,109,119,168,176,176,178,183,178,115,111,113,125,178,189,189,183,173,127,127,127,125,165,165,168,178,204,204,84,77,85,125,173,170,170,168,165,123,122,122,125,168,170,168,170,178,181,178,168,127,168,170,181,183,176,128,127,129,173,183,186,181,127,117,116,123,173,178,181,186,189,194,199,202,196,183,179,186,186,178,176,173,127,131,183,196,196,189,181,178,176,133,133,133,176,181,186,181,178,189,196,189,178,133,129,124,122,127,173,173,178,183,189,191,189,183,176,178,183,191,196,196,189,181,181,183,183,131,129,183,189,183,178,176,173,173,131,131,133,129,127,176,196,215,225,225,217,209,209,212,212,204,196,194,194,196,199,199,196,194,194,199,202,196,189,186,186,186,178,131,133,135,135,181,183,181,178,183,196,202,204,212,220,209,191,189,194,189,186,194,199,196,189,178,178,183,186,189,191,186,178,131,127,125,123,122,123,127,129,127,127,131,181,183,178,173,172,176,186,194,191,181,131,127,125,123,122,124,176,183,183,186,191,189,186,186,181,176,178,178,127,114,113,119,127,121,115,117,123,121,121,123,123,123,165,170,165,123,123,165,173,181,196,202,194,181,165,115,114,117,165,181,189,181,176,173,168,163,119,106,114,123,119,105,99,123,170,176,170,176,186,191,186,181,179,181,182,194,207,220,95,63,63,71,81,87,59,45,95,147,150,152,137,37,0,0,0,21,35,31,23,53,139,196,204,207,209,209,183,160,81,168,202,176,79,37,39,30,35,65,23,7,43,37,17,0,0,0,0,41,150,178,178,186,147,31,19,17,45,152,150,50,32,57,101,95,40,24,38,155,160,147,144,152,155,155,157,157,163,168,165,163,183,181,170,165,160,115,99,92,92,99,105,81,89,79,77,89,115,183,196,165,109,115,97,93,163,189,204,217,225,228,225,222,215,207,194,181,170,168,168,173,186,189,191,194,196,199,191,165,77,56,55,101,99,94,97,117,176,183,181,170,163,160,163,165,123,110,106,111,115,119,121,121,121,170,186,196,191,178,176,176,168,125,123,127,170,176,181,183,176,118,110,123,127,127,127,127,168,170,127,127,173,178,178,183,189,176,151,157,173,191,191,176,123,119,121,121,115,110,110,113,115,117,123,121,119,160,170,173,163,115,113,117,121,163,165,165,168,168,168,165,160,119,119,117,117,160,189,199,186,121,160,196,204,204,204,199,194,186,176,168,165,165,165,160,160,157,117,116,117,117,111,106,105,108,113,113,111,110,111,109,108,109,157,157,115,113,113,160,165,111,93,105,178,199,207,207,194,181,173,163,101,98,113,117,117,163,119,110,111,117,117,115,115,117,119,119,115,115,119,121,165,165,165,168,170,170,168,168,170,168,170,168,125,122,121,127,176,176,168,127,129,170,127,125,125,125,129,173,178,183,186,194,191,191,189,178,125,125,170,170,125,123,125,127,173,178,178,181,178,176,170,166,166,170,173,176,178,181,186,189,189,181,176,181,183,183,183,186,186,181,173,170,178,189,191,189,189,189,181,176,125,117,117,129,183,191,194,191,186,183,183,189,194,194,189,181,176,130,129,131,178,181,181,178,133,131,133,135,178,178,181,189,191,194,199,199,194,186,186,191,196,204,204,202,199,196,196,195,195,199,204,207,209,209,209,207,204,202,202,202,199,199,199,194,189,181,133,135,189,196,194,191,191,194,202,202,202,199,196,191,189,186,181,136,135,178,181,178,178,178,181,186,181,174,174,189,202,207,207,199,186,183,186,191,196,196,194,191,194,194,191,189,189,189,189,189,189,186,186,189,196,202,204,202,196,186,181,183,186,191,196,202,207,207,199,199,199,199,199,202,202,202,196,196,199,202,207,215,222,222,222,217,212,204,196,191,189,191,194,199,202,202,204,207,202,189,137,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,173,173,173,176,178,181,181,181,178,173,168,165,165,165,165,125,123,121,123,165,168,168,176,181,181,176,173,170,170,168,168,168,168,170,170,170,173,173,176,176,173,169,173,183,186,186,181,181,181,178,173,170,127,127,170,176,176,173,129,123,113,110,110,117,127,173,173,178,186,186,181,181,186,189,191,194,196,196,194,191,186,181,178,178,183,186,183,182,181,183,183,181,181,186,189,189,186,189,181,176,173,178,178,176,173,173,176,178,178,176,173,176,176,176,176,176,173,170,169,170,170,170,173,176,176,178,181,183,186,186,183,183,183,183,183,183,183,181,181,181,183,186,186,186,183,183,186,189,189,189,186,183,183,191,194,191,183,183,189,194,199,199,199,199,196,194,194,194,196,199,199,199,199,199,199,196,191,186,186,186,186,186,186,186,186,183,182,182,183,183,181,178,178,178,181,186,186,189,191,194,196,199,202,202,202,202,202,204,204,202,199,202,202,202,202,202,202,202,204,202,199,199,202,202,199,194,189,186,186,189,189,189,183,181,181,181,176,133,133,176,178,178,176,176,176,176,178,183,186,183,183,189,194,196,191,186,183,183,183,183,186,189,186,183,181,178,178,181,183,181,181,183,186,189,189,189,189,186,186,183,183,183,186,191,191,189,189,189,194,199,199,194,191,186,183,186,189,189,183,178,176,176,176,176,133,176,178,176,176,178,178,178,176,178,181,181,181,181,181,181,179,179,179,183,186,183,178,176,176,176,176,133,176,178,178,178,181,183,183,178,131,129,129,127,125,126,131,178,186,189,189,186,183,178,173,173,181,194,194,191,186,186,189,194,194,189,183,183,189,191,189,186,183,183,183,186,191,194,196,194,191,191,191,189,186,189,189,186,178,131,126,126,127,173,178,178,177,177,178,181,178,181,181,183,181,176,131,129,127,127,129,131,173,176,131,131,178,178,176,131,129,129,129,129,131,176,178,178,181,191,202,199,189,176,166,168,181,194,191,181,173,129,127,125,121,118,118,123,129,170,170,173,176,178,181,181,183,186,191,189,183,181,181,176,129,125,124,124,127,173,181,186,189,189,189,194,196,194,186,176,170,170,172,173,173,178,178,177,177,178,181,183,183,183,183,186,183,181,181,186,186,189,186,183,181,181,181,183,186,186,181,133,131,178,181,178,178,181,186,189,189,186,189,191,191,186,183,181,176,130,130,131,131,131,133,183,194,196,194,191,189,181,183,189,189,189,186,178,174,176,186,196,196,191,183,133,127,127,131,135,183,189,189,183,182,186,196,207,212,212,212,209,202,196,191,189,189,194,204,209,209,199,189,186,189,194,194,191,183,131,106,100,108,133,181,181,181,181,183,186,191,199,196,186,176,129,176,183,186,189,191,189,174,172,176,183,186,181,176,173,178,189,196,204,209,217,225,225,222,222,217,212,207,207,207,209,212,215,209,204,202,199,202,202,202,202,199,198,199,204,209,209,212,212,212,209,207,204,207,212,215,215,222,225,225,0,0,0,0,212,207,202,199,202,0,0,0,0,0,0,0,0,0,0,194,191,191,196,199,202,204,204,204,202,207,0,222,228,222,212,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,251,248,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,163,160,163,165,165,163,160,152,150,152,157,163,165,170,176,181,189,199,204,207,209,207,207,209,215,217,222,222,215,212,215,215,215,212,209,207,209,212,217,220,215,207,202,204,209,209,209,215,217,217,217,222,222,215,212,212,217,225,225,222,225,228,228,222,217,215,215,212,209,207,204,196,149,149,199,204,207,209,209,209,209,212,217,222,222,222,225,230,233,233,230,230,230,228,225,217,215,215,220,225,225,220,217,222,225,225,222,217,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,147,186,194,196,199,204,173,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,173,189,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,137,155,165,144,92,25,11,6,118,137,137,144,155,157,163,168,173,168,163,160,163,168,170,178,181,173,165,122,121,125,181,194,196,189,181,176,170,168,168,170,168,127,127,170,170,127,123,127,173,176,173,173,181,183,178,119,116,125,189,186,165,118,121,123,125,123,109,106,106,105,105,117,173,181,181,181,181,173,117,113,114,125,178,189,189,183,170,125,125,125,124,125,165,168,181,204,204,91,80,89,165,181,183,181,170,125,122,122,168,176,176,170,127,127,173,181,173,125,125,173,189,199,202,194,178,129,129,170,176,181,176,121,112,111,119,170,176,173,178,186,194,202,207,207,189,183,196,194,186,189,199,194,178,178,189,186,178,178,178,133,132,133,133,176,181,186,178,124,127,189,186,176,133,131,127,125,176,181,176,178,181,183,181,178,173,129,131,181,189,194,194,189,183,186,189,186,176,131,183,186,178,131,131,131,129,129,129,129,131,131,178,196,215,228,228,217,209,209,212,209,204,196,194,194,194,194,196,194,189,186,191,196,194,189,189,191,191,186,183,181,135,134,181,183,181,178,181,186,189,194,209,222,212,194,183,181,135,135,181,189,189,186,178,178,181,181,181,181,181,176,173,129,127,123,122,125,131,131,126,124,127,181,189,181,173,170,170,178,186,186,178,176,181,186,176,123,122,127,173,131,173,181,186,183,181,178,176,176,176,127,116,114,119,125,117,113,115,119,119,118,119,119,125,170,178,176,170,170,178,178,172,176,194,194,181,125,113,112,115,165,178,178,170,166,170,168,168,173,125,121,165,165,165,119,115,123,163,117,117,176,189,189,182,181,179,181,183,196,212,176,71,63,49,21,27,25,35,91,99,134,137,75,49,0,0,0,29,37,33,26,99,181,207,212,209,209,202,152,75,63,173,196,181,142,97,181,178,51,39,7,8,23,1,0,0,0,0,0,0,0,13,31,57,35,27,67,155,157,144,83,53,59,73,81,55,39,47,67,99,147,147,147,155,157,160,168,173,176,173,111,74,173,170,165,163,163,155,109,99,96,99,103,83,78,77,79,99,113,157,165,113,109,170,163,111,117,163,181,196,207,215,222,225,222,209,202,196,186,173,169,173,183,189,189,191,196,196,189,119,83,65,61,101,101,95,99,119,173,176,170,163,121,121,168,178,170,111,104,111,119,123,123,119,118,165,191,202,194,181,176,173,168,121,121,121,121,127,183,209,209,178,119,170,170,168,127,127,170,176,170,168,176,183,189,194,202,194,156,155,168,181,178,125,121,121,123,123,115,110,109,113,121,168,178,168,163,165,170,168,160,117,115,117,160,165,165,160,121,121,160,168,168,168,165,160,117,160,194,204,191,117,115,183,194,189,186,183,181,176,170,168,170,170,170,168,165,163,119,117,117,119,115,108,109,109,109,109,111,113,113,111,108,108,119,163,168,170,170,186,186,168,117,165,191,204,209,204,207,194,181,168,101,95,103,111,117,168,163,115,115,115,113,109,109,113,119,121,121,121,163,165,170,170,168,170,173,173,173,176,176,168,125,125,122,121,120,122,127,168,125,123,123,125,125,125,121,121,127,173,178,178,178,183,186,186,186,176,125,124,129,176,170,127,127,127,170,176,176,178,178,178,173,168,168,170,170,170,168,170,176,183,183,178,170,173,176,170,129,129,170,129,125,125,173,178,181,186,191,186,178,176,129,117,109,115,127,178,186,189,186,181,181,183,189,189,183,178,173,130,129,131,178,178,133,131,130,129,131,178,181,183,183,191,194,194,194,194,189,186,186,189,196,204,207,207,202,199,196,195,196,199,204,207,209,209,207,204,204,202,202,202,202,204,204,202,199,191,181,137,183,194,194,191,194,199,204,204,202,199,196,194,191,183,137,135,135,178,181,178,178,178,181,189,189,183,186,196,204,207,209,204,194,186,186,189,194,196,194,191,191,194,191,191,189,191,191,194,191,191,191,194,199,204,207,204,199,194,189,186,186,189,191,196,202,202,199,199,202,202,202,202,204,204,202,199,202,204,209,215,217,222,222,217,212,207,202,196,191,189,191,196,196,196,202,209,209,199,189,135,133,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,178,176,176,172,172,173,178,181,181,181,178,176,173,170,170,170,168,125,123,123,125,168,168,173,178,183,183,181,176,173,170,170,168,166,166,166,168,168,170,173,173,176,176,173,181,189,189,183,181,178,178,176,173,173,170,170,170,176,176,170,127,121,113,111,113,123,173,178,178,181,183,181,178,181,186,189,191,194,196,196,194,191,186,183,181,181,183,186,186,183,183,186,189,186,189,189,191,191,191,191,183,176,133,178,183,178,176,176,178,178,178,176,173,176,176,176,176,176,173,170,170,173,173,173,173,176,176,176,178,181,183,183,183,181,181,181,183,183,181,181,181,181,183,186,189,189,189,189,189,186,183,183,181,179,181,186,189,186,183,183,189,196,199,202,199,196,196,194,194,194,196,199,199,196,196,196,199,199,194,191,189,186,186,186,186,189,189,186,183,183,183,183,181,178,181,183,189,191,191,191,194,196,196,199,199,199,199,199,199,199,202,199,199,199,199,202,199,199,199,196,199,199,196,196,199,202,196,191,186,183,183,183,186,189,186,183,181,181,181,176,176,176,176,176,176,133,133,133,176,181,183,183,183,186,194,194,189,183,181,183,186,186,189,189,186,183,178,177,178,181,181,181,181,183,186,189,189,189,189,189,186,183,178,178,183,189,194,194,191,194,196,199,199,196,194,189,183,183,186,186,183,178,176,133,133,131,131,176,178,178,181,186,189,189,186,183,183,181,181,181,181,181,179,179,181,183,183,181,178,176,133,131,130,131,176,178,178,181,181,183,183,181,133,131,131,127,126,126,131,176,183,183,178,176,178,178,174,174,183,191,191,186,183,183,183,186,186,183,178,178,186,191,189,186,183,183,186,189,189,191,191,191,189,186,189,189,186,186,186,183,176,127,124,124,127,176,181,181,178,178,181,183,181,178,178,178,176,129,125,123,123,125,129,173,176,176,131,131,176,178,176,131,129,129,131,131,131,131,131,131,176,186,196,194,183,173,168,169,183,196,199,189,178,173,173,129,121,116,116,119,125,127,129,170,176,178,181,183,189,194,196,189,176,176,181,181,173,129,127,127,129,178,183,189,189,189,189,189,191,191,191,186,178,173,176,178,181,181,181,181,178,181,183,186,186,183,181,181,181,179,179,181,183,183,183,183,183,181,183,183,186,186,183,176,176,181,181,178,178,183,189,189,186,183,189,191,189,186,186,183,178,131,131,133,133,176,181,186,194,199,199,196,186,176,176,181,183,186,183,178,173,174,183,191,191,186,181,135,133,133,135,178,181,186,191,191,186,186,194,202,207,207,204,196,191,189,186,186,186,189,202,209,207,191,181,179,186,196,191,181,135,127,106,98,101,125,176,181,181,183,186,189,194,196,189,173,123,121,125,178,189,191,196,194,181,176,181,191,194,194,189,181,178,183,196,202,207,215,222,222,217,215,215,209,207,204,207,209,212,215,212,207,204,202,204,204,204,204,199,199,199,204,209,209,209,209,209,209,207,204,204,207,212,215,217,220,220,0,0,0,0,209,207,199,194,196,0,0,0,0,0,0,0,0,0,0,196,191,191,191,194,199,204,207,204,204,204,212,222,222,217,209,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,248,248,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,0,0,165,163,163,0,168,163,157,0,0,0,157,163,170,178,183,189,196,204,207,207,204,202,204,212,215,215,217,217,215,215,217,217,215,209,207,209,212,215,215,209,202,199,202,204,204,207,212,217,222,225,225,222,215,211,212,222,228,228,222,222,228,230,225,217,215,215,212,209,207,202,196,149,149,199,204,207,209,209,209,209,212,217,222,222,222,225,230,233,233,230,230,230,228,222,217,215,215,222,225,222,217,215,217,222,225,222,215,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,1,144,186,191,194,199,196,124,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,108,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,124,157,155,82,45,19,33,71,118,129,139,150,155,163,168,170,170,170,165,160,160,165,176,183,183,173,165,123,122,123,181,194,191,181,173,170,168,127,168,127,125,125,127,168,127,122,122,125,168,170,170,170,178,186,183,120,115,123,183,181,121,116,119,119,113,113,111,111,109,105,106,121,173,176,176,176,170,125,119,117,121,127,176,183,186,178,168,124,125,125,125,125,165,168,178,196,194,101,91,111,176,189,194,186,170,122,121,125,173,181,181,173,125,121,127,173,168,121,127,186,202,207,209,204,194,178,170,170,173,176,129,117,112,111,125,181,176,128,170,186,194,199,207,204,191,191,207,199,186,194,207,204,178,127,131,129,127,133,176,133,132,176,178,181,186,186,129,107,108,133,181,176,176,178,176,176,189,189,183,183,183,183,181,176,127,123,125,173,183,186,186,183,181,183,186,181,176,176,181,181,173,131,130,131,131,129,127,127,129,131,176,189,207,217,225,217,209,208,209,209,204,199,196,194,189,189,189,186,181,178,183,189,191,189,189,191,194,191,191,189,178,135,186,191,186,178,176,176,176,181,196,207,204,191,181,135,129,125,125,125,129,176,133,176,176,176,176,178,181,181,176,131,131,129,125,129,178,178,125,123,126,181,189,183,176,173,170,173,176,178,176,183,196,207,196,131,124,127,127,125,125,131,178,178,178,181,181,178,176,127,116,115,119,121,115,113,115,121,121,118,118,118,125,178,183,181,176,173,181,181,170,170,181,183,178,165,117,115,165,181,186,181,170,168,173,176,183,191,181,165,125,168,168,119,101,105,113,105,100,117,181,186,183,183,183,183,183,189,199,181,101,103,83,23,21,19,22,57,87,137,152,150,165,49,0,0,0,33,61,89,160,178,202,215,217,196,81,44,43,83,160,160,41,21,79,181,191,55,27,10,16,39,7,5,43,51,53,39,0,0,0,0,0,25,55,157,191,189,160,81,61,95,91,65,42,43,93,93,101,109,107,111,152,163,176,189,191,186,168,71,52,107,155,160,160,160,157,113,107,103,109,113,93,79,79,91,107,113,109,105,95,79,165,168,117,111,115,168,181,186,194,207,215,215,209,207,207,196,181,170,176,186,189,189,191,194,194,178,93,79,77,81,93,101,103,111,160,168,168,160,117,113,115,165,181,181,163,111,163,165,165,123,118,117,125,189,196,191,181,173,170,123,119,123,127,117,119,191,225,217,186,170,178,178,173,170,168,176,183,181,176,178,189,196,202,207,204,181,159,165,170,123,119,123,125,121,119,117,112,111,113,121,170,181,170,163,163,163,121,117,117,115,113,117,163,163,119,117,117,119,163,168,170,170,163,117,119,181,189,168,111,113,170,176,170,168,170,173,173,170,168,168,168,165,165,168,168,163,157,160,163,163,163,165,157,113,113,117,119,115,111,108,109,119,165,181,191,194,191,186,173,168,183,199,204,204,199,202,199,189,178,97,91,99,111,113,121,119,111,111,111,108,107,109,115,121,123,121,123,163,168,173,173,168,168,173,173,170,178,178,125,122,121,122,123,125,127,127,125,123,119,117,119,125,129,125,121,127,173,176,176,176,178,181,183,181,176,129,125,127,170,127,125,123,123,127,170,170,170,170,170,173,173,173,173,168,125,123,125,170,181,186,178,170,170,170,127,121,119,119,119,117,117,125,129,129,170,176,173,173,173,173,121,103,99,105,121,178,186,186,181,178,181,181,178,178,176,173,131,131,176,178,176,131,130,130,131,133,178,183,189,189,191,194,194,194,191,191,191,194,196,202,204,209,212,209,202,199,202,202,204,207,207,207,207,207,207,207,204,204,204,202,202,199,199,199,199,189,137,181,186,194,196,199,199,199,196,196,194,194,194,194,189,181,137,137,181,181,181,178,177,181,194,196,194,194,199,202,202,204,202,194,186,181,183,189,194,194,194,194,196,194,189,189,191,194,196,196,196,196,196,202,204,204,202,199,199,196,189,186,183,183,186,191,194,194,196,199,199,196,196,202,202,199,199,202,207,209,212,212,215,212,209,209,207,204,202,196,189,189,194,194,194,199,207,212,207,199,191,189,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,176,176,178,178,178,176,173,176,178,178,178,178,178,176,173,173,173,173,168,125,123,125,165,168,170,173,176,181,183,181,178,176,173,170,168,166,166,168,168,127,168,170,173,178,181,183,189,194,191,186,181,176,176,173,173,173,173,170,127,127,129,127,123,121,119,121,127,176,183,186,183,181,181,178,177,181,183,189,191,194,196,196,194,191,189,183,181,178,178,183,189,191,191,194,194,194,196,196,196,194,194,194,183,133,131,176,181,178,176,176,178,178,178,176,173,176,176,176,176,176,176,173,173,176,178,176,176,176,176,176,176,181,183,183,181,179,179,181,181,181,181,183,181,181,181,183,189,191,191,191,189,186,181,179,179,179,181,183,186,186,185,185,189,194,199,199,196,194,191,194,196,199,199,199,196,195,195,196,199,202,199,196,194,189,186,186,189,191,191,191,189,189,189,186,181,178,183,189,194,196,194,196,199,199,196,196,196,199,196,194,194,196,196,196,196,199,199,199,196,196,194,194,194,194,191,191,194,196,191,189,183,181,179,181,183,183,183,181,181,181,181,181,178,178,178,176,133,131,129,129,131,178,183,183,183,183,186,189,186,181,181,183,186,189,189,189,183,181,178,178,178,181,183,183,183,183,186,189,191,191,191,191,186,178,177,177,181,186,191,196,196,196,199,199,199,196,194,189,181,181,183,183,181,178,176,133,131,129,133,178,178,176,181,189,194,194,191,191,189,186,183,181,181,181,183,183,183,183,181,178,176,133,131,129,129,133,178,181,181,181,181,183,183,178,176,133,176,131,129,127,129,133,178,176,173,172,174,178,178,181,186,189,186,183,183,186,183,181,178,177,177,177,183,189,186,178,178,183,186,186,183,183,186,186,183,183,186,189,186,183,183,183,176,126,124,126,173,178,181,181,178,181,183,183,181,178,178,176,131,125,122,121,122,123,129,176,178,176,129,127,131,178,176,131,129,129,131,173,176,178,176,173,173,181,186,186,181,176,169,170,181,196,196,191,181,181,178,173,125,118,118,123,129,129,129,173,176,181,183,186,189,194,191,176,127,129,181,186,181,178,176,176,176,178,183,189,191,189,186,186,186,189,191,189,186,181,181,183,186,183,183,186,186,183,183,186,186,186,183,181,179,179,179,179,181,183,182,182,183,186,186,186,183,183,181,176,133,133,131,130,176,183,189,186,183,183,189,189,186,186,189,189,183,176,133,131,176,183,189,191,196,202,204,199,186,173,173,176,178,178,181,178,176,176,178,183,183,181,178,178,181,183,183,181,181,183,194,196,194,191,194,199,204,202,194,189,186,186,186,183,181,183,194,202,196,183,177,178,183,194,189,178,133,131,121,109,117,131,178,183,186,186,189,189,189,183,131,124,121,120,123,170,183,189,194,191,183,181,186,196,199,199,194,183,178,183,191,199,202,209,215,215,212,207,207,204,202,202,204,207,209,212,212,209,207,204,207,207,207,204,202,199,202,207,209,209,209,209,209,209,204,199,199,204,209,215,215,217,215,0,0,0,0,0,204,196,189,194,202,0,0,0,0,0,0,0,0,0,0,199,194,194,194,199,204,207,207,204,204,207,215,215,212,207,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,248,0,0,238,0,0,0,0,0,0,0,0,0,0,0,0,0,181,176,170,168,165,163,163,163,163,160,155,0,0,155,160,170,178,186,191,199,204,207,207,202,199,202,207,207,212,215,217,217,217,217,217,215,209,209,209,212,215,215,207,198,198,199,202,202,202,209,217,222,228,228,225,215,211,215,225,230,228,220,220,228,230,225,217,212,212,212,209,204,199,196,196,196,199,204,207,209,212,212,212,215,220,222,222,220,225,230,233,233,230,230,230,228,222,217,215,215,222,225,222,215,212,215,217,222,217,209,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,173,176,186,196,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,108,77,69,82,105,131,144,129,129,147,157,160,168,173,168,165,165,168,163,159,160,176,183,178,168,165,168,125,123,178,183,181,173,168,168,127,127,168,127,124,125,168,170,127,122,121,125,170,176,176,178,181,186,181,165,123,168,173,168,119,119,121,117,110,110,115,119,117,113,117,165,170,125,123,127,127,121,119,121,127,170,176,181,181,176,127,124,125,127,127,168,168,168,176,183,176,103,99,119,178,189,194,183,165,121,122,168,176,178,178,173,125,118,119,125,125,121,168,191,204,204,204,207,202,189,178,173,173,176,129,121,116,119,173,183,176,127,170,183,186,186,194,191,183,189,199,189,181,186,196,189,125,119,123,125,127,176,181,176,176,178,183,189,194,189,126,107,109,131,181,183,189,194,189,186,194,191,186,186,186,186,183,176,125,122,123,127,173,176,176,176,178,181,178,176,131,173,176,178,173,131,173,173,173,131,127,127,127,129,133,181,191,202,209,209,209,209,209,207,204,199,196,189,183,181,183,181,178,133,135,183,189,189,191,194,194,191,189,181,133,135,189,194,189,178,174,173,174,177,186,191,189,183,178,133,125,123,121,120,121,129,133,176,176,176,178,183,189,186,176,173,176,173,129,131,183,183,129,127,173,189,196,191,186,183,178,176,173,173,173,183,202,209,199,178,131,131,129,124,124,129,131,170,176,183,186,183,176,125,116,115,117,119,115,114,119,123,125,123,121,121,165,176,181,176,168,165,168,178,181,178,173,173,176,168,121,123,178,194,196,186,173,168,173,181,191,199,189,168,165,170,170,117,95,101,105,104,100,115,173,178,181,186,186,181,181,186,189,165,99,176,170,97,31,22,29,59,97,152,157,155,170,45,0,0,0,23,95,165,168,163,150,186,207,87,22,25,83,155,91,16,0,0,18,41,45,41,20,9,31,75,89,142,152,155,150,89,0,0,0,0,7,43,61,165,204,194,173,142,87,103,99,59,42,65,105,109,150,111,103,105,113,163,191,202,202,191,93,57,54,101,117,160,157,117,111,103,95,101,115,157,111,93,95,109,119,119,111,103,81,67,105,119,113,109,110,170,178,178,178,183,191,196,202,207,207,196,181,170,173,183,191,191,189,191,186,160,79,81,91,93,91,97,115,165,173,173,168,115,111,107,109,117,173,183,186,183,189,181,170,123,117,117,125,181,186,186,181,170,125,117,117,125,127,114,112,170,202,194,176,173,181,181,183,181,173,176,183,186,178,176,183,196,202,204,204,196,168,165,123,117,117,123,125,121,119,119,115,112,113,117,163,170,123,117,117,117,115,117,119,117,112,115,123,121,117,115,116,119,163,173,176,170,123,113,112,117,119,111,110,115,163,165,163,161,165,173,176,173,170,168,121,116,160,168,168,165,163,168,170,173,176,181,176,160,115,117,117,113,108,107,113,119,163,183,194,196,189,178,170,173,189,199,202,199,199,194,191,189,181,90,87,109,119,110,111,113,108,107,108,108,108,111,117,123,123,123,123,163,170,178,176,165,125,168,170,173,181,178,165,122,121,122,127,173,176,170,127,123,118,116,118,170,178,127,121,123,127,170,173,176,181,178,176,176,178,181,176,129,129,127,125,122,121,123,127,125,119,119,123,170,176,178,170,123,111,113,121,168,181,189,186,176,176,176,170,123,119,119,118,115,112,123,129,125,115,93,87,119,170,178,123,97,94,96,101,121,178,181,178,176,176,173,173,173,173,173,131,131,176,178,178,133,133,176,178,178,181,189,191,194,194,196,196,194,194,196,202,204,209,209,209,212,215,212,207,204,207,209,209,207,207,207,207,207,207,207,207,207,204,202,199,195,195,196,199,194,186,181,183,191,196,196,191,186,185,186,189,191,196,194,191,186,183,183,186,186,183,183,178,183,194,196,189,189,194,194,194,196,194,189,181,178,181,186,191,194,196,199,199,196,189,187,191,194,196,199,202,202,199,202,202,199,196,196,202,202,191,186,181,135,135,181,186,186,189,191,191,189,189,194,196,196,196,202,207,209,209,207,204,204,202,199,202,207,207,202,191,186,189,191,194,199,207,209,207,202,199,199,194,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,176,176,176,178,181,181,181,178,178,181,178,178,176,176,173,176,176,176,176,173,168,165,168,168,168,170,173,176,178,181,181,178,176,176,173,170,170,170,170,168,127,127,127,173,178,186,189,191,194,191,189,183,178,173,170,170,173,170,125,119,119,121,123,121,121,125,170,178,186,189,189,186,181,178,177,177,181,183,186,189,191,194,194,191,189,186,183,178,134,133,178,189,196,199,199,199,202,202,202,199,196,194,189,178,129,128,131,173,173,173,176,181,181,178,176,176,173,173,173,176,178,178,176,176,178,181,178,178,178,176,176,176,178,181,181,181,179,181,181,181,181,183,186,183,181,181,183,189,191,191,191,189,183,181,179,179,181,183,186,189,189,186,186,189,194,196,196,194,189,189,191,196,199,199,199,196,195,195,196,199,199,199,196,194,189,185,186,189,194,196,196,194,191,191,189,183,181,183,191,196,196,196,196,202,199,196,194,196,196,194,191,191,191,194,196,196,196,196,196,194,194,191,194,194,191,189,186,186,186,183,183,181,181,181,181,181,181,178,176,176,178,181,181,181,181,178,176,133,129,127,127,129,176,181,183,178,178,181,183,181,181,181,183,186,189,189,186,183,181,181,181,181,183,186,183,183,186,186,189,191,191,194,189,183,178,177,177,181,186,191,196,202,204,207,207,202,196,191,183,178,178,181,183,181,178,133,131,131,129,133,176,176,176,178,186,194,194,194,194,194,191,186,186,183,183,183,186,186,183,178,133,133,133,131,129,131,178,183,183,183,183,183,183,183,178,176,178,181,181,176,131,129,131,176,176,172,172,176,183,186,186,186,183,178,178,183,189,186,181,178,177,177,178,183,189,181,176,176,178,183,181,177,177,178,181,181,181,183,186,186,183,183,183,176,129,129,176,183,183,183,183,181,181,186,186,183,181,178,178,131,125,122,122,123,125,173,178,181,178,128,126,128,176,176,131,129,129,131,176,178,183,183,178,176,178,181,181,181,176,170,170,176,183,189,183,181,181,181,176,129,123,125,170,176,170,170,173,178,183,186,186,189,189,181,129,126,128,178,186,186,186,189,186,183,181,183,189,191,189,186,186,186,189,189,183,181,178,181,183,183,178,178,183,189,183,181,181,183,186,186,183,181,181,181,183,186,186,183,182,186,191,191,186,181,178,178,176,133,130,128,128,131,181,183,186,183,186,189,186,181,181,189,191,189,181,133,130,176,186,196,196,199,202,204,202,189,174,174,176,176,176,178,178,133,133,176,176,176,176,176,181,186,191,189,183,179,181,191,199,196,191,194,196,202,199,194,189,186,189,186,183,137,181,186,191,189,181,178,178,181,186,186,181,133,133,133,135,186,186,186,189,189,189,189,186,183,131,125,125,125,125,127,173,181,183,186,183,181,181,189,194,199,199,194,186,181,181,183,183,189,202,209,207,202,199,196,196,196,202,204,207,209,212,212,212,207,207,207,207,207,207,204,202,204,207,209,209,209,209,207,207,202,196,195,199,207,215,215,215,215,215,0,209,0,0,204,191,183,189,202,0,0,212,0,0,0,0,0,0,0,0,202,199,202,204,207,209,209,207,204,204,207,209,207,207,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,0,0,241,238,0,0,0,0,0,0,0,0,0,0,0,0,0,176,165,165,0,168,0,0,157,155,155,155,152,155,160,170,178,186,194,199,204,204,204,199,194,194,196,199,204,215,222,222,222,222,220,215,212,212,215,217,220,215,204,198,196,199,202,200,200,207,212,222,228,230,225,215,211,215,228,230,228,220,220,228,230,228,215,211,212,212,209,204,199,196,196,196,199,202,204,209,212,212,212,215,217,222,222,220,222,230,233,233,230,230,230,228,222,217,215,217,222,225,222,215,209,209,215,217,215,204,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,131,124,111,87,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,23,85,160,176,165,150,134,134,152,160,163,168,170,160,153,160,168,168,160,160,176,178,168,124,165,178,176,168,170,168,125,125,127,125,125,125,168,127,125,127,170,170,127,123,122,127,173,178,183,186,189,189,186,181,178,176,170,165,125,125,121,119,115,117,121,125,165,165,165,170,168,121,121,125,127,121,119,125,168,173,178,181,181,176,127,124,125,168,168,170,176,173,173,178,170,111,109,123,173,178,181,168,121,121,168,178,178,170,168,165,123,116,116,119,121,120,125,181,196,202,202,199,196,189,181,178,178,178,170,125,123,127,173,176,129,129,176,178,129,129,181,183,178,173,176,176,173,131,127,119,113,117,129,178,186,191,189,186,181,181,189,196,199,194,181,127,131,178,183,194,204,207,199,194,191,186,181,183,186,183,183,176,125,122,122,125,129,131,131,173,176,178,178,131,129,129,173,176,178,176,176,176,176,173,131,129,127,129,131,176,178,186,196,204,207,209,209,207,202,199,194,183,176,133,135,178,135,132,132,135,183,189,196,202,196,189,178,133,129,133,186,189,189,186,178,178,181,183,181,181,178,178,135,129,124,124,124,122,123,131,181,181,178,176,178,186,191,189,178,173,176,176,173,176,183,183,178,183,196,204,209,207,204,202,196,189,178,173,173,181,191,196,186,181,181,181,176,127,127,131,131,130,173,183,186,181,176,127,121,117,119,121,119,119,123,127,170,173,170,165,168,170,170,168,165,164,165,178,191,183,173,173,183,178,168,168,181,194,194,181,168,165,168,176,186,191,183,170,170,181,186,178,105,104,104,105,115,170,173,168,168,170,170,155,163,173,165,65,13,144,155,144,150,173,181,173,168,160,139,91,85,0,0,0,0,29,142,173,163,148,130,143,194,49,5,28,157,157,43,6,2,15,73,61,51,43,1,2,87,157,160,155,157,155,147,91,35,49,59,85,99,67,51,99,202,194,186,183,150,93,89,71,65,99,144,163,165,147,97,99,109,163,191,202,204,191,61,53,83,163,176,173,163,115,105,91,85,93,117,160,117,107,115,165,170,168,160,119,83,71,105,113,109,108,113,176,183,181,181,178,173,173,183,196,199,191,176,168,168,178,189,191,189,186,181,119,85,91,109,103,91,93,160,186,191,191,183,107,103,103,105,113,168,186,199,207,207,196,176,123,118,118,123,170,176,181,178,168,121,114,115,127,173,116,111,114,125,168,127,127,170,181,191,194,181,176,176,178,173,127,170,186,196,202,202,194,176,165,121,117,117,119,123,123,123,121,115,112,112,115,123,163,113,112,113,115,119,123,168,163,115,117,123,121,116,116,117,121,173,189,189,173,123,113,112,113,110,107,110,117,119,121,163,161,168,176,181,181,178,176,163,116,119,163,165,165,165,168,173,173,178,186,186,170,117,114,115,113,108,108,119,157,160,173,183,183,178,173,170,178,191,199,199,202,202,186,181,183,168,93,94,168,168,110,111,117,113,109,111,115,111,111,113,117,121,123,163,168,173,183,181,163,117,123,173,181,186,189,178,170,125,123,168,173,178,178,173,168,121,119,125,173,173,121,115,119,123,127,170,178,178,178,174,174,181,186,183,176,173,173,173,127,122,123,127,123,117,115,118,127,178,176,125,110,100,105,115,127,183,194,191,181,178,178,178,176,170,168,125,119,117,173,178,176,121,84,76,84,170,176,113,95,95,97,101,113,125,129,129,131,131,131,129,129,131,173,131,130,133,178,183,183,183,186,189,189,189,194,196,199,196,199,196,196,199,204,209,209,212,215,215,212,212,209,209,209,209,209,209,209,207,207,207,207,207,207,204,204,202,199,196,195,195,196,199,199,194,186,183,186,191,194,187,183,182,185,187,191,196,196,191,189,189,189,189,189,191,189,183,183,186,183,181,181,183,186,189,191,189,183,178,135,178,183,191,194,199,202,196,191,187,189,191,194,199,199,202,202,199,199,196,191,189,191,199,202,196,189,181,134,133,135,181,183,183,186,189,183,183,189,191,194,194,199,207,209,207,202,196,194,191,191,196,204,209,207,199,191,186,186,189,194,202,204,207,207,207,204,199,196,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,186,183,178,176,174,176,178,181,181,181,181,181,181,178,176,176,176,176,176,178,178,176,173,170,168,168,168,170,173,173,176,178,181,181,178,176,173,170,170,170,173,170,127,125,126,170,178,186,189,189,189,189,189,186,181,173,168,127,127,125,119,116,115,118,121,121,123,127,176,183,186,186,183,183,181,178,177,178,183,183,183,186,189,191,191,189,186,181,178,135,133,133,178,191,199,199,202,202,204,204,202,199,199,194,186,176,129,127,128,129,129,131,173,181,183,178,176,176,173,131,173,176,181,181,178,178,181,181,178,178,181,181,178,176,176,176,181,183,181,183,183,183,183,186,189,189,186,183,186,186,186,186,186,186,186,183,181,181,183,186,189,189,189,189,186,186,191,194,194,191,185,185,189,196,199,199,202,199,196,196,196,196,196,194,191,189,186,185,186,191,196,199,196,194,194,194,191,186,183,186,191,194,194,191,194,199,196,194,191,194,194,191,189,189,189,194,196,199,196,196,194,191,191,191,194,196,191,186,181,181,181,178,181,181,181,183,183,183,178,174,174,174,176,176,178,178,176,176,178,176,131,128,127,128,133,178,181,177,177,178,181,181,181,181,181,183,189,189,186,183,181,183,183,186,186,189,186,186,186,186,186,189,191,189,186,183,183,183,183,183,189,194,202,209,215,217,215,207,196,186,178,176,177,183,186,178,131,127,127,127,125,127,133,176,178,181,189,191,191,191,196,196,194,189,186,186,183,183,186,186,183,176,131,131,131,131,133,176,183,186,186,186,186,186,186,186,181,178,181,186,189,183,176,131,133,178,178,174,174,183,191,191,189,186,178,174,176,181,189,189,186,183,181,178,181,186,186,181,176,176,178,181,178,177,176,178,181,178,178,181,183,183,181,181,181,178,178,178,183,186,183,183,181,181,183,186,189,186,183,181,181,173,125,123,125,129,173,183,189,189,183,173,129,173,176,173,173,173,173,173,176,178,183,181,178,178,178,178,181,183,181,173,170,129,170,176,176,176,178,178,173,129,127,170,178,181,176,176,181,183,186,186,186,183,181,178,173,131,173,178,183,186,189,191,194,189,186,186,189,191,189,186,186,186,186,183,178,174,173,176,178,178,176,174,177,183,181,133,129,133,181,186,186,186,189,189,189,194,194,189,186,191,196,194,186,181,178,178,178,178,176,130,129,133,178,181,183,186,189,189,186,178,178,183,191,191,186,176,133,176,186,196,199,199,202,204,204,191,181,178,178,176,176,181,176,129,125,129,133,176,176,176,181,189,194,194,186,181,181,189,191,189,183,186,194,202,204,202,199,196,191,186,137,135,137,183,186,189,186,183,181,181,181,183,178,132,133,183,191,191,189,186,189,189,189,186,186,183,133,129,173,178,181,181,181,183,183,181,178,176,178,186,189,194,196,191,183,183,178,170,0,168,183,194,196,191,189,191,194,196,202,204,207,209,212,212,209,207,205,205,207,207,207,204,204,204,209,212,209,209,207,204,202,199,195,194,196,207,215,217,215,215,215,212,209,212,0,202,189,181,186,202,0,0,0,0,0,0,0,212,215,222,222,212,209,209,212,215,215,215,212,207,204,202,202,204,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,0,0,0,0,0,0,0,0,0,0,0,196,0,176,165,163,168,168,0,0,147,147,150,152,152,152,157,168,178,186,194,199,204,202,199,194,189,183,183,186,196,212,222,225,225,222,222,217,215,217,222,225,225,215,204,196,196,199,202,200,200,202,209,217,228,230,225,212,211,215,228,230,225,220,222,230,233,228,215,211,212,215,212,204,199,196,199,199,199,202,204,207,209,209,209,212,217,220,217,217,222,230,233,233,230,230,230,228,222,217,215,220,225,225,222,215,209,207,209,215,212,202,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,142,178,178,176,147,134,142,150,155,160,163,163,153,151,155,170,173,165,163,173,173,125,122,168,189,186,173,168,124,122,123,125,125,125,125,168,127,125,125,127,168,127,125,123,127,173,178,186,191,196,199,196,194,189,181,176,170,170,168,117,119,123,165,168,168,170,176,173,176,170,123,122,127,125,121,121,125,168,173,178,183,183,176,170,127,168,168,170,176,181,178,176,181,178,125,121,165,170,168,165,122,120,123,181,189,181,125,115,121,119,116,115,119,121,120,123,173,191,202,202,191,183,181,181,183,183,181,173,127,127,129,170,129,127,173,183,176,122,123,181,189,181,129,127,131,131,123,111,108,111,127,191,207,209,209,202,196,189,181,186,194,199,194,191,196,199,186,183,199,212,209,204,194,186,176,174,178,181,181,178,131,125,123,124,127,129,131,176,176,176,178,176,131,127,129,131,176,178,181,178,178,178,176,173,129,127,129,131,173,131,176,186,194,202,204,204,202,202,196,191,178,131,130,133,178,178,133,132,133,181,191,204,209,204,189,133,129,129,133,181,186,191,196,199,199,199,194,186,178,177,178,133,127,124,127,133,133,176,186,194,191,183,176,178,183,189,183,176,173,176,178,178,178,181,181,186,199,215,222,225,222,222,217,212,199,186,176,173,178,181,181,176,178,186,189,181,173,173,176,176,170,173,178,178,178,181,178,173,127,125,127,125,127,127,168,173,181,181,176,170,168,168,168,168,168,168,178,189,178,168,178,199,196,183,176,181,186,183,173,127,127,127,170,178,181,176,170,176,189,196,202,176,119,105,105,176,181,170,117,111,109,95,73,75,107,97,0,0,37,91,105,152,178,189,181,173,157,97,87,27,0,0,0,45,89,144,160,160,152,135,155,225,55,5,46,147,144,65,45,71,160,183,181,183,163,8,11,144,157,163,160,144,97,91,81,67,97,97,99,93,81,61,75,178,196,207,212,183,68,75,79,93,150,155,181,173,111,93,97,107,157,181,191,202,181,56,55,199,204,204,194,183,163,111,93,82,94,117,155,115,113,170,181,178,173,165,163,89,79,113,113,108,108,115,178,186,189,191,189,170,121,165,183,189,183,173,163,160,168,178,183,183,178,173,115,97,105,115,103,93,91,165,202,204,212,209,101,99,99,105,113,165,186,204,212,215,207,186,165,119,119,119,123,170,178,178,170,121,114,114,168,199,189,119,115,116,121,123,123,125,170,189,196,186,173,168,127,123,120,123,173,186,194,196,189,178,168,123,119,117,116,118,125,125,123,117,112,113,117,163,163,111,110,112,117,165,178,183,181,165,163,163,123,119,117,119,165,183,202,199,183,168,163,163,165,119,107,110,113,109,115,165,168,170,178,181,183,186,189,178,121,117,119,160,163,165,168,170,173,176,186,191,181,160,117,157,160,117,119,170,165,163,165,165,165,168,168,170,181,194,199,202,204,199,181,173,173,115,103,119,176,170,107,117,181,170,121,121,160,113,108,108,109,117,160,168,173,176,186,186,123,109,115,178,191,199,202,196,189,176,127,127,168,176,181,183,178,170,127,168,168,119,112,112,117,125,168,173,176,178,178,178,176,178,183,186,183,183,183,186,181,170,170,176,173,119,117,119,168,178,176,121,105,94,103,117,170,186,196,194,183,176,178,183,183,181,178,176,173,181,194,196,199,202,111,74,78,119,125,101,93,99,107,109,115,119,121,123,127,129,129,129,129,131,173,173,131,133,183,191,191,194,196,199,196,196,199,199,199,196,196,194,196,202,209,212,212,212,212,212,212,209,209,209,212,209,209,207,207,207,209,209,207,204,202,202,199,199,199,196,196,196,196,199,202,199,191,186,183,189,191,191,189,189,191,191,191,194,194,191,191,191,191,194,194,196,196,189,183,179,178,178,181,181,181,183,186,186,181,135,135,178,183,189,194,196,196,191,187,189,191,196,199,199,199,199,199,196,194,189,185,183,186,196,202,199,194,186,137,134,135,137,181,181,183,183,183,183,189,191,194,194,199,204,207,204,199,194,190,189,189,191,202,209,209,204,194,183,137,137,183,191,199,204,209,209,204,202,199,202,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,196,194,191,183,176,174,174,176,176,178,178,178,181,181,181,181,178,178,176,176,178,181,181,178,176,170,166,166,170,173,173,176,178,181,181,178,176,173,168,168,170,173,170,127,125,126,170,178,186,189,183,181,183,183,183,178,170,125,123,123,121,118,116,116,119,123,125,125,129,176,181,183,181,178,178,178,178,181,183,186,186,183,183,186,186,186,183,181,137,137,135,134,134,181,191,199,199,199,202,204,204,202,199,196,191,183,176,131,129,128,128,129,129,173,181,183,183,178,178,173,131,173,178,183,183,183,181,181,178,178,178,183,186,183,178,174,174,181,183,186,186,186,186,186,186,189,191,189,186,186,183,181,181,183,186,189,189,186,186,186,186,189,189,186,186,183,181,183,189,191,189,185,183,186,191,194,196,199,199,199,196,196,194,194,191,186,186,185,185,186,191,196,199,196,191,191,194,191,189,186,186,189,189,189,189,189,191,189,186,189,191,191,191,189,187,189,191,196,196,196,194,191,191,189,191,194,196,191,183,178,178,177,177,181,183,186,186,189,183,178,174,174,176,176,176,133,132,131,132,176,178,133,131,129,131,133,178,178,178,178,181,183,181,181,181,181,183,189,189,186,186,186,186,186,189,189,189,186,186,186,183,183,186,186,186,183,183,189,191,189,189,191,196,207,217,225,230,225,209,194,181,176,174,178,186,186,176,125,123,124,124,123,123,131,178,183,186,191,191,191,191,196,194,191,189,189,189,186,183,183,183,181,133,131,133,133,176,178,183,186,186,186,186,189,191,191,189,183,181,186,191,191,191,186,178,181,183,183,178,181,189,194,191,186,181,176,173,174,181,189,191,194,191,186,183,183,186,186,183,178,178,178,181,181,178,178,178,178,176,176,178,181,181,181,178,178,178,181,183,183,181,178,178,178,178,181,186,189,186,183,183,181,173,129,127,131,178,186,194,199,196,194,186,183,186,178,176,178,181,178,176,178,178,177,177,178,178,178,178,183,186,183,176,170,128,128,129,170,173,173,170,129,129,170,176,181,183,183,183,186,186,186,186,183,183,181,183,189,189,183,178,176,181,183,189,191,191,189,189,189,189,189,186,183,181,181,178,176,174,173,176,178,178,177,176,177,183,178,129,124,126,176,186,189,189,191,191,194,196,199,196,194,196,196,194,186,181,178,181,186,189,186,181,178,181,183,183,186,191,191,191,183,178,177,181,191,191,189,181,176,178,186,191,196,199,202,204,204,196,183,181,181,178,178,178,131,121,117,121,131,176,176,176,181,186,191,191,189,183,183,189,189,182,181,182,191,202,209,212,212,204,196,183,133,133,181,183,186,191,194,194,189,183,183,183,133,130,178,191,194,189,183,181,181,183,189,191,191,189,183,181,183,189,189,189,194,194,186,178,174,176,181,186,183,183,189,183,178,181,181,170,0,161,168,178,183,183,186,194,199,202,202,204,207,209,212,212,209,207,205,205,207,207,207,204,204,204,209,212,212,209,204,202,202,199,195,194,195,204,212,215,215,212,212,209,209,209,0,202,186,178,183,199,0,0,0,0,0,0,215,215,217,228,230,225,217,217,222,222,222,222,217,212,204,202,196,196,199,0,0,0,0,0,0,0,0,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,0,0,202,196,191,181,168,0,0,163,157,0,0,0,0,147,147,150,155,163,173,181,189,196,199,199,194,189,181,176,170,173,186,204,215,222,225,225,222,222,217,222,225,228,225,215,204,198,198,202,202,202,200,202,207,215,225,228,222,212,209,212,225,230,225,220,222,230,233,225,215,211,212,217,212,204,196,196,196,199,199,199,202,207,207,207,207,209,215,217,217,217,222,228,233,233,233,233,230,228,222,217,215,220,222,225,222,212,204,204,207,212,209,204,200 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,160,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,100,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,124,147,163,155,150,147,147,150,152,155,157,157,155,155,160,168,173,168,168,170,168,123,122,170,189,191,178,173,168,127,125,125,127,168,168,170,170,168,123,122,125,168,125,122,125,170,181,189,196,202,204,202,202,191,178,178,178,178,173,121,118,121,165,170,170,173,176,178,178,178,173,127,123,121,121,123,125,127,170,176,183,186,183,176,173,170,168,173,178,183,183,178,181,183,181,173,173,173,168,165,122,123,170,186,191,178,111,105,117,119,118,123,127,127,125,127,170,183,196,196,176,127,170,176,183,183,181,176,170,129,129,129,125,125,176,183,176,123,125,183,199,194,170,128,173,176,127,106,108,127,186,202,212,215,215,212,202,189,179,181,186,189,186,189,196,194,186,189,207,215,209,202,189,178,173,174,176,178,178,176,131,129,131,131,129,173,181,186,183,173,130,131,129,127,129,131,173,176,178,183,183,181,176,131,127,127,131,173,131,129,131,176,183,186,186,191,196,196,191,183,178,131,129,131,181,183,178,132,132,178,196,212,217,207,189,131,129,129,131,135,186,199,212,222,222,222,215,194,181,181,183,181,178,135,181,186,191,199,204,204,202,189,176,174,181,183,178,173,173,176,181,181,181,181,181,191,212,230,233,230,230,230,228,220,204,189,181,181,181,178,131,131,173,181,183,181,178,178,181,176,173,176,178,177,178,189,191,186,176,170,170,170,170,168,168,176,181,186,183,176,168,168,173,181,181,178,178,183,170,125,173,196,204,199,186,178,178,176,170,168,126,126,168,176,178,181,183,186,191,199,202,194,165,111,111,173,176,117,107,107,103,81,70,69,75,0,0,0,61,101,144,150,170,183,173,163,139,97,91,0,0,0,49,71,150,157,163,165,165,160,183,215,51,13,48,103,103,85,81,186,199,199,207,207,196,142,19,160,157,139,44,39,68,75,83,97,147,165,99,89,85,81,93,170,194,207,207,173,87,74,81,101,155,170,181,173,107,91,93,105,115,165,183,196,109,66,77,212,212,207,209,202,181,160,113,105,105,113,117,115,157,173,181,176,168,157,103,72,79,119,115,109,109,113,178,183,186,194,204,186,119,111,165,176,176,170,160,117,117,160,170,173,165,117,103,97,103,103,95,95,105,181,199,207,217,217,111,97,99,107,115,160,189,209,215,222,215,194,170,123,118,117,118,165,178,181,173,123,115,117,173,209,207,181,119,117,121,125,168,125,124,168,181,181,173,165,123,121,120,121,125,176,186,189,183,176,170,165,123,118,117,118,123,123,121,117,115,119,125,173,176,163,115,114,119,170,189,196,196,178,165,123,163,123,121,121,168,183,194,196,189,181,181,186,194,189,119,110,109,109,113,168,178,178,181,178,178,186,191,183,160,115,113,115,121,163,165,168,173,178,186,189,181,165,160,168,178,178,178,178,173,168,163,160,157,168,170,173,181,196,202,202,202,196,173,119,89,67,95,163,168,111,84,96,196,191,165,160,121,111,109,111,111,115,160,168,178,181,189,191,123,95,102,194,204,209,212,212,207,191,173,127,170,176,183,189,191,183,173,127,121,112,110,112,119,127,170,170,173,176,178,178,178,183,186,186,183,186,189,194,194,186,183,186,186,176,127,168,178,186,181,168,119,113,121,170,181,191,196,191,178,173,176,183,186,186,183,183,186,194,204,204,204,204,199,117,79,107,117,101,94,105,113,115,119,125,125,125,129,173,173,131,131,173,176,181,181,186,196,199,199,199,202,204,202,199,196,194,191,191,186,186,194,204,209,209,209,209,212,212,209,209,209,209,209,207,207,205,205,207,209,209,209,204,202,202,202,202,202,199,196,196,199,199,202,199,191,186,183,186,191,196,199,202,202,199,196,194,194,191,191,191,191,194,196,199,202,199,191,183,181,181,181,181,181,181,183,183,178,133,133,133,178,183,191,196,194,189,189,194,199,202,204,204,199,196,196,194,189,185,183,183,186,194,202,199,196,194,191,183,135,135,135,135,135,181,183,186,189,194,196,196,199,204,204,202,199,196,191,190,191,196,204,209,209,204,194,183,137,135,137,183,194,199,204,207,207,202,199,202,204,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,189,196,202,204,199,189,181,176,174,174,176,176,176,176,178,181,181,181,181,176,173,170,173,178,181,181,176,168,166,166,168,170,173,176,176,176,176,173,170,168,127,127,168,173,173,170,127,168,173,181,186,186,181,176,176,176,178,173,129,123,119,119,119,121,121,121,125,129,170,170,173,178,181,181,181,176,176,176,178,181,186,186,186,186,183,183,183,183,183,181,181,137,135,135,181,186,191,196,199,199,199,199,199,196,194,191,189,181,178,181,178,133,131,129,131,176,181,186,186,183,181,176,131,131,176,183,189,191,189,183,178,178,178,183,189,189,181,176,176,181,183,183,186,186,189,186,186,189,191,189,189,183,181,179,179,183,189,194,191,189,186,186,189,186,186,183,183,181,135,135,181,186,186,185,185,186,191,194,194,196,199,199,196,194,194,191,189,186,186,186,186,186,189,194,196,194,191,189,191,194,191,186,183,186,186,186,183,181,178,178,178,183,189,194,191,189,187,189,191,194,194,194,191,191,189,189,191,191,191,189,183,178,177,177,181,181,183,186,186,189,186,181,176,176,176,178,178,176,131,131,133,178,178,178,176,176,176,176,178,178,181,183,183,183,181,181,181,181,183,186,186,189,189,186,186,189,189,189,189,186,186,183,178,178,181,181,181,183,189,191,191,191,189,191,199,207,217,228,230,225,207,189,181,176,176,178,186,189,178,127,124,124,125,124,124,176,183,189,191,191,191,191,191,194,189,183,183,189,191,189,186,183,183,178,176,176,178,178,178,186,191,191,191,189,191,194,194,194,189,183,183,189,191,191,191,191,186,186,189,189,183,183,189,191,191,183,176,174,174,176,178,183,189,191,191,189,186,183,183,183,186,186,183,181,178,181,183,183,178,176,173,173,178,181,181,181,178,178,181,181,181,176,131,127,127,129,173,176,181,186,186,186,183,178,173,173,176,178,183,191,199,202,202,199,202,199,194,186,181,183,186,183,181,178,178,176,177,178,181,178,178,183,186,181,173,129,128,128,128,129,173,170,128,128,129,173,176,181,183,186,183,183,183,181,178,181,186,186,191,199,199,189,176,173,174,176,183,189,191,191,191,191,191,191,186,181,178,178,176,176,176,178,181,181,181,178,178,181,183,178,127,123,124,133,186,189,186,189,191,194,194,196,199,196,194,196,196,191,183,181,181,186,189,189,189,189,189,189,189,191,194,196,191,186,183,181,183,189,191,189,181,176,178,183,191,191,194,196,199,202,194,181,176,178,178,176,129,123,115,111,117,129,131,133,176,178,183,186,189,186,186,186,189,189,186,182,183,191,202,209,215,215,209,199,183,133,133,137,183,189,196,202,202,196,189,189,186,181,178,189,194,191,183,178,133,133,181,194,199,199,194,191,191,191,191,194,196,202,202,194,183,176,176,186,186,178,176,183,176,170,178,183,181,170,163,165,173,176,178,189,204,207,204,204,204,207,209,212,212,209,207,205,207,209,209,207,204,204,204,209,215,215,209,207,204,202,202,202,196,195,199,207,215,212,209,207,207,207,207,207,196,186,178,181,191,0,0,0,0,0,0,0,217,222,228,233,233,228,222,225,225,225,225,222,215,209,202,196,191,191,199,0,0,0,0,0,0,0,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,207,0,0,202,194,189,181,168,160,160,157,155,152,147,0,0,0,0,0,150,157,165,176,183,191,196,194,191,186,178,170,166,168,178,194,209,222,225,225,222,222,222,222,222,222,217,212,204,199,202,207,207,207,202,202,204,215,228,228,222,212,209,212,225,230,225,220,222,230,233,225,215,212,215,217,212,204,199,196,196,199,199,198,199,204,207,205,205,207,212,215,217,217,222,228,230,233,233,233,230,228,222,217,217,217,222,222,220,209,203,203,204,209,209,207,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,202,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,100,108,100,137,147,150,150,152,155,155,157,163,165,165,165,168,168,170,168,168,163,123,123,170,189,191,183,181,181,181,173,168,168,168,170,176,178,176,127,121,122,125,123,122,122,165,178,191,199,202,202,204,199,178,121,170,181,183,178,165,123,123,165,170,170,170,173,176,178,178,176,170,125,121,121,125,127,125,127,168,178,189,191,183,173,170,173,178,181,181,178,173,173,181,183,181,183,181,173,165,125,168,173,178,178,123,107,106,119,123,125,173,181,176,170,168,170,176,183,181,126,123,126,170,178,178,178,181,178,170,127,123,119,121,170,183,178,125,123,176,191,189,170,128,173,176,123,99,107,176,194,204,209,215,217,212,199,186,183,186,186,181,176,178,183,183,183,189,204,212,207,196,186,176,174,174,176,176,178,178,178,181,183,181,176,181,194,194,183,173,131,173,129,127,127,127,129,173,181,186,191,189,181,131,127,127,131,173,131,129,129,127,129,129,133,178,186,183,178,133,176,133,131,133,183,189,186,176,132,176,191,209,212,202,181,127,126,127,131,135,186,204,222,228,228,230,225,202,186,186,194,199,202,202,202,204,204,209,212,212,209,196,181,176,181,183,181,173,173,178,183,186,186,181,181,191,209,228,233,233,230,228,217,207,196,191,189,186,183,176,131,131,129,129,131,173,178,181,183,181,178,178,178,177,181,189,189,178,170,168,170,170,170,168,168,176,181,189,189,181,170,168,173,181,186,183,183,183,173,121,121,173,196,199,191,181,176,173,170,127,126,127,170,178,181,186,194,191,189,191,194,186,165,117,119,170,170,115,107,113,113,103,97,103,103,29,0,21,97,150,157,155,168,176,152,142,101,101,99,3,0,21,81,144,165,163,165,168,168,170,178,186,53,20,35,87,101,105,155,209,215,209,212,215,209,155,37,170,160,93,44,38,69,99,142,101,99,99,87,87,89,93,139,173,189,189,183,157,95,83,89,107,157,170,176,163,95,83,89,101,111,157,170,170,97,80,103,204,207,204,207,204,183,165,117,113,111,113,115,155,163,176,181,183,176,119,77,48,68,173,170,115,109,111,178,183,181,189,202,196,181,115,111,117,163,165,160,115,111,113,115,157,119,111,97,91,93,95,95,101,115,183,196,199,209,212,176,87,95,113,121,165,189,212,222,222,209,189,170,163,119,117,117,123,178,181,165,117,115,119,165,189,196,181,119,116,123,168,173,165,122,123,165,173,170,165,123,121,121,121,123,168,178,181,176,173,173,173,168,125,125,168,168,123,115,110,113,123,170,178,181,173,125,121,123,170,186,199,207,199,119,108,117,123,121,121,165,176,181,181,181,181,186,196,202,196,173,123,119,119,163,178,186,189,183,173,168,176,181,176,160,113,111,113,117,119,119,163,176,183,189,186,173,119,119,173,194,196,186,176,173,170,163,160,161,173,176,170,176,191,199,194,189,178,165,111,61,46,62,160,165,102,92,109,189,178,119,115,111,109,109,113,113,115,160,168,176,181,186,183,117,94,98,196,207,212,212,215,212,199,181,173,176,178,181,189,194,189,173,125,119,113,113,117,123,127,168,127,127,173,176,176,178,181,186,186,183,181,183,191,196,194,186,186,186,183,178,178,186,191,191,186,173,119,123,173,181,189,194,186,176,170,176,183,189,189,186,189,191,196,202,204,204,204,202,183,115,119,127,117,107,117,121,121,127,176,178,178,183,186,183,181,178,176,176,183,189,194,202,204,202,199,199,202,202,199,196,189,181,139,139,183,194,207,212,209,209,209,212,209,209,209,209,209,209,207,205,205,205,207,209,212,209,207,204,204,204,207,204,202,199,199,199,199,199,194,189,183,182,186,191,196,202,204,204,204,202,194,191,191,189,189,191,194,196,202,204,204,199,191,186,186,186,186,183,183,183,183,178,135,131,127,128,130,181,196,199,199,199,202,204,207,207,204,199,196,196,196,191,186,186,186,189,194,199,199,196,196,194,189,181,135,135,134,135,181,183,189,191,196,202,202,199,196,199,202,204,202,199,199,202,207,209,212,207,199,194,186,137,135,137,183,189,194,199,204,207,204,202,202,204,207,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,191,196,199,196,191,189,189,194,202,204,202,191,183,181,178,176,176,176,176,176,176,181,183,183,178,173,169,169,170,173,178,178,176,170,168,168,168,170,170,170,173,173,170,170,168,127,168,168,170,176,176,176,173,173,178,183,186,183,178,173,173,173,173,170,127,123,121,121,123,125,127,129,170,173,176,178,178,178,178,181,181,176,134,134,176,181,186,189,189,189,186,183,182,182,183,183,186,183,181,183,186,191,194,194,196,196,196,194,189,186,183,186,186,183,183,183,181,176,133,131,176,178,181,186,189,186,183,176,130,129,131,178,189,194,194,186,181,178,178,181,186,186,183,178,178,181,181,178,181,183,186,186,189,189,189,189,186,183,181,179,181,183,189,191,189,183,181,183,186,189,186,183,181,178,133,132,134,181,189,189,189,189,191,194,194,196,199,199,196,191,191,191,191,189,191,191,191,189,189,191,194,194,191,189,191,194,189,183,183,183,183,183,181,135,133,133,135,181,186,191,194,191,189,189,189,191,191,191,189,186,186,189,189,189,189,186,181,178,178,181,181,181,181,181,181,183,181,178,176,176,176,178,181,178,133,133,176,181,181,178,178,178,181,181,181,181,183,186,183,181,178,178,181,181,181,183,183,186,189,186,186,189,191,189,186,186,186,181,177,176,177,177,178,183,189,191,189,189,191,194,196,202,209,215,217,212,199,186,178,178,178,181,186,189,183,176,133,133,133,176,176,183,189,191,194,194,191,189,189,183,181,178,181,189,191,191,189,186,183,181,178,178,181,181,181,186,191,194,194,194,199,199,196,194,189,183,186,191,191,191,194,191,191,191,191,191,189,186,189,189,189,186,181,178,178,178,178,178,181,183,186,189,186,183,183,183,186,186,181,178,176,181,183,181,176,172,172,172,176,181,183,181,178,178,181,183,178,131,123,121,121,123,127,173,181,183,183,183,186,183,178,178,183,189,189,191,196,199,199,202,204,204,199,189,183,186,189,186,181,181,178,177,178,181,181,181,181,181,181,173,129,129,129,129,129,170,173,173,128,128,131,173,176,178,181,181,178,176,173,173,131,176,183,189,196,202,202,189,176,173,173,178,186,194,199,199,194,191,191,191,189,183,181,178,178,176,178,181,183,183,181,181,181,181,183,183,176,127,127,178,183,186,183,183,189,189,189,189,191,191,194,196,196,194,189,183,183,186,189,189,189,191,194,194,191,191,191,194,191,191,191,189,186,186,191,191,183,178,178,186,189,189,189,191,191,194,189,176,174,176,133,123,121,121,119,116,123,133,131,131,176,181,183,186,186,186,186,183,186,189,189,189,189,194,199,204,209,212,209,202,186,133,132,133,178,189,199,207,207,199,194,191,191,189,186,189,189,183,178,133,130,131,178,191,199,199,196,196,196,196,199,202,204,207,207,202,194,178,170,173,176,176,178,176,0,0,169,178,181,176,170,0,0,0,178,191,0,212,209,204,204,207,209,209,212,209,209,207,209,212,212,209,207,204,207,209,212,215,212,209,207,209,209,209,204,199,196,204,212,212,207,205,205,207,207,207,202,191,181,177,183,0,0,0,0,0,0,0,217,222,228,230,230,228,225,222,222,222,222,222,217,209,204,199,189,183,189,0,0,0,0,0,0,0,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,209,209,0,0,199,191,183,176,168,163,160,157,152,152,152,150,0,0,0,0,0,152,163,173,181,189,194,194,191,186,176,168,166,168,173,183,202,215,222,222,222,222,222,217,215,215,212,209,204,204,207,209,212,209,204,202,204,217,230,230,225,217,212,215,225,228,225,222,225,230,233,225,217,215,217,222,215,207,202,199,199,199,199,198,199,204,207,205,207,209,215,217,220,220,222,228,230,235,235,233,230,225,222,220,217,215,215,220,215,207,203,203,204,207,209,209,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,196,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,90,88,126,142,147,152,155,157,160,160,168,173,173,170,168,168,168,170,165,163,124,124,168,181,183,178,181,186,186,181,176,170,170,173,178,181,181,173,123,121,123,125,123,122,125,178,191,196,196,196,196,173,65,55,79,168,181,183,181,173,168,170,170,170,169,170,168,168,170,173,173,168,125,125,168,168,127,125,125,170,186,189,181,168,127,176,181,181,176,170,165,165,170,178,181,186,186,173,165,165,168,168,123,121,115,108,108,121,168,176,186,194,186,176,170,168,170,178,178,126,123,126,173,176,173,176,181,178,127,121,115,113,115,127,181,178,127,119,121,170,173,129,129,173,127,109,98,109,189,204,207,209,215,217,209,194,186,194,202,196,183,176,134,176,176,178,189,199,204,202,191,181,176,173,174,176,181,181,181,183,191,191,186,181,189,199,191,173,131,176,178,173,131,127,125,126,131,183,194,196,196,189,176,127,125,129,131,131,129,127,125,122,122,125,133,176,176,131,130,133,178,178,178,186,191,189,178,133,133,186,199,199,186,129,124,124,127,131,135,183,202,222,225,225,230,228,204,186,191,204,215,217,222,222,215,212,209,212,215,212,199,183,178,183,183,181,176,176,178,186,191,191,183,178,183,196,207,217,222,220,209,194,183,178,183,191,191,186,178,173,129,128,127,128,131,176,181,183,186,181,178,178,178,181,181,173,127,125,125,125,125,125,123,125,170,178,183,186,181,170,165,168,178,183,181,178,181,173,123,118,116,173,191,191,183,178,176,173,168,127,173,183,183,181,181,186,186,181,181,178,173,125,123,168,181,178,121,113,117,119,115,155,160,111,51,37,85,111,155,157,157,168,170,157,147,109,144,147,73,21,27,67,101,147,157,163,163,168,170,168,155,75,40,40,79,101,150,176,212,215,212,215,217,215,105,35,173,170,147,87,48,137,186,183,91,69,79,83,87,93,99,147,170,176,165,155,150,103,97,105,152,157,157,152,103,78,77,82,91,105,155,165,157,101,99,157,181,189,196,199,194,178,160,117,117,117,117,157,163,168,178,189,196,199,181,97,47,70,181,186,168,115,117,173,178,178,186,202,199,196,176,107,101,107,115,115,113,111,108,107,113,119,155,107,92,92,94,99,107,115,168,183,191,202,207,194,57,78,115,163,168,186,209,222,215,202,183,170,168,163,119,119,123,178,181,121,109,109,113,119,168,178,168,116,116,121,170,176,165,123,124,168,176,173,165,123,123,121,121,123,165,173,173,170,170,173,173,173,173,178,183,183,165,111,107,110,123,168,168,165,170,173,176,173,176,186,199,204,202,103,99,111,123,121,121,165,168,165,163,165,170,183,194,202,196,181,165,123,163,176,189,191,186,176,165,163,165,168,165,121,115,112,113,115,113,109,117,173,183,186,181,121,107,107,168,196,194,176,165,168,170,165,165,173,181,181,165,160,176,183,176,121,115,119,115,71,55,77,160,163,117,117,170,163,108,108,111,107,105,109,111,110,111,121,165,173,181,183,176,113,98,103,183,199,204,204,207,207,199,186,181,181,181,178,183,194,191,176,125,121,121,121,123,125,127,126,125,125,170,176,173,173,176,178,178,178,173,178,186,191,189,183,181,181,181,181,181,186,194,202,199,191,99,111,123,170,178,181,178,170,168,170,181,186,189,189,189,191,194,196,199,199,199,196,191,181,173,181,173,127,129,170,170,178,189,191,194,196,194,189,186,183,176,174,176,186,194,199,202,202,196,199,199,194,191,189,183,136,137,139,186,196,209,212,212,209,212,212,209,209,209,209,212,209,207,207,207,207,209,209,212,209,207,204,204,207,207,207,204,202,199,199,196,194,189,186,182,182,186,191,194,199,202,204,207,204,196,191,189,189,189,191,194,199,202,204,207,204,199,194,191,191,189,186,183,183,183,181,135,131,127,127,129,181,199,209,207,207,207,204,204,204,199,194,194,196,202,199,196,194,194,191,194,194,194,191,191,194,191,183,137,135,137,181,186,191,194,199,202,204,199,189,186,196,207,207,207,204,204,207,212,215,212,207,199,194,191,137,133,137,186,189,191,199,204,207,207,204,207,207,207,209,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,191,189,189,191,194,196,194,191,189,189,194,199,202,199,194,189,186,183,178,176,176,173,176,176,181,183,183,178,173,169,169,169,170,176,176,173,168,127,127,168,168,168,170,170,170,168,127,127,127,168,170,173,176,178,178,178,178,181,183,183,181,178,173,173,173,173,170,129,125,125,125,127,170,173,173,173,176,178,181,178,176,176,176,178,176,134,134,135,181,186,191,194,191,189,186,183,183,186,189,191,189,186,189,191,191,191,191,194,194,189,183,179,178,179,183,186,189,186,183,181,176,133,176,178,181,183,186,189,186,183,178,131,129,129,176,186,194,194,189,183,181,178,178,183,183,183,178,178,178,177,176,177,178,183,189,189,189,189,186,186,183,181,181,181,181,183,183,181,178,178,181,186,186,186,183,181,135,134,133,134,181,189,194,194,191,194,194,196,196,199,196,194,191,190,191,191,194,194,196,194,191,191,191,191,194,191,189,191,191,189,183,181,181,181,178,135,133,133,133,135,181,183,189,191,191,189,189,189,189,189,186,183,183,183,183,183,183,183,181,181,181,183,183,183,181,178,178,178,178,178,178,178,178,178,178,183,183,181,178,178,181,181,178,178,181,183,183,181,181,183,183,181,178,178,178,181,181,181,181,183,186,186,186,183,186,186,186,183,183,183,181,177,177,177,177,178,186,191,189,183,183,189,191,194,194,194,194,196,196,189,183,181,181,181,183,186,189,189,186,183,183,183,186,189,189,189,191,191,191,189,186,183,176,133,176,178,186,189,191,189,189,186,183,181,181,181,181,179,183,186,189,191,196,202,199,194,191,189,189,191,191,191,191,191,191,189,189,191,194,191,191,191,189,189,183,178,178,178,181,178,176,176,176,181,186,186,186,183,186,183,181,178,176,176,176,176,176,173,172,172,173,178,183,186,183,178,178,181,181,176,125,117,115,115,117,123,173,181,181,181,183,186,186,183,183,189,194,194,191,194,196,199,202,204,204,199,189,183,183,183,181,178,178,178,178,178,181,181,181,178,178,173,127,126,129,173,173,173,176,176,176,131,131,173,173,173,176,178,178,176,131,129,127,127,131,181,191,196,202,199,189,176,173,174,183,194,202,207,207,199,194,191,191,189,183,181,181,181,181,181,183,186,186,183,183,181,178,181,186,183,181,181,183,186,186,183,183,183,186,183,181,186,189,194,196,199,196,191,186,186,186,189,189,191,194,196,199,196,191,186,186,189,196,196,191,186,186,191,194,189,183,183,186,189,189,186,183,186,189,183,176,174,176,176,123,121,125,129,133,178,183,178,176,181,186,191,189,186,186,183,181,179,181,183,189,194,194,196,199,204,207,209,204,189,133,131,131,135,189,202,207,207,202,196,194,196,196,191,186,183,178,133,131,131,133,178,183,189,191,194,199,202,204,204,207,209,209,207,204,199,181,166,164,165,173,178,170,166,0,168,170,173,173,173,0,0,0,181,191,0,215,212,207,207,207,207,209,209,212,209,209,212,212,212,209,209,209,209,209,212,212,209,209,209,215,215,215,207,202,199,204,212,215,209,205,205,207,212,212,209,202,191,178,178,0,0,0,0,0,0,209,215,222,225,228,228,228,228,222,220,220,221,222,217,212,207,202,189,182,183,0,0,0,0,0,235,0,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,212,212,209,204,194,183,181,176,168,163,160,155,152,152,155,155,150,0,0,0,0,150,160,168,178,186,191,194,194,189,176,170,168,168,168,176,191,207,215,217,222,222,220,217,212,207,207,207,204,207,209,212,212,212,207,202,207,217,233,235,230,228,222,217,222,228,228,225,228,233,233,228,222,222,222,222,217,209,207,204,204,204,202,199,202,207,207,207,209,212,217,222,225,225,225,228,230,233,235,233,230,225,222,222,217,215,215,215,212,207,204,204,207,209,209,212,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,124,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,176,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,98,108,129,139,147,150,155,160,160,163,168,173,173,170,168,168,168,168,168,165,125,124,125,168,168,127,173,178,181,181,178,176,173,173,176,178,181,176,123,121,123,168,127,123,123,176,189,191,194,191,181,103,55,47,56,71,117,183,189,183,178,176,173,173,170,170,127,125,126,168,173,170,168,170,176,173,170,127,125,168,176,176,125,109,111,168,181,181,176,168,125,125,168,173,178,186,183,173,168,168,168,121,113,113,113,109,108,117,168,181,196,202,191,176,168,168,173,183,191,178,127,129,176,176,173,176,176,129,115,113,113,113,113,121,176,176,125,117,115,121,129,176,178,173,119,104,104,125,196,209,212,212,217,217,209,194,191,202,207,202,189,181,176,134,134,176,183,189,191,191,183,181,176,173,173,178,189,191,186,186,191,194,186,183,189,194,178,128,129,176,178,181,178,129,125,126,173,186,194,199,202,196,181,129,125,127,131,131,131,129,125,122,121,123,129,133,131,130,130,178,189,189,186,186,189,186,178,133,133,181,186,186,178,129,125,124,126,131,133,178,194,215,222,225,230,228,196,178,186,204,217,228,230,230,222,215,209,209,212,209,196,183,178,178,178,176,178,181,178,183,189,191,183,176,174,178,186,191,194,191,178,129,123,119,121,178,189,186,181,176,131,129,129,173,176,176,173,173,178,176,178,181,183,183,181,170,127,123,121,121,121,119,118,118,125,168,176,178,176,127,123,125,170,173,168,125,168,170,125,117,112,121,181,189,186,183,183,176,168,127,178,191,191,178,174,176,176,173,170,168,165,125,165,176,186,183,165,119,160,163,160,165,165,97,59,65,109,150,150,150,150,157,168,178,181,165,155,157,165,105,41,61,97,109,157,168,163,165,170,165,105,87,85,85,93,107,152,168,196,207,209,215,215,209,73,33,178,186,189,191,142,170,189,168,52,52,79,89,91,97,103,144,157,157,144,111,152,147,147,157,165,157,107,93,83,73,74,80,83,97,160,168,163,111,111,157,157,165,183,189,181,168,157,117,155,160,165,165,165,168,181,199,207,204,191,163,95,105,173,181,170,160,160,168,168,173,189,199,189,194,191,160,89,83,77,87,111,117,109,105,109,157,168,160,105,95,95,97,107,105,107,163,181,194,196,183,66,80,105,119,163,176,199,209,204,191,176,173,176,173,163,121,123,178,183,163,106,104,106,111,119,121,117,117,119,123,168,173,168,165,173,186,189,183,170,123,119,119,119,121,125,168,168,165,165,168,168,173,181,186,194,191,173,115,109,111,121,120,113,108,125,178,189,194,194,196,196,191,170,101,99,113,125,125,125,168,165,121,115,117,123,173,189,194,189,170,121,117,121,173,189,189,173,163,163,163,165,163,121,119,119,115,115,117,111,107,109,163,173,173,163,109,103,103,109,168,168,117,115,160,170,173,176,181,181,170,111,109,121,165,119,112,113,117,121,117,111,117,160,163,173,186,189,165,105,108,111,109,104,107,111,109,109,117,163,170,176,176,170,117,107,109,168,181,186,189,189,191,189,183,183,183,181,176,176,186,189,176,168,127,168,127,127,127,127,126,125,126,170,173,170,168,168,168,170,170,170,170,176,181,178,173,170,173,176,178,178,183,194,202,199,194,55,78,107,119,125,165,168,165,125,168,176,183,189,191,189,189,191,191,191,194,194,194,191,189,186,189,183,178,178,176,178,186,191,194,194,194,191,186,186,186,178,173,174,186,194,196,194,194,196,202,196,137,131,137,137,137,183,186,191,199,209,215,215,212,212,212,209,209,212,212,212,212,209,207,209,209,209,209,209,209,207,204,204,207,207,204,202,199,196,194,191,189,186,183,182,183,189,191,194,194,196,202,204,204,199,194,189,189,189,191,196,202,202,204,207,207,204,199,194,191,189,183,182,183,183,181,135,133,131,133,135,186,204,212,209,207,204,199,196,196,194,189,189,194,202,204,204,202,199,196,191,189,186,183,186,189,189,183,137,181,186,191,194,196,202,204,202,194,181,129,131,194,207,209,204,204,204,209,215,215,212,204,199,196,191,131,122,131,186,191,194,199,204,207,207,207,209,209,209,209,209,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,194,189,186,186,191,191,191,191,191,191,191,194,196,196,196,194,191,189,186,181,176,173,173,173,178,181,183,183,181,176,173,170,170,170,170,170,168,126,125,126,127,168,170,170,170,170,127,126,126,126,168,173,176,178,178,181,181,178,178,178,178,178,176,176,176,173,173,173,170,129,127,129,170,173,176,178,176,176,178,178,178,174,174,174,178,178,176,134,135,181,189,194,196,194,191,191,191,191,194,196,196,194,194,194,194,191,186,186,189,186,181,178,178,178,181,186,191,191,189,183,178,135,176,178,183,186,186,191,191,186,183,181,173,131,131,173,181,189,191,189,181,178,178,178,181,181,181,181,178,178,177,177,177,178,183,186,189,189,189,186,183,183,181,181,178,178,181,181,178,178,177,178,181,183,181,178,178,178,135,135,134,135,186,194,194,191,194,196,196,196,196,196,194,191,191,191,194,196,196,199,196,194,194,194,194,194,191,189,189,189,186,183,181,178,178,178,135,133,133,178,181,181,181,183,186,186,189,189,189,189,186,183,183,181,178,178,178,178,178,178,181,183,186,186,183,183,181,178,177,178,181,181,181,181,178,178,183,186,183,178,178,178,178,178,178,181,183,183,183,181,181,178,178,178,181,183,186,183,183,183,183,186,186,183,181,178,181,181,183,183,186,183,181,183,183,181,181,189,194,189,181,179,181,186,186,183,178,178,181,186,186,183,183,183,183,183,186,186,186,186,189,189,189,189,189,189,186,186,186,186,186,183,181,176,131,131,176,183,189,191,191,189,186,183,183,183,183,181,181,181,183,183,186,194,196,194,189,186,186,191,194,191,189,189,189,186,186,186,191,191,191,191,191,191,186,178,174,174,177,181,183,178,174,174,176,181,186,183,183,183,181,181,181,181,181,178,176,173,173,172,172,173,178,183,186,183,181,178,178,178,131,121,113,112,112,113,121,173,181,181,179,181,186,189,183,183,189,196,202,196,196,196,196,199,199,199,194,183,178,178,178,176,173,176,178,178,176,176,178,178,178,173,127,125,126,170,176,178,181,181,178,176,176,176,173,173,173,176,178,178,173,131,129,127,126,129,178,189,194,194,191,183,176,174,178,189,196,202,209,207,199,191,189,186,183,181,181,183,183,183,183,183,186,189,189,186,181,176,176,178,181,183,183,186,186,186,186,183,183,181,181,181,183,191,194,199,199,196,194,191,189,186,189,189,191,194,199,202,199,191,183,182,189,196,199,191,186,186,191,196,194,189,186,189,189,186,181,179,181,183,183,178,178,183,186,178,127,129,178,189,194,194,191,186,189,194,194,191,189,186,186,181,178,178,181,186,191,194,194,194,199,202,207,204,189,133,131,131,135,186,196,202,202,202,199,199,204,204,196,186,183,178,133,131,133,135,178,176,176,178,189,202,204,204,204,207,207,204,202,202,199,183,168,166,166,170,178,176,173,173,173,170,168,168,168,0,0,0,0,0,0,215,215,209,207,207,204,207,209,212,212,209,209,209,212,212,212,215,215,212,212,209,209,209,212,215,215,212,207,204,202,209,215,217,212,209,209,212,217,222,225,0,207,191,186,0,0,0,0,0,0,204,215,222,225,222,222,228,228,222,220,220,222,222,222,217,215,207,194,183,183,0,0,0,0,0,233,0,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,212,209,204,196,186,183,183,181,173,165,160,155,155,155,157,157,157,0,0,0,144,0,152,160,168,181,189,194,194,191,181,173,168,166,166,173,186,199,209,217,222,222,220,215,209,204,202,204,207,209,212,215,215,212,209,204,209,225,233,238,235,233,228,225,222,225,228,228,230,233,235,230,225,222,225,225,217,212,209,209,209,207,204,204,204,207,209,209,212,215,222,225,228,228,225,228,230,233,233,230,228,225,225,225,222,215,215,215,212,207,204,204,207,209,212,215,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,129,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,92,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,131,134,139,144,147,152,157,163,163,160,163,165,168,168,168,168,168,168,165,168,165,165,165,125,124,123,127,168,170,176,178,178,173,168,168,168,173,170,123,121,125,168,127,123,123,168,178,183,186,186,123,105,85,67,62,62,71,170,183,181,176,176,176,176,176,178,176,125,124,127,170,168,170,181,183,181,181,176,170,170,170,123,105,99,101,119,178,183,178,170,127,125,168,165,168,178,181,176,176,176,173,125,115,113,115,109,107,109,123,183,202,207,196,173,170,170,176,186,194,186,176,173,173,173,173,173,129,117,108,109,117,119,115,117,127,170,123,117,115,123,176,189,191,178,111,102,113,176,196,209,215,217,217,215,209,196,194,199,202,196,191,191,186,178,134,135,178,178,181,183,186,186,181,174,173,181,194,196,189,186,189,189,186,181,183,181,130,128,130,173,176,181,183,173,129,131,178,186,194,199,202,199,186,131,125,125,129,131,131,129,127,123,122,125,131,131,131,130,176,194,204,207,199,189,183,178,133,133,176,178,178,178,176,131,129,127,127,129,129,133,186,204,217,222,228,217,186,131,135,194,209,225,230,230,225,215,209,209,207,202,191,181,174,173,173,174,181,183,178,178,183,189,183,176,173,174,178,176,131,127,123,119,117,112,109,116,178,186,183,178,176,181,183,183,181,176,173,170,166,168,176,186,191,194,196,189,178,127,121,120,121,121,118,117,119,121,123,127,168,125,121,121,125,125,123,122,123,127,127,120,116,123,176,186,189,194,189,178,125,124,129,181,186,181,174,176,178,176,170,127,125,125,165,173,176,176,165,163,173,173,173,176,170,95,77,101,163,157,113,109,108,107,150,191,199,178,157,163,173,165,63,81,109,152,168,178,168,161,168,165,89,85,105,152,150,152,152,157,176,191,202,209,207,191,63,47,191,202,207,204,183,163,152,55,40,50,89,97,97,101,105,109,147,111,110,150,163,163,160,168,173,163,107,91,87,80,83,93,91,101,163,170,165,117,155,155,109,113,168,170,165,157,117,117,160,170,173,173,163,119,170,202,209,202,178,157,117,119,163,165,117,117,163,165,160,160,176,186,170,181,183,168,89,73,58,59,105,119,115,108,111,155,165,163,111,101,95,95,101,100,100,111,163,176,176,165,117,97,99,113,121,168,183,191,186,176,168,170,181,178,165,123,123,170,183,176,107,104,106,107,107,105,109,123,173,168,165,170,170,173,183,194,196,189,173,121,117,117,117,118,121,165,165,125,121,121,123,170,181,191,196,194,183,165,119,119,125,121,113,109,170,186,196,204,207,207,194,176,117,103,103,115,170,178,181,178,168,119,113,111,115,163,176,181,173,115,109,111,117,168,181,181,165,160,160,163,163,160,121,121,163,121,119,119,115,108,109,115,119,115,108,105,104,105,108,111,119,113,112,117,168,181,189,186,170,111,99,101,115,119,115,113,117,160,165,165,160,117,117,157,165,183,191,181,157,115,113,105,101,104,115,113,110,113,119,163,165,165,165,123,115,115,121,165,173,173,173,176,178,178,181,181,178,172,172,178,181,176,170,170,170,170,173,176,173,170,127,127,170,173,170,127,127,127,127,168,168,168,168,170,168,127,127,170,173,176,176,178,183,189,183,168,38,64,101,113,117,119,121,123,123,125,170,181,189,191,189,186,189,186,186,189,194,191,191,189,189,189,186,183,181,178,178,186,186,186,186,186,183,181,181,186,183,178,178,189,196,196,189,186,191,199,194,127,123,128,139,189,196,199,199,204,209,215,215,212,212,212,212,212,212,215,215,212,209,209,209,209,207,204,207,207,204,204,204,204,204,202,196,191,189,189,186,186,183,183,183,189,194,194,194,192,194,196,202,202,199,196,194,191,191,196,202,204,207,204,207,212,209,199,191,189,183,182,182,183,186,183,181,181,183,183,181,181,196,204,204,199,194,189,189,189,189,183,183,189,199,204,207,204,202,196,189,183,178,135,178,183,186,181,136,137,189,194,196,199,202,202,189,129,124,124,129,196,209,207,199,199,204,209,212,212,207,202,196,196,189,123,117,122,139,191,196,199,202,204,207,209,212,209,209,207,207,207,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,191,194,191,186,185,186,189,186,186,186,189,191,194,194,196,196,194,194,194,194,189,183,178,173,173,173,178,183,183,183,181,181,181,178,176,173,170,168,127,125,125,126,127,170,173,176,173,170,127,126,125,126,168,173,176,178,181,181,178,176,170,170,170,173,176,176,176,176,176,176,173,173,170,170,173,176,178,178,178,176,178,178,178,176,176,176,181,181,181,178,178,183,191,196,199,196,196,199,202,202,202,199,199,199,196,196,196,189,139,138,181,183,179,178,181,186,189,189,191,194,191,186,181,181,183,186,189,191,194,196,194,183,181,183,181,181,176,131,176,181,186,181,176,173,131,131,173,178,181,183,181,181,181,178,181,183,183,183,186,189,186,183,181,181,181,178,176,176,178,181,181,181,181,178,178,178,135,134,134,135,181,181,135,133,178,189,191,191,191,194,194,194,194,196,194,194,191,194,194,194,196,199,199,196,196,196,199,196,191,189,189,189,189,186,183,181,178,178,178,135,178,181,186,183,181,178,179,183,189,191,191,191,189,186,183,181,178,135,135,135,135,178,183,186,189,186,183,186,183,178,178,181,183,183,186,186,181,181,183,183,181,176,133,176,178,177,178,181,183,186,183,181,178,177,177,178,183,186,189,186,186,186,186,186,186,183,181,176,176,181,183,186,186,183,181,183,183,178,178,186,191,191,181,178,179,183,183,178,176,174,177,181,186,189,186,186,186,183,183,183,186,186,189,191,191,189,186,186,183,181,181,183,183,183,178,176,129,126,129,183,194,199,196,186,181,181,183,183,183,181,181,181,181,179,181,186,191,191,186,185,186,194,196,194,186,183,183,181,181,186,189,191,191,191,191,191,186,178,174,174,178,183,186,183,178,176,176,178,178,178,178,176,176,178,183,189,189,183,178,176,173,173,173,173,176,181,183,183,183,181,178,173,125,119,115,112,111,113,121,173,181,181,179,181,186,186,182,182,186,196,202,202,202,199,199,196,194,189,186,181,176,176,176,176,173,173,176,176,173,172,173,178,178,173,127,126,127,176,181,183,183,183,181,176,176,176,173,173,173,176,178,176,173,131,129,127,126,127,173,181,183,186,183,178,176,176,181,189,191,194,202,202,196,191,189,183,181,181,181,183,183,183,183,183,186,189,191,189,181,133,131,131,133,176,178,178,178,181,183,183,181,176,176,181,186,189,194,196,196,196,194,194,189,186,183,183,186,191,196,202,199,191,183,182,189,199,199,191,189,189,194,196,196,191,189,186,186,181,179,178,181,183,181,178,178,183,186,181,125,121,178,196,202,199,196,191,191,191,191,191,189,189,189,183,181,179,181,183,189,191,191,194,199,204,207,202,186,133,132,135,181,186,191,194,196,196,202,207,215,212,199,186,181,135,129,129,135,181,178,133,132,133,183,196,199,199,199,202,202,199,196,196,191,178,168,170,173,173,178,183,189,194,189,181,170,165,165,0,0,0,0,0,204,212,212,209,207,204,204,204,209,212,212,209,207,207,209,212,217,222,222,217,212,212,209,209,212,212,209,204,202,204,207,212,222,222,217,217,217,222,225,230,233,230,0,209,0,0,0,0,0,0,0,202,212,222,222,222,222,225,228,225,222,222,222,228,228,228,222,215,202,191,186,0,0,0,0,0,0,0,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,217,212,207,196,189,186,186,183,178,170,163,160,157,157,157,157,160,160,155,150,0,0,0,152,163,173,183,191,194,194,189,178,168,166,168,173,181,194,207,215,222,222,222,217,209,202,200,202,207,212,215,215,215,215,212,209,212,225,235,238,238,235,233,225,222,225,228,230,230,233,235,233,228,225,225,225,222,215,215,215,212,209,207,204,207,207,212,212,215,217,225,230,233,230,228,228,230,233,233,230,228,225,225,225,222,220,215,215,212,207,204,204,207,209,212,215,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,9,20,25,0,0,0,20,30,64,66,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,163,160,150,150,152,157,163,168,165,159,159,160,163,168,168,168,168,168,165,165,168,170,173,170,127,125,127,127,127,170,176,173,127,121,121,123,168,168,123,123,127,168,165,125,123,125,165,165,125,117,101,105,170,194,170,69,71,117,173,173,172,173,176,178,181,186,183,168,125,127,168,168,176,189,194,189,186,183,178,173,168,121,108,103,105,123,178,183,178,168,123,125,125,121,117,165,176,178,181,183,183,173,121,117,117,111,107,107,117,176,196,207,196,176,176,173,168,176,186,186,178,176,176,176,178,178,129,111,106,109,123,125,119,117,123,125,121,117,117,125,181,194,194,178,111,102,125,183,196,207,212,217,215,209,204,199,196,196,191,189,189,194,191,183,135,134,134,135,178,183,191,194,186,176,174,181,191,194,186,183,183,186,183,181,178,176,131,173,176,173,172,176,181,176,176,181,186,191,194,199,202,199,191,173,125,123,127,131,173,131,127,129,131,173,176,176,131,131,183,199,212,215,209,191,133,128,131,133,133,133,176,176,176,176,133,131,127,126,127,131,178,191,209,222,222,207,135,128,130,135,186,204,217,222,217,209,204,202,199,194,186,178,174,173,173,174,186,189,181,177,178,186,183,176,174,176,178,131,125,121,121,121,119,113,109,112,127,181,181,178,183,189,191,189,183,178,176,172,166,168,181,194,199,202,207,204,194,178,125,121,125,127,125,119,117,116,117,121,123,121,117,117,119,119,123,123,125,127,127,123,121,127,176,181,191,196,194,181,127,124,123,124,170,178,183,186,189,183,173,127,124,124,125,125,165,168,165,170,183,183,178,181,173,109,105,165,176,165,115,109,107,105,107,186,196,181,160,168,181,178,89,101,150,155,168,178,170,163,165,160,82,81,109,160,163,157,152,152,155,170,186,196,194,157,63,61,186,204,209,209,178,81,67,51,40,63,93,101,103,107,107,109,111,111,113,160,181,181,176,178,181,178,163,109,103,101,111,115,107,107,117,163,163,160,163,157,107,108,119,119,119,117,115,119,165,176,176,168,115,108,110,186,204,199,170,114,117,157,157,113,101,103,168,168,121,109,107,160,163,168,168,157,107,83,60,60,101,113,113,115,157,160,160,157,113,107,105,101,103,103,105,111,155,160,160,157,111,95,99,119,168,168,168,170,170,165,123,168,181,176,165,123,122,123,176,176,117,111,115,109,97,96,101,165,183,173,163,165,170,178,186,191,194,189,178,125,117,117,118,118,118,121,125,125,121,118,118,125,178,189,194,191,183,173,165,170,176,178,178,183,191,196,199,204,212,209,194,165,111,105,106,117,181,194,194,183,173,123,115,109,109,115,123,165,117,103,103,111,121,165,170,168,160,119,119,119,160,165,168,168,168,160,119,119,117,113,113,113,111,107,105,107,115,163,165,165,168,119,112,115,170,189,199,196,168,105,98,100,115,119,115,115,119,163,170,176,168,109,104,109,111,119,168,170,163,119,115,109,99,101,117,157,119,117,115,119,121,119,121,163,165,163,121,123,163,165,165,168,173,178,176,176,173,172,172,173,176,173,173,170,168,170,178,183,183,178,170,127,168,170,170,168,127,127,168,170,170,127,127,127,127,126,165,168,173,173,173,173,165,113,95,87,50,77,109,115,115,117,119,119,119,119,123,173,183,186,181,178,183,183,183,189,194,196,191,189,189,183,183,183,178,176,176,178,173,170,176,178,181,178,178,181,181,178,181,191,199,199,189,178,135,186,181,126,123,127,186,202,207,207,207,207,209,215,215,212,209,209,212,215,215,217,215,215,212,212,209,204,199,199,202,204,204,202,202,202,199,196,191,186,183,183,183,183,183,186,189,191,196,196,196,194,194,196,199,199,199,196,194,194,196,199,204,207,207,207,209,212,209,196,186,183,183,183,183,189,191,189,189,189,194,189,131,121,133,186,189,186,181,181,181,186,189,183,182,183,194,202,204,202,196,191,183,135,130,131,135,181,181,136,135,178,191,196,196,196,199,196,181,125,123,125,135,196,204,199,191,191,199,207,209,207,199,194,194,194,191,131,121,125,181,191,196,196,199,202,207,209,212,209,207,204,202,204,209,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,183,183,186,186,186,186,186,186,183,182,183,186,191,194,196,196,196,196,196,196,196,194,186,178,173,172,173,178,183,186,186,183,183,183,183,181,176,170,168,127,127,168,168,170,173,176,178,176,173,168,127,127,127,168,170,176,178,181,178,173,168,127,126,127,170,173,178,178,178,176,178,178,176,173,173,176,178,181,181,178,178,178,178,178,181,183,183,186,186,186,183,186,189,194,199,199,199,199,204,207,207,204,202,199,199,199,199,199,189,139,137,139,186,186,186,194,199,194,191,191,194,191,186,186,186,189,191,194,194,196,196,186,129,129,181,186,186,178,131,131,176,181,178,131,128,128,129,130,176,181,183,183,183,183,183,186,186,186,183,183,186,183,178,176,178,178,176,176,176,178,181,183,183,183,181,181,178,135,134,133,135,181,181,135,133,135,186,189,191,194,194,194,192,194,196,196,194,194,194,191,191,194,196,199,199,199,199,199,196,194,191,189,189,189,191,189,183,183,183,183,181,183,186,189,189,181,178,178,183,194,196,196,194,191,189,186,183,178,135,133,135,178,181,186,189,186,183,183,183,183,181,178,181,183,186,189,186,183,183,183,181,176,132,133,176,178,178,181,183,189,189,189,183,178,177,178,181,186,189,189,189,186,186,189,189,189,183,178,174,176,181,183,186,189,183,178,176,131,127,127,176,186,189,183,179,181,181,181,178,176,176,178,183,189,189,186,183,183,183,183,186,186,191,196,199,196,191,186,186,181,179,179,181,183,181,178,131,126,124,127,183,202,207,202,186,179,179,181,183,181,179,179,181,183,181,181,183,191,191,186,185,186,191,196,191,183,135,135,135,178,183,189,191,194,191,189,186,186,183,178,178,183,189,189,189,186,181,176,131,131,131,131,131,131,178,186,194,194,189,181,176,173,173,173,172,172,176,178,181,183,183,178,131,125,121,117,113,113,115,125,176,183,183,181,181,183,183,181,181,183,194,199,202,202,199,199,194,189,183,181,178,178,178,178,176,173,173,176,176,173,172,172,176,176,176,170,129,173,181,183,183,186,183,181,176,176,176,173,173,173,178,178,176,173,173,173,131,127,129,173,178,178,178,178,176,176,178,183,183,181,183,189,191,189,186,186,183,181,181,183,186,186,183,181,183,186,189,191,189,181,133,131,131,132,133,131,131,133,176,181,181,133,131,133,178,181,186,191,194,196,194,194,194,191,183,178,133,133,181,191,196,196,191,186,183,189,196,196,194,191,191,191,191,191,189,186,186,183,181,179,179,183,183,181,176,173,176,178,127,115,113,127,196,196,189,191,191,189,189,189,189,189,189,189,186,183,181,181,183,186,189,189,194,202,204,204,199,183,135,178,183,183,183,186,189,191,194,199,209,217,212,194,181,133,129,127,129,135,181,181,133,131,133,183,191,191,194,196,202,202,196,189,186,176,115,113,165,173,173,176,183,194,202,199,191,181,170,0,0,0,0,0,0,199,207,209,209,207,204,204,207,209,212,212,209,207,205,205,212,217,225,225,217,215,212,209,209,209,204,199,196,196,202,207,215,225,228,225,225,225,228,230,233,235,235,233,0,0,0,0,0,0,0,0,202,215,222,225,222,222,225,228,228,225,225,228,230,233,233,230,222,209,199,196,0,0,0,0,0,0,0,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,217,215,209,204,196,191,191,189,186,178,170,165,163,160,157,157,160,163,160,155,152,0,0,0,160,170,178,186,191,191,189,181,170,168,168,173,178,189,204,215,222,222,222,222,212,204,202,204,209,215,215,217,217,217,215,215,217,228,233,235,235,235,233,228,222,225,228,228,230,233,235,233,228,225,225,222,217,217,215,217,215,209,207,204,207,207,209,212,215,217,225,230,233,230,228,228,230,233,233,228,225,222,225,225,225,220,217,217,212,207,204,204,207,209,215,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,27,25,0,0,0,0,85,113,144,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,155,168,168,152,152,157,168,176,178,170,160,159,160,165,165,165,168,170,173,168,168,173,181,189,189,183,176,173,168,127,168,170,127,123,119,118,121,168,173,170,173,173,168,165,165,125,125,165,125,113,99,95,107,181,196,186,111,103,121,173,176,173,176,178,181,183,186,183,178,168,127,127,170,183,196,199,191,186,181,178,176,173,127,123,119,119,127,176,178,170,123,119,123,123,113,107,112,165,176,183,186,186,173,121,119,121,119,113,108,113,168,189,202,199,178,178,173,125,125,178,183,183,183,181,183,189,189,181,119,110,115,129,170,125,119,119,119,117,116,116,121,173,186,186,178,121,115,178,189,199,204,209,212,207,202,199,199,196,194,186,183,186,189,191,186,135,133,133,135,181,183,191,194,186,176,174,178,183,183,181,181,181,181,181,181,178,176,178,186,183,173,170,172,176,181,181,186,191,196,196,196,196,196,191,176,123,123,127,131,173,173,176,183,183,176,173,178,178,178,189,199,212,222,215,194,127,122,131,133,132,132,133,176,176,133,133,131,127,125,127,133,178,181,202,212,212,194,130,129,129,128,127,135,202,212,209,202,194,189,189,186,181,178,176,176,176,178,186,191,186,181,181,186,186,178,176,181,181,176,127,123,125,125,127,125,117,116,123,173,178,176,183,186,186,181,181,181,181,181,173,176,189,196,199,202,209,209,207,189,170,125,127,168,168,125,118,117,118,123,127,123,117,116,116,119,125,170,127,125,125,123,123,127,170,176,183,191,189,176,170,129,125,122,125,183,196,202,202,191,176,127,127,127,127,125,125,125,165,173,189,186,178,176,168,157,165,181,181,168,155,113,111,109,113,176,186,183,173,181,199,194,170,160,157,155,165,176,170,165,170,163,87,85,150,163,165,160,155,150,148,152,173,183,183,105,75,83,176,191,196,191,103,52,61,73,69,85,97,105,109,109,107,109,150,152,152,163,189,194,194,194,196,194,189,178,155,115,117,155,115,109,107,111,165,173,178,165,108,107,111,113,115,115,113,157,173,178,168,113,110,108,109,157,183,191,173,114,116,160,157,107,96,99,186,176,157,95,88,115,165,168,163,157,117,111,87,79,91,93,97,155,163,160,155,117,113,113,115,113,111,111,111,113,155,157,157,117,87,87,105,189,186,165,119,121,160,119,117,123,173,170,165,163,121,120,165,168,123,165,170,113,94,94,99,115,170,168,123,123,168,178,183,189,191,191,186,173,121,121,123,119,118,119,123,165,125,119,117,119,168,181,183,181,173,165,168,178,191,196,202,204,202,196,196,199,209,209,191,121,106,105,109,125,183,194,191,183,173,165,117,109,105,106,113,117,105,98,100,115,123,121,119,119,119,117,115,114,119,168,173,170,163,121,117,116,119,121,160,160,119,113,109,113,160,178,189,194,181,119,112,119,173,186,196,196,168,111,101,103,119,163,121,115,113,119,165,173,173,115,103,103,104,107,111,113,115,115,115,117,102,101,115,163,165,160,117,119,119,118,118,163,176,176,170,165,123,121,125,170,181,183,181,173,173,176,178,178,176,176,173,168,166,168,173,178,181,178,173,168,168,168,170,168,127,127,168,168,127,125,125,127,168,165,165,170,173,176,178,173,113,84,81,84,86,107,117,115,115,117,119,117,115,113,117,165,176,178,173,168,173,178,178,183,191,194,191,183,181,173,176,178,178,173,170,169,165,164,169,178,183,181,176,173,173,173,176,186,199,202,189,127,119,123,129,129,129,139,199,209,209,212,212,209,212,215,215,209,208,209,215,217,222,217,217,215,215,215,209,202,195,195,196,202,204,204,202,199,196,194,186,183,182,182,183,183,186,189,191,191,194,194,194,196,196,196,199,196,196,194,194,196,199,202,204,207,204,202,204,212,209,196,183,182,186,186,189,191,194,194,191,194,196,183,104,94,109,131,135,133,133,135,181,189,194,191,183,183,191,196,199,194,189,183,135,130,129,131,181,186,183,178,136,181,191,196,196,194,194,191,183,131,127,131,181,191,194,191,183,183,194,202,202,199,194,191,191,194,191,183,137,137,183,189,191,191,194,199,204,209,212,209,207,202,200,202,207,209,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,186,183,181,181,183,186,186,186,186,186,183,182,182,183,189,194,194,196,196,196,196,199,196,194,186,178,173,172,176,181,183,186,186,183,183,183,186,181,176,173,170,170,173,173,176,176,178,178,178,178,178,176,173,170,170,170,170,176,181,181,176,170,126,125,126,127,129,173,178,181,178,178,178,181,178,178,176,178,181,181,181,178,178,176,176,178,186,189,189,189,191,191,191,191,194,199,199,199,199,202,204,204,204,204,202,199,199,199,202,199,191,183,139,186,191,196,202,207,204,196,190,191,191,189,189,189,191,194,194,196,196,194,189,129,116,117,133,189,189,181,131,131,178,181,178,131,128,128,129,131,176,183,186,183,183,183,186,186,189,186,181,181,183,181,176,174,176,178,178,176,178,181,181,181,183,183,183,183,181,178,135,134,178,186,186,181,135,181,186,189,191,194,194,194,192,196,199,199,196,191,189,186,186,191,199,204,204,202,199,196,196,196,194,189,186,186,189,186,186,186,189,189,186,189,191,194,191,186,179,181,191,199,202,199,194,191,189,186,181,178,133,132,133,178,186,189,189,183,182,182,183,183,181,181,183,186,189,189,186,186,186,186,181,133,132,133,178,181,181,183,189,194,194,194,189,183,181,181,183,189,189,189,186,186,186,189,191,186,181,176,174,176,181,183,189,191,186,176,127,121,120,119,123,133,181,183,183,183,181,178,178,178,178,181,183,186,186,181,178,181,183,186,189,196,202,204,204,199,191,189,189,186,181,181,181,183,181,176,129,125,124,129,186,202,209,204,189,181,181,183,186,181,179,179,181,186,186,189,191,196,196,191,186,186,191,196,194,181,133,131,132,178,183,186,189,191,189,183,183,186,186,186,189,191,191,189,189,189,183,133,125,124,127,129,129,131,176,183,189,189,183,178,173,173,173,173,172,172,176,178,178,181,181,181,176,129,123,119,115,117,121,131,178,183,183,181,181,183,183,182,182,183,186,191,196,196,196,196,191,186,181,181,178,176,178,181,178,173,173,176,178,176,173,173,173,176,178,176,176,178,181,181,181,183,183,178,176,178,181,178,176,176,181,181,178,178,181,186,183,178,176,178,178,176,176,176,176,178,183,186,181,177,177,181,186,183,183,183,186,186,186,186,186,186,181,181,183,186,186,186,186,181,176,176,178,178,176,131,130,130,133,178,176,130,130,131,176,178,183,189,194,194,194,194,194,191,183,133,129,130,178,186,189,189,189,183,181,183,191,194,191,191,189,183,181,181,181,181,183,183,181,181,181,186,183,178,173,129,129,131,121,113,111,119,183,133,126,183,191,191,191,191,191,189,183,181,183,181,179,181,186,189,183,182,189,199,202,199,191,178,135,183,189,186,183,181,186,189,191,194,204,209,204,189,181,178,135,129,131,178,183,181,133,132,133,183,189,191,194,202,209,207,194,181,129,111,100,100,113,163,165,168,178,191,202,202,196,189,181,0,0,0,0,0,0,194,199,204,207,207,207,204,207,209,212,212,212,207,205,205,209,215,222,222,217,215,212,212,209,207,199,195,194,196,199,204,212,225,228,228,230,230,228,228,230,233,233,233,0,0,0,0,0,0,0,0,207,215,225,228,225,225,225,228,228,228,228,228,230,233,233,230,225,215,207,204,0,0,0,0,0,0,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,215,212,209,207,204,202,196,194,189,181,173,168,165,163,160,157,157,157,157,155,152,147,0,152,157,165,170,178,181,183,183,181,176,173,170,170,173,183,202,215,222,222,222,225,217,209,207,209,215,217,217,217,222,225,222,217,222,228,233,233,233,233,230,225,225,225,228,226,228,230,233,230,228,225,222,222,217,217,217,222,217,209,207,207,207,207,209,212,215,220,228,233,235,233,228,228,230,233,230,228,222,222,222,225,222,217,215,215,212,207,203,203,207,212,215,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,30,0,0,0,0,92,121,144,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,163,155,144,140,144,157,173,183,183,176,163,160,163,165,168,165,168,173,178,173,170,178,191,202,202,196,186,178,173,170,170,127,123,123,121,119,123,173,178,181,183,181,170,165,168,168,168,173,178,125,102,101,119,176,183,178,165,123,170,183,183,183,183,181,178,178,181,178,178,173,126,126,176,189,196,199,186,176,173,173,176,176,170,170,168,125,125,168,168,125,119,118,121,125,113,105,109,121,168,176,178,176,165,118,118,165,173,125,113,113,125,178,194,194,178,176,170,124,124,173,183,186,186,186,186,191,196,199,186,173,178,178,176,127,119,119,119,117,115,115,117,125,176,181,178,176,176,183,194,199,199,202,202,194,189,191,194,194,191,186,183,186,189,191,189,178,133,134,183,189,186,183,186,186,178,178,181,181,178,178,179,183,181,178,176,176,178,183,191,186,176,172,172,176,183,181,186,194,199,199,194,191,191,189,173,123,122,127,173,176,178,178,186,183,131,127,173,181,183,191,199,207,217,217,199,127,120,176,176,131,131,133,181,178,133,131,133,129,127,129,178,178,177,191,202,202,186,131,131,135,129,123,130,191,204,202,194,186,181,181,181,181,181,181,183,183,181,186,191,191,183,181,183,183,178,178,183,186,181,173,129,129,131,173,178,176,125,123,129,173,176,178,178,178,177,178,183,189,186,183,183,191,199,199,202,207,209,209,196,178,127,127,127,168,168,127,125,168,178,183,176,123,117,119,121,168,173,125,119,121,121,123,125,127,129,173,181,181,173,129,170,129,124,127,189,207,209,209,194,176,170,173,178,176,170,165,165,165,173,186,181,170,168,165,163,176,186,178,165,157,155,117,157,157,170,178,183,183,191,202,196,189,178,165,155,155,165,168,173,181,176,109,113,170,173,170,165,160,151,147,151,168,178,173,109,97,170,183,178,157,99,87,43,75,155,103,101,107,152,150,109,106,107,155,160,157,160,189,204,212,212,212,207,204,196,170,157,117,117,119,113,105,107,173,183,186,168,108,106,109,113,115,113,111,117,173,178,160,104,111,117,115,111,113,168,168,119,163,173,168,107,98,106,207,181,157,91,84,157,176,176,168,168,160,157,111,95,83,53,49,113,155,113,111,111,109,111,115,117,115,115,109,107,115,157,157,113,85,87,119,196,183,121,116,117,117,116,114,117,123,123,123,123,121,119,123,165,165,178,183,117,96,99,101,99,107,117,119,119,165,176,186,191,194,196,191,178,165,165,168,165,121,121,123,165,168,121,117,117,121,165,168,165,119,117,125,183,199,204,207,207,204,199,196,199,207,207,189,117,100,105,123,176,183,181,176,176,173,168,123,111,102,102,107,111,105,97,99,113,119,118,117,117,119,119,115,112,114,160,165,160,119,119,116,116,119,165,173,176,178,176,163,117,115,165,183,191,176,112,111,160,176,181,186,189,119,109,103,107,160,170,165,115,110,112,115,160,170,163,107,102,102,105,109,107,107,107,111,117,107,103,111,160,168,165,160,163,160,119,119,170,189,189,183,178,123,117,121,170,186,189,183,173,173,183,189,183,178,178,176,170,168,166,168,168,173,176,176,173,170,170,170,168,127,125,125,125,125,125,165,168,170,168,168,168,176,181,189,183,115,81,81,93,113,121,119,115,114,119,121,119,113,111,113,123,170,173,168,165,170,173,173,173,178,183,181,173,170,165,168,178,178,173,169,166,163,163,168,181,189,183,176,129,128,128,129,178,194,202,191,129,110,116,125,137,189,196,204,209,209,209,212,215,215,217,215,209,209,209,215,220,222,222,217,215,215,212,209,199,194,194,196,202,207,204,202,199,194,191,186,183,183,183,183,186,189,191,191,189,189,191,191,191,194,194,194,194,194,191,194,196,202,202,202,199,196,196,199,207,207,199,189,186,189,191,191,194,196,196,194,194,189,123,84,77,99,123,129,131,131,133,181,191,196,196,189,186,189,191,191,186,181,178,131,129,131,181,189,194,189,181,178,181,189,196,196,189,186,186,186,181,135,135,135,137,186,186,181,135,183,191,194,189,186,189,194,191,183,186,186,183,181,181,183,183,189,194,202,207,209,209,207,204,202,204,209,209,209,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,186,186,186,183,181,179,181,186,189,189,189,186,183,182,182,183,186,189,191,191,194,194,194,194,194,191,183,178,173,173,176,181,186,186,186,181,181,181,183,181,176,173,170,173,176,178,181,181,178,178,178,181,181,181,178,176,176,173,173,173,178,178,176,170,126,126,127,170,170,173,178,181,178,178,181,181,181,181,181,181,183,183,181,178,173,131,129,176,186,191,191,191,194,194,196,196,199,199,199,199,199,202,202,202,202,202,199,199,198,199,202,202,194,186,183,189,196,202,209,215,207,196,191,194,194,191,191,194,199,202,202,199,199,194,183,123,112,114,131,189,189,181,176,178,183,189,186,178,131,131,131,133,181,183,183,181,183,183,186,186,186,186,183,181,181,178,174,174,176,178,178,178,181,181,179,179,181,183,186,186,186,183,178,178,183,191,191,186,181,183,189,191,194,196,196,194,194,196,199,199,194,189,186,181,181,186,196,204,204,202,196,194,194,194,191,183,181,181,181,181,183,186,189,189,189,189,189,191,194,189,186,189,196,204,207,202,194,189,186,183,178,135,132,132,135,181,186,189,186,183,182,182,183,183,181,183,186,189,189,189,189,186,186,186,181,176,133,176,181,183,186,189,194,196,199,196,194,189,186,183,186,189,189,186,181,183,186,186,186,183,178,176,174,176,181,183,189,191,191,181,127,121,119,117,119,125,133,181,186,183,181,178,176,178,178,178,181,183,183,178,177,178,183,189,199,207,215,212,204,196,189,189,191,189,183,181,181,181,178,133,127,126,127,133,186,199,204,202,191,186,186,189,189,183,179,179,181,186,194,196,199,204,204,199,191,189,194,196,194,183,133,130,131,135,181,183,186,183,181,179,181,186,189,189,189,194,194,191,189,189,183,133,124,123,125,131,173,173,178,181,181,178,176,173,172,173,173,173,173,176,178,181,178,178,181,183,181,176,129,123,121,125,131,178,183,186,183,181,181,183,183,183,186,186,183,183,189,189,189,191,189,186,181,178,176,173,176,178,176,173,131,173,178,178,176,173,176,178,178,178,178,181,181,178,176,178,181,178,178,183,186,183,178,178,183,189,189,189,191,196,196,191,189,189,183,176,174,174,176,181,186,189,181,177,177,181,183,181,181,183,189,191,191,191,189,183,181,181,183,183,183,183,181,181,181,183,186,186,178,133,130,131,133,133,131,130,130,133,176,176,181,189,191,191,194,194,194,191,181,131,129,131,181,186,186,183,183,181,177,178,183,189,189,189,183,178,177,177,177,178,178,181,183,183,183,189,183,178,176,131,129,131,125,117,114,121,127,121,119,176,194,196,194,194,191,189,179,177,179,178,178,181,186,186,181,178,183,194,194,189,178,131,133,181,186,183,181,183,186,191,191,191,196,204,202,196,194,202,202,191,183,183,183,181,135,133,176,183,189,191,199,209,212,207,189,127,117,107,98,99,110,123,163,165,173,189,199,202,199,196,186,0,0,0,0,0,0,189,194,202,207,207,207,204,204,207,209,212,212,209,205,205,209,215,217,217,215,215,212,212,212,207,199,195,195,196,202,204,209,220,228,230,233,230,228,228,228,230,230,228,0,0,0,0,0,0,0,0,212,217,225,228,228,228,225,225,228,228,228,228,230,233,233,230,228,222,215,212,0,0,0,0,0,228,230,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,207,204,202,204,207,209,202,194,186,178,170,168,168,168,165,157,0,0,0,0,0,0,147,152,157,160,163,168,173,176,178,181,181,178,173,170,170,178,196,212,222,225,225,225,222,212,212,215,220,222,222,222,225,228,228,225,225,228,230,230,230,230,225,222,222,225,228,226,228,230,230,230,228,225,222,222,217,217,217,222,217,209,207,207,207,207,207,209,212,217,228,233,235,233,228,228,230,233,230,225,222,222,222,222,220,215,215,215,212,204,203,203,207,212,217,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,0,0,0,0,43,74,111,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,168,152,140,134,130,125,133,163,181,178,173,168,163,160,163,165,165,168,173,178,178,178,186,196,204,204,202,191,181,176,173,168,123,123,170,173,127,123,173,183,186,183,176,168,127,168,168,165,170,181,178,165,119,123,168,170,170,168,170,178,183,186,189,189,181,168,127,170,170,173,170,126,127,173,181,186,183,176,172,172,176,181,181,181,181,176,170,127,125,125,123,119,119,119,123,125,115,114,119,119,119,118,125,165,119,119,170,186,176,123,119,125,173,181,181,178,173,127,124,125,129,176,181,186,186,183,186,194,199,202,199,199,196,186,170,121,119,121,121,117,114,114,121,173,181,181,181,181,181,186,189,186,189,186,178,176,181,186,186,183,183,183,186,194,202,202,189,178,183,196,191,178,135,181,189,191,196,196,189,179,178,181,186,183,174,173,174,176,183,189,183,176,173,178,181,178,176,176,186,194,194,189,183,183,176,129,122,123,129,176,181,181,173,131,129,123,123,129,176,183,194,199,199,202,207,194,131,128,176,176,173,173,178,186,189,181,176,176,176,133,133,178,178,181,186,181,181,181,133,133,186,191,181,183,191,194,194,189,181,177,178,183,186,186,189,191,191,183,178,186,189,181,178,178,178,178,183,189,191,191,186,176,173,178,178,176,178,131,121,125,178,181,178,178,178,177,177,189,202,202,194,191,199,204,202,202,204,209,209,199,183,170,129,127,125,170,178,183,186,194,199,194,176,121,121,170,176,170,119,113,113,117,121,123,125,125,129,181,183,176,127,127,129,129,173,186,199,207,196,178,170,173,181,183,181,176,170,168,168,173,173,170,168,168,165,163,173,178,170,157,155,157,160,165,163,165,181,189,191,196,202,199,191,181,173,155,153,160,168,178,189,191,189,194,196,196,186,170,157,152,152,155,163,168,163,165,189,207,202,181,150,97,87,75,89,91,103,103,160,165,160,113,105,107,152,160,160,157,186,209,215,217,225,217,209,204,194,119,115,119,165,170,119,111,160,165,173,160,111,108,108,113,117,115,105,103,157,176,168,105,117,160,119,111,110,111,157,160,168,181,189,168,106,115,181,181,165,90,90,160,173,176,178,178,176,163,117,109,91,51,45,46,89,101,101,105,103,99,107,117,157,117,109,100,100,115,163,157,91,87,99,170,163,117,117,117,119,116,117,119,119,121,123,123,122,120,163,170,168,170,176,173,170,170,111,93,93,107,115,115,119,168,181,189,194,194,186,173,165,165,170,173,168,163,125,125,125,119,117,117,118,119,119,117,113,109,117,181,199,204,209,209,207,204,204,207,204,196,183,168,106,125,178,183,181,168,123,168,170,168,168,121,92,97,113,111,109,105,107,113,119,121,121,121,165,165,119,112,112,115,117,115,117,119,119,119,160,168,173,173,178,178,168,96,98,105,121,160,113,110,112,165,168,168,176,163,107,99,105,117,163,170,168,119,102,114,157,165,165,157,109,99,101,113,115,113,109,98,94,107,107,105,109,117,163,170,168,163,160,160,173,191,199,196,194,186,168,115,111,123,173,178,176,125,165,181,189,183,178,178,178,173,173,173,168,166,170,178,181,181,178,178,173,170,127,124,123,124,168,173,176,176,173,170,165,165,170,183,189,186,173,115,103,109,121,125,123,117,117,125,165,123,113,107,107,113,119,123,125,170,176,176,170,169,170,176,170,164,164,164,168,176,181,178,176,176,176,173,176,183,191,189,181,173,129,127,126,129,183,194,194,186,123,122,131,189,199,204,204,207,207,209,212,215,215,217,215,212,212,212,215,222,222,217,215,215,212,209,207,199,195,194,196,204,207,204,199,194,191,189,186,186,189,186,183,186,191,194,194,186,186,186,186,186,186,189,191,191,191,191,194,199,204,202,194,186,186,186,189,196,202,202,196,191,191,191,191,194,196,199,199,196,189,131,111,105,115,123,127,129,131,133,178,186,194,194,191,186,186,183,181,178,178,135,133,133,178,189,194,196,194,186,181,181,186,191,191,186,183,185,186,189,183,133,129,131,181,186,181,133,134,181,183,135,135,189,191,181,129,181,186,181,179,181,138,136,139,186,196,204,207,207,204,204,207,209,209,209,209,209,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,183,183,183,183,183,181,181,181,183,186,189,189,189,183,182,182,183,186,186,186,186,191,191,191,189,189,186,181,178,176,176,178,183,186,189,183,181,178,178,178,176,173,173,173,170,176,181,183,183,181,176,176,178,181,183,181,181,181,178,176,176,176,178,178,173,129,129,170,173,176,178,181,181,178,178,178,181,178,178,181,183,186,183,181,176,129,126,127,133,183,189,191,194,194,196,199,202,202,199,199,198,198,199,199,199,199,202,202,199,199,199,199,199,196,191,189,191,196,204,212,212,204,199,196,196,196,196,196,199,204,209,209,204,199,191,181,129,123,127,176,183,183,183,183,183,189,189,189,183,178,176,133,178,181,181,181,181,181,183,183,186,186,183,183,183,183,181,176,176,178,181,181,181,183,181,179,179,181,183,189,189,186,183,181,183,186,191,189,186,183,183,189,191,196,196,196,194,196,196,196,196,191,186,183,181,179,183,191,199,202,199,194,191,194,191,189,183,178,178,177,177,178,183,186,186,186,186,186,189,194,194,194,194,199,204,207,199,189,186,183,181,178,135,135,135,181,183,183,186,189,183,182,182,183,181,181,181,183,186,186,189,189,189,186,181,178,178,178,178,181,189,191,196,196,196,196,196,194,194,191,189,189,191,189,183,181,181,181,181,176,176,178,181,181,181,181,183,186,191,191,189,181,131,125,121,121,125,131,176,181,181,178,176,176,176,176,178,181,181,178,177,176,177,183,191,204,215,215,207,196,191,189,187,191,189,186,181,176,176,176,133,131,131,135,183,191,196,199,194,189,189,191,191,189,186,181,179,181,186,196,199,204,207,207,204,199,196,199,199,199,191,181,133,132,135,181,186,186,181,178,178,181,183,183,183,186,191,191,189,189,189,183,176,127,125,131,176,178,176,176,178,178,176,173,172,173,173,173,176,178,183,183,183,181,181,181,183,186,183,178,173,176,181,189,191,191,186,183,181,178,181,183,186,186,186,181,181,181,178,178,183,186,183,178,176,131,131,173,176,173,131,129,129,176,178,176,176,176,181,178,176,176,176,178,176,176,176,178,178,181,183,189,183,178,177,183,194,196,194,194,196,199,196,196,194,186,176,173,174,178,181,186,189,186,183,181,183,183,181,181,183,191,196,196,194,189,183,181,181,181,181,181,181,181,181,183,186,189,186,181,178,178,178,178,176,131,130,131,176,178,178,181,186,189,191,194,196,196,191,183,133,130,176,183,189,186,183,181,178,177,176,178,186,191,189,183,181,178,178,178,177,177,178,183,183,186,186,183,178,178,178,133,129,125,121,123,131,127,121,122,181,194,196,196,194,189,183,179,179,179,181,181,181,183,182,181,181,183,189,186,135,131,131,131,133,135,178,181,186,191,194,194,191,194,196,204,212,217,215,209,202,191,181,178,178,178,178,181,183,183,189,202,207,207,199,173,119,115,113,111,115,121,165,168,170,178,194,204,207,207,199,189,181,183,186,189,186,183,183,0,0,207,209,209,204,203,203,207,212,212,209,207,207,209,215,217,217,215,217,217,217,215,209,202,199,199,202,204,204,209,215,225,233,233,230,225,225,225,228,225,225,225,225,222,217,215,215,217,217,217,220,225,228,230,228,228,228,228,228,228,230,230,230,230,230,230,228,225,220,0,212,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,230,225,0,0,207,202,200,202,207,207,199,191,186,181,176,170,0,170,168,163,155,0,0,0,0,0,0,150,155,155,157,163,170,178,183,189,189,183,176,173,170,176,186,204,220,225,225,222,217,212,212,217,222,225,222,225,228,233,233,228,225,228,230,230,228,225,222,222,222,225,228,228,228,230,230,230,228,222,222,225,222,222,222,222,215,209,209,212,209,207,207,207,212,217,228,233,235,233,228,228,233,233,230,222,220,222,222,222,217,215,215,215,212,209,204,204,209,217,222,222,216 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,157,152,147,142,137,134,138,152,168,170,168,163,160,163,165,168,170,170,173,178,186,194,199,199,199,199,194,186,178,173,127,122,125,178,183,173,125,170,181,183,178,168,125,125,125,125,121,121,165,170,165,123,123,125,127,127,127,168,173,178,186,191,186,170,124,124,126,127,170,168,127,129,170,170,170,173,173,173,178,186,191,191,191,191,189,183,176,170,168,168,125,119,117,121,123,119,121,123,118,115,116,123,168,121,117,168,181,173,127,125,168,173,176,178,178,176,168,125,124,125,129,173,181,183,181,181,186,196,202,204,202,199,196,186,170,125,125,127,125,116,115,125,178,181,181,181,176,176,178,178,177,181,181,176,173,176,178,178,178,178,183,191,199,209,215,207,199,199,202,186,126,127,181,196,207,215,215,204,189,179,179,183,181,174,174,176,181,186,186,181,176,133,176,178,176,129,129,176,183,183,176,173,173,129,123,121,122,129,178,183,178,125,123,122,121,122,127,173,181,189,191,189,189,189,181,173,173,178,178,176,178,183,194,196,186,178,178,178,178,178,181,183,186,186,176,133,133,131,131,183,191,189,189,186,183,183,183,178,176,178,189,191,191,194,196,191,181,178,181,181,178,174,174,176,181,186,194,199,199,196,183,178,181,183,176,176,131,123,129,181,181,178,181,181,176,176,189,209,212,204,196,202,207,202,200,204,209,207,196,183,173,170,129,125,129,186,196,199,199,199,196,181,127,170,176,170,123,115,109,109,113,115,119,121,123,170,189,196,191,131,129,176,178,178,181,186,189,176,169,169,176,181,181,181,178,176,173,170,170,168,165,166,168,163,161,163,168,163,155,155,160,165,168,165,165,178,191,194,199,199,199,194,181,170,152,152,157,168,176,183,189,196,207,212,209,196,176,155,116,152,155,155,115,112,178,204,215,215,209,173,101,91,93,97,82,88,103,170,165,157,113,107,109,113,115,117,113,160,199,212,222,228,225,215,207,189,115,111,115,163,178,173,157,111,97,111,117,111,115,157,157,157,115,103,99,111,165,165,119,157,160,117,111,110,110,115,119,163,176,181,168,111,117,170,181,189,92,89,97,115,170,189,191,183,173,165,155,111,83,49,46,77,93,99,103,101,93,101,155,173,165,113,99,98,111,165,165,103,85,88,115,119,117,119,160,160,163,170,176,170,170,170,168,123,122,165,170,163,165,178,189,194,194,173,95,93,101,111,111,107,121,173,178,178,178,176,168,163,123,165,173,173,168,165,125,123,121,119,121,123,121,119,119,115,107,107,125,194,204,207,207,207,209,212,212,204,194,183,176,117,178,194,191,181,123,109,111,165,168,168,123,100,105,123,115,113,113,115,121,170,178,173,168,168,168,160,117,115,119,117,115,117,121,160,163,165,168,168,165,168,170,117,87,95,102,111,113,111,112,160,176,170,119,107,37,16,71,117,160,121,160,168,170,173,183,181,178,165,113,105,103,111,163,160,117,111,96,91,101,111,109,107,115,160,165,160,117,117,160,178,194,202,199,194,191,178,119,111,115,121,123,123,118,118,168,178,178,176,176,178,181,183,181,176,170,173,178,186,191,189,183,176,170,165,123,123,125,176,181,181,176,173,168,165,165,168,178,186,189,189,173,119,119,125,168,165,121,125,170,170,123,111,106,104,104,105,109,119,168,181,183,178,170,169,170,170,168,164,164,168,178,183,186,186,189,189,189,186,186,186,186,183,178,173,129,127,128,176,186,194,194,186,181,189,196,204,204,204,207,209,209,212,212,215,215,215,215,215,215,215,217,222,217,215,215,209,209,207,202,196,195,196,202,204,202,199,194,189,189,189,189,189,186,183,183,189,194,191,181,135,137,181,183,183,183,186,189,189,191,194,199,199,194,181,176,178,178,179,186,194,199,199,194,191,190,190,191,196,199,199,199,196,189,178,129,127,127,129,131,133,135,178,183,189,191,189,186,183,178,134,134,134,135,135,178,186,191,191,194,196,191,183,181,183,186,189,186,185,186,189,189,183,131,128,130,183,191,186,135,134,135,133,127,126,131,133,129,128,135,183,181,181,183,181,137,137,139,189,196,202,202,202,204,207,209,209,207,207,209,209,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,178,183,186,186,183,183,183,183,183,183,186,189,189,189,189,186,183,183,186,189,189,186,186,189,189,189,189,186,183,181,178,176,176,178,183,186,186,183,178,176,176,173,170,170,173,173,173,176,181,186,186,183,173,168,127,173,176,181,183,183,183,181,178,176,176,178,176,173,173,176,178,181,181,178,178,178,178,178,178,176,176,178,181,183,183,181,176,126,125,127,176,183,189,191,194,196,199,204,204,204,202,199,198,198,199,199,199,199,202,202,199,196,196,196,199,199,196,194,194,196,202,204,204,199,196,196,199,199,199,199,202,207,212,209,202,194,186,178,135,178,181,186,186,181,181,181,183,186,189,189,186,181,176,176,178,181,181,178,178,181,181,181,183,183,186,186,186,186,186,181,181,181,183,181,181,183,181,181,181,183,189,189,189,186,183,183,186,189,191,189,186,183,183,189,191,194,194,194,194,196,194,196,194,189,186,183,181,179,181,186,191,196,196,194,191,189,189,186,183,181,178,177,177,177,178,181,181,181,183,186,189,191,194,194,191,196,199,199,194,186,183,183,183,183,183,183,186,189,189,189,189,191,186,183,183,183,181,178,178,178,178,181,183,186,186,183,178,176,176,176,176,181,189,194,196,196,196,194,194,191,191,191,189,189,191,191,189,189,183,178,133,132,132,178,183,186,186,183,183,186,189,191,191,186,181,176,133,133,133,133,131,133,176,133,133,176,176,176,181,183,183,183,181,178,178,181,189,202,209,204,191,186,189,191,189,189,189,186,181,176,174,176,176,178,178,183,189,194,194,194,189,186,186,191,194,191,189,186,183,181,189,194,196,199,204,207,204,202,204,204,204,202,194,186,178,135,135,181,189,189,183,179,179,181,183,181,179,181,186,189,186,186,189,186,181,176,176,178,183,178,176,176,178,178,178,176,173,173,173,176,178,181,183,186,186,183,183,181,181,186,189,191,189,189,194,199,199,194,186,181,176,178,181,183,186,186,183,181,178,176,131,131,176,181,181,176,131,129,131,173,173,173,131,129,129,173,176,176,173,176,178,178,176,176,176,176,176,174,176,178,178,181,183,186,186,178,177,183,194,199,196,194,196,196,194,191,189,183,176,173,174,176,181,183,186,183,181,181,183,183,181,181,181,189,196,202,196,189,181,178,181,181,181,181,181,181,183,189,189,186,183,181,178,178,181,183,183,176,133,133,133,176,133,176,181,186,189,191,196,196,191,183,176,176,178,186,189,189,186,183,181,178,178,183,191,194,191,186,181,181,183,183,178,178,178,181,181,181,181,181,181,183,181,176,127,125,127,176,183,181,129,131,186,194,194,191,189,186,183,186,186,191,191,191,189,186,186,183,183,186,186,183,135,131,131,129,129,131,133,178,186,194,199,199,196,194,196,202,212,217,215,209,202,189,178,135,178,181,181,178,176,127,133,191,196,196,191,176,127,181,196,202,189,176,170,168,173,183,202,209,209,207,199,189,183,186,191,191,189,183,183,0,0,207,212,212,209,204,204,209,212,212,209,209,209,212,215,217,217,217,222,222,222,217,212,207,202,204,207,207,207,207,212,222,230,230,228,222,220,222,225,225,225,225,222,215,212,212,215,217,222,217,222,225,230,230,230,228,228,228,228,228,230,233,230,230,233,233,230,228,225,0,215,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,230,225,0,0,207,202,202,204,207,204,196,191,189,189,181,176,0,170,170,165,157,0,0,0,0,0,0,0,150,150,155,163,170,178,186,191,191,186,181,178,176,176,183,199,212,220,222,220,215,211,211,215,222,225,225,228,233,235,235,228,225,228,230,230,225,222,222,217,222,228,230,230,230,230,230,228,225,222,225,225,225,222,217,217,215,209,212,215,212,207,207,207,209,217,225,230,233,230,225,225,228,230,228,222,217,222,222,222,215,215,215,215,215,215,212,209,212,222,225,222,216 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,157,170,181,181,176,152,139,142,157,165,163,160,165,168,165,168,170,173,173,181,191,199,199,196,194,194,194,189,178,170,125,122,168,189,191,176,125,168,178,181,176,127,125,127,125,120,119,118,120,121,123,121,121,121,125,127,168,127,127,173,186,191,181,126,123,124,168,173,176,170,127,129,129,128,128,173,176,183,191,199,202,199,196,196,196,194,189,183,181,178,170,123,117,115,113,115,123,168,123,118,118,165,168,117,109,119,170,170,127,127,173,178,181,181,181,181,173,127,125,125,125,170,178,181,178,176,181,189,196,199,199,199,202,199,186,170,127,170,176,127,125,170,178,181,181,181,178,176,181,177,176,178,183,178,174,176,178,181,178,178,183,191,204,215,217,209,202,199,196,135,122,123,135,199,215,225,225,215,199,181,179,181,178,176,178,186,189,194,196,191,181,133,133,176,173,128,128,128,131,129,129,129,131,129,123,121,121,127,176,178,131,123,122,122,122,123,127,173,178,183,186,183,178,173,172,172,178,183,181,178,181,186,194,194,183,178,178,178,176,178,186,189,189,183,176,133,132,130,130,176,181,181,178,174,174,176,181,181,178,181,186,191,191,191,194,189,181,177,177,178,181,178,174,174,176,181,189,196,202,199,191,183,183,181,173,173,131,127,131,178,178,181,191,191,176,170,181,215,217,204,189,191,204,204,202,204,207,191,183,178,176,176,173,127,173,186,196,199,194,189,183,173,127,176,170,119,113,109,109,109,109,111,115,121,125,176,189,194,189,176,183,194,194,189,186,186,183,170,170,176,178,178,181,181,178,176,173,173,173,170,170,170,170,163,160,161,163,163,160,157,157,163,168,165,157,168,181,189,191,191,194,191,181,168,148,150,157,165,168,170,178,194,209,215,212,202,176,117,115,117,155,115,111,105,186,204,209,215,212,165,101,99,105,107,83,88,109,170,157,109,107,111,115,113,110,111,109,111,178,202,212,215,212,209,207,168,109,103,99,107,178,183,173,111,87,100,105,105,163,186,178,168,117,103,99,105,119,163,160,157,119,115,115,111,110,111,113,119,163,170,163,115,117,168,176,181,95,91,96,109,165,189,191,181,176,168,163,165,170,103,67,85,101,107,107,101,91,99,157,181,173,117,101,100,111,160,160,107,86,85,97,115,119,160,165,168,176,191,199,196,191,186,176,165,160,163,163,121,165,189,202,204,199,181,105,98,107,109,99,92,111,163,121,117,163,170,170,163,121,123,170,170,168,168,125,123,123,125,168,168,165,125,165,125,111,100,101,170,196,204,204,204,209,215,215,202,189,183,178,168,191,202,199,186,127,100,93,117,123,125,125,125,183,186,163,117,117,121,165,178,186,178,168,121,121,119,119,160,165,121,113,115,119,160,163,168,170,166,165,170,173,117,90,103,109,111,113,113,160,178,191,183,160,95,14,3,25,117,165,121,118,160,178,196,204,202,194,170,107,107,115,165,178,176,163,117,107,103,115,117,109,105,113,155,117,109,103,105,115,170,191,196,194,191,189,181,163,109,107,109,113,119,118,118,125,170,170,168,170,178,189,191,186,181,176,173,176,186,196,196,186,178,170,165,123,123,125,170,173,170,168,165,165,165,168,170,176,178,186,191,186,170,125,168,173,170,168,168,170,168,121,111,109,106,104,103,105,113,123,176,186,186,178,173,170,170,170,165,165,170,181,186,189,186,189,194,196,194,181,176,176,178,178,178,176,133,133,176,181,189,194,199,196,196,202,204,204,204,207,212,212,212,212,212,212,215,215,215,212,215,217,217,215,212,212,209,209,209,204,199,196,196,202,204,202,196,191,189,189,189,189,189,186,183,183,189,191,186,135,132,133,137,183,183,183,183,186,191,191,194,196,196,189,178,174,178,179,178,181,189,196,199,196,191,190,190,191,196,199,199,199,196,196,194,186,178,133,135,178,181,181,183,181,181,183,186,186,183,178,134,134,135,178,181,183,189,189,186,186,194,191,178,135,178,183,186,189,191,191,191,189,181,131,130,133,189,196,194,186,181,137,133,126,125,126,129,131,129,133,137,181,183,186,186,181,138,138,183,191,194,194,196,202,204,204,204,204,207,209,209,207,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,176,181,186,186,186,186,186,186,186,186,186,189,189,189,189,189,189,186,186,189,191,191,191,189,191,189,189,189,189,186,183,178,176,176,178,181,183,183,181,178,173,173,170,169,170,173,173,173,176,178,183,186,181,170,119,116,121,168,176,181,181,181,181,178,176,173,173,173,176,176,178,181,183,181,176,176,178,181,178,176,170,129,131,131,176,178,181,178,129,127,131,181,189,191,194,196,199,202,207,207,204,204,202,199,199,199,199,199,199,202,202,199,196,196,196,202,202,202,199,196,199,202,202,196,195,195,196,199,196,196,196,199,204,204,199,189,183,178,135,178,186,189,189,186,181,178,176,181,186,189,189,186,181,178,176,178,181,181,177,177,178,178,178,181,186,189,189,189,189,189,186,186,183,183,181,181,183,183,183,186,189,194,194,191,189,183,183,186,189,191,189,189,186,186,189,189,191,191,194,194,194,194,196,196,191,189,186,181,181,181,183,186,191,194,191,189,186,186,186,186,183,181,178,178,178,178,177,177,178,183,186,189,191,191,189,189,191,194,194,189,183,183,183,186,186,189,191,194,196,194,194,194,191,189,183,183,183,178,176,176,133,133,176,181,181,181,178,133,132,133,133,176,181,189,194,196,196,196,196,194,191,189,186,189,191,191,191,196,196,189,178,132,131,132,176,183,189,189,183,183,183,183,186,186,186,183,183,183,186,183,176,130,130,131,131,133,176,178,178,183,189,189,189,189,189,186,181,181,189,194,189,181,181,189,189,189,186,186,186,183,181,178,178,181,183,186,189,191,191,191,189,185,183,185,189,191,191,191,189,186,186,189,191,191,194,199,202,204,204,207,209,209,204,196,189,183,181,178,181,186,191,191,189,186,186,183,181,179,179,183,183,183,183,186,189,186,183,181,186,186,181,178,176,178,183,183,181,178,176,176,178,178,181,183,183,181,181,181,178,181,183,189,191,189,189,194,199,199,194,186,178,174,176,178,181,183,183,181,178,176,131,129,129,173,181,178,173,129,129,131,173,176,176,173,170,129,129,170,173,173,173,176,178,176,176,176,176,176,176,176,178,181,181,183,183,183,181,181,183,191,196,194,194,194,194,189,183,181,178,176,174,176,176,178,178,178,178,178,181,181,181,181,178,181,189,199,204,199,186,178,176,181,181,181,181,181,183,189,191,194,189,186,183,181,178,178,183,186,181,133,131,131,131,130,131,178,186,189,191,194,194,191,189,183,183,183,183,186,189,189,186,183,181,183,186,189,191,191,186,178,178,181,183,181,178,178,178,177,176,177,178,183,186,183,176,127,127,133,186,191,191,186,186,191,194,194,189,186,186,189,191,196,199,202,199,196,194,191,189,186,189,189,186,181,135,131,128,127,128,128,133,189,202,202,199,196,194,196,199,204,204,202,199,196,183,135,135,181,183,181,133,125,114,117,133,183,191,194,191,191,204,212,212,202,183,168,123,123,178,202,209,209,207,196,189,186,191,194,194,189,183,186,0,202,209,215,217,215,212,209,209,212,212,209,212,212,215,217,217,215,217,220,222,220,215,212,207,204,207,207,207,207,207,212,217,222,225,222,215,215,215,222,228,228,228,217,212,209,209,215,217,217,217,222,225,230,230,233,230,230,230,228,230,233,235,233,233,233,233,230,228,228,225,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,230,225,0,0,0,0,204,207,207,204,199,194,194,194,0,181,0,173,173,168,163,155,152,155,152,0,0,0,0,150,155,165,173,178,183,191,191,189,183,181,181,181,186,196,204,212,215,217,212,209,209,212,220,225,228,230,235,241,238,230,225,228,230,230,225,222,222,217,222,230,233,233,233,230,230,228,225,222,225,228,225,222,217,215,212,209,212,215,215,209,207,207,209,215,225,230,230,228,225,217,217,225,225,222,217,217,222,217,215,215,215,222,222,222,217,215,217,222,225,220,216 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,183,194,196,191,178,155,150,157,160,157,157,168,173,170,168,173,176,176,183,194,199,199,194,191,191,191,186,178,170,125,123,173,189,189,173,124,168,176,176,170,168,176,178,168,123,121,121,120,120,121,121,121,121,125,170,173,168,127,170,186,189,178,168,168,176,183,189,183,170,127,129,170,129,129,176,181,189,196,202,204,202,199,199,202,202,196,194,189,186,181,170,119,111,109,111,119,127,168,127,168,170,165,108,105,109,123,168,125,125,176,189,191,186,181,181,176,170,129,129,129,170,176,178,176,173,176,181,189,194,194,194,199,202,194,178,170,173,181,183,178,178,178,176,176,178,176,181,186,181,177,181,189,183,178,183,189,191,186,183,186,191,199,207,204,194,183,181,178,129,124,124,178,202,217,225,225,215,204,189,183,186,181,178,186,196,199,204,207,207,194,178,133,131,131,129,128,127,127,127,128,129,173,173,127,122,122,127,131,129,125,125,127,129,129,129,129,131,173,181,183,183,178,173,169,169,173,183,181,178,181,183,186,183,173,173,173,173,133,176,183,189,186,183,178,178,178,133,132,178,181,178,174,172,172,173,181,186,183,176,181,186,186,189,191,189,183,178,177,183,196,199,181,172,170,173,181,189,194,196,189,183,183,181,173,173,131,127,131,178,181,191,207,207,181,166,173,207,212,196,172,173,196,207,207,204,199,176,131,178,186,186,178,170,178,186,189,189,183,173,125,122,125,168,121,109,107,108,109,109,108,109,117,125,170,178,183,178,129,131,189,204,209,204,199,199,194,181,183,186,183,178,178,178,176,170,168,170,178,183,183,181,173,168,165,165,165,168,165,160,157,163,168,163,116,116,165,173,176,178,181,183,176,168,150,151,160,165,163,157,163,181,199,204,202,191,170,117,115,155,160,155,114,114,191,196,194,196,181,105,99,107,109,113,113,117,155,165,160,104,107,155,163,155,111,110,108,109,163,183,191,194,194,194,189,117,105,96,92,96,181,189,183,119,100,100,99,99,173,194,191,178,119,103,97,101,117,157,157,118,157,160,168,157,111,110,113,117,160,163,160,117,119,163,168,163,103,97,103,107,157,178,181,176,168,163,165,181,189,176,105,103,115,152,113,101,85,91,113,163,160,115,105,101,107,115,113,101,93,89,94,115,160,160,163,168,183,204,212,209,207,199,181,165,160,121,119,121,173,194,204,204,196,176,119,117,117,105,91,88,107,117,110,107,117,173,176,165,122,165,170,170,165,163,123,123,123,125,168,168,165,168,173,178,127,103,95,98,127,191,199,199,204,212,209,194,181,178,181,181,194,202,199,194,181,101,87,103,117,121,123,181,204,204,183,119,117,121,163,168,173,168,121,113,112,112,115,160,163,115,106,109,115,117,119,163,168,170,170,176,176,160,107,163,117,113,119,163,178,191,199,199,196,178,37,19,21,61,163,160,117,118,173,199,209,207,196,165,106,109,160,176,194,194,178,160,111,113,163,117,105,101,109,113,107,99,98,101,111,165,183,191,191,189,189,183,165,105,99,101,109,165,170,173,173,173,170,165,125,173,186,189,183,176,173,170,170,178,194,196,189,178,173,168,124,124,165,165,121,117,119,123,165,168,170,173,176,173,176,183,181,173,170,173,178,181,176,173,170,125,117,115,121,121,113,107,109,115,121,168,178,181,178,173,170,165,165,168,168,176,183,189,186,181,181,189,194,191,176,165,165,166,170,176,178,181,178,133,131,133,183,196,199,199,202,204,207,207,209,212,215,215,215,215,215,215,212,212,209,209,212,212,209,207,209,212,212,209,204,199,196,199,202,202,199,196,191,189,189,189,189,186,183,182,183,186,191,186,137,133,134,181,186,189,186,186,186,191,194,194,196,196,194,183,181,189,189,189,189,191,196,199,196,191,190,190,191,196,199,199,196,196,196,199,194,186,181,183,189,194,194,191,186,178,177,178,183,189,186,181,178,178,181,183,186,191,189,181,181,186,181,131,130,178,183,189,194,196,196,194,189,181,133,131,178,189,196,196,191,189,183,137,133,129,129,135,181,137,135,137,183,189,191,191,189,186,183,186,191,191,191,194,199,199,199,199,202,207,209,209,204,202,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,127,129,131,176,183,186,189,189,189,189,189,189,189,189,191,191,191,191,189,189,189,189,189,191,194,194,191,191,191,189,189,189,189,183,181,178,176,178,181,181,183,181,176,173,176,173,170,169,170,173,176,176,176,178,181,178,168,116,113,117,125,170,176,176,176,176,176,173,170,169,170,173,178,181,183,183,178,174,174,176,178,178,173,129,126,126,126,129,173,181,181,176,176,181,189,191,194,196,199,202,204,207,207,207,204,204,204,202,202,202,202,202,202,202,199,196,196,199,204,207,204,202,199,202,202,202,196,195,195,196,199,199,196,196,196,199,196,186,135,134,133,133,178,189,191,189,183,178,176,133,176,181,186,186,183,181,178,176,181,183,181,178,178,178,178,178,183,189,189,186,183,189,191,191,189,189,186,183,183,183,183,186,189,191,196,196,196,191,189,186,186,186,189,189,189,189,189,189,189,189,191,191,194,191,191,194,194,191,191,189,186,183,181,181,183,186,191,191,189,186,186,186,186,183,181,178,181,181,178,178,178,181,183,186,189,186,186,186,186,189,191,189,186,183,182,183,186,186,189,191,196,199,199,196,196,194,186,183,183,181,178,176,133,131,131,133,178,178,178,176,133,133,133,133,176,181,189,194,199,199,199,199,196,189,183,183,189,189,189,194,202,202,194,181,133,133,178,178,183,186,183,181,178,178,178,178,176,178,181,183,186,189,186,176,129,129,133,133,133,178,181,181,183,189,191,196,199,199,194,183,178,176,178,178,178,181,186,183,181,181,183,186,186,186,186,186,186,189,189,191,191,191,189,186,185,183,185,186,189,189,191,191,191,189,189,189,189,191,196,204,204,204,207,209,207,202,194,189,186,186,181,181,186,194,194,194,191,186,183,181,179,181,183,183,183,186,189,189,186,183,183,186,189,186,181,178,181,186,186,183,178,178,178,176,178,181,183,178,131,127,129,173,176,178,183,181,178,181,186,191,194,189,183,176,174,176,178,181,181,181,181,178,176,173,130,130,176,181,178,173,131,128,129,131,176,176,176,173,129,126,127,173,173,173,176,176,176,174,176,176,176,178,178,183,186,186,183,183,183,183,183,186,191,194,192,192,194,191,186,178,176,176,176,176,178,181,176,173,173,173,176,178,178,176,133,176,178,186,196,204,199,186,174,174,178,181,181,181,183,189,194,199,199,194,191,189,183,181,181,181,183,178,133,130,130,130,130,130,178,186,189,189,189,191,191,191,194,191,183,182,183,189,189,183,181,178,181,181,178,178,183,181,178,176,178,181,178,176,176,178,177,176,176,178,181,183,183,176,129,129,178,186,191,194,194,194,194,194,191,189,186,186,189,194,196,199,202,202,202,199,194,191,189,191,191,191,186,181,133,128,126,126,126,131,194,207,204,196,194,194,196,196,199,196,191,191,191,183,135,134,135,178,178,133,126,114,116,127,178,191,204,207,209,209,209,204,199,189,176,123,119,123,186,204,207,204,194,186,186,191,196,196,191,186,186,191,199,209,215,222,222,217,215,212,212,209,209,212,215,215,217,215,212,215,215,215,215,212,209,207,204,207,207,207,207,207,209,212,217,222,217,213,212,213,217,228,230,228,217,208,207,209,215,217,217,222,222,228,230,233,233,233,233,230,228,230,235,235,235,235,235,235,230,228,228,222,215,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,230,222,0,0,0,0,0,207,207,204,202,199,199,196,191,183,0,176,176,173,168,160,160,160,157,152,0,150,147,152,160,173,178,178,181,186,189,186,186,186,189,189,191,196,199,204,212,215,212,208,208,212,220,225,230,235,241,243,238,230,225,228,230,228,225,222,217,217,225,233,238,235,233,233,230,228,225,222,225,228,225,217,215,212,212,212,212,215,215,212,209,209,212,215,225,228,230,228,225,216,215,217,225,222,217,217,217,217,215,215,217,225,228,228,225,222,220,222,222,220,216 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,183,199,202,196,189,173,160,155,155,153,155,170,176,170,168,173,178,178,178,186,191,194,194,196,196,191,181,176,173,168,127,176,189,186,168,122,127,173,168,127,170,186,191,178,168,170,170,127,123,121,123,123,125,168,176,181,176,168,170,178,181,178,178,189,196,199,199,189,170,127,129,170,129,170,176,181,186,194,199,199,199,199,202,202,202,202,199,194,191,186,181,121,110,110,115,117,121,127,176,178,178,168,111,107,111,119,125,125,127,178,191,191,186,181,181,181,178,178,176,170,170,173,176,173,170,173,176,183,189,189,189,194,199,194,181,170,170,178,183,181,178,178,173,131,129,127,176,186,181,177,183,191,189,183,191,199,202,196,191,189,186,189,191,186,131,125,123,125,127,127,133,194,209,217,222,217,212,202,194,191,191,186,181,189,202,204,209,215,215,209,191,176,131,173,176,173,129,127,127,129,173,176,178,173,127,127,129,131,127,127,131,176,178,178,176,173,173,176,181,186,186,186,186,176,170,172,178,176,176,181,181,178,173,128,129,131,129,129,133,181,183,183,183,186,186,186,183,181,189,196,194,189,181,176,178,183,186,181,132,133,178,183,186,191,194,191,181,177,186,212,220,202,176,170,173,181,183,186,186,183,181,181,181,181,178,176,131,173,181,189,202,215,217,191,168,169,191,202,191,172,172,186,196,199,196,191,127,124,181,196,189,173,129,178,181,176,173,173,127,120,120,123,123,113,108,107,108,109,109,111,113,121,173,183,189,189,131,125,129,189,209,215,215,215,212,209,199,196,194,183,178,176,173,125,116,119,168,183,191,191,186,181,178,176,173,168,165,165,163,163,168,170,163,116,114,117,160,163,165,168,170,168,165,155,155,163,165,160,118,118,165,181,183,181,176,165,119,117,157,163,160,160,170,199,191,176,173,165,107,105,111,109,115,165,170,168,170,170,117,155,165,170,163,119,117,111,111,119,170,176,178,181,181,170,115,105,97,93,103,186,186,170,117,117,109,95,98,176,189,189,178,117,99,94,98,160,121,116,116,165,186,202,183,113,111,117,157,160,160,157,117,117,119,157,155,113,111,107,99,105,163,168,165,157,155,165,183,189,170,115,115,163,163,152,99,80,82,95,107,109,107,103,100,105,111,111,107,101,99,105,157,163,121,120,168,183,202,212,215,217,207,176,121,117,115,115,163,183,196,202,199,191,178,163,121,115,101,91,94,115,117,107,104,113,173,176,165,123,168,173,170,163,123,121,123,123,123,125,125,125,170,178,189,191,176,98,94,100,127,183,189,196,202,199,186,174,176,183,189,194,199,202,202,199,127,94,103,117,117,119,176,199,199,186,163,123,123,121,117,117,119,117,113,113,112,113,117,115,102,91,109,113,111,109,113,160,165,165,163,121,117,119,170,115,113,168,178,191,199,202,204,212,212,73,29,29,65,163,160,118,117,160,191,204,199,176,115,107,117,165,178,199,202,186,113,96,96,109,107,99,98,103,103,99,98,99,101,109,160,176,186,191,191,194,189,170,105,96,97,111,178,186,186,183,183,181,170,125,125,173,173,168,168,168,168,125,165,176,189,186,181,176,176,173,178,181,170,121,115,115,119,125,125,125,168,170,168,168,170,170,170,173,183,189,191,186,178,168,123,117,119,165,170,125,119,121,123,165,168,165,125,165,168,165,121,121,165,170,176,186,189,186,176,173,176,183,183,170,164,164,166,170,176,181,181,133,128,126,127,133,191,199,199,202,204,209,209,209,212,215,215,217,217,215,215,212,209,207,207,209,207,204,204,207,212,212,207,202,199,199,199,202,202,199,194,191,187,187,189,189,186,183,183,183,186,191,189,183,137,181,186,191,191,189,189,191,194,194,194,194,196,196,194,194,196,199,196,196,196,199,196,194,191,191,191,194,196,202,202,199,196,199,199,196,191,189,191,196,199,202,199,189,178,177,178,183,189,189,186,183,181,181,183,189,191,191,183,181,181,133,128,129,178,189,194,199,202,199,194,189,183,178,135,181,189,194,194,191,189,186,186,183,181,137,183,189,186,181,183,186,191,194,196,196,196,196,196,196,194,191,194,199,199,199,199,202,207,212,209,202,196,194,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,127,127,129,131,178,183,189,191,189,189,189,189,191,191,191,191,191,191,191,189,189,186,186,189,191,194,194,194,191,191,191,191,191,191,186,183,181,178,178,178,181,181,181,178,178,178,176,170,169,170,173,176,176,176,173,176,176,170,121,117,121,127,170,170,170,170,170,173,173,170,169,170,173,178,181,183,181,178,174,174,176,178,176,170,129,126,125,125,126,131,176,181,183,186,189,191,191,194,196,199,202,204,204,204,204,202,202,204,204,202,204,204,204,202,202,202,199,199,199,202,204,204,202,199,202,204,204,202,196,195,196,199,202,199,196,199,199,194,183,135,134,133,134,183,191,194,189,183,178,135,132,132,178,183,183,183,181,176,176,181,183,183,181,178,178,178,181,186,191,189,182,181,186,191,194,191,191,186,186,186,186,183,183,186,191,196,196,196,194,191,186,183,183,186,186,186,191,191,191,189,189,191,194,194,189,186,189,191,191,191,194,189,183,178,178,178,183,186,186,186,186,186,183,181,176,133,176,178,181,178,176,178,181,183,183,181,181,181,183,186,189,191,189,186,183,182,183,186,186,189,189,194,196,196,194,194,189,183,181,181,178,176,133,133,131,127,131,176,178,176,176,176,176,133,133,176,181,189,196,199,202,202,199,196,189,183,183,186,189,189,194,204,204,194,186,181,183,186,183,183,183,178,133,133,133,133,131,129,131,178,181,183,181,181,133,130,131,178,178,178,181,181,181,181,186,189,196,202,204,199,189,178,176,176,176,176,178,178,133,131,176,183,189,191,191,191,191,191,191,191,191,191,191,191,189,186,189,189,189,189,189,191,194,194,189,189,191,191,194,199,207,207,204,204,207,204,196,191,189,189,189,183,181,186,191,194,194,191,189,183,181,181,183,186,186,186,189,189,186,183,181,181,183,186,186,181,178,178,183,186,181,176,176,173,131,173,181,186,181,125,121,123,125,129,173,176,176,174,176,181,186,186,183,181,176,176,178,178,181,181,181,181,178,178,176,131,173,176,181,178,173,131,128,128,131,173,176,176,173,127,126,127,173,181,181,178,176,176,174,174,176,178,181,183,189,191,194,191,186,186,186,186,189,194,194,194,194,196,194,186,178,173,131,173,178,181,181,176,131,130,131,176,181,176,129,125,129,176,181,191,202,199,186,174,173,176,181,183,183,189,194,199,199,199,196,194,191,189,189,186,183,181,181,176,131,131,131,131,131,178,186,183,181,183,183,186,191,196,191,186,183,183,186,186,181,176,173,176,176,131,131,173,176,173,173,176,176,173,131,173,178,178,178,181,178,181,183,186,181,133,176,181,186,189,191,194,196,194,191,191,189,189,186,186,186,189,194,196,199,202,202,199,194,194,191,191,191,191,186,178,133,131,129,127,131,191,204,202,194,194,194,194,196,199,196,194,194,194,189,181,134,133,134,178,181,178,129,129,178,186,199,212,215,215,209,207,204,202,196,186,173,123,123,178,194,202,199,191,186,189,194,196,196,194,191,191,194,202,209,215,222,225,225,217,212,209,209,209,209,212,215,215,212,209,209,209,209,212,209,209,207,207,207,207,204,204,207,209,212,215,217,217,213,213,213,217,225,230,228,215,208,207,209,215,217,222,225,225,228,230,233,233,235,233,230,230,233,235,238,235,235,238,235,230,228,228,222,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,230,225,0,0,0,0,0,204,202,204,207,204,202,199,191,183,181,0,178,176,176,168,168,165,160,0,0,147,147,152,165,178,183,183,181,186,191,189,189,191,191,194,196,199,196,199,207,215,212,209,209,212,222,228,230,238,243,246,241,230,225,228,230,228,222,217,215,215,225,233,238,238,233,230,230,228,225,222,225,228,225,217,215,212,212,212,212,212,215,217,215,212,212,215,222,228,230,230,225,216,215,217,225,225,217,215,215,215,212,215,222,225,228,228,225,222,217,217,217,222,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,194,196,194,191,183,168,153,153,155,155,165,173,173,173,176,178,176,170,176,181,183,186,191,194,189,178,178,183,178,176,183,191,186,168,121,123,127,123,119,125,183,189,181,176,176,178,173,168,127,127,170,173,176,183,189,183,173,168,170,170,178,191,204,209,207,202,189,170,127,129,129,127,170,176,178,183,186,191,196,199,202,202,202,202,202,199,196,194,191,189,127,113,119,168,123,119,125,173,178,181,173,121,115,117,119,121,125,170,181,183,181,178,181,183,183,183,183,181,176,170,170,173,173,170,170,173,178,183,186,189,191,194,194,186,173,129,129,173,173,178,178,173,129,121,117,121,178,181,177,181,189,186,183,191,202,202,196,191,189,181,135,178,133,127,122,122,122,125,131,191,207,215,220,217,212,204,196,194,196,196,189,181,186,199,207,207,212,217,215,199,181,176,178,183,183,176,131,131,173,178,178,178,176,173,173,176,176,173,173,178,181,183,183,181,176,176,178,178,183,186,191,196,189,176,172,173,172,176,181,178,173,129,127,128,129,129,129,173,178,181,181,186,196,196,191,189,189,196,209,209,207,199,194,191,191,186,178,132,132,176,178,183,189,194,194,186,178,183,209,222,209,189,181,183,191,189,183,183,181,176,176,178,181,181,181,178,178,181,189,196,204,207,194,176,174,186,194,189,178,176,176,128,128,183,183,122,118,173,189,181,129,128,173,178,129,127,129,129,123,123,127,121,113,109,111,111,109,111,115,119,127,178,191,199,196,181,128,130,191,207,215,217,222,222,215,212,207,199,191,183,176,131,121,103,114,170,186,189,186,183,183,183,181,176,168,163,124,168,176,186,178,168,121,115,117,119,119,160,165,163,122,163,163,163,163,163,160,119,117,119,163,165,165,165,163,160,121,160,165,163,163,173,194,186,163,163,168,160,115,111,109,117,168,173,173,176,173,168,165,168,170,168,168,176,168,119,121,168,173,173,173,173,160,115,109,99,98,119,181,168,113,108,121,117,99,109,181,186,181,168,111,101,95,103,168,119,114,117,173,194,209,194,111,111,117,157,160,119,113,111,111,109,111,117,157,163,115,95,96,109,113,109,107,113,168,181,176,163,155,163,173,173,163,105,80,80,85,97,103,103,101,98,100,109,117,119,111,109,119,163,163,157,120,163,178,194,204,212,222,209,163,109,109,109,113,168,189,196,194,191,186,176,121,107,99,97,97,111,165,165,110,106,111,168,173,165,123,165,173,170,165,163,123,121,119,119,119,121,123,173,186,196,204,204,176,101,100,113,127,176,186,191,189,178,174,178,189,194,196,199,202,204,204,191,117,117,121,117,116,121,170,176,173,170,170,170,123,115,113,115,115,117,115,113,113,117,115,103,94,115,115,107,105,105,109,115,115,109,106,109,119,160,113,117,178,189,199,202,199,202,207,209,69,28,69,181,178,121,119,120,163,178,189,173,117,113,119,176,173,176,189,196,181,107,91,92,99,103,99,97,97,97,97,98,101,103,109,119,165,178,189,194,199,196,181,113,99,96,107,181,189,189,186,189,191,183,170,123,121,119,119,123,125,125,122,121,123,176,181,178,176,181,189,196,199,189,170,117,114,116,117,117,116,119,125,165,125,165,125,165,176,191,199,202,196,186,176,165,123,123,165,170,168,165,168,170,176,173,125,117,117,121,123,121,123,168,170,176,183,189,186,178,173,170,170,170,170,168,170,176,181,183,186,181,131,126,125,128,181,196,202,204,204,207,209,209,207,209,212,215,217,217,215,212,209,209,207,207,207,207,202,202,204,207,207,204,202,199,199,202,202,199,196,191,189,187,187,189,191,189,189,186,183,186,191,191,189,189,191,194,194,191,189,186,189,191,194,191,194,196,199,199,199,199,199,199,199,199,196,196,194,191,191,191,194,199,202,202,202,202,199,199,196,194,191,191,194,199,202,199,194,183,178,181,183,186,189,189,186,183,181,183,186,189,191,189,183,181,133,129,130,181,191,199,202,202,199,194,191,186,181,178,181,189,194,191,189,186,186,186,189,189,186,186,186,189,189,189,191,194,196,199,202,204,204,204,204,196,191,194,199,202,202,199,202,209,212,207,196,189,183,183,186,189,191,196,196,191,183,176,176,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,133,131,129,129,131,133,178,183,189,189,189,189,189,189,191,191,191,191,191,191,191,189,189,186,186,186,191,194,196,194,194,191,191,191,194,191,189,186,183,181,178,178,181,181,181,178,178,181,178,170,169,169,173,176,176,173,170,173,176,176,170,127,168,170,173,173,173,173,173,173,176,173,173,170,173,176,181,181,181,178,176,176,178,178,176,173,131,129,127,127,127,131,176,181,186,194,194,191,190,191,194,196,199,202,202,202,200,200,200,202,204,204,207,209,207,204,202,202,202,199,199,199,202,202,202,199,199,204,207,204,202,196,196,199,202,199,196,196,196,191,186,183,181,181,183,189,194,196,191,186,181,135,132,132,133,178,183,183,181,176,176,178,181,181,178,176,176,178,183,186,189,186,182,181,186,191,194,194,191,186,183,183,186,183,183,183,189,191,194,194,194,189,186,181,181,183,183,186,191,194,194,191,191,194,196,194,189,183,186,189,189,191,194,189,183,178,177,178,181,183,183,183,186,186,183,178,132,131,132,176,178,176,133,133,176,178,178,178,178,178,181,186,191,189,186,186,183,183,183,186,186,189,189,191,191,191,191,191,186,181,178,178,176,133,133,133,129,125,127,131,133,176,178,181,181,176,133,176,183,191,196,199,196,196,194,189,183,181,183,183,183,189,196,204,204,196,191,189,189,189,186,183,178,133,132,132,133,133,130,129,130,178,181,178,176,176,133,131,176,183,183,181,181,181,178,176,176,183,191,199,202,196,189,181,181,181,178,133,133,131,130,130,176,183,189,191,191,191,191,194,194,194,194,194,194,194,194,194,196,199,196,194,191,191,194,194,189,191,194,194,196,202,207,207,204,204,202,199,191,189,187,189,189,186,183,186,191,191,194,194,191,186,183,183,186,186,189,189,189,186,181,178,177,177,178,181,183,178,173,176,181,183,181,176,173,131,130,131,183,191,186,129,122,123,124,124,125,131,178,181,181,183,186,183,181,178,178,178,178,181,181,183,183,181,181,178,178,176,176,176,176,173,131,129,128,128,131,173,176,176,173,129,127,129,176,183,186,181,178,176,174,176,178,178,181,186,191,196,199,196,194,194,191,189,191,196,196,196,196,196,194,186,178,173,129,129,173,178,178,173,130,130,131,178,183,178,127,123,125,129,133,186,196,196,189,178,176,176,181,183,189,194,199,199,194,191,191,189,191,191,194,194,189,186,186,181,176,176,178,176,176,178,183,181,178,176,176,176,181,189,186,186,183,183,181,178,176,131,129,130,173,173,131,129,127,127,131,173,173,130,129,131,176,178,183,186,181,178,181,186,183,183,183,186,186,189,194,196,196,194,189,186,186,186,183,181,179,179,186,191,196,199,202,199,196,194,194,191,191,194,191,189,186,189,191,181,178,183,191,191,191,194,194,194,196,202,204,204,204,207,202,191,135,132,133,181,189,191,189,186,186,186,196,209,212,212,209,207,207,204,199,191,183,181,173,178,186,191,191,186,186,191,196,199,199,199,196,196,199,204,212,217,225,228,228,222,215,212,209,209,207,209,209,209,209,207,207,207,209,212,215,212,212,209,207,202,202,202,204,209,212,215,217,217,217,215,215,217,222,225,222,215,209,208,209,215,222,225,228,230,230,233,233,233,235,233,233,230,233,235,238,235,235,235,238,235,233,230,225,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,233,228,0,0,0,0,0,204,199,202,207,207,204,199,0,186,181,181,181,181,178,176,173,168,160,0,0,0,0,152,165,178,186,186,189,194,196,194,191,194,194,196,202,202,196,196,204,212,212,211,211,215,225,228,233,238,243,246,243,233,228,228,230,228,222,215,212,212,222,235,241,238,233,230,230,228,225,222,225,228,225,217,215,212,212,212,212,212,215,222,222,217,212,215,217,228,230,233,228,217,216,217,225,222,217,215,212,212,212,215,222,225,228,225,222,217,215,212,215,220,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,202,228,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,155,183,189,191,183,168,155,153,157,157,163,173,178,181,181,176,168,165,173,173,168,163,170,178,178,178,183,191,189,183,189,194,189,170,120,122,125,121,117,117,127,176,176,176,176,178,176,176,176,176,181,183,183,186,189,186,176,168,166,168,181,196,207,212,212,207,191,129,123,123,123,125,170,176,178,181,186,189,191,196,199,199,199,199,199,196,194,194,194,191,176,119,121,176,173,125,125,127,170,170,127,121,119,121,121,121,127,173,178,178,173,170,176,181,183,183,183,181,176,173,173,170,170,170,173,173,176,181,183,189,191,194,194,186,176,128,127,127,128,173,178,176,131,121,114,117,173,181,177,181,186,183,178,189,196,194,189,186,186,178,132,133,131,127,125,123,123,127,178,202,215,222,222,217,209,199,189,191,196,199,191,181,183,199,207,207,212,215,215,202,186,178,181,186,186,178,173,176,181,183,181,178,178,178,178,178,176,176,178,181,183,183,183,181,176,176,176,176,178,181,189,194,191,178,173,173,173,181,186,181,173,128,127,129,131,129,131,176,181,181,181,186,202,204,202,196,191,194,204,207,209,207,204,202,199,194,183,133,132,133,176,178,183,191,191,183,176,181,194,204,202,191,189,194,199,196,189,183,178,174,173,176,178,181,181,183,181,178,181,181,131,176,191,191,191,191,189,183,181,176,129,123,124,176,178,120,118,127,173,129,129,129,170,173,129,127,128,173,181,181,176,121,113,111,113,113,111,113,119,125,131,176,183,194,196,186,173,176,194,207,215,222,225,225,217,215,212,207,202,191,181,176,131,112,121,178,186,189,183,178,176,178,178,178,176,165,124,170,191,196,183,170,163,119,117,119,119,160,168,165,120,122,163,163,160,163,163,160,119,118,119,121,160,163,165,165,165,168,170,165,161,163,176,173,164,164,170,170,160,113,109,117,168,173,173,170,168,168,168,168,170,170,173,186,183,173,168,170,170,168,168,168,160,117,111,103,101,160,173,119,109,108,113,115,111,165,191,191,181,163,111,109,107,117,165,117,116,165,178,186,196,183,110,109,113,119,157,115,104,105,105,101,103,117,173,181,168,95,94,97,97,95,97,109,160,168,165,160,160,168,183,186,181,163,85,82,85,95,101,105,101,97,99,109,157,163,111,108,115,119,163,165,160,121,168,181,191,207,217,209,107,98,101,105,111,170,189,191,186,183,178,168,109,97,95,97,105,117,173,176,160,111,115,170,178,170,123,123,168,170,170,168,123,119,118,118,119,121,125,178,191,199,204,207,199,178,123,121,123,127,173,178,178,176,176,186,196,196,196,204,204,199,196,191,176,168,123,117,115,116,119,125,165,170,176,176,165,117,113,111,113,113,113,113,115,121,165,160,113,117,115,107,104,104,106,109,109,109,106,111,117,115,112,163,181,194,199,202,199,196,199,196,67,29,111,209,186,121,121,165,165,170,173,121,115,121,183,196,183,157,105,117,160,109,97,97,105,111,107,99,96,96,98,101,105,107,111,117,119,165,181,191,196,196,191,170,111,97,101,173,183,186,186,189,194,191,181,165,117,111,115,123,125,125,122,121,122,165,173,173,173,181,194,204,204,199,181,123,115,114,116,119,119,121,125,123,121,121,123,125,178,194,204,204,202,194,186,181,173,125,125,168,173,173,170,170,173,173,165,119,117,119,119,121,165,173,170,168,176,181,183,178,176,170,125,124,168,173,176,181,186,191,189,181,173,128,129,183,196,204,207,207,207,209,212,212,207,207,207,209,212,212,212,212,212,209,207,207,209,207,204,202,202,202,202,202,202,202,202,199,196,196,191,189,189,189,191,194,196,196,196,191,186,186,191,191,191,194,196,199,196,191,186,181,181,183,186,189,194,196,199,199,199,199,199,199,199,199,196,194,191,191,189,189,194,196,199,202,199,199,202,202,199,194,191,191,191,194,196,196,194,189,183,183,183,186,189,189,186,183,178,178,181,189,191,191,189,186,178,131,132,183,194,202,204,202,199,196,194,191,186,181,183,189,194,191,186,186,186,189,191,194,194,189,183,183,189,191,191,191,196,202,204,204,207,209,207,199,194,194,202,202,202,199,202,207,209,202,189,181,179,181,183,189,194,196,199,194,186,178,178,183,189,189,189,189,191,189,186,183,183,178,176,176,178,181,186,189,189,186,186,189,191,191,186,183,186,191,194,194,191,191,186,186,189,189,189,186,183,183,183,183,186,186,183,176,133,131,131,133,133,176,176,178,183,186,189,189,189,189,189,189,191,191,191,191,191,191,189,189,186,186,186,191,194,196,196,194,194,191,194,194,194,191,189,186,183,181,181,181,183,181,178,178,178,176,170,168,169,173,178,178,176,170,170,173,176,173,170,168,168,170,176,178,178,176,176,176,178,176,170,129,170,176,181,181,178,181,181,181,181,176,176,173,173,173,173,173,176,178,181,186,194,199,196,191,191,194,196,199,202,202,202,200,200,202,202,204,204,209,212,212,207,202,202,204,202,202,202,202,204,204,202,202,204,207,207,204,202,204,204,202,199,196,194,189,186,186,189,189,186,189,191,194,194,191,189,186,181,135,132,132,135,181,186,183,181,178,181,181,178,174,174,176,178,181,186,186,183,182,182,189,194,196,194,191,183,181,181,181,181,183,186,189,189,189,189,189,186,181,178,181,181,183,186,194,196,196,196,196,196,199,196,191,186,183,183,183,186,191,189,183,181,178,181,183,183,183,183,183,186,186,181,133,132,132,176,176,133,131,131,133,178,178,178,178,177,178,186,189,186,183,181,181,183,183,186,186,189,189,189,186,186,186,189,183,178,178,178,176,176,176,176,129,124,124,127,131,133,178,183,183,178,133,133,181,186,191,191,191,186,183,183,181,183,183,183,182,186,196,202,202,199,194,191,191,189,186,183,178,133,132,132,176,176,133,131,176,183,181,176,176,178,176,131,176,186,186,181,181,181,176,131,130,176,183,191,191,189,181,181,183,183,178,133,131,130,130,133,181,186,189,189,189,189,189,191,194,194,194,194,194,194,194,196,199,202,202,196,194,189,189,189,187,191,196,199,199,204,204,204,204,202,196,191,189,189,187,189,189,186,186,189,191,191,194,196,196,189,183,186,186,186,186,189,186,183,181,181,178,178,178,178,178,173,172,173,183,189,189,181,178,176,131,131,181,191,189,176,129,127,125,124,124,131,181,186,186,186,186,183,181,178,178,181,178,181,183,186,186,183,181,181,183,181,178,176,173,131,129,129,129,129,173,176,176,176,173,170,170,129,173,181,183,183,178,178,178,178,178,181,181,186,189,194,196,199,199,196,194,189,189,194,199,199,199,199,194,183,176,131,127,127,129,173,173,131,173,176,178,183,186,183,133,125,123,125,129,181,194,196,194,186,181,181,183,186,191,196,199,194,181,176,181,186,189,191,194,194,194,194,191,183,181,183,186,186,183,183,183,181,178,178,133,128,128,176,181,183,183,178,131,127,131,173,130,130,173,176,131,125,123,125,173,178,178,173,131,131,173,176,183,183,178,174,176,181,183,183,186,186,186,191,196,199,199,196,189,186,186,186,183,179,178,178,183,189,194,196,199,199,196,194,194,189,189,191,191,189,191,196,199,194,183,178,181,183,189,191,194,192,194,202,207,212,215,217,215,204,186,134,134,183,191,194,194,191,186,181,181,194,199,204,207,204,199,196,194,186,183,181,178,181,183,189,191,186,186,191,196,199,199,199,199,199,202,207,215,222,228,230,230,228,220,212,209,207,205,205,207,207,207,205,207,209,215,222,225,225,222,215,207,199,198,198,202,209,215,217,220,222,225,222,217,217,217,217,217,215,212,209,212,217,225,230,233,233,233,233,233,233,233,233,233,230,233,235,235,233,233,235,241,241,238,238,233,222,215,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,233,225,0,0,0,0,0,207,204,0,207,204,204,202,196,189,186,186,183,183,181,176,170,168,160,0,0,0,0,0,160,173,181,183,189,196,199,196,194,194,194,196,202,202,196,194,199,207,212,212,215,217,225,230,233,235,243,246,243,233,228,228,230,228,222,215,209,209,222,233,238,235,230,228,228,228,225,222,225,228,225,222,215,212,212,215,212,209,215,222,225,217,212,212,215,222,230,233,228,222,217,217,222,222,217,215,212,211,212,215,222,225,225,222,222,217,215,211,212,217,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,82,189,202,222,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,150,173,181,176,163,155,155,157,157,157,168,183,191,189,176,165,165,170,170,160,155,156,161,168,173,181,189,189,183,186,191,186,176,122,123,125,123,118,115,118,127,170,173,173,173,176,181,183,183,186,189,186,186,186,186,178,173,166,168,186,202,207,212,212,207,191,127,121,121,122,127,176,181,181,183,186,189,189,191,194,196,196,196,194,194,191,191,191,189,176,119,118,173,178,170,127,125,125,125,119,117,118,121,121,125,168,170,173,176,170,169,169,176,178,181,181,181,176,176,173,170,170,173,170,173,173,176,181,186,189,191,191,186,176,129,127,127,128,170,178,178,176,129,118,118,178,183,178,178,181,176,134,183,189,183,135,178,183,178,132,135,131,129,127,125,125,131,183,207,222,225,225,217,207,194,186,186,194,202,196,183,181,191,202,207,209,212,212,202,186,178,178,181,178,173,131,176,183,186,181,176,173,176,178,176,173,176,178,183,183,183,183,178,173,131,173,131,173,173,178,183,183,178,178,178,181,189,194,186,173,128,128,129,131,173,176,178,183,183,181,183,199,207,207,204,191,183,186,194,199,204,204,204,202,194,186,178,133,133,133,133,176,183,186,178,174,176,181,186,186,186,189,194,202,199,191,189,181,176,173,174,178,181,181,186,181,176,131,127,118,119,189,209,212,199,189,178,178,176,131,126,128,178,178,127,125,131,129,128,176,173,128,170,170,128,128,178,194,194,181,121,110,109,115,119,117,119,127,131,173,131,131,178,183,178,133,183,199,209,215,222,228,225,217,215,212,212,209,199,189,183,183,183,183,186,189,189,183,170,123,127,176,186,189,176,125,165,191,196,176,168,165,121,119,121,121,163,173,170,119,120,123,163,122,163,168,165,121,118,119,121,160,163,165,173,178,178,176,170,163,163,163,168,170,170,173,170,163,115,111,157,181,178,170,163,163,163,165,168,170,170,170,181,183,186,181,176,165,120,123,165,163,123,117,105,100,160,170,160,117,111,107,111,119,173,196,199,189,165,117,160,160,160,160,116,160,186,186,181,181,170,110,109,113,115,119,111,103,104,105,95,95,165,181,186,165,95,94,97,96,94,97,107,115,155,157,160,163,168,181,189,191,181,99,87,89,97,103,109,109,100,100,107,117,119,109,106,106,107,173,183,163,116,119,168,181,196,209,196,100,95,101,105,109,163,181,183,181,176,168,117,105,98,98,105,109,115,170,178,170,121,163,181,191,183,165,123,163,165,168,165,163,121,119,119,119,121,168,183,199,199,199,202,204,204,196,183,170,125,125,127,170,173,181,194,199,196,196,204,204,191,186,186,181,173,123,119,117,117,117,121,125,165,170,170,163,117,113,111,110,111,109,107,109,160,176,176,160,115,113,109,107,107,111,111,115,121,117,160,119,111,110,165,178,194,202,199,196,194,194,191,89,63,109,186,176,121,123,165,165,168,168,119,117,173,191,196,178,97,84,87,105,107,103,107,115,168,165,111,101,101,103,107,109,113,117,155,117,157,173,189,196,196,196,189,165,97,93,121,176,183,189,189,189,189,186,173,119,107,113,123,125,125,125,123,123,125,168,170,168,176,191,202,202,196,183,165,117,117,125,178,181,173,168,121,115,113,117,123,176,194,202,204,202,199,194,191,186,168,125,168,176,178,170,165,165,163,163,163,163,117,111,113,123,170,168,165,168,176,178,178,178,173,123,121,125,173,173,176,183,186,183,181,178,178,183,196,204,209,209,209,207,207,212,212,209,207,205,205,207,207,209,212,215,212,209,209,209,209,207,204,202,196,196,202,204,207,204,199,194,191,189,187,189,191,194,196,202,204,204,199,194,191,191,191,191,191,194,199,199,194,186,137,135,136,137,186,191,196,199,199,199,202,202,202,202,199,196,194,191,189,189,189,191,194,196,199,199,196,199,202,202,199,196,194,194,191,191,194,194,191,186,183,183,186,189,191,189,183,178,177,178,189,196,196,194,189,181,132,132,183,194,202,202,199,196,196,196,194,186,183,183,191,194,191,189,189,189,191,191,196,202,196,189,181,183,183,183,186,194,202,204,204,204,207,204,199,192,194,199,199,199,199,199,202,202,196,186,181,179,182,186,191,191,194,196,194,189,181,181,186,191,194,191,191,194,191,189,183,183,178,173,131,170,173,178,183,189,189,189,189,189,186,181,178,183,189,194,191,191,189,186,185,186,189,186,186,183,183,183,183,186,186,181,133,131,133,176,178,178,181,181,181,183,186,189,189,187,189,189,189,189,189,189,191,191,191,189,189,186,186,189,191,196,196,196,194,194,194,194,194,194,191,191,189,183,181,181,181,183,181,178,176,176,173,169,168,170,176,181,181,178,173,170,170,168,168,127,126,127,170,176,183,183,181,176,176,176,173,127,121,123,170,178,178,181,183,186,183,181,178,178,178,178,178,176,176,178,178,181,186,194,199,199,196,196,199,199,202,202,204,204,202,202,204,204,204,207,212,215,215,207,202,204,209,209,207,204,204,207,209,209,207,207,209,209,207,207,209,209,204,199,194,191,186,183,185,189,189,186,186,189,191,191,194,191,189,183,178,133,132,133,181,186,191,186,183,186,183,178,176,174,176,178,181,183,183,183,186,189,194,196,196,194,189,183,178,176,178,181,186,189,191,186,183,181,181,181,178,178,181,181,183,186,191,196,199,196,199,199,202,199,196,189,183,181,179,183,189,189,189,186,183,183,186,186,186,183,183,186,186,183,178,133,133,176,178,133,131,131,133,178,181,181,181,178,181,183,186,181,135,135,178,178,181,183,186,189,191,189,183,183,186,189,186,181,181,181,178,178,178,178,131,125,124,125,129,133,178,183,183,178,133,133,176,181,186,189,186,183,178,178,181,186,189,186,183,189,194,199,202,202,196,194,191,189,186,183,181,178,133,176,181,181,178,178,183,189,183,178,181,183,178,133,176,186,186,183,181,178,176,131,129,131,176,181,183,178,176,176,178,178,178,176,133,131,176,181,186,189,189,189,186,183,181,183,191,194,191,191,191,191,191,194,199,202,202,196,194,189,187,186,187,191,196,199,202,202,202,202,204,202,194,189,189,189,189,189,186,189,189,191,191,191,196,202,196,189,183,183,183,183,183,186,189,189,189,189,189,186,183,181,178,176,173,178,191,199,199,191,186,181,176,131,173,183,183,178,176,176,173,127,127,173,181,186,189,189,186,183,178,178,178,181,181,181,186,189,189,186,183,183,186,183,181,178,176,131,129,129,131,173,173,176,176,176,173,173,170,170,170,178,181,178,176,178,181,181,181,181,181,183,189,191,194,196,196,196,191,186,183,189,199,199,196,196,189,178,129,127,127,127,127,129,129,131,176,183,186,189,194,191,183,131,123,122,127,176,186,194,194,191,189,186,186,189,194,199,202,189,128,126,176,186,191,191,191,191,194,196,191,186,183,189,194,194,194,191,186,181,181,183,176,127,126,129,176,183,183,176,125,124,127,176,176,173,176,176,131,123,122,127,181,189,191,186,181,178,176,176,178,178,174,173,174,178,181,183,186,183,183,189,196,199,199,196,191,189,189,186,183,181,181,181,183,186,189,194,196,194,191,191,191,186,183,186,186,186,186,191,194,191,186,181,178,183,191,194,194,192,192,199,207,215,217,222,222,212,196,181,178,183,189,194,196,194,189,178,131,176,181,191,202,191,176,181,186,183,178,177,177,178,183,191,194,191,189,194,196,196,196,199,199,202,202,207,217,228,230,233,233,230,222,215,209,207,205,205,205,207,207,207,209,215,222,228,230,230,228,220,207,199,196,198,202,209,217,222,222,225,228,228,222,217,215,215,215,212,212,212,215,222,228,233,235,235,235,233,233,233,233,233,233,230,230,233,230,230,230,233,241,243,243,246,241,233,225,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,225,0,0,0,0,0,0,0,0,207,202,199,199,0,0,191,189,186,186,181,173,168,165,160,0,0,147,0,0,157,168,173,178,189,196,199,196,191,191,191,194,199,199,194,191,196,204,212,215,217,222,228,230,233,235,241,243,243,235,228,228,228,228,222,215,208,209,217,233,238,233,228,228,228,228,225,222,225,228,228,222,215,212,212,215,212,209,215,222,222,217,212,209,212,222,230,230,230,222,217,215,217,217,217,215,212,211,212,215,222,222,222,217,217,217,212,211,212,217,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,14,64,194,191,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,118,157,160,155,152,157,160,153,152,157,178,194,191,176,165,164,168,168,161,157,157,161,168,173,170,170,176,181,181,181,181,173,127,125,127,127,123,119,123,168,173,173,172,170,173,181,186,183,183,186,183,181,178,181,183,173,166,173,191,202,204,204,204,194,173,123,122,123,125,170,178,183,181,181,183,186,189,189,191,194,196,194,189,189,191,191,186,183,173,123,125,176,183,178,170,127,127,173,127,118,117,121,125,168,168,168,170,176,176,170,169,170,176,178,178,178,176,170,170,170,173,170,129,170,173,173,173,176,176,183,186,183,178,176,170,129,170,173,178,183,183,181,176,178,189,186,178,178,178,134,134,181,189,134,129,133,135,135,137,137,135,131,129,127,127,131,183,207,222,228,225,215,199,189,183,183,191,199,202,191,176,176,186,194,202,207,204,194,183,176,176,133,130,128,129,131,178,181,176,172,170,173,176,173,172,172,176,178,181,183,183,178,173,131,131,129,129,127,129,176,181,181,181,183,186,191,194,186,176,129,129,131,173,178,181,178,178,181,181,183,191,202,207,204,191,178,176,181,189,194,196,196,194,191,186,181,176,133,133,133,176,178,181,176,176,178,176,133,178,186,189,189,194,196,196,191,186,183,181,178,181,181,178,178,178,176,131,124,118,119,199,230,228,204,186,178,178,178,176,173,176,181,181,173,176,178,131,128,176,173,127,131,173,129,129,176,189,191,178,121,108,107,119,129,129,170,178,181,178,131,130,173,131,129,130,183,202,212,217,222,225,222,215,212,215,217,215,204,194,191,194,194,189,186,191,189,170,119,118,123,176,196,199,183,121,115,119,170,168,165,123,121,121,163,165,168,170,165,121,120,123,123,123,168,176,168,117,116,119,123,123,121,123,176,194,186,176,170,170,168,165,168,170,170,170,173,165,117,121,189,196,181,163,121,121,121,163,168,170,168,168,170,178,183,186,173,121,118,119,123,165,170,168,109,99,163,170,117,117,111,107,108,121,178,191,191,183,168,160,163,165,160,119,163,181,194,191,183,176,160,113,113,117,117,117,119,113,115,155,89,52,109,170,173,115,97,95,97,101,97,101,109,113,152,157,165,168,163,168,181,191,186,155,99,97,103,107,113,157,157,111,109,111,109,109,109,107,111,176,183,163,112,115,160,170,178,183,168,105,101,103,105,107,111,160,173,176,173,165,109,101,113,204,194,111,111,163,170,165,160,170,183,189,183,170,163,123,119,117,121,123,165,125,123,121,121,165,183,202,202,196,202,209,212,212,209,191,127,122,122,125,173,189,199,202,199,199,202,199,189,178,176,176,168,127,125,168,165,119,117,123,165,168,165,121,113,111,115,121,117,113,104,102,113,176,173,121,115,113,111,113,115,115,117,121,168,173,173,163,111,108,115,181,199,202,199,199,196,191,176,113,101,113,113,121,123,163,173,123,160,160,113,111,163,176,176,168,101,90,98,102,102,107,113,157,173,181,173,152,111,111,113,113,113,115,157,157,157,170,189,194,196,196,194,186,111,85,87,121,178,186,186,183,183,183,176,123,107,106,115,121,165,173,170,173,170,170,168,168,176,189,196,199,194,181,168,125,165,189,202,191,178,170,121,109,101,103,115,170,189,196,202,202,199,194,194,189,176,163,163,173,173,168,163,121,119,123,170,176,163,106,101,104,117,165,165,168,173,178,178,183,178,165,123,125,168,168,168,170,176,176,176,181,189,199,204,207,209,209,207,205,207,209,209,209,207,207,205,207,207,212,215,215,215,212,212,212,212,212,207,202,194,191,196,207,207,204,196,191,189,187,189,191,196,199,202,204,207,207,204,199,194,191,191,191,191,191,194,196,196,191,183,136,135,135,137,183,191,194,196,199,204,204,204,207,204,199,194,191,189,186,186,186,189,191,194,194,194,194,196,199,199,199,196,194,194,191,194,194,191,189,183,183,183,189,194,194,189,181,178,181,189,196,199,196,189,181,135,135,186,194,199,196,194,194,196,196,191,189,186,186,189,191,191,189,189,194,194,191,194,199,202,196,186,137,134,135,181,194,199,199,199,199,202,199,194,192,194,194,196,199,199,199,196,194,191,191,186,183,189,194,196,194,191,191,191,189,186,183,186,189,191,194,191,191,191,189,183,178,176,173,129,127,129,170,176,181,186,189,186,183,178,173,173,181,186,186,186,186,186,185,185,185,186,189,186,186,186,183,183,183,183,181,133,131,133,178,181,183,186,186,183,186,186,189,189,189,191,191,191,189,189,191,191,191,191,189,189,186,186,189,194,199,199,196,194,196,196,196,196,194,194,191,189,186,183,181,181,181,181,181,178,176,170,169,170,173,178,181,181,178,173,168,168,127,127,126,125,126,170,178,186,186,183,178,176,176,127,113,109,115,127,176,176,178,181,186,183,181,178,178,181,181,181,176,174,176,178,181,186,194,196,199,202,202,202,202,202,204,204,207,207,207,207,207,207,212,217,217,212,209,207,209,215,215,212,207,207,209,215,215,212,212,212,209,204,204,209,212,204,196,194,194,189,185,186,186,189,189,186,189,191,194,199,199,191,186,178,135,133,135,181,189,194,194,191,194,191,186,181,181,178,181,183,183,183,186,189,194,196,196,196,191,186,181,176,174,176,181,191,199,194,186,178,178,178,178,178,178,181,181,183,183,189,196,199,196,196,199,202,202,202,194,183,178,178,181,189,191,191,191,186,183,183,186,186,183,183,186,186,183,178,178,176,178,178,176,133,133,176,178,181,181,183,181,181,183,183,178,134,132,134,178,181,181,183,186,189,189,183,183,186,186,186,186,183,181,178,176,176,176,131,127,125,127,131,133,178,183,183,181,178,178,178,181,186,189,186,181,177,176,178,189,196,194,191,189,191,191,196,202,202,199,194,189,181,178,181,181,181,181,183,186,186,186,186,186,183,183,183,186,183,181,181,186,189,186,183,178,176,133,131,129,130,176,178,133,131,133,176,176,176,176,176,176,181,186,189,191,191,191,189,183,178,178,186,191,191,189,189,189,189,189,196,196,196,196,196,196,191,191,189,191,194,196,199,199,196,196,199,196,189,186,189,191,194,189,186,189,191,191,190,191,199,204,194,183,177,178,183,183,183,186,191,194,194,194,194,191,183,181,178,181,183,191,202,209,207,196,191,186,178,130,127,127,129,173,176,178,176,176,173,176,181,186,189,189,186,183,181,178,178,178,178,183,189,191,191,189,186,183,181,181,181,181,178,173,131,131,131,173,173,173,170,170,173,173,173,170,173,178,178,173,173,178,183,183,178,178,178,183,189,191,191,191,189,189,189,186,183,189,189,186,186,186,178,125,123,125,125,125,127,129,131,173,178,186,189,191,196,194,186,133,123,122,123,127,131,176,186,194,196,191,189,191,194,202,204,186,124,123,176,191,196,196,191,190,194,196,191,189,189,189,194,196,199,196,189,179,181,189,183,133,129,131,178,183,183,176,127,125,129,176,181,181,181,178,173,127,123,125,183,194,196,191,189,186,181,176,176,176,176,176,176,178,178,181,183,183,182,183,191,196,199,196,194,191,191,189,186,186,186,191,189,186,185,189,194,194,189,186,183,181,178,181,181,183,186,186,189,191,191,186,183,186,191,194,194,192,194,196,207,215,217,222,222,212,202,189,178,135,181,191,194,194,189,178,129,127,129,178,183,121,111,116,183,186,181,177,178,181,186,194,199,199,199,199,199,196,194,196,199,199,199,204,217,228,233,233,233,228,222,212,209,207,207,207,207,207,209,212,215,217,222,225,230,233,228,220,209,202,199,198,199,207,217,225,228,228,228,228,225,220,217,217,217,212,211,212,217,225,230,233,233,233,233,235,235,235,235,233,233,230,228,228,228,226,228,230,235,241,246,248,243,235,230,233,238,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,0,0,0,0,0,0,0,0,0,0,0,194,189,191,0,196,189,183,183,178,165,160,163,160,152,0,0,0,0,157,165,168,173,183,194,199,194,189,189,189,191,191,191,189,191,196,207,215,222,222,222,225,230,233,235,238,241,243,238,230,225,225,228,225,215,208,208,215,228,233,230,226,226,228,228,228,225,225,228,228,222,217,215,212,212,209,209,215,222,217,215,212,209,215,225,228,230,230,225,215,212,215,222,222,217,215,212,212,215,217,217,217,216,217,215,212,212,215,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,74,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,142,150,150,152,160,163,152,151,155,168,178,176,170,165,163,165,168,168,165,163,168,173,176,169,166,169,173,176,173,173,170,127,127,168,170,127,123,168,176,176,173,172,170,176,183,189,186,181,181,178,173,173,176,178,170,168,176,191,199,199,196,186,176,127,125,129,170,129,170,178,183,181,181,183,183,183,189,194,196,196,194,189,186,189,189,186,178,173,129,173,181,186,183,176,168,170,178,173,123,123,170,173,173,170,168,173,178,181,178,173,170,176,178,178,176,170,127,129,173,176,170,129,129,173,173,172,169,168,170,176,178,181,178,173,173,176,181,183,186,186,186,186,189,194,186,176,133,135,135,181,191,204,186,131,133,134,134,137,137,137,137,137,135,131,133,183,202,215,222,217,207,191,181,178,178,186,196,199,191,176,172,174,178,186,191,191,189,181,176,133,131,130,130,130,131,176,178,176,170,170,176,181,178,173,172,173,176,178,181,181,178,173,173,173,131,127,126,127,173,183,183,181,181,181,183,186,181,173,131,131,173,176,183,183,176,173,178,181,181,183,191,196,194,183,176,174,176,181,186,191,191,191,186,183,181,178,133,133,133,176,181,183,176,178,191,186,133,133,183,186,186,186,194,202,202,199,199,194,181,181,181,178,178,178,178,173,127,125,178,212,230,225,199,186,181,178,133,133,178,183,189,186,178,173,131,131,131,128,126,128,181,186,178,173,178,181,178,170,123,111,113,127,173,176,176,181,181,178,176,173,133,130,128,130,186,202,212,217,222,222,217,212,212,215,217,215,209,202,199,194,191,176,178,191,183,118,115,118,123,176,196,202,183,117,108,109,121,168,165,121,120,125,176,176,168,168,163,122,122,163,163,165,173,181,168,115,114,119,163,163,119,121,173,183,176,170,170,173,170,168,170,173,173,173,176,173,168,176,194,196,176,163,121,117,121,163,168,165,123,123,168,176,181,176,163,121,120,120,165,176,186,186,119,105,123,163,108,109,109,107,109,160,176,181,176,165,160,160,163,160,160,163,173,189,199,191,181,170,160,119,157,157,117,119,170,178,176,163,87,80,91,155,163,117,103,96,95,99,103,107,111,115,152,157,173,178,165,160,168,181,178,160,109,107,111,111,115,160,165,157,111,107,108,117,173,176,170,176,176,160,113,115,119,157,163,168,157,107,105,107,105,99,95,105,160,170,181,165,103,100,165,209,204,163,108,119,121,113,119,168,176,176,176,168,163,121,113,109,109,113,123,165,168,165,123,125,176,191,196,196,204,212,215,215,212,194,173,123,120,121,129,191,204,204,199,194,194,189,181,170,170,170,170,173,181,189,186,165,117,121,170,176,170,123,117,119,176,189,178,165,109,99,98,109,119,121,119,117,115,115,117,119,121,160,165,170,168,121,111,110,117,178,191,196,199,199,196,186,168,119,117,123,119,123,165,170,181,168,119,121,113,110,113,160,165,165,119,119,168,115,103,107,115,157,165,176,168,155,152,115,111,107,101,103,155,170,170,170,181,189,191,194,196,194,170,91,80,82,123,181,183,181,181,183,178,168,109,105,107,111,123,178,181,183,181,173,168,168,176,186,191,194,189,176,168,168,176,191,199,189,176,168,121,105,94,93,101,119,183,194,199,199,199,194,191,189,178,123,121,163,168,168,165,121,118,123,173,181,173,113,101,100,109,121,163,163,170,178,183,189,189,178,170,168,168,168,168,170,170,170,173,181,194,204,207,209,209,207,207,207,207,209,209,207,207,207,207,209,209,212,212,215,215,212,212,212,215,215,209,202,189,141,191,202,207,204,196,194,191,189,191,196,199,204,204,204,207,209,207,199,191,186,189,191,191,194,194,196,199,196,191,183,137,135,135,136,181,189,194,199,204,204,207,209,207,199,191,189,186,183,181,181,181,183,186,186,183,183,186,191,196,199,196,196,196,196,194,194,194,191,186,186,186,191,196,196,191,186,181,178,183,194,196,191,183,181,178,181,189,194,194,189,189,191,194,194,191,186,186,186,186,189,189,189,191,194,196,194,194,199,202,202,194,181,134,135,183,194,194,191,191,194,194,194,194,192,194,196,199,202,202,199,194,189,191,191,189,189,194,199,199,194,189,186,189,189,186,186,186,186,186,186,189,189,189,183,178,173,129,127,125,125,123,125,127,129,170,173,173,131,127,123,125,131,176,178,181,183,186,186,186,186,189,191,189,189,189,186,183,183,183,181,178,176,178,181,183,186,189,189,189,189,186,189,191,191,191,191,191,191,191,191,191,191,189,189,189,189,186,189,196,199,199,196,196,196,199,199,196,196,194,194,191,186,183,181,181,181,181,181,181,176,173,170,170,173,176,176,178,176,173,168,127,127,127,127,127,127,170,176,183,186,186,183,178,176,125,110,108,113,127,173,176,176,178,181,181,178,178,181,181,183,181,176,174,176,178,183,189,194,196,199,199,202,202,204,204,207,207,209,212,212,212,209,212,215,217,217,215,209,212,212,215,215,212,207,205,209,215,217,215,215,212,209,204,204,207,209,202,191,191,191,189,186,191,194,191,191,194,196,199,202,207,204,196,186,181,181,178,178,181,186,194,196,199,202,202,194,189,186,183,186,186,186,186,186,191,194,196,196,194,189,183,181,176,174,176,181,191,199,196,189,181,178,178,178,178,177,178,178,181,181,186,189,191,189,189,196,202,204,202,196,186,181,179,181,186,189,191,189,183,176,133,176,178,178,181,183,181,181,178,178,178,178,178,176,176,176,176,176,178,181,181,183,183,183,186,183,178,134,135,178,178,181,181,183,183,183,181,181,183,183,183,183,183,181,178,176,176,176,133,131,129,129,133,176,181,181,181,183,186,189,186,186,189,189,189,183,178,176,176,186,199,199,194,189,189,189,191,199,202,199,194,186,135,133,178,183,183,183,186,191,191,191,189,186,183,186,189,189,186,186,186,189,191,189,181,176,133,133,131,129,129,133,176,133,131,133,176,176,176,178,178,181,183,189,191,191,191,191,191,186,181,178,183,189,191,189,189,191,189,189,194,194,194,194,196,199,196,194,191,191,191,191,194,194,191,191,191,191,189,186,189,194,191,186,183,186,191,194,191,194,199,202,189,178,176,178,181,181,181,183,189,191,194,194,191,189,181,178,178,183,194,202,209,215,209,199,191,186,181,131,128,127,128,131,176,178,181,183,181,181,181,183,186,189,186,186,183,181,178,178,181,183,186,191,191,189,183,181,181,181,181,181,178,176,173,131,131,131,173,170,170,170,173,173,170,173,176,181,176,131,131,176,181,181,178,176,176,178,183,191,191,183,176,178,183,186,186,183,181,176,173,129,121,115,117,123,125,125,129,176,178,181,186,189,189,191,194,194,183,131,123,122,123,123,122,125,178,191,196,194,189,189,189,194,194,176,123,123,176,189,196,196,194,191,191,194,194,191,189,189,189,191,194,194,189,181,181,186,183,181,178,181,183,186,186,183,178,173,176,178,183,181,178,178,173,129,123,123,173,186,194,191,189,183,181,178,178,181,183,183,181,181,181,186,189,186,183,182,186,194,194,194,194,194,194,191,189,189,191,194,194,186,186,191,196,191,181,135,135,135,133,135,178,183,186,186,189,191,194,186,181,183,189,194,194,194,196,202,209,215,215,212,212,207,196,189,178,131,133,181,189,191,189,181,176,129,127,129,173,117,109,112,183,191,186,181,181,183,189,194,199,202,204,204,202,196,191,194,194,191,191,196,209,222,228,230,228,225,220,212,212,212,209,209,209,209,209,212,215,217,217,222,225,228,225,222,212,207,202,199,199,207,215,225,228,228,228,228,225,225,222,222,217,212,212,215,222,228,230,233,233,233,233,235,235,235,235,235,233,230,228,226,226,226,228,230,235,238,243,246,243,235,233,235,238,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,0,0,0,0,0,0,0,0,0,0,0,196,186,185,191,194,189,181,178,165,0,152,157,157,155,155,152,150,152,155,160,165,170,176,186,191,189,186,183,183,183,183,183,183,189,199,209,222,225,225,225,228,230,233,233,235,241,243,238,230,225,225,228,225,217,208,207,209,222,228,228,226,226,228,230,228,225,225,228,228,225,217,215,212,209,207,209,212,217,217,215,212,209,215,222,228,228,228,222,215,212,215,222,222,217,215,209,207,209,215,217,217,217,217,215,215,215,222,225,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,194,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,152,152,150,157,163,155,155,163,165,165,163,165,170,165,165,165,165,163,165,170,178,181,170,166,168,170,170,168,127,127,127,126,170,173,168,125,170,178,181,176,172,173,178,189,194,189,181,176,173,170,169,170,173,170,170,181,189,191,191,186,170,121,123,170,178,176,170,170,178,183,183,186,186,186,186,191,196,202,199,194,186,183,183,183,181,178,176,176,178,181,181,181,176,168,170,178,176,170,173,186,189,181,176,176,178,181,183,183,178,176,178,178,176,173,127,125,127,176,178,173,129,129,173,178,178,176,169,169,173,178,181,178,170,176,181,186,186,186,186,186,189,194,196,186,129,127,133,183,194,207,222,212,191,186,181,135,135,134,181,189,191,183,133,133,181,191,202,209,207,196,186,177,174,176,178,186,191,189,181,176,174,174,176,178,183,186,183,178,176,176,183,191,189,181,178,178,178,172,173,183,189,186,178,173,173,176,178,178,178,176,173,176,176,173,129,126,127,176,183,183,178,178,176,176,176,176,173,173,176,176,178,186,186,176,172,176,178,178,181,183,186,183,178,176,176,176,176,181,186,189,189,186,183,183,183,178,176,133,176,186,189,129,176,194,189,129,127,181,186,186,186,194,204,212,212,207,199,183,181,181,181,183,183,178,131,129,131,181,196,204,194,186,186,186,178,129,129,176,189,194,191,178,128,127,176,183,126,123,183,204,212,196,186,186,178,130,170,183,186,183,181,178,176,176,176,173,176,176,178,178,133,131,181,189,199,209,215,217,222,217,215,215,215,215,215,215,212,202,191,103,73,107,194,181,116,116,123,127,176,191,194,176,113,108,109,119,168,168,120,121,178,189,181,165,125,125,125,165,170,168,168,183,189,173,116,115,118,123,123,117,121,173,176,165,163,168,170,165,168,173,178,183,186,189,189,189,186,181,168,160,163,163,117,115,121,163,123,119,121,170,181,176,165,121,123,165,168,178,191,202,202,176,117,163,123,107,108,109,109,115,165,173,170,123,115,119,170,168,159,163,173,183,191,194,181,165,160,160,160,163,163,117,157,176,186,183,155,87,90,111,157,157,152,107,96,94,99,107,111,113,113,115,157,176,183,168,156,156,165,170,160,117,117,155,117,115,155,160,157,111,105,108,160,189,196,181,170,165,119,116,119,119,118,119,160,157,113,111,113,113,103,85,77,97,163,189,163,101,101,170,207,207,183,106,117,111,104,112,163,163,160,122,122,163,123,111,107,107,109,115,123,168,170,125,122,123,170,181,191,204,209,209,209,204,186,173,125,120,120,129,186,199,199,194,186,181,173,168,127,168,170,178,189,199,204,202,178,123,125,181,189,181,168,121,163,183,199,196,183,160,101,97,101,111,119,160,160,121,117,119,160,160,120,121,160,121,113,110,113,160,173,181,183,189,191,189,178,165,123,173,181,176,178,173,165,173,173,163,170,168,113,110,115,160,163,163,168,176,119,107,111,117,115,111,115,115,113,115,113,109,101,95,91,97,168,178,176,176,186,191,191,194,196,189,119,81,75,85,176,183,181,181,183,181,176,163,111,109,103,103,165,176,176,173,168,165,170,181,186,183,181,178,165,123,165,170,176,178,173,168,165,121,107,93,91,93,107,176,191,199,202,199,196,191,189,181,122,120,123,170,173,170,123,119,123,173,183,186,181,121,108,113,119,119,113,111,168,181,183,189,186,181,176,170,168,170,178,181,178,178,186,196,207,209,209,207,207,207,207,209,209,207,205,205,207,209,212,212,212,212,212,212,212,212,215,215,215,209,202,189,140,143,196,204,204,199,194,194,194,194,196,202,204,204,204,207,209,204,196,186,185,186,194,196,199,199,199,199,199,199,196,186,137,135,135,137,186,191,196,199,199,202,204,204,199,191,189,186,183,181,137,136,137,137,137,137,137,181,186,191,196,196,196,199,199,196,196,196,196,191,191,194,196,199,199,196,191,183,178,178,183,186,181,178,178,178,181,186,191,189,186,185,186,191,191,189,189,186,186,189,189,191,191,191,196,199,199,199,202,202,202,196,186,136,137,186,191,189,183,186,189,194,194,194,196,196,202,204,204,199,196,191,189,189,189,189,189,194,199,196,191,186,185,185,186,186,186,186,181,178,178,181,181,178,176,173,129,123,119,119,117,115,117,117,119,119,117,119,119,117,115,117,123,131,178,181,183,186,189,191,191,194,194,191,191,191,189,186,183,183,183,183,181,183,183,186,189,191,194,191,189,186,189,194,196,194,191,191,191,189,191,191,191,189,189,189,189,189,191,196,199,199,196,196,199,202,199,199,196,196,194,191,189,186,181,181,181,183,183,183,181,178,173,129,129,129,173,176,176,173,170,168,168,168,168,170,170,170,176,181,183,186,186,183,178,125,113,111,117,127,173,173,173,176,178,181,181,181,181,181,183,183,178,176,178,181,183,189,194,194,196,196,199,202,204,204,207,209,212,212,215,215,212,212,215,217,217,215,212,215,215,215,212,209,204,204,209,215,217,215,215,212,209,204,204,207,207,199,189,186,186,140,183,194,196,196,199,202,204,207,209,209,204,196,189,186,186,183,181,181,186,191,196,202,207,207,202,196,194,191,191,189,189,186,189,191,194,194,191,189,186,181,178,176,176,176,181,189,196,196,189,183,181,181,181,178,177,177,177,178,181,183,186,185,185,186,191,199,202,199,196,194,189,186,186,186,189,186,183,176,127,125,125,129,133,178,181,181,178,178,178,181,178,176,176,133,133,133,133,176,178,181,181,181,183,186,189,186,183,178,178,178,178,178,178,178,181,181,181,178,178,181,181,183,181,178,176,176,176,176,176,176,176,178,181,181,178,176,178,186,191,189,189,186,189,189,186,181,176,174,183,194,196,189,186,186,186,189,191,196,196,194,186,134,131,135,181,183,186,191,194,196,194,189,186,186,189,191,191,189,189,189,191,189,183,176,133,133,133,131,129,129,131,133,131,133,176,178,178,178,181,181,181,183,186,189,189,189,186,186,183,178,178,183,191,191,189,189,191,191,191,194,194,191,194,196,196,196,194,191,189,189,186,189,189,186,186,186,186,186,186,189,191,186,182,182,186,191,194,196,196,199,196,186,177,177,178,183,181,178,178,181,186,189,189,189,183,181,178,178,186,196,207,212,212,207,196,189,183,178,176,131,131,131,131,176,181,186,189,186,183,183,183,186,186,186,186,186,183,183,181,181,183,186,189,189,186,181,181,181,183,183,183,181,178,173,131,130,131,173,173,170,170,173,173,173,173,178,178,173,127,127,173,176,178,178,176,173,174,181,191,191,176,168,169,176,183,183,181,173,129,123,117,114,113,115,119,123,127,176,189,194,191,191,191,189,189,194,191,183,133,125,123,125,123,121,122,131,186,194,194,191,189,183,181,181,129,125,125,133,183,191,196,196,194,194,194,194,191,189,183,181,183,189,191,189,183,183,183,181,181,183,183,183,186,189,189,186,183,181,181,183,178,131,129,127,125,121,119,123,178,191,191,186,183,183,183,183,186,191,189,183,181,183,189,191,194,191,189,189,191,194,194,194,196,196,194,191,191,194,196,196,191,189,194,196,186,133,129,133,133,132,133,178,183,189,191,189,191,189,178,134,178,186,191,194,196,199,204,209,212,209,204,199,194,189,183,178,131,129,135,189,194,194,191,186,176,129,125,125,119,114,117,189,199,191,183,183,189,191,196,199,202,202,202,202,196,191,191,189,187,186,187,196,209,222,222,222,222,217,215,215,215,215,212,209,207,207,207,209,212,215,215,215,217,222,220,215,209,207,204,204,207,215,225,228,230,230,230,230,228,225,225,217,215,215,222,228,228,230,230,230,230,233,235,235,238,238,235,233,230,228,228,228,230,233,235,235,238,241,243,238,233,230,233,235,235,235,235,230,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,0,0,0,0,0,0,0,0,0,0,0,0,189,185,186,191,191,183,173,0,0,0,152,155,155,155,152,0,0,150,155,163,168,168,170,176,183,186,183,182,181,181,181,182,189,202,215,225,228,228,225,228,233,233,233,233,238,241,241,233,225,225,228,228,220,209,205,207,215,225,228,228,228,230,230,228,225,225,228,228,225,217,215,212,207,205,207,209,212,215,215,212,209,212,222,225,225,225,217,215,211,212,217,217,215,212,207,205,207,215,225,225,222,222,217,217,217,222,225,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,186,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,152,152,150,152,160,160,163,168,168,160,159,165,173,170,165,165,163,161,163,168,176,181,176,170,170,170,168,127,126,127,126,126,168,173,168,125,170,181,181,176,173,176,186,196,199,194,183,173,170,169,169,170,170,170,178,183,183,181,183,178,123,116,119,173,181,176,129,170,181,186,186,186,189,191,191,196,202,199,199,194,189,186,183,181,176,176,178,178,178,178,178,178,176,170,170,176,176,170,178,191,194,186,178,178,181,181,183,183,181,181,181,173,170,170,129,126,127,173,178,178,173,129,173,181,191,191,186,181,181,181,183,178,130,176,183,186,186,183,183,183,186,189,191,176,125,126,135,189,202,212,228,228,217,212,199,186,135,134,181,194,196,183,131,129,133,137,186,191,194,189,183,177,174,176,178,181,181,183,186,181,176,176,176,176,178,181,181,176,176,189,202,209,204,191,183,178,178,173,178,189,194,191,183,178,178,181,178,173,131,131,131,173,176,173,131,131,170,176,181,181,178,176,176,173,173,173,176,181,183,178,178,183,183,176,173,176,178,178,181,183,186,181,176,176,181,178,176,178,183,189,189,186,183,189,191,189,183,178,178,186,186,124,127,178,131,121,122,176,189,186,183,189,202,212,212,204,194,183,181,181,183,186,183,173,127,125,125,121,109,107,119,176,189,194,183,129,128,133,186,191,189,176,125,123,181,204,128,122,189,209,222,207,194,191,181,130,176,204,209,204,194,183,178,173,131,131,132,133,176,178,181,183,191,194,196,204,207,212,215,217,220,217,215,215,217,222,217,204,186,75,59,75,186,178,123,125,170,129,173,178,178,125,115,113,117,123,127,125,123,170,196,196,176,122,122,125,170,178,181,173,168,181,186,176,123,121,121,119,117,113,121,176,178,165,163,165,165,163,165,170,178,194,202,202,202,202,191,173,159,159,176,176,113,102,111,119,119,116,121,178,186,176,165,123,163,170,176,194,204,209,207,191,168,168,165,115,111,111,111,117,165,170,163,113,110,117,186,176,160,170,186,189,191,186,165,115,113,117,160,168,170,157,157,165,170,170,107,89,111,176,163,115,115,115,103,96,101,109,111,113,113,113,155,170,181,170,156,155,157,165,163,157,157,160,160,155,117,117,117,113,109,115,160,181,191,176,160,117,117,157,163,157,117,118,163,170,168,165,165,176,189,105,37,35,103,160,113,105,107,165,194,199,183,119,121,107,100,113,160,121,120,120,122,170,170,113,107,108,111,115,119,125,165,125,121,120,121,125,181,194,199,199,196,186,173,168,127,123,125,129,181,189,194,191,183,170,126,125,168,173,181,194,204,209,212,207,186,165,170,189,194,186,170,121,121,176,194,196,189,173,117,105,105,109,115,121,165,165,160,160,165,163,119,120,121,119,112,112,119,165,168,170,170,170,176,178,170,163,163,183,196,199,194,173,118,120,163,173,189,191,165,111,112,160,165,160,119,117,111,109,113,113,111,105,107,105,105,109,111,109,105,103,91,65,59,160,176,178,189,194,194,191,196,196,186,109,80,79,165,178,181,183,183,183,183,181,173,165,91,70,93,117,119,121,123,125,173,183,186,181,178,173,123,119,121,123,123,121,123,165,165,123,115,105,95,95,105,168,183,196,202,202,199,194,191,183,163,121,165,176,181,176,163,117,119,168,178,183,178,165,121,160,165,160,103,94,103,123,165,173,181,186,181,176,173,181,191,199,194,191,194,204,209,209,209,207,207,207,207,207,207,207,205,205,207,209,212,212,209,209,209,212,212,212,212,212,212,209,202,191,141,141,194,204,204,199,196,194,194,196,199,202,202,202,202,204,207,204,194,186,185,186,196,202,202,199,196,196,199,202,202,194,189,183,181,183,183,186,186,189,191,196,199,202,199,194,189,186,183,181,137,137,137,137,137,137,136,137,183,191,194,196,196,199,196,196,196,199,199,196,196,199,199,202,202,202,196,189,181,177,178,178,176,176,176,178,181,183,189,189,186,186,186,189,189,189,189,191,191,191,194,194,194,194,196,202,202,202,202,199,196,194,186,137,137,183,183,181,181,186,191,196,202,202,202,202,204,207,202,196,194,191,191,191,191,191,189,191,194,191,186,186,186,185,186,186,186,183,178,173,173,173,173,170,129,129,127,123,117,111,109,107,107,109,111,111,111,113,113,112,113,119,127,178,183,183,186,189,191,194,196,196,196,194,194,194,191,189,186,186,186,186,186,186,186,186,189,191,194,191,189,186,191,196,199,196,191,189,189,189,189,191,191,191,189,189,189,189,191,196,196,196,196,196,199,199,199,196,196,194,194,194,191,186,183,181,183,183,186,183,183,181,173,127,123,125,127,170,173,173,170,168,168,170,173,176,173,173,178,181,183,186,186,183,181,170,123,121,127,170,170,170,170,173,178,181,181,181,178,178,181,181,181,181,181,183,183,189,191,191,191,191,194,196,202,204,207,209,212,212,212,212,212,212,215,215,215,212,212,215,215,215,212,207,204,205,212,217,222,217,215,212,209,207,204,207,204,196,189,141,141,139,139,189,196,199,202,204,209,209,209,207,202,194,189,189,189,189,186,183,186,191,196,202,207,207,204,202,196,194,194,191,189,189,191,191,194,191,189,186,181,178,176,133,176,178,181,183,189,191,189,183,181,178,178,181,181,178,178,181,183,186,186,185,185,186,189,191,194,196,199,199,199,196,194,191,186,181,176,129,123,120,120,123,131,178,181,181,181,178,178,178,178,176,133,133,133,133,176,176,178,181,181,181,181,186,189,191,191,183,181,178,178,181,181,178,178,181,181,178,177,177,178,183,183,178,176,178,181,181,181,181,181,183,183,181,133,128,128,135,186,186,183,181,183,186,186,183,178,176,181,189,189,183,183,183,183,183,186,189,189,191,186,135,133,135,181,183,186,191,196,196,191,189,186,186,189,191,191,191,189,189,189,186,178,133,131,133,176,131,129,129,131,133,131,133,176,178,178,178,181,181,178,181,183,189,189,186,181,181,177,177,178,186,194,194,191,189,191,194,194,194,194,194,191,191,191,191,191,191,189,186,186,186,183,181,178,178,178,181,183,186,186,183,181,183,189,191,194,196,196,196,191,183,178,178,183,183,178,173,173,173,178,181,183,183,181,181,181,181,186,194,202,207,207,199,186,181,178,176,176,176,178,178,178,181,186,189,189,189,186,183,183,183,186,186,189,189,189,186,186,186,186,189,189,186,186,183,181,183,186,186,186,183,181,176,173,131,173,176,176,176,173,173,172,173,176,176,170,124,123,124,129,173,178,178,176,173,174,181,191,194,181,169,168,173,178,181,178,173,127,121,115,114,115,117,119,123,129,186,202,207,202,194,191,189,191,194,191,186,176,127,125,129,131,125,123,127,181,191,194,194,189,181,178,176,133,129,131,133,178,186,191,196,196,194,191,189,186,181,176,131,133,183,189,191,189,186,178,133,176,178,176,176,181,186,191,189,186,181,178,178,129,119,117,119,121,121,120,121,173,189,194,191,189,186,186,183,189,194,194,186,183,186,189,194,196,196,194,191,194,196,196,196,199,199,199,194,194,194,194,196,194,194,191,189,178,129,128,133,135,133,133,178,183,189,191,189,186,181,134,132,135,186,191,194,194,196,199,204,207,202,196,191,186,181,181,135,131,129,131,186,194,196,196,191,181,129,123,121,121,123,129,191,199,189,181,183,189,194,196,196,196,194,191,191,191,194,194,191,189,186,186,191,204,212,215,212,212,215,215,215,215,215,212,209,204,199,199,204,209,212,212,209,209,215,215,212,209,207,207,207,212,217,225,230,230,230,230,230,230,228,225,220,217,222,228,228,228,228,228,228,228,230,233,235,238,238,238,235,233,233,233,233,235,238,241,241,238,238,238,235,228,228,228,230,233,235,235,233,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,189,189,194,194,186,170,0,0,0,147,150,150,147,0,0,144,0,152,163,168,168,166,168,178,183,183,182,182,182,182,186,194,207,220,228,228,228,225,228,230,233,230,230,235,241,241,233,225,225,228,228,222,212,207,205,209,222,228,228,230,233,233,228,222,222,228,228,225,217,215,212,207,205,205,207,209,212,215,209,207,209,217,222,222,217,217,212,211,212,215,215,212,209,205,205,209,222,230,228,225,222,217,217,222,222,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,152,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,142,144,152,160,163,163,165,165,160,159,165,170,165,163,163,163,163,163,165,170,181,186,183,181,173,127,126,126,127,127,127,168,170,168,127,170,178,178,173,173,178,189,199,202,194,183,173,169,169,170,170,170,173,178,181,173,127,129,129,119,116,119,129,173,127,124,129,181,189,186,186,191,196,199,202,202,196,196,194,191,189,183,173,125,127,173,178,181,178,178,178,176,168,168,170,170,168,178,189,189,181,176,176,178,181,181,178,178,183,178,129,129,176,176,170,170,173,181,183,178,129,128,178,191,199,196,194,186,181,181,176,131,131,178,183,181,181,183,183,181,181,178,127,123,126,181,194,204,212,225,228,230,228,217,202,189,183,191,199,196,181,128,127,129,131,135,137,181,183,183,181,178,178,181,177,176,178,183,183,178,178,181,181,178,176,173,172,174,189,202,207,204,191,181,176,176,178,186,194,196,194,186,183,183,183,178,131,129,128,128,129,173,176,176,178,176,176,178,178,176,176,176,173,131,131,178,186,186,176,173,176,176,173,176,178,176,178,186,191,191,183,176,176,181,181,178,178,183,189,189,186,186,194,199,199,191,183,181,181,176,124,125,129,126,121,123,178,186,183,178,181,189,199,199,191,181,176,176,181,183,186,183,133,125,123,119,108,102,102,109,176,199,207,196,176,129,133,183,186,183,133,127,124,178,207,178,123,131,194,207,196,189,189,178,130,178,204,212,207,199,191,186,178,173,176,133,131,132,178,183,189,196,196,196,196,196,199,204,209,215,217,217,222,225,228,225,209,189,123,74,89,176,176,129,127,125,121,123,127,127,121,119,125,178,176,127,123,127,186,199,186,123,120,122,170,183,191,189,176,123,121,165,168,168,168,123,115,111,112,121,178,181,168,163,165,163,123,163,121,121,189,204,204,204,202,191,176,165,173,191,183,102,97,103,115,117,117,163,181,189,181,176,170,165,168,181,202,209,209,207,194,176,170,168,121,117,109,110,119,168,170,123,110,108,117,183,173,123,176,194,196,196,194,168,109,104,107,157,178,186,168,160,115,111,113,107,99,157,163,109,101,115,165,115,99,101,111,113,113,113,113,115,160,170,170,160,156,160,165,163,157,157,160,163,160,117,115,117,160,168,163,119,119,160,119,113,113,117,163,165,160,118,155,170,183,186,186,189,202,217,207,41,26,33,67,103,111,115,157,176,183,176,173,168,107,103,119,160,121,160,123,163,173,173,117,109,111,115,117,117,119,123,125,125,123,125,168,178,181,178,176,173,168,127,168,170,173,173,170,173,183,191,196,189,170,124,125,176,189,196,204,212,215,215,207,189,170,170,186,191,183,168,117,111,117,170,183,176,165,121,119,119,115,113,117,165,170,170,173,176,170,121,121,163,160,117,117,163,168,168,168,161,160,165,173,170,163,161,176,194,202,199,173,116,116,121,170,186,189,170,113,115,165,168,119,111,111,111,111,109,109,109,107,109,105,103,105,111,115,152,155,152,57,32,44,160,181,191,196,194,194,196,199,196,178,109,82,115,170,181,186,186,186,186,186,189,194,83,57,77,105,111,117,119,123,170,178,181,178,178,170,121,117,118,119,119,121,165,173,168,165,165,168,123,113,113,123,176,189,196,202,199,196,191,181,163,123,170,181,186,178,123,115,111,115,121,113,89,95,119,176,186,183,111,96,101,111,115,121,173,186,186,186,186,194,202,204,199,196,199,207,212,212,209,209,207,204,204,204,207,207,207,207,207,207,209,209,209,209,209,209,212,212,212,209,207,204,199,189,140,140,191,202,204,202,199,196,196,196,199,202,202,202,200,202,204,202,196,189,185,189,194,199,202,199,196,194,196,199,202,199,194,189,186,186,186,186,186,186,189,191,196,199,199,194,189,186,183,181,181,181,181,183,183,181,137,137,183,189,191,194,194,194,194,194,194,196,199,199,199,202,202,202,202,204,202,196,189,183,183,181,177,176,177,177,178,181,186,189,191,189,186,183,186,189,191,191,194,196,196,196,196,196,196,199,202,202,196,194,194,191,189,183,181,137,136,136,181,186,194,202,207,207,207,207,204,204,196,191,191,191,194,194,194,194,191,189,186,186,183,183,186,186,186,186,183,181,178,173,131,129,127,125,125,127,127,123,119,111,105,104,104,105,107,109,111,113,112,113,119,129,181,189,189,186,186,186,191,194,196,196,196,194,194,196,194,191,189,189,191,191,189,189,186,186,189,189,191,191,189,189,191,196,199,196,189,186,186,186,189,191,191,191,189,189,189,189,191,194,194,194,194,194,196,199,199,196,194,194,194,194,191,189,186,183,186,186,186,186,183,181,173,127,121,121,123,127,170,170,168,168,168,173,176,178,178,178,181,186,186,183,181,181,178,176,170,170,173,170,169,169,170,173,178,181,183,181,176,176,178,181,178,181,183,183,183,186,189,189,189,189,191,194,196,202,204,207,209,209,212,209,209,209,212,212,212,212,212,215,215,215,212,207,205,207,215,222,222,217,215,215,209,207,207,204,202,194,186,186,186,139,139,186,194,199,204,207,209,207,204,202,196,194,191,191,191,191,186,186,186,191,194,196,199,202,202,202,199,196,194,191,191,191,194,194,191,186,183,181,178,176,133,133,133,176,178,181,183,186,186,181,178,174,176,178,183,183,183,183,183,183,186,186,189,189,189,186,189,196,202,204,204,202,196,191,183,178,131,125,121,119,119,123,131,181,183,183,181,178,178,178,176,176,133,133,176,176,181,181,183,181,181,178,178,181,186,191,194,186,183,181,183,186,186,183,183,183,183,181,178,178,181,183,183,181,178,181,183,186,186,186,189,189,186,178,131,126,125,129,183,186,181,179,181,183,186,181,177,177,178,181,181,181,183,186,183,186,186,185,185,186,189,183,178,183,183,183,189,194,199,196,191,189,186,186,189,189,191,191,189,191,189,183,178,133,131,131,133,133,131,131,131,131,133,176,178,181,181,181,183,181,178,178,181,186,186,186,183,181,178,178,183,191,196,196,191,186,189,194,196,196,196,194,191,189,189,191,191,191,191,189,189,186,181,135,133,133,133,135,135,181,183,182,182,189,191,191,191,194,194,191,186,183,181,183,189,186,181,173,131,131,131,176,178,178,173,173,176,178,178,181,189,196,199,191,181,178,176,174,174,181,183,186,186,186,189,189,189,186,186,186,186,183,183,186,186,189,189,189,189,189,189,189,189,189,186,186,186,189,189,186,186,183,181,178,178,178,178,181,181,181,176,173,172,173,176,173,125,122,122,124,129,176,178,178,176,178,181,186,196,204,194,181,173,173,176,178,178,176,129,121,117,121,127,129,127,131,178,189,202,207,202,196,194,191,191,194,194,189,181,131,129,176,181,176,127,125,129,183,194,194,191,186,178,176,178,181,181,181,181,186,191,194,194,191,186,181,178,176,129,124,125,176,186,191,194,191,178,130,130,133,130,131,181,189,194,189,181,176,131,127,115,105,104,109,117,121,123,123,170,186,196,199,194,189,186,181,186,191,191,186,183,183,189,191,194,196,194,194,196,199,199,199,199,202,202,196,194,191,191,189,189,189,181,133,130,129,130,178,178,135,135,178,183,186,189,186,183,178,133,133,178,189,194,191,189,189,191,196,199,196,194,189,186,181,178,135,131,129,129,176,186,196,199,191,181,131,125,121,129,131,131,178,183,176,176,181,186,194,196,196,189,181,176,178,186,191,196,196,194,189,187,191,202,209,209,207,209,209,212,212,212,212,209,204,199,198,198,202,209,212,212,207,205,209,212,209,207,207,207,212,217,222,225,228,230,230,230,230,230,228,225,220,217,225,230,228,225,222,222,225,228,230,233,235,238,238,238,235,235,235,235,235,238,243,243,243,241,241,238,233,225,224,225,228,230,235,235,235,230,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,194,189,189,186,181,168,157,0,0,0,0,0,0,0,0,0,0,155,160,170,176,170,173,181,186,183,182,183,189,191,194,199,212,222,225,222,222,222,225,228,230,228,230,235,241,241,235,228,225,228,228,225,217,208,207,209,217,225,228,230,233,233,228,222,222,225,228,225,222,215,212,209,207,207,207,207,212,212,209,207,209,215,217,217,217,215,212,211,211,212,215,212,209,207,207,215,230,235,230,222,217,217,217,222,222,220,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,129,150,163,160,160,160,163,160,163,168,168,160,156,156,156,160,163,165,173,183,189,191,186,176,127,125,126,168,170,168,127,170,170,170,170,173,170,168,168,176,186,194,194,189,181,173,169,170,176,176,173,173,176,176,127,119,119,121,118,117,121,127,127,124,124,129,178,186,186,186,191,196,196,196,194,191,189,189,189,186,176,117,106,109,121,173,183,183,178,173,170,127,127,127,127,127,173,181,181,178,176,173,174,178,176,125,125,173,170,126,127,176,178,176,176,176,181,186,178,128,126,170,189,199,202,199,189,176,173,170,125,125,131,178,178,181,181,176,129,129,129,126,125,131,186,196,204,212,217,225,228,230,228,217,209,204,204,202,194,137,129,128,131,133,135,134,134,178,186,186,183,181,181,177,176,178,189,191,189,189,191,189,183,174,172,172,174,186,196,199,196,189,181,178,178,189,196,199,196,191,186,183,183,183,176,129,128,128,129,131,176,176,181,183,178,176,176,176,176,173,173,131,130,131,178,186,186,176,131,131,129,129,173,176,174,178,189,199,199,189,178,176,183,186,183,181,183,186,189,189,191,199,207,207,196,189,181,176,129,127,128,133,131,127,133,186,189,183,176,173,176,181,181,176,131,128,131,178,186,191,191,183,176,131,123,111,106,106,117,178,202,212,202,178,128,133,186,186,181,181,178,176,191,204,194,129,129,181,186,183,181,183,176,131,178,196,207,207,204,199,194,186,186,189,181,131,131,178,183,186,194,199,196,194,189,186,189,194,202,209,220,225,225,225,222,207,189,181,125,129,183,176,123,111,103,110,119,127,127,123,121,173,189,186,168,123,168,186,186,168,121,122,168,183,194,196,189,173,120,118,120,123,168,168,119,109,108,113,125,178,178,165,121,123,123,121,119,106,100,123,191,196,199,199,191,178,168,170,181,170,102,100,111,119,121,123,170,183,186,183,186,178,170,168,181,202,207,207,204,194,173,163,123,119,115,107,110,165,178,181,170,115,109,113,163,123,163,181,196,202,209,228,196,109,101,103,157,186,196,176,157,109,104,105,107,109,157,109,88,85,103,165,157,107,107,115,115,113,113,115,152,157,165,170,165,163,168,168,165,160,160,160,163,163,155,113,111,157,170,165,115,111,111,110,109,111,115,160,165,160,155,157,170,183,191,194,202,212,225,230,170,28,19,35,95,155,157,155,160,168,170,176,168,110,109,121,160,160,168,168,165,168,165,117,113,115,119,121,117,117,123,168,170,173,176,181,181,168,121,121,121,121,127,173,178,181,176,168,168,178,194,199,194,176,125,127,189,204,207,207,212,215,215,209,191,168,125,176,181,178,168,115,103,95,93,111,111,109,111,121,168,163,117,117,160,170,178,183,186,178,165,163,168,168,160,121,168,173,173,168,160,159,165,178,176,165,161,168,178,191,189,170,119,118,121,168,178,181,176,163,121,163,168,163,119,157,119,115,107,103,111,111,113,107,103,104,111,115,157,163,173,115,37,38,83,181,196,199,196,194,196,199,196,186,168,101,107,160,178,186,189,189,183,183,191,199,95,65,78,97,107,109,113,119,168,173,170,168,168,125,119,116,116,121,123,165,176,181,173,168,173,183,178,165,119,121,165,176,186,191,191,189,183,168,121,123,173,181,183,176,123,111,103,101,101,88,80,84,111,176,189,186,163,107,106,107,107,111,163,178,183,186,189,196,199,194,189,191,196,207,212,212,209,209,207,202,202,202,204,207,207,204,204,207,207,209,209,209,209,209,212,212,209,204,202,199,194,141,139,140,191,202,207,204,202,196,196,196,199,202,202,202,202,204,204,199,194,189,186,186,191,194,196,194,194,194,194,194,194,194,189,183,183,186,191,194,194,191,191,194,196,199,199,194,189,186,186,183,183,183,183,186,186,183,181,181,183,186,191,194,194,194,194,192,192,196,199,199,199,199,199,202,202,204,204,202,202,199,199,194,186,181,181,181,178,178,181,189,191,191,186,181,181,186,189,191,194,196,196,196,196,194,194,194,196,196,194,191,191,194,189,186,186,137,134,135,137,186,194,204,209,212,212,209,207,196,191,186,189,191,194,194,194,194,191,186,183,181,181,183,186,186,186,186,183,181,178,173,170,129,125,121,119,119,121,121,119,113,107,104,104,105,107,109,113,115,115,117,127,181,191,194,191,186,185,185,186,191,194,194,194,194,194,196,196,194,191,194,194,194,191,189,189,186,186,186,186,189,186,189,191,196,196,194,189,186,185,186,189,191,191,191,189,189,189,191,191,191,191,194,194,194,196,199,196,194,194,194,194,194,191,191,189,189,189,186,186,183,181,178,173,127,121,119,121,123,127,168,168,127,168,173,178,178,178,181,183,186,183,181,176,176,176,176,176,176,176,173,170,170,170,173,176,181,183,178,176,173,176,176,176,181,183,186,183,183,186,186,189,189,191,194,196,199,202,204,207,207,209,209,209,209,209,209,212,212,215,215,215,215,212,209,207,212,222,225,222,217,215,215,212,209,207,204,199,191,189,191,194,186,140,186,191,199,202,204,204,204,202,199,196,194,191,191,191,191,189,186,189,191,194,194,194,194,196,199,196,194,194,191,191,194,194,191,189,183,178,176,133,131,131,133,133,133,178,181,181,181,181,178,176,173,173,176,181,186,186,183,181,178,181,183,191,191,189,183,186,196,202,202,199,194,189,183,178,133,129,127,123,120,119,123,173,181,183,183,181,178,178,176,176,176,176,176,178,181,183,183,183,181,181,178,178,178,183,191,194,191,189,186,189,191,191,189,186,189,189,186,186,183,183,183,183,181,181,183,186,189,191,191,191,191,183,178,133,128,128,135,189,191,183,181,181,183,183,181,177,177,178,181,181,183,189,191,189,189,189,186,185,186,189,189,189,191,189,186,191,196,199,199,194,191,189,186,186,186,189,189,189,189,186,181,178,133,131,130,131,131,133,133,133,133,176,181,183,186,183,183,186,183,181,178,181,186,189,189,189,189,189,191,194,196,199,196,189,185,186,191,196,199,196,194,189,186,189,194,196,196,194,191,191,189,183,135,131,131,131,133,133,178,183,183,182,189,191,191,189,189,189,186,183,181,181,186,191,189,181,173,131,131,130,131,173,129,123,123,127,129,131,131,176,183,189,186,181,178,176,174,176,181,189,191,191,189,189,189,189,186,186,189,189,186,183,183,183,186,186,189,191,194,194,191,191,189,191,191,194,194,191,189,186,183,183,183,183,183,181,183,183,181,178,173,173,178,181,176,129,125,127,173,176,181,178,178,181,186,191,194,199,207,204,191,183,178,176,176,183,183,173,123,121,125,176,183,186,189,186,189,194,196,196,194,191,191,191,191,194,191,186,178,133,178,183,183,131,124,124,133,186,194,191,189,183,181,181,186,181,181,183,186,191,191,186,181,176,133,176,133,125,122,122,129,186,196,196,191,181,129,129,131,131,176,186,194,196,191,181,131,125,119,109,102,102,105,115,121,123,121,125,178,194,199,196,189,181,176,181,189,189,186,183,183,186,186,189,189,189,191,196,196,194,194,196,202,202,199,196,191,189,183,181,176,130,128,129,131,178,181,181,135,135,135,181,183,183,186,186,183,178,178,186,194,194,189,181,181,183,189,191,191,189,186,186,181,135,131,129,128,128,129,181,194,196,194,186,178,133,133,178,178,173,131,131,129,131,176,183,194,196,196,186,176,173,173,181,194,199,199,196,0,191,196,204,207,207,204,207,209,209,209,209,207,204,202,199,198,198,204,212,217,215,209,207,207,209,207,204,204,209,215,217,222,225,228,228,228,228,228,225,222,217,215,217,225,228,228,222,217,222,225,230,233,235,235,238,238,235,235,235,235,235,235,238,241,243,243,243,241,238,233,225,224,225,225,230,233,235,235,230,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,189,183,181,178,176,168,160,0,0,0,0,0,0,0,150,152,152,155,160,168,181,181,181,183,186,186,183,186,194,196,199,202,212,225,225,220,215,215,217,225,228,228,228,235,241,243,238,228,225,228,230,228,222,212,209,212,217,225,228,230,233,233,228,222,222,228,230,228,222,217,212,209,209,209,207,207,209,209,207,204,207,215,217,217,217,217,215,211,211,212,215,212,212,209,212,222,233,235,230,222,215,215,217,222,222,220,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,150,160,160,155,155,157,160,165,170,168,157,153,153,155,157,163,168,173,178,183,186,181,173,127,126,126,168,173,170,126,127,176,176,170,168,125,123,125,129,176,181,181,178,178,173,173,176,181,183,181,176,176,178,129,119,118,119,119,119,123,125,125,124,124,127,173,178,181,183,189,189,186,181,181,181,178,176,181,183,176,111,102,106,117,173,183,186,178,170,127,127,125,125,125,125,170,178,176,176,176,170,169,178,129,115,116,125,127,126,129,176,170,129,170,173,176,176,170,127,126,170,189,199,202,199,183,170,129,127,123,123,127,173,176,178,176,121,105,115,127,129,131,181,191,194,199,207,212,222,225,228,228,228,222,217,209,202,194,183,135,137,183,189,186,135,133,134,183,189,183,183,181,178,181,189,199,202,202,202,202,199,191,181,176,176,181,189,196,196,194,189,183,183,189,199,207,207,196,189,183,181,178,178,131,128,128,131,176,178,181,178,178,181,181,178,181,178,176,131,131,131,130,130,176,183,181,176,173,131,127,126,131,176,174,178,189,199,199,186,176,176,183,189,186,183,181,181,183,186,194,202,209,207,199,191,183,176,129,129,131,178,181,178,186,196,196,191,181,173,173,173,173,131,129,128,173,186,196,202,204,204,196,189,133,123,117,115,117,129,194,207,196,129,125,131,189,191,186,191,199,207,209,209,207,196,186,178,176,176,178,176,131,131,176,189,199,207,207,202,194,189,194,199,191,176,133,181,183,183,189,196,196,194,189,183,178,181,186,194,209,217,215,209,204,194,183,178,178,181,186,176,113,105,101,117,176,189,183,127,123,170,186,186,170,123,125,168,168,125,125,173,183,194,202,196,183,168,120,119,120,121,165,165,117,109,110,123,168,176,176,123,111,109,115,121,123,105,99,111,170,176,181,191,189,181,165,119,119,117,109,113,123,165,165,168,178,183,183,189,186,178,173,173,178,191,199,202,202,191,168,117,115,113,113,110,119,176,183,186,181,168,117,113,111,115,165,186,199,207,222,238,207,107,100,103,121,181,186,168,117,113,107,106,107,117,168,109,89,85,91,115,155,115,152,155,115,109,111,115,152,155,163,170,170,170,173,173,168,165,165,163,160,160,155,113,108,111,157,160,119,117,115,111,110,112,115,157,163,160,155,155,163,173,181,191,204,212,222,235,215,69,30,51,95,155,160,155,155,160,165,168,163,113,112,119,160,165,170,173,173,170,163,109,103,113,121,123,119,117,123,168,170,170,176,183,176,121,117,118,117,118,127,176,178,181,176,127,125,173,191,196,194,181,127,168,191,204,204,204,209,212,215,209,194,168,123,125,170,176,176,165,109,93,90,95,101,101,101,113,168,173,165,121,160,170,181,183,183,173,165,163,168,170,163,160,168,181,186,176,163,161,170,178,178,173,168,168,168,170,165,123,123,121,121,125,170,176,178,178,163,119,123,168,170,170,163,157,109,101,107,111,113,105,102,104,109,111,113,152,163,160,91,45,57,160,196,202,196,194,196,196,194,191,183,121,103,115,181,189,194,191,183,178,183,183,121,89,83,89,99,105,107,115,165,173,168,123,119,119,118,116,116,123,168,173,181,186,170,123,168,178,176,165,121,119,123,165,170,170,173,173,168,121,120,163,173,176,176,170,123,113,101,95,93,89,86,93,117,168,173,168,119,115,113,107,103,105,111,119,123,168,173,176,173,173,173,178,189,202,209,209,209,207,204,202,202,204,204,204,204,203,203,207,209,209,209,209,209,209,209,209,207,199,194,191,189,140,139,141,196,204,207,207,204,199,196,196,199,202,204,204,204,204,199,191,186,186,186,186,189,191,191,191,194,194,191,186,181,137,137,137,181,186,194,196,196,194,196,199,199,202,202,199,191,189,189,186,186,186,189,189,189,186,183,183,183,189,194,196,196,199,196,194,192,194,196,196,196,196,199,199,199,202,204,209,212,212,209,204,196,191,191,186,181,178,178,183,189,189,181,178,178,181,183,189,191,194,194,194,194,189,183,183,186,191,191,191,194,191,189,189,189,183,136,135,137,183,191,202,209,209,209,207,199,191,186,185,186,189,191,194,194,194,189,186,186,183,181,181,181,183,186,186,183,181,178,173,129,125,121,117,113,111,113,115,117,113,109,105,105,107,109,111,113,117,121,127,181,191,194,194,191,189,186,185,186,191,194,194,194,194,194,196,196,196,196,196,196,194,194,191,191,189,186,185,185,185,186,189,191,194,194,191,189,186,186,186,189,189,189,186,186,189,191,194,194,194,194,194,194,196,196,199,199,196,194,194,194,194,191,191,191,191,189,186,183,181,178,173,170,127,123,119,118,121,125,127,127,127,168,173,178,178,178,178,181,181,181,176,174,174,176,178,178,178,176,176,176,176,173,170,170,176,181,178,176,173,173,173,133,178,183,186,183,183,186,189,191,194,194,196,196,199,202,204,207,207,207,207,207,207,209,212,215,217,217,215,215,215,215,212,212,215,222,225,222,217,215,215,212,209,207,202,199,191,191,196,196,189,140,183,189,196,199,199,196,196,196,199,199,194,191,191,191,191,186,186,189,191,194,194,191,191,194,194,194,194,191,191,194,194,191,186,181,178,135,133,131,130,131,131,133,133,181,183,181,178,178,178,176,174,173,174,178,186,189,183,178,176,133,178,186,189,186,181,183,194,199,196,191,183,181,176,133,133,131,129,125,121,119,121,131,181,183,181,181,178,178,178,178,178,178,176,176,178,178,181,181,178,178,178,178,181,186,191,196,196,194,191,194,196,194,189,186,191,194,194,194,191,186,183,181,183,186,189,191,191,194,194,194,189,183,178,178,178,178,189,199,196,191,186,186,189,189,183,178,178,183,189,189,191,194,194,191,191,191,191,189,191,196,199,199,196,191,189,189,196,202,199,196,194,189,183,181,183,183,183,183,181,178,178,178,178,176,133,131,131,131,133,133,176,181,186,191,189,186,186,189,186,181,178,181,183,189,191,194,194,194,196,199,199,199,194,186,183,186,194,199,199,196,191,185,183,185,191,199,199,199,194,191,189,183,135,131,131,131,133,135,183,189,186,183,183,186,189,189,189,186,183,181,176,176,181,189,186,181,176,173,131,130,131,131,125,120,120,121,123,125,129,131,173,178,178,178,178,178,178,178,181,186,189,189,186,186,189,189,189,189,189,189,186,183,181,181,181,186,189,191,194,194,191,189,191,191,196,199,196,194,189,183,181,183,186,186,183,181,181,181,183,181,176,173,178,181,181,181,183,189,189,186,183,181,178,183,191,196,199,199,202,199,191,186,178,174,176,183,186,178,129,127,131,173,183,194,196,191,189,189,191,189,186,183,183,183,186,191,194,191,183,178,178,183,183,133,124,124,129,181,189,191,191,189,178,178,178,133,133,178,186,191,189,181,131,125,127,131,131,125,122,122,131,189,196,194,189,178,129,129,176,178,181,189,194,199,196,189,176,127,119,111,105,103,104,109,115,115,113,115,127,186,194,191,183,176,174,176,181,186,186,183,183,183,183,186,186,186,191,194,194,189,186,191,199,202,202,199,194,191,186,181,131,129,129,176,181,183,183,181,178,135,178,181,181,183,189,194,191,189,191,196,199,196,186,179,179,183,186,186,183,181,135,178,178,135,131,129,128,128,131,181,189,194,194,189,183,178,176,178,178,178,176,173,127,129,173,181,189,194,194,186,178,174,176,186,196,199,199,199,0,196,202,207,207,204,204,207,212,209,209,207,207,204,202,199,199,202,212,222,225,225,217,212,209,207,207,204,204,209,215,217,217,222,225,225,225,225,222,222,215,212,209,212,217,225,225,217,217,222,228,230,233,235,235,235,235,235,235,235,235,235,235,238,241,243,243,241,241,238,235,228,225,228,228,230,0,0,235,230,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,183,178,178,178,176,178,168,0,0,0,150,147,0,0,155,155,152,0,155,163,176,181,183,183,186,186,186,186,194,196,196,199,212,228,228,217,212,209,212,217,222,225,228,235,241,243,238,230,225,228,230,228,225,217,212,217,222,225,228,230,233,230,225,220,222,228,230,228,225,217,212,212,212,212,209,207,207,207,204,204,207,215,217,217,217,217,215,211,211,212,215,215,215,212,215,225,230,233,228,217,212,212,217,222,220,217,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,142,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,150,157,155,150,150,155,160,165,170,170,157,155,157,165,170,173,170,170,170,173,173,170,168,168,170,168,168,173,168,124,127,178,181,173,127,121,117,119,123,127,129,170,173,176,176,176,181,189,191,189,181,178,181,176,125,123,125,125,123,125,127,127,127,129,127,127,129,173,178,181,178,129,127,127,127,125,127,176,189,194,173,111,115,127,181,191,189,181,173,127,125,125,125,125,127,173,176,173,172,176,169,168,178,129,113,117,124,127,129,173,173,126,123,126,129,128,128,128,129,170,181,191,196,196,191,178,170,131,129,124,123,125,129,173,133,125,105,90,109,129,135,178,186,191,191,194,199,209,220,228,225,225,225,225,222,209,199,191,186,186,191,196,204,199,183,134,134,183,186,183,183,183,186,194,202,204,207,204,204,202,199,194,189,183,183,183,191,194,196,194,189,186,189,196,204,212,212,202,189,181,178,176,173,129,127,128,173,178,183,186,178,176,173,176,181,186,183,176,131,173,131,130,130,176,183,183,178,176,173,129,127,131,176,176,178,189,196,194,183,132,133,181,186,186,183,178,178,181,186,194,202,207,204,199,194,189,178,129,129,133,181,181,183,194,204,204,202,186,176,173,131,129,129,131,131,181,196,207,215,217,215,209,196,178,129,123,117,115,121,176,196,186,125,122,129,189,191,186,194,207,217,217,212,212,212,202,183,176,176,176,131,130,131,176,176,183,194,202,194,186,186,194,199,194,183,181,183,183,181,183,194,194,191,189,183,181,178,178,178,191,202,196,186,181,178,176,178,178,178,178,131,115,112,181,202,209,212,199,173,125,170,181,176,127,122,121,122,125,168,178,189,196,204,204,194,176,125,123,125,123,121,123,165,121,115,121,173,173,178,178,123,106,103,106,125,181,123,107,113,119,107,101,170,186,186,173,119,113,113,115,123,170,170,170,173,178,181,178,186,183,176,176,178,178,183,189,196,196,189,165,115,112,112,115,119,163,173,178,181,178,176,165,115,101,105,168,189,199,209,222,228,189,102,99,105,160,170,170,160,115,160,163,113,111,160,183,157,99,91,101,113,115,152,157,155,109,105,107,113,152,155,160,170,173,178,186,183,176,170,170,165,155,117,119,117,109,109,117,163,173,186,189,165,115,115,155,160,168,168,160,155,155,160,170,183,202,209,222,233,215,99,89,85,101,155,160,155,152,160,168,165,157,115,113,117,163,170,176,186,191,189,173,98,94,102,117,121,119,116,119,125,123,119,121,168,165,118,118,119,118,117,125,168,170,173,170,125,123,168,178,183,186,176,127,127,181,194,196,199,207,209,207,204,191,170,124,122,125,176,186,191,178,113,97,97,103,103,101,107,160,170,170,168,168,168,170,173,170,163,121,121,165,165,160,119,165,183,194,183,170,165,170,173,173,173,176,173,165,119,115,117,123,121,120,123,165,170,181,191,168,115,119,168,173,165,157,160,119,103,103,109,113,107,103,105,107,105,103,105,109,150,109,55,45,99,194,199,196,191,191,191,191,194,191,178,105,113,181,191,194,191,178,173,165,165,165,121,95,85,95,105,109,113,123,170,173,170,165,121,123,119,118,165,176,178,183,183,165,118,119,125,125,123,121,119,119,121,119,119,119,123,121,120,123,170,176,173,170,168,160,117,107,99,97,97,99,109,121,163,121,112,110,115,117,113,109,103,99,97,97,103,109,111,113,125,165,168,178,194,202,207,207,207,204,202,204,204,204,204,204,203,203,207,209,212,212,209,208,208,209,209,204,199,194,191,191,189,189,194,202,207,207,207,207,202,202,199,202,204,204,204,204,204,196,186,182,183,186,189,189,189,191,191,196,199,196,183,135,133,134,137,183,191,194,196,194,194,196,199,204,207,209,204,199,196,191,189,189,189,191,194,194,191,189,189,191,194,196,202,204,204,202,196,194,194,196,196,196,196,196,196,196,199,204,212,217,217,217,209,204,199,196,191,186,178,176,181,186,186,181,176,176,178,181,186,189,191,191,189,186,183,135,135,181,186,191,194,194,189,185,186,191,189,181,137,181,183,191,199,204,207,204,199,194,186,185,186,186,189,189,191,194,194,191,189,186,186,181,176,176,178,183,183,183,181,176,170,127,121,115,111,107,105,105,109,113,111,107,107,107,109,111,115,119,125,170,178,189,194,194,191,189,189,186,186,189,191,196,196,194,194,196,199,199,199,199,199,199,196,194,194,194,191,189,186,183,183,186,189,191,191,189,189,189,189,186,186,186,186,186,185,186,191,196,196,196,196,194,196,196,196,199,199,199,196,196,196,194,194,191,191,191,191,189,183,181,178,176,170,129,127,125,121,118,119,123,125,127,127,168,173,178,178,176,176,176,178,176,174,174,174,178,178,181,178,178,178,181,181,178,170,169,173,178,178,176,173,173,132,132,176,181,186,183,183,186,189,194,196,196,196,199,199,202,204,204,207,207,207,207,209,209,212,215,217,222,217,217,215,215,212,215,217,225,225,220,217,215,212,212,209,207,202,199,194,194,199,199,189,140,140,186,191,194,191,190,191,196,199,199,196,194,191,191,189,186,186,186,189,194,194,191,189,191,191,191,191,191,191,191,191,189,183,178,135,135,131,131,131,131,131,131,133,181,186,183,178,178,178,181,181,176,173,176,183,189,186,178,133,132,133,183,186,181,133,176,189,194,189,183,181,178,178,176,176,173,131,129,125,121,123,129,176,181,181,181,181,183,183,181,181,178,176,176,176,176,176,176,176,178,181,181,183,189,194,199,199,196,194,194,196,194,189,186,191,196,196,196,194,189,183,181,183,186,191,194,194,194,194,191,189,181,178,183,186,189,196,202,199,194,189,191,196,196,191,186,186,194,199,199,196,196,194,191,190,191,191,194,196,202,207,204,199,191,186,189,194,199,199,199,196,191,183,178,178,181,181,176,132,133,176,181,183,181,178,133,131,131,133,176,181,186,194,194,191,189,189,189,183,178,177,178,183,189,194,194,194,191,194,196,196,196,191,186,185,186,194,199,199,194,189,185,182,183,186,196,202,199,196,191,189,183,135,131,131,133,176,183,189,191,186,178,176,181,189,189,189,186,183,178,173,173,178,183,183,181,178,178,173,131,131,131,125,120,120,123,123,127,131,131,129,129,131,176,178,181,183,183,181,183,183,181,181,183,186,189,189,189,189,189,186,183,181,179,181,183,189,191,191,189,186,186,189,194,196,199,199,196,189,183,181,183,186,186,183,181,181,181,183,183,181,176,176,178,178,183,194,199,196,189,186,181,178,183,191,196,199,196,191,186,183,181,178,176,176,181,186,181,176,173,173,131,176,186,191,189,189,191,191,186,181,179,178,179,183,189,194,191,186,181,177,181,183,178,129,127,133,181,186,189,191,186,176,133,133,129,129,176,186,191,189,181,129,124,124,125,127,125,123,124,176,191,194,191,183,176,129,130,178,183,183,183,191,199,202,194,183,173,127,121,115,111,107,105,105,104,104,109,121,178,186,183,178,176,174,176,178,183,186,186,183,183,183,186,186,186,189,194,191,183,182,186,196,204,204,202,196,196,194,186,176,130,133,183,189,189,189,186,181,181,181,183,183,183,191,196,199,199,199,204,204,199,186,179,179,186,191,189,181,132,130,132,135,135,131,129,129,131,178,183,186,191,191,186,181,174,169,170,174,183,189,181,129,127,131,176,181,186,189,186,181,181,186,196,204,202,199,199,0,0,204,207,204,204,207,212,215,215,209,207,204,204,204,202,204,209,217,228,230,230,228,217,215,209,207,204,204,207,212,215,215,217,222,222,222,222,222,217,212,209,208,208,212,217,220,217,222,225,230,233,233,233,235,235,235,235,238,238,238,238,238,241,243,243,241,241,241,241,235,230,228,230,230,230,233,0,233,230,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,186,183,186,186,183,186,178,160,0,0,152,150,150,152,0,0,0,0,0,157,163,170,176,178,181,183,183,186,191,194,194,196,209,225,228,217,209,204,207,212,217,222,228,233,241,243,238,230,225,225,228,228,225,217,217,222,225,225,230,233,233,230,222,220,222,228,230,228,225,217,212,212,212,212,209,207,204,207,204,204,207,215,222,217,220,222,217,212,211,215,217,217,215,215,215,220,225,228,228,217,209,209,215,217,217,215,213 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,64,157,155,134,176,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,147,155,155,147,147,155,165,168,170,168,160,165,178,191,194,186,176,168,165,164,163,163,164,168,173,173,170,168,127,125,168,181,183,176,168,119,115,116,119,121,123,127,170,173,173,176,181,191,196,199,189,181,176,176,173,173,173,131,129,127,129,131,131,131,129,123,119,119,125,131,129,124,123,125,123,123,125,176,196,207,196,170,127,176,189,196,196,186,176,129,129,127,125,125,129,173,173,173,176,176,176,178,176,170,127,173,178,170,170,178,176,125,123,126,127,126,127,173,186,194,196,194,189,173,170,170,173,181,176,129,127,125,125,127,127,123,111,105,125,135,183,183,186,191,191,190,194,204,217,225,225,222,225,225,222,207,194,189,186,189,194,204,212,209,196,183,181,183,186,186,183,183,186,194,202,204,202,199,196,196,194,194,194,189,183,183,186,186,186,186,186,189,194,202,207,212,212,207,191,181,178,178,176,129,127,128,131,173,178,178,178,131,129,131,181,189,186,178,176,178,178,173,173,181,191,191,183,176,131,127,129,173,178,181,183,191,194,189,178,132,133,178,181,183,178,176,133,178,183,189,194,199,199,199,199,196,186,133,131,176,181,181,183,196,207,207,199,178,129,129,129,127,128,129,173,183,196,209,215,215,212,209,194,131,127,123,121,121,127,178,189,186,131,127,131,181,183,181,186,202,207,209,209,212,215,199,183,178,178,176,131,130,176,183,176,132,173,183,186,181,183,189,194,191,186,186,186,181,178,178,183,189,186,186,186,183,181,133,133,135,133,129,129,129,131,176,176,176,133,133,173,173,176,191,207,212,209,196,176,173,176,170,127,125,122,120,125,173,176,183,194,202,204,202,189,170,123,127,168,123,119,121,165,168,165,170,178,173,176,178,165,109,105,108,165,173,165,117,117,115,100,82,99,178,191,176,168,123,109,117,168,176,178,176,176,178,173,173,178,176,170,176,178,176,173,176,186,194,181,125,119,115,115,125,121,121,123,165,165,168,173,170,119,90,93,119,183,196,204,215,212,160,93,104,111,165,168,168,157,117,170,173,115,115,170,183,170,107,101,111,113,111,113,115,109,101,101,105,111,115,113,157,165,173,191,207,204,186,176,170,163,111,107,113,113,109,109,115,168,191,204,207,199,165,117,155,165,181,183,168,155,115,152,163,183,207,207,207,222,194,109,101,95,107,155,155,151,155,170,176,170,163,119,115,117,165,178,191,202,202,196,191,163,99,101,113,121,119,114,114,121,121,112,112,117,121,119,119,121,119,121,121,119,117,123,125,123,123,127,170,176,173,168,168,127,126,170,181,189,196,199,196,194,186,176,168,124,125,176,191,196,186,123,109,107,109,107,103,105,117,168,176,181,178,165,118,118,121,121,117,117,119,121,115,114,117,173,189,178,173,173,176,170,165,165,170,170,123,117,113,113,117,121,121,127,173,173,181,191,170,116,120,173,121,113,116,157,119,109,103,109,152,111,107,109,109,103,100,99,105,150,107,55,34,45,183,191,194,191,190,190,191,194,194,181,160,160,181,191,194,186,173,117,115,117,165,181,163,87,89,103,113,119,125,176,186,191,189,178,168,123,123,165,173,181,186,183,168,118,117,118,119,121,123,123,121,119,117,115,117,119,121,123,170,181,183,178,173,168,165,121,113,109,109,105,105,117,165,163,117,111,111,115,160,170,178,163,95,81,78,89,97,99,121,178,165,125,168,176,189,202,207,207,204,202,204,204,204,204,204,207,207,207,209,212,212,209,209,208,209,207,204,199,196,199,199,199,199,202,204,204,204,204,207,207,207,204,202,202,202,204,204,204,194,186,182,183,186,186,183,186,194,196,196,202,204,194,136,133,181,189,191,196,196,194,194,191,194,199,204,209,209,207,204,204,196,189,189,194,196,196,196,194,194,196,199,199,202,204,207,207,204,199,196,194,196,196,196,194,191,191,191,196,204,212,217,217,215,209,204,199,196,194,191,178,133,176,183,186,181,176,174,176,176,178,181,183,183,181,178,135,134,134,178,183,189,191,191,189,185,186,189,189,183,181,183,189,194,202,204,202,199,196,191,186,186,189,186,183,183,189,194,196,191,186,186,186,181,133,130,176,183,186,183,178,170,127,125,117,113,109,105,104,104,105,107,107,105,107,109,111,115,121,173,186,189,189,191,194,191,186,183,183,183,186,191,196,196,196,194,194,196,199,202,202,199,202,202,199,196,194,194,196,194,189,185,185,186,189,191,189,186,186,186,186,186,186,186,186,186,185,189,194,199,202,199,199,196,196,196,196,196,196,199,196,196,196,194,191,189,186,186,183,183,178,176,173,131,129,127,127,125,121,119,119,121,125,168,170,176,176,176,176,173,170,170,173,176,176,176,176,178,181,181,178,178,178,181,181,178,173,170,173,176,176,176,176,173,132,132,176,178,183,186,186,186,191,194,196,196,199,199,199,202,204,204,207,207,209,209,209,212,212,215,217,222,222,222,217,215,215,217,222,225,225,222,217,215,212,212,207,204,202,199,196,196,202,202,194,186,186,189,191,191,189,190,191,199,202,204,199,194,191,191,191,186,185,186,189,194,194,191,189,191,189,189,189,189,189,189,189,183,181,178,178,135,133,133,135,135,131,130,133,178,183,183,178,177,181,183,183,176,173,174,178,186,186,181,133,132,176,181,183,181,133,130,181,183,183,181,183,183,183,183,181,176,173,173,131,131,131,131,173,178,183,186,186,186,186,186,183,181,178,178,176,178,178,178,178,181,183,186,186,191,196,199,196,194,191,191,194,191,186,186,191,194,194,194,194,191,183,179,181,189,194,196,196,196,194,189,183,181,181,186,191,196,199,199,199,196,194,194,199,202,199,196,196,202,202,199,199,196,196,196,191,190,190,196,202,204,204,202,194,189,186,189,191,194,196,202,199,189,178,133,178,181,178,132,131,133,178,183,186,189,186,178,133,133,176,181,186,191,196,196,191,191,191,189,181,177,177,178,183,189,194,196,191,187,189,191,194,191,189,186,189,191,194,194,194,191,189,189,186,185,186,191,196,196,194,194,189,181,131,128,131,133,181,189,194,191,181,131,133,178,186,189,186,181,181,181,176,173,176,176,176,176,178,181,178,176,173,129,123,121,125,129,131,173,173,131,127,125,127,131,176,183,189,186,183,183,181,178,178,181,183,186,186,186,186,186,186,183,181,181,181,183,186,189,186,183,178,181,186,194,196,199,199,194,189,183,181,181,183,183,183,183,183,186,189,191,186,178,173,173,173,181,194,196,191,189,183,181,178,181,189,196,196,191,183,178,178,176,176,178,181,183,186,183,176,173,178,173,173,178,173,176,183,191,194,189,186,181,178,179,183,191,191,189,183,178,177,177,181,183,181,178,181,186,189,189,189,183,176,133,176,133,133,181,191,196,191,181,131,125,124,123,124,125,127,131,181,189,189,189,183,133,130,133,178,181,178,181,189,196,199,196,189,178,173,127,123,121,115,107,103,102,104,113,123,173,181,181,181,181,181,181,181,183,186,186,183,183,183,189,191,186,186,189,189,183,181,183,196,207,207,202,196,196,194,191,183,133,133,183,189,191,194,191,186,183,186,189,183,181,186,191,196,199,204,207,204,196,186,181,181,189,194,194,183,131,129,132,178,178,133,131,131,178,186,186,186,189,186,181,176,173,169,170,174,186,194,183,131,127,127,125,124,127,133,181,183,186,194,204,209,204,199,199,202,204,0,204,204,207,212,217,222,217,212,204,203,204,207,207,209,0,225,230,230,230,228,222,215,212,209,204,204,204,209,212,0,217,222,222,217,217,217,217,212,209,208,208,209,209,215,0,0,228,233,233,233,233,235,235,235,235,238,238,241,241,241,241,241,241,238,238,238,238,235,233,230,230,230,228,228,230,233,230,228,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,183,176,160,155,152,155,155,155,0,0,0,0,0,0,152,157,165,170,173,173,176,178,183,191,194,194,196,204,212,222,222,212,204,202,204,209,220,228,233,238,243,241,230,222,225,228,225,222,222,225,228,228,228,233,235,235,225,220,222,228,228,228,225,222,217,212,212,212,212,209,204,204,207,207,204,207,217,222,220,217,222,217,212,212,222,225,220,215,215,215,217,222,228,228,217,207,207,212,215,215,215,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,118,152,165,176,199,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,155,152,147,147,163,178,178,170,165,168,176,191,202,202,191,178,170,168,164,161,161,163,168,173,173,168,168,127,126,168,178,181,176,168,123,117,116,117,119,125,170,173,173,173,173,181,189,196,199,194,178,172,173,178,183,183,178,131,131,173,131,131,131,127,119,113,114,119,127,129,127,173,178,127,124,125,176,196,209,202,176,129,176,191,199,199,191,181,176,173,170,127,127,129,170,173,173,178,181,183,183,181,178,181,194,194,178,173,178,186,183,178,178,173,170,176,191,202,204,204,196,176,119,119,127,178,189,181,131,125,123,123,125,125,125,123,125,135,183,186,186,189,191,191,191,194,204,215,222,222,217,222,225,217,207,194,186,186,189,191,202,209,207,202,194,191,194,191,186,178,135,178,183,189,191,191,189,186,189,186,189,191,189,183,182,183,181,181,181,183,191,199,204,209,212,212,204,191,183,181,183,178,131,128,128,129,129,129,131,173,173,131,131,176,181,181,176,181,186,183,178,178,186,199,199,189,176,129,127,129,176,183,189,191,191,186,181,176,133,133,178,183,183,178,133,133,176,181,183,183,189,191,196,199,199,191,178,131,176,178,178,181,194,204,202,189,127,125,129,131,129,127,126,129,176,186,199,204,202,199,194,183,129,125,123,125,133,181,186,194,191,181,176,176,181,179,178,181,191,194,199,204,207,209,199,183,181,183,183,178,176,186,191,181,132,131,173,178,181,183,189,189,189,191,189,183,179,178,179,181,181,178,181,186,191,186,178,133,129,125,124,125,125,127,129,133,178,181,181,186,183,181,186,196,196,194,183,176,178,186,178,170,125,123,125,173,178,176,178,194,202,202,194,181,127,123,168,170,121,118,121,173,176,178,178,178,173,170,173,170,165,119,115,119,125,125,123,125,165,117,98,105,168,181,181,186,181,107,111,173,183,181,178,176,176,170,170,176,173,168,165,165,125,125,168,178,186,181,168,121,119,121,123,119,117,118,121,123,165,173,183,173,97,95,111,165,181,191,191,173,113,101,111,121,168,168,170,163,117,165,168,155,160,178,189,168,107,105,113,109,103,103,103,97,96,99,105,111,113,113,157,160,170,199,222,217,194,173,163,115,105,102,105,107,107,111,115,165,194,209,212,202,176,155,157,165,178,176,163,155,113,113,155,181,199,202,196,183,165,152,105,95,105,152,151,150,155,173,181,178,168,160,119,121,170,191,204,209,204,199,199,183,111,103,109,117,119,116,117,123,119,112,112,115,117,117,117,121,125,125,121,103,99,107,117,119,121,125,168,170,127,123,127,168,127,127,168,176,181,181,178,178,178,181,178,168,125,170,186,191,181,121,109,106,107,109,103,103,111,163,176,181,178,165,119,118,120,121,119,117,117,117,114,113,115,123,168,170,170,176,178,173,168,165,165,125,119,117,113,113,117,123,168,178,181,176,178,183,173,123,173,183,168,116,117,121,157,109,99,111,155,152,113,111,109,105,101,98,101,111,109,93,53,43,49,111,176,191,191,191,194,196,194,183,173,176,183,189,189,176,117,100,103,117,176,186,178,105,91,99,111,123,170,183,194,202,202,194,178,165,123,125,165,173,181,183,176,125,118,117,119,123,165,165,165,165,121,116,117,121,123,165,181,191,191,183,178,170,165,160,119,117,115,113,119,173,173,163,117,113,113,117,165,176,178,163,97,81,75,78,93,109,181,183,165,117,117,125,176,189,196,199,199,202,204,204,202,202,204,209,209,207,207,209,212,212,209,209,209,209,207,204,204,207,207,207,204,204,204,202,202,202,204,209,209,209,207,204,202,202,202,202,196,189,183,183,183,182,182,189,196,202,199,204,209,204,191,186,199,202,199,199,196,191,189,189,194,199,204,207,207,207,207,204,199,191,191,191,191,194,194,194,194,199,202,204,204,204,204,207,204,202,199,196,196,196,194,191,186,183,186,191,199,204,209,209,207,204,202,199,196,191,186,178,133,133,181,189,189,181,176,174,173,173,174,178,178,178,135,135,135,178,181,183,186,189,189,186,185,186,189,189,186,186,189,189,194,202,204,202,196,191,191,191,191,189,181,131,131,181,191,194,183,133,133,176,176,173,130,173,183,183,181,176,125,117,115,115,113,109,105,104,104,105,105,105,105,107,111,117,123,173,189,194,194,194,194,194,189,183,181,181,182,186,191,196,196,194,189,189,194,199,202,199,199,199,199,199,196,194,196,196,196,191,185,185,186,189,189,186,183,181,181,181,183,183,186,186,189,189,191,199,202,202,202,202,199,196,196,196,196,196,196,196,196,196,194,191,186,183,181,178,133,131,129,129,129,127,127,127,127,123,121,119,121,125,168,173,176,176,173,173,170,169,170,170,173,176,176,178,181,181,178,176,176,176,178,178,178,173,173,173,176,176,176,176,176,173,133,133,178,181,183,186,189,191,194,196,199,199,199,199,199,202,204,207,207,209,209,212,212,215,215,217,217,222,222,217,217,215,217,225,228,225,222,217,215,212,209,207,204,202,202,199,199,202,202,196,194,194,196,196,194,191,191,196,202,204,204,202,194,191,191,189,186,185,186,191,194,196,194,191,189,186,183,186,189,191,189,186,181,178,178,178,178,135,178,178,178,133,131,133,178,183,183,181,178,181,183,181,176,173,173,176,183,183,181,176,176,181,183,183,181,176,132,176,176,176,178,181,186,189,186,181,178,176,176,176,176,173,173,173,178,186,189,189,186,189,189,186,183,183,181,181,181,181,181,183,186,189,189,189,191,191,194,194,191,191,191,191,191,189,186,189,191,194,194,194,189,183,181,181,189,194,194,194,194,191,186,183,181,183,189,196,202,202,199,199,196,194,196,202,204,202,199,202,202,202,202,199,202,204,207,202,191,189,191,196,199,194,189,186,183,186,189,189,191,194,199,196,186,176,129,131,176,176,133,133,178,183,186,186,191,194,189,181,178,181,186,189,194,194,194,191,191,191,186,181,178,178,183,186,189,194,196,191,187,187,191,194,191,186,186,189,194,194,191,191,189,189,191,194,191,189,191,191,194,194,194,191,181,128,125,129,178,186,191,194,186,133,127,131,178,183,183,181,178,178,181,178,176,173,129,127,131,176,181,183,181,178,127,119,117,123,131,173,176,176,173,127,125,125,125,129,178,186,186,183,183,181,178,178,181,183,183,186,186,183,183,183,181,181,181,181,183,186,186,183,178,177,177,183,191,196,196,196,191,186,181,178,178,181,181,183,186,186,189,194,194,186,173,170,172,173,181,191,189,183,181,181,178,178,181,189,196,196,191,183,181,178,176,176,178,181,183,186,181,173,173,181,181,176,176,129,129,181,189,194,196,191,186,181,181,186,191,191,186,181,178,177,178,183,191,191,189,189,191,191,189,186,181,133,176,183,186,186,191,196,199,194,183,176,131,127,124,125,129,176,181,189,191,191,189,183,133,130,131,178,178,178,183,189,196,199,196,189,183,176,131,129,129,123,115,107,105,109,117,125,170,176,176,181,183,186,186,189,189,189,189,186,183,183,186,189,186,186,189,189,183,182,186,194,202,199,194,191,194,194,191,183,131,129,133,178,178,186,191,191,194,196,194,186,177,177,183,191,196,202,202,199,191,181,179,181,186,191,191,183,133,133,178,183,183,178,135,178,186,194,194,191,191,189,183,181,178,176,176,178,186,189,183,133,129,125,122,121,123,131,181,186,189,196,204,207,204,199,199,202,202,0,204,207,212,217,222,222,217,209,203,203,207,209,209,212,0,228,230,230,228,225,217,212,209,209,207,204,204,207,212,215,0,225,222,217,216,217,217,215,212,209,209,208,209,212,0,0,0,235,233,233,233,233,235,235,235,238,238,241,241,241,241,241,238,235,235,235,235,233,233,230,228,225,222,222,228,230,230,225,222,220,0,0,0,0,0,0,0,0,0,0,0,0,0,238,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,160,0,155,157,160,155,152,0,0,0,0,0,147,155,157,163,165,165,170,176,183,189,191,191,194,199,204,209,212,212,204,200,200,207,217,228,233,238,243,241,228,222,222,228,225,222,222,228,228,228,228,233,235,233,225,220,222,230,230,228,225,222,215,212,209,209,207,204,202,202,204,204,204,207,217,222,217,217,217,217,215,215,225,225,222,215,215,215,215,225,230,230,222,204,202,207,212,215,215,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,147,152,165,191,207,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,131,144,147,155,170,181,178,170,170,173,181,191,199,199,191,181,176,176,173,165,165,170,178,181,176,168,127,127,126,168,173,176,170,170,129,125,117,115,117,125,173,176,176,173,173,176,183,191,194,191,181,173,173,178,181,181,181,176,178,181,176,131,127,123,118,114,116,121,125,127,173,186,194,181,129,127,173,194,204,196,173,121,125,181,191,196,191,186,183,183,181,176,173,170,170,173,176,178,181,183,183,181,181,189,199,199,181,169,173,191,202,202,194,183,183,196,207,209,207,207,199,173,116,115,123,176,189,178,127,121,121,121,123,125,129,135,181,183,186,189,189,191,194,194,194,196,204,212,215,215,215,217,222,215,204,194,189,186,189,191,199,202,202,196,196,202,202,194,181,133,132,132,133,135,178,178,178,181,183,181,181,186,186,183,183,183,181,178,178,183,191,199,204,209,212,207,196,186,181,183,183,178,173,131,131,131,129,128,129,131,178,176,129,127,173,173,173,181,186,183,181,181,191,202,202,189,176,127,126,127,173,186,194,191,183,176,133,133,176,133,176,186,189,183,178,133,176,178,181,181,183,189,191,194,194,191,181,173,176,173,173,176,183,191,186,129,124,124,131,181,183,173,127,128,129,131,178,186,189,189,191,183,133,127,122,125,189,199,202,204,199,189,181,181,183,183,181,183,189,189,194,199,207,209,202,183,181,186,189,186,181,186,191,186,133,131,133,178,181,186,189,183,189,194,191,183,179,183,189,186,181,177,178,189,194,191,181,133,129,124,123,127,127,125,125,131,186,199,202,199,189,176,173,176,176,176,176,178,191,202,199,183,127,125,170,178,176,127,123,186,194,189,181,168,122,122,168,173,120,118,127,186,189,186,183,176,168,168,173,173,173,165,121,119,123,168,170,176,181,176,123,121,170,178,183,189,178,101,103,173,186,183,176,173,170,170,173,176,173,168,123,120,120,125,170,178,186,186,173,117,117,165,165,118,116,119,165,168,168,181,202,202,170,99,103,111,115,170,165,117,111,105,109,160,168,168,173,168,119,163,168,163,168,176,178,160,111,107,105,97,95,99,101,95,97,109,113,115,115,115,155,116,163,196,220,217,191,165,117,111,103,102,102,103,107,111,111,157,191,207,207,196,176,160,155,157,160,155,113,113,111,111,113,163,181,191,155,64,95,152,99,95,107,152,151,150,155,170,178,178,170,163,157,163,176,196,209,212,204,202,207,199,168,111,109,117,121,121,125,168,125,115,114,119,119,116,117,123,168,168,123,101,97,101,115,119,117,121,123,123,119,121,127,170,170,170,170,170,168,127,127,168,176,183,189,181,168,168,183,189,176,119,109,106,109,109,103,101,102,113,163,170,170,165,163,160,160,163,163,163,121,115,114,114,115,119,123,165,170,170,170,170,170,173,168,123,119,115,112,112,115,121,170,183,183,178,181,189,183,178,189,194,191,173,160,160,157,109,98,105,115,155,152,111,109,109,103,98,100,107,109,107,87,45,32,35,71,178,191,189,191,199,196,186,183,186,186,183,178,119,99,97,101,173,189,189,191,189,107,99,107,121,173,183,189,196,202,196,181,165,123,121,123,168,173,176,176,168,119,116,118,123,165,173,178,183,178,163,123,163,123,123,178,191,191,186,176,168,160,121,121,119,115,117,168,178,168,111,111,111,113,119,163,168,163,115,105,101,79,76,97,160,178,173,119,111,111,119,168,176,178,178,183,194,202,202,199,199,204,209,209,207,207,209,212,212,212,209,209,209,207,207,207,209,212,209,207,204,202,200,199,200,204,209,212,212,212,209,204,202,199,199,194,186,183,183,183,183,183,194,202,204,202,202,209,209,204,204,209,207,202,199,194,186,183,186,191,199,202,202,202,202,204,204,199,196,191,189,183,183,186,189,189,194,199,202,202,199,196,194,194,194,194,194,194,191,189,183,181,181,183,189,191,194,194,194,194,196,196,196,191,183,176,131,127,129,178,191,194,189,183,176,174,174,176,178,181,181,181,183,183,186,186,183,186,189,191,189,186,186,191,191,191,189,191,191,191,196,199,196,189,189,191,194,194,186,131,123,122,131,181,178,127,118,117,120,127,131,131,176,181,183,181,173,123,115,114,115,115,113,109,107,109,109,109,109,107,111,117,165,176,186,196,196,194,191,191,191,189,183,181,181,182,186,189,191,189,181,178,178,183,191,196,199,196,196,196,196,196,194,196,199,196,191,186,185,186,186,186,183,181,178,137,137,137,183,186,189,191,191,194,199,202,204,202,202,199,199,196,196,196,196,196,196,194,194,191,186,183,181,178,133,129,128,128,129,129,127,129,129,127,123,119,117,119,125,127,168,170,170,170,170,170,170,170,170,173,176,178,178,178,178,176,173,173,173,176,176,173,170,170,170,173,173,173,176,173,173,133,133,176,181,183,186,189,191,196,199,199,199,199,198,198,199,202,204,207,209,212,212,215,215,215,217,217,217,220,217,217,217,222,225,228,225,222,217,215,212,209,207,204,204,202,202,202,202,202,202,199,199,204,204,199,196,194,196,202,204,204,202,194,189,189,189,189,186,186,191,196,196,194,189,186,181,178,183,189,191,191,186,181,181,181,181,178,178,178,181,181,178,135,135,178,181,183,183,183,183,183,181,176,174,174,176,181,183,181,178,181,183,183,181,181,181,178,133,131,131,173,176,181,183,183,178,176,178,176,176,173,173,176,178,183,186,189,186,186,186,186,186,186,186,186,183,183,183,183,186,189,191,194,191,191,191,191,191,191,191,191,191,191,191,189,186,189,191,194,194,191,189,183,183,186,191,191,191,189,186,183,181,181,183,189,199,204,204,199,194,194,194,196,202,204,204,202,202,202,202,202,204,209,215,220,215,199,190,189,191,191,186,182,183,183,183,186,189,191,194,196,194,186,133,125,124,129,133,176,178,186,189,186,186,191,196,196,189,186,186,189,191,191,191,191,191,191,189,186,181,181,186,189,189,191,196,196,191,187,189,194,196,191,183,183,189,191,191,189,189,186,186,191,194,191,189,189,191,191,194,194,191,181,127,125,133,183,191,194,189,178,127,126,131,178,181,181,178,178,181,181,181,178,173,127,125,126,173,183,186,186,178,125,116,115,119,127,173,178,178,176,131,129,123,119,117,123,173,178,181,181,178,178,178,183,183,186,186,183,183,181,181,179,179,181,181,183,186,186,183,178,177,177,183,189,194,194,194,189,183,178,178,178,178,181,183,186,189,189,191,189,181,173,170,172,176,181,189,183,176,173,173,176,176,181,186,194,194,189,183,183,181,178,176,176,181,183,183,178,173,178,189,186,176,129,125,127,176,186,194,196,194,191,186,186,189,191,191,186,183,183,181,181,186,194,199,196,194,191,191,186,181,178,176,178,189,194,196,202,202,199,191,186,178,176,129,127,129,178,186,191,194,194,191,189,183,133,130,131,176,181,183,189,194,199,199,196,191,186,181,176,173,173,129,123,115,113,115,121,125,129,129,131,176,181,186,191,191,194,191,191,191,189,189,191,189,181,181,183,186,186,186,186,189,191,189,183,183,189,191,189,178,125,121,121,123,123,129,183,194,202,202,199,189,177,174,178,189,194,194,194,191,186,181,179,181,183,186,186,183,181,183,186,189,186,183,181,181,189,196,199,199,196,191,186,183,186,189,186,183,183,186,181,176,133,129,125,125,129,181,191,196,196,196,199,202,199,196,196,196,196,199,202,207,215,222,222,215,212,207,203,203,204,209,209,212,0,225,228,228,225,217,212,207,207,207,209,207,207,207,209,215,217,225,222,217,216,217,217,217,215,215,215,212,209,212,0,0,0,238,235,233,233,233,233,235,238,238,241,241,241,241,241,238,235,233,233,233,233,233,230,228,225,222,215,212,222,228,228,225,222,222,0,0,0,0,0,0,0,0,0,0,0,0,0,235,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,0,160,165,165,157,152,152,155,152,0,0,147,150,152,155,157,163,170,176,183,189,191,191,191,194,199,202,207,209,204,200,200,207,220,230,235,238,243,238,228,221,222,225,222,220,222,228,228,228,228,230,233,230,225,222,225,230,233,230,225,222,215,212,209,207,202,199,196,199,202,199,199,207,217,222,217,215,217,217,215,215,225,225,222,215,209,209,215,228,235,233,217,202,196,202,207,212,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,163,168,165,168,189,199,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,134,144,157,165,163,152,157,168,170,176,183,191,191,186,178,178,181,178,170,173,183,191,191,183,168,127,127,127,168,170,170,129,170,178,176,121,114,116,123,129,176,176,173,172,173,178,183,189,186,186,183,181,176,131,131,173,176,186,189,181,129,123,121,119,121,127,129,125,125,173,191,199,194,181,131,173,189,196,189,127,118,117,123,178,189,189,189,189,191,189,186,178,176,176,178,178,178,178,181,181,181,181,186,189,189,176,165,165,181,202,207,196,189,191,207,212,209,202,202,196,176,116,115,117,129,181,176,127,121,117,115,119,127,133,183,189,189,189,191,194,194,196,199,202,204,209,212,215,215,215,217,217,212,202,194,191,189,189,191,196,196,194,191,194,204,204,194,178,133,133,132,132,133,133,131,131,176,181,178,133,178,183,186,186,183,178,176,178,183,189,191,196,204,204,199,186,179,178,181,181,178,178,181,183,181,173,129,129,173,178,173,127,125,127,173,176,178,178,181,181,186,191,196,196,183,131,127,126,129,176,183,189,186,176,132,132,133,133,131,131,181,194,194,181,133,176,181,181,183,186,189,189,189,189,189,183,178,173,131,129,129,173,176,131,126,124,127,178,189,191,186,131,131,129,127,128,133,181,191,199,196,191,178,119,118,194,209,212,209,202,189,179,179,186,194,196,196,196,194,194,199,204,209,202,178,176,183,189,186,181,181,183,186,178,133,178,183,189,189,186,181,183,189,189,183,186,196,207,199,189,178,178,186,194,191,181,178,133,125,124,127,127,122,120,131,199,215,217,207,186,172,170,172,170,170,176,191,212,222,212,196,129,127,173,173,129,122,120,176,181,176,168,123,120,121,168,173,120,119,178,199,199,191,183,170,125,168,181,178,170,165,125,125,168,173,176,178,181,178,170,170,178,181,181,176,111,98,100,119,183,183,176,168,165,165,173,178,176,168,120,119,121,170,178,178,183,189,173,102,105,173,178,119,119,173,183,178,173,186,212,220,209,101,98,98,99,123,119,115,115,107,102,119,160,165,173,168,160,168,176,173,168,163,157,152,115,109,91,75,83,99,99,97,111,160,163,157,155,152,117,114,117,178,196,194,173,157,115,109,105,102,101,103,109,109,101,107,178,199,196,183,168,157,152,152,152,113,107,105,105,107,111,113,111,147,91,59,66,91,93,101,113,155,152,152,157,163,168,170,168,163,160,165,176,194,207,209,204,202,209,204,176,117,113,121,123,121,125,170,170,121,117,121,121,117,119,125,170,173,168,113,100,105,117,119,116,117,119,118,118,121,127,168,170,170,170,168,127,126,126,168,176,186,194,191,173,173,189,196,181,123,117,115,117,113,105,100,101,107,119,163,163,165,168,168,165,168,170,170,160,119,115,117,117,119,163,170,170,125,119,121,170,178,173,127,125,119,113,112,112,117,170,181,186,186,194,202,199,191,191,194,194,189,178,168,121,109,101,103,109,115,113,105,105,113,111,101,103,109,113,113,99,67,39,25,28,95,176,170,176,191,194,189,189,189,186,178,165,107,97,100,117,183,189,189,194,199,183,105,103,113,165,173,176,181,191,189,178,168,123,121,123,165,170,170,176,173,121,116,118,123,168,176,189,196,194,181,176,176,168,101,105,170,183,181,168,160,121,119,119,117,114,115,163,165,109,97,99,103,109,117,160,157,111,107,115,183,163,83,101,160,115,113,109,105,107,119,125,165,123,120,121,170,186,194,199,202,207,207,207,207,207,209,212,215,212,209,207,207,204,204,207,209,212,209,207,204,202,200,200,202,207,212,215,215,212,212,209,204,202,199,191,182,181,182,186,189,191,196,204,207,202,202,204,207,207,207,207,204,196,194,186,135,135,181,191,199,199,196,196,199,202,204,204,199,194,189,181,137,137,135,133,135,181,186,186,183,181,137,181,183,189,191,189,186,183,181,178,178,181,183,186,183,178,129,133,183,186,183,178,131,127,127,129,131,178,186,191,189,186,183,181,183,183,181,181,183,189,191,194,191,189,183,183,189,194,194,191,194,196,199,196,194,194,191,186,189,194,189,178,178,189,194,194,183,129,121,121,125,133,127,119,115,115,119,129,176,178,181,183,183,183,178,170,123,121,123,121,119,117,115,117,119,119,117,117,121,165,178,189,196,199,196,191,186,183,186,189,186,186,183,186,186,189,183,176,129,123,125,173,183,194,196,196,196,194,194,194,194,196,196,196,191,186,186,186,186,183,181,135,135,135,135,137,181,186,189,194,194,196,199,202,202,204,204,202,202,202,199,199,199,196,194,194,191,189,183,181,181,176,131,128,128,129,129,170,129,170,129,127,123,117,116,117,123,125,123,123,125,127,127,170,173,173,173,173,176,178,178,176,176,176,173,172,172,173,173,170,129,129,129,170,131,131,131,131,131,133,133,178,181,183,186,189,191,194,196,199,199,199,198,198,199,202,204,209,212,212,215,215,215,215,217,217,217,217,222,222,222,222,225,225,225,225,217,215,212,212,209,207,204,202,199,199,199,204,204,204,204,207,207,204,199,196,196,199,202,204,204,196,189,189,191,189,186,189,191,194,194,189,183,181,178,178,181,186,189,191,189,186,183,183,183,181,181,181,181,181,178,178,178,178,178,181,183,186,189,186,186,181,178,178,181,183,183,183,181,181,181,176,178,181,183,181,176,131,129,129,131,173,176,173,131,131,173,176,173,173,176,178,183,186,189,189,186,183,183,183,189,189,189,189,189,186,186,183,186,189,194,196,194,194,191,191,191,191,191,191,191,194,196,194,189,189,189,191,191,191,191,189,183,186,189,189,189,186,186,183,181,181,183,191,199,204,204,199,190,190,191,196,199,202,204,204,204,202,202,202,204,209,217,228,225,207,191,190,191,189,183,183,186,186,183,183,186,189,191,194,191,183,129,123,122,125,131,176,183,189,191,189,186,189,194,196,191,189,191,191,189,189,189,189,189,191,191,189,183,183,189,191,191,194,194,194,191,189,189,194,196,189,179,179,183,189,189,186,186,183,183,189,189,186,181,181,189,191,191,191,191,183,133,129,178,186,191,189,181,129,126,126,131,176,178,181,178,181,183,183,183,178,176,127,125,126,173,183,186,186,176,125,116,115,116,123,129,178,181,178,178,176,127,117,114,116,123,131,178,181,178,178,181,183,186,186,186,183,181,181,181,181,181,183,183,186,186,186,183,178,177,177,181,186,189,191,191,186,181,178,176,178,178,181,186,189,186,181,178,178,176,173,173,173,173,178,186,178,130,129,131,173,176,176,181,186,186,183,183,183,181,178,176,178,181,186,183,178,176,183,191,189,173,122,122,125,176,186,191,191,191,189,189,186,189,191,191,189,189,191,189,186,186,191,194,194,189,189,186,181,178,181,178,183,191,196,202,204,202,194,186,181,178,176,131,127,131,181,191,196,196,194,186,183,181,176,131,133,178,183,189,194,202,204,202,199,194,189,186,183,178,178,173,129,123,119,117,119,123,127,125,127,129,173,181,186,191,191,191,191,191,191,191,194,191,181,133,176,181,186,186,186,186,183,178,132,133,178,186,183,133,121,118,119,120,120,121,176,194,202,204,199,189,178,176,178,186,189,189,186,186,186,186,186,186,186,183,183,183,183,186,189,189,186,183,181,181,186,196,199,202,202,196,186,183,186,189,191,189,186,186,181,178,178,181,178,181,189,202,207,207,202,196,196,196,194,194,194,191,191,196,202,207,212,217,217,212,209,207,203,203,204,209,209,212,217,222,222,222,217,215,207,205,205,209,212,212,212,209,212,215,0,225,225,217,217,217,222,222,225,225,222,215,212,215,0,0,0,238,238,235,233,231,233,235,241,241,243,243,243,243,241,238,235,233,230,230,230,230,228,225,222,212,207,207,212,222,222,222,222,222,0,0,0,0,0,0,0,0,0,0,0,0,0,233,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,0,0,178,165,0,155,160,160,155,0,152,0,150,152,155,163,173,178,181,186,189,189,191,194,196,202,204,209,207,202,202,209,225,233,235,238,241,235,225,221,221,222,222,220,222,228,230,228,225,228,228,228,225,222,225,230,233,230,228,222,215,209,207,204,199,149,147,149,149,147,149,204,215,222,217,215,215,215,212,215,222,222,217,212,207,204,212,228,233,228,209,196,147,149,202,209,215,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,92,165,173,176,170,173,157,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,129,142,155,160,150,143,147,160,165,170,178,181,181,178,173,173,176,170,168,170,183,191,194,186,170,168,170,170,168,168,168,129,170,181,181,125,116,116,121,127,173,176,173,172,172,176,181,186,189,191,194,191,186,173,126,125,131,183,186,181,129,123,121,123,127,173,131,125,124,131,191,199,196,183,176,176,183,191,183,131,120,117,119,127,178,183,183,186,189,189,186,181,178,178,181,178,173,170,173,178,178,181,178,178,178,173,166,164,169,191,196,191,186,191,204,209,202,194,194,191,173,117,116,116,121,173,181,178,125,113,111,115,129,183,189,191,189,189,191,194,196,202,204,207,212,215,215,215,215,215,215,215,212,204,196,191,189,186,189,194,194,190,189,191,202,207,194,178,135,178,178,178,178,176,133,131,176,181,176,131,133,181,186,189,181,176,133,176,178,181,178,178,186,194,189,181,179,181,186,183,177,181,189,194,191,186,176,131,129,127,125,125,125,125,131,178,176,176,181,189,194,194,194,189,178,129,127,129,173,176,178,181,178,133,133,133,133,133,131,130,131,191,194,132,129,176,189,191,189,189,186,183,181,183,186,186,181,131,127,127,129,131,131,129,127,127,173,181,186,189,183,133,176,131,128,128,131,178,191,202,207,207,199,121,118,196,212,215,207,199,189,179,179,189,199,207,209,209,202,189,189,196,199,191,133,131,176,183,183,178,176,178,183,181,178,186,194,196,191,183,178,176,178,181,186,199,215,225,215,199,181,135,181,189,183,181,186,186,133,127,129,125,117,113,127,202,217,215,199,176,170,172,176,173,173,186,207,217,217,209,191,170,127,129,125,123,123,123,129,173,168,125,123,122,123,170,176,121,120,178,202,202,196,186,173,118,123,191,191,173,125,165,168,170,173,173,168,165,165,168,176,181,181,181,170,109,101,100,94,173,178,170,125,121,122,173,178,176,125,119,120,170,183,186,176,173,178,168,98,102,170,178,123,165,181,189,181,173,189,215,225,212,99,96,96,98,123,121,119,119,109,99,111,117,157,165,165,163,173,176,173,165,117,114,115,115,109,89,69,69,83,89,95,152,165,165,165,160,155,117,115,116,160,168,165,157,119,117,113,109,105,102,103,111,107,90,92,117,181,178,163,155,152,151,152,157,155,111,103,97,99,107,101,81,77,85,75,67,71,91,105,150,155,152,152,155,155,155,157,157,160,163,168,176,189,199,204,202,202,204,194,168,117,119,123,123,121,123,165,168,125,121,123,123,121,121,125,170,178,181,173,115,117,125,121,116,117,123,121,121,123,123,125,125,123,123,127,127,127,168,168,173,181,191,191,178,176,194,199,186,173,168,170,168,121,111,103,102,109,119,160,160,163,168,168,165,168,173,168,163,160,160,121,117,117,123,170,168,119,116,117,165,176,176,170,168,121,113,112,112,117,170,181,186,194,204,209,207,199,194,189,189,189,189,183,163,105,93,101,99,105,103,95,99,113,155,150,111,111,150,152,105,89,87,33,29,57,93,87,89,165,183,189,189,189,189,178,160,109,101,105,119,173,183,186,189,191,186,125,111,111,121,165,165,170,178,183,178,170,165,123,121,125,168,173,186,183,168,121,123,165,170,181,191,199,196,186,186,189,189,73,77,93,170,173,123,117,119,119,117,117,117,117,117,115,103,96,98,102,109,119,163,117,106,107,163,191,173,73,87,107,55,87,99,103,107,119,165,165,123,118,116,118,129,186,196,202,204,207,204,204,207,209,215,215,215,209,207,204,204,204,207,209,209,209,207,207,204,202,202,207,212,215,212,212,212,212,212,207,204,199,186,181,181,183,191,191,191,194,204,207,202,199,199,199,199,202,202,196,191,186,133,125,127,137,189,196,199,194,191,194,199,204,207,204,202,196,189,181,133,129,126,125,128,131,132,133,133,133,135,181,183,186,183,181,178,178,178,178,181,183,186,183,133,120,120,122,125,129,129,121,113,125,131,176,178,176,133,133,178,183,186,189,186,181,177,181,191,196,199,194,189,182,183,191,199,202,202,202,204,207,204,199,194,186,182,183,189,183,129,121,129,186,186,181,131,124,124,129,133,131,125,121,127,178,189,191,191,189,189,186,186,186,183,178,178,176,173,170,168,127,168,170,173,173,173,176,183,191,196,199,199,194,183,176,173,176,181,183,183,186,186,183,181,176,129,121,118,121,129,183,191,196,196,194,191,191,191,194,194,196,194,191,189,189,189,186,183,178,135,134,135,135,137,181,186,191,194,196,196,199,199,202,204,204,207,204,204,202,202,199,196,194,191,191,186,181,181,181,178,133,131,131,173,173,173,173,173,173,129,123,117,116,117,121,121,121,121,123,125,127,168,173,173,173,176,178,178,176,173,176,173,173,172,173,173,173,129,127,127,129,129,131,131,129,129,129,131,176,178,181,183,186,186,191,194,196,196,199,199,198,198,199,202,207,209,212,215,215,215,215,215,217,217,217,217,222,225,225,225,225,225,225,225,217,215,212,212,209,207,207,202,196,195,196,204,207,207,207,207,207,204,202,199,196,194,196,199,202,194,189,189,191,189,186,186,189,189,186,183,181,178,178,178,181,178,181,186,191,191,189,186,183,183,183,181,181,181,181,178,178,177,176,177,183,191,194,194,191,189,189,186,189,189,186,186,183,178,133,130,133,181,183,181,176,131,127,127,127,131,173,131,128,128,129,131,131,173,176,181,186,186,186,186,186,183,183,183,189,191,191,194,191,191,189,186,186,191,194,196,196,196,194,194,191,189,189,191,191,194,196,199,194,189,186,186,191,194,194,191,189,189,189,191,189,186,186,183,183,181,183,189,196,202,202,194,189,189,191,194,194,196,199,202,204,202,202,199,199,204,212,222,225,209,196,191,194,191,189,189,194,191,181,178,181,186,189,189,189,181,127,123,124,129,176,178,186,191,194,191,189,189,189,189,189,191,194,194,189,186,185,185,189,191,191,191,189,189,189,189,191,191,194,191,191,189,189,191,191,183,178,178,181,186,186,186,186,183,183,186,186,181,178,178,183,186,186,186,186,186,181,178,186,189,189,181,131,126,125,127,133,176,178,178,178,181,181,183,181,178,176,131,127,129,176,183,189,186,176,127,121,117,116,117,125,176,183,183,183,181,173,123,115,116,121,131,178,181,181,183,186,186,186,186,186,183,183,181,181,183,183,186,186,189,189,186,181,178,177,177,178,183,186,186,189,186,181,178,176,178,178,181,186,186,178,127,123,125,129,176,178,173,127,131,181,181,130,129,131,173,172,172,173,178,181,181,181,183,183,181,178,181,186,189,186,178,178,186,196,194,173,120,120,127,181,189,183,181,183,186,186,183,186,191,194,194,196,199,196,191,186,186,186,183,183,183,183,178,178,183,186,186,191,196,196,199,196,186,181,178,178,176,129,127,129,181,191,194,194,189,176,133,178,178,178,176,181,186,191,199,204,204,202,199,196,196,194,189,183,181,176,173,127,121,117,119,123,125,125,123,125,129,173,178,183,186,189,189,186,186,186,191,191,181,131,130,133,181,183,183,183,181,133,129,129,132,178,178,129,121,120,121,125,125,123,133,189,196,196,194,191,183,183,186,189,189,186,186,191,199,202,202,202,196,191,189,189,189,189,189,189,189,186,181,179,181,191,196,199,202,199,189,183,182,186,191,191,189,189,183,178,178,178,181,183,194,207,215,215,209,202,199,196,196,196,191,190,190,194,199,202,207,212,212,212,209,207,204,203,204,207,209,212,215,215,215,217,215,212,209,205,205,212,215,217,215,212,212,0,0,225,225,222,222,222,225,228,230,230,228,222,217,217,0,0,0,0,241,238,233,231,231,235,243,246,248,248,248,246,243,241,238,233,230,230,230,228,225,222,217,209,202,202,207,215,217,217,220,222,222,0,0,0,0,0,0,0,0,0,0,0,0,230,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,168,160,160,163,160,157,155,0,152,152,155,163,173,178,178,181,183,186,191,194,199,204,207,209,207,202,204,212,222,230,233,235,235,230,225,220,221,222,221,221,225,230,230,228,225,225,225,225,225,222,225,228,230,230,228,222,215,209,204,202,196,147,146,146,145,145,147,202,212,217,215,215,215,215,212,212,215,217,215,209,202,199,207,222,228,217,204,147,146,146,196,207,215,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,155,168,173,173,90,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,137,137,137,144,155,157,151,151,160,168,173,176,178,178,173,168,165,165,163,124,165,176,183,186,181,170,173,176,176,170,168,129,170,170,178,178,127,119,121,125,129,176,176,173,172,173,178,186,191,194,194,196,199,202,196,133,123,124,131,176,173,129,125,125,129,131,176,173,125,124,129,181,189,189,183,178,178,186,189,186,178,129,121,121,127,173,176,176,178,183,181,181,178,178,178,178,176,169,169,173,176,178,178,176,173,176,178,178,170,170,181,186,183,181,186,194,196,191,186,186,186,176,125,123,119,119,129,181,183,123,111,109,115,178,191,191,191,189,186,189,194,199,204,209,215,217,217,217,215,215,215,215,215,209,204,196,191,186,183,185,189,194,190,189,191,202,207,199,183,178,181,181,181,178,178,133,129,176,183,178,130,130,176,183,186,178,133,132,133,133,133,128,127,133,186,189,189,189,196,196,189,178,181,191,196,196,191,181,129,123,121,122,125,125,125,127,176,178,178,183,194,202,199,194,183,176,129,131,176,176,133,133,176,133,176,178,178,178,133,131,130,129,181,181,126,124,133,196,202,199,191,183,176,173,178,183,183,178,127,125,127,173,176,178,178,131,129,131,178,181,181,178,133,133,133,133,176,176,176,183,191,202,207,204,133,127,202,209,202,189,189,189,186,183,189,199,209,217,217,209,176,172,183,189,183,131,129,130,176,178,176,176,178,183,183,183,189,196,196,189,181,176,173,173,176,191,212,230,233,225,204,186,135,135,178,178,178,189,194,189,178,181,135,122,119,131,196,207,202,189,172,170,176,181,181,181,186,199,199,181,176,173,129,125,123,121,121,123,127,129,170,129,129,170,168,173,183,186,168,125,176,194,199,194,186,173,108,108,194,199,181,125,124,165,168,168,165,163,160,160,164,173,176,176,181,178,125,113,101,83,173,178,168,123,119,120,168,176,173,125,119,123,181,191,186,173,123,165,168,115,116,168,173,170,173,178,178,176,178,194,212,212,186,98,97,99,109,168,165,123,119,113,104,109,111,115,119,160,163,168,170,170,165,117,115,152,115,113,111,87,65,55,57,83,111,152,157,163,165,170,165,155,117,155,157,119,119,119,157,119,115,109,105,107,115,111,90,88,93,117,157,152,151,152,152,157,165,165,157,107,93,91,95,63,55,47,53,75,73,72,81,103,113,150,111,113,115,115,114,114,115,119,165,170,173,181,191,196,196,196,194,178,119,116,119,123,123,123,123,123,165,173,173,165,165,125,123,125,170,183,196,204,191,186,178,125,116,117,123,127,125,119,118,121,125,121,118,121,125,127,170,170,168,173,181,183,176,176,186,191,183,178,181,189,183,170,117,107,103,107,117,160,160,160,165,168,165,165,165,163,163,168,173,168,121,117,119,165,163,119,117,118,125,170,173,168,127,119,113,113,115,123,176,189,191,196,204,209,209,207,202,196,189,189,196,196,176,79,40,51,65,85,95,97,99,109,152,157,147,103,105,111,105,95,95,97,61,65,73,70,70,93,165,181,183,183,186,181,168,121,115,103,103,121,181,189,186,181,183,178,123,117,119,123,123,165,176,183,181,176,168,123,119,121,165,181,191,191,181,170,168,170,176,186,194,194,189,185,186,194,196,76,80,95,168,170,119,116,119,119,119,121,160,117,113,113,109,102,103,109,117,163,168,157,111,119,173,176,89,47,53,57,9,59,95,105,113,165,176,178,178,125,118,117,123,178,191,199,204,204,204,204,207,212,215,217,217,212,209,204,204,207,209,209,209,209,207,207,207,207,209,212,215,215,212,211,211,212,212,207,202,194,186,182,183,189,191,189,189,194,202,204,202,196,196,196,195,196,196,194,186,137,125,120,122,133,186,194,196,194,189,186,191,202,207,207,207,204,199,191,137,130,126,126,128,131,132,135,181,181,181,183,186,186,181,178,177,177,177,178,183,189,191,191,186,131,121,119,120,123,123,107,75,78,113,176,178,131,123,119,121,135,183,189,189,181,176,178,191,199,199,194,186,183,186,194,202,207,209,209,209,212,212,204,194,182,181,183,191,186,123,105,101,127,133,176,133,131,133,178,183,186,186,186,189,196,202,202,199,194,194,189,186,189,189,189,189,189,186,183,181,183,186,189,191,191,194,196,196,196,196,194,191,183,173,125,121,123,168,170,173,173,173,170,129,127,121,117,117,123,173,183,194,196,194,191,189,191,194,194,196,196,194,194,191,191,191,189,183,178,135,134,135,135,137,183,189,191,194,196,196,199,199,202,204,204,207,207,207,204,204,202,196,194,191,189,186,183,183,183,181,178,178,176,176,176,176,178,178,176,170,125,121,119,119,121,121,121,121,123,123,125,127,170,173,173,176,176,176,173,173,176,173,173,173,173,173,170,129,127,127,127,129,131,129,127,127,129,131,176,178,181,183,183,186,189,194,196,196,199,199,199,199,202,204,207,209,212,215,215,215,215,215,217,217,217,222,225,225,228,228,225,225,225,225,217,215,212,212,212,209,207,204,196,195,196,204,207,207,204,204,204,204,202,199,194,192,192,196,199,194,189,189,189,189,185,185,186,186,183,183,183,181,181,181,178,177,176,178,189,194,191,186,186,186,186,183,183,186,186,183,178,177,176,178,189,196,199,199,196,196,196,196,194,191,189,189,183,178,131,129,131,178,181,176,173,131,127,126,127,131,176,173,128,127,128,128,131,173,178,183,186,186,183,183,186,186,183,183,189,191,194,196,196,196,194,191,191,194,196,196,196,196,196,196,194,191,189,189,189,191,194,194,191,186,181,183,189,196,196,194,191,191,194,194,191,189,189,189,189,186,186,191,196,199,199,194,190,191,191,189,186,183,189,196,202,202,202,196,196,199,204,209,212,204,196,194,194,194,191,194,199,191,178,176,177,183,183,181,181,135,129,125,131,181,183,186,189,191,196,196,194,194,189,185,186,191,196,194,189,185,185,185,186,189,189,189,189,189,189,189,189,191,191,189,186,189,189,186,183,181,178,178,179,183,189,189,189,186,183,183,181,135,135,178,181,181,178,181,183,186,186,186,189,191,186,178,129,127,127,131,176,178,178,178,178,176,176,176,176,176,176,176,176,176,181,186,191,186,178,173,129,125,119,117,129,181,189,191,189,183,176,129,121,119,123,173,181,183,183,186,189,189,186,186,186,186,186,186,186,186,189,189,189,189,186,183,181,178,178,178,178,178,181,183,186,183,178,176,176,178,178,181,183,181,131,121,118,120,125,173,178,129,123,125,181,181,173,129,131,173,172,170,172,176,178,178,178,181,186,186,183,183,189,191,186,178,178,189,196,199,186,123,123,133,186,186,178,131,176,181,181,181,183,189,191,194,196,202,202,194,186,183,178,176,178,181,181,178,178,186,189,189,191,191,191,194,191,183,181,181,181,178,131,127,127,178,189,194,191,181,130,129,133,181,181,181,183,189,194,199,202,202,199,196,202,202,199,194,189,181,178,176,131,125,119,121,125,127,125,123,123,127,129,173,176,181,183,183,181,176,173,178,186,183,176,130,130,133,178,181,183,181,176,130,130,131,176,176,131,127,127,131,176,176,176,183,191,194,194,194,191,191,189,191,191,189,189,196,204,212,215,215,212,209,204,196,194,191,191,191,194,191,186,183,181,183,189,189,194,199,202,196,186,183,183,191,191,189,189,183,178,135,133,132,133,186,202,212,215,212,207,204,204,204,199,194,190,190,194,196,199,204,207,209,209,209,209,207,204,204,207,209,212,212,212,215,215,215,215,209,207,207,209,215,217,217,215,212,0,0,228,228,228,228,228,230,233,235,235,233,230,225,0,0,0,0,0,238,238,235,233,233,238,243,248,251,251,248,248,243,241,238,235,233,233,230,228,225,222,215,209,202,199,204,209,212,215,217,222,222,0,0,0,0,0,0,0,0,0,0,0,0,225,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,168,160,157,160,160,155,0,157,160,160,163,170,173,176,176,178,183,189,194,202,207,212,209,204,202,202,207,215,225,228,233,230,228,222,220,221,222,222,222,225,230,230,228,222,222,222,225,225,222,217,222,228,228,225,217,212,207,202,199,196,149,147,145,145,145,149,202,209,212,212,215,215,212,209,209,209,209,209,207,196,195,202,212,217,209,202,147,146,147,196,204,209,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,152,160,137,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,168,191,150,134,134,147,163,165,163,165,170,173,176,178,176,173,168,165,163,124,124,125,168,173,176,173,170,173,178,176,170,127,129,170,129,170,129,125,121,125,129,173,176,176,173,176,178,186,194,199,202,199,196,202,209,209,194,127,123,125,129,129,129,129,131,131,173,173,173,173,131,173,176,178,181,181,181,183,186,189,186,181,173,127,129,173,173,170,170,176,178,176,176,176,178,181,176,170,169,170,176,176,173,173,170,173,178,186,191,183,178,178,178,178,176,176,178,181,181,178,181,183,183,178,178,131,123,127,173,133,121,113,113,127,186,191,191,191,186,185,186,194,202,207,212,217,217,217,217,215,215,212,209,209,207,202,196,191,185,183,186,191,194,191,190,194,204,209,204,189,178,178,178,133,133,133,129,128,176,183,178,129,129,133,178,183,181,176,132,132,133,131,127,125,129,186,196,202,207,209,204,194,181,183,189,191,194,191,181,127,122,121,123,125,127,127,129,176,176,176,183,196,204,204,196,186,173,131,176,181,176,129,129,133,176,178,181,181,178,176,133,131,130,133,132,128,127,176,194,202,199,189,176,128,129,178,186,186,176,126,125,131,183,189,191,194,183,131,131,178,183,181,178,131,130,131,178,181,178,133,176,181,186,189,191,176,178,204,204,186,173,178,186,189,186,189,199,209,217,222,215,160,157,178,191,189,133,129,129,131,176,176,176,178,181,181,181,181,186,186,181,178,176,173,172,176,199,225,235,235,230,212,189,133,131,131,131,131,186,199,202,196,199,204,199,196,194,202,204,199,189,178,176,181,186,191,189,186,181,123,115,118,127,173,170,125,123,123,125,129,170,170,129,170,178,183,191,202,202,191,181,183,194,191,181,170,127,106,105,181,196,183,165,123,125,165,165,165,163,161,163,170,178,178,176,181,181,170,121,100,86,178,178,168,123,120,118,125,173,173,127,121,125,183,189,181,127,114,119,173,170,127,170,176,176,173,168,165,170,181,191,196,186,109,98,103,115,165,176,170,123,117,113,111,109,109,111,115,119,157,163,165,170,170,160,160,163,165,176,189,189,107,55,0,67,93,95,101,152,170,186,178,160,155,157,160,157,157,160,160,157,119,115,111,109,117,117,103,90,88,97,113,152,157,163,160,160,165,173,173,168,107,95,91,25,17,0,0,0,73,77,81,105,150,150,107,105,111,115,115,114,114,119,163,168,165,170,181,189,194,194,186,168,116,116,121,125,123,125,125,125,173,191,194,183,178,170,125,123,170,186,202,212,207,202,189,123,115,116,121,127,125,118,116,119,125,123,119,121,123,168,176,176,170,170,176,178,173,168,170,176,176,178,186,196,194,181,163,109,103,105,113,119,121,121,163,168,168,163,121,119,121,168,178,176,160,117,119,123,123,121,121,123,165,170,173,168,123,119,117,117,125,178,189,196,196,199,202,207,209,209,204,202,199,196,196,199,186,81,37,36,48,71,91,99,99,101,111,152,111,95,92,99,99,95,97,150,111,93,81,71,72,87,109,163,170,178,181,181,181,178,168,97,75,86,191,194,186,181,181,181,168,119,117,117,119,125,173,183,181,176,165,119,116,116,125,178,186,183,181,178,176,173,176,189,194,194,189,185,189,189,181,96,97,115,165,165,121,117,117,119,119,160,121,111,107,111,113,109,111,117,163,168,168,163,160,168,176,163,83,49,54,57,5,30,91,113,163,181,186,189,191,183,170,125,168,181,191,199,204,204,204,204,207,212,217,222,222,217,212,207,207,209,212,212,209,207,207,209,209,209,212,215,215,215,212,211,212,212,212,204,194,186,183,183,186,189,189,189,191,196,202,202,202,199,196,196,195,196,196,194,189,137,123,119,121,133,183,191,194,194,189,183,181,186,196,204,207,204,204,199,191,183,135,135,137,137,135,137,186,189,189,189,189,186,183,181,178,178,181,183,189,194,199,199,199,196,186,129,123,127,127,111,72,56,79,127,176,129,120,118,119,131,135,181,183,181,177,178,189,196,196,191,189,186,191,194,199,204,209,212,212,217,217,209,196,183,182,186,191,189,131,104,97,109,125,133,178,178,181,189,196,199,196,194,194,194,196,194,191,189,186,183,181,186,189,191,191,194,194,191,191,191,194,199,199,202,204,204,199,191,186,183,176,170,123,117,115,117,121,123,125,125,123,121,121,119,118,117,118,123,173,183,191,191,191,189,189,191,194,199,199,199,199,196,196,196,194,191,186,178,135,135,137,181,183,186,189,191,194,194,196,199,202,204,204,207,204,204,204,204,204,202,199,194,191,189,186,186,186,183,183,183,181,181,178,176,178,178,181,181,176,170,125,123,119,119,119,121,121,121,121,123,123,127,168,173,176,173,173,173,176,176,176,173,170,173,173,170,129,127,127,127,129,131,129,127,127,129,131,176,178,181,181,183,186,191,194,196,199,199,199,202,204,204,207,209,212,212,215,212,212,215,215,217,222,222,222,225,228,228,228,225,225,225,225,217,215,212,212,212,209,209,207,202,196,196,202,204,204,202,202,202,204,202,199,194,192,192,194,196,194,191,191,191,186,185,185,186,183,186,189,189,183,183,183,181,177,177,178,186,191,191,189,189,186,186,189,189,191,194,191,183,178,181,189,194,202,204,202,199,199,202,199,196,194,191,189,186,183,176,131,131,133,176,173,131,129,126,126,129,176,181,178,173,129,128,128,131,176,181,183,186,183,182,183,186,189,189,186,189,191,196,199,199,199,196,194,194,196,196,196,196,196,196,199,199,196,189,186,186,189,186,183,181,137,137,183,189,194,196,196,196,196,196,196,194,191,191,194,194,191,191,194,196,199,196,191,191,194,194,186,181,179,182,191,202,202,202,196,194,194,196,199,199,196,194,194,196,194,191,196,199,191,178,176,177,183,183,135,131,131,131,133,178,186,189,189,191,194,196,199,202,202,194,186,186,191,196,196,191,186,186,186,186,186,186,186,186,189,189,189,189,189,186,183,183,186,186,183,183,183,181,181,181,183,186,189,189,189,186,181,135,131,133,178,178,177,177,181,186,189,189,189,191,189,183,178,133,131,133,176,178,178,178,178,178,176,174,173,174,174,174,176,178,181,183,186,189,186,183,181,181,176,131,129,186,191,194,196,189,178,173,173,129,127,129,176,183,183,183,186,189,189,186,185,185,186,186,189,189,189,189,189,189,186,183,181,178,178,178,176,176,176,178,181,183,181,176,173,173,176,176,176,178,178,173,122,119,119,123,129,173,127,122,125,181,183,176,173,173,176,176,173,173,176,178,176,173,178,183,186,183,183,186,191,189,181,181,186,194,204,204,181,133,178,186,181,127,123,127,176,176,176,181,189,191,191,191,196,199,194,186,181,176,174,174,181,183,178,178,186,189,189,191,189,189,191,191,189,186,191,191,186,176,129,129,176,189,191,189,178,129,128,131,178,181,181,183,191,194,196,194,189,186,191,202,209,204,199,191,183,181,181,178,173,127,129,129,129,125,123,125,127,129,129,131,176,183,183,178,174,173,177,183,183,178,133,130,130,133,176,181,183,181,176,133,178,181,181,181,181,181,178,178,181,189,194,196,196,194,196,196,194,194,191,189,189,191,202,209,217,217,215,212,212,209,199,194,191,194,196,199,194,189,186,186,189,186,181,181,194,202,202,196,189,183,189,189,186,186,186,183,181,135,131,130,132,183,199,209,209,207,207,209,207,202,191,189,190,191,194,196,202,207,209,209,209,209,207,204,204,207,209,209,212,212,215,217,217,215,212,209,207,209,212,217,215,212,209,0,0,225,230,233,233,233,235,238,238,238,235,233,230,0,0,0,0,233,238,238,238,233,233,238,246,251,254,251,251,246,243,241,235,233,233,233,233,230,228,225,217,209,202,199,202,207,209,212,215,222,225,225,228,0,0,0,0,0,0,0,0,0,0,225,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,178,0,0,153,157,157,157,165,170,168,168,170,173,173,176,181,183,189,196,204,215,217,215,207,199,198,202,212,217,225,230,228,222,221,221,221,222,222,222,225,230,230,228,222,217,217,225,225,217,212,215,222,228,225,217,209,204,199,199,199,199,196,147,147,149,199,204,207,207,209,212,212,209,207,204,204,204,204,202,195,192,196,207,212,209,204,199,196,199,199,199,202,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,204,207,173,131,121,134,152,157,160,163,168,168,170,176,176,170,168,165,165,163,125,125,125,125,168,168,168,170,176,173,168,126,127,170,129,129,125,121,121,127,173,178,181,181,178,181,183,191,199,204,207,204,202,204,209,212,204,186,126,126,127,129,129,131,173,173,131,131,176,186,189,183,178,176,178,181,183,183,186,189,189,183,131,127,131,176,173,170,172,178,178,176,174,176,178,181,176,170,169,176,178,173,129,128,129,129,176,186,191,189,181,176,176,173,173,129,128,170,173,176,178,183,189,189,189,181,131,129,129,125,121,119,127,181,189,191,191,189,186,185,186,194,202,209,215,222,217,217,217,215,212,209,204,204,202,199,194,191,189,189,194,199,194,191,191,196,207,212,207,191,178,133,133,129,129,129,127,126,133,186,183,130,129,131,181,186,189,183,176,133,133,131,128,128,176,194,207,212,217,217,209,194,186,186,189,189,189,189,178,127,124,125,127,127,127,129,176,178,173,172,176,191,202,204,199,191,131,131,178,181,131,126,127,131,178,181,181,181,178,176,133,133,133,133,133,133,133,178,186,191,189,181,128,126,129,181,189,191,181,127,126,178,191,199,202,204,199,181,176,186,191,186,178,131,129,131,181,181,133,131,133,178,174,173,174,173,178,202,199,181,165,174,181,183,183,191,202,209,212,212,209,156,153,189,204,207,186,131,130,131,133,133,133,176,178,176,133,131,131,131,131,176,176,173,172,183,207,228,235,235,233,217,196,135,129,128,128,129,178,199,204,204,207,215,217,215,215,215,209,204,202,194,186,186,189,194,191,183,131,117,113,118,131,186,186,178,173,129,125,129,170,129,127,170,183,194,204,212,215,209,204,202,199,189,168,119,121,113,114,176,186,178,165,125,165,165,165,170,170,168,173,183,189,189,186,186,178,127,119,99,92,173,173,125,125,121,119,123,170,176,168,121,123,178,181,170,115,110,113,170,170,168,170,178,178,170,161,159,165,178,178,168,123,101,101,113,168,181,181,173,119,112,113,113,111,109,111,115,115,117,157,163,173,178,168,168,178,202,209,215,228,235,101,0,49,77,67,73,101,163,191,183,160,157,163,168,170,170,168,163,157,119,117,113,111,113,117,113,95,85,87,109,160,173,178,170,160,165,176,194,204,194,155,107,29,0,0,0,0,17,77,95,150,163,157,107,101,109,152,155,115,115,119,160,160,119,121,168,186,194,196,186,165,117,119,165,168,123,123,125,168,183,199,202,202,194,181,168,127,170,186,196,199,196,194,183,123,115,115,117,125,127,121,118,118,123,123,121,121,121,127,176,178,173,170,176,176,170,125,121,121,165,173,183,191,191,186,173,117,107,107,115,117,121,160,168,176,176,165,117,111,111,115,165,165,119,115,121,163,123,123,125,165,165,170,176,173,127,125,127,129,183,196,202,202,202,202,202,204,207,207,202,202,202,199,196,196,191,170,79,43,55,65,81,97,91,93,105,111,107,95,89,92,97,101,105,157,176,165,101,83,77,85,97,105,119,168,173,181,186,191,186,91,47,66,196,191,183,183,181,173,125,117,115,115,116,121,168,178,178,173,165,119,114,115,121,170,173,173,176,176,173,170,176,186,191,194,194,189,186,181,123,107,111,119,123,123,119,117,115,117,119,121,115,104,103,107,111,111,113,119,165,165,165,168,170,173,181,168,111,103,119,117,21,12,71,117,168,183,186,183,189,191,186,176,170,176,183,196,204,207,204,204,207,215,222,222,222,217,215,209,207,209,212,212,209,207,207,209,209,209,212,212,212,212,212,212,212,212,207,199,189,183,183,186,186,183,183,189,194,196,199,199,199,199,199,199,196,195,196,196,194,186,129,122,125,133,183,189,191,189,183,178,133,132,181,194,199,202,202,202,202,199,194,191,191,183,137,137,183,189,189,189,189,189,186,183,183,183,183,186,191,196,202,204,204,204,204,199,186,183,183,178,127,64,91,123,127,123,120,121,127,131,130,131,135,178,178,181,186,191,191,189,189,191,194,194,194,199,207,209,212,217,217,212,199,191,186,186,191,189,178,115,103,107,121,133,178,181,183,191,199,202,199,194,189,186,183,183,181,181,181,179,179,183,186,189,191,191,191,191,191,194,196,199,202,202,207,204,194,178,170,165,123,119,117,115,115,119,121,123,123,123,121,121,121,121,121,119,121,123,129,176,183,186,189,186,186,191,196,199,199,202,202,199,199,199,196,194,186,181,178,178,181,186,189,191,191,194,194,194,196,202,204,207,207,207,204,204,204,207,207,204,199,196,191,191,189,191,189,183,183,183,183,181,178,178,178,181,181,183,181,176,170,127,121,117,117,119,121,121,121,121,121,123,125,170,173,170,170,173,176,176,176,170,170,170,170,170,129,127,127,127,129,131,129,127,127,129,131,133,135,178,137,183,186,191,194,196,199,202,202,204,207,207,209,212,212,215,212,212,212,215,215,217,222,225,225,225,228,228,228,225,222,225,222,217,212,212,212,212,209,207,207,204,202,199,199,202,199,196,196,199,202,202,199,194,192,194,196,199,196,194,196,194,189,186,185,186,186,189,191,191,186,183,181,181,181,181,183,189,191,194,191,189,189,189,191,196,199,204,202,189,186,191,196,202,204,204,202,202,202,202,199,196,191,189,189,191,191,186,178,133,131,131,131,131,129,127,127,173,181,183,183,178,131,129,131,176,178,181,183,183,182,182,183,189,191,191,189,189,191,196,199,202,202,199,196,196,196,196,194,194,194,196,202,202,196,189,186,186,186,183,136,134,135,137,183,189,191,194,194,199,199,199,199,196,194,196,199,202,199,194,196,196,199,194,191,191,194,191,186,181,179,183,194,202,202,199,194,191,191,194,194,191,191,194,194,194,194,194,194,196,191,181,178,183,189,183,133,129,131,135,178,183,186,189,191,194,196,202,204,207,204,196,189,186,191,196,199,194,191,189,189,186,183,181,181,183,186,189,189,186,186,183,182,183,186,186,186,189,189,189,186,181,181,181,186,191,194,189,181,131,129,130,176,178,178,178,186,191,194,191,189,189,189,186,181,176,176,178,178,181,181,181,181,181,181,176,174,176,174,174,176,178,183,186,186,186,186,186,186,186,186,186,191,199,202,202,199,189,173,170,176,181,178,178,181,186,186,186,189,191,189,186,185,185,186,189,191,189,189,189,189,186,183,181,176,176,176,176,176,176,176,178,181,181,178,176,173,173,173,173,173,173,178,178,129,123,122,123,125,125,125,123,129,181,183,176,176,178,181,181,178,178,181,178,172,170,173,181,183,181,178,181,189,191,186,183,186,194,204,209,196,183,183,181,129,119,117,121,129,133,176,183,189,191,190,190,191,194,191,189,183,176,172,174,181,186,178,178,183,186,189,191,189,186,189,191,191,196,202,199,191,181,129,128,176,186,189,189,181,130,129,131,181,183,181,186,191,194,189,181,133,176,186,202,212,209,202,194,186,183,186,186,181,178,176,173,125,122,123,127,131,131,127,125,129,181,186,183,178,183,183,181,181,178,178,133,131,131,133,178,181,181,181,183,186,189,191,194,196,194,183,177,178,194,202,202,199,199,199,196,196,194,191,191,189,191,199,204,209,209,207,209,212,209,199,191,189,194,199,199,196,189,186,189,191,181,131,130,181,199,204,202,194,186,186,186,183,185,186,191,191,183,133,130,130,133,183,194,202,204,207,209,207,199,191,189,190,190,191,196,204,209,212,212,209,209,207,204,204,207,209,209,212,215,217,217,217,217,215,212,207,207,209,212,212,207,207,209,0,225,230,235,235,238,238,241,241,241,238,235,230,0,0,0,0,230,235,238,235,233,233,235,243,248,251,251,248,243,238,235,233,230,230,230,233,233,230,228,222,209,202,196,199,204,209,209,215,220,225,225,228,0,0,0,0,0,0,0,0,0,0,230,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,178,0,0,0,155,157,163,176,183,181,176,176,176,176,181,183,189,191,199,209,217,225,225,212,199,196,198,207,217,228,228,225,222,221,222,222,222,222,222,225,230,230,228,217,215,217,225,225,217,211,211,217,225,225,217,209,202,199,199,202,202,199,196,196,202,207,207,207,207,209,215,215,209,207,204,202,202,202,199,195,194,196,207,212,212,209,204,204,204,202,199,198,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,207,209,196,105,108,126,142,144,142,152,160,160,160,165,168,165,165,165,165,124,163,168,125,125,165,168,168,168,170,170,168,127,127,170,170,170,127,121,123,131,181,186,186,186,186,189,191,194,199,202,204,204,204,207,209,212,212,204,191,178,131,127,129,129,129,131,129,131,181,199,204,194,181,176,178,183,183,183,186,194,196,189,129,126,129,173,176,178,181,186,186,181,176,174,178,181,178,170,170,176,176,170,129,170,129,125,127,173,178,173,173,176,181,178,173,128,128,170,176,178,181,189,194,191,189,186,183,176,129,125,123,129,183,189,191,189,191,191,189,186,189,196,207,215,217,220,217,217,217,215,209,204,199,196,196,196,194,194,196,202,202,202,199,196,194,196,204,212,209,196,178,133,131,131,131,129,126,125,131,189,191,178,131,176,189,199,204,196,183,176,133,131,129,133,191,204,212,217,225,222,215,202,194,196,196,189,186,186,176,125,125,127,129,129,129,131,178,181,173,172,176,186,196,199,199,191,176,131,133,178,131,127,128,131,176,181,181,181,178,133,132,133,176,176,176,181,181,178,178,181,181,176,127,126,176,183,189,191,183,129,127,181,196,199,202,204,199,191,186,189,194,189,178,131,131,176,183,181,129,129,133,176,173,173,174,174,178,189,194,189,181,178,179,179,181,191,202,202,199,202,191,172,173,191,204,209,191,133,131,176,178,176,176,181,183,178,131,128,128,127,128,133,178,174,174,194,217,230,233,235,235,228,207,186,133,129,129,131,135,189,199,202,207,217,225,222,222,222,217,215,215,209,202,191,189,189,189,181,129,121,121,125,173,186,191,194,186,129,124,127,170,126,125,129,183,199,209,215,217,215,215,212,207,191,125,119,127,125,121,170,176,168,165,165,165,126,165,176,178,173,178,191,196,196,199,196,186,168,113,100,98,115,123,123,125,127,127,168,176,178,168,120,123,173,176,123,113,111,113,121,127,168,173,181,181,170,160,157,165,173,125,116,117,113,113,121,176,189,189,176,115,111,112,115,113,113,115,113,112,113,119,157,165,173,170,170,199,215,217,228,238,243,204,0,0,0,0,33,93,115,176,181,157,157,168,181,191,194,181,165,157,157,157,157,117,109,107,111,113,86,78,95,160,178,186,176,163,165,181,207,217,215,217,217,109,29,0,21,7,9,79,93,157,170,163,105,99,109,155,155,115,117,157,160,118,116,117,123,176,194,199,183,168,125,165,170,176,170,165,125,168,183,196,199,202,199,189,173,170,176,181,181,176,168,170,176,170,119,116,119,123,125,125,123,123,123,121,121,121,117,119,168,173,170,168,170,173,165,123,117,116,119,165,181,186,186,183,173,123,115,109,111,119,168,176,183,189,189,173,113,105,103,103,105,107,103,107,123,165,165,168,170,168,168,170,178,176,170,173,181,194,204,207,207,207,204,204,204,207,207,204,202,202,202,199,196,194,191,183,173,109,73,55,17,7,45,81,105,105,99,95,95,93,99,152,168,194,202,191,155,69,55,69,81,73,85,111,165,178,189,199,207,97,52,62,186,189,178,176,173,168,121,116,115,115,115,119,125,170,170,170,170,123,115,115,117,121,125,125,125,165,125,125,168,178,183,186,189,183,181,176,163,119,121,163,163,123,119,113,115,115,117,117,111,104,104,109,111,111,113,160,168,170,173,176,170,173,181,176,115,157,204,194,165,41,31,67,117,119,121,163,173,183,194,168,115,117,125,189,204,207,207,207,209,215,225,225,222,217,215,212,209,209,212,215,209,204,204,207,209,209,209,209,209,212,212,212,212,209,202,194,189,186,186,183,182,182,183,186,191,194,196,196,196,199,199,196,195,195,196,199,196,191,181,131,131,133,181,186,186,181,135,133,132,130,131,178,191,199,202,204,204,204,202,199,191,183,136,137,181,186,186,189,189,189,189,186,183,183,183,189,194,196,199,202,204,209,212,212,204,196,196,194,186,129,127,129,125,119,117,121,133,135,131,130,131,133,178,181,186,189,189,189,189,191,194,191,190,191,199,207,212,215,215,209,202,194,189,186,186,183,176,123,115,117,127,176,181,183,183,189,191,191,194,191,186,183,183,181,179,179,181,181,181,181,183,186,186,186,189,194,194,196,196,199,199,202,204,199,183,125,117,115,113,115,115,117,119,121,123,127,127,123,123,123,125,127,127,125,125,127,127,129,176,183,186,186,186,189,191,191,194,196,199,202,202,199,199,196,189,181,181,183,189,191,196,196,196,194,194,194,196,202,207,212,212,207,204,204,204,207,207,207,202,196,194,194,194,191,189,183,183,183,186,186,183,183,183,181,181,181,181,181,178,173,125,119,116,117,119,121,121,120,120,121,125,127,168,168,168,173,176,176,173,170,169,170,173,173,170,129,127,127,127,129,129,127,127,127,131,133,133,135,135,181,186,189,194,196,199,202,204,207,207,209,209,215,215,215,212,212,212,215,217,222,222,225,225,225,225,225,225,222,222,222,222,215,212,209,209,209,207,204,202,202,202,199,196,194,191,191,191,196,199,202,199,196,196,196,202,202,199,199,196,196,194,189,186,186,186,189,189,189,183,181,179,181,183,189,189,191,191,191,191,189,186,189,194,199,204,209,204,199,196,199,202,204,204,204,202,199,199,196,191,186,183,186,189,194,194,191,186,176,129,129,130,173,131,131,173,181,186,189,183,176,131,131,178,183,183,183,183,183,181,181,189,196,199,194,191,189,191,194,199,199,196,196,194,196,196,191,189,189,194,196,196,199,194,189,189,191,191,183,136,134,136,183,186,189,191,191,194,202,204,204,202,196,196,199,204,207,202,196,196,196,196,194,189,189,191,191,189,186,186,191,199,204,202,199,191,190,190,191,194,191,191,191,186,189,191,191,191,189,186,186,186,186,189,183,133,131,135,178,183,186,189,191,191,194,199,204,207,204,196,191,186,186,189,191,194,194,194,194,191,186,183,179,179,179,181,183,186,183,183,183,182,183,186,186,186,191,194,191,186,181,178,178,183,194,196,191,183,133,130,133,178,181,178,181,191,196,196,191,189,189,189,186,181,178,178,178,178,181,183,183,186,186,186,181,178,178,178,178,181,181,181,183,186,186,186,189,189,189,189,191,196,202,204,202,196,186,173,172,176,186,189,189,186,186,186,189,189,191,191,189,186,185,186,191,194,191,189,186,186,186,183,176,132,133,133,133,173,176,176,178,181,181,181,178,178,176,176,173,170,170,178,183,178,129,127,125,121,119,121,127,173,178,181,176,174,178,186,186,183,186,189,183,173,169,172,178,181,178,174,176,183,189,186,183,189,194,202,204,202,191,183,178,127,117,115,119,129,131,178,189,194,196,194,191,191,194,196,194,189,178,173,174,178,181,178,178,181,183,189,191,191,186,183,186,191,202,204,202,196,183,128,126,129,178,183,186,183,135,130,133,183,189,186,189,194,191,181,128,126,131,186,199,207,209,204,199,191,189,189,189,189,189,183,173,121,120,123,173,176,173,125,119,119,131,186,191,189,191,191,183,177,177,181,178,133,131,129,129,133,178,181,186,191,194,199,204,204,202,191,178,178,191,199,199,199,199,196,194,191,191,191,191,191,189,194,199,204,204,207,209,209,207,202,194,189,191,194,196,194,189,186,186,186,178,129,127,133,196,207,204,196,186,185,185,185,185,189,194,194,189,181,133,135,137,181,186,196,202,204,207,204,202,196,196,194,190,191,199,209,217,217,215,209,207,202,199,202,207,209,209,212,215,215,215,215,217,217,215,209,207,207,207,204,204,204,209,0,222,233,238,238,238,241,243,243,241,238,233,228,0,0,0,0,230,233,235,233,230,228,233,238,246,248,248,246,241,233,230,230,230,230,230,233,233,230,228,217,209,202,196,199,202,204,207,212,215,222,225,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,168,165,160,0,0,160,170,183,191,191,189,189,183,181,186,189,191,196,202,207,215,225,228,217,202,196,196,204,215,228,228,222,221,222,225,225,222,222,217,225,228,230,228,217,215,215,222,222,215,209,211,217,228,225,217,209,204,199,199,202,204,204,202,204,209,212,212,209,212,212,217,220,215,209,207,207,207,207,204,199,196,202,209,215,217,215,212,209,207,202,199,198,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,144,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,194,204,183,95,103,124,137,139,134,142,150,150,152,157,160,160,160,165,165,124,165,168,165,165,170,170,168,168,170,170,168,127,129,176,181,176,125,121,125,178,189,191,191,191,194,194,194,194,194,196,199,202,204,204,207,212,215,215,207,194,176,127,127,126,125,127,127,131,181,199,207,199,183,173,173,181,183,186,189,196,199,189,129,126,129,173,181,189,194,196,196,191,181,176,178,181,176,170,173,176,176,170,173,178,176,125,120,121,121,121,125,178,189,186,176,129,170,176,183,186,189,191,194,194,191,191,189,181,133,127,129,181,191,194,191,189,191,191,191,191,194,199,209,215,217,217,217,217,217,215,207,199,194,194,194,194,194,196,199,204,204,204,204,202,199,202,207,212,209,199,183,135,133,135,181,178,133,131,176,191,194,183,176,181,194,209,215,204,189,178,131,129,135,186,202,212,217,222,225,225,217,204,196,196,196,186,178,178,176,131,129,127,127,127,129,131,173,176,173,173,176,183,189,194,196,191,181,131,131,133,133,130,131,133,133,181,183,181,176,131,131,133,178,181,183,186,183,178,177,178,178,178,131,131,181,183,183,186,181,127,126,176,189,191,194,194,191,189,186,189,189,183,178,176,181,189,191,181,127,128,176,178,178,178,178,176,176,181,186,189,186,183,181,181,183,191,196,191,189,191,186,178,183,196,199,194,181,129,130,183,189,178,178,189,189,181,129,127,128,128,131,181,183,181,186,209,228,233,235,235,233,230,217,191,131,127,131,135,178,186,191,191,199,209,222,222,222,222,222,222,222,217,207,191,183,176,178,183,181,178,176,131,127,176,186,186,176,125,124,127,127,125,125,170,186,199,204,209,212,215,215,215,207,186,123,118,194,176,117,123,168,168,168,165,125,125,168,178,178,173,176,189,196,199,207,207,196,170,115,105,101,113,119,121,125,170,178,183,186,186,176,125,125,170,170,123,115,115,119,123,125,168,176,186,191,178,164,164,176,173,119,116,119,121,123,168,183,196,199,191,123,113,113,119,119,119,119,113,109,111,117,117,115,155,163,173,191,215,222,230,243,254,220,0,0,0,0,41,91,107,155,160,155,165,181,196,204,204,194,176,163,160,165,178,173,109,102,105,113,92,86,95,111,157,173,170,157,168,191,212,217,217,222,225,209,163,17,31,29,53,91,89,109,157,147,97,97,109,157,157,117,155,160,160,118,115,116,121,168,181,186,181,170,168,168,170,181,186,181,170,168,181,189,189,191,194,183,173,173,176,176,170,168,166,166,173,173,129,123,123,123,123,123,123,123,123,123,123,125,119,114,115,123,127,127,125,125,125,125,118,116,116,119,170,181,176,170,163,163,121,109,108,163,183,191,196,196,194,178,117,107,101,99,99,101,99,99,117,121,168,176,176,170,168,170,173,173,176,181,194,204,212,212,209,209,207,207,207,209,207,204,202,204,204,199,196,194,191,186,181,189,109,29,0,0,0,19,95,99,87,85,91,97,103,152,186,202,212,212,204,63,49,59,73,68,73,99,160,173,183,196,202,173,72,75,173,176,168,165,165,123,119,117,117,117,117,121,165,170,169,170,170,165,119,116,117,119,123,121,119,121,119,119,123,125,125,165,170,170,173,176,173,170,176,178,178,170,119,111,113,115,119,121,119,113,115,119,117,115,117,165,176,178,183,181,165,157,160,119,111,163,207,209,204,73,32,47,101,105,101,83,55,53,77,23,0,0,73,186,199,204,204,204,209,217,225,228,222,217,215,212,207,207,212,212,207,204,204,204,207,209,209,209,209,209,212,212,209,207,199,194,189,189,186,183,183,183,186,189,194,196,196,196,196,199,196,195,195,195,196,199,196,191,183,178,135,133,133,133,133,133,132,133,133,133,133,135,183,194,204,207,207,204,204,199,191,181,136,137,183,186,186,186,186,189,189,186,183,182,183,189,191,191,194,196,202,209,217,217,212,204,202,199,194,183,178,178,131,120,118,121,131,178,135,131,131,135,181,183,186,186,189,189,191,196,199,194,189,189,191,199,204,204,204,202,196,191,186,183,183,178,131,123,119,125,176,181,183,183,186,186,186,186,189,189,189,191,189,186,181,181,183,186,183,183,183,186,183,186,189,194,196,196,196,194,194,194,196,194,173,117,109,109,111,113,117,121,123,125,165,165,127,125,125,127,170,173,173,170,170,129,127,127,131,178,186,189,189,186,183,181,181,186,191,196,196,196,199,196,191,186,183,186,191,196,202,202,199,196,194,194,199,202,209,215,215,209,207,207,207,209,207,204,202,196,194,194,194,191,186,183,181,183,186,189,186,186,186,183,183,183,183,183,181,176,168,123,117,116,117,119,121,121,121,121,123,127,168,168,170,173,176,176,173,170,169,170,173,176,173,170,127,127,127,127,127,126,127,129,131,133,135,135,137,181,186,189,194,196,202,204,207,207,207,209,212,215,215,215,212,212,212,215,217,222,225,225,225,222,222,222,222,222,222,217,217,215,209,209,209,209,207,202,199,199,199,199,196,191,190,189,190,194,199,202,202,199,199,199,202,204,202,199,196,196,194,189,186,186,186,186,183,181,181,179,179,181,186,191,194,194,191,189,186,186,186,189,194,202,207,209,207,202,202,202,204,204,202,202,199,196,194,189,178,131,131,178,189,194,196,196,191,181,131,130,131,173,173,176,181,186,191,189,178,129,128,131,183,189,189,186,186,183,182,186,196,204,202,191,186,186,189,191,194,191,189,189,191,194,194,189,183,186,194,196,196,196,194,191,191,196,196,191,183,181,183,189,189,191,191,194,196,204,207,204,199,196,196,199,204,207,202,196,194,196,196,191,187,187,191,191,191,191,191,196,202,204,202,196,194,191,191,194,194,191,191,186,178,181,189,186,181,135,135,181,189,191,191,186,133,135,181,183,189,191,191,191,189,191,194,199,199,194,189,186,183,183,183,189,191,194,194,194,189,183,181,181,179,181,181,181,181,183,183,183,183,186,189,189,189,191,194,191,183,178,135,135,183,189,194,191,186,178,176,178,183,186,183,186,191,196,196,194,191,191,189,183,178,177,178,181,181,181,186,189,189,189,189,186,183,181,181,183,183,181,179,181,186,189,189,189,189,189,189,191,196,199,202,202,194,183,173,173,178,186,189,191,189,189,189,189,191,191,191,189,186,185,186,191,194,194,189,186,186,186,183,178,133,132,133,133,173,176,176,176,178,181,183,181,181,181,178,176,173,172,178,183,181,176,129,123,116,116,121,129,176,176,174,174,174,178,186,186,186,191,196,191,178,172,172,176,178,176,174,174,178,181,178,181,186,194,196,196,196,194,186,181,133,123,119,123,129,131,176,183,194,196,196,194,194,194,196,196,189,181,176,174,176,178,178,177,177,181,189,194,194,189,183,181,189,196,199,199,199,189,133,127,128,176,181,183,183,178,131,131,181,191,194,191,191,191,183,131,129,178,189,196,204,204,202,199,196,194,191,191,194,196,191,176,122,121,127,176,176,131,123,113,113,121,181,191,191,191,191,183,177,177,181,181,176,131,127,125,129,133,178,183,191,199,207,207,204,202,191,186,186,191,194,194,194,194,191,194,191,191,191,191,189,189,189,196,202,204,207,209,209,207,202,194,191,189,189,186,183,181,181,183,183,181,131,129,135,191,202,204,199,189,185,189,191,189,191,194,196,194,189,183,181,181,183,186,191,199,202,204,204,204,204,204,202,194,196,207,217,228,228,217,212,204,196,194,199,202,204,207,209,209,209,209,212,215,217,212,209,207,207,204,202,202,204,209,215,222,233,241,243,241,243,246,246,243,241,235,228,0,0,0,0,0,230,233,230,228,225,228,235,241,243,243,241,235,228,228,228,228,228,230,233,235,233,225,215,207,202,196,196,199,202,202,204,209,215,217,222,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,164,165,165,160,157,165,173,183,191,196,199,199,196,191,189,189,191,194,196,202,207,215,222,212,199,195,195,199,212,222,222,222,222,225,228,225,222,217,217,222,228,230,225,222,215,215,217,217,212,209,211,217,228,225,222,212,207,202,202,204,207,207,207,212,217,217,215,215,215,217,222,228,225,222,217,217,217,215,212,207,207,209,215,222,225,222,215,212,207,204,202,199,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,183,220,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,124,63,53,103,129,134,131,131,142,147,147,150,155,157,157,157,163,165,165,165,168,168,173,173,168,165,168,168,168,127,127,176,183,183,129,118,119,131,186,191,194,194,196,196,199,199,196,194,194,194,196,202,204,204,207,212,217,217,204,183,131,127,126,125,127,131,173,176,183,194,196,186,173,169,173,181,186,189,191,191,181,131,127,129,178,189,199,204,204,204,196,186,181,181,181,176,173,173,176,176,173,176,181,178,127,119,118,117,117,121,178,191,189,176,129,170,181,186,189,191,194,196,194,191,191,189,181,131,129,133,183,191,194,191,189,191,194,196,196,199,202,209,215,217,215,215,217,217,212,207,199,194,191,191,194,196,196,196,199,202,202,202,202,202,204,207,212,209,199,186,178,178,181,183,183,181,178,178,183,186,178,173,176,191,207,212,204,191,176,129,131,183,202,212,217,222,222,225,225,217,207,189,189,186,176,132,133,178,178,133,129,126,126,127,129,129,131,176,176,178,178,183,186,191,189,183,133,130,131,176,176,176,176,176,181,186,183,178,132,131,176,183,189,194,191,183,177,177,181,183,181,176,131,176,178,178,181,178,127,124,129,176,178,178,181,181,181,181,181,181,178,176,178,189,194,191,181,130,131,186,194,191,189,186,183,181,178,181,186,189,189,186,189,189,191,186,181,183,186,183,186,204,209,196,181,131,127,129,189,194,181,181,189,189,176,129,128,129,176,183,189,189,189,199,222,235,238,235,233,230,230,222,194,127,121,127,178,186,189,186,183,191,204,215,222,222,222,220,222,225,217,204,189,176,131,133,189,199,199,194,181,127,131,176,131,129,125,125,127,127,127,129,178,186,191,196,202,207,207,204,199,189,176,127,127,196,123,98,105,125,170,170,127,124,125,170,176,173,170,173,181,191,199,207,212,202,173,121,113,105,113,117,119,125,176,189,199,202,196,189,178,173,170,168,127,123,123,127,168,168,170,181,191,196,183,170,176,183,176,121,119,123,123,125,170,186,202,209,207,178,119,117,121,160,160,121,113,109,111,117,117,112,112,155,170,196,217,225,228,243,246,152,0,0,39,73,85,99,107,113,155,160,178,199,209,207,202,189,176,165,165,178,199,199,115,100,101,103,99,95,105,107,107,152,152,147,168,196,209,209,212,217,225,222,194,45,29,43,105,109,86,93,101,95,93,99,111,165,163,157,163,170,173,163,119,118,121,163,168,173,176,176,168,125,125,176,191,194,178,168,176,186,183,183,183,176,170,176,178,176,168,166,168,170,173,176,173,129,127,127,123,122,122,123,127,129,170,173,129,115,111,114,125,127,121,121,121,123,121,119,119,119,123,165,123,119,114,117,121,115,113,178,196,204,204,202,196,183,168,119,111,101,101,105,99,85,85,77,117,173,176,173,170,170,170,176,181,189,199,209,212,212,209,209,209,209,209,209,207,204,204,204,207,202,196,194,194,189,186,183,176,113,5,0,0,0,45,97,87,83,83,93,99,97,157,186,202,212,207,59,45,75,93,81,89,107,160,168,173,183,189,170,87,90,165,170,165,125,123,119,119,121,123,121,121,125,170,176,173,173,176,170,123,117,116,119,123,121,115,111,107,111,121,123,121,121,123,163,165,173,178,176,183,189,186,173,115,105,107,115,163,173,173,168,165,163,121,111,117,168,178,181,183,178,119,111,111,109,105,119,196,207,212,103,26,37,103,107,103,85,47,19,1,0,0,0,21,186,199,204,204,204,207,215,225,228,225,217,212,209,207,207,209,209,204,204,204,207,207,207,209,209,209,209,209,207,204,199,196,191,191,189,186,186,186,189,191,196,199,199,202,202,204,204,202,199,196,196,202,202,196,189,181,181,178,133,130,129,129,131,133,135,178,183,181,133,129,181,199,207,207,202,202,202,194,181,136,181,186,189,186,183,185,186,189,186,183,183,183,186,186,189,191,194,202,209,217,222,215,209,202,199,194,189,186,183,178,131,125,127,135,181,181,135,178,186,191,191,189,186,186,191,194,199,202,196,190,189,190,194,199,199,196,194,189,186,183,183,181,176,129,123,121,131,181,186,183,183,186,186,186,186,181,181,189,191,191,183,181,181,183,189,189,186,186,183,183,183,189,194,196,194,189,186,181,181,183,181,163,109,105,107,111,115,121,125,168,168,168,168,165,125,127,168,173,176,178,178,178,176,170,129,170,176,183,186,186,183,176,131,131,176,181,189,191,194,194,196,194,189,186,189,194,202,204,204,202,194,194,196,199,204,209,215,215,212,209,209,209,209,207,204,196,191,191,191,191,189,183,181,181,183,186,189,189,186,186,186,186,186,186,183,181,178,173,127,121,117,116,119,121,121,121,121,123,127,168,170,173,176,178,178,176,173,170,173,176,176,173,170,129,127,127,127,126,126,127,131,133,135,135,181,183,186,189,191,196,202,204,204,207,209,209,209,212,215,217,215,212,212,215,217,222,222,225,225,222,220,217,217,217,217,217,217,215,215,212,209,207,207,204,199,196,196,199,199,196,191,190,190,191,196,199,202,202,202,199,199,202,204,202,199,196,194,191,189,189,189,186,183,181,179,179,179,181,183,189,194,196,194,189,186,185,185,185,186,194,199,207,207,207,204,204,204,204,204,202,199,194,191,183,135,125,118,119,131,183,194,196,196,194,186,176,173,176,178,178,178,183,189,191,189,178,127,126,131,183,191,191,189,189,186,183,191,202,204,199,183,176,178,183,189,186,181,178,181,189,194,191,186,183,189,196,199,196,196,194,191,194,199,202,196,191,191,194,196,194,194,196,199,202,207,204,199,194,191,191,194,196,199,196,194,194,196,196,191,187,187,189,191,191,194,194,196,199,199,199,196,196,194,194,194,191,189,186,178,131,133,178,178,127,124,124,133,186,194,194,189,178,178,186,189,194,194,194,191,189,186,183,186,186,183,183,183,183,182,183,186,191,194,194,191,186,181,181,181,181,181,181,178,178,181,183,186,186,189,189,189,183,186,186,186,181,134,134,135,181,186,189,189,186,183,181,181,186,191,189,186,191,194,194,191,191,189,186,183,178,177,178,178,178,178,186,191,194,191,189,189,183,178,178,183,186,186,181,183,189,191,191,191,189,186,186,191,194,196,202,202,194,181,173,173,178,183,186,189,189,186,186,189,191,191,189,186,185,186,189,194,196,196,191,189,186,186,186,181,133,132,133,173,176,178,176,131,173,178,181,181,181,181,181,181,178,176,181,186,186,181,173,119,114,115,125,176,176,174,173,173,174,178,183,186,189,194,196,191,178,173,172,172,176,176,176,176,176,173,173,176,183,189,191,191,194,194,189,183,181,178,133,131,131,131,133,181,186,194,194,194,194,194,194,191,189,183,178,176,176,178,178,177,177,178,186,194,194,189,183,181,183,186,189,194,199,196,183,133,131,176,181,183,183,181,133,130,135,189,196,196,191,191,189,183,183,191,196,199,202,199,199,196,199,196,191,191,194,199,196,181,127,125,131,131,129,127,119,112,111,119,176,183,186,186,186,183,178,177,178,178,133,127,121,121,125,131,133,178,191,202,209,207,196,191,186,186,194,194,194,191,189,186,189,191,194,194,194,194,191,189,189,194,199,204,204,204,204,199,196,191,186,183,178,135,134,134,135,183,186,183,135,133,178,189,196,202,199,189,186,196,202,196,194,199,202,204,202,194,186,183,186,186,189,194,199,202,204,207,209,209,207,199,202,212,228,233,233,225,212,202,194,192,194,199,199,202,204,207,209,209,212,215,212,212,209,207,207,204,199,199,202,207,212,222,235,243,246,243,246,248,248,246,243,238,228,0,0,0,0,0,225,230,230,228,225,225,230,233,233,233,233,230,225,225,228,228,228,230,233,235,230,225,215,204,199,196,196,199,199,199,199,202,207,209,212,215,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,164,165,170,173,170,170,176,181,189,194,199,202,199,194,189,186,189,191,194,196,202,207,209,204,198,195,196,202,207,212,215,215,220,225,228,225,220,217,215,217,225,228,225,222,217,215,217,215,212,211,212,222,225,225,222,215,207,202,202,204,209,209,209,217,225,222,217,217,217,217,225,230,233,230,230,230,228,225,217,215,212,215,217,225,228,225,220,212,209,207,204,202,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,202,220,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,25,35,77,142,134,126,129,147,155,152,152,155,160,160,163,165,170,170,168,165,170,176,173,164,164,168,168,127,127,170,181,189,183,127,119,123,186,194,194,194,194,196,199,202,202,199,196,194,192,196,199,202,199,202,207,215,217,209,186,133,131,131,131,176,181,178,129,123,127,183,183,173,168,172,181,183,183,183,178,173,131,131,173,181,194,204,209,209,204,196,189,183,183,183,178,176,173,173,170,170,173,178,176,129,125,121,119,118,121,173,183,181,129,127,170,178,186,189,191,194,196,194,189,183,181,133,129,128,133,183,191,191,191,191,191,196,199,199,202,207,212,217,217,217,215,215,215,212,204,199,191,189,191,194,196,196,195,195,196,196,199,199,202,204,207,209,207,196,186,181,181,181,181,178,178,176,133,176,178,176,173,173,181,196,199,194,183,133,129,131,189,209,217,222,222,222,225,225,217,202,181,178,176,132,131,133,178,181,178,129,125,126,129,129,129,131,178,183,183,181,181,183,189,186,181,133,130,131,176,178,181,181,183,189,194,194,186,178,176,183,191,199,202,194,181,177,177,183,189,183,173,127,126,129,176,181,176,127,125,127,127,127,129,176,178,178,178,178,178,178,178,181,189,191,186,181,178,191,204,209,204,199,196,194,191,183,181,186,191,189,191,194,189,186,183,181,186,186,183,194,222,228,202,178,131,129,133,186,189,183,178,181,176,129,131,133,176,183,191,189,181,186,202,225,235,238,233,228,228,228,217,196,127,113,115,133,189,189,181,176,183,199,215,222,225,222,220,220,222,215,202,186,133,131,176,196,209,215,212,199,183,173,128,128,129,127,125,125,129,170,176,178,181,181,183,191,194,186,170,113,111,123,176,189,186,105,91,101,127,173,173,168,126,127,170,173,173,170,170,173,186,194,204,212,204,183,168,123,117,121,121,119,123,173,191,207,212,207,204,196,186,173,127,127,168,168,173,173,170,170,176,186,189,181,173,173,181,173,125,123,165,123,121,165,181,199,212,215,194,163,117,121,160,163,163,119,113,115,157,160,119,113,113,157,186,212,217,217,212,113,51,5,21,111,109,101,103,107,113,157,168,189,207,212,204,191,178,170,170,178,194,209,209,170,105,103,105,105,107,113,109,103,99,93,99,160,196,204,204,209,212,217,215,163,55,26,83,163,157,93,89,93,89,93,107,160,178,173,168,176,189,196,189,173,165,165,163,161,163,170,173,125,115,114,121,176,186,178,168,170,183,186,183,176,170,170,181,189,183,173,170,173,176,176,173,170,170,173,173,129,125,125,129,176,181,183,186,181,127,114,114,123,127,123,119,117,115,115,125,176,176,168,123,119,117,112,111,115,119,170,191,204,207,207,204,202,191,181,170,160,107,103,107,97,66,60,58,72,115,173,178,176,176,178,186,191,196,204,209,212,209,208,209,209,209,209,207,207,204,204,207,207,204,199,196,196,194,191,194,202,204,117,0,0,0,69,97,97,93,79,83,93,58,58,99,155,178,163,39,38,101,113,117,115,119,160,163,163,176,183,165,105,111,168,173,168,165,125,121,119,121,121,123,123,125,170,176,181,183,183,178,125,117,116,119,165,165,115,103,100,105,165,168,122,122,123,121,121,165,173,176,181,183,178,165,109,102,103,117,176,189,189,181,170,160,113,100,111,163,170,173,176,170,117,111,113,107,99,103,170,181,178,91,17,33,111,115,117,121,111,81,5,0,0,0,23,176,196,202,202,199,204,212,217,225,225,215,209,207,204,207,207,207,204,204,204,207,207,207,207,207,209,209,207,202,196,191,189,186,186,189,189,189,189,191,196,199,202,202,202,204,209,209,207,204,199,199,204,204,199,189,183,183,181,135,132,130,130,132,181,183,183,186,178,124,114,116,178,199,202,199,202,202,196,186,178,178,186,191,186,183,185,191,191,186,183,183,183,186,186,186,189,194,202,209,217,222,217,209,202,196,191,189,186,183,183,181,178,181,183,189,186,183,186,194,199,199,191,185,185,189,194,199,199,196,191,191,191,196,199,199,194,186,181,181,183,183,183,178,133,127,127,178,183,186,182,182,186,189,189,186,176,173,178,186,183,178,176,178,183,189,189,186,183,181,178,181,186,189,191,186,181,173,168,165,165,123,113,105,104,107,113,117,123,168,173,176,176,173,170,168,168,168,173,176,181,183,186,183,178,176,173,178,181,183,183,176,131,127,127,129,176,181,186,186,189,189,186,186,186,189,196,202,207,204,199,194,192,194,199,204,209,212,215,212,209,209,212,209,207,202,194,189,189,189,189,186,181,178,178,181,186,186,186,186,186,189,189,189,186,183,181,181,178,170,125,119,117,117,121,121,121,121,123,127,170,176,176,178,181,181,178,173,173,173,176,176,176,173,129,129,127,127,126,126,129,133,178,178,178,183,189,191,191,196,202,204,207,207,207,209,209,209,212,217,217,215,215,215,215,217,222,225,225,225,222,217,217,217,217,217,217,217,217,215,212,209,207,204,202,199,196,196,199,199,196,194,191,191,194,196,199,202,202,202,199,196,199,199,199,196,194,191,191,191,194,194,191,186,183,181,181,183,186,191,191,194,194,191,189,186,185,186,186,189,194,199,204,207,207,204,204,204,204,202,199,196,191,186,178,129,119,115,116,125,183,194,199,199,194,189,183,181,181,183,183,181,181,186,191,191,186,129,128,173,183,189,186,186,186,186,186,191,199,199,189,176,129,131,176,181,178,131,129,133,183,191,189,183,183,191,199,202,199,196,191,189,194,199,204,202,196,196,202,204,202,199,199,199,202,207,204,196,189,189,189,189,189,191,191,191,194,196,196,194,189,187,189,191,191,194,196,196,196,196,196,196,196,196,194,189,186,183,181,133,128,128,131,131,126,122,123,131,186,194,194,191,183,186,191,196,199,199,196,194,189,183,182,181,181,181,182,183,183,183,183,186,189,194,194,191,186,181,178,178,178,178,178,178,178,178,181,183,183,183,186,183,178,135,178,181,178,134,133,134,178,183,186,186,183,183,183,183,189,194,191,186,186,189,189,189,186,183,181,181,178,178,178,176,174,178,186,191,194,191,191,186,178,173,173,181,186,189,189,189,191,194,194,191,183,183,183,186,186,191,196,196,191,178,173,173,178,183,183,183,183,181,181,183,189,191,189,185,185,189,191,194,196,196,194,189,186,186,183,178,133,133,176,178,178,178,173,129,129,173,176,178,178,178,181,181,181,181,183,186,186,183,176,123,116,118,129,181,181,176,176,176,176,176,178,183,186,189,191,186,178,176,173,172,176,178,181,181,178,173,173,176,181,183,186,189,191,191,189,183,183,181,181,178,178,181,181,181,186,191,194,191,191,189,189,186,183,183,181,176,176,181,181,178,177,177,181,189,191,189,183,181,181,181,181,186,196,199,191,181,176,178,183,186,186,186,181,133,133,186,199,199,194,194,199,199,199,202,202,202,202,202,196,196,196,194,191,189,191,199,199,189,178,173,131,125,121,121,115,112,113,121,173,178,178,181,183,183,178,178,178,176,129,123,119,119,123,129,129,176,189,204,209,204,194,185,182,185,194,199,194,189,183,183,186,194,196,196,196,199,196,194,191,194,196,202,202,196,194,189,183,183,178,135,134,134,133,134,178,186,191,186,178,135,178,189,196,199,194,186,189,202,209,204,202,202,207,212,212,202,189,186,189,189,186,189,191,196,202,207,209,212,209,202,204,215,230,235,235,228,215,202,194,194,194,196,199,202,204,209,212,215,217,215,212,209,209,207,204,202,199,196,199,207,212,222,235,243,246,243,246,248,248,248,246,241,233,0,0,0,0,215,222,228,230,228,225,222,222,225,222,222,222,222,217,217,222,225,225,230,233,233,230,222,212,202,199,196,199,202,199,199,196,196,199,202,207,209,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,165,168,178,186,181,173,173,178,186,191,191,194,191,189,185,185,186,189,191,196,202,204,204,202,199,199,204,207,207,207,207,212,217,225,228,222,217,215,215,217,225,225,225,222,217,217,215,215,212,212,215,217,222,222,222,215,209,202,200,202,207,212,215,222,228,228,225,222,222,222,225,233,238,238,238,238,233,228,222,217,217,217,222,225,228,228,222,215,209,207,207,204,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,194,194,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,33,82,57,49,51,77,150,144,126,129,150,160,157,155,157,163,163,163,165,168,170,165,163,170,178,173,164,164,170,170,127,127,170,181,186,186,178,178,196,209,207,199,191,191,194,196,202,204,204,202,199,194,196,199,199,196,196,202,209,212,204,186,176,176,176,173,178,189,183,125,115,115,125,178,173,169,176,186,186,183,178,173,130,173,173,176,181,194,204,209,207,199,191,183,183,183,186,183,178,170,169,168,169,173,178,178,176,173,129,123,121,125,170,173,127,123,124,129,176,183,186,186,189,189,186,181,133,131,128,128,129,178,186,191,194,194,191,194,196,199,202,207,212,217,220,222,217,215,215,215,209,207,199,191,187,189,191,196,196,196,195,195,196,199,202,202,202,204,207,202,194,181,181,183,183,176,131,131,131,131,176,181,183,178,174,181,189,189,183,178,133,129,131,183,204,215,222,225,225,225,222,212,199,178,133,132,132,132,133,176,178,176,129,125,126,129,133,133,176,186,196,196,189,186,189,191,186,176,130,130,133,176,178,181,183,183,196,207,204,194,176,176,191,202,207,204,194,178,176,178,183,186,181,173,126,125,126,176,181,176,131,129,129,127,126,131,181,183,181,177,177,181,183,181,181,183,183,178,178,191,207,215,215,212,207,207,207,202,194,189,189,186,183,189,189,181,135,181,189,196,194,186,194,222,228,204,183,178,178,178,181,183,183,178,131,128,128,176,183,186,189,186,176,172,181,196,215,230,233,228,222,222,222,220,209,125,103,105,129,189,186,176,174,181,194,209,222,228,225,222,222,222,212,199,186,176,132,181,202,215,225,228,215,196,176,128,129,131,124,123,131,178,178,176,173,172,172,176,183,183,170,109,93,92,107,181,196,186,113,99,117,176,176,173,170,170,168,168,168,173,176,168,125,176,186,196,204,202,189,178,176,178,178,127,121,121,170,186,202,212,212,212,207,191,127,121,123,168,168,170,173,170,169,170,176,183,178,170,127,170,170,165,168,173,125,118,123,178,196,209,212,196,163,115,117,119,160,163,163,121,119,157,163,165,155,105,97,113,207,222,194,99,79,61,57,77,109,107,103,101,101,109,155,165,178,196,204,196,183,170,168,176,194,207,212,212,199,173,119,115,111,109,113,111,103,93,75,79,107,191,196,202,204,199,194,163,83,69,51,97,105,99,93,95,95,87,87,105,165,183,181,178,189,207,217,209,191,178,170,165,163,163,170,168,119,112,112,114,123,170,170,125,125,178,186,181,170,127,170,186,194,191,183,178,181,181,181,173,129,173,183,183,178,176,176,181,189,194,196,194,191,181,127,119,119,121,121,119,115,111,111,119,178,191,186,170,163,123,114,111,114,123,183,199,204,207,207,207,207,199,189,178,165,107,101,107,105,67,59,64,74,105,168,178,178,181,191,196,202,204,207,212,212,209,209,209,209,209,207,204,202,202,204,209,209,204,199,199,199,199,199,209,207,204,199,107,0,0,87,91,95,93,80,81,83,56,55,89,111,160,105,34,37,101,111,155,157,160,160,163,168,178,186,178,168,170,176,178,176,176,170,165,121,118,118,119,121,121,123,170,181,189,191,181,168,119,117,121,170,176,165,106,100,104,125,168,123,123,125,119,115,117,163,170,173,170,165,121,107,101,102,121,189,199,196,186,168,109,100,98,107,119,163,168,170,168,160,157,160,115,87,89,109,117,109,75,17,43,117,117,117,165,194,212,91,41,63,65,67,125,183,191,194,194,196,204,212,217,215,209,204,204,207,207,209,207,207,204,204,207,207,207,207,207,207,207,204,196,191,186,183,183,183,186,186,186,189,191,191,194,196,196,199,202,207,209,209,204,202,199,202,204,202,194,186,183,183,181,183,181,178,181,186,191,189,186,181,124,112,112,125,189,196,196,199,204,202,191,181,178,183,189,189,186,191,196,194,186,183,181,183,183,183,186,189,196,202,209,215,222,217,212,202,191,186,183,183,181,181,183,186,186,189,189,186,186,191,196,202,202,194,186,186,189,194,199,199,196,196,196,196,196,199,196,189,135,131,133,178,183,186,183,181,176,176,183,189,186,182,183,189,191,191,186,176,129,170,173,173,173,173,173,178,183,186,183,178,173,173,178,181,183,181,176,168,125,123,121,117,111,105,104,104,107,113,119,163,170,176,178,178,178,178,176,173,170,170,173,178,183,186,189,186,181,178,178,178,178,176,131,127,127,127,131,176,178,178,178,178,178,178,178,183,189,196,202,204,204,199,192,191,194,199,204,207,209,212,209,209,212,212,209,207,202,194,189,186,189,189,183,181,178,178,181,183,186,186,186,186,189,191,189,186,183,181,181,178,176,168,121,119,119,121,123,123,123,125,168,173,178,178,181,181,181,178,176,173,176,176,178,176,173,173,131,129,129,127,126,129,176,178,178,181,186,191,194,196,202,204,209,209,209,209,209,209,212,215,217,217,217,215,217,217,222,225,225,225,225,222,222,222,222,222,222,222,222,217,215,212,209,207,202,199,196,196,199,199,202,199,196,196,196,196,196,196,199,199,199,196,194,191,194,194,194,191,191,194,196,196,196,194,189,186,183,186,189,194,196,194,191,189,189,189,189,189,189,189,191,194,199,204,204,204,204,204,204,204,202,199,194,191,189,181,131,123,117,117,125,183,191,196,196,194,191,189,186,186,189,186,181,179,181,189,194,194,183,178,181,183,183,178,178,183,186,186,189,194,194,183,133,129,129,131,176,133,127,126,129,178,183,181,135,178,186,194,196,196,194,186,183,186,194,199,199,196,199,204,207,204,202,202,199,199,204,202,194,191,189,191,189,189,189,187,189,191,196,199,196,194,191,191,191,196,199,199,199,196,194,194,196,196,196,191,183,178,178,181,135,129,127,128,131,131,127,127,178,189,191,191,189,186,191,196,199,202,202,199,196,194,186,182,181,181,182,183,186,186,186,186,186,189,194,194,191,183,181,178,135,135,135,135,135,135,135,178,135,135,178,178,135,132,130,133,183,186,181,176,176,178,183,181,181,181,183,189,189,189,191,189,183,183,183,181,181,181,178,178,178,178,176,176,174,174,178,183,186,189,189,189,181,129,127,127,173,183,189,189,191,194,196,194,189,183,182,183,181,178,178,183,189,186,178,176,178,183,186,186,183,181,178,178,181,186,191,189,186,186,191,196,194,194,194,191,186,183,183,181,176,133,176,181,181,181,178,131,128,128,131,173,173,176,176,178,183,186,186,186,186,186,186,183,131,125,129,178,183,186,186,186,186,181,173,173,178,181,183,183,178,173,173,173,172,176,178,181,183,183,178,173,173,176,178,181,186,189,186,183,181,178,176,178,181,183,189,189,189,189,191,191,191,189,186,183,181,178,181,181,176,176,183,186,183,178,177,178,183,189,186,186,186,183,181,179,183,191,194,189,181,176,178,186,191,191,194,194,186,181,186,196,199,196,199,204,204,204,204,204,204,207,204,199,194,194,191,186,183,189,194,199,196,191,181,173,123,117,114,113,113,117,127,176,176,176,181,181,181,178,178,178,176,131,125,121,121,125,129,129,133,186,202,209,207,196,189,183,185,194,196,189,178,176,181,189,196,196,196,196,199,202,199,196,196,196,199,196,191,183,178,135,135,134,134,134,135,178,181,186,191,191,186,181,135,181,191,202,199,191,183,186,204,215,212,207,207,212,217,217,207,191,189,194,194,189,186,189,194,199,204,209,209,207,202,204,212,225,230,230,225,215,204,199,196,199,199,199,202,209,215,217,225,225,217,212,209,207,204,202,199,194,194,199,204,212,222,235,243,243,243,243,248,251,251,248,243,235,0,0,0,0,212,217,230,233,230,225,222,217,215,209,207,209,209,207,209,215,220,225,228,230,230,228,217,209,199,196,196,199,202,202,202,196,194,194,196,202,207,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,183,189,181,170,168,176,183,189,186,183,183,186,186,186,189,191,194,196,202,204,202,199,202,209,215,212,207,203,203,207,215,222,225,217,215,213,215,217,225,225,225,222,217,215,215,212,212,215,217,217,217,217,217,215,209,202,200,200,204,209,215,225,230,230,225,225,222,222,225,233,238,241,243,241,235,230,225,222,222,222,222,222,225,225,222,215,212,209,209,207,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,126,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,181,170,173,189,194,108,79,144,152,134,134,142,155,157,155,157,157,157,117,117,121,163,121,119,165,176,173,165,168,173,173,127,125,129,170,170,178,186,199,217,228,220,204,194,190,191,194,199,202,204,204,202,199,199,199,199,196,195,196,202,204,199,186,176,178,176,129,129,181,181,125,115,115,123,173,173,173,183,191,189,181,178,173,131,176,176,176,178,186,196,199,196,189,183,181,183,186,186,183,181,170,168,168,170,178,183,183,183,178,170,123,123,127,170,129,125,123,125,131,176,178,181,181,181,178,176,131,129,128,128,129,133,186,191,196,199,196,194,196,199,202,204,209,215,220,222,222,220,217,215,215,212,207,202,194,187,186,187,191,196,199,199,199,202,204,207,207,202,199,199,196,186,135,135,181,178,131,129,129,129,133,183,194,194,189,183,183,186,186,178,133,131,129,131,135,189,207,217,225,225,225,217,207,189,135,132,132,133,176,133,132,133,133,127,125,126,131,176,176,181,196,209,212,204,199,199,196,189,176,131,131,133,176,133,133,131,133,202,222,215,191,169,172,196,204,204,199,189,181,181,181,181,181,178,181,176,127,129,176,178,176,173,173,173,129,131,181,194,191,183,177,177,178,181,181,178,178,178,176,177,196,212,215,217,217,215,215,215,212,202,191,183,178,133,178,178,132,131,181,199,209,202,189,189,204,209,199,189,186,186,178,176,178,186,181,129,129,176,183,186,186,183,176,170,172,178,189,202,215,225,220,209,207,212,215,209,115,96,100,131,186,181,174,174,178,186,202,217,228,228,225,225,217,207,194,183,176,133,181,199,209,222,228,222,194,176,131,173,127,120,120,183,194,186,176,170,170,173,183,191,189,178,115,93,91,99,178,194,183,119,111,173,183,176,173,176,178,170,127,168,176,178,125,111,113,168,186,196,194,189,181,178,181,181,127,121,123,168,176,189,199,204,209,207,186,121,117,119,123,125,168,173,176,173,173,178,183,181,170,125,125,125,165,173,178,165,118,123,176,191,202,202,186,119,111,109,109,111,121,163,160,117,113,119,160,117,93,59,45,71,85,61,69,99,93,75,95,107,105,103,100,99,103,111,109,113,163,176,178,170,165,168,183,202,209,209,212,212,196,178,160,111,105,107,109,105,99,71,53,61,168,181,191,194,150,107,95,83,95,103,103,84,84,90,101,105,91,73,77,155,176,181,181,191,209,217,212,194,178,173,173,170,170,173,170,163,117,115,115,117,125,168,124,123,165,176,170,125,123,170,183,191,186,181,181,183,181,178,170,129,178,191,191,189,186,183,186,189,194,199,199,196,191,181,127,118,117,118,119,121,115,110,110,119,189,191,181,168,163,119,115,117,163,189,202,204,207,207,209,209,204,199,191,178,109,99,109,157,163,173,178,117,117,168,178,178,186,196,204,207,209,212,212,212,212,212,212,212,209,204,200,200,202,207,209,209,207,202,202,204,204,202,202,200,207,220,215,49,1,87,85,83,91,89,85,82,75,89,101,157,170,155,50,54,101,105,111,119,160,163,165,178,189,191,191,186,183,183,186,186,186,183,178,168,121,118,119,119,117,116,121,173,183,189,181,168,123,121,125,173,183,183,176,115,111,119,123,121,121,121,113,111,113,119,165,165,121,117,115,105,101,104,121,196,207,204,194,165,100,98,101,109,111,115,163,168,170,170,170,170,117,79,81,105,115,113,95,48,85,165,119,112,115,189,202,173,111,115,113,113,125,173,181,186,186,183,191,204,207,204,202,202,202,207,209,209,209,207,207,207,207,207,207,207,207,207,204,202,194,186,183,181,181,183,183,183,186,186,189,189,191,191,191,191,196,199,204,204,202,199,196,196,199,199,194,189,183,181,186,194,196,191,189,191,194,191,189,186,181,127,124,135,191,196,196,199,204,202,196,186,181,183,189,189,189,196,199,194,186,181,181,181,183,183,186,189,194,199,207,212,217,217,212,199,186,181,181,183,181,181,181,183,183,183,186,186,189,191,196,199,202,199,194,191,191,196,199,199,202,204,199,196,194,191,186,178,130,128,130,135,183,186,186,183,183,186,189,191,186,182,183,189,194,191,186,176,127,125,127,129,170,170,173,176,181,183,181,173,170,170,178,178,178,170,165,123,121,121,123,115,107,104,104,105,109,113,119,163,170,176,176,176,178,178,181,178,173,170,170,170,176,181,186,183,181,176,173,173,173,170,129,127,127,129,173,176,176,176,133,131,131,131,133,181,186,194,199,202,202,199,192,192,194,199,204,207,209,209,209,212,212,212,209,207,202,196,189,186,186,186,183,178,176,176,178,181,183,183,183,186,189,189,189,186,183,181,178,178,176,170,127,123,123,123,125,125,127,168,173,176,178,178,181,181,181,178,176,173,173,176,178,178,178,176,176,173,173,131,127,129,133,178,181,183,189,191,196,199,204,209,212,212,212,209,212,212,212,215,217,222,217,217,217,222,222,225,225,225,225,225,225,225,225,225,225,225,225,222,215,212,209,204,199,196,196,196,199,202,202,202,199,199,199,199,196,196,199,199,199,196,191,189,189,189,191,191,191,194,196,199,196,194,189,186,186,186,191,194,196,194,189,187,189,191,194,194,194,194,194,196,199,202,202,202,202,202,204,202,202,196,194,191,191,186,181,135,131,127,131,181,189,191,191,191,189,189,189,189,189,189,183,181,181,186,191,194,191,189,186,186,178,176,177,183,189,189,189,191,189,183,176,133,131,133,176,133,129,126,127,131,131,129,129,133,178,183,189,191,191,183,178,181,189,194,196,196,199,204,207,207,204,202,196,196,199,199,196,194,194,194,191,191,189,187,189,191,194,196,196,194,194,194,196,199,202,202,199,196,191,191,194,196,196,191,181,135,178,181,178,133,128,131,178,186,189,186,189,194,191,189,186,186,191,196,199,199,199,199,199,194,191,186,186,186,186,186,189,191,191,189,186,189,191,194,189,183,178,178,135,135,135,135,178,178,135,135,133,132,132,133,133,131,130,176,191,194,189,183,181,181,181,179,178,179,186,191,194,191,186,183,183,186,183,178,176,176,178,178,178,174,173,174,176,178,181,183,182,183,186,186,176,127,126,126,131,181,186,189,189,191,194,194,189,183,183,186,183,173,128,129,176,181,181,181,183,186,186,186,186,183,181,178,181,183,189,186,186,189,194,194,191,189,186,183,181,181,181,181,178,176,178,183,183,181,178,173,129,129,131,173,173,176,176,181,183,189,189,189,186,186,189,186,181,176,181,183,186,186,191,196,194,183,172,170,173,178,181,181,178,176,176,173,172,176,181,183,183,183,178,176,173,130,130,176,181,183,181,178,176,174,172,174,178,183,191,194,191,189,189,191,189,189,186,181,178,178,178,181,178,181,186,191,191,186,181,178,181,183,186,186,189,189,186,181,183,186,186,183,176,125,127,183,194,196,199,202,199,194,194,199,199,199,204,207,204,202,204,204,207,209,207,196,194,191,189,183,183,189,196,202,204,202,194,181,129,121,113,112,114,123,173,181,181,181,181,178,178,178,183,183,181,178,133,129,129,131,133,133,176,183,196,207,209,204,199,191,189,191,186,133,125,125,176,189,196,196,191,194,196,199,202,199,196,196,196,196,189,183,178,135,135,135,135,178,183,186,186,189,189,189,189,183,178,186,199,207,202,189,182,183,202,215,215,209,212,215,222,222,209,194,191,196,199,191,189,189,194,199,204,207,207,204,202,202,207,215,222,222,217,212,207,202,202,202,202,202,204,212,222,225,228,228,225,217,209,204,202,199,196,192,192,196,207,215,225,235,243,241,241,243,248,254,254,251,243,238,0,0,0,0,0,0,235,238,235,230,225,217,212,205,204,204,204,204,204,207,215,220,222,225,225,222,215,207,199,196,196,199,202,204,202,196,191,191,194,196,202,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,186,183,176,166,164,168,181,186,181,178,181,186,191,191,194,194,196,199,202,204,202,202,204,212,217,217,209,203,203,204,215,222,225,217,215,215,217,222,225,225,222,217,217,215,212,209,209,215,217,217,215,215,215,215,212,204,200,200,202,207,215,225,230,230,228,228,225,225,228,235,243,246,246,243,238,230,228,228,225,225,222,225,228,228,222,215,212,212,212,209,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,202,202,194,191,204,199,144,116,144,165,168,160,144,150,160,165,163,152,109,103,104,113,119,116,115,121,165,165,165,168,173,170,125,123,125,123,120,127,186,204,222,230,228,212,199,190,190,191,196,202,204,207,204,202,199,199,196,196,195,196,196,196,194,181,176,176,133,121,115,123,173,178,173,129,131,173,173,176,186,191,186,176,173,173,173,176,176,176,176,178,183,189,189,183,178,178,183,183,181,178,178,176,173,170,176,181,186,186,183,178,127,121,123,129,173,173,129,125,129,173,173,173,173,173,131,131,131,131,131,129,129,131,178,186,191,196,202,202,199,196,202,204,209,215,220,222,222,220,220,217,217,215,212,209,202,194,187,186,187,189,196,202,204,204,204,207,207,204,199,194,194,191,183,135,133,133,131,129,127,127,129,133,189,199,199,194,191,189,186,186,178,131,131,133,133,133,178,196,209,217,222,217,209,194,178,133,132,135,178,178,133,132,176,176,129,127,129,133,178,181,186,202,217,225,217,209,204,202,191,178,133,133,178,178,176,130,127,130,196,217,215,191,166,166,186,196,196,191,191,194,199,196,186,178,178,189,189,176,173,176,178,178,176,176,173,173,176,183,194,191,186,178,177,177,177,177,177,178,181,177,178,196,209,215,217,222,222,222,220,212,202,186,135,133,131,132,133,131,131,183,207,215,209,189,183,189,196,196,196,191,186,176,173,181,189,178,128,181,191,186,181,178,176,170,170,181,183,181,178,191,207,207,199,194,199,202,191,121,106,113,186,189,181,174,176,176,181,194,209,222,225,225,222,212,196,183,178,133,129,133,189,196,207,212,204,183,178,176,173,125,118,119,186,199,189,172,170,173,186,199,207,207,202,181,103,95,101,168,186,181,125,119,176,181,127,127,176,183,173,126,168,173,168,105,81,79,117,183,191,189,186,181,176,176,170,123,121,125,127,127,170,178,191,199,194,176,120,119,121,123,127,176,186,186,183,183,189,189,181,170,127,125,123,124,173,176,125,119,123,170,178,183,183,168,115,109,109,106,106,113,121,119,111,103,101,107,103,79,45,0,0,0,13,77,181,115,77,107,111,111,109,100,98,105,107,100,101,109,121,160,160,160,168,183,196,202,202,204,204,189,173,157,111,103,103,103,103,99,77,5,6,61,71,75,77,35,53,97,101,163,178,157,92,92,97,109,155,157,67,61,109,165,178,181,186,199,207,202,186,173,170,176,176,173,176,181,183,181,170,119,117,125,165,125,124,125,123,119,115,117,125,176,176,168,165,176,178,173,129,128,170,183,196,199,199,194,189,183,183,191,196,199,199,199,194,181,125,119,118,121,168,123,113,109,110,170,178,173,123,121,123,119,113,117,186,199,207,209,212,209,209,207,204,204,199,117,93,99,119,170,189,183,165,160,165,176,181,189,199,204,207,212,215,217,217,217,217,217,215,209,202,199,199,202,207,209,209,204,202,204,207,209,204,200,202,207,212,204,61,19,83,79,81,101,111,93,83,87,105,111,163,178,181,152,101,105,105,105,113,119,119,163,178,189,191,194,194,191,191,191,191,191,191,189,183,173,127,125,121,116,114,117,125,173,178,173,127,123,121,165,176,189,196,191,173,123,165,165,125,121,115,110,109,113,119,163,163,119,115,111,105,103,105,121,202,209,209,202,170,101,100,113,111,97,99,119,163,165,170,173,168,117,86,90,163,178,178,157,99,115,181,176,114,112,173,183,178,163,163,163,163,165,173,181,183,173,99,95,173,186,183,186,183,189,199,204,204,207,207,207,207,207,207,207,207,204,202,199,194,189,183,181,181,181,183,183,183,186,189,189,191,191,189,186,186,186,191,194,196,194,191,189,189,191,194,191,189,181,179,186,196,202,196,194,196,194,189,186,186,186,186,186,191,199,202,199,199,202,202,202,196,191,189,189,189,191,199,199,191,183,181,181,183,186,186,189,189,191,196,204,209,215,215,209,194,181,177,178,181,183,183,183,183,182,181,183,189,191,194,194,199,202,204,202,196,196,196,199,202,207,209,207,196,189,181,178,133,130,129,130,176,183,186,189,189,189,191,194,194,186,183,183,189,189,186,181,173,127,125,125,129,170,170,170,173,178,181,178,170,168,170,176,176,168,123,117,115,115,121,165,123,113,107,105,105,109,115,119,123,165,168,168,168,168,170,176,176,173,170,168,168,170,173,178,178,173,127,125,125,127,129,127,127,127,131,173,176,176,173,129,127,127,129,133,181,186,191,196,202,202,199,196,194,196,202,207,209,209,209,212,215,215,215,212,209,204,199,191,189,186,186,183,178,176,176,178,181,181,181,183,183,186,186,186,183,181,178,178,176,173,170,168,127,125,125,127,127,168,170,176,178,178,178,178,181,178,176,173,173,173,176,178,178,178,178,178,178,178,133,129,129,133,135,181,183,186,191,196,202,207,212,215,215,212,212,212,212,212,215,217,222,217,217,217,222,225,225,225,225,225,225,225,225,225,225,225,225,225,222,217,212,209,204,196,194,194,196,199,199,202,202,199,199,202,202,199,196,199,199,199,196,191,186,183,189,191,194,194,194,196,196,196,194,189,186,186,189,191,194,196,191,189,187,189,194,196,199,199,199,199,202,202,202,202,199,199,202,202,202,199,196,194,194,191,186,186,189,186,176,133,178,183,186,186,186,186,189,189,186,189,189,189,186,183,183,183,183,189,189,189,186,181,177,178,186,189,189,189,191,189,186,181,181,181,181,183,181,176,131,127,125,124,124,127,131,135,178,183,189,189,181,134,134,181,191,196,196,199,204,207,204,202,199,196,194,194,194,196,194,194,194,194,194,191,189,189,189,189,191,191,194,194,194,196,199,202,199,196,191,189,186,189,194,194,189,178,133,135,178,135,133,131,135,183,194,199,196,196,196,191,189,189,189,191,194,194,194,194,194,196,194,189,189,194,194,194,191,194,196,196,189,183,183,189,189,186,181,178,181,181,181,181,181,178,178,178,178,133,132,132,133,133,132,133,186,199,202,194,186,181,181,181,178,178,181,189,194,194,189,183,183,186,191,189,181,176,174,176,181,183,176,173,174,178,183,186,183,183,183,186,186,178,131,129,129,173,181,186,186,185,186,189,191,191,186,186,191,189,176,126,126,129,176,181,183,183,181,181,183,186,186,183,181,178,181,181,183,183,189,191,191,189,183,183,181,181,181,183,181,178,176,178,183,181,178,178,176,131,173,176,176,176,176,178,181,186,189,189,189,186,186,189,186,183,181,183,183,186,186,194,199,196,186,172,170,173,178,181,183,183,183,183,176,172,176,183,186,183,178,176,176,173,130,129,131,178,181,181,181,178,174,174,176,181,183,186,189,189,189,189,189,189,191,189,183,178,178,178,181,183,186,186,191,194,194,186,183,181,183,186,186,186,186,183,181,181,183,183,178,127,120,121,181,196,202,204,207,207,204,204,204,204,204,207,207,202,199,202,204,207,209,204,194,189,189,186,182,183,191,199,202,204,202,199,189,178,129,121,115,117,127,178,186,189,189,186,178,177,178,186,189,186,181,181,181,178,178,181,183,183,183,191,202,204,204,202,194,189,183,131,122,121,122,131,183,191,194,191,189,191,191,191,191,189,189,194,194,189,183,181,181,183,181,181,186,189,191,189,186,183,183,186,183,181,189,202,209,202,186,181,181,194,212,215,212,212,215,217,215,204,196,194,199,202,199,194,194,199,202,204,204,204,202,199,199,202,207,212,215,215,0,0,204,204,204,204,202,207,215,225,225,228,228,228,222,212,204,199,196,194,191,192,196,207,0,228,238,243,241,241,243,251,255,255,251,246,241,0,0,0,0,0,0,243,246,243,235,230,228,217,209,205,204,204,204,204,207,215,217,217,217,217,217,212,207,199,194,194,196,199,199,199,194,189,186,189,194,199,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,183,173,170,168,165,166,173,178,178,176,181,189,194,194,196,196,196,199,204,207,207,204,202,207,212,215,209,203,203,207,215,225,225,220,217,217,220,222,225,225,222,217,215,215,212,209,209,215,217,215,215,215,215,215,215,209,202,200,202,207,212,225,230,230,228,228,228,228,230,238,243,246,246,243,238,233,230,230,230,225,225,225,228,228,225,217,212,212,215,212,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,183,202,202,191,183,168,142,131,155,181,191,194,155,155,170,183,178,155,104,101,102,115,121,117,115,117,118,119,123,165,168,127,121,120,123,120,117,127,186,204,215,228,228,215,199,190,190,191,194,199,202,204,204,202,199,196,196,196,196,196,194,191,189,178,133,176,131,114,111,113,131,196,209,202,189,178,173,173,181,183,178,131,130,131,173,176,176,131,131,173,178,181,181,181,178,178,178,178,173,131,176,181,181,176,176,178,181,181,178,170,123,117,123,170,178,178,173,131,173,176,173,131,131,130,129,130,131,176,176,176,133,133,178,186,189,196,202,202,199,199,204,209,215,217,222,222,217,217,217,217,217,215,209,207,199,194,189,189,189,191,196,204,209,207,204,204,204,199,194,189,189,186,183,178,133,131,129,129,129,127,127,176,191,202,199,196,196,191,189,186,178,131,131,135,135,133,178,186,196,204,209,207,196,181,132,131,133,178,183,181,135,178,183,183,176,131,133,176,176,181,191,204,222,228,225,215,209,204,194,178,133,133,181,189,189,176,129,131,189,204,204,189,170,169,176,183,186,186,194,209,222,215,196,181,178,189,189,178,173,176,176,181,178,178,176,173,173,176,181,186,189,186,181,178,177,176,177,178,181,178,178,194,207,215,225,225,225,228,222,212,196,178,131,133,132,132,176,133,133,186,207,215,207,186,178,181,189,196,202,194,181,173,178,189,191,178,131,194,199,181,131,173,173,172,176,191,191,177,172,177,191,194,189,183,186,189,183,181,191,204,202,191,181,176,176,176,178,186,202,209,212,215,212,199,181,133,131,129,125,127,176,183,191,194,189,186,183,183,176,125,120,121,173,191,178,169,170,181,194,207,215,217,212,196,117,99,105,123,178,186,173,127,178,176,120,120,127,181,173,127,127,125,105,77,69,69,119,194,196,191,186,181,176,176,170,125,125,129,127,125,124,127,176,183,183,173,125,127,170,173,181,194,202,196,194,194,199,194,173,123,125,125,122,123,173,168,119,115,119,125,168,170,170,163,117,115,115,109,107,115,160,117,105,94,91,93,95,79,45,0,0,7,99,178,186,105,77,105,109,113,113,101,100,113,109,100,101,107,115,117,119,121,168,181,189,191,191,189,178,160,117,115,113,107,103,99,93,87,57,0,0,11,12,10,12,4,17,97,101,152,173,157,150,163,147,155,176,222,85,61,109,157,183,181,178,183,189,186,181,173,168,170,168,163,168,183,194,196,189,121,119,165,170,170,173,170,121,107,105,111,121,168,168,161,159,170,173,127,125,127,176,186,194,204,207,204,194,186,183,191,199,199,199,202,204,199,186,170,127,127,170,125,117,112,112,121,123,121,115,119,123,117,93,83,165,194,204,212,212,209,204,202,204,207,204,157,73,69,83,99,160,157,119,121,168,176,186,194,199,202,204,212,217,222,222,222,222,217,215,209,202,199,200,204,209,209,209,204,202,204,209,209,204,200,202,204,204,204,103,14,33,73,97,178,183,99,87,95,103,113,160,176,191,186,117,111,103,97,105,109,107,113,173,186,189,191,194,194,196,196,191,183,183,191,196,194,186,176,127,117,114,117,123,127,127,127,123,119,118,125,178,189,194,189,176,173,183,183,178,168,115,108,109,115,119,123,163,121,119,115,109,107,113,121,196,207,209,204,181,109,109,160,107,80,82,107,117,121,163,165,160,117,103,117,194,199,199,168,115,160,186,191,165,116,170,183,186,173,170,170,165,168,178,189,189,113,32,28,77,113,115,111,109,117,176,189,191,194,202,204,204,207,209,207,202,199,194,189,181,178,178,178,181,183,183,183,183,186,189,189,189,191,186,178,133,135,178,183,186,186,186,186,183,183,186,189,186,181,179,183,194,196,194,191,194,194,189,182,179,181,186,191,194,199,204,202,202,202,202,202,202,196,194,191,189,189,196,196,189,181,181,181,183,189,191,191,189,189,191,199,204,209,212,207,191,178,176,176,178,183,189,189,191,186,183,186,194,199,199,196,199,204,209,207,202,199,199,199,202,207,212,209,202,189,178,135,133,133,133,135,181,186,186,189,189,191,194,196,194,189,183,183,183,183,181,176,173,129,123,123,127,170,170,173,173,176,178,176,168,165,168,173,170,123,113,107,107,111,119,170,165,119,111,107,105,109,115,119,121,123,123,121,121,123,125,168,170,170,173,170,170,168,168,170,168,124,122,122,123,127,129,129,127,127,131,176,178,176,131,125,124,125,129,176,181,186,189,196,202,204,204,199,199,202,204,209,209,209,212,215,217,217,215,212,209,204,199,191,189,186,186,183,178,133,133,176,176,178,178,181,181,183,183,183,181,178,178,176,173,170,170,170,170,168,127,168,168,168,173,176,178,178,178,178,178,178,176,173,173,173,176,176,178,178,178,181,181,181,178,133,131,133,135,181,183,186,191,196,204,209,215,217,215,212,212,212,212,212,215,217,217,217,217,222,222,225,225,225,225,225,225,225,225,225,225,225,225,222,222,215,215,209,204,196,194,194,194,196,199,199,199,199,199,202,202,199,199,199,199,199,196,189,183,183,186,191,191,191,194,194,194,194,191,189,189,189,191,194,194,194,189,187,187,191,196,199,202,204,204,204,207,207,204,202,199,196,199,199,199,199,199,196,194,191,186,186,191,191,183,176,176,178,183,183,183,183,186,183,183,183,186,189,189,186,178,131,131,178,181,183,186,186,183,183,189,189,189,189,191,191,186,186,186,189,189,189,186,181,176,129,125,124,125,131,135,135,178,183,191,189,178,133,133,178,189,194,196,199,204,204,202,199,199,199,194,186,186,189,191,191,191,191,194,191,191,186,185,185,186,189,189,191,191,194,194,194,191,189,186,183,183,183,189,191,183,133,127,131,133,133,133,133,178,186,196,202,199,199,199,194,191,194,191,191,189,189,189,186,189,191,189,186,191,196,199,199,199,202,202,199,189,182,182,183,186,183,178,181,183,186,189,186,183,181,181,183,181,135,133,133,135,176,176,181,191,202,202,194,183,181,181,181,179,179,183,191,194,191,186,183,183,189,194,194,189,178,176,176,183,186,183,178,178,181,186,189,189,189,186,189,189,186,181,181,178,181,186,189,189,185,185,186,189,189,186,189,194,191,178,127,126,128,176,183,183,178,176,176,181,186,186,186,183,176,173,173,176,183,189,189,189,186,183,183,181,181,183,183,181,133,131,176,181,178,178,181,181,178,181,181,176,174,174,178,181,186,186,186,186,186,189,189,186,181,181,181,183,186,189,194,199,199,189,172,170,176,181,186,189,191,194,194,183,173,176,183,186,183,176,176,178,176,173,131,133,178,181,183,186,183,183,183,183,183,183,181,183,186,186,186,189,191,194,191,186,183,181,181,183,189,189,189,191,194,194,191,189,186,183,181,178,176,178,178,178,176,178,181,181,125,117,117,135,199,207,209,209,209,209,209,209,209,209,207,207,202,198,202,202,204,204,199,191,186,186,186,183,183,191,199,196,194,194,196,194,186,178,176,127,127,173,183,189,194,196,194,186,178,181,189,194,189,183,181,183,183,183,186,189,189,183,186,194,196,196,194,186,176,129,125,122,121,122,127,178,186,189,191,189,189,186,183,178,177,181,189,191,189,186,186,189,189,189,186,189,191,191,186,181,135,135,137,137,181,186,196,202,196,186,181,179,189,209,215,212,209,212,215,209,202,196,196,202,207,204,202,199,202,204,204,204,202,202,202,199,199,202,207,212,215,212,0,207,204,204,204,204,207,215,222,222,225,228,230,225,212,204,199,196,194,191,192,196,207,217,230,238,243,241,241,246,254,255,255,251,246,243,235,225,0,0,0,238,0,248,248,243,238,235,230,222,212,209,209,209,209,212,217,217,217,215,215,215,209,204,199,194,194,194,196,196,194,191,186,183,186,189,196,199,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,176,168,170,173,166,166,168,173,173,173,178,186,191,191,194,196,199,204,207,209,209,204,200,200,207,212,207,203,203,207,217,225,228,222,222,222,222,222,225,222,217,215,215,215,212,207,207,212,215,215,215,215,217,217,217,212,207,202,204,207,212,222,228,230,228,228,228,225,228,235,241,243,243,243,238,230,230,230,230,228,225,222,225,228,225,217,215,215,215,215,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,27,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,176,186,181,168,139,127,134,157,178,186,176,155,153,173,194,196,170,109,105,119,173,176,173,163,118,117,117,119,125,168,127,120,120,121,120,119,127,186,202,212,225,228,212,196,190,190,191,191,194,199,204,204,202,199,199,196,196,194,194,191,186,181,133,130,178,133,110,110,117,178,207,215,207,189,176,173,173,178,181,176,130,129,131,173,176,131,129,130,173,178,178,178,181,178,176,173,129,125,125,131,183,183,178,170,129,170,170,129,123,116,115,123,173,178,178,176,173,173,173,173,131,131,131,131,131,178,181,183,181,178,178,181,183,191,196,199,204,202,202,207,212,217,222,222,217,217,217,217,217,217,215,207,199,194,191,194,194,194,194,199,207,212,209,204,204,202,196,189,187,189,186,181,135,178,178,133,131,131,129,127,131,186,196,199,199,199,194,186,183,178,133,133,135,135,135,178,183,186,189,191,191,183,135,133,133,181,191,194,189,183,183,186,186,181,176,133,131,130,133,191,204,217,225,228,222,215,209,202,189,176,178,189,202,204,191,178,178,183,191,189,183,176,178,183,183,183,186,202,222,230,217,199,181,181,183,183,178,176,176,176,178,183,186,183,178,131,126,125,181,194,202,199,191,181,178,178,178,176,176,178,191,207,217,225,225,225,225,222,207,186,133,133,181,183,183,183,178,178,183,196,204,194,178,131,133,186,196,199,189,176,173,186,199,196,183,178,191,183,125,123,176,181,176,176,191,196,178,172,178,186,181,178,176,123,178,186,189,199,207,204,189,178,133,131,130,133,183,189,189,191,196,191,133,125,127,129,123,121,125,129,133,183,194,196,199,199,196,183,131,124,122,173,178,173,172,178,186,194,204,215,215,209,196,176,117,113,119,173,183,178,178,186,186,122,119,123,173,173,170,170,121,81,77,85,115,194,202,202,202,186,173,178,181,181,173,127,170,129,125,125,127,170,173,176,176,178,178,183,186,194,202,207,204,202,204,207,207,107,99,119,125,125,127,173,125,115,112,113,121,165,170,170,165,123,123,163,168,173,170,165,119,107,92,88,93,107,115,107,49,25,85,170,191,196,165,87,99,97,101,109,107,111,113,105,101,105,107,111,115,119,160,170,181,186,186,186,178,163,112,110,112,117,117,109,95,79,51,27,31,35,19,25,12,21,19,11,79,63,89,103,89,144,170,152,152,176,186,105,45,38,105,194,183,170,165,168,173,181,183,168,119,115,111,115,178,194,199,199,168,123,170,178,186,191,186,170,86,100,107,119,173,173,165,166,176,129,126,127,176,183,186,186,196,204,207,204,196,194,196,202,199,199,202,209,212,202,183,173,170,125,121,121,123,123,119,115,111,109,115,123,117,57,32,33,107,194,204,204,202,196,191,196,202,196,113,59,57,67,68,58,69,103,163,178,186,191,199,202,202,204,209,215,220,222,222,220,215,212,209,204,200,200,204,207,209,207,202,200,204,209,209,204,202,202,202,204,199,168,10,0,49,91,202,202,152,101,103,107,111,155,181,202,202,189,115,78,86,101,105,103,113,170,178,186,191,191,194,196,196,186,179,178,183,199,204,202,191,176,121,116,121,125,125,125,121,119,117,117,123,176,181,178,173,170,178,191,196,196,194,170,111,112,121,121,121,121,163,165,123,117,119,121,123,178,194,202,199,178,119,119,178,91,72,81,95,109,160,121,117,117,121,170,186,202,207,194,160,117,160,173,173,160,160,176,189,191,189,176,165,123,121,176,191,199,191,39,13,27,83,91,91,85,79,71,75,113,176,181,196,194,202,207,196,189,189,183,176,173,173,174,176,181,183,181,178,178,178,181,183,178,181,178,117,96,101,129,178,181,183,186,183,183,183,186,186,183,181,181,183,186,186,183,186,189,194,191,183,179,179,183,191,191,196,199,202,202,202,202,202,202,196,191,189,186,186,191,191,189,183,178,177,181,189,191,191,189,186,186,191,196,202,202,199,189,181,176,176,178,186,194,196,196,194,191,194,199,204,204,202,202,204,207,204,202,199,202,202,199,199,204,209,207,196,183,135,133,135,178,186,189,186,183,186,189,191,194,196,194,191,189,186,181,181,178,176,173,129,125,123,125,127,170,173,173,176,178,173,127,125,165,168,125,115,105,103,104,107,115,123,163,119,111,107,107,113,117,119,121,121,121,121,119,119,121,123,165,168,170,173,170,168,127,127,125,123,122,123,125,129,170,129,125,127,131,178,181,178,129,124,123,125,129,176,181,186,189,194,199,202,204,202,202,204,207,209,209,212,212,215,217,222,217,209,207,204,196,191,189,186,186,181,176,131,133,173,173,176,176,178,176,178,181,181,176,176,176,173,170,170,170,170,170,170,170,168,168,168,170,176,178,178,178,181,181,178,178,176,176,176,176,176,176,176,176,176,178,178,178,176,135,135,137,181,183,189,194,199,204,209,215,215,215,215,215,215,212,212,215,215,215,217,217,222,222,225,225,225,225,225,228,228,228,228,228,228,225,222,217,215,212,209,204,199,194,194,194,194,196,199,199,199,199,199,199,196,196,196,196,196,191,186,178,178,186,189,189,189,194,194,191,189,186,186,189,191,194,194,194,194,189,187,187,191,196,199,202,204,207,209,212,212,207,202,196,194,194,196,196,199,199,199,196,191,186,185,189,191,191,183,178,181,181,183,181,178,178,176,176,176,178,183,183,178,131,124,123,125,129,173,181,186,186,186,183,186,189,191,191,191,189,189,189,189,189,189,186,183,178,133,127,125,131,178,181,181,181,186,189,186,135,132,133,181,191,194,196,199,199,199,196,196,196,196,191,181,179,181,189,191,191,191,191,191,191,186,183,185,186,189,189,189,189,189,183,181,178,181,183,183,183,183,186,186,181,127,124,125,129,133,135,135,181,189,196,199,199,196,196,196,196,196,194,189,186,186,183,183,183,183,183,186,191,196,199,202,202,207,207,199,186,181,181,183,186,183,183,183,186,189,189,189,183,183,183,186,186,181,178,135,178,181,183,186,194,202,202,194,183,181,181,183,189,191,189,189,189,189,186,186,181,181,186,191,191,186,178,178,181,186,186,186,183,183,183,189,191,191,191,191,194,191,189,186,181,181,186,194,196,191,186,186,186,186,186,189,191,189,178,131,129,131,178,181,181,173,131,173,181,183,183,183,183,173,128,128,131,181,186,186,183,186,189,186,183,183,186,183,178,129,127,131,176,178,178,183,186,186,186,183,176,173,174,181,183,183,183,181,181,183,189,189,183,178,178,178,183,189,191,194,199,199,189,169,173,181,183,186,191,199,199,196,189,176,172,176,183,183,176,176,178,181,183,181,181,183,186,189,189,189,191,191,189,189,186,181,183,186,186,186,189,191,194,194,191,189,189,189,189,189,189,186,189,189,189,189,194,189,178,131,127,126,129,133,133,133,176,181,183,133,119,118,129,196,207,207,207,207,207,209,215,215,215,209,207,202,199,199,199,199,196,194,189,183,178,178,183,189,191,189,183,178,181,186,189,186,183,181,176,176,181,186,191,194,196,194,191,186,186,191,196,196,189,186,186,186,186,189,189,186,183,181,183,186,183,176,129,125,125,125,123,123,125,129,133,181,183,186,189,191,189,181,174,173,178,186,189,186,186,189,194,194,191,189,191,194,194,189,181,133,131,129,129,133,183,189,191,191,189,183,181,182,199,212,204,202,207,204,204,202,196,196,204,209,209,204,204,204,202,199,202,202,202,204,202,198,198,202,212,215,212,0,204,203,203,204,207,209,212,215,217,225,228,228,225,215,209,202,199,196,192,192,196,204,215,228,238,241,241,243,248,255,255,255,248,243,243,235,225,217,222,230,238,243,246,248,246,246,243,241,235,228,222,222,222,217,222,228,228,225,222,215,212,207,202,194,191,191,194,194,194,194,191,189,183,181,186,191,196,202,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,173,168,170,173,168,168,170,170,168,170,176,181,186,183,186,191,199,204,209,212,215,209,200,199,204,209,207,203,203,207,217,228,228,228,225,222,222,222,222,222,215,211,212,215,215,207,207,212,212,212,212,217,217,222,222,215,209,207,207,209,215,222,228,228,228,228,225,222,225,230,235,241,243,243,238,230,229,230,230,228,225,222,222,225,225,217,217,215,215,215,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,0,0,0,0,0,0,0,82,98,129,165,181,173,147,131,126,111,0,0,0,0,0,0,0,0,0,0,0,126,173,147,150,129,126,134,150,160,168,165,155,152,165,189,196,181,160,160,176,186,189,186,181,170,123,118,119,125,170,170,127,125,125,121,119,127,186,202,209,215,217,209,196,191,191,191,191,194,196,202,204,204,204,202,202,196,196,194,191,186,176,130,131,183,186,117,114,125,189,212,215,202,183,173,172,173,181,189,181,130,130,176,178,173,129,129,131,178,178,177,177,181,178,173,131,125,124,125,173,186,186,176,127,125,126,127,127,121,115,114,117,127,173,173,173,173,173,173,173,173,176,176,176,178,181,186,191,191,186,178,178,183,191,196,199,204,204,204,209,212,217,217,217,217,217,220,217,217,217,215,204,194,189,191,196,199,196,194,199,207,209,207,202,202,199,196,191,191,191,189,181,178,181,183,178,176,176,129,125,126,176,186,194,196,196,189,181,176,133,133,135,178,135,135,178,178,178,178,181,183,181,178,178,183,194,207,207,202,191,186,183,183,183,178,131,129,128,131,189,204,215,222,225,225,222,217,209,191,133,181,199,212,217,207,194,183,183,183,181,181,183,189,194,194,189,189,202,217,222,209,191,178,181,183,183,181,178,178,176,178,186,194,199,189,129,124,125,183,199,207,207,199,189,181,176,133,131,133,178,191,204,215,222,222,222,217,204,189,183,183,186,189,191,191,189,181,177,178,186,189,183,131,126,127,181,194,194,183,173,176,196,207,202,183,176,176,129,121,123,178,183,178,173,181,191,186,181,183,173,119,119,109,104,127,181,183,191,196,194,186,178,173,129,129,133,183,181,176,133,131,123,119,121,131,178,123,120,122,127,133,186,204,212,215,212,209,199,186,131,124,131,176,178,183,189,191,191,194,199,199,196,189,178,127,121,121,127,176,176,181,196,199,176,122,125,173,176,178,183,173,97,91,115,189,207,209,209,207,173,164,173,186,191,183,170,129,129,129,173,176,173,170,173,183,191,194,194,191,194,196,204,204,204,207,207,189,87,83,103,168,178,181,178,165,119,115,121,165,168,170,173,170,170,173,178,186,191,186,170,121,111,103,95,103,117,157,115,91,85,115,178,191,194,170,109,97,90,91,97,103,107,107,101,101,103,105,109,113,160,168,178,189,191,191,191,186,173,163,160,163,170,170,163,113,95,63,39,61,63,31,31,29,33,15,0,0,4,61,69,67,83,144,109,111,155,155,95,31,23,41,178,181,165,159,159,165,181,186,168,115,111,107,107,119,173,186,191,170,168,181,191,196,199,194,176,96,104,109,119,173,181,181,189,191,178,129,176,189,194,186,181,186,194,204,207,204,202,196,196,196,196,204,212,215,204,186,176,170,123,119,125,173,173,125,117,109,99,99,119,163,91,35,32,43,91,168,183,186,183,178,181,189,178,103,65,64,79,79,67,73,99,165,186,196,202,204,204,204,207,209,215,217,220,222,217,212,212,209,207,204,202,204,207,209,207,204,202,207,209,207,204,202,199,199,204,199,160,9,14,31,49,113,178,168,155,115,111,113,157,181,202,207,202,176,88,93,113,117,113,119,168,176,183,189,189,191,194,194,183,179,179,186,199,209,209,202,189,170,123,125,127,125,125,125,123,119,119,127,170,170,168,165,165,173,194,196,202,199,181,121,121,165,123,120,120,123,168,165,123,163,123,123,168,178,186,186,176,163,123,119,86,75,86,103,117,165,121,111,113,165,183,196,204,199,178,116,116,121,121,118,118,165,186,194,196,191,176,119,105,97,111,186,204,209,73,25,35,91,99,97,109,109,59,0,0,0,39,81,170,186,131,105,123,176,176,176,174,174,174,176,178,178,131,131,129,127,176,176,131,133,129,116,101,101,121,178,183,186,186,189,189,189,183,181,181,183,189,186,183,182,182,183,189,194,196,191,183,186,191,191,186,186,194,199,202,204,204,204,202,196,191,186,185,185,186,191,191,186,179,178,181,186,189,189,186,183,178,181,186,191,194,191,186,178,177,177,181,189,194,196,199,199,199,199,204,207,207,204,202,202,202,199,199,199,202,199,194,191,194,204,207,202,191,181,178,178,181,186,186,183,181,181,186,189,191,196,196,196,194,189,178,173,173,173,170,127,123,123,123,123,168,173,173,173,170,127,121,119,121,121,117,109,105,103,104,105,111,117,119,115,109,107,111,117,121,121,121,121,121,121,119,119,119,123,125,165,168,170,170,168,127,127,125,125,125,127,170,176,173,127,124,125,170,181,186,181,173,127,124,125,129,133,178,183,189,191,196,199,202,202,202,202,204,207,209,212,212,215,217,217,215,207,204,202,196,191,189,189,186,181,133,131,131,131,173,173,176,176,173,173,176,176,173,176,176,173,170,168,170,170,170,173,173,170,168,168,170,176,178,181,181,181,181,181,181,178,178,176,176,176,176,176,176,176,176,178,178,178,178,178,137,181,183,191,196,204,207,209,212,215,215,215,215,212,212,212,212,212,215,217,220,222,222,222,225,225,225,225,228,228,228,228,228,228,225,222,217,215,212,207,202,196,194,194,194,194,196,196,196,196,196,196,196,196,194,194,194,191,189,183,176,176,181,183,183,189,194,191,186,183,181,181,183,189,194,196,196,194,191,189,189,194,196,202,202,204,209,212,215,212,207,202,196,194,192,194,196,202,202,199,196,189,185,185,186,189,191,189,183,181,181,181,181,176,133,131,131,131,131,173,176,176,131,124,122,123,124,127,173,178,181,183,183,186,191,191,191,189,189,189,191,191,189,186,183,181,178,135,133,133,178,183,186,183,183,189,189,183,178,135,178,189,194,196,194,196,194,194,194,194,194,191,189,179,178,181,189,191,189,189,189,189,189,186,185,185,189,191,191,189,186,181,131,123,123,131,181,186,186,183,183,183,181,131,126,126,131,178,178,181,183,189,194,196,196,191,191,194,196,194,191,186,183,183,183,182,182,183,183,189,194,196,199,199,202,204,204,199,186,182,182,186,186,186,189,189,189,189,186,183,182,183,189,191,191,186,183,181,183,183,186,189,191,199,202,196,189,183,183,189,194,199,194,189,189,191,189,186,178,176,176,183,186,186,181,181,181,183,186,186,183,179,179,183,191,194,196,196,199,196,191,189,178,173,176,189,194,191,189,186,186,186,185,186,189,186,178,173,131,173,176,176,173,127,126,131,181,183,181,181,183,176,128,128,131,178,178,176,176,183,191,189,183,181,183,186,178,129,127,129,173,176,181,183,186,186,186,183,176,174,178,183,183,181,178,178,178,181,186,183,178,173,173,176,183,191,194,196,199,196,186,176,181,189,186,183,191,199,199,196,191,178,170,173,181,181,176,176,181,186,189,186,186,186,189,189,189,189,194,196,194,189,186,181,181,181,183,183,186,191,194,194,194,194,194,191,189,186,183,183,183,181,181,186,191,183,131,125,123,125,127,133,133,133,176,183,189,183,125,121,125,181,196,204,207,207,205,207,215,217,217,212,209,204,202,199,196,194,191,189,186,178,135,178,183,189,189,186,178,176,176,178,183,183,181,183,181,178,186,191,191,189,189,194,194,191,189,194,199,196,189,186,186,186,186,189,189,186,181,176,178,178,176,129,127,125,125,125,127,129,131,133,176,178,181,183,186,191,191,186,181,178,183,189,191,189,189,191,194,196,194,189,191,194,194,189,183,135,131,127,127,129,137,183,186,189,191,189,182,179,186,196,194,191,194,199,202,199,196,196,202,207,207,204,202,199,191,191,196,196,199,204,202,198,198,202,212,217,215,212,207,204,203,204,207,209,209,212,215,222,228,228,225,222,212,207,204,199,194,192,194,204,215,228,238,243,243,243,248,254,255,254,246,243,243,235,225,216,217,225,230,235,241,246,248,248,251,248,243,235,233,230,228,228,230,233,233,230,225,217,212,204,199,191,190,190,191,191,191,191,191,189,183,181,183,189,191,199,207,0,0,225,0,0,0,0,0,0,0,0,0,0,0,0,202,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,170,168,170,168,166,168,168,166,166,168,173,178,176,178,186,196,204,207,209,215,215,207,202,207,209,209,207,204,204,212,222,228,228,225,222,222,222,222,217,212,211,212,217,215,209,207,209,209,209,209,217,222,222,222,215,212,209,209,212,217,225,225,225,225,225,222,218,222,228,235,241,243,243,238,230,230,230,230,228,222,217,217,222,222,217,215,215,215,215,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,103,0,0,0,0,0,5,150,181,186,186,194,199,199,196,199,204,207,142,9,19,113,108,25,0,0,0,0,0,11,103,57,137,129,131,139,147,152,160,170,173,163,163,173,181,176,170,176,191,194,194,194,196,191,178,123,118,123,173,181,183,181,178,127,121,127,189,204,209,209,209,207,199,194,191,191,191,191,194,199,204,207,207,207,202,199,196,196,194,183,130,130,178,194,202,183,127,173,194,207,209,196,181,172,170,173,189,196,189,173,173,181,181,131,130,131,178,181,178,178,178,181,178,173,129,127,125,127,178,189,189,178,127,125,126,127,129,125,119,115,117,125,129,129,129,173,176,176,176,176,176,178,181,181,181,183,194,196,189,178,176,181,189,191,196,204,207,204,209,212,215,215,217,220,222,222,220,217,222,217,204,191,185,189,196,199,196,194,199,204,202,196,196,196,199,199,196,196,196,191,183,181,183,183,183,181,178,129,124,125,127,178,189,191,186,176,131,129,128,129,178,183,183,178,135,178,135,134,178,183,183,183,183,191,202,209,209,202,191,186,182,181,186,183,133,129,129,131,186,202,212,215,222,225,225,225,215,176,124,178,207,222,222,215,207,196,189,181,181,183,191,196,202,199,189,183,189,202,204,196,181,176,178,183,183,181,178,176,133,173,181,194,207,196,173,126,129,186,196,202,199,194,186,178,131,129,129,131,178,189,199,209,212,212,215,204,176,130,181,194,196,196,196,196,194,183,177,176,178,181,181,133,125,125,176,189,186,176,172,178,196,207,202,186,173,127,123,121,123,178,183,178,173,173,181,183,183,181,121,109,108,100,97,113,127,129,178,183,186,186,186,181,131,130,178,186,176,127,125,121,119,119,125,183,191,127,119,119,123,131,183,207,222,228,222,217,209,202,181,127,129,173,178,186,189,191,189,186,181,181,181,176,168,125,125,119,115,121,125,176,196,204,186,127,127,173,176,183,191,186,117,111,173,202,212,215,215,209,172,164,173,191,199,189,173,129,129,173,183,186,178,170,173,186,196,204,202,196,191,191,196,199,202,202,196,173,89,86,113,183,194,194,183,170,125,125,170,173,165,164,168,176,178,181,189,202,207,196,178,119,115,113,113,119,165,165,115,101,103,117,168,181,181,168,163,157,94,92,96,101,101,101,100,101,99,99,103,109,163,176,189,196,199,199,199,199,194,194,196,196,196,196,194,194,183,105,69,73,53,0,0,13,35,27,4,0,0,55,71,68,68,89,105,147,155,152,101,35,21,37,155,178,168,157,156,160,173,176,165,119,117,111,107,107,109,121,170,165,173,189,194,196,199,194,176,117,115,115,117,127,181,191,199,196,183,176,183,199,199,191,181,181,186,194,202,204,204,196,191,189,196,209,215,215,204,183,168,123,115,114,125,181,186,176,125,113,84,72,85,123,119,69,42,43,69,101,119,163,168,170,170,176,163,103,87,91,105,107,97,95,107,160,178,196,207,209,209,207,209,212,215,215,217,217,217,215,215,212,209,207,204,207,207,207,207,207,207,209,209,204,202,199,196,199,204,204,173,10,33,31,41,87,165,170,160,152,113,113,160,181,196,209,215,204,117,111,121,165,165,165,168,176,186,189,189,191,194,194,189,183,183,189,199,204,204,204,196,186,176,173,168,125,125,168,168,127,127,168,168,127,168,168,165,168,183,191,194,191,178,168,173,181,173,125,120,123,168,168,165,165,163,163,165,170,173,178,176,168,165,119,101,87,109,121,165,165,113,103,107,165,189,199,202,191,168,119,121,121,119,117,120,178,194,196,199,194,178,101,77,83,99,176,194,194,71,43,69,111,115,121,176,181,63,0,0,0,0,31,123,129,79,72,95,125,173,178,178,181,178,176,176,129,123,124,125,127,176,178,131,129,125,121,117,117,129,181,183,183,189,196,196,191,181,133,133,181,189,189,186,186,183,186,191,196,199,194,189,191,199,194,183,182,189,196,202,204,204,204,202,196,191,189,186,186,186,191,194,191,186,181,183,186,186,183,183,178,133,133,178,183,186,186,183,178,177,181,186,191,191,194,196,202,204,204,204,204,204,207,204,199,196,196,194,196,196,194,186,181,183,191,199,199,191,186,183,183,181,178,176,133,133,176,181,186,191,196,199,199,196,189,176,129,129,170,129,123,121,125,127,127,170,178,176,170,127,121,115,113,113,113,111,107,105,105,105,105,109,111,113,111,109,109,115,121,123,123,123,123,121,121,119,119,121,123,165,165,165,127,168,168,168,127,168,170,173,176,178,178,173,125,123,125,170,181,186,183,176,129,127,125,127,131,176,181,186,189,194,196,196,196,196,199,202,204,207,209,212,215,215,215,209,202,199,199,196,194,191,189,186,181,176,131,129,131,131,173,176,176,173,129,129,170,170,176,176,170,168,168,168,170,173,176,176,173,168,168,170,176,178,181,181,181,183,181,181,178,178,176,176,176,176,176,176,176,176,176,178,178,181,181,181,183,189,194,202,207,209,209,212,212,215,215,215,212,211,211,212,212,215,217,222,222,222,225,225,225,225,228,228,228,228,228,228,228,225,220,215,212,209,204,199,194,194,194,194,194,194,194,194,194,194,194,194,194,191,189,189,189,186,181,176,133,176,178,178,183,191,189,181,176,173,133,178,183,191,196,199,196,194,194,194,199,202,202,202,202,207,209,212,209,204,199,196,194,192,192,199,204,207,202,194,189,185,183,185,189,191,191,186,181,181,183,181,176,131,129,127,127,127,129,173,178,176,129,125,125,127,129,129,131,176,181,186,189,191,189,189,186,186,189,191,191,189,183,178,176,135,135,178,178,181,183,186,189,189,191,191,186,183,183,189,194,196,196,194,196,194,191,191,191,194,191,186,181,181,183,191,191,189,189,189,189,189,189,186,186,189,194,194,189,183,133,119,112,112,121,135,186,186,183,183,183,181,178,135,135,178,183,183,183,186,189,194,194,191,189,189,189,189,189,186,183,183,183,183,183,183,186,189,191,194,196,196,196,196,199,199,196,189,186,186,189,189,194,196,196,191,189,183,182,183,189,194,194,194,191,189,189,189,191,191,191,191,194,199,196,191,186,186,191,196,202,199,194,191,191,189,181,133,127,125,127,133,178,181,181,181,181,183,183,181,178,178,183,191,196,199,199,199,199,194,186,133,127,127,176,183,186,183,189,191,189,186,186,189,183,178,173,173,173,173,131,127,125,124,129,176,178,178,181,181,178,131,130,176,178,173,129,129,178,189,186,181,178,181,183,181,173,129,131,176,178,181,186,189,189,186,183,181,181,186,186,183,178,176,176,176,181,183,178,176,173,173,176,181,186,191,194,196,191,186,183,191,194,189,186,189,196,196,194,189,181,172,170,173,178,176,174,178,186,189,186,186,189,189,186,186,186,191,196,194,189,183,176,133,133,176,178,183,189,194,194,196,194,194,189,183,178,176,133,133,133,176,183,183,176,126,125,126,129,176,176,133,133,178,186,194,194,181,125,123,125,181,199,207,209,207,209,215,222,220,215,209,204,199,196,194,191,186,183,181,178,135,178,183,189,186,183,181,177,177,178,181,181,181,183,183,183,189,194,191,183,183,189,194,194,194,196,199,196,189,186,189,186,183,183,186,183,176,131,133,176,133,131,129,129,131,127,129,133,176,178,176,176,176,135,178,181,183,186,189,189,189,191,191,191,189,189,194,196,196,191,191,196,196,194,186,181,133,129,128,131,137,183,186,186,191,194,186,179,181,189,191,190,191,196,199,199,196,196,199,202,202,202,199,191,187,187,190,194,196,202,202,198,196,202,212,217,217,215,209,207,204,204,204,204,207,209,212,222,225,228,225,222,217,215,209,204,196,194,196,204,215,228,238,243,243,243,248,254,254,251,243,243,243,238,225,217,217,222,225,230,238,243,248,254,254,254,248,241,238,235,233,233,233,238,238,235,228,222,212,207,199,191,190,190,190,190,191,191,189,186,181,178,181,181,186,194,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,199,199,196,194,191,189,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,170,168,166,168,168,170,168,166,0,166,170,173,173,183,191,199,202,207,212,217,215,209,209,209,209,212,209,207,209,215,222,225,225,222,222,222,217,215,212,211,212,217,215,209,207,207,207,207,207,215,222,222,222,215,212,209,212,217,222,225,222,217,217,217,222,220,222,230,235,241,246,246,238,233,233,233,230,225,217,215,215,215,217,215,215,215,215,212,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,90,103,33,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,116,163,152,163,183,186,191,194,196,202,207,207,207,209,209,194,168,170,181,173,163,137,11,0,0,0,0,0,0,71,137,144,150,150,150,163,178,181,176,157,147,155,165,176,189,199,199,196,196,202,204,194,170,119,121,170,183,189,191,186,173,127,173,191,204,209,207,207,204,202,199,196,196,194,194,196,199,204,207,207,204,202,202,199,196,194,183,128,133,191,204,212,204,186,183,191,199,199,191,183,176,172,176,189,199,191,178,181,183,178,131,131,176,181,181,178,183,186,183,176,173,131,129,127,131,181,191,189,181,131,131,176,176,176,176,131,125,125,129,131,129,128,131,176,178,178,176,176,176,178,178,177,178,189,194,186,177,176,181,186,189,194,204,207,207,209,215,215,213,215,220,222,222,220,222,225,217,204,186,182,185,194,202,196,194,196,199,191,187,187,191,196,202,202,202,196,189,183,181,183,186,186,183,178,129,125,125,126,133,186,189,181,129,127,126,126,129,181,191,189,181,135,181,135,135,181,186,186,183,183,191,196,194,191,186,186,186,181,179,189,191,178,131,131,178,186,196,204,209,215,215,215,215,209,118,115,129,207,222,222,217,217,209,194,183,178,183,191,196,199,194,181,133,133,181,186,181,176,133,176,178,178,176,176,131,127,124,127,181,199,196,181,131,176,186,194,194,189,183,176,131,128,128,128,131,176,183,191,196,199,204,202,186,128,128,183,196,199,196,196,199,196,189,178,176,177,181,183,178,126,124,127,176,178,173,170,173,186,196,194,183,173,127,123,123,127,176,178,176,173,173,173,131,176,173,119,113,117,104,102,113,119,119,125,173,178,186,191,189,176,131,181,183,129,121,119,121,121,125,176,186,186,123,118,119,125,127,133,196,217,225,222,217,215,209,186,129,129,131,173,181,186,189,186,181,176,173,173,129,125,127,168,121,109,110,115,125,189,202,189,173,168,173,176,181,189,183,123,119,178,202,212,212,212,204,178,170,178,189,196,191,178,170,170,176,183,189,181,173,173,183,196,207,207,196,189,186,186,189,186,186,183,176,168,176,189,194,196,191,181,170,168,170,173,170,164,164,168,173,176,178,189,202,209,202,183,123,119,121,168,183,191,181,163,111,117,157,160,170,170,160,173,189,160,105,103,103,101,100,103,105,99,97,98,105,163,183,191,196,199,199,204,204,204,207,207,209,207,207,209,212,207,183,107,61,0,0,0,0,35,144,97,55,55,73,107,97,62,60,93,176,178,170,152,87,49,65,101,173,168,159,157,159,165,168,163,160,163,123,115,107,105,108,117,163,176,191,194,189,191,189,178,170,123,115,112,119,173,186,194,189,178,178,186,199,202,194,183,181,181,183,191,202,204,199,186,181,194,212,222,215,202,178,119,112,110,113,127,186,194,189,181,173,85,67,72,101,119,168,178,87,87,101,109,113,119,165,170,173,165,117,107,107,111,115,117,113,111,111,157,186,207,215,212,212,212,212,215,215,215,215,215,215,215,212,209,207,207,207,207,207,207,209,212,212,209,202,196,196,199,204,207,207,196,8,31,45,67,113,176,170,115,110,111,113,163,178,189,202,212,196,160,119,160,168,173,170,165,170,181,186,189,194,196,196,191,189,189,189,191,191,191,196,199,196,191,181,173,127,125,168,173,170,168,168,168,127,170,173,168,125,165,176,181,178,168,170,183,194,191,178,125,125,168,170,170,170,168,165,168,168,168,176,176,170,168,173,173,170,176,176,170,119,102,99,102,121,178,189,191,181,165,160,163,160,120,121,176,191,194,194,199,196,189,89,65,82,111,125,123,87,57,59,109,125,127,176,189,189,87,0,0,0,0,31,123,125,80,76,93,109,125,173,181,183,181,176,173,125,118,120,129,176,178,176,131,125,118,119,133,178,178,181,179,179,191,199,202,194,181,131,130,133,181,186,189,189,186,186,189,194,199,194,189,191,196,196,185,182,186,196,202,204,202,202,202,199,196,194,191,191,191,194,196,194,191,186,183,183,181,181,178,135,132,132,133,178,183,183,183,181,178,183,191,194,194,191,194,199,204,204,202,202,202,204,204,199,194,192,194,194,194,189,181,136,136,181,189,191,189,189,191,189,181,131,125,124,125,131,181,186,191,196,199,199,196,189,176,129,129,129,125,119,121,127,170,173,181,183,181,173,125,119,113,111,109,109,107,107,105,105,105,105,107,109,111,111,109,113,119,123,123,123,123,121,121,121,119,121,121,165,168,168,165,127,127,168,168,170,173,178,181,181,181,176,170,127,125,127,170,178,183,181,173,129,127,127,127,131,133,178,181,186,189,194,194,196,196,196,199,202,204,207,209,212,212,209,204,199,196,194,194,191,189,189,186,183,176,131,129,129,131,176,178,176,173,129,126,127,168,170,173,170,168,168,168,170,173,176,176,173,170,170,170,176,178,181,181,181,181,181,178,178,176,176,176,178,178,178,178,176,176,176,176,178,181,181,183,186,191,199,204,209,209,209,209,209,212,212,212,212,211,211,212,215,217,220,222,222,225,225,225,225,228,228,228,228,228,228,228,228,225,217,215,212,207,202,196,194,194,194,196,196,196,194,194,194,194,194,194,191,189,186,186,183,183,178,133,131,131,131,173,181,186,181,173,129,127,127,131,181,191,199,202,202,199,199,202,204,204,204,202,199,202,202,204,202,199,196,194,194,192,194,199,207,207,202,194,191,186,186,186,189,191,191,186,183,183,183,183,178,133,129,127,127,129,173,178,181,181,176,173,176,178,178,176,131,133,181,186,189,189,189,186,186,186,189,189,189,186,181,176,134,134,135,178,178,178,183,189,191,194,194,191,186,189,191,194,194,194,196,196,199,196,194,191,194,194,191,189,183,183,189,191,191,189,186,186,189,191,191,189,189,191,194,196,191,186,135,117,110,111,117,133,186,186,183,183,183,183,183,183,183,186,189,189,186,186,189,191,191,191,189,189,186,186,183,183,181,183,186,186,189,189,191,194,194,194,191,191,191,194,194,194,194,191,191,191,191,194,199,204,202,196,191,186,186,189,196,199,194,191,191,191,191,194,194,196,191,191,191,194,194,191,186,186,189,194,196,196,194,191,189,186,176,129,123,121,122,124,133,178,181,181,181,183,186,183,181,181,186,194,199,199,199,199,196,191,183,133,127,126,131,176,178,181,189,189,186,183,186,189,186,178,173,173,173,173,131,127,125,125,127,173,178,178,181,183,181,176,176,181,178,131,128,129,176,183,181,178,176,178,181,181,178,178,178,178,181,183,189,189,189,189,186,189,191,194,191,186,181,176,174,176,181,181,178,176,176,176,173,176,181,189,191,191,189,183,186,194,196,194,189,191,194,194,189,189,186,173,169,170,173,176,176,181,183,183,183,189,189,189,186,182,183,189,194,194,189,181,131,126,126,127,133,181,189,194,194,194,194,189,183,178,133,131,131,130,129,133,181,178,173,131,176,181,183,183,176,131,131,178,186,194,199,191,133,123,123,135,196,207,212,212,215,217,222,217,212,207,204,199,196,191,186,183,183,181,135,134,135,183,186,186,183,186,183,183,183,186,183,183,183,183,186,189,189,186,181,181,186,191,194,196,199,199,196,189,186,189,186,178,178,183,183,133,128,128,131,133,133,133,133,133,129,133,178,178,176,133,131,130,129,130,131,133,183,194,196,194,191,191,189,186,186,191,194,194,191,194,199,199,196,191,186,181,137,135,181,186,189,186,186,191,194,189,181,181,189,196,191,191,191,194,194,194,194,199,196,196,199,199,191,189,187,190,194,196,199,199,196,196,202,212,217,217,217,215,209,207,204,204,204,204,207,212,217,222,222,217,217,217,217,217,212,202,196,196,204,215,225,233,238,241,241,246,251,254,248,243,241,243,238,228,222,222,225,228,233,238,246,251,255,255,255,251,246,243,241,238,235,235,241,241,238,230,225,217,209,204,196,194,191,191,191,191,191,191,186,181,178,176,173,176,186,199,0,0,212,212,217,0,0,0,0,0,0,0,0,0,0,204,199,196,191,189,186,186,189,189,0,0,0,0,0,0,0,0,0,0,0,0,0,191,176,170,168,170,176,178,181,176,0,166,170,173,178,186,191,194,199,204,212,217,217,212,212,212,212,212,212,209,209,212,215,222,225,225,225,222,217,212,211,211,215,217,215,209,207,207,207,205,207,212,222,222,217,212,212,212,215,222,225,225,217,212,209,215,217,222,225,230,238,243,246,246,241,235,235,235,230,225,217,212,212,212,215,215,215,215,215,212,211 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,183,196,116,51,38,0,0,0,0,0,0,0,0,0,0,0,46,165,191,181,176,178,186,189,189,189,191,199,204,207,204,204,202,194,183,183,186,186,183,165,155,0,0,0,0,0,0,39,137,147,152,150,150,157,163,152,155,93,90,105,168,189,199,204,204,199,196,202,204,199,178,123,121,165,176,186,189,186,178,173,181,194,202,207,207,207,204,202,202,202,202,199,196,196,199,204,204,202,202,199,199,199,199,191,181,127,183,204,209,217,215,196,189,189,191,191,194,194,186,176,173,178,189,189,186,191,189,178,173,173,178,178,178,178,186,194,183,176,173,131,129,129,173,181,186,186,181,181,186,191,186,178,178,178,176,176,178,176,131,129,131,178,183,183,178,176,174,176,181,178,178,183,183,178,176,176,181,186,189,196,207,212,209,212,215,215,213,215,217,222,220,217,222,225,217,202,186,182,185,194,202,202,199,199,196,189,185,185,189,196,202,204,202,194,189,183,181,183,189,191,186,178,131,127,127,127,131,181,186,181,133,129,128,127,129,181,189,186,178,133,135,135,135,183,189,186,181,137,181,183,178,135,178,183,183,181,179,194,196,183,135,178,183,186,186,191,199,204,204,204,204,199,119,115,133,212,225,225,222,222,212,194,178,176,181,186,191,196,191,178,131,130,132,176,176,133,133,176,176,133,131,133,131,125,121,121,127,178,186,183,176,176,189,194,194,186,176,131,129,128,128,128,129,131,176,178,183,186,191,181,129,128,133,189,196,196,194,194,199,199,194,183,178,178,181,181,178,129,125,124,126,131,173,172,170,173,178,181,178,176,129,129,129,129,173,173,173,176,178,125,118,123,127,123,121,125,119,117,125,123,121,123,127,173,178,186,183,173,127,131,131,118,116,118,121,125,131,181,186,178,123,120,127,183,176,133,183,202,212,215,212,212,207,176,121,125,127,125,125,176,181,178,176,176,176,176,173,173,181,183,125,105,107,113,123,181,194,189,178,173,173,172,173,181,178,125,123,178,194,204,204,199,191,181,173,173,181,186,189,183,176,173,176,178,183,181,173,170,176,186,202,204,191,181,178,178,178,176,176,178,176,181,191,196,196,191,181,127,123,127,168,165,165,170,176,176,173,172,172,178,189,196,191,178,168,168,178,194,209,215,207,194,189,189,176,168,170,165,111,160,178,165,115,111,109,105,107,113,117,109,97,94,103,168,189,194,196,196,199,204,207,207,207,209,209,209,209,212,215,215,207,196,69,0,0,0,0,35,189,155,81,69,77,109,155,69,63,101,181,186,181,155,103,93,89,89,111,160,160,163,165,165,163,121,121,163,165,163,115,108,109,117,123,176,191,196,189,186,183,178,173,125,113,110,111,121,176,181,178,178,181,186,194,196,196,189,181,179,181,186,199,207,199,183,176,186,212,222,215,199,170,114,112,112,119,178,194,196,194,196,202,183,85,80,89,105,168,209,123,109,109,111,111,117,165,173,183,186,178,160,111,103,111,155,115,105,95,101,165,202,215,215,215,215,215,215,215,215,212,212,212,212,209,207,207,207,207,205,205,207,209,215,212,207,199,195,199,207,215,215,209,186,2,33,99,157,181,189,181,113,108,110,115,160,168,173,178,181,165,119,163,160,163,173,173,165,165,173,181,186,194,196,196,194,191,189,189,183,178,177,183,196,204,204,194,181,129,127,168,173,173,170,170,170,168,127,170,165,117,112,121,168,165,125,170,186,196,196,186,170,165,168,173,176,178,176,173,173,165,125,168,173,173,178,191,196,199,194,186,173,109,99,99,102,115,163,170,176,173,160,120,160,123,121,163,183,196,196,194,199,199,199,123,77,101,119,123,115,81,61,83,165,173,173,183,196,194,105,27,13,21,25,59,119,127,125,115,101,97,100,119,173,181,181,176,176,127,115,110,131,183,181,176,129,123,114,114,131,181,181,181,179,179,186,196,199,196,186,133,131,133,181,183,186,189,186,185,185,189,194,194,186,183,189,191,189,186,191,196,199,196,194,194,196,196,199,199,199,199,196,199,199,196,194,189,183,178,178,178,135,133,132,132,133,178,183,183,183,181,183,189,196,199,199,194,194,196,202,204,202,199,202,204,204,196,192,192,194,194,191,186,137,135,135,178,186,189,189,191,194,194,186,129,124,123,124,131,181,186,189,194,194,194,194,189,178,173,170,125,117,111,115,127,173,181,189,191,189,181,170,123,117,115,111,111,109,107,105,103,102,103,103,107,111,113,113,117,121,123,123,121,121,121,119,119,119,121,121,125,168,168,165,127,168,170,173,176,181,183,186,183,178,170,129,129,129,129,170,176,176,131,129,127,127,127,129,131,133,133,135,183,189,191,194,196,196,199,199,199,199,204,207,207,207,204,202,196,194,189,187,187,189,189,186,181,176,131,128,129,173,176,178,178,173,129,126,125,127,168,170,168,168,168,168,170,173,176,176,176,173,170,173,176,178,181,181,178,178,178,176,176,173,173,173,176,178,178,178,178,178,176,176,181,183,186,186,191,196,204,209,209,209,209,209,209,212,212,212,212,212,212,212,215,217,222,225,225,225,225,225,228,228,228,228,228,228,225,228,225,222,217,212,209,204,199,194,191,191,194,196,196,196,194,191,191,191,191,191,189,186,183,181,181,178,176,131,129,127,127,129,176,178,173,127,123,121,123,129,178,191,199,204,204,204,204,207,209,207,204,199,196,196,196,196,196,196,194,194,194,194,196,202,204,204,199,194,191,191,189,189,191,189,186,183,181,181,181,181,178,133,127,126,127,173,178,181,181,181,178,178,183,186,189,183,178,176,178,183,186,186,186,186,189,186,186,183,183,183,181,178,135,134,135,135,135,178,183,191,196,199,194,191,189,191,191,191,191,194,196,199,199,196,194,191,191,191,191,186,183,186,189,191,189,189,186,186,189,189,189,186,186,189,194,196,196,191,183,127,115,114,121,135,181,183,186,186,186,186,186,183,186,189,191,191,189,189,189,191,191,191,191,189,186,183,181,181,181,183,189,189,191,194,196,196,191,189,189,189,189,191,191,191,191,194,194,191,191,194,202,207,204,199,194,191,191,196,199,199,196,191,191,191,191,194,194,194,191,189,189,191,189,186,185,185,186,189,189,191,189,189,186,183,176,127,123,121,121,124,131,181,183,183,183,186,189,189,186,186,189,194,196,194,194,194,191,189,183,176,131,129,129,173,178,183,186,186,181,178,183,189,186,178,176,176,178,176,173,129,126,126,127,173,181,183,183,183,183,181,183,183,178,131,129,131,176,176,176,176,178,178,178,181,183,186,183,183,183,186,189,189,186,186,189,191,196,196,194,189,183,178,174,176,181,178,176,173,176,173,131,131,173,181,186,186,183,181,183,191,196,199,199,196,194,191,189,191,191,178,172,172,176,178,183,183,178,178,183,191,194,189,183,183,183,189,191,194,194,186,131,125,124,126,176,186,194,196,196,196,191,186,181,176,133,131,131,130,130,173,178,181,178,178,181,183,183,181,133,127,131,178,186,194,199,196,183,127,129,186,196,207,215,217,222,222,220,215,209,204,202,196,194,189,181,178,183,181,134,132,135,183,189,186,186,191,194,191,189,189,189,183,183,186,186,183,178,176,178,183,183,189,194,196,199,202,196,191,189,189,186,178,178,183,181,131,126,126,129,133,176,176,133,129,125,129,178,181,178,133,131,130,129,129,131,135,186,199,202,199,194,191,186,185,186,191,194,191,191,199,202,204,202,194,189,186,186,186,189,191,191,189,186,189,191,189,182,182,191,196,191,186,183,183,183,183,189,194,194,194,196,199,199,194,191,194,196,199,199,199,198,198,204,212,222,225,222,217,215,209,209,207,204,204,207,212,215,215,215,212,209,212,217,222,217,207,202,199,202,209,217,225,233,235,238,241,246,251,246,241,241,243,238,230,225,228,233,235,238,243,248,254,255,255,255,254,248,246,243,241,238,235,238,241,238,233,230,225,217,212,204,199,196,194,194,194,194,191,186,181,176,172,170,172,178,191,204,207,204,207,0,0,0,0,0,0,0,0,0,0,217,209,204,196,191,186,185,186,189,189,186,0,0,0,0,0,0,0,0,0,0,0,199,194,183,173,173,176,181,186,0,181,176,170,176,181,186,191,191,191,196,204,209,212,212,212,215,215,209,209,207,209,212,212,212,215,222,225,225,222,215,212,211,212,215,217,215,209,209,207,205,205,207,212,217,217,212,212,212,212,217,222,225,225,215,204,204,209,215,222,225,230,235,243,246,246,241,238,238,238,233,225,215,212,209,212,215,215,215,215,215,212,211 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,0,0,0,87,100,66,103,0,17,134,181,176,147,157,196,30,0,0,82,0,0,0,0,0,0,121,173,202,194,189,194,189,183,186,186,185,189,196,202,202,196,191,189,186,186,186,179,179,186,173,163,0,0,0,0,0,0,19,134,144,150,152,152,150,103,70,69,70,78,101,178,194,199,204,207,202,194,194,196,191,178,165,121,123,168,176,181,181,176,173,181,189,196,204,207,207,204,202,204,207,204,202,199,196,199,202,202,199,196,196,199,199,196,189,133,124,183,207,212,217,212,196,183,183,189,194,199,204,196,181,129,129,178,191,199,202,194,181,173,176,181,181,178,178,186,191,183,176,173,173,131,129,131,176,178,181,183,189,196,199,191,181,174,174,176,178,183,181,176,131,176,183,189,186,183,178,178,183,191,191,186,181,178,177,177,178,181,186,191,199,209,212,212,215,217,217,215,215,215,215,215,217,217,217,209,196,186,185,186,194,204,204,204,202,199,191,186,186,191,199,204,204,202,194,189,186,183,186,191,194,189,178,133,133,131,127,129,178,186,189,186,181,133,129,128,133,178,135,132,132,132,132,133,181,186,181,134,133,135,135,134,135,183,191,186,179,179,191,194,183,178,181,186,186,135,135,183,189,191,196,199,194,128,124,194,217,228,225,222,220,207,186,176,176,181,186,191,196,196,186,133,131,132,133,133,133,176,176,133,130,131,176,178,131,123,122,123,125,133,176,133,133,191,199,199,191,181,133,131,129,129,129,131,131,131,133,176,181,181,129,126,131,189,199,199,196,191,189,194,199,199,191,181,176,176,178,176,131,126,124,125,131,178,178,172,170,170,173,176,173,131,173,173,173,173,173,131,173,173,119,116,119,123,121,120,121,121,125,131,131,173,173,173,173,176,176,176,129,123,125,125,117,116,119,125,129,133,183,189,183,129,131,199,215,204,189,186,191,202,207,204,202,191,109,108,115,121,118,118,127,170,127,125,127,170,176,178,181,194,194,125,101,108,117,127,178,189,186,181,178,173,172,172,176,178,170,129,178,186,191,191,183,178,178,176,172,172,178,189,186,178,173,176,174,176,176,170,129,127,170,181,186,176,170,170,173,176,178,181,183,176,176,183,191,191,186,173,120,119,123,127,125,165,178,189,186,176,172,170,172,176,181,178,170,168,178,199,212,222,222,222,215,204,196,183,170,170,163,103,106,163,168,160,157,157,117,113,117,119,115,96,83,101,178,196,199,196,196,202,207,209,207,207,207,207,209,212,215,215,217,220,220,207,9,0,0,0,31,155,103,87,79,81,109,173,178,155,152,170,186,181,109,99,103,101,93,105,157,165,168,173,168,119,115,113,111,119,163,123,121,121,123,123,165,186,196,191,183,178,178,176,168,119,110,109,113,168,176,181,183,186,186,189,194,196,191,186,181,181,186,199,207,199,181,173,179,202,212,209,191,127,115,123,170,183,196,202,199,196,199,207,212,199,119,99,93,95,115,117,113,115,117,117,121,165,178,199,202,194,176,111,97,99,109,103,91,81,83,111,191,209,217,215,215,217,215,215,212,212,209,209,207,204,204,207,209,207,207,205,207,209,212,209,202,195,195,204,212,222,217,199,93,3,79,165,178,189,194,191,165,112,112,119,160,159,160,163,163,119,160,173,163,165,173,173,165,168,170,173,178,186,191,196,194,191,187,189,186,177,174,178,191,207,209,204,194,178,170,129,170,173,170,173,173,127,122,123,121,111,108,113,123,125,123,168,176,181,186,181,170,168,170,173,181,183,181,176,173,125,121,123,170,181,189,196,202,204,199,194,178,105,101,107,113,119,123,163,168,170,123,117,119,121,121,163,178,196,202,196,194,196,202,199,170,121,121,125,165,115,99,113,168,173,178,189,199,191,117,85,87,103,99,111,121,127,170,170,119,99,97,107,125,178,178,181,186,178,117,103,131,186,186,178,131,127,116,118,129,176,181,183,186,183,183,189,194,196,196,189,183,183,186,189,191,194,191,186,185,186,191,191,181,131,129,178,186,191,194,194,194,191,187,187,191,194,196,199,202,202,199,199,199,196,194,189,181,135,135,135,135,133,132,133,135,181,183,186,183,183,183,191,199,202,202,199,196,196,199,199,199,196,199,202,202,196,194,194,196,196,189,183,181,136,136,183,189,191,191,194,196,194,186,176,129,125,129,176,183,183,183,183,186,189,191,186,181,178,173,119,110,108,111,121,129,176,191,194,191,183,173,127,123,121,117,115,111,107,103,102,101,102,103,107,113,117,119,121,123,123,121,121,121,119,117,117,117,117,119,119,123,123,121,123,168,176,181,183,186,189,189,183,176,170,129,170,173,170,170,129,127,125,124,124,127,127,129,131,131,133,135,183,189,194,196,196,196,196,199,199,199,202,204,204,204,202,202,196,194,189,187,187,189,189,186,181,176,131,129,129,173,176,176,178,176,173,127,127,127,168,168,168,168,168,168,170,173,176,176,176,173,173,173,176,178,178,178,178,178,176,176,173,173,173,173,176,178,178,181,181,181,178,178,178,183,189,191,196,202,207,209,212,209,209,209,212,212,215,215,215,215,215,217,217,222,222,225,225,225,225,228,228,228,228,228,228,225,225,225,225,222,215,209,204,202,196,194,191,191,194,196,196,194,191,189,189,189,189,189,186,183,183,181,178,176,131,127,125,125,125,127,129,129,127,123,119,119,121,127,178,191,199,204,207,207,207,207,207,207,202,199,196,194,194,194,194,194,194,194,194,194,196,199,199,196,194,191,189,191,191,191,189,186,183,181,181,178,178,178,176,133,127,126,127,173,181,181,178,176,178,181,183,189,191,189,183,178,178,181,183,183,183,186,186,186,183,182,182,183,186,183,178,135,178,178,178,181,189,194,199,199,196,194,191,191,191,191,191,194,196,199,199,194,191,189,189,189,189,186,186,186,186,186,189,189,186,183,186,183,137,137,183,186,191,194,196,196,191,178,125,121,127,135,181,186,189,191,191,189,186,183,186,189,189,189,189,189,189,189,191,191,191,189,186,181,178,178,181,183,189,191,191,194,196,196,191,187,187,189,191,191,189,189,189,194,194,191,191,196,202,204,202,196,194,194,196,199,199,199,199,196,194,194,191,191,189,189,191,189,189,189,186,185,185,186,186,186,186,186,183,183,181,181,176,131,127,125,125,129,176,183,186,186,186,189,189,191,189,189,191,194,191,191,191,191,189,183,181,178,173,129,125,127,173,181,183,178,173,172,178,186,186,178,178,181,183,183,178,131,129,129,173,178,183,186,186,183,183,183,186,186,181,131,130,173,178,176,174,178,181,181,176,176,183,189,186,183,183,183,183,183,181,181,183,189,191,191,189,189,186,181,176,178,181,178,176,173,131,129,125,125,127,173,181,183,181,181,181,183,189,196,202,202,194,186,186,196,196,186,176,176,178,181,183,181,173,131,178,189,189,181,181,186,189,191,194,199,199,191,178,129,127,131,186,196,199,199,199,196,191,186,178,176,131,129,131,133,133,176,176,178,181,178,131,129,129,129,127,127,133,183,189,194,199,199,194,183,186,196,202,207,212,217,222,222,215,207,204,202,199,196,191,186,178,135,178,178,134,134,181,189,191,189,189,196,202,196,191,189,186,183,181,186,186,178,129,129,176,183,186,189,194,199,199,199,196,191,191,189,183,178,178,181,181,133,126,126,129,133,176,176,129,124,122,125,178,183,183,178,133,133,131,133,135,183,194,202,204,199,194,189,186,185,189,191,191,189,194,202,207,209,204,199,194,191,191,191,191,194,194,189,186,186,189,189,183,182,186,189,181,137,137,135,133,133,139,189,191,191,194,199,199,199,199,202,202,199,199,199,199,199,207,217,225,228,225,222,217,215,215,212,209,207,209,209,212,212,209,207,205,207,215,222,222,215,207,202,199,204,209,215,225,228,230,233,241,246,243,238,235,238,238,230,228,233,238,241,243,246,248,251,254,255,254,251,248,246,243,238,235,235,238,241,238,235,233,230,228,220,212,204,202,196,196,194,196,194,189,181,176,172,172,172,176,186,196,199,199,204,0,0,238,0,0,0,0,0,0,0,228,217,209,202,191,186,185,186,189,189,186,0,0,0,0,0,0,0,0,0,0,0,0,194,186,178,176,178,181,181,0,0,178,178,178,183,191,194,194,191,196,204,209,209,209,212,217,215,209,207,205,207,212,212,211,211,215,222,222,217,215,212,212,215,217,215,212,212,209,207,205,205,209,215,215,212,209,209,212,215,217,222,222,222,209,203,203,207,215,222,225,228,235,243,246,243,238,235,238,238,233,225,215,209,209,212,215,215,215,217,217,215,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,22,0,0,124,142,79,9,0,0,69,126,144,194,204,199,46,0,69,95,0,0,0,0,3,129,186,196,196,189,183,183,182,182,189,189,189,191,196,199,194,189,183,176,178,183,183,178,178,189,181,163,3,0,0,55,61,0,7,134,144,150,150,152,157,142,73,69,71,82,107,168,183,194,199,202,196,186,178,173,168,163,121,123,125,127,170,173,176,173,170,173,181,189,199,207,207,202,202,207,209,207,202,199,196,196,202,202,202,196,196,199,199,194,183,128,121,131,202,212,215,204,189,130,176,189,196,204,207,199,183,129,126,176,199,209,207,196,181,178,181,189,191,186,181,181,183,178,176,176,176,131,129,127,129,173,178,189,194,199,202,194,181,173,173,176,181,186,186,181,176,183,189,194,191,189,186,191,196,204,204,196,183,178,183,186,181,181,186,191,199,207,209,212,217,217,217,217,215,212,212,212,215,215,212,204,194,189,186,189,194,199,207,207,204,199,199,191,189,194,199,204,204,202,194,194,196,194,191,194,199,194,183,176,176,133,131,131,176,186,196,199,194,183,133,129,131,133,133,135,137,181,137,181,186,186,181,134,133,134,135,135,181,194,204,196,182,181,189,189,183,181,183,186,189,178,132,132,135,183,191,194,189,131,129,196,215,225,225,222,215,199,183,176,176,181,183,191,199,199,191,178,133,176,176,176,133,133,133,131,130,133,183,189,183,133,127,124,125,127,127,129,176,196,204,204,202,194,183,176,131,131,133,176,133,133,133,176,181,178,129,128,181,199,207,204,196,189,186,187,196,202,194,181,133,178,183,186,178,133,131,131,173,181,181,176,173,172,173,176,176,173,176,178,178,176,131,127,127,127,119,119,125,125,121,119,119,120,125,173,178,183,189,181,178,173,131,129,123,122,125,127,123,119,125,131,133,176,186,194,191,186,191,209,222,215,207,199,194,194,199,199,194,173,99,102,111,119,121,125,170,129,122,120,121,125,129,170,178,191,191,123,104,110,121,168,176,181,181,178,176,176,173,173,181,186,178,176,178,178,178,178,176,173,176,176,173,172,178,191,189,176,173,181,178,176,173,129,127,125,125,129,129,127,125,125,173,183,191,199,196,176,170,173,181,183,181,168,119,118,121,123,125,168,178,186,181,173,173,173,173,173,173,170,165,168,183,204,217,225,225,222,217,204,194,181,168,165,119,99,100,157,176,178,178,186,176,119,115,121,160,95,62,103,183,196,202,202,202,204,209,212,209,209,209,212,212,212,215,215,217,220,222,222,95,0,0,0,65,95,99,103,101,109,165,191,191,173,152,163,186,183,95,90,99,109,111,155,165,163,163,170,168,119,113,107,100,102,115,121,165,168,165,119,115,165,186,183,176,176,181,181,178,176,119,108,111,168,181,189,191,189,183,186,194,196,196,191,189,183,183,194,204,202,186,176,178,194,207,204,186,127,123,178,189,196,204,207,202,196,196,202,209,207,191,170,101,89,89,103,111,119,160,163,160,163,178,202,204,194,178,117,99,98,101,97,83,69,69,91,173,204,212,215,215,217,217,215,212,212,209,209,204,204,204,209,209,209,209,207,207,207,207,204,196,194,195,207,212,212,204,121,77,35,103,168,186,191,194,194,181,163,157,163,160,159,160,163,119,115,163,173,165,168,176,173,168,176,178,170,170,178,183,191,196,191,189,191,191,183,176,177,186,202,209,209,202,186,173,129,129,170,173,170,170,125,123,125,123,112,109,113,123,123,123,125,165,168,173,173,168,168,170,173,178,181,176,173,173,125,120,122,170,186,194,196,199,202,202,196,183,102,103,117,123,165,165,165,170,173,165,119,119,120,119,121,173,191,199,191,183,186,194,202,194,170,165,173,183,173,117,119,125,168,173,186,191,183,121,111,117,119,113,125,125,125,127,173,178,127,103,101,119,176,178,183,196,194,124,112,131,186,191,183,176,131,125,127,131,176,181,186,189,189,183,186,191,199,202,202,196,194,194,194,199,204,199,194,189,189,191,189,181,125,119,122,135,189,191,191,191,189,186,186,189,194,194,194,194,196,196,196,194,194,191,183,135,131,133,178,135,133,133,135,181,183,186,186,183,182,183,191,194,196,196,196,196,196,196,196,196,196,199,202,199,196,196,199,202,199,191,183,183,181,178,186,191,194,196,196,199,194,186,181,176,176,178,186,186,181,176,173,176,181,186,186,181,176,170,117,110,109,113,121,125,129,183,191,189,181,168,123,123,123,123,121,117,111,107,103,103,103,105,107,117,163,168,168,168,163,123,123,123,119,117,116,115,116,115,115,117,116,114,115,125,176,183,186,189,189,189,183,178,170,129,170,170,170,129,127,124,124,124,125,127,127,127,129,131,133,178,186,191,194,196,194,194,194,196,199,202,202,202,204,202,202,202,199,194,191,189,189,189,189,183,178,176,131,129,170,173,176,176,176,178,178,173,170,173,170,170,170,168,168,168,170,170,173,176,176,176,173,176,176,178,178,178,178,178,176,176,176,173,173,173,173,176,181,181,183,181,178,178,178,183,191,196,202,207,209,212,212,212,212,215,217,217,217,220,220,220,217,220,222,222,225,225,225,225,228,228,228,228,228,228,228,225,225,225,225,222,215,209,202,199,194,194,191,191,194,194,194,191,186,183,183,183,183,186,186,183,181,181,176,131,127,123,123,123,125,125,125,123,121,119,115,117,121,127,178,191,199,204,204,204,204,204,204,202,199,196,191,191,189,189,189,191,191,191,191,194,194,194,189,186,186,186,186,186,186,186,186,183,183,181,181,178,176,176,133,133,129,127,127,173,178,178,178,176,176,178,181,186,189,189,186,181,181,183,183,183,182,183,186,186,183,182,182,186,186,186,181,178,181,183,183,186,189,191,194,194,194,191,191,191,191,191,194,196,199,202,199,194,191,189,189,189,186,186,186,186,183,183,186,189,186,181,137,134,131,133,136,183,189,194,196,196,194,186,135,131,133,178,183,189,194,196,194,189,186,183,183,186,186,186,189,189,189,189,189,191,194,189,183,178,177,177,178,183,186,189,191,194,196,196,191,187,189,191,194,191,189,186,189,191,191,189,189,194,199,199,196,194,194,194,196,199,199,199,199,199,196,196,191,189,187,187,189,189,189,189,186,183,186,191,194,189,186,183,181,178,178,181,178,176,176,176,176,178,183,183,186,186,186,189,191,191,191,191,191,191,189,189,194,194,189,181,178,173,127,121,119,121,129,176,178,173,169,169,176,183,181,176,176,181,186,186,183,176,173,173,178,181,181,181,178,178,183,186,186,186,181,131,129,173,181,178,178,181,186,183,176,173,178,183,186,183,183,183,181,181,176,176,178,181,181,181,181,183,183,181,178,181,183,181,178,176,131,125,124,123,123,129,176,181,181,178,176,173,176,186,196,194,183,176,183,196,199,189,178,176,176,176,176,176,130,129,173,181,178,170,173,183,194,196,196,199,199,194,189,178,133,181,194,202,202,196,196,194,189,183,178,131,128,127,129,178,183,181,176,178,178,173,124,122,123,125,127,129,176,186,189,194,196,199,196,194,196,199,202,204,204,209,215,217,209,202,199,199,196,196,191,186,178,135,135,135,135,178,186,194,191,186,189,199,202,196,189,183,181,176,176,181,181,133,128,128,176,183,186,191,196,199,199,196,194,191,189,186,181,176,176,176,176,133,129,129,133,178,178,176,131,125,122,125,176,181,181,181,181,181,178,178,183,191,196,199,199,196,189,186,186,186,186,189,186,189,196,207,212,212,207,199,194,191,191,191,194,196,194,189,186,189,191,189,186,183,183,137,136,136,137,133,130,130,135,186,191,194,196,196,196,199,204,209,207,199,195,196,199,199,207,215,225,225,222,217,215,215,215,215,212,209,209,209,209,209,209,207,207,207,215,225,228,225,215,207,202,202,207,209,215,222,222,225,233,241,238,233,230,233,233,228,228,233,238,241,243,246,248,251,251,251,251,248,246,243,241,238,235,234,238,241,241,238,235,233,230,225,215,209,204,199,196,196,196,196,191,183,178,176,173,173,176,181,191,194,196,202,209,225,238,0,0,0,0,0,0,0,233,228,217,207,194,186,185,186,189,189,183,181,181,0,0,0,0,0,0,0,0,0,189,189,186,181,178,178,173,168,165,170,178,181,178,178,183,191,194,194,199,204,207,207,209,215,222,217,209,207,204,205,212,212,211,211,212,217,217,217,215,212,212,217,217,215,212,212,212,209,207,207,212,215,212,209,207,207,212,215,215,217,220,215,207,202,202,207,215,222,225,228,233,243,246,241,235,235,238,235,230,222,212,209,209,212,215,217,217,222,222,217,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,147,87,0,0,0,66,69,61,189,191,142,33,0,3,1,0,0,170,191,173,168,183,191,189,189,183,181,181,183,189,194,191,191,194,191,186,181,181,176,174,176,181,181,186,194,181,147,27,0,0,27,29,33,87,137,144,147,150,155,170,173,105,107,101,103,109,115,163,181,194,194,186,173,163,121,119,118,119,125,168,168,170,173,176,173,170,129,173,183,196,204,204,202,204,207,209,209,207,199,194,194,196,204,202,199,196,199,199,194,181,128,121,128,189,204,207,194,176,124,131,189,199,204,207,199,181,129,127,181,207,215,207,194,183,181,186,196,202,196,186,178,176,173,176,178,178,173,127,126,127,173,183,194,199,202,202,196,186,174,174,178,183,189,191,186,181,189,194,196,194,191,191,202,209,209,209,199,186,186,194,194,186,137,183,191,199,204,207,212,215,217,217,217,215,212,209,209,212,212,209,199,191,186,186,189,191,196,204,207,204,202,202,196,191,196,202,204,202,194,191,199,204,204,194,194,199,196,186,181,183,181,176,131,133,183,202,207,199,189,178,133,133,137,186,194,202,207,204,204,202,196,189,183,181,137,135,135,183,202,212,207,186,183,189,189,183,183,183,189,194,186,133,131,132,183,191,191,181,131,129,189,204,212,215,212,207,194,178,133,176,178,181,186,194,196,191,181,176,178,178,176,133,131,130,130,131,181,191,199,196,191,178,131,127,125,122,123,176,199,207,209,212,209,196,181,133,178,181,181,178,176,176,178,183,181,133,133,186,202,207,204,199,189,186,187,199,204,196,176,131,183,196,199,189,181,181,181,178,181,181,178,178,178,181,181,181,178,178,181,178,173,127,125,126,127,127,173,178,131,123,120,120,120,125,131,131,178,183,178,176,173,127,125,122,121,125,173,173,127,131,176,178,181,189,191,194,196,202,207,212,215,217,212,199,192,196,199,199,178,98,106,119,127,181,194,186,173,123,120,119,123,125,125,170,181,183,127,111,112,123,168,173,176,176,174,176,178,176,173,183,191,186,178,181,181,176,176,176,173,173,176,176,173,181,191,186,172,173,186,189,183,176,170,129,129,127,125,125,125,124,124,173,191,204,212,207,178,170,172,178,176,170,123,119,119,121,123,127,168,170,170,170,170,173,178,178,176,173,168,165,170,181,199,215,225,225,222,212,202,191,181,170,163,115,97,97,119,183,189,194,202,194,163,115,165,186,105,56,111,181,194,199,204,204,207,209,212,212,215,215,215,212,212,215,215,215,212,207,199,111,0,0,67,147,103,109,144,107,147,183,202,202,178,152,157,186,183,93,86,92,115,163,168,165,117,115,165,170,165,160,115,99,98,105,117,165,170,168,119,101,101,121,163,165,173,183,189,191,194,176,111,112,173,189,196,196,189,183,186,191,196,196,196,191,186,182,186,199,202,194,183,181,191,202,202,181,125,127,183,191,196,202,204,202,194,191,191,199,202,202,199,181,99,91,101,113,119,163,165,163,160,173,191,189,181,170,160,111,103,99,97,83,61,51,63,113,191,207,212,215,217,215,212,212,212,212,209,204,203,204,209,212,212,212,209,207,207,204,202,195,194,196,202,204,191,173,111,95,81,101,121,181,186,186,186,181,173,170,168,165,163,168,168,117,111,115,168,165,168,176,170,170,183,189,178,170,170,173,186,194,194,194,196,196,189,178,176,178,189,199,204,202,191,176,129,128,129,170,168,168,168,176,181,173,121,115,117,123,121,120,120,123,125,170,173,170,170,170,170,173,173,168,168,170,168,124,125,178,191,199,199,199,202,202,199,181,101,105,119,165,168,170,170,173,176,170,163,121,119,118,121,170,183,186,178,168,173,178,186,191,178,176,178,183,170,117,117,119,123,127,173,178,173,119,115,121,125,121,123,123,121,123,131,196,199,113,95,113,131,173,183,199,202,176,122,129,181,191,186,178,133,131,129,129,176,181,181,189,194,194,191,194,202,204,204,202,199,196,199,202,207,204,196,191,191,191,191,183,127,118,118,129,186,191,191,191,191,189,187,191,194,194,190,190,191,191,194,191,189,186,178,131,131,135,181,181,135,135,178,181,183,186,186,182,182,183,189,191,191,191,194,196,196,196,194,194,196,199,202,199,196,196,202,204,199,189,183,181,181,181,183,189,191,194,196,196,191,186,183,181,183,189,194,191,183,131,129,129,173,178,178,173,131,127,117,111,113,119,125,125,129,181,186,183,170,121,118,121,123,125,125,123,117,113,109,109,111,111,113,123,173,181,178,176,170,168,168,165,123,119,116,115,115,115,115,116,116,112,112,117,170,181,186,186,189,186,181,176,173,129,129,170,129,127,125,124,124,125,127,127,125,125,127,129,133,178,186,191,194,194,194,192,192,194,199,202,204,204,204,202,202,202,196,194,194,194,194,191,186,181,176,173,131,129,170,173,173,173,173,178,181,178,176,178,176,173,170,170,168,168,170,170,173,176,176,176,176,176,176,178,178,178,176,176,176,176,176,176,173,173,176,176,178,183,183,183,181,181,181,186,191,199,204,209,212,212,212,215,217,217,222,222,222,222,222,222,222,222,222,225,225,225,225,225,225,228,228,228,228,228,228,225,225,225,222,220,212,207,199,196,194,194,194,194,191,191,189,186,183,178,178,178,181,183,183,183,181,178,173,129,123,121,121,123,125,125,123,121,117,115,115,115,121,129,181,191,199,204,204,202,199,199,196,196,194,189,186,186,183,183,186,189,189,191,191,194,194,191,183,181,181,182,183,183,183,183,183,183,186,186,183,181,176,133,133,133,131,129,129,131,176,178,178,176,176,176,178,181,186,189,189,186,186,186,186,183,182,182,183,183,183,182,182,186,189,186,181,178,181,186,189,189,189,189,186,186,186,189,189,189,189,191,196,199,199,199,199,194,191,189,189,189,189,189,189,186,183,183,186,191,189,181,137,133,130,132,136,183,189,194,199,202,199,194,186,181,183,186,189,194,196,196,194,189,183,182,182,183,183,183,186,189,189,189,189,191,194,191,183,178,177,177,178,181,186,189,191,191,194,194,191,189,189,191,194,191,189,186,189,191,189,186,186,189,194,194,194,194,194,194,196,196,196,196,199,199,196,194,191,191,191,189,189,189,189,189,186,185,186,196,199,194,189,186,181,178,178,178,178,178,181,183,186,186,186,183,183,183,186,189,191,194,194,194,191,189,189,191,196,196,191,183,181,173,123,117,116,118,125,173,178,176,170,169,173,178,178,174,173,176,183,186,186,181,181,181,183,181,178,173,172,173,178,186,186,186,181,131,129,173,178,181,181,183,186,183,178,131,131,176,183,183,183,183,181,178,176,174,174,174,173,173,176,181,183,181,178,181,183,186,183,183,178,131,125,123,123,125,173,178,181,178,173,129,129,173,183,181,131,129,181,194,194,189,181,178,173,131,129,131,173,173,178,181,176,169,169,178,191,196,194,194,194,194,194,186,181,183,194,199,196,189,186,183,183,181,176,129,127,126,129,186,194,186,181,181,181,176,125,123,123,125,129,133,181,189,191,189,191,194,194,199,202,202,202,199,199,202,207,209,204,196,196,196,196,196,194,186,181,135,135,178,178,183,191,196,191,185,186,196,199,191,183,178,133,129,127,133,133,131,128,129,178,183,189,191,194,196,196,191,189,189,186,178,133,131,131,129,131,133,178,178,178,181,183,181,178,131,127,129,131,133,178,183,189,191,186,181,186,196,202,196,194,191,186,186,186,183,183,186,185,189,199,207,209,209,207,202,196,194,194,194,196,199,199,194,191,191,194,194,189,186,186,137,136,139,139,135,130,129,135,189,194,196,199,196,194,195,204,212,207,196,194,195,196,196,202,212,217,222,215,212,212,212,212,212,209,208,209,209,209,207,207,207,207,209,215,228,233,233,225,215,207,204,207,207,209,215,215,217,225,233,235,230,228,230,230,228,230,233,235,238,241,246,246,248,246,246,248,246,243,241,238,235,234,234,238,241,241,241,238,235,233,228,222,215,207,204,199,196,199,199,196,189,181,178,178,178,178,183,189,194,196,199,207,222,235,0,0,0,0,0,0,0,0,235,228,209,196,186,186,191,191,191,183,178,176,183,0,0,0,0,0,0,0,0,186,186,0,181,181,176,168,0,0,161,170,178,176,173,176,183,191,194,199,0,204,204,207,215,225,222,212,209,205,207,212,215,212,212,215,217,217,217,215,212,215,222,222,215,212,212,212,209,207,209,212,215,209,207,204,207,209,212,212,215,217,215,204,202,202,207,215,217,225,228,233,241,243,238,233,233,235,233,228,217,209,207,207,209,215,217,222,222,222,217,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,173,103,0,0,0,0,0,74,116,116,82,0,0,0,0,0,155,196,199,189,181,183,183,183,186,186,183,183,186,191,194,194,194,194,189,179,179,181,176,173,174,178,183,189,191,194,191,178,163,137,39,26,47,137,137,144,150,150,157,176,191,183,168,147,111,107,67,69,168,186,183,173,163,121,121,120,120,121,168,170,168,168,173,178,173,129,129,131,181,196,204,204,202,204,207,209,212,212,207,196,190,191,199,204,202,199,196,194,186,183,178,176,130,178,191,189,178,131,128,178,191,199,204,209,202,178,119,125,189,207,209,199,189,183,186,191,199,204,204,196,181,172,172,173,178,181,176,129,127,131,181,194,199,202,204,204,196,183,176,176,178,189,196,199,191,186,189,194,196,191,189,189,199,209,209,204,196,189,194,202,199,189,135,183,194,199,204,209,212,215,215,215,215,215,212,209,207,207,204,202,194,189,186,186,189,191,199,202,204,207,207,204,199,194,199,202,204,196,129,129,196,209,204,194,186,194,191,181,186,191,186,176,131,131,181,204,212,202,186,135,133,137,191,204,212,215,217,225,222,212,202,196,194,189,183,137,135,183,202,215,204,183,183,189,189,186,183,183,189,194,191,181,133,178,189,189,186,178,133,133,181,194,202,202,202,196,186,176,133,133,176,176,181,189,194,189,181,176,176,178,178,133,131,130,130,176,189,199,207,209,207,199,186,131,123,121,123,131,189,199,207,212,212,196,181,178,181,183,186,181,176,176,178,178,181,133,133,186,202,202,199,196,194,189,189,202,207,194,131,129,183,199,202,191,181,181,181,181,181,178,176,181,183,183,183,183,181,178,178,176,129,124,125,129,131,131,178,186,176,129,125,121,123,127,127,121,119,121,127,131,129,127,123,121,121,127,173,176,176,131,131,178,189,191,191,189,194,196,202,207,215,217,212,199,192,196,207,209,199,176,125,129,178,196,202,191,173,127,125,123,121,123,127,170,173,173,170,125,121,125,168,170,176,178,176,178,178,173,129,178,196,194,181,181,183,181,178,173,170,173,176,178,181,183,183,173,169,172,186,196,186,173,129,170,170,129,125,127,127,125,125,170,189,207,212,204,181,172,173,181,181,125,120,123,127,125,127,127,168,168,125,125,168,173,178,176,173,170,165,164,168,176,189,204,215,217,215,209,199,194,183,173,165,115,98,93,117,181,191,194,199,196,176,121,168,121,105,103,163,183,191,196,202,204,204,207,212,217,217,217,217,217,212,212,215,212,204,196,189,97,55,75,103,150,152,157,155,106,107,178,204,207,183,113,111,170,178,115,92,95,113,160,157,115,111,117,170,181,186,183,170,111,103,109,121,170,176,176,163,97,91,100,117,123,165,178,191,191,189,176,113,119,181,196,202,199,189,183,183,189,191,194,194,191,186,183,186,194,199,202,194,191,196,204,196,121,109,123,183,196,194,196,199,196,194,189,189,190,196,204,204,191,123,109,115,115,117,121,165,163,160,163,170,173,165,165,165,157,105,91,93,89,57,25,9,31,115,191,196,204,212,209,209,209,209,209,209,207,204,204,209,212,212,212,209,209,207,207,202,199,196,196,199,189,127,119,125,123,107,105,115,165,176,178,178,176,176,178,173,168,165,168,173,163,112,112,121,163,168,173,170,125,183,191,189,178,165,165,181,189,189,194,199,199,191,178,176,176,178,183,194,199,196,183,170,128,129,129,128,170,181,189,191,183,127,119,121,123,121,119,119,121,168,176,181,178,176,173,170,170,168,165,125,125,165,168,170,183,196,202,202,202,202,204,196,165,107,109,119,125,165,170,173,173,176,170,168,125,121,121,123,165,170,170,166,163,163,166,173,176,176,176,178,170,121,116,117,121,123,125,168,170,129,123,121,123,125,123,120,116,118,121,129,191,194,107,47,55,77,115,173,189,191,181,127,131,178,181,181,181,178,133,131,133,176,176,181,189,196,199,196,199,202,204,202,199,199,196,196,199,202,199,199,199,196,194,194,194,186,127,125,133,186,191,191,194,194,191,189,191,196,196,191,190,189,190,191,194,189,183,135,129,129,178,186,186,181,178,178,178,183,186,186,183,182,186,194,191,190,191,194,196,196,194,194,194,196,202,202,199,199,202,204,204,196,186,137,137,178,183,186,189,189,191,194,194,191,189,189,186,186,196,202,199,189,176,129,129,127,119,115,121,125,123,117,117,119,123,129,170,176,183,189,178,123,117,117,119,123,125,165,165,125,119,117,117,119,121,121,168,178,186,186,183,178,173,173,173,170,125,121,119,117,117,121,123,123,117,116,117,127,173,178,181,183,181,176,176,170,129,129,170,170,129,125,125,125,127,127,125,124,124,125,129,133,178,183,189,191,194,194,194,194,194,196,202,204,204,202,202,199,196,194,194,196,196,194,189,183,176,131,129,129,129,170,170,170,129,170,176,178,178,178,176,176,176,173,170,168,168,170,170,173,176,176,176,178,178,176,176,176,176,170,170,173,176,178,178,176,173,176,176,178,181,183,183,183,181,183,189,194,199,204,209,212,212,215,215,217,222,222,222,222,222,222,222,222,222,222,222,225,225,222,222,222,225,225,228,228,228,228,225,222,222,222,217,212,207,202,196,196,194,194,191,189,186,183,181,178,178,177,178,178,181,181,181,181,176,131,125,121,120,121,123,125,127,123,121,117,113,113,117,123,170,181,191,199,202,202,199,196,194,191,189,186,183,181,178,178,181,183,186,189,191,196,199,196,191,183,181,181,182,182,183,183,186,186,189,191,191,189,183,178,176,133,133,133,131,131,133,176,178,176,176,176,176,176,178,183,186,189,191,191,191,186,183,183,183,183,183,183,183,183,186,189,186,181,181,183,186,189,189,189,186,183,182,182,183,183,186,189,191,194,196,196,196,196,194,189,189,189,186,186,189,189,189,186,186,189,194,191,186,183,181,137,137,181,186,189,194,196,202,202,196,191,186,189,191,191,194,196,196,191,183,182,182,182,183,183,186,186,189,189,189,191,194,194,191,189,186,183,181,178,181,186,191,191,191,189,189,189,186,186,186,189,189,186,189,191,191,186,183,181,183,183,186,191,194,194,194,194,191,189,191,194,194,191,189,191,194,196,194,191,189,189,189,186,185,186,194,196,196,194,189,183,181,178,178,178,181,181,183,189,189,183,181,181,183,186,189,191,191,191,189,189,191,191,191,194,194,191,186,181,176,127,118,116,117,125,176,181,183,178,173,173,178,178,176,174,176,181,183,183,181,183,186,186,181,176,172,169,172,178,183,186,183,178,131,131,173,176,178,177,178,183,189,181,130,127,129,178,181,181,181,181,178,176,174,174,173,173,174,181,186,186,183,183,183,186,191,191,191,186,178,173,127,125,127,173,178,183,183,173,130,130,131,130,128,128,131,183,189,189,186,183,178,173,128,128,129,176,181,186,186,178,172,170,176,183,191,189,189,191,196,196,194,186,183,183,189,186,178,131,130,133,178,176,133,129,128,133,186,191,189,183,181,178,178,131,125,124,125,129,178,189,194,196,186,185,189,191,196,202,199,196,194,196,199,202,204,199,194,191,194,199,196,194,191,189,183,181,178,178,183,191,196,191,186,186,189,186,181,181,178,133,129,125,127,127,129,129,131,176,183,186,186,189,194,194,191,189,186,178,133,131,129,128,127,128,176,183,183,181,181,183,186,183,176,133,127,126,129,181,191,194,191,189,186,189,199,204,202,196,194,191,189,183,183,186,186,186,191,199,204,207,207,204,202,196,194,194,196,202,204,202,196,194,194,196,196,196,194,191,186,137,183,183,135,130,131,139,191,196,196,196,196,195,196,202,204,202,196,194,195,196,196,199,207,215,215,212,209,209,209,209,209,209,209,209,209,207,204,202,202,204,209,215,228,233,233,228,222,215,212,209,205,205,209,212,215,222,228,230,228,228,230,233,233,233,235,235,235,238,243,246,246,246,243,246,243,241,238,238,235,235,235,238,241,241,241,241,238,235,228,225,217,212,209,202,199,199,204,202,194,183,178,178,178,181,186,191,194,196,199,204,215,233,0,0,0,0,0,0,0,0,0,233,215,196,189,191,194,196,194,183,176,174,181,189,0,0,0,0,0,0,0,0,186,186,183,178,170,165,161,159,0,163,170,170,168,170,178,186,191,196,196,196,199,202,212,222,225,217,209,207,209,215,215,212,211,215,222,222,217,215,215,217,225,225,217,215,212,209,209,209,209,212,209,207,204,204,207,209,209,212,215,217,212,204,202,202,204,212,217,222,230,235,241,241,235,233,233,233,233,225,217,209,205,205,207,215,217,222,222,222,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,74,0,0,9,0,0,0,92,183,204,204,196,189,186,183,186,189,189,189,189,191,194,196,194,196,196,189,179,179,181,176,174,176,181,186,183,186,194,199,189,176,163,95,61,79,137,137,142,147,144,155,176,196,189,160,113,150,115,63,53,57,73,101,119,121,121,121,121,165,168,173,173,168,168,176,178,173,127,129,129,176,191,202,202,202,204,209,212,215,215,209,199,191,191,199,204,204,199,194,186,133,133,191,191,181,178,181,176,129,131,133,181,191,199,209,209,191,116,111,116,176,191,191,186,181,181,191,199,202,204,204,202,186,173,172,173,178,181,178,131,131,176,191,202,204,207,207,202,191,183,178,176,178,189,196,199,194,186,186,189,189,183,178,181,189,199,196,189,183,183,194,202,199,189,135,137,191,202,207,209,212,212,212,215,215,215,212,209,207,202,196,194,189,186,186,189,191,196,202,207,209,209,209,207,202,199,202,207,202,178,123,125,186,199,196,189,178,178,178,176,189,191,178,129,127,129,178,199,204,194,181,135,135,186,204,215,217,217,217,225,228,217,209,202,196,191,183,137,135,181,194,204,194,137,181,181,183,183,181,181,183,189,189,183,181,183,189,189,186,183,181,178,181,186,191,191,189,186,178,133,132,133,176,176,176,183,189,189,183,176,174,176,178,178,176,133,133,183,196,204,209,212,215,212,196,131,123,123,127,133,183,191,194,196,199,189,178,176,178,183,189,186,178,178,178,133,131,127,129,181,191,194,191,194,196,194,191,199,199,183,128,127,176,189,191,183,176,176,178,183,183,176,176,181,183,183,183,186,178,173,173,173,131,127,129,176,173,131,173,178,176,131,131,127,127,129,123,116,115,117,123,129,129,125,125,123,125,127,129,129,131,127,127,178,191,196,191,189,186,189,199,209,217,222,212,199,192,199,212,215,215,209,194,176,131,186,194,181,129,127,173,176,125,125,170,173,168,126,168,173,127,125,125,168,176,178,181,181,176,127,125,176,194,199,191,186,183,183,181,173,129,128,131,181,189,191,181,172,169,173,183,186,181,173,131,173,173,129,127,129,170,170,129,170,181,196,202,196,183,173,173,181,181,168,125,168,168,168,176,176,170,125,123,124,168,170,170,168,168,168,165,164,164,168,178,189,199,207,207,196,183,189,183,176,163,111,98,95,115,178,186,189,191,189,173,119,111,105,102,105,176,196,199,196,196,199,202,207,212,215,217,222,222,217,215,212,212,207,194,181,165,107,99,105,152,160,163,163,157,106,107,170,196,199,178,107,104,115,160,152,109,109,115,117,113,105,102,157,186,196,207,207,196,173,111,113,170,183,189,186,173,111,100,113,121,123,163,173,183,183,165,95,97,121,183,196,202,196,189,183,183,183,189,191,191,191,189,189,191,194,199,202,202,199,204,207,199,107,93,105,183,199,194,191,191,191,191,189,189,190,194,202,202,191,170,123,165,121,115,119,163,165,163,160,163,163,163,165,173,163,103,75,43,19,0,0,0,0,19,95,176,181,191,204,209,207,207,204,207,209,207,207,212,209,207,209,209,212,209,209,207,204,202,199,191,176,123,123,173,173,121,113,113,119,163,168,170,173,176,181,183,173,121,117,165,163,117,115,121,163,165,168,163,111,125,186,186,178,165,165,176,176,173,183,196,204,199,189,177,176,177,181,189,196,196,189,178,173,170,128,127,170,181,191,191,181,127,121,125,127,123,120,120,123,170,178,186,186,181,176,170,168,165,168,170,125,124,165,173,186,194,196,199,202,202,202,194,173,119,119,119,121,121,168,176,178,181,176,173,170,168,165,165,168,168,168,166,165,165,166,168,165,170,176,176,127,119,117,123,170,173,173,173,176,176,173,173,176,173,170,125,119,121,127,173,189,186,103,45,51,63,91,119,131,178,178,181,183,183,183,183,191,191,183,181,181,178,176,178,189,196,199,196,199,204,204,202,196,196,194,194,194,191,191,194,196,199,199,199,204,199,181,133,178,186,189,191,194,194,191,189,189,194,199,196,191,189,190,191,194,191,183,135,129,127,133,183,186,183,181,178,178,183,189,191,189,189,191,194,194,191,191,196,199,196,196,194,194,196,202,204,202,202,207,207,204,194,186,137,135,178,181,186,186,186,186,189,191,194,194,191,189,194,202,207,202,189,181,176,131,121,111,108,112,117,121,123,121,123,127,173,181,189,194,191,178,125,118,118,121,125,168,170,170,168,125,123,123,125,165,165,170,178,186,189,189,183,181,178,178,176,173,168,165,125,165,168,170,170,168,123,123,125,168,170,173,176,173,173,173,170,129,129,170,173,170,127,125,129,129,127,125,124,125,127,131,135,181,186,191,191,194,194,194,194,194,196,202,204,204,202,199,199,196,191,194,196,196,194,189,181,173,129,127,127,129,129,170,129,127,168,170,176,176,173,173,173,173,173,170,170,170,170,173,176,176,176,178,181,181,178,176,176,170,127,127,170,176,176,176,176,173,173,133,133,176,181,183,183,183,186,191,196,202,207,209,212,212,215,217,217,222,222,222,222,222,222,222,220,222,222,222,225,225,222,222,222,225,225,228,228,228,225,225,222,217,217,212,209,204,199,196,194,194,194,191,186,183,181,181,178,177,177,178,178,181,181,181,178,176,129,125,121,121,123,125,125,125,123,119,115,113,113,117,123,170,181,189,194,196,196,194,191,189,189,186,181,178,173,173,173,176,178,183,186,191,202,204,204,199,191,186,186,186,189,189,189,191,194,196,196,196,194,186,181,178,176,176,176,133,176,176,176,176,176,176,176,176,176,176,181,186,189,191,191,191,186,183,183,186,186,186,183,183,183,186,189,189,183,183,183,186,189,189,189,189,186,183,183,182,182,183,186,189,191,191,191,194,196,191,186,186,186,183,183,186,189,191,191,189,189,191,191,189,189,191,191,189,189,189,189,191,194,199,202,196,191,186,186,189,189,191,196,194,189,183,182,183,186,189,189,189,189,189,191,191,191,194,194,194,194,191,191,186,181,181,186,189,189,186,186,186,186,183,183,137,135,137,183,189,191,189,186,183,178,178,177,178,183,189,191,191,189,181,135,135,183,186,183,183,186,194,196,194,191,189,189,189,189,186,186,189,189,191,191,189,183,181,178,176,178,181,181,186,186,186,181,178,183,186,189,191,191,191,189,186,186,189,191,189,189,189,189,186,181,176,131,125,119,121,127,178,189,189,186,178,178,181,186,186,181,178,178,183,181,178,178,183,186,183,181,176,173,176,181,183,183,181,176,173,176,176,176,178,178,178,183,189,183,130,127,129,176,178,178,176,178,178,178,178,176,176,178,183,189,191,191,189,189,189,189,194,194,194,191,186,183,176,131,173,181,183,186,186,181,176,131,130,128,128,130,178,183,183,186,183,183,181,178,131,129,131,178,186,191,191,186,178,173,173,178,183,186,186,191,196,199,196,191,183,181,178,176,130,126,127,133,181,178,178,178,176,181,186,186,183,181,176,131,173,173,127,125,127,176,186,191,194,194,186,185,189,191,194,196,191,186,189,191,196,199,199,196,191,190,191,196,199,196,196,194,189,183,178,177,181,189,194,191,189,186,186,183,181,181,178,133,129,125,119,119,123,127,133,178,181,183,183,186,191,191,191,191,191,181,176,131,131,129,128,131,178,186,186,181,179,183,189,186,178,133,127,127,133,186,196,194,189,186,186,189,196,202,202,199,196,191,189,183,181,186,186,189,194,199,204,204,202,202,199,196,194,196,199,202,207,202,196,192,194,199,202,202,199,199,194,183,186,189,137,131,133,183,191,194,196,196,196,196,196,199,199,199,196,195,196,199,199,199,204,209,212,209,209,208,209,209,209,212,212,212,209,204,200,199,199,202,207,217,228,233,233,230,222,215,212,212,207,205,207,212,215,217,228,228,228,228,233,235,233,233,235,233,235,235,241,243,243,243,243,243,243,241,238,238,238,235,235,238,238,238,241,243,241,235,230,225,222,217,212,207,202,202,204,204,196,183,178,176,178,181,183,189,191,196,199,204,215,228,0,0,0,0,0,0,0,0,0,235,222,204,194,196,199,202,196,189,178,176,178,186,191,0,0,0,0,0,0,0,0,0,186,178,170,168,168,165,163,165,170,173,170,168,173,181,0,194,194,0,194,199,207,215,217,215,209,207,209,215,215,211,211,215,222,222,217,215,215,217,225,228,222,215,209,209,209,209,209,209,207,204,202,202,204,207,207,209,212,215,212,207,203,203,204,209,217,225,230,235,241,238,233,230,230,233,230,225,215,209,205,205,207,212,217,222,225,225,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,150,176,194,202,204,199,194,186,186,189,191,191,194,194,196,196,194,194,196,196,191,183,181,183,181,176,181,189,189,181,181,186,196,191,186,178,168,152,144,144,142,142,107,103,144,160,183,178,152,111,155,170,109,55,40,17,51,101,117,160,121,121,165,170,170,170,168,170,176,178,173,125,123,123,129,183,196,202,204,207,209,212,212,209,207,202,196,191,196,204,204,196,189,135,123,123,183,189,178,133,131,129,129,178,183,181,181,191,207,207,186,116,112,117,125,131,133,133,176,181,196,202,202,199,199,196,186,178,176,176,176,178,181,176,176,181,196,204,207,209,204,194,186,183,181,178,178,183,191,194,189,183,181,181,178,133,132,133,181,183,133,121,121,133,189,199,196,189,135,134,183,196,207,209,209,212,212,212,215,212,212,207,204,199,194,191,189,189,189,191,196,199,207,209,212,215,212,207,207,204,207,209,196,127,123,126,178,186,186,181,133,131,130,131,178,181,131,126,125,127,178,191,196,186,178,135,183,194,209,217,217,212,212,222,228,222,212,204,199,194,189,186,183,183,191,194,186,135,133,133,133,178,181,181,178,181,183,183,181,181,181,183,186,189,186,181,181,181,183,181,178,178,133,132,132,133,176,176,176,178,186,189,183,176,174,176,183,183,178,176,181,191,202,207,209,212,217,217,207,181,129,129,133,176,178,178,176,133,181,181,133,132,133,181,189,194,189,186,183,176,127,125,126,176,181,181,181,189,194,189,186,186,181,131,127,127,131,133,176,176,131,131,178,183,183,176,178,186,189,186,191,196,178,172,172,176,178,176,173,173,131,129,129,131,131,131,173,173,131,129,119,115,116,121,131,173,129,127,129,129,127,125,125,127,127,126,126,173,189,196,196,191,186,189,199,212,222,225,215,202,199,209,217,222,228,233,212,129,113,125,173,170,127,170,186,191,178,176,178,178,127,124,127,181,170,123,122,168,181,183,183,186,127,122,123,173,189,202,202,189,186,189,186,178,129,127,129,181,194,194,181,172,172,176,178,178,176,173,173,173,131,129,129,170,173,170,127,125,170,183,189,183,178,173,170,173,176,170,170,170,121,125,181,183,176,125,122,125,170,170,166,165,166,170,170,165,163,165,170,173,183,194,191,173,121,170,173,168,160,111,103,102,113,173,181,181,183,181,168,115,103,102,101,107,183,207,207,196,195,196,199,204,207,209,212,217,222,217,217,217,209,199,168,83,83,103,150,160,170,183,189,183,173,152,113,157,170,173,155,107,105,115,160,155,111,109,113,117,113,99,93,165,204,209,215,222,212,199,115,111,183,194,189,183,178,178,183,181,173,165,165,168,168,111,79,76,84,115,178,191,194,191,186,183,182,183,186,189,189,189,191,191,194,194,194,196,199,202,209,212,204,97,81,89,181,199,194,186,186,189,191,191,191,191,191,194,194,186,176,170,176,168,119,121,163,165,160,160,163,163,165,173,178,173,107,71,0,0,0,0,0,0,0,0,31,65,165,199,207,204,202,204,204,207,207,207,209,207,207,209,212,215,215,212,209,204,199,194,181,170,125,125,176,173,121,113,113,119,123,165,170,173,178,183,189,170,95,90,105,115,115,115,123,163,123,123,119,110,117,173,178,173,168,173,176,127,120,127,186,202,207,202,189,183,183,186,189,194,196,191,189,186,178,170,127,129,178,183,183,178,168,125,168,170,125,121,121,125,170,176,186,186,183,176,168,165,165,168,176,168,125,125,168,181,189,191,199,202,199,196,194,181,170,165,117,111,110,121,173,181,183,178,176,176,173,170,170,170,170,173,173,176,178,176,168,125,126,170,173,168,123,125,176,189,191,191,191,191,189,189,189,194,194,191,191,183,186,189,191,199,199,127,83,69,81,107,123,127,131,178,186,191,191,191,196,204,202,194,189,186,186,181,183,189,194,196,194,199,202,202,196,194,189,189,183,183,183,183,189,191,191,191,194,202,199,191,186,189,189,189,189,191,191,191,189,189,191,196,199,194,191,194,196,196,194,186,135,127,125,127,133,178,181,181,178,178,183,189,194,196,196,196,196,196,194,194,194,196,196,196,196,196,199,202,202,202,204,207,207,202,194,183,137,135,133,135,183,183,181,181,183,189,196,196,191,189,194,202,204,196,186,181,181,178,129,113,110,113,119,125,127,123,121,125,178,191,199,199,194,183,168,125,125,168,170,170,173,173,170,125,123,125,168,170,170,173,176,178,183,189,189,186,181,181,181,181,178,176,173,173,173,173,173,170,168,127,127,125,125,129,170,170,173,173,170,129,170,170,170,129,127,127,129,131,129,127,125,127,129,176,181,186,191,191,194,194,194,194,192,194,199,202,204,204,202,199,199,196,191,191,194,194,191,186,178,173,129,127,127,127,129,129,168,127,127,168,170,170,170,168,170,170,173,173,170,170,173,173,176,176,178,178,178,181,181,178,173,127,124,124,127,170,173,173,173,132,132,131,132,133,178,181,183,183,189,194,196,202,207,209,209,212,215,217,217,222,222,222,220,220,220,220,220,220,222,222,225,225,222,222,222,222,225,225,228,228,225,222,217,217,215,212,207,202,199,196,194,194,191,189,186,181,181,178,178,178,178,178,178,178,178,178,176,173,129,127,125,125,125,127,127,125,123,119,115,113,113,117,123,173,181,186,189,189,186,186,183,186,183,181,178,173,168,168,168,173,176,178,181,189,202,207,207,204,202,196,196,196,196,196,196,194,196,199,199,199,196,189,183,183,186,189,186,181,181,178,176,133,133,133,131,129,131,176,181,183,189,189,189,189,186,186,186,186,186,186,186,186,186,189,189,189,186,186,186,189,189,191,189,189,189,186,186,183,183,183,186,189,189,191,191,194,196,191,186,183,183,182,182,183,186,191,191,189,186,186,189,191,191,194,196,196,194,191,189,191,194,199,202,199,191,186,185,186,189,191,194,194,194,191,189,191,194,194,194,191,191,191,194,194,194,194,194,196,196,196,194,189,183,183,186,189,189,186,183,183,183,183,181,133,130,131,178,186,189,189,186,183,181,178,177,177,178,183,189,189,183,133,123,122,131,135,135,176,181,189,191,189,186,183,186,189,191,189,186,186,183,186,186,183,183,181,176,173,176,181,183,186,186,183,178,178,183,189,191,194,194,191,186,185,185,186,189,186,183,186,186,183,178,176,176,131,127,127,131,178,189,191,189,183,183,189,194,194,191,183,181,183,181,174,174,178,181,183,186,183,183,183,186,186,186,181,181,181,181,183,181,183,186,186,189,191,186,176,131,173,178,176,174,174,176,178,181,181,181,183,186,191,194,194,194,194,191,189,189,189,189,189,191,186,183,178,176,178,183,186,189,189,186,181,176,131,131,131,176,178,176,178,181,178,178,181,181,178,178,178,181,186,191,191,191,183,176,173,176,181,186,189,189,194,199,199,196,189,181,178,176,130,127,127,133,178,178,181,183,183,183,186,183,178,173,129,126,127,131,129,129,173,183,191,191,191,191,186,189,194,194,191,186,181,178,183,191,196,199,196,194,191,190,191,196,199,199,196,194,191,186,178,177,181,189,194,191,189,186,186,186,183,181,178,133,131,123,117,115,118,125,176,181,183,186,186,186,191,191,194,194,196,189,181,178,178,178,178,181,183,186,186,181,179,183,189,186,181,176,133,133,183,194,199,194,183,178,181,183,191,199,199,194,194,194,191,183,181,183,181,181,186,196,202,202,199,196,196,196,199,199,199,202,202,199,194,194,196,202,204,204,199,199,191,183,186,189,183,135,137,183,189,189,194,196,199,196,196,196,199,199,199,199,199,199,198,199,204,207,209,209,209,208,209,209,212,217,217,215,209,204,199,198,199,202,207,215,225,233,233,228,222,215,212,212,209,209,209,209,212,217,225,228,225,225,230,233,233,230,230,233,233,235,238,241,243,243,243,243,243,241,238,241,241,238,238,238,235,235,241,243,243,238,233,225,222,222,217,212,207,204,207,204,194,183,176,173,176,176,178,181,189,194,202,207,215,225,233,0,0,0,0,0,0,0,0,0,230,215,204,202,202,204,202,194,186,181,181,186,191,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,0,0,0,0,0,0,194,0,202,207,212,212,209,207,209,215,215,212,212,215,217,222,222,217,217,222,228,228,222,212,209,209,209,209,209,207,204,202,199,202,204,207,207,207,209,212,209,209,204,203,204,209,217,225,230,235,238,235,233,230,230,230,228,222,215,209,205,205,207,212,217,222,225,228,228,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,186,189,191,194,199,199,194,183,181,186,191,194,194,194,194,191,191,194,196,199,196,191,189,191,189,186,189,194,191,181,179,183,189,186,183,178,178,176,168,160,157,147,103,93,95,101,155,163,150,113,173,194,199,181,56,19,48,91,117,165,121,113,119,121,123,125,165,168,173,173,129,125,120,119,121,173,191,202,207,209,209,209,209,204,202,202,194,189,191,199,199,191,183,131,122,121,127,131,129,128,127,128,133,186,189,176,128,129,189,196,191,176,129,129,127,125,127,131,178,186,196,202,202,194,186,183,183,181,176,133,133,178,183,183,181,183,191,196,202,202,194,183,181,186,186,183,178,178,183,183,181,178,176,176,133,132,132,133,178,176,119,112,112,121,186,196,196,189,135,133,135,194,204,207,209,212,212,215,215,212,209,207,202,199,194,191,191,191,194,194,199,202,207,212,215,212,209,207,204,204,204,202,135,124,125,129,176,181,178,133,131,131,130,129,131,133,131,127,127,131,181,189,191,183,178,181,189,199,209,217,215,212,209,217,225,222,215,209,204,199,202,202,199,194,191,189,183,133,131,131,133,178,183,181,178,181,181,181,177,176,176,178,186,189,189,181,176,176,176,176,176,176,133,132,132,133,133,133,133,176,183,186,183,178,178,183,189,186,178,174,181,194,207,209,207,209,212,215,212,199,186,178,133,133,131,129,123,121,131,178,176,133,133,178,191,199,199,196,191,181,131,127,129,176,133,129,129,176,181,181,178,133,129,128,128,131,129,129,131,133,131,130,173,178,178,176,178,186,189,189,196,204,183,173,173,183,189,183,131,127,127,127,129,131,131,131,173,173,131,125,116,115,123,178,183,178,127,127,173,173,129,127,131,173,129,126,127,173,183,191,194,191,189,194,202,209,217,225,217,209,209,215,217,217,225,225,194,112,109,113,127,173,178,186,196,199,189,183,186,183,170,125,170,181,170,120,119,168,183,181,181,186,122,120,123,129,178,196,202,189,186,191,194,183,131,129,173,181,186,186,181,176,178,183,183,178,176,178,178,173,131,131,173,176,176,129,124,123,125,173,178,176,170,170,168,127,127,127,125,121,112,115,183,191,181,127,123,170,178,176,166,165,170,178,176,168,168,170,170,169,173,183,178,121,118,121,123,123,121,117,106,104,109,163,170,170,170,168,121,113,109,111,107,107,168,202,207,199,196,196,199,202,202,204,209,215,217,217,217,212,204,189,107,63,67,87,152,173,189,202,212,215,209,189,165,111,98,99,107,111,160,176,176,155,105,103,108,119,117,103,97,181,209,209,209,212,212,207,105,95,178,189,168,165,178,191,202,199,186,173,168,165,119,85,74,77,91,107,123,183,186,186,183,183,183,186,189,191,189,189,189,191,191,191,189,189,194,199,207,212,204,91,76,79,170,196,191,183,181,186,196,199,196,194,191,189,186,181,176,176,178,173,168,165,163,163,160,163,163,163,165,173,181,173,155,101,23,0,0,0,0,0,0,0,0,0,39,103,176,189,196,199,199,204,204,204,204,204,207,212,215,215,212,209,204,196,189,181,176,170,127,129,173,127,115,112,117,123,163,168,173,178,181,181,178,119,88,86,93,107,111,113,123,168,163,117,115,109,114,123,125,123,168,181,181,123,115,115,127,189,202,202,199,196,191,189,191,196,196,194,194,194,189,181,170,170,173,173,170,127,121,123,168,168,125,121,121,125,168,173,181,186,183,178,170,168,168,170,170,170,170,168,125,168,181,189,196,199,194,191,191,183,176,170,119,110,106,111,168,181,181,176,173,173,176,173,173,173,176,181,183,189,191,189,176,126,125,127,170,168,168,176,191,199,202,202,202,199,196,194,196,204,207,207,209,209,209,209,209,215,217,207,194,127,121,129,131,129,127,131,181,189,194,196,204,209,207,196,186,186,186,186,186,189,191,191,191,194,199,199,194,186,181,178,133,135,181,183,186,186,178,129,123,133,186,194,196,199,196,191,187,189,191,194,191,191,194,196,202,202,199,196,196,196,194,189,178,127,125,126,129,133,135,181,181,181,183,191,196,199,199,199,199,199,196,196,194,194,196,199,202,202,202,199,199,199,199,202,202,199,191,183,137,133,131,131,135,178,178,178,181,189,194,194,186,186,191,196,196,189,181,181,183,186,181,131,123,125,129,131,127,121,119,123,178,196,202,202,194,183,176,173,176,178,176,173,170,168,127,122,122,125,170,173,176,170,168,170,178,183,189,186,183,183,183,186,186,183,181,176,170,168,127,127,168,168,127,125,124,127,170,170,173,176,173,170,170,170,129,127,126,127,129,131,131,129,129,129,133,178,183,189,191,194,194,194,194,194,194,194,199,202,204,202,199,199,196,194,189,186,189,189,189,183,176,131,127,125,123,125,127,168,170,168,127,127,168,168,168,168,168,170,173,173,173,173,176,176,176,176,176,176,176,178,181,178,170,125,123,124,125,129,131,173,173,132,132,132,132,133,135,178,181,186,191,196,199,204,207,207,209,209,215,217,217,222,222,222,220,220,220,220,220,220,222,222,225,225,222,222,222,222,225,225,225,225,225,222,217,217,215,212,207,204,202,199,196,194,194,191,186,181,181,178,178,178,178,178,178,178,176,176,176,173,170,168,127,168,170,170,168,165,123,119,115,113,113,117,125,173,181,183,183,181,178,178,178,181,181,178,173,168,165,165,168,170,173,176,178,183,194,199,204,204,204,204,204,204,204,202,199,196,196,199,199,199,196,189,186,189,196,202,196,191,186,178,131,129,131,129,125,124,127,133,181,183,186,186,186,183,183,183,186,186,186,186,186,186,186,186,186,189,189,191,189,189,191,189,189,186,189,189,189,186,186,181,178,181,189,191,196,199,196,191,186,183,183,182,182,182,186,189,189,186,186,186,186,189,191,194,196,199,196,194,191,191,194,199,202,202,196,189,185,185,186,191,194,194,194,194,196,196,199,199,196,194,191,194,194,196,196,196,194,196,196,196,194,189,183,183,189,191,189,189,186,186,183,183,181,133,130,130,133,183,186,186,186,186,183,181,178,178,178,183,186,186,183,133,122,120,122,125,127,129,133,181,183,181,178,176,178,186,191,191,189,183,181,183,181,178,176,176,173,131,176,178,183,186,186,183,178,178,181,186,189,191,191,191,186,185,185,186,186,183,183,181,181,181,178,178,178,176,131,129,129,173,183,189,186,186,186,194,196,199,199,189,183,189,186,176,173,174,176,181,186,191,191,191,191,189,186,183,186,186,189,189,189,189,191,191,194,196,191,183,181,181,181,178,174,174,176,178,181,183,183,186,191,194,191,191,191,191,189,183,181,181,178,178,181,181,178,173,173,178,183,186,186,186,183,181,178,178,181,178,176,131,129,173,173,131,131,176,181,183,189,189,186,186,189,191,191,186,178,172,173,183,191,191,189,189,194,199,199,194,186,183,181,181,133,130,131,133,133,176,181,181,181,181,176,131,131,127,125,126,129,173,178,183,191,194,191,189,186,186,189,194,194,186,176,133,176,183,191,199,199,196,194,191,191,194,199,199,196,194,191,186,183,181,178,183,191,194,191,186,185,186,186,186,181,178,133,131,123,117,115,118,125,176,183,189,194,194,191,191,191,191,191,194,191,183,181,183,186,189,189,189,186,183,181,179,183,189,186,181,181,181,183,189,196,199,194,183,177,174,177,189,196,186,178,186,194,194,186,181,178,132,128,131,189,196,196,196,194,196,199,202,202,202,199,196,196,196,199,204,209,209,204,194,189,186,181,186,191,189,139,183,186,189,191,194,199,199,199,196,196,196,199,202,202,204,202,199,199,204,207,207,209,208,208,209,212,217,222,225,222,212,207,204,202,202,204,207,212,217,225,228,225,217,215,212,212,212,209,209,207,209,215,225,225,222,222,230,233,230,228,228,230,233,233,235,238,241,241,241,243,243,241,241,241,241,241,238,235,235,235,241,243,246,241,233,225,222,222,222,217,212,209,207,202,194,183,176,173,173,173,173,178,183,191,199,207,215,222,228,0,0,0,0,0,0,0,0,0,235,228,215,207,204,204,202,199,191,186,186,191,196,202,204,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,209,212,212,209,212,215,215,215,215,222,225,225,225,225,225,228,230,230,225,215,209,212,212,212,209,204,202,199,199,202,207,207,207,209,209,209,212,212,209,204,204,209,215,225,230,235,238,235,233,230,230,230,228,222,212,207,205,205,207,212,217,222,228,228,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,176,189,191,189,189,194,196,189,176,172,178,189,191,194,196,194,189,189,194,196,202,202,196,196,196,194,194,194,196,191,186,181,183,183,183,178,176,176,181,181,178,173,152,97,85,87,87,101,155,155,176,199,204,207,207,186,81,71,99,121,168,113,81,97,113,113,115,123,127,168,168,127,125,120,119,121,129,189,204,209,207,204,207,204,199,196,194,189,181,183,189,186,178,133,127,123,122,123,125,129,128,127,129,176,181,181,131,125,124,128,181,189,189,183,178,131,127,131,178,183,183,189,199,199,189,133,131,176,178,176,132,132,178,186,189,183,181,181,183,186,189,183,178,181,191,194,189,181,176,176,176,176,176,176,176,133,133,176,178,181,178,119,112,111,119,181,191,194,189,135,132,134,189,202,207,209,212,215,215,215,212,209,204,202,196,194,191,191,191,194,196,199,202,207,212,215,212,209,204,202,202,199,186,125,124,129,176,178,186,181,131,129,131,131,129,129,181,189,178,133,178,181,186,186,181,181,189,194,199,207,212,212,209,212,217,222,222,217,215,212,209,212,215,212,204,196,189,183,135,132,132,137,186,186,181,178,181,186,186,178,176,176,178,186,189,189,181,133,131,131,131,133,176,176,176,176,133,133,132,133,176,178,181,181,181,183,189,191,183,174,172,178,194,204,209,207,207,209,209,209,209,199,178,131,131,129,125,118,119,131,181,181,176,133,176,189,199,202,199,194,183,176,133,133,176,131,123,121,127,131,133,131,128,127,128,131,176,131,128,129,133,133,130,130,173,176,176,178,186,189,189,196,199,186,176,176,186,194,189,129,119,121,127,129,131,173,173,129,127,125,119,114,116,178,196,194,178,126,127,131,173,176,183,183,178,176,173,131,173,178,183,186,186,186,189,194,199,207,215,217,215,212,209,204,202,199,186,127,113,110,113,127,183,194,196,196,194,183,183,183,178,170,168,176,178,173,124,122,129,173,127,129,176,123,121,125,129,176,194,199,186,181,189,191,178,131,173,176,173,127,173,181,181,186,194,194,186,178,178,176,131,129,130,176,183,181,173,125,123,125,170,170,129,129,173,129,126,127,125,121,117,113,116,189,199,191,170,125,173,181,176,168,168,176,181,178,170,176,178,173,169,173,183,176,121,120,123,123,123,168,163,106,101,107,121,121,119,119,119,111,109,113,121,115,109,119,183,194,194,194,196,202,207,207,207,212,217,222,217,207,194,191,186,160,73,69,79,113,183,202,212,222,230,230,225,202,111,89,90,101,117,173,183,181,163,106,102,107,117,157,115,113,186,204,202,196,194,196,194,87,80,115,121,97,97,168,191,204,202,189,176,170,165,121,103,82,84,95,103,111,170,183,186,189,186,186,186,189,191,189,189,189,189,191,189,186,186,189,196,204,207,196,81,72,75,113,181,178,173,176,181,194,202,202,196,189,183,181,178,178,178,178,176,173,173,170,165,165,165,165,165,168,170,170,165,163,157,107,45,71,69,0,0,0,0,0,0,0,0,27,160,186,194,196,199,202,202,202,204,207,215,215,215,209,204,196,183,176,131,173,176,173,170,168,123,115,115,125,168,170,173,178,181,183,181,170,117,97,92,105,115,117,119,163,173,170,123,115,82,94,115,117,116,121,173,176,125,117,115,119,127,178,181,191,199,199,196,196,196,196,191,189,191,191,189,181,176,173,125,118,114,113,116,125,168,125,123,123,127,168,168,176,183,183,178,176,176,176,173,170,173,181,176,123,122,168,178,186,189,186,186,186,183,178,173,170,119,109,113,127,176,178,170,168,170,173,173,176,178,183,191,196,199,199,196,186,170,126,127,168,168,170,183,196,199,199,196,199,202,199,196,199,204,209,212,215,215,217,217,217,222,222,217,215,196,186,186,183,133,127,127,176,181,183,189,196,202,196,189,181,181,181,181,181,186,189,189,191,194,199,196,191,183,135,132,131,132,178,183,186,186,178,121,101,106,125,186,202,207,202,191,187,189,194,196,199,196,196,199,202,202,199,196,194,191,189,183,178,131,127,129,133,135,181,186,189,189,191,194,199,202,202,199,202,202,202,199,196,196,196,199,204,204,204,202,199,199,196,196,194,194,189,183,137,131,127,126,129,133,135,178,181,186,191,191,186,185,186,189,186,181,176,178,183,189,186,181,176,176,176,176,129,123,120,125,178,191,196,194,186,181,178,181,183,183,178,170,127,127,123,121,121,125,173,178,176,170,165,165,173,181,186,186,186,183,183,186,189,186,181,176,170,127,121,121,123,127,127,125,127,129,173,176,176,181,178,176,173,131,129,126,126,126,129,131,133,133,133,131,133,178,183,186,189,191,194,194,196,196,196,199,202,202,202,202,196,194,194,194,189,183,183,183,183,178,131,125,123,121,119,121,123,127,168,170,168,127,127,165,168,168,168,170,173,176,176,176,176,176,173,173,170,170,173,176,176,176,129,125,124,125,127,129,131,173,173,133,176,133,133,133,135,137,181,186,194,199,202,204,207,207,209,209,215,217,217,222,222,222,220,220,220,220,220,220,222,222,225,225,225,222,222,222,225,225,225,225,225,222,220,217,215,212,209,204,204,202,199,196,196,191,189,183,181,178,178,178,178,178,178,176,173,173,173,173,170,168,170,173,176,176,173,170,165,121,117,113,113,119,165,176,181,181,178,176,173,170,173,176,176,176,170,165,165,168,173,173,173,173,176,178,181,186,191,196,202,204,207,207,207,204,199,196,196,196,199,196,194,189,183,189,196,202,199,194,183,133,128,128,129,127,124,123,127,176,181,183,186,186,183,181,181,181,183,183,183,183,183,183,186,186,186,189,189,191,191,191,191,189,183,183,183,186,186,186,186,133,123,127,181,191,196,196,191,189,186,183,183,183,183,183,186,186,183,186,186,186,186,186,189,191,196,199,199,196,194,194,196,202,204,204,202,194,186,186,186,189,189,191,194,196,196,199,199,196,194,191,191,191,194,196,196,196,194,196,196,194,191,186,183,183,189,191,191,191,191,189,186,186,186,181,133,132,135,181,183,183,183,186,186,186,186,186,186,186,186,189,186,178,129,123,122,125,127,129,131,133,133,133,129,131,133,181,186,189,186,181,178,176,131,129,129,131,131,131,173,178,183,186,186,183,181,178,178,181,183,186,189,189,186,186,186,186,186,186,186,183,181,183,183,183,181,178,176,131,129,131,173,181,183,186,191,194,196,199,199,194,194,199,196,186,176,174,174,178,186,191,191,191,189,189,186,183,186,189,191,191,191,189,191,194,196,199,196,191,186,181,181,178,176,176,178,181,183,186,186,191,194,194,189,186,189,189,183,173,131,131,127,127,173,176,173,130,130,173,181,181,181,181,181,181,181,183,183,181,173,127,125,129,129,129,129,173,181,186,191,189,186,183,186,189,191,186,176,170,173,186,194,191,186,183,186,194,196,196,194,191,189,189,183,133,131,133,133,178,178,176,176,176,131,129,129,127,126,127,173,181,189,194,196,196,191,186,181,181,181,186,186,176,127,129,176,186,194,199,199,196,191,189,191,194,199,199,196,191,186,183,183,183,186,191,196,196,191,186,186,186,189,189,183,178,176,131,127,121,121,123,129,176,186,194,196,196,194,189,186,186,186,186,186,181,181,183,189,191,191,189,183,181,181,181,186,189,186,181,181,181,183,189,194,196,196,191,181,173,173,181,186,131,130,183,194,194,189,183,178,131,127,130,183,191,191,194,194,199,202,204,204,202,196,195,195,202,209,215,217,215,204,191,186,183,182,189,194,191,186,189,189,191,196,199,202,202,202,199,196,196,202,204,207,207,207,204,204,209,212,209,209,208,208,209,212,217,225,228,225,217,215,212,212,212,209,207,207,209,212,217,217,217,215,212,212,212,209,209,207,207,0,0,0,0,222,228,230,230,225,225,228,230,230,233,235,238,241,241,243,243,241,241,241,241,241,238,235,234,235,238,243,246,241,235,225,222,222,225,225,217,212,207,202,194,183,176,173,172,172,173,176,181,186,196,204,209,215,222,225,230,0,0,0,0,0,0,0,0,235,225,212,204,199,196,194,191,189,189,194,199,202,202,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,212,215,212,212,215,212,212,217,225,230,230,233,233,230,230,233,233,228,217,215,215,215,215,209,204,199,196,199,202,209,212,209,212,212,212,215,215,212,207,204,0,215,225,230,235,235,235,233,233,230,230,228,222,215,209,207,205,207,212,217,222,228,228,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,118,19,105,176,189,191,186,186,189,191,181,170,168,173,183,191,196,199,196,191,189,189,196,202,202,202,199,199,199,196,196,194,191,189,183,176,176,178,178,176,176,181,186,186,181,160,93,75,85,87,95,113,173,196,202,199,199,204,191,111,93,109,165,168,83,60,77,113,112,113,121,127,168,127,125,125,123,121,123,129,186,204,207,199,181,181,189,189,189,186,181,178,176,178,176,127,123,123,125,127,125,127,176,181,176,133,131,127,127,131,131,128,128,133,181,183,178,176,133,133,178,186,186,179,181,194,196,186,131,129,131,178,133,131,131,176,186,186,186,181,176,176,176,176,173,176,186,196,196,191,181,173,132,173,176,178,178,178,176,178,181,183,183,178,129,118,115,119,133,186,189,186,135,133,134,183,194,204,209,212,215,215,215,212,209,204,199,196,191,191,194,196,199,199,202,204,209,215,217,215,209,204,202,199,194,178,127,129,176,181,186,194,189,131,129,131,131,130,133,199,204,189,178,181,181,181,178,178,186,196,199,196,199,204,209,209,212,215,217,217,217,222,217,215,215,217,217,212,202,191,186,181,137,137,183,189,189,181,177,181,194,196,191,183,178,181,186,189,191,183,176,131,129,129,129,133,178,186,186,181,133,132,133,176,176,178,178,178,183,189,189,181,174,173,178,191,204,207,207,207,212,208,209,212,202,176,129,131,129,123,119,125,181,183,181,176,131,131,178,189,194,191,189,183,178,176,178,176,129,119,118,121,127,133,133,129,127,131,178,178,133,129,129,131,131,131,130,130,133,178,181,186,191,196,202,199,183,173,173,183,194,189,131,118,117,123,127,131,176,176,129,127,123,119,117,121,194,207,196,178,126,126,129,176,194,204,194,178,186,189,183,176,173,173,176,173,173,176,178,181,189,199,207,209,202,189,181,183,178,129,125,123,115,115,127,186,196,194,186,178,173,173,176,170,129,170,176,178,183,186,178,170,125,123,125,173,129,127,129,170,178,196,202,191,178,178,173,127,127,129,131,126,121,127,181,186,191,202,202,191,178,173,131,130,129,130,176,186,191,186,176,129,129,170,129,127,128,170,170,170,176,173,127,123,125,170,196,204,199,181,127,170,176,173,168,168,173,178,173,170,181,183,173,170,178,186,181,165,125,165,168,176,189,186,115,100,123,165,121,115,115,115,111,109,111,121,119,115,117,165,176,181,183,191,202,209,212,212,215,215,215,215,191,160,176,189,176,117,79,87,111,189,204,209,215,228,233,235,225,163,89,91,107,160,165,163,163,165,163,117,113,115,157,163,170,189,196,194,189,183,181,170,79,76,93,99,89,89,160,181,194,194,183,173,165,163,123,121,103,89,93,101,111,127,183,191,194,191,189,186,186,189,191,189,191,194,194,191,186,183,191,196,204,204,191,78,71,75,89,103,109,117,123,125,183,196,199,189,178,173,176,178,181,181,181,176,173,176,176,176,173,170,170,170,168,165,163,160,160,165,168,99,113,113,83,51,0,0,0,0,0,0,0,23,165,194,194,194,191,194,202,204,209,212,212,209,204,196,186,176,129,127,131,176,173,129,127,121,119,123,170,176,178,178,181,183,186,183,170,123,115,117,165,168,165,165,170,178,183,176,121,48,57,115,119,117,121,168,173,176,170,123,120,121,118,117,125,191,202,202,196,194,189,183,183,186,186,186,183,181,173,123,116,113,113,116,125,168,168,127,168,170,168,127,170,176,176,170,170,176,178,176,170,173,181,178,123,121,123,127,173,178,176,176,181,183,178,176,181,173,121,121,127,170,173,168,166,168,170,170,173,181,191,199,202,202,202,199,191,178,170,129,170,168,173,186,196,196,192,191,194,199,199,196,196,199,204,209,215,217,217,215,217,217,217,217,217,209,202,199,196,191,181,178,178,176,133,130,129,131,176,178,176,178,176,173,173,178,183,189,194,199,199,196,189,181,135,133,132,135,178,183,186,191,189,135,100,104,113,135,196,204,202,194,189,191,194,196,199,199,199,202,202,202,196,191,186,183,178,135,133,129,129,133,178,183,186,191,196,199,199,196,199,199,199,202,204,204,204,202,202,202,202,202,204,204,204,204,202,202,199,194,191,189,189,186,137,131,127,126,127,131,178,181,183,183,186,189,189,186,189,189,183,176,174,176,183,186,186,183,178,178,181,181,176,131,129,170,178,183,186,183,181,176,176,178,186,186,178,170,127,127,125,123,123,168,176,178,176,127,123,123,170,181,186,189,186,183,183,186,189,186,183,178,173,168,121,120,121,125,127,129,170,176,178,178,181,183,183,181,178,173,131,127,127,127,129,131,176,176,176,133,133,178,181,183,186,189,191,194,196,199,199,202,202,202,199,196,194,191,191,191,189,183,181,181,181,176,129,123,121,119,118,118,119,123,127,168,168,165,165,165,168,168,170,170,173,173,176,176,176,173,170,170,168,168,170,173,173,173,129,127,127,129,170,131,173,173,176,176,178,176,133,133,135,181,183,189,194,199,202,204,207,209,209,212,215,217,217,222,222,222,220,220,220,220,220,220,222,222,225,225,225,225,225,222,225,225,225,225,225,222,217,217,215,212,209,207,204,204,202,199,196,194,189,183,178,178,178,181,181,178,178,176,173,173,173,170,170,170,173,178,181,181,178,173,168,123,117,113,113,119,165,173,178,178,176,173,170,168,168,170,173,170,168,165,168,173,178,178,176,170,170,173,170,173,178,186,194,202,204,207,204,202,199,196,194,194,194,194,191,183,181,181,189,191,191,186,178,133,129,131,176,133,127,126,129,176,181,186,186,183,181,179,179,179,181,181,181,181,181,181,183,186,186,186,189,189,191,191,191,186,181,179,181,183,183,183,181,123,118,120,131,183,189,191,189,186,183,183,183,183,183,181,181,181,181,186,189,189,186,185,186,191,196,199,199,196,194,196,199,204,207,207,204,199,191,189,189,186,186,186,189,194,196,196,194,194,191,189,189,189,191,194,196,196,194,194,196,196,191,186,183,186,189,191,191,191,194,191,189,191,191,189,181,137,178,181,181,181,183,186,189,189,191,191,191,189,189,191,191,189,181,131,129,131,133,133,131,131,129,128,128,129,133,176,181,183,178,176,131,129,126,125,126,131,131,131,173,178,181,183,183,181,181,181,178,176,178,181,181,183,183,183,186,186,189,191,189,183,181,183,189,189,189,183,181,176,131,129,131,178,183,186,191,194,194,194,196,199,202,204,202,194,186,181,178,181,186,189,186,186,186,183,183,183,183,186,189,189,189,186,189,191,194,196,196,191,186,181,178,176,178,181,183,186,189,189,191,191,194,191,186,183,186,186,178,127,125,125,124,124,129,173,131,129,129,131,178,178,178,178,181,181,181,181,181,178,173,125,125,125,127,129,131,176,181,186,186,183,182,181,182,186,191,186,173,170,173,186,194,191,186,182,183,189,194,199,199,196,194,191,183,176,176,181,186,189,183,173,173,173,131,131,131,131,131,173,178,186,194,199,199,196,191,189,181,178,178,178,176,129,126,129,178,183,189,194,196,196,191,186,186,189,194,196,194,189,186,183,186,186,191,199,202,199,194,191,189,189,189,189,186,183,178,176,131,129,133,176,178,181,189,196,194,194,191,186,183,183,181,181,181,181,181,183,186,189,191,191,183,181,183,183,186,189,186,181,178,178,178,181,186,194,199,199,194,178,176,178,135,130,130,189,196,189,135,135,181,178,135,183,186,186,189,191,196,199,202,202,204,202,196,194,196,207,215,217,222,217,209,199,194,194,191,194,191,186,183,183,186,189,194,202,202,202,204,202,196,196,202,207,209,212,209,209,212,217,222,215,209,208,208,209,215,222,225,228,225,222,217,217,222,222,215,209,204,204,204,207,212,215,217,215,212,209,209,209,209,207,212,0,0,0,0,225,230,228,225,222,225,228,228,230,233,238,241,241,243,241,238,238,241,241,241,238,235,234,235,241,243,246,241,235,225,217,217,225,225,220,215,209,202,191,183,176,173,173,173,173,176,181,183,191,202,207,209,212,215,220,0,0,0,0,0,0,0,0,243,235,222,207,194,189,186,186,186,186,191,199,202,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,215,212,212,209,209,209,215,228,233,235,241,241,235,233,233,233,230,225,217,217,217,215,207,199,196,196,199,204,209,212,212,212,212,212,215,212,212,207,207,0,217,228,233,235,238,235,235,233,233,233,230,225,215,209,207,205,207,212,217,222,225,228,228,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,92,0,0,0,0,0,0,0,0,0,0,0,0,0,5,137,134,103,160,186,191,194,191,189,186,183,176,169,169,176,186,189,194,199,199,191,187,187,191,196,202,202,202,196,196,196,194,189,189,189,178,160,155,168,176,181,181,181,186,191,186,176,95,58,87,95,91,85,168,189,189,186,186,181,160,109,111,160,176,176,97,68,89,119,117,117,123,170,173,168,123,121,121,123,125,129,186,202,202,186,155,160,172,178,178,133,133,133,133,176,131,123,122,122,127,131,129,133,189,199,191,178,123,91,99,129,183,181,133,133,176,133,129,133,178,178,183,186,183,179,179,191,196,189,176,130,133,178,176,132,131,133,178,183,183,183,178,176,133,129,129,178,189,196,196,189,178,132,132,133,181,183,181,178,176,178,181,181,176,133,133,127,119,118,127,178,186,183,178,135,135,137,189,202,212,215,215,215,212,212,207,204,199,196,194,194,196,199,199,202,202,207,212,217,217,215,212,204,196,191,186,181,178,178,133,178,189,194,183,129,127,129,131,133,181,202,202,181,133,135,135,133,131,133,189,202,202,196,195,199,204,204,207,212,215,215,217,222,222,215,215,217,222,215,207,199,194,189,181,137,183,189,189,183,178,181,199,207,204,191,181,181,183,189,191,186,176,131,129,128,128,131,181,194,199,189,176,132,132,176,178,181,178,178,178,183,183,183,181,178,183,194,202,204,204,207,212,209,209,212,202,176,127,129,123,117,119,133,189,186,181,178,131,128,130,176,181,181,181,181,181,181,181,178,129,118,117,119,129,178,181,176,133,181,186,183,178,131,129,129,133,178,178,133,133,181,186,189,196,207,209,199,178,129,127,133,183,186,131,118,116,119,123,127,176,178,173,131,129,127,127,176,196,204,194,181,129,126,129,178,196,204,191,178,202,204,196,178,129,127,127,127,127,129,131,129,131,173,178,178,178,173,176,183,181,131,131,173,123,119,125,178,186,181,173,170,170,170,170,129,127,125,129,178,194,196,178,123,124,170,176,178,173,173,129,173,189,204,207,202,181,126,123,124,126,126,126,124,122,129,181,186,191,202,199,189,173,130,130,173,131,130,173,186,196,199,191,181,173,129,128,127,128,129,170,178,186,183,178,178,181,178,189,202,202,186,168,127,127,125,123,125,170,173,168,168,183,183,173,170,178,186,178,165,125,173,181,189,202,202,183,168,186,178,123,115,119,123,121,117,111,115,117,117,119,123,123,165,168,170,181,194,202,202,199,196,194,194,99,37,79,117,117,115,105,105,117,178,194,199,204,215,225,230,222,163,94,95,115,160,117,101,99,117,170,170,160,157,160,168,176,186,191,186,183,181,176,115,79,77,83,91,93,99,121,170,178,178,170,123,121,123,163,173,121,97,97,103,111,170,186,194,196,194,189,183,183,186,189,191,196,199,202,196,186,183,191,199,204,207,194,91,79,89,91,91,91,97,103,99,115,178,183,173,125,123,168,176,178,178,178,176,173,176,178,178,181,181,178,173,170,165,160,156,157,165,165,150,163,173,189,196,1,0,0,0,0,0,0,0,63,186,191,178,109,105,183,199,207,207,204,199,194,189,181,131,127,126,129,131,129,125,121,119,123,170,176,178,181,181,181,183,189,191,181,176,168,168,176,176,170,165,170,183,189,186,176,55,61,121,165,168,173,176,181,189,191,181,170,127,118,114,116,176,194,196,191,186,181,178,181,186,186,181,181,181,181,173,125,119,119,123,168,170,170,170,173,173,127,125,126,127,121,114,115,127,173,170,127,168,178,176,125,121,123,127,127,168,168,166,173,181,178,176,178,178,170,170,173,173,173,168,166,166,168,168,170,178,191,202,204,199,196,194,189,181,178,178,178,173,173,186,196,194,191,190,194,199,196,191,186,191,202,209,215,215,215,215,217,215,212,212,209,207,204,199,199,199,196,189,186,181,133,129,126,127,129,133,181,181,178,173,172,174,178,186,194,199,199,194,186,178,133,133,135,181,181,183,189,194,194,189,119,112,117,129,186,196,199,199,196,196,194,194,196,196,199,202,202,199,194,189,181,133,129,127,126,125,127,133,181,186,191,196,202,204,204,199,196,196,199,199,204,204,202,204,207,209,207,204,204,207,209,207,207,209,204,196,189,189,194,191,181,131,129,127,129,135,181,183,183,183,186,189,191,191,191,191,189,181,176,176,181,183,186,183,181,181,183,186,183,181,181,178,176,176,178,181,181,176,174,176,183,186,181,176,168,170,170,170,170,173,176,176,168,121,119,121,170,181,186,189,186,183,181,183,186,189,183,181,176,170,123,121,123,127,170,173,178,181,181,178,181,183,186,186,181,178,176,131,131,129,129,131,176,178,176,133,176,178,181,183,186,189,191,194,199,199,202,202,202,199,196,194,189,189,189,189,186,183,181,181,181,178,131,127,125,121,118,118,119,123,125,168,168,165,125,125,165,168,170,170,170,173,173,173,173,170,168,127,127,127,168,170,170,170,170,173,173,173,173,176,176,176,176,178,178,135,133,133,137,181,186,189,194,199,202,204,207,209,212,212,215,217,217,222,222,222,220,220,220,220,220,220,222,222,225,225,225,225,225,225,222,222,225,222,222,220,217,215,212,209,207,204,204,204,202,199,196,191,186,181,178,178,178,181,181,178,178,176,173,173,173,170,170,170,176,178,183,183,181,178,168,160,115,111,113,117,163,168,173,173,170,170,168,168,168,168,168,168,165,165,173,181,183,181,176,170,168,168,168,168,170,178,189,196,202,202,199,196,194,194,191,191,189,186,183,178,174,174,176,178,181,181,181,181,181,186,189,186,178,131,133,178,183,189,189,186,181,179,179,181,181,181,181,181,181,181,183,186,189,189,186,185,186,189,191,186,181,179,181,183,181,181,137,123,118,120,129,137,183,186,186,186,183,181,181,181,137,135,135,135,181,186,189,189,186,186,189,191,196,199,196,194,194,194,199,202,204,207,204,199,194,191,191,189,186,186,189,191,194,194,191,189,189,189,189,189,191,194,196,194,194,194,199,199,194,189,186,189,191,194,194,194,194,194,194,194,194,191,189,186,183,186,186,186,186,186,189,191,194,194,194,194,194,196,199,196,186,178,133,135,178,176,133,131,128,128,129,133,178,176,176,176,133,131,129,127,125,125,127,131,131,131,173,178,181,178,178,176,178,178,176,173,173,173,173,176,178,178,181,183,186,189,186,178,176,181,189,191,191,191,186,181,173,131,176,181,186,189,191,194,194,191,194,199,204,202,199,194,189,183,183,183,183,183,181,181,183,183,183,183,183,183,186,186,186,185,186,189,191,194,194,191,183,176,173,173,178,186,191,194,194,194,194,194,191,186,183,183,183,183,176,125,125,125,123,123,127,176,176,131,130,131,176,176,176,176,178,183,183,181,178,176,131,125,123,121,123,129,176,176,181,186,186,182,181,181,182,186,189,186,176,170,173,181,189,189,183,183,186,189,194,202,202,199,194,189,181,176,181,191,196,196,191,181,176,178,176,173,173,173,176,181,183,186,194,196,196,194,191,189,186,183,176,131,129,126,125,131,178,181,181,189,194,196,191,185,183,185,189,194,191,186,183,186,186,189,191,196,199,196,194,191,191,191,189,186,186,186,181,178,176,176,183,189,189,186,191,196,194,194,191,186,183,183,181,179,181,183,183,183,183,183,189,191,186,186,183,183,186,191,191,186,181,178,177,178,181,189,196,202,202,196,189,183,181,135,181,191,191,127,95,103,133,183,191,199,194,186,186,189,196,202,199,196,199,199,196,195,199,207,212,212,215,217,217,209,207,202,191,189,139,137,137,137,137,138,189,196,199,202,204,204,199,196,202,207,209,212,209,209,217,225,228,222,209,208,208,209,215,217,225,225,225,217,215,217,222,225,217,212,207,203,203,204,209,215,217,217,212,209,209,212,215,212,0,0,0,0,217,222,228,228,225,222,225,225,225,228,233,238,241,243,241,238,238,238,238,241,241,238,235,235,235,238,243,243,241,233,225,217,217,222,225,222,215,209,202,191,183,178,176,176,176,176,176,178,183,191,199,204,204,204,204,212,0,0,0,0,0,0,0,0,0,243,230,209,191,181,181,181,181,181,186,196,202,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,209,207,207,207,209,215,225,233,238,243,243,235,230,233,233,230,228,225,222,215,212,204,196,192,194,196,202,209,212,212,212,212,212,209,209,209,0,0,0,222,230,235,238,238,238,235,235,235,238,235,228,222,212,209,207,207,215,217,222,225,225,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,4,0,0,0,0,0,0,0,0,0,0,0,0,72,142,129,137,178,189,191,196,194,191,186,183,178,172,173,181,186,186,189,194,196,191,186,186,189,194,196,199,199,196,195,196,194,187,189,191,178,150,148,153,173,183,186,183,186,191,191,189,101,50,83,103,93,27,49,105,173,181,173,113,106,111,165,181,189,191,186,123,123,119,121,125,170,181,183,176,125,118,118,121,123,127,178,194,194,181,155,159,173,178,131,123,125,133,178,178,133,125,123,123,127,131,133,178,196,204,194,133,93,69,78,111,181,181,176,133,131,128,127,133,183,183,181,183,183,181,181,189,194,189,178,176,178,181,183,176,132,132,176,183,186,186,183,183,178,131,129,176,186,191,191,189,181,133,133,178,183,186,181,176,176,178,181,178,133,132,133,133,125,119,125,178,186,183,181,178,137,137,183,199,209,212,212,212,212,212,207,204,199,199,199,199,199,202,199,199,199,202,212,217,217,212,209,202,191,186,181,178,183,178,127,129,181,183,127,121,125,127,131,178,183,191,183,128,127,131,133,131,130,133,191,204,207,199,195,195,199,202,204,207,209,215,217,222,220,212,212,215,217,215,212,207,202,196,183,137,181,186,189,186,178,181,194,204,207,194,178,176,178,183,189,186,178,131,129,129,131,133,181,194,202,191,176,132,133,178,183,186,186,181,176,176,181,183,186,186,186,194,199,202,204,207,209,212,215,215,204,178,125,121,115,114,117,176,194,191,186,183,131,127,128,131,176,176,176,178,183,181,181,181,173,121,118,121,173,183,186,183,186,191,194,191,186,178,131,131,178,191,191,181,176,186,189,186,191,204,204,189,176,127,125,127,133,178,131,121,116,119,121,123,173,181,183,181,176,178,181,186,194,191,183,178,173,129,131,181,189,189,181,183,209,215,202,181,127,126,127,129,131,176,173,129,124,121,118,118,127,173,183,194,194,178,173,173,129,125,127,173,178,176,173,176,178,178,173,170,125,121,121,129,191,189,118,112,125,191,189,176,173,173,129,173,191,204,209,207,189,125,121,124,127,126,126,127,127,176,181,181,186,194,191,178,130,130,173,181,181,131,131,183,199,207,202,189,173,128,127,129,170,173,173,183,191,189,176,176,178,170,173,186,191,183,168,125,123,121,120,123,170,173,168,165,183,178,165,125,176,181,170,125,165,183,191,191,196,199,194,189,189,181,163,119,163,170,170,163,111,111,115,119,123,123,119,119,117,109,99,95,99,113,165,168,168,170,17,0,0,25,45,101,168,168,165,170,178,183,189,199,209,217,207,117,97,101,157,163,115,97,93,99,157,170,168,165,165,170,176,183,186,183,183,186,178,113,83,80,82,89,99,109,117,163,165,163,117,111,110,117,173,189,176,117,109,103,107,173,186,194,196,196,191,183,183,186,189,194,199,207,209,202,186,178,189,199,207,209,196,117,107,115,101,93,90,95,95,85,88,107,123,121,117,119,123,168,173,173,173,173,176,176,173,178,186,191,183,176,170,168,163,157,157,160,160,163,176,176,186,194,5,0,0,0,0,9,21,27,69,168,176,109,70,69,95,183,194,196,191,186,183,181,176,131,127,126,127,131,127,123,119,121,127,176,176,176,176,176,176,181,186,191,191,186,178,176,176,176,168,123,123,183,186,181,183,107,108,125,173,181,189,191,189,196,202,194,186,183,173,119,118,129,181,183,183,181,177,177,183,194,191,181,181,189,194,189,178,168,127,127,168,170,173,173,173,173,127,125,127,127,115,110,111,119,127,125,119,125,176,178,125,122,125,170,168,168,165,164,170,176,176,170,170,176,178,183,183,181,181,173,166,166,166,166,168,176,186,196,199,194,189,186,183,183,183,183,181,173,176,189,196,194,192,192,196,199,191,182,179,186,202,215,215,215,212,215,217,215,212,209,207,204,202,196,196,202,202,196,191,191,189,181,131,130,133,181,186,186,183,178,176,176,174,178,189,194,194,189,183,135,133,133,178,181,181,183,189,194,194,194,189,135,127,129,181,194,199,202,204,202,194,189,189,191,194,196,196,196,194,186,178,131,127,125,124,125,127,133,181,186,194,199,202,204,204,199,191,189,191,194,199,202,199,204,209,212,212,209,207,209,212,212,212,212,209,202,191,191,196,196,186,135,131,131,133,178,183,183,181,181,183,189,189,189,191,196,196,191,181,176,176,181,181,181,181,181,186,186,186,189,189,183,176,176,181,183,183,178,176,176,181,186,186,181,173,176,178,178,176,176,173,127,121,119,118,120,168,178,183,186,186,183,181,181,186,189,186,178,173,129,125,123,125,170,176,181,183,186,183,178,178,183,189,186,186,183,181,178,178,176,133,133,178,178,176,133,135,178,181,183,186,189,191,194,196,199,202,202,199,199,196,194,191,189,189,189,183,181,178,181,181,181,176,170,129,127,123,119,121,123,125,165,165,125,123,125,165,170,170,170,170,173,173,173,170,168,127,125,124,127,170,173,170,170,173,176,176,176,176,176,176,176,176,176,135,135,133,133,137,183,189,191,194,196,202,204,209,212,212,215,215,217,220,222,222,222,220,220,220,220,220,220,222,222,222,222,225,225,225,225,225,225,225,222,222,217,215,212,209,207,204,202,204,202,199,196,194,189,186,181,178,178,181,181,181,178,176,173,173,173,173,170,170,173,178,181,183,183,183,178,168,121,113,111,113,117,157,163,165,165,165,165,168,165,163,163,165,165,163,165,173,181,186,181,173,165,125,165,168,168,170,176,186,191,196,196,191,191,191,189,189,186,183,181,176,174,173,173,173,174,178,183,189,191,194,199,199,194,183,176,176,181,186,191,194,191,186,181,183,186,189,186,186,183,183,183,186,189,191,191,185,183,185,186,189,186,181,181,183,183,183,181,181,131,123,127,133,137,183,186,186,186,183,181,181,181,135,133,133,135,183,189,191,186,186,186,189,194,196,199,196,194,191,191,196,199,202,204,202,199,194,191,194,194,191,189,189,191,194,191,186,186,189,191,191,191,191,191,194,191,189,191,196,196,194,191,191,194,196,196,196,196,196,194,194,191,191,191,189,189,189,189,191,191,191,191,191,194,196,196,196,196,196,199,202,199,189,178,133,135,178,176,131,131,131,131,133,181,183,178,176,133,131,131,131,131,129,127,131,173,131,131,173,176,176,173,131,131,173,176,173,131,131,129,129,131,131,173,173,176,178,183,181,173,129,131,183,189,194,194,191,186,178,176,181,186,189,189,191,194,194,191,194,199,199,196,194,191,189,183,183,183,181,178,178,181,183,186,183,183,183,186,186,186,186,185,186,189,189,191,191,189,183,176,172,173,181,189,196,199,196,194,194,191,186,183,181,181,181,181,173,125,125,125,124,123,127,176,178,173,131,131,173,173,173,176,178,183,183,183,181,176,129,121,120,118,120,129,176,176,178,183,186,183,183,183,183,189,189,186,178,172,172,176,181,181,181,186,191,191,196,204,207,202,194,189,181,178,183,194,196,199,194,186,181,183,181,176,173,173,176,183,186,186,189,191,194,191,189,186,189,186,178,129,127,125,125,133,178,178,176,181,191,196,191,186,183,183,186,191,189,183,183,183,186,186,186,186,189,189,189,189,191,189,183,181,183,183,183,181,178,181,186,194,194,194,194,196,194,196,196,191,189,186,181,179,181,183,186,183,178,176,178,183,186,189,186,183,186,194,196,194,183,178,178,178,181,186,194,202,204,207,202,194,194,191,191,189,178,89,67,70,105,135,191,199,196,189,186,189,196,199,194,191,196,199,199,199,204,207,204,202,207,215,222,217,212,202,186,139,138,137,137,137,136,136,183,194,199,202,204,202,196,194,196,202,204,207,207,209,217,228,228,222,212,208,208,209,215,217,222,222,222,215,213,215,217,222,222,217,209,204,203,204,212,217,222,222,215,209,212,217,222,217,215,217,0,0,215,222,228,230,228,225,222,222,222,225,233,238,243,243,241,238,235,235,238,241,241,238,235,233,235,238,243,243,241,233,225,217,215,217,222,217,215,212,202,191,183,178,178,178,178,176,176,178,183,191,199,202,202,199,199,209,222,0,0,0,0,0,0,0,0,248,235,215,191,181,181,181,178,178,183,196,204,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,207,205,205,207,212,215,225,233,241,246,241,233,229,230,233,230,228,225,222,215,209,199,194,192,194,196,202,207,209,209,209,209,209,207,207,209,212,217,0,230,235,238,241,241,238,235,235,238,241,238,230,225,217,212,209,209,212,217,217,222,222,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,155,0,0,0,74,0,0,0,0,0,0,0,0,0,82,116,134,152,178,186,189,194,194,194,191,191,186,181,181,183,183,183,183,189,194,194,187,186,187,191,194,194,196,196,196,196,194,191,194,194,186,168,152,155,170,186,186,183,186,194,196,189,99,57,59,107,103,0,0,35,107,165,168,107,102,157,183,191,196,199,202,202,178,99,105,176,189,194,191,183,173,121,118,119,121,123,170,176,181,186,189,186,199,191,121,118,125,178,186,186,183,176,131,127,127,131,176,178,186,196,191,125,87,75,81,95,129,178,176,133,129,127,129,181,186,183,181,178,181,181,181,186,191,186,178,178,183,189,191,181,133,133,183,191,191,186,183,189,189,178,131,129,176,181,186,189,189,183,181,183,189,189,181,176,178,181,181,178,133,176,181,186,186,181,181,189,194,189,181,178,137,135,181,191,202,204,207,209,212,212,209,207,204,204,202,199,199,204,202,199,198,202,212,217,212,207,202,194,186,186,181,178,178,176,127,127,131,127,116,120,125,129,176,181,181,181,129,125,125,129,133,131,131,137,196,209,212,204,196,194,196,199,202,204,207,209,215,217,217,209,207,209,212,209,209,212,209,199,186,186,189,189,189,183,178,178,183,191,196,186,176,174,178,183,189,186,178,131,129,133,178,178,181,186,191,183,176,176,181,186,189,194,194,189,178,133,176,181,181,183,186,189,194,199,204,204,207,209,217,222,209,181,121,115,113,114,116,133,189,196,199,189,131,127,128,173,181,178,176,173,173,131,176,181,178,129,123,129,183,191,191,191,196,199,202,199,196,189,178,176,186,207,202,181,176,186,186,178,181,189,189,183,176,129,126,126,129,133,131,127,121,123,125,131,181,189,191,189,186,189,194,196,191,177,176,178,178,176,176,181,186,178,172,174,207,212,202,178,127,127,173,183,191,191,181,131,123,119,115,118,127,176,189,199,191,176,129,127,125,127,127,129,178,194,191,186,186,191,186,176,127,122,120,119,129,178,118,114,178,191,181,127,127,129,170,173,178,191,199,196,181,173,129,129,173,131,173,183,181,178,176,176,178,186,181,130,130,173,183,194,189,131,128,181,202,207,202,189,173,127,128,173,181,178,176,186,191,186,170,123,123,121,125,170,168,125,125,125,121,119,120,127,176,176,127,123,127,170,121,107,71,72,119,121,170,189,196,189,176,178,183,178,176,173,165,123,125,170,173,123,109,110,117,123,165,163,117,119,115,107,95,92,88,68,69,113,121,67,0,0,0,0,17,111,183,189,181,178,178,176,178,183,191,196,181,113,107,115,160,165,157,107,98,99,111,163,168,163,165,170,170,178,183,183,186,183,178,160,107,91,79,81,95,107,117,163,123,117,117,113,109,110,170,189,186,173,121,101,95,121,181,189,194,196,194,183,181,186,189,191,202,209,212,204,181,176,186,196,204,204,181,123,121,111,91,88,97,119,119,91,90,107,115,117,125,168,123,125,173,173,170,170,173,173,170,176,186,194,183,176,168,165,163,157,157,157,160,163,168,176,178,173,79,0,45,51,63,97,115,111,113,170,173,119,82,74,95,176,186,183,181,178,178,178,178,173,127,125,126,129,127,123,123,127,173,178,178,173,170,170,170,176,181,186,189,189,183,176,170,170,168,118,117,163,165,123,165,125,119,123,176,186,194,199,202,204,209,209,204,202,194,186,176,127,131,173,178,181,177,176,186,196,194,183,181,199,207,196,183,173,127,126,126,127,170,173,173,173,170,173,181,181,168,115,114,121,125,121,119,123,173,181,176,123,125,173,170,168,166,166,170,173,170,127,127,173,186,191,194,189,186,181,173,168,170,173,173,178,181,186,189,186,181,181,181,183,183,178,170,129,176,189,196,196,194,196,196,194,183,179,179,186,202,212,217,217,215,212,215,215,212,209,207,202,196,194,196,199,199,196,194,196,196,194,189,191,191,191,189,189,186,186,183,178,173,172,181,181,181,183,183,135,133,133,133,133,135,178,183,189,196,202,207,207,194,181,183,194,202,202,204,202,196,186,183,183,186,189,189,191,189,183,178,133,129,126,127,131,135,181,186,189,194,199,202,207,207,202,191,183,182,186,191,194,196,202,209,212,212,209,209,212,212,212,212,215,212,204,196,194,196,196,191,181,135,133,178,181,181,178,178,177,181,181,181,183,186,189,194,191,181,131,131,181,176,131,176,183,186,189,189,189,189,186,183,186,186,183,183,181,176,176,178,183,186,181,178,181,181,178,178,176,170,123,119,120,121,123,127,173,181,183,183,183,181,181,183,186,181,176,129,127,125,125,129,176,181,183,189,189,183,177,177,183,189,191,189,189,189,186,189,189,183,181,183,181,176,135,178,181,181,183,186,189,189,191,194,199,202,202,199,199,199,196,194,194,191,189,183,178,178,181,181,178,173,129,129,168,127,125,123,123,123,123,121,121,123,125,168,170,173,173,173,173,173,170,168,165,125,124,123,125,170,173,173,170,176,178,176,173,173,173,173,131,133,176,178,135,135,137,183,189,191,191,194,196,202,204,209,212,212,215,217,220,220,222,222,222,222,220,217,217,220,220,220,220,220,222,222,222,225,225,225,225,225,225,222,217,215,212,207,204,202,202,202,199,196,194,189,186,186,183,181,181,181,181,178,173,170,170,170,170,170,170,170,176,181,183,186,186,183,176,163,117,111,111,113,117,157,160,157,157,157,160,163,160,160,160,160,160,160,163,170,178,183,178,168,163,123,125,170,176,176,181,183,186,189,189,186,186,189,189,186,183,178,176,176,176,176,176,174,176,181,189,191,194,199,202,202,196,186,178,176,181,189,196,204,202,191,186,186,194,196,191,189,189,189,189,186,191,196,196,191,186,186,186,186,183,183,186,189,189,186,186,186,181,135,135,181,183,186,186,186,186,183,181,181,181,137,134,134,181,189,189,189,189,186,186,189,191,196,199,196,194,189,189,191,194,196,196,194,191,191,191,194,196,196,194,191,189,186,186,183,183,189,194,194,191,189,189,186,183,182,183,189,191,186,186,191,196,196,196,196,196,194,191,186,186,186,186,189,189,191,194,194,196,196,194,194,194,196,196,196,196,199,202,202,199,194,183,178,181,178,133,130,131,176,178,178,183,183,181,178,176,176,133,176,176,173,173,173,131,129,129,131,129,127,127,125,123,125,129,129,129,131,131,129,129,129,131,131,129,131,176,173,129,127,128,176,186,191,194,194,189,183,178,181,186,189,189,191,191,191,194,194,196,194,194,194,191,186,181,178,178,176,176,178,181,186,186,181,183,186,186,186,189,186,186,186,189,191,189,186,183,181,173,172,176,183,189,194,196,194,191,191,186,181,181,181,181,181,181,176,131,127,127,125,125,129,176,178,173,131,173,131,129,173,178,183,183,183,183,183,181,131,119,119,120,125,173,173,129,131,178,183,186,186,186,186,186,191,191,183,176,173,173,173,129,129,178,186,191,196,202,204,202,196,194,191,186,189,194,199,196,194,189,186,183,181,176,173,173,181,186,186,186,189,189,189,189,186,186,189,189,183,178,173,127,127,131,178,178,133,133,186,194,191,186,183,185,186,189,183,181,182,183,183,183,181,135,135,181,183,183,183,183,181,177,177,181,186,186,186,183,186,191,194,194,194,194,194,196,199,196,191,189,183,181,183,183,183,178,129,127,131,176,181,186,183,182,186,196,199,194,186,178,177,181,186,189,196,204,207,204,202,199,199,196,194,186,133,86,70,75,109,133,189,196,194,189,186,191,194,191,189,189,194,199,199,199,207,204,198,196,202,212,222,220,209,196,186,183,139,186,189,191,186,138,183,199,202,202,202,199,194,189,189,194,199,202,207,212,222,228,228,225,215,209,209,209,212,215,217,217,217,215,215,217,222,222,225,222,215,209,207,212,215,217,222,222,217,215,215,222,225,222,215,217,225,222,215,217,225,230,230,225,222,220,222,225,233,238,241,243,241,241,238,235,235,241,241,238,233,230,230,235,241,243,241,235,228,220,215,215,217,217,217,215,207,194,183,178,178,181,181,178,178,181,183,191,196,199,199,196,199,207,217,0,0,0,0,0,0,0,0,248,241,222,196,183,183,181,176,176,183,194,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,207,205,207,212,215,215,222,235,243,246,241,233,229,230,230,230,230,228,225,217,209,199,194,194,199,202,202,204,207,209,209,209,207,205,207,212,220,222,228,235,241,241,241,241,238,235,235,238,241,238,233,225,222,222,215,209,212,215,217,217,222,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,199,14,0,0,0,0,0,0,0,0,0,108,139,155,176,186,186,189,191,191,194,199,194,189,186,183,183,182,183,186,191,191,189,189,189,191,191,194,196,196,199,202,199,199,199,199,191,181,168,170,178,183,183,181,183,189,196,191,160,67,55,63,69,0,0,27,107,155,117,108,108,173,186,191,196,199,202,196,111,67,93,173,191,199,199,194,186,168,121,119,117,115,119,123,173,191,202,209,212,196,119,120,133,186,191,194,191,186,181,131,129,131,178,181,186,191,191,178,117,103,113,127,186,189,183,176,131,128,176,183,186,181,177,177,177,178,181,183,186,183,178,178,186,191,191,183,176,178,186,194,191,186,183,183,186,178,129,126,129,178,186,194,199,196,194,194,194,191,186,181,181,183,181,178,178,183,191,202,204,196,194,196,199,191,178,136,178,135,135,137,186,191,196,204,209,212,212,209,207,207,204,199,199,204,207,204,202,204,207,209,202,191,189,186,183,186,183,176,131,129,127,129,129,121,116,121,129,176,183,183,178,176,129,126,127,129,131,133,135,186,202,209,215,212,207,202,199,199,199,202,202,202,207,209,209,204,204,207,207,207,209,215,212,199,191,194,194,189,186,183,178,135,135,181,186,183,176,176,181,183,186,183,176,129,131,178,183,181,173,178,178,173,173,183,191,194,194,196,196,194,183,133,133,178,176,178,181,181,183,191,199,204,207,209,215,217,209,189,129,119,119,123,121,127,183,199,204,186,131,130,178,189,189,181,173,129,124,123,131,181,183,178,131,178,191,194,196,196,199,202,202,204,202,194,183,183,191,199,194,176,178,183,181,177,177,181,181,178,133,127,125,125,129,133,176,131,131,133,181,186,194,199,199,194,191,196,202,204,196,181,177,178,178,176,176,183,186,176,166,166,191,199,191,178,173,176,183,189,199,196,181,127,125,125,125,131,173,173,181,189,181,131,127,125,125,129,170,173,189,207,207,196,194,194,191,181,170,127,123,123,173,181,129,127,191,191,125,119,123,127,170,170,173,178,183,178,178,183,186,186,183,178,183,191,186,174,173,174,178,181,176,131,131,176,186,199,199,128,125,173,189,191,189,181,129,127,129,178,183,176,170,176,181,176,123,117,118,121,127,127,121,121,125,125,121,120,123,173,181,176,121,117,121,125,117,91,57,52,101,123,176,189,191,173,123,124,126,125,126,168,168,125,125,165,168,125,111,115,123,125,125,121,113,115,121,117,105,95,90,78,78,111,160,95,0,0,0,0,63,178,189,194,186,176,165,113,165,178,176,168,111,103,111,157,165,165,163,117,113,115,119,121,121,119,163,165,165,170,173,173,173,170,170,163,113,89,77,80,99,109,119,160,121,119,165,170,111,98,110,173,183,186,176,103,84,84,121,173,181,189,189,181,178,183,186,189,202,209,212,207,183,176,183,191,194,189,170,125,123,109,79,83,99,123,125,105,99,113,125,170,181,181,173,173,181,178,173,170,170,168,168,173,181,186,183,176,170,165,163,160,157,157,163,165,170,170,168,165,113,75,111,152,155,157,155,113,119,176,178,173,117,101,119,178,183,183,186,183,181,181,181,178,131,127,126,127,125,125,127,173,178,178,178,178,173,170,170,170,173,176,181,183,178,168,121,121,123,119,117,117,117,118,121,123,121,123,173,189,199,199,199,207,212,215,212,207,202,199,186,173,131,173,181,186,181,177,183,191,189,181,183,199,204,194,181,173,168,127,126,126,127,170,176,176,173,173,181,186,181,168,123,125,125,121,119,121,127,176,181,170,127,170,170,170,173,173,173,173,168,126,127,178,191,199,199,194,191,186,176,168,176,186,189,186,176,173,178,178,178,178,176,178,181,176,128,127,173,186,194,194,194,194,191,189,182,181,182,189,202,212,217,217,215,212,212,212,212,209,207,199,196,194,196,199,199,196,194,199,202,199,199,202,202,199,191,189,189,189,189,181,174,173,176,176,178,183,186,181,178,178,133,133,127,123,125,186,199,204,209,212,207,196,189,189,191,194,196,196,191,183,181,181,181,181,183,183,178,176,176,176,133,133,176,181,189,194,194,194,194,199,204,209,212,207,194,183,182,185,189,189,191,196,204,209,207,204,207,209,209,212,212,212,209,204,196,194,194,194,191,186,178,135,178,178,178,178,177,177,178,178,174,174,176,178,181,181,131,124,125,131,129,127,173,183,183,183,183,186,189,189,191,194,191,186,183,181,176,174,176,181,183,181,181,181,181,178,178,178,173,127,121,125,168,168,170,176,178,178,178,181,178,178,181,181,178,170,129,127,127,127,170,178,181,183,189,189,183,178,178,186,194,194,194,194,194,194,194,196,191,189,189,183,135,135,178,181,183,183,186,189,189,191,194,199,202,202,199,196,196,196,196,196,194,189,183,178,178,178,178,176,170,129,170,170,168,127,123,121,121,121,120,120,123,125,168,170,173,176,176,176,173,170,165,125,125,125,125,127,173,173,173,173,176,176,173,129,127,129,129,129,131,135,181,181,183,186,189,191,194,194,196,196,202,204,209,209,212,215,217,217,220,222,222,222,222,220,217,217,217,220,220,217,217,217,222,222,222,222,222,225,225,225,222,222,215,209,207,204,202,202,199,199,194,191,189,186,183,183,181,181,181,178,176,170,168,127,168,168,168,168,173,178,181,186,186,186,183,173,160,113,111,111,115,155,157,155,117,117,155,157,157,157,157,157,157,119,119,119,163,173,173,168,121,117,119,123,173,178,178,178,178,178,178,178,181,183,189,189,186,183,181,178,178,181,181,181,178,178,183,186,191,194,199,202,202,196,186,181,178,181,189,196,204,204,196,189,189,194,196,194,191,194,194,191,189,191,196,202,202,196,191,183,182,183,186,191,194,194,194,194,194,189,183,181,183,186,186,186,186,186,183,183,186,186,183,137,181,186,189,189,189,189,186,185,186,191,196,196,194,189,187,187,189,191,191,191,189,189,189,191,196,199,199,194,189,183,181,181,181,183,189,196,194,191,189,189,186,182,181,182,183,183,182,182,189,194,194,196,196,194,191,186,182,181,182,183,186,189,191,194,196,199,199,196,196,196,196,199,196,196,199,202,202,202,199,196,189,189,183,176,131,176,178,176,176,181,181,181,181,181,181,181,181,178,176,176,173,173,131,129,129,125,123,123,121,120,121,125,127,129,129,170,129,128,128,128,128,127,128,170,173,131,129,131,178,181,183,183,189,189,186,181,181,183,186,189,189,191,191,191,194,194,194,194,194,189,181,178,176,176,173,173,176,181,183,183,178,178,181,183,186,189,189,186,186,189,189,189,189,186,181,173,173,181,183,186,191,191,191,191,191,183,181,181,183,181,178,178,178,176,173,173,131,129,173,176,173,129,129,129,127,127,173,181,189,186,183,183,183,183,178,127,127,129,131,173,127,122,123,129,178,181,183,181,181,186,191,191,189,181,181,178,129,120,119,125,178,186,191,194,196,196,196,196,196,191,191,196,199,199,194,191,189,183,176,173,173,176,183,186,189,189,189,189,189,183,181,181,183,186,189,186,181,131,127,127,173,133,127,127,178,186,189,186,185,185,186,186,183,182,182,183,183,186,181,134,133,135,178,135,178,181,178,176,176,178,186,189,189,183,183,186,191,191,191,191,194,199,199,194,189,186,186,183,181,178,176,131,126,125,126,129,176,183,183,183,186,194,199,194,189,178,178,183,189,191,196,202,202,202,199,199,196,194,191,189,189,186,178,133,135,183,194,199,194,189,186,191,194,189,186,186,191,194,194,194,199,202,196,196,202,212,217,215,209,199,191,189,186,194,199,202,196,186,189,204,207,204,199,194,189,187,189,191,196,202,207,215,222,225,225,222,217,212,209,209,209,212,215,217,217,215,215,217,220,222,222,225,222,215,212,215,222,222,222,222,222,215,215,217,217,215,215,217,225,222,215,217,228,233,233,228,225,220,217,222,0,0,0,0,0,241,238,235,235,238,241,238,233,228,230,233,238,241,241,238,230,222,215,215,215,217,217,215,207,196,186,181,181,181,181,178,178,181,183,186,191,194,194,194,199,204,212,225,0,0,0,0,0,0,0,246,241,225,202,189,186,181,173,173,181,191,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,209,207,212,222,222,215,220,230,238,241,238,230,229,230,233,233,233,230,228,222,212,202,199,199,202,204,204,204,207,209,209,209,207,205,207,215,222,225,230,238,241,241,241,241,238,234,235,238,241,238,233,228,225,225,217,212,215,215,217,220,222,222,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,113,14,0,0,0,0,0,0,0,0,0,61,139,157,173,181,183,186,189,191,196,202,199,194,189,186,183,182,183,186,189,191,191,191,191,194,194,194,196,196,202,202,204,204,202,202,196,189,186,189,186,181,178,178,179,183,194,196,189,107,54,56,61,11,0,47,111,117,115,113,119,170,181,183,186,191,189,176,90,54,95,170,189,199,204,202,196,181,170,125,117,114,113,115,127,194,207,217,217,176,116,121,183,194,199,199,196,191,183,131,127,129,176,183,191,194,194,196,196,196,199,199,204,202,191,183,176,131,178,183,183,178,177,178,178,178,181,181,181,181,178,178,183,186,186,181,181,183,189,191,189,186,178,133,131,129,127,126,131,183,194,202,207,207,204,204,204,199,194,189,186,183,181,176,176,183,194,212,215,204,199,204,204,191,136,136,181,178,134,134,135,181,186,196,204,209,209,209,207,204,202,196,196,202,207,207,202,196,191,189,181,181,186,186,183,183,183,129,125,126,129,133,133,127,120,127,133,181,183,183,181,178,133,129,129,129,133,135,183,191,202,209,215,217,222,215,204,199,199,202,196,195,196,202,204,202,202,202,204,207,212,215,207,194,191,194,189,183,181,181,135,134,133,135,183,183,178,181,183,186,189,183,176,133,178,183,181,173,129,131,173,172,176,191,199,196,196,194,194,194,186,176,133,178,176,181,181,178,176,181,191,202,207,212,212,207,196,186,176,127,129,133,129,129,178,199,202,183,131,176,191,199,194,181,173,127,121,120,131,183,186,178,131,178,191,196,199,199,199,199,202,207,204,196,186,186,189,186,176,129,131,176,178,178,181,178,133,133,131,127,126,127,129,133,133,176,181,191,196,202,207,207,204,194,191,202,209,212,207,196,186,183,178,176,176,181,183,176,168,169,183,186,181,178,181,183,181,181,189,186,131,125,173,194,204,202,186,172,173,178,178,170,127,125,129,173,176,181,196,212,212,199,189,183,181,176,173,170,129,173,191,194,189,181,186,181,108,111,119,127,170,170,169,169,169,168,173,191,199,199,191,181,183,191,186,173,172,178,183,183,178,176,133,176,183,199,199,128,124,129,176,178,176,173,128,127,129,176,178,170,127,127,129,127,119,117,118,125,176,176,123,119,125,127,121,120,125,173,178,168,119,118,121,117,105,93,71,69,119,170,178,178,173,125,121,124,126,124,125,165,170,168,121,120,123,168,123,125,165,119,117,117,113,115,163,163,115,107,103,99,107,163,170,121,87,55,47,63,113,194,194,191,168,113,93,84,97,165,165,119,103,97,107,119,163,168,168,165,173,178,173,121,116,116,160,163,163,165,168,168,165,121,121,121,115,95,81,93,107,111,117,123,123,123,173,181,163,93,104,121,186,196,194,115,82,78,91,111,115,115,123,127,176,183,183,183,194,202,207,202,183,176,178,183,183,178,173,173,178,127,103,105,115,123,123,111,107,115,170,181,189,186,181,186,191,186,176,170,168,166,168,170,173,178,178,176,170,168,168,165,163,165,170,178,181,173,163,160,157,155,183,183,176,165,115,98,99,160,168,170,165,125,170,181,189,196,202,199,194,189,189,186,181,176,131,129,125,125,131,178,178,176,176,178,178,173,170,170,170,168,170,173,170,123,113,112,119,163,165,119,118,119,121,123,125,125,168,189,199,196,196,202,207,207,204,207,204,202,194,178,176,176,181,186,183,178,181,183,181,178,183,189,191,183,178,176,173,170,127,126,127,176,183,183,173,166,169,178,181,173,168,127,125,123,121,119,117,125,176,173,127,125,168,176,181,183,181,176,127,125,168,183,196,202,199,194,191,189,170,121,170,191,196,189,170,125,170,178,181,176,129,129,170,173,128,128,176,189,194,191,189,189,186,186,186,186,186,194,202,209,215,215,215,212,212,209,209,209,204,199,194,194,196,199,199,196,196,199,202,202,202,202,202,199,194,191,189,189,189,183,176,176,178,178,183,191,194,191,186,181,135,135,127,117,118,135,189,189,194,202,207,204,189,129,127,135,186,191,189,183,181,181,178,176,133,131,127,131,176,178,181,181,181,189,196,202,202,199,199,202,204,209,212,209,199,189,186,189,189,189,189,194,199,202,202,199,202,207,209,212,212,209,204,202,199,196,194,191,189,186,183,178,178,178,178,178,178,177,178,178,176,174,174,176,176,133,127,123,123,124,124,125,173,181,178,176,173,178,186,191,196,199,194,189,183,181,178,174,176,178,181,178,178,181,181,181,178,178,173,127,125,127,170,173,178,181,178,177,177,178,177,177,178,178,173,127,127,127,127,127,129,176,178,178,183,186,181,178,181,189,196,196,194,196,196,196,196,199,196,191,189,183,135,134,135,181,183,183,189,191,191,194,196,199,202,202,199,194,194,194,196,196,191,186,181,178,178,178,178,176,170,170,173,173,170,127,123,121,121,121,120,121,123,125,165,170,173,176,178,178,176,170,165,125,125,125,127,168,170,170,170,170,173,173,129,125,125,125,127,127,131,135,183,189,191,194,194,194,196,196,199,202,204,207,209,209,212,212,215,217,222,222,225,225,222,222,217,217,217,220,220,217,217,217,220,222,222,222,222,222,222,222,222,220,215,209,207,202,202,199,199,196,194,189,186,183,183,183,181,178,178,176,173,168,165,125,125,163,165,168,173,178,183,186,189,189,183,173,157,113,109,111,113,117,155,117,115,115,152,155,155,155,117,117,115,115,113,115,119,163,165,119,111,109,115,123,170,176,178,176,173,170,170,170,176,181,183,186,183,183,181,181,183,183,183,183,183,181,181,183,186,191,196,199,196,191,186,183,181,181,186,194,199,199,194,189,189,194,196,196,194,196,196,196,194,194,196,202,207,202,194,183,181,183,189,194,194,196,199,202,199,194,189,186,189,189,191,189,189,186,186,186,189,191,191,189,189,191,191,186,186,186,186,185,185,189,191,191,189,189,189,189,191,191,189,187,187,187,189,191,194,196,196,194,189,183,181,181,181,183,189,194,191,189,189,191,191,186,183,186,186,186,183,182,186,191,191,194,196,194,189,183,181,181,182,183,186,191,194,196,199,199,202,199,199,199,199,199,196,196,196,199,199,202,202,202,199,196,191,183,178,181,178,174,174,176,178,178,183,189,189,189,189,186,183,181,178,173,131,131,127,125,123,123,121,119,120,125,129,129,129,129,129,129,129,128,128,128,128,170,173,173,173,176,178,178,176,176,181,189,189,186,186,186,186,186,189,191,191,191,189,189,191,191,189,183,178,176,176,176,173,173,176,181,183,181,176,173,173,178,183,191,191,186,183,181,181,186,186,186,178,173,173,178,181,181,183,189,191,194,191,183,179,181,183,183,181,181,181,181,178,181,178,176,176,176,127,123,123,125,125,127,176,181,186,186,186,186,183,183,181,173,131,131,129,127,123,120,120,123,173,178,181,178,179,186,191,189,186,186,186,183,127,118,117,121,131,181,186,186,189,189,194,196,196,194,191,196,199,199,194,194,191,183,176,172,173,178,181,183,186,189,189,189,186,181,176,176,178,183,189,189,183,131,123,123,125,127,121,121,129,181,183,186,189,191,191,189,186,186,186,186,186,186,183,135,134,135,135,135,178,183,183,177,176,178,186,191,191,183,183,189,191,191,189,189,194,199,199,191,183,183,186,186,178,131,129,127,125,125,127,127,133,181,186,183,183,191,194,194,189,183,183,189,191,189,189,191,194,196,199,196,194,189,189,187,191,202,207,204,196,196,202,202,194,189,186,189,191,189,183,179,183,186,181,183,194,199,198,198,204,209,209,207,202,196,191,189,186,191,196,199,196,189,194,207,212,207,199,191,189,189,191,194,199,204,209,215,217,217,222,217,215,212,209,209,209,212,215,217,220,217,215,217,217,217,222,225,222,215,215,217,217,217,217,217,217,212,209,212,212,212,212,217,225,225,217,217,228,233,233,230,228,222,215,217,0,0,0,0,0,238,238,235,235,238,241,238,233,230,228,230,235,238,241,238,230,225,217,215,215,215,215,212,207,199,191,183,178,178,177,178,178,178,178,181,183,189,191,191,194,199,207,215,0,0,0,0,0,0,0,243,238,228,209,196,186,178,168,168,176,186,199,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,209,209,212,217,228,225,217,215,220,230,235,235,230,229,230,235,235,235,235,233,225,215,209,204,204,207,204,204,207,209,212,212,212,209,207,209,215,222,228,233,238,238,238,238,238,235,234,235,238,241,238,233,228,225,225,222,217,217,220,222,222,222,222,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,17,0,0,0,0,0,0,0,0,0,0,0,129,178,183,186,186,189,191,196,202,202,199,191,186,183,183,186,189,189,191,191,191,191,191,191,194,194,196,199,202,204,207,204,202,199,196,199,199,194,181,178,178,179,183,191,199,199,178,61,60,99,95,59,81,111,119,157,163,170,170,178,176,173,173,168,121,101,74,119,173,183,194,202,204,199,186,176,170,123,115,113,113,121,183,202,212,204,120,115,121,186,199,204,204,202,191,176,124,122,124,131,189,202,199,202,207,212,212,212,209,209,204,199,194,189,178,178,181,181,181,183,186,186,183,181,176,176,181,181,181,178,176,176,178,181,186,189,189,189,186,176,121,116,121,127,129,178,191,202,207,212,209,209,209,209,207,204,199,194,189,176,127,125,129,183,207,215,207,204,209,204,189,136,183,194,194,183,134,133,134,181,189,194,199,199,199,199,199,196,191,189,191,196,196,194,186,181,181,179,183,194,194,183,181,176,127,125,126,131,178,178,133,129,133,178,183,183,183,183,183,178,133,129,131,135,181,189,194,202,207,212,222,225,222,209,204,204,204,199,194,194,196,202,202,202,202,204,207,212,212,199,186,186,186,179,177,178,181,178,135,135,135,183,183,183,183,189,189,191,186,183,183,183,178,131,128,129,131,176,176,178,189,194,196,194,189,186,189,183,133,132,176,181,186,186,178,174,176,186,199,207,212,204,186,176,176,133,131,131,176,176,176,181,189,191,181,133,178,189,194,189,176,173,129,124,124,178,186,181,173,129,173,186,196,202,202,202,202,202,207,207,194,181,183,186,133,121,119,121,129,178,191,194,178,127,126,127,127,131,133,131,129,131,181,194,204,207,209,212,212,204,196,194,202,209,215,215,204,191,183,181,176,173,176,181,181,176,178,183,178,173,176,183,183,173,126,127,173,127,127,186,212,222,217,202,178,173,176,176,170,127,125,170,176,176,181,194,207,207,194,176,125,125,129,170,170,176,189,204,207,204,173,125,117,100,106,123,170,176,173,170,170,168,166,176,196,207,204,191,181,183,191,186,174,173,178,186,189,183,176,132,176,183,194,191,131,127,131,176,176,176,173,129,128,129,176,176,129,125,124,125,123,118,117,121,168,186,196,127,101,111,168,125,123,127,173,173,127,121,119,119,111,105,115,173,178,181,183,181,170,126,125,127,178,178,168,126,165,170,168,121,118,121,170,170,168,123,115,115,125,125,163,165,170,165,119,115,121,168,173,173,170,168,117,95,101,170,194,196,183,109,101,90,84,90,117,163,115,96,93,101,113,160,165,170,178,191,194,189,165,116,115,119,160,160,163,168,168,165,121,118,119,117,109,101,105,109,111,115,163,168,168,170,183,186,107,105,119,194,207,196,125,97,88,99,109,106,101,101,107,125,181,178,176,183,189,194,191,176,129,125,168,170,176,183,194,204,207,228,215,178,125,121,115,113,117,168,178,183,181,181,194,199,191,178,170,168,168,170,173,173,173,173,173,170,170,173,173,173,173,176,186,191,181,163,160,165,170,189,194,186,170,109,91,90,98,117,165,168,168,173,181,191,204,209,209,204,202,199,196,194,189,181,176,129,127,173,181,178,174,173,176,181,173,168,168,165,123,123,165,168,123,112,111,121,178,183,168,123,123,123,165,170,125,123,176,191,196,196,199,199,194,194,199,202,202,194,181,176,173,176,181,178,176,178,181,178,178,181,178,176,178,181,181,178,173,168,168,173,186,194,189,173,165,165,170,178,176,170,170,168,127,123,117,114,115,127,170,125,122,125,176,183,186,183,176,125,123,168,183,196,199,194,191,189,186,127,111,117,181,189,181,125,124,173,181,181,173,128,126,127,128,129,173,183,196,199,191,186,181,181,186,191,191,191,196,204,209,212,215,215,212,209,209,209,207,204,199,194,194,196,199,196,196,199,202,202,202,199,199,202,202,196,191,191,189,186,183,181,183,186,186,191,196,202,196,191,186,135,178,135,122,121,135,181,177,179,189,196,194,119,87,99,129,181,186,186,183,183,183,178,131,126,124,125,129,178,181,183,181,181,186,194,199,199,199,199,202,202,204,204,204,196,191,194,199,196,194,194,194,199,199,199,198,199,204,207,207,207,204,202,202,202,196,191,186,183,183,181,178,178,178,181,181,181,181,181,183,183,183,183,183,183,178,131,127,125,124,124,127,178,183,178,131,130,173,183,194,196,196,194,191,189,186,181,181,178,178,176,173,176,178,181,181,178,176,129,124,124,124,127,173,181,186,183,181,178,178,177,177,178,178,170,125,123,125,127,125,127,129,129,131,176,178,178,178,181,189,196,196,194,194,194,194,196,196,196,191,189,183,135,134,135,178,181,186,189,191,194,196,199,202,202,199,196,191,189,191,194,194,191,183,178,176,176,176,176,176,170,170,173,173,170,127,125,123,123,121,121,121,121,123,125,168,173,176,178,178,176,170,165,123,123,125,168,127,125,127,129,170,170,129,127,125,124,125,127,129,133,181,186,194,196,199,196,196,196,199,202,204,207,209,209,212,209,212,215,217,222,225,228,228,225,222,217,217,217,220,220,217,217,217,217,222,222,220,220,217,217,222,222,217,215,209,204,202,199,199,196,196,191,189,183,183,181,181,178,176,173,170,168,165,125,123,123,123,165,170,176,181,186,189,189,189,181,170,157,113,109,109,113,115,115,113,111,111,113,115,115,113,113,111,109,107,107,107,111,155,157,115,108,107,111,119,168,173,173,173,170,168,165,165,170,176,178,178,178,181,183,186,189,186,183,183,183,183,183,183,183,189,194,194,191,186,186,183,181,181,183,189,191,194,191,189,191,191,194,194,196,196,194,194,196,196,196,199,202,199,191,183,183,186,191,194,196,196,199,202,199,196,194,191,191,194,194,196,194,191,189,189,191,196,194,191,191,191,189,186,186,189,186,185,183,186,189,191,191,191,191,194,194,194,191,189,189,189,189,189,191,194,191,191,186,183,181,181,183,183,189,191,191,189,189,191,194,194,191,191,191,191,189,189,189,191,191,194,196,194,189,186,183,183,186,189,191,194,194,196,199,199,199,199,199,199,199,199,194,191,191,194,196,196,196,196,199,199,196,189,186,183,178,174,173,174,178,181,186,191,194,191,191,191,191,189,183,178,173,131,129,129,129,127,125,120,121,127,173,173,129,129,170,173,173,173,173,170,128,129,170,173,176,176,178,176,174,174,178,186,191,191,191,189,186,189,191,191,191,191,189,186,186,183,181,178,176,176,178,176,173,173,176,178,181,178,173,130,130,173,183,191,191,186,178,131,131,178,181,178,173,131,173,178,176,174,178,183,189,189,186,183,181,181,183,183,186,186,183,181,181,183,183,181,176,131,123,117,117,121,123,129,181,186,181,183,191,194,189,183,178,127,123,123,123,123,122,120,121,123,131,178,181,179,181,186,189,183,176,181,189,186,173,120,120,125,173,176,178,181,183,186,189,191,194,191,191,194,196,196,194,191,189,186,181,176,176,178,178,181,181,183,183,183,181,176,173,172,176,181,183,186,178,127,121,121,121,121,117,116,123,176,181,186,194,199,196,191,189,189,189,186,186,186,183,135,134,178,178,181,183,189,189,183,178,181,189,191,191,189,186,191,196,194,186,183,189,196,196,189,181,181,183,186,178,131,127,127,126,129,133,133,133,181,186,186,183,186,191,191,189,183,183,189,189,183,178,178,186,194,196,194,191,187,187,189,194,204,209,209,207,207,204,199,194,189,186,186,189,189,181,178,178,178,178,179,191,202,202,202,204,207,202,196,189,186,186,186,185,185,186,186,189,189,194,207,212,207,199,196,196,196,199,199,199,204,209,212,212,212,212,215,215,212,212,212,212,212,217,222,225,222,217,217,217,217,222,222,222,215,212,215,217,215,215,215,215,209,207,207,207,207,209,215,222,222,217,217,228,233,233,233,230,225,215,217,0,0,0,0,0,235,235,233,235,238,241,241,235,233,228,228,230,235,238,238,230,225,217,215,215,215,212,209,204,202,196,189,181,177,177,177,178,176,173,173,178,183,186,189,191,194,202,207,215,0,0,0,0,0,0,238,235,230,215,202,189,176,0,163,170,183,196,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,207,209,212,220,225,225,217,212,215,222,230,233,230,230,233,238,241,241,238,235,230,222,215,209,209,207,204,204,207,209,212,212,212,212,209,209,215,222,228,233,238,238,235,235,238,235,234,235,241,241,238,233,228,225,225,222,222,225,225,225,225,225,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,168,183,189,186,186,191,194,196,199,199,194,189,186,186,189,191,191,191,191,191,189,189,189,189,191,194,196,202,204,207,204,202,202,204,204,204,196,183,179,181,183,186,191,199,202,196,101,97,204,207,113,103,117,165,168,176,183,178,176,168,163,123,119,115,113,113,176,181,178,183,191,191,189,176,176,173,125,115,112,112,115,173,189,199,191,129,120,127,183,202,207,209,204,191,127,120,120,125,178,202,209,204,202,209,215,215,212,209,209,204,199,199,199,189,181,181,186,189,194,196,194,186,181,133,176,189,191,189,181,173,173,176,183,191,191,194,194,191,178,117,113,116,127,176,183,194,204,209,212,209,209,212,212,212,207,204,202,194,178,125,122,123,131,196,207,207,204,207,199,183,178,189,207,212,199,181,133,133,137,181,183,183,183,186,189,191,189,183,137,178,183,186,183,178,181,183,183,191,202,196,183,176,176,127,127,131,176,178,181,176,176,176,183,186,186,183,183,181,176,131,129,133,181,191,194,196,202,207,212,217,222,222,215,212,212,212,204,196,195,199,204,207,207,207,209,209,209,204,189,182,183,183,177,176,181,189,186,183,181,178,181,183,183,186,191,191,189,189,189,189,181,130,127,129,173,178,183,183,178,131,176,186,189,186,183,186,181,133,132,133,178,186,186,178,174,176,183,194,202,202,191,131,129,132,176,133,133,176,178,178,133,131,133,178,178,178,178,181,176,173,173,173,131,173,181,183,178,131,129,131,181,191,199,204,202,202,199,202,199,183,172,174,178,125,115,115,119,131,191,209,207,178,126,127,129,129,131,133,133,131,176,189,204,212,212,212,212,212,209,199,194,202,207,209,209,202,186,181,181,178,173,174,181,183,181,183,183,173,169,170,178,178,127,123,124,129,129,127,181,204,215,215,209,181,129,127,127,125,125,129,176,173,129,170,181,191,191,181,123,113,113,121,127,170,181,199,212,215,215,116,112,113,106,110,181,189,189,186,183,181,176,170,183,199,207,202,191,181,183,196,189,178,174,178,183,189,183,131,131,186,191,189,183,178,176,181,186,183,181,178,176,131,170,173,170,129,127,127,127,125,121,118,123,168,181,183,101,91,99,170,173,173,178,181,173,123,117,115,109,109,119,173,181,178,181,191,191,173,127,173,189,202,194,173,165,165,168,170,125,121,168,178,176,165,119,116,123,199,194,178,168,173,176,165,123,168,173,168,160,165,170,163,113,115,170,186,194,181,111,103,97,91,101,163,168,115,89,87,97,115,160,163,168,189,199,199,194,178,117,114,116,160,160,163,168,170,173,168,160,121,119,117,111,103,102,107,117,168,178,176,173,186,191,165,104,115,199,204,186,125,117,117,121,121,113,103,101,105,113,127,129,129,173,178,178,173,117,107,105,109,115,170,191,204,209,215,222,215,191,173,168,125,121,123,127,176,176,176,183,196,199,191,181,173,168,168,173,176,176,173,170,170,173,176,178,181,181,178,176,181,186,176,163,165,176,181,189,194,191,186,173,103,96,101,121,170,170,168,170,178,191,207,212,212,212,209,207,204,202,196,189,183,173,131,176,181,181,176,173,174,178,173,127,121,118,117,121,125,125,123,116,117,165,178,178,168,125,119,119,165,170,123,119,117,125,183,194,194,191,189,189,194,196,196,189,176,170,127,129,173,176,176,181,183,183,183,178,127,127,181,189,189,183,170,127,168,178,191,196,194,178,168,166,169,173,173,170,170,173,173,168,121,114,114,121,127,124,122,124,170,181,183,181,170,124,121,127,181,191,194,191,191,191,189,170,108,111,123,178,176,125,125,173,181,181,178,170,128,127,128,131,178,191,204,204,194,181,179,181,191,194,194,191,199,204,209,212,212,212,209,207,204,207,207,204,199,194,194,194,196,196,196,199,199,199,199,196,199,202,204,199,194,189,186,183,178,181,189,191,191,196,202,207,204,199,191,181,183,189,189,191,194,189,181,186,191,194,178,87,78,86,131,176,181,183,183,183,183,178,131,126,125,126,129,176,178,178,176,176,181,186,191,194,194,199,202,202,199,196,194,189,189,196,202,204,204,202,199,199,199,199,198,199,202,202,202,199,199,202,204,204,199,186,181,178,178,135,135,135,178,181,183,183,183,183,186,191,191,191,194,191,186,178,133,129,124,125,133,183,189,183,133,129,132,183,194,196,196,196,196,196,194,191,189,186,181,173,172,173,176,181,181,181,176,129,124,124,123,124,129,178,186,186,183,181,181,178,178,181,178,170,123,122,123,123,123,123,123,123,123,127,173,176,178,183,189,194,191,191,191,191,191,194,196,196,194,191,186,181,178,178,181,183,186,189,191,196,199,199,202,202,199,194,189,186,189,194,194,191,183,178,173,173,173,173,170,170,168,168,170,168,165,125,123,123,123,121,121,121,123,125,168,173,176,178,176,173,168,123,121,123,125,125,123,122,123,125,129,127,127,127,125,125,129,131,133,178,186,191,194,199,199,199,199,199,202,204,207,209,209,212,212,212,212,215,220,225,228,228,228,228,222,220,217,217,220,220,217,217,217,217,217,217,217,217,217,217,217,217,217,212,209,204,202,199,199,196,194,191,186,183,181,181,178,178,173,168,127,165,125,123,121,119,121,165,170,178,183,186,189,189,186,178,168,155,113,109,109,109,111,109,107,107,107,109,111,111,109,107,103,97,95,95,99,103,113,155,115,109,107,109,115,160,165,168,168,168,165,163,125,165,168,168,168,170,176,183,189,189,183,181,181,183,186,186,183,183,186,191,191,189,186,186,186,183,183,183,183,186,186,189,191,191,191,191,194,196,194,191,191,196,199,199,196,194,191,189,189,189,191,191,194,196,199,199,199,199,199,194,191,191,191,194,196,196,194,191,189,191,194,194,191,191,191,186,185,186,191,191,186,185,186,194,196,196,194,191,194,199,199,196,196,194,191,186,186,186,189,189,189,186,183,181,181,183,186,189,191,191,187,187,191,191,191,191,191,194,194,194,191,191,191,194,196,196,196,194,189,189,191,191,194,196,196,196,196,196,199,199,196,196,196,196,194,186,183,189,191,194,191,191,191,194,196,196,191,189,186,183,181,178,178,181,183,189,194,191,186,183,186,191,191,186,181,178,176,176,173,173,131,127,125,125,129,173,173,129,128,129,176,181,181,181,176,129,127,128,129,173,173,176,178,178,176,178,183,189,191,189,186,186,189,189,189,189,189,186,183,181,176,173,173,176,176,176,173,170,170,173,176,178,176,131,130,129,131,181,191,191,186,173,128,128,130,173,131,128,128,173,178,176,174,176,181,186,189,186,186,189,186,183,183,186,189,186,181,183,189,189,183,178,131,121,115,115,117,121,129,186,194,183,186,196,199,191,181,176,125,120,120,122,123,125,125,125,127,131,176,181,181,183,186,183,176,170,176,183,186,178,129,131,176,173,131,131,176,183,186,183,181,186,189,191,194,194,194,191,189,189,189,189,186,183,178,178,178,176,176,178,178,178,173,172,173,176,178,178,176,129,121,119,119,121,119,114,114,121,133,178,186,196,202,199,191,186,186,186,183,183,183,178,134,134,178,183,186,191,196,196,191,186,186,191,194,191,189,191,196,199,191,183,178,181,191,194,189,181,179,181,183,181,133,131,129,129,133,181,178,178,183,186,186,183,183,189,189,189,186,186,186,186,178,176,176,183,191,194,194,191,189,189,191,199,207,209,209,209,209,207,202,196,191,186,185,186,186,183,179,178,178,178,181,194,202,202,202,202,202,196,189,182,181,182,186,189,186,185,183,185,186,191,204,207,204,202,202,204,207,204,202,202,202,207,209,209,209,209,209,212,215,215,212,212,212,217,225,228,225,222,222,222,222,222,222,222,215,212,215,215,215,215,215,215,212,207,207,204,203,204,212,217,217,215,217,225,230,235,235,233,225,217,215,0,0,0,0,0,228,230,233,235,238,241,241,238,233,228,228,228,233,235,235,233,228,222,217,215,215,212,207,204,204,202,196,186,181,178,181,178,173,168,168,173,178,186,189,189,191,196,204,209,212,0,0,0,0,0,233,233,230,222,207,189,173,160,0,165,181,196,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,215,217,222,222,217,212,212,215,225,230,230,233,235,241,241,241,241,238,233,225,217,212,209,207,204,204,204,207,209,212,212,212,209,212,215,222,228,233,235,235,235,235,238,235,234,235,241,243,238,233,228,225,222,222,225,228,228,228,228,228,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,150,173,124,113,142,181,186,183,183,186,189,191,194,196,194,189,186,186,191,194,194,191,191,189,183,181,183,186,191,194,196,199,202,204,199,196,202,207,207,204,199,191,186,186,186,186,191,199,204,199,111,111,215,204,170,157,168,176,173,176,186,186,173,163,160,121,117,115,119,165,186,186,178,176,176,170,127,125,168,168,123,115,113,113,115,125,176,189,194,194,189,178,181,196,204,207,204,191,129,121,123,176,196,209,212,204,202,209,215,215,215,212,209,204,199,199,199,191,186,189,196,199,202,202,199,189,176,129,178,196,202,196,186,176,176,183,191,196,199,199,199,199,189,127,116,117,127,176,183,194,202,209,209,209,209,212,212,209,207,207,204,199,183,129,125,125,131,189,202,202,199,196,189,181,178,191,212,217,209,186,133,133,135,137,135,134,134,135,183,186,181,135,131,131,133,178,135,133,135,178,178,186,199,196,186,178,133,127,129,133,176,178,183,181,173,133,186,194,189,183,181,176,133,131,131,135,183,194,199,202,202,207,209,215,217,217,215,217,217,217,209,199,196,202,209,212,212,215,212,209,202,191,186,186,194,191,179,179,194,204,202,194,183,177,178,181,183,189,191,191,186,181,181,181,131,127,128,181,191,186,186,186,173,123,124,176,183,186,183,183,178,133,132,133,176,181,181,178,177,178,183,189,189,186,178,130,130,181,189,186,186,183,183,133,122,120,122,178,186,181,176,173,172,172,176,178,178,178,181,178,176,173,131,176,178,186,191,196,196,194,191,191,186,176,169,172,178,125,113,115,127,186,207,217,212,183,131,176,133,128,128,133,181,189,194,204,212,215,212,209,212,215,212,204,199,202,207,207,204,191,178,178,181,181,178,181,186,183,176,176,178,172,169,172,178,176,129,125,127,173,170,127,129,181,196,204,199,170,119,116,115,117,121,170,183,176,123,119,121,125,125,121,111,105,105,111,119,127,181,196,209,215,209,116,112,116,119,170,204,207,207,207,202,199,191,183,189,196,196,191,183,178,183,194,191,183,178,178,183,186,178,129,178,196,194,178,178,183,186,186,189,183,178,178,176,131,129,127,127,129,129,129,129,129,125,119,118,123,168,117,96,96,168,189,194,196,199,196,183,125,115,109,108,113,125,173,178,173,173,196,194,173,168,181,199,207,199,176,126,127,170,173,170,173,183,191,181,123,121,165,189,220,209,183,119,163,173,165,163,173,173,117,105,109,115,115,115,117,160,170,186,181,119,107,99,93,107,170,178,165,93,89,101,121,165,163,168,191,199,202,199,186,121,115,116,123,165,163,163,168,176,176,176,170,165,160,111,93,91,105,121,168,173,176,181,189,183,117,100,109,191,194,170,125,168,170,125,121,113,113,119,115,117,121,121,121,127,170,173,125,96,92,95,97,103,127,199,204,204,207,207,204,194,186,183,176,127,125,170,176,176,176,191,199,199,191,181,173,168,168,170,176,176,173,170,170,170,176,178,181,181,176,170,170,170,165,160,165,178,181,183,189,194,199,202,183,121,119,168,176,173,168,173,186,199,207,212,212,215,215,212,207,202,196,191,189,183,178,181,186,186,183,176,174,176,176,127,119,115,115,125,123,121,119,117,121,125,123,119,121,119,117,118,125,168,123,115,101,98,113,173,181,181,181,183,191,194,191,181,170,127,123,127,131,131,176,186,191,191,189,178,117,119,183,194,194,183,123,115,119,170,186,196,194,186,176,170,170,170,169,169,170,176,176,173,127,117,116,123,168,168,127,127,170,173,173,176,170,125,122,126,173,183,189,191,194,196,196,183,112,113,123,176,173,127,125,170,178,183,186,186,183,181,176,173,178,194,207,209,196,183,179,183,191,196,194,196,202,209,209,212,212,212,207,202,202,207,209,207,199,194,194,196,199,199,196,199,199,196,196,196,196,202,204,196,189,183,178,131,129,176,189,194,196,199,204,209,209,207,202,196,199,204,212,212,209,204,202,199,202,204,202,113,84,91,121,131,178,183,183,181,178,176,133,133,133,131,127,125,129,131,131,131,176,183,189,189,191,196,202,199,194,189,186,181,183,189,199,207,207,204,202,202,202,202,199,199,199,199,199,196,196,202,207,207,196,181,133,131,131,131,131,133,135,178,181,181,183,186,189,189,191,194,196,194,189,181,178,131,123,123,131,183,189,186,178,132,133,186,196,199,199,202,204,202,199,196,196,191,183,176,172,173,178,181,181,181,181,176,129,129,127,125,170,178,183,183,183,181,181,181,181,183,181,170,123,121,123,125,125,123,123,122,122,123,131,178,181,186,191,191,191,191,191,191,191,194,199,199,196,194,194,189,186,186,189,189,191,191,191,194,199,199,199,199,194,191,186,186,189,191,194,189,183,178,173,131,129,129,129,127,125,127,127,127,123,121,121,121,121,119,119,119,121,123,165,173,176,176,173,170,125,121,119,121,123,125,123,122,122,125,125,125,125,125,127,129,133,178,181,186,191,194,196,199,199,199,202,202,204,207,207,209,212,212,212,212,215,217,220,225,225,228,225,225,222,217,217,217,220,220,217,217,215,215,215,215,215,217,217,217,217,217,215,212,207,204,202,199,196,194,191,189,183,181,181,178,178,173,168,127,125,125,125,121,117,115,119,163,170,178,183,186,186,183,178,170,160,115,111,107,107,107,105,103,101,101,103,105,107,105,105,101,95,87,84,85,89,97,111,155,117,111,109,111,113,117,157,160,163,165,163,123,123,125,125,125,125,127,173,183,189,186,181,179,181,183,186,186,186,183,186,189,191,191,191,191,189,186,186,186,183,183,183,191,196,194,189,189,191,196,194,190,190,196,202,199,194,191,189,189,191,191,191,191,191,196,199,199,199,199,199,196,191,190,189,190,194,196,194,189,186,186,191,191,189,189,189,189,186,189,191,191,189,186,191,199,204,202,196,191,191,199,202,199,196,194,191,183,181,186,186,186,186,186,183,181,179,181,183,189,191,189,187,186,189,191,194,194,191,191,194,194,196,196,194,194,196,199,199,196,194,191,194,196,196,196,196,196,195,196,196,196,194,194,191,191,189,182,181,183,189,191,191,189,186,183,186,189,189,186,189,189,189,189,186,186,186,189,191,189,182,179,182,186,189,186,183,183,183,181,178,173,131,129,129,127,129,170,173,129,127,128,176,181,181,181,178,170,128,128,170,173,173,176,181,183,181,176,178,181,181,181,178,181,186,183,178,178,181,181,178,173,173,173,173,176,176,173,170,169,169,170,176,178,176,173,170,130,170,178,189,191,189,176,129,128,130,131,128,127,129,176,183,181,176,178,181,183,186,189,194,199,191,183,183,189,191,189,183,186,191,194,189,181,173,123,115,114,115,117,129,194,202,196,194,199,199,191,183,181,176,123,122,125,129,173,176,176,131,129,131,176,183,186,186,181,173,172,173,178,178,178,176,181,181,176,129,127,131,178,181,176,173,181,189,194,194,194,194,189,186,189,191,196,194,189,183,178,176,173,173,173,173,173,173,173,173,176,173,131,127,121,117,115,119,121,119,115,115,121,131,176,183,196,202,199,189,181,181,181,181,178,135,135,134,135,178,183,189,196,199,196,191,189,191,191,191,191,189,191,194,191,183,135,135,181,189,194,191,183,181,181,183,181,176,133,131,129,133,181,183,186,186,189,186,183,183,186,189,189,186,186,186,186,181,177,177,183,189,189,191,191,191,194,196,199,204,209,212,209,209,207,204,199,194,189,186,185,186,189,186,183,183,181,183,196,202,199,194,194,196,194,189,181,179,183,191,196,194,186,183,185,186,194,202,204,204,207,209,212,212,209,207,204,202,202,207,209,209,207,207,209,212,215,212,209,209,215,222,225,225,225,228,228,222,222,222,217,215,212,215,217,215,215,217,222,217,212,209,204,202,203,209,215,217,215,217,225,230,233,235,235,230,222,217,0,0,0,0,0,225,228,233,235,238,238,241,238,233,228,228,228,230,233,233,233,228,225,220,217,212,209,207,204,207,207,204,196,191,189,186,181,173,168,166,168,176,181,183,183,186,191,199,204,209,209,0,0,0,0,0,230,228,222,212,194,176,160,0,163,176,191,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,212,215,215,215,212,212,212,217,225,228,233,238,241,238,235,238,238,235,230,222,215,212,209,204,204,204,204,207,207,209,209,209,212,215,222,225,230,235,235,235,238,238,238,235,235,241,243,241,235,233,228,222,222,225,228,228,228,230,230,230,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,194,199,176,144,147,183,183,181,178,181,186,189,191,194,191,186,183,186,191,196,194,191,191,186,181,179,179,186,194,199,196,196,199,199,195,194,196,204,209,204,202,199,194,189,183,186,191,196,196,173,71,81,176,170,165,173,183,183,178,181,189,189,173,163,163,163,121,119,121,168,186,189,181,176,168,117,115,117,127,168,127,123,123,117,115,121,127,183,196,202,202,186,178,186,194,196,196,191,181,133,181,194,209,212,209,204,204,212,215,215,215,215,212,204,194,191,191,191,191,202,207,209,209,209,207,194,131,125,133,196,204,202,194,186,183,189,196,202,204,202,202,202,194,181,127,123,125,173,183,191,196,204,209,209,212,212,209,204,202,202,204,199,186,176,133,176,176,181,189,194,191,186,181,178,181,191,207,215,207,189,134,133,178,178,135,133,133,135,183,186,181,135,131,127,127,131,131,127,125,126,131,181,194,196,189,181,133,127,127,131,173,178,183,181,131,131,183,194,189,183,181,176,176,178,181,178,181,189,196,202,204,207,209,212,217,217,217,217,222,217,212,202,196,202,209,215,220,222,215,204,189,183,186,196,204,199,186,186,207,217,215,204,191,178,178,183,186,189,191,186,181,176,176,176,131,129,176,196,199,189,183,178,129,124,125,176,183,189,186,181,176,176,133,133,133,176,176,178,181,183,183,181,178,135,135,178,191,207,209,207,204,199,194,131,120,119,122,181,194,189,181,176,173,173,178,183,183,181,178,176,176,176,176,178,178,181,183,186,186,183,181,178,178,178,173,181,196,181,118,123,189,207,217,225,217,191,178,178,133,128,128,181,199,207,209,212,212,212,209,207,209,215,215,209,207,204,204,204,199,181,131,176,183,186,183,183,189,178,129,129,181,183,183,186,183,176,170,170,176,178,173,127,127,170,178,191,189,127,119,116,113,115,123,178,191,178,119,112,113,117,119,117,109,104,103,104,111,121,176,189,202,207,202,176,121,123,170,183,207,212,217,217,215,212,202,189,189,189,183,178,178,176,178,186,186,183,183,186,186,186,181,133,186,191,176,123,129,183,189,186,178,131,129,129,131,129,127,125,125,127,129,129,129,170,129,121,117,119,123,117,109,168,194,202,209,212,212,209,196,173,121,115,117,123,168,168,127,127,168,196,191,170,166,178,191,196,189,173,126,170,176,176,176,181,194,199,186,123,123,173,194,212,202,170,109,113,165,170,170,189,189,113,101,105,107,108,115,119,117,160,176,178,119,103,95,93,113,181,194,194,165,101,109,160,165,160,119,183,194,199,202,186,123,119,121,170,170,163,122,122,170,176,186,189,183,173,113,84,83,109,163,168,165,170,183,186,170,115,108,117,186,189,170,170,186,189,127,108,104,115,181,183,173,168,121,116,119,127,170,127,97,92,95,96,97,168,204,202,196,196,196,194,189,186,186,181,170,170,178,181,176,181,199,202,196,191,183,176,170,168,170,173,176,176,170,170,170,173,176,176,176,170,168,165,165,163,159,163,170,170,170,176,186,199,202,189,168,163,165,181,181,176,183,196,204,209,209,212,212,212,207,202,196,194,191,194,196,191,186,186,186,186,176,173,176,181,178,127,119,121,168,168,123,115,109,111,115,111,111,117,119,119,121,125,165,165,119,101,96,101,121,170,173,173,181,189,191,186,178,170,127,123,127,129,129,176,191,199,202,199,181,108,111,186,199,199,183,119,108,109,123,178,191,194,191,183,176,170,169,168,168,170,176,181,178,170,121,121,168,176,178,181,181,176,168,168,170,176,173,129,129,170,176,181,186,191,194,194,186,120,121,170,178,176,123,119,125,173,183,191,199,199,199,191,181,183,196,209,209,199,186,179,183,191,196,196,202,209,212,209,209,212,209,204,199,199,204,209,209,202,199,196,199,202,202,199,199,199,199,199,196,194,194,196,191,183,178,131,127,125,129,186,196,199,202,207,209,212,212,209,209,212,215,217,217,215,212,207,204,204,212,217,204,117,105,113,127,181,186,186,181,178,176,176,181,186,178,124,122,124,129,129,131,178,186,191,194,194,196,199,196,191,186,181,179,179,183,191,199,204,202,202,199,202,202,202,199,199,199,196,196,196,204,207,204,189,133,127,127,129,129,127,129,133,135,135,178,181,186,186,186,186,194,199,196,191,183,181,133,122,122,129,178,183,186,183,181,178,186,196,204,204,207,207,204,196,194,191,189,181,176,176,181,181,181,176,178,181,181,178,178,173,173,178,181,181,179,181,181,183,183,183,183,181,173,123,122,127,131,131,129,127,123,123,125,133,183,189,194,196,194,191,191,194,191,191,196,199,202,199,196,196,196,196,194,194,194,191,191,191,194,196,199,196,196,191,189,186,189,191,191,191,189,186,178,131,129,127,125,125,123,123,123,123,123,121,117,115,115,117,117,117,119,119,123,165,173,176,173,170,165,123,119,119,121,123,125,123,123,123,125,124,124,124,125,127,131,181,186,189,191,196,196,196,196,199,202,204,207,207,207,209,212,212,215,215,215,215,217,217,222,222,222,222,222,220,217,217,217,220,220,217,217,215,212,209,212,212,215,217,217,220,217,215,212,207,204,199,196,196,194,191,186,183,181,178,178,176,170,127,125,125,125,123,117,113,111,115,160,168,176,178,181,178,176,170,160,150,111,107,105,103,103,101,97,95,97,99,101,101,99,99,95,91,84,83,84,89,97,109,152,152,115,113,113,111,113,115,119,157,160,160,121,119,121,121,123,125,168,176,183,186,183,179,181,183,186,186,183,183,183,183,189,191,194,194,194,191,191,194,191,186,183,186,194,199,194,187,187,194,199,196,190,190,194,199,196,194,191,189,191,191,191,191,191,191,194,194,196,199,202,202,199,194,190,189,190,191,191,189,183,139,139,186,186,183,189,194,194,189,189,189,189,189,189,194,202,204,204,196,191,191,199,196,191,191,189,186,181,137,181,183,183,183,186,186,183,181,183,186,191,194,191,187,187,189,194,196,196,194,194,194,196,196,196,196,194,194,196,199,199,196,194,194,196,199,199,199,196,196,196,199,196,194,191,189,189,189,183,183,186,191,191,191,191,186,181,176,176,181,186,189,191,191,189,186,181,178,183,189,189,183,181,183,186,186,183,183,186,189,189,181,176,131,173,173,131,129,129,173,173,129,129,178,181,181,178,176,173,170,173,176,178,176,178,181,183,178,173,173,176,173,129,170,176,181,176,169,169,173,176,173,172,173,176,178,176,176,173,170,170,170,173,178,181,181,176,176,173,170,176,183,191,191,186,176,173,173,173,129,129,173,178,186,183,181,181,181,181,183,189,199,202,196,186,186,191,194,191,186,186,191,194,191,183,178,173,121,117,116,119,131,199,209,207,199,199,199,191,186,189,186,131,129,129,173,178,181,181,173,129,126,129,181,186,183,178,178,178,176,173,172,176,178,183,181,176,129,127,127,173,176,173,173,178,189,196,196,196,194,189,186,189,191,194,194,191,183,178,176,176,173,173,173,173,173,176,176,176,131,125,121,115,111,113,115,117,121,121,119,125,129,133,178,189,196,196,183,176,178,181,178,135,135,135,178,181,183,186,189,194,194,191,189,191,194,191,191,191,189,189,186,181,134,134,135,183,191,194,191,189,186,186,183,183,181,178,133,129,131,181,189,191,191,189,186,183,183,183,186,186,183,183,183,183,183,183,183,186,183,183,186,189,194,196,196,194,196,202,209,209,207,204,202,196,196,194,189,186,189,191,191,189,189,186,186,194,199,194,192,194,194,194,189,182,181,183,191,196,199,191,189,191,196,199,202,204,207,212,215,215,215,215,212,207,202,202,207,212,215,209,205,207,209,212,209,204,207,212,217,222,222,225,228,228,225,222,217,215,212,209,212,215,215,217,222,222,217,215,212,207,204,207,212,0,0,222,222,225,228,233,233,235,233,228,217,0,0,0,0,0,228,228,233,235,235,235,238,238,233,230,228,228,230,233,233,230,228,225,222,217,212,207,204,204,204,207,204,202,196,194,191,186,178,170,166,168,173,176,178,178,181,186,194,199,204,207,209,215,220,225,228,0,225,222,215,202,181,163,0,157,173,186,202,225,235,0,0,0,0,0,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,0,0,0,0,0,207,207,209,215,222,233,238,235,230,228,230,235,235,230,225,217,212,209,207,203,203,204,204,204,204,207,209,212,217,222,225,228,233,235,238,238,241,238,235,238,241,243,241,238,235,230,222,220,222,228,228,230,230,233,233,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,183,189,183,168,142,152,178,176,176,181,186,189,191,194,189,183,182,183,191,196,194,189,189,186,181,179,181,189,199,202,202,199,202,199,195,192,196,207,209,204,202,204,202,191,183,183,183,186,178,77,1,8,87,93,119,178,189,189,186,191,194,189,181,168,165,168,165,123,163,168,181,186,186,178,127,113,113,115,123,170,178,183,181,127,119,117,125,183,194,196,194,183,178,181,183,183,186,189,189,189,194,202,209,209,207,207,207,212,215,215,215,215,212,202,189,181,183,186,196,207,212,212,212,215,215,204,125,122,127,194,202,202,194,191,189,194,202,204,204,204,204,202,196,191,178,127,125,129,181,189,191,199,204,209,212,212,204,199,196,196,196,191,181,176,176,178,133,133,178,183,181,178,178,181,181,186,194,202,196,183,135,135,181,181,135,134,134,178,186,189,181,133,127,125,126,129,131,127,123,124,127,178,191,194,189,186,181,131,127,129,131,176,181,176,130,130,178,186,183,181,181,178,181,189,189,181,135,181,194,202,207,207,207,212,217,222,222,217,217,215,209,199,196,199,209,215,222,225,215,199,185,183,194,209,212,204,191,191,207,217,215,204,196,186,183,186,186,186,183,181,178,176,176,178,176,173,183,199,196,183,173,129,127,129,178,183,186,191,191,183,176,176,176,133,133,133,133,178,183,186,181,134,134,135,183,196,215,228,225,222,217,215,212,181,123,123,125,183,196,199,191,183,178,176,181,186,189,183,178,173,173,173,173,173,178,181,178,178,178,176,131,131,176,183,186,202,215,199,133,181,202,215,225,228,222,199,181,135,131,131,181,204,215,215,215,217,212,207,207,205,209,215,217,212,209,207,202,199,191,129,126,173,189,191,186,183,183,176,125,129,199,204,202,199,189,181,176,176,178,176,170,170,170,129,173,186,189,178,129,127,121,121,129,178,186,170,113,110,113,123,170,176,115,109,105,105,111,121,170,183,191,196,191,183,129,125,170,181,196,204,212,217,217,217,207,191,186,181,176,174,176,173,173,176,181,181,189,196,196,191,191,191,191,181,120,118,123,176,183,181,173,125,124,125,127,129,127,125,124,125,127,129,170,176,173,127,121,123,127,168,170,178,189,199,212,217,217,215,202,186,173,168,168,176,178,125,119,115,117,191,183,170,168,176,178,176,170,127,127,176,183,181,176,181,191,196,189,123,125,173,181,191,176,117,112,117,168,176,186,207,209,165,105,108,108,108,160,163,119,121,176,178,113,97,95,107,183,207,215,212,181,113,117,165,123,107,107,165,181,194,202,181,165,168,168,178,173,165,121,120,123,170,186,202,204,191,163,85,85,113,168,170,163,168,183,183,168,121,123,173,189,191,181,191,209,207,189,105,95,105,191,202,199,191,127,116,115,119,127,168,111,101,99,96,96,127,204,194,186,186,183,176,170,173,178,178,178,186,183,181,176,183,199,202,196,191,186,181,176,170,170,170,173,176,173,170,170,170,170,168,165,165,165,165,165,163,159,160,163,163,160,163,173,183,189,173,160,160,165,186,191,189,194,204,207,204,207,207,207,202,196,194,191,191,191,199,204,202,191,183,178,178,176,173,176,186,191,186,178,181,178,183,181,119,100,101,107,113,115,121,121,123,125,125,125,168,125,113,103,107,121,168,168,127,173,183,183,178,173,173,170,125,123,123,125,176,194,204,209,207,189,105,108,196,207,204,191,123,108,108,115,170,189,194,189,183,178,173,170,170,173,178,183,186,183,173,125,127,176,176,181,191,196,189,173,128,170,183,189,183,173,170,170,173,178,181,183,183,181,127,129,176,178,170,117,114,118,127,181,191,202,204,204,199,189,189,199,212,209,196,183,181,183,189,196,199,207,217,217,209,209,207,207,199,196,196,202,207,207,204,199,196,199,202,202,202,202,202,204,202,194,181,178,183,186,183,178,131,127,126,133,191,199,204,204,207,209,212,212,209,212,212,215,212,212,212,212,209,207,203,207,215,212,189,121,121,131,183,189,186,181,178,178,178,181,189,186,127,122,124,127,129,133,181,189,194,199,199,202,199,194,189,183,183,181,179,181,186,194,199,199,199,196,199,202,202,196,199,199,199,196,199,204,207,199,183,131,125,127,127,127,127,127,129,131,133,135,178,181,183,181,186,194,202,202,196,189,183,178,125,125,131,176,178,186,189,189,186,186,196,204,207,209,207,202,191,186,183,181,178,176,181,186,186,178,129,129,176,178,181,181,178,181,186,186,181,179,179,181,183,186,186,186,186,176,127,127,131,178,178,176,173,131,129,129,176,186,194,199,202,196,191,191,191,191,191,196,202,202,199,196,199,199,199,196,194,194,191,189,189,194,196,196,196,194,191,186,186,189,191,191,189,189,186,178,131,127,125,123,123,122,122,123,123,121,119,115,113,112,113,115,117,119,121,123,165,170,173,170,165,123,119,117,117,119,123,125,125,125,125,125,125,124,124,127,131,176,186,191,194,194,199,199,199,196,199,204,207,209,209,209,209,212,212,215,215,215,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,217,215,209,209,209,212,215,217,217,217,217,215,209,207,202,199,196,194,191,189,186,183,178,178,176,176,170,127,123,121,121,119,113,109,107,113,157,168,173,176,173,170,168,160,152,109,105,103,101,101,99,95,91,91,91,95,97,95,93,91,91,89,87,85,87,93,101,109,150,152,115,115,113,109,109,111,115,119,119,119,119,119,119,121,123,165,170,178,183,183,181,181,183,186,186,183,181,178,181,181,186,191,194,194,194,194,196,196,196,191,186,189,196,199,194,189,189,196,204,202,194,190,191,194,194,191,191,191,191,194,194,196,194,194,191,191,194,196,202,202,199,196,194,191,194,194,189,183,139,137,137,139,137,137,186,194,199,196,191,189,189,187,189,194,199,204,202,196,194,194,196,191,181,181,183,183,137,136,137,137,181,183,186,189,186,186,189,191,196,202,199,194,191,194,199,199,196,194,194,194,194,196,199,196,196,196,196,199,202,199,196,194,196,199,199,199,196,196,199,202,199,194,189,186,189,189,191,191,191,191,191,191,194,191,181,174,173,176,186,191,191,189,186,178,176,174,177,186,191,191,191,191,191,186,181,181,186,191,191,183,176,173,176,178,176,170,129,176,178,176,173,178,183,181,176,173,173,173,178,183,183,178,178,178,176,173,170,173,170,129,126,127,173,178,173,168,168,173,176,173,172,176,181,181,176,173,176,176,176,178,181,183,186,183,181,178,176,173,173,178,189,191,191,186,181,178,176,173,173,181,181,183,183,178,178,176,173,178,189,199,202,196,191,191,196,196,194,189,186,189,191,189,181,181,181,131,123,119,121,173,202,212,209,202,199,199,194,191,191,186,176,173,131,173,176,181,181,173,127,125,127,178,186,183,181,183,181,178,173,170,173,178,181,181,178,131,125,127,129,173,173,173,178,189,196,199,199,196,191,186,189,189,189,189,189,183,176,176,178,178,173,172,172,173,176,176,173,127,123,117,113,110,110,111,113,123,127,125,125,125,127,131,178,186,186,176,173,174,178,178,178,178,181,186,189,189,186,186,189,189,189,189,191,194,191,189,191,191,189,186,178,134,134,181,186,194,194,191,191,191,191,189,186,183,181,133,128,129,183,191,196,194,189,183,181,181,183,183,181,178,176,133,176,181,186,189,189,183,182,182,189,194,196,196,191,189,191,199,204,202,194,191,191,196,196,191,189,191,194,191,191,189,183,186,194,196,196,194,194,194,194,191,186,183,182,183,194,199,196,196,204,207,207,207,207,212,215,217,215,212,215,212,209,202,202,207,215,217,212,205,205,207,209,207,202,202,207,212,215,217,222,228,228,222,217,215,212,207,207,209,215,215,215,217,215,215,215,215,212,212,215,222,0,0,228,225,222,225,228,230,233,233,230,222,0,0,0,0,0,230,230,233,235,233,233,235,235,233,230,228,228,230,230,230,230,228,225,222,215,212,207,202,199,202,202,202,202,199,196,194,191,183,173,168,166,170,173,173,173,176,181,189,196,202,204,207,212,217,222,225,0,0,222,217,207,189,0,0,0,168,181,196,215,228,235,251,0,0,255,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,199,202,204,212,228,233,230,222,215,222,228,233,230,228,222,215,212,207,204,204,203,203,203,204,207,209,215,220,222,225,228,233,235,235,235,238,238,238,241,243,243,241,241,238,233,225,222,225,228,230,230,230,233,233,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,176,163,134,124,144,170,168,170,178,186,186,191,189,189,183,182,182,189,194,191,182,183,186,183,183,183,191,202,207,204,202,204,202,199,199,204,209,207,202,199,202,202,196,189,186,178,168,85,0,0,6,15,59,160,183,194,196,194,196,196,194,186,173,168,170,173,170,170,173,178,181,178,173,125,115,114,115,114,123,189,196,191,176,123,123,127,181,186,178,131,176,181,181,176,173,176,181,189,191,194,196,202,209,209,207,207,212,212,212,212,215,212,199,186,133,131,186,204,209,209,209,215,222,217,202,125,122,129,189,196,196,194,189,191,196,202,204,204,207,207,199,194,191,181,129,127,131,178,181,183,186,194,196,199,202,196,191,189,186,181,133,127,127,129,129,127,129,133,178,181,181,181,181,181,178,178,181,181,178,178,181,183,178,135,135,178,186,194,191,183,127,123,124,127,133,181,186,131,125,126,131,176,183,191,194,189,181,173,131,173,176,176,131,129,131,176,176,176,181,181,178,181,183,183,135,133,181,194,204,209,207,204,209,217,225,222,217,215,212,207,196,194,196,207,215,222,220,212,199,191,196,207,212,212,204,194,191,199,204,204,199,196,189,183,181,178,178,178,181,183,183,181,176,176,183,189,189,186,173,129,127,127,176,186,189,194,199,196,186,178,176,176,133,131,131,131,176,178,181,176,134,135,183,194,207,217,225,225,225,225,222,222,215,189,127,129,186,199,202,194,186,181,181,186,194,196,189,178,173,173,131,130,130,181,183,183,183,178,131,129,129,131,176,186,202,212,204,181,183,204,212,222,225,217,204,183,178,178,186,199,215,217,215,212,212,209,207,205,205,209,217,217,215,212,207,196,189,183,127,124,173,196,199,183,173,176,127,121,129,199,204,199,191,189,183,181,181,178,170,129,176,178,170,173,191,191,183,176,170,176,178,173,173,173,125,111,109,125,191,204,215,209,127,119,119,119,125,173,178,189,186,183,173,123,122,127,170,181,189,202,204,209,212,204,194,183,176,174,174,176,173,172,172,176,186,199,204,207,204,204,202,202,186,125,122,127,176,181,178,131,127,124,124,125,127,129,127,125,125,127,170,183,189,181,170,129,170,173,173,173,176,181,189,207,215,217,212,204,191,178,173,176,178,173,125,114,110,111,127,176,176,178,178,170,126,126,126,127,176,181,176,170,173,176,176,125,121,125,170,121,98,101,113,123,170,170,170,181,204,202,168,115,115,115,121,168,165,121,163,183,189,160,94,97,165,196,209,217,212,191,163,163,170,123,105,106,109,123,176,176,173,176,178,176,170,165,163,170,122,106,163,186,202,207,196,176,109,100,109,123,165,163,165,170,173,125,119,121,170,183,194,204,212,215,212,202,189,109,105,173,204,209,207,186,125,114,113,117,119,113,109,107,103,101,111,181,183,176,176,173,168,165,170,173,176,183,191,189,183,178,183,194,199,196,194,189,181,176,173,170,173,176,176,173,170,168,168,168,160,122,160,160,163,165,165,160,160,160,160,157,119,107,106,115,115,117,121,176,191,196,199,204,204,202,202,202,196,191,186,181,181,186,191,194,204,207,202,196,173,119,129,176,178,183,189,194,196,194,191,194,196,196,176,98,97,105,119,165,165,123,121,123,123,123,165,165,119,117,117,119,125,125,125,170,173,170,125,123,170,170,123,120,120,125,181,196,202,207,212,173,101,109,204,204,204,199,181,113,107,111,127,183,191,186,178,178,181,183,183,186,191,191,189,189,178,170,176,178,170,129,186,202,196,178,129,170,183,189,186,178,170,169,170,173,170,173,178,176,170,170,170,129,123,117,116,117,121,129,181,194,199,202,199,191,186,196,209,207,191,183,183,186,191,196,204,212,222,217,209,204,204,202,199,195,195,196,202,204,204,199,194,196,202,202,202,204,209,212,204,125,99,113,173,183,183,178,176,133,176,183,196,202,207,209,212,212,215,212,212,212,212,209,209,209,212,212,212,209,204,204,209,215,212,202,186,183,183,183,181,181,178,178,173,176,183,183,173,125,125,127,129,176,183,189,194,199,204,204,204,202,194,191,191,189,186,181,181,186,194,199,196,196,199,202,199,196,199,202,202,199,199,202,202,196,183,131,125,127,127,127,125,127,127,129,131,133,135,176,176,176,183,194,202,204,202,191,183,176,131,131,133,176,178,183,189,191,189,189,194,199,202,204,204,199,191,186,181,176,176,176,181,189,186,131,124,125,129,176,178,178,178,181,186,186,181,179,181,183,189,189,191,191,191,189,181,176,178,183,183,183,181,178,176,176,178,183,191,199,202,196,191,190,190,190,191,196,199,199,196,196,196,199,196,194,194,191,189,187,187,191,196,196,196,194,191,186,186,186,189,189,189,186,183,178,131,125,123,122,122,122,123,125,125,123,121,117,113,113,113,113,117,121,123,123,123,165,168,165,125,121,117,116,116,119,123,123,123,123,125,127,129,127,127,133,178,183,189,191,194,196,199,199,199,199,202,204,207,209,209,209,209,209,212,215,215,217,215,215,217,217,217,220,220,217,217,217,217,217,217,217,215,215,212,209,209,209,212,215,217,217,217,215,212,209,207,202,199,194,189,186,186,186,181,178,176,176,176,170,125,119,115,115,113,109,106,106,111,157,168,170,170,168,165,160,155,111,105,101,99,99,99,97,91,85,85,87,91,93,91,83,79,83,89,91,89,89,97,103,111,150,152,150,113,109,105,103,107,111,115,115,115,117,119,121,160,163,168,173,178,181,183,183,183,183,183,183,183,181,181,178,181,183,189,191,191,194,196,199,199,196,194,191,191,191,191,189,191,196,202,209,207,202,194,191,191,191,191,191,191,194,196,199,199,196,194,191,191,191,196,199,202,199,199,196,196,196,194,189,183,183,139,139,137,136,136,183,194,199,202,199,194,191,191,191,196,199,199,199,196,196,199,199,181,176,178,186,183,137,136,137,181,183,186,189,189,189,189,191,196,199,202,199,196,194,196,199,196,196,196,196,196,196,196,199,199,199,199,199,202,202,202,199,196,196,199,199,199,196,199,202,204,202,191,186,183,186,189,194,194,194,191,191,191,194,194,189,178,176,181,189,194,194,191,183,177,174,174,177,186,196,199,199,196,194,186,176,176,181,189,189,183,178,178,181,181,178,170,127,170,176,176,176,181,186,186,178,173,172,173,181,186,186,181,178,176,170,168,168,170,129,127,127,127,173,181,181,173,173,178,181,176,176,178,181,181,173,172,176,181,186,189,191,191,186,183,181,181,181,173,170,173,183,189,194,191,183,178,178,178,178,183,183,178,173,173,131,129,127,173,183,196,199,199,196,196,199,199,194,189,186,186,183,181,176,176,176,176,127,119,119,176,199,209,207,202,202,202,199,196,189,178,173,131,131,131,176,181,178,173,127,129,173,178,183,183,183,178,178,181,181,176,176,173,176,181,178,129,122,123,129,173,173,176,181,189,194,196,196,194,189,186,186,186,186,186,183,181,178,181,183,181,176,172,172,176,178,176,173,127,121,117,113,110,109,109,111,121,127,125,124,123,124,127,131,178,181,176,174,181,186,183,181,181,183,189,191,191,189,186,186,189,191,194,194,194,191,189,189,191,191,194,189,183,181,183,191,196,196,194,191,191,194,191,189,186,183,133,128,131,186,191,196,191,186,181,179,179,181,181,178,176,129,121,114,117,133,189,191,186,182,183,189,196,194,189,186,186,183,181,183,186,186,186,191,196,194,189,189,194,194,189,186,179,178,183,191,194,194,194,194,196,196,196,194,186,182,183,189,196,199,202,212,215,212,209,209,215,217,215,212,212,212,209,204,202,202,209,215,217,212,207,205,207,209,207,202,202,204,207,209,212,215,220,222,217,215,212,207,204,207,209,215,215,212,212,209,209,212,215,217,222,222,0,0,0,0,228,222,217,222,228,235,235,233,225,215,215,0,0,0,233,233,235,235,233,233,233,233,230,228,228,228,228,228,228,228,230,228,222,215,209,204,199,196,196,196,196,196,196,196,196,194,186,178,170,168,168,170,173,170,170,176,183,191,196,202,204,209,215,217,222,220,222,222,222,209,194,170,0,0,165,178,191,202,212,228,246,255,255,255,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,194,194,194,199,212,225,225,215,207,209,217,225,228,228,225,215,215,212,209,207,204,204,203,204,212,215,222,225,225,225,228,233,235,233,231,233,235,241,243,243,243,241,241,241,235,233,230,228,230,230,230,230,233,233,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,1,0,59,142,163,160,160,170,181,181,181,186,186,183,183,186,189,189,183,179,182,183,186,186,189,194,202,204,204,204,207,207,207,207,209,212,207,196,194,199,202,202,196,191,183,111,41,8,13,21,29,103,173,189,199,199,194,194,194,194,183,163,119,165,176,176,178,186,183,176,168,123,119,117,119,119,112,115,183,194,191,183,176,176,173,173,129,125,125,131,178,181,173,170,172,173,178,181,183,189,199,209,212,209,209,209,212,209,209,212,209,196,183,131,130,186,204,209,209,209,212,222,215,196,126,123,127,181,189,191,194,191,194,196,202,204,207,209,207,199,194,186,176,173,178,178,176,173,173,176,176,173,173,178,181,178,178,178,131,121,119,121,123,123,125,131,181,186,189,189,183,181,178,177,176,178,181,181,181,181,178,178,181,186,189,191,196,191,181,127,124,127,176,183,191,191,181,127,126,126,126,133,191,199,196,189,181,176,181,183,181,131,130,131,176,174,176,181,181,176,132,132,132,132,133,183,196,207,209,207,204,207,217,225,225,222,217,212,204,194,192,194,204,212,217,217,209,202,202,207,215,215,212,202,191,189,189,191,191,191,191,183,178,176,173,173,176,183,194,196,189,178,176,183,186,183,178,131,127,127,129,173,181,189,202,204,202,189,181,181,178,176,129,127,127,129,133,133,176,178,186,194,202,209,215,217,217,217,217,222,222,215,196,176,176,191,199,196,189,181,181,183,189,194,196,189,178,173,131,131,129,129,181,186,189,191,186,178,129,126,125,126,133,189,204,199,178,178,191,202,212,212,207,199,183,183,189,196,207,217,222,215,212,209,209,207,205,205,207,212,215,212,212,204,194,189,183,131,125,173,196,202,178,123,123,121,119,127,178,181,173,176,186,189,186,183,181,173,129,176,176,170,173,189,183,178,173,176,178,176,170,170,170,127,115,117,189,212,225,228,220,189,173,129,129,173,176,176,181,186,181,123,117,120,125,125,123,170,183,189,196,202,196,194,178,174,176,178,178,176,170,169,176,194,207,212,209,209,209,212,209,204,194,183,181,181,181,176,129,127,125,124,125,131,176,131,127,127,170,183,199,207,194,176,129,170,170,170,173,176,181,186,199,204,207,202,191,183,178,176,176,178,176,168,119,112,112,123,176,183,186,186,176,127,126,127,126,127,170,168,168,168,127,122,118,118,123,121,97,92,99,119,170,173,170,166,170,173,163,111,113,117,163,176,178,163,118,123,181,186,168,107,109,170,186,199,207,199,178,165,168,178,170,111,108,109,115,123,165,170,181,183,178,117,119,168,173,163,115,120,181,196,199,194,176,115,107,113,121,163,163,123,123,121,120,118,116,118,123,183,209,215,212,209,207,199,170,117,168,196,207,207,202,178,114,113,117,125,125,168,183,181,115,109,115,123,165,170,165,125,168,173,168,165,178,189,189,186,183,186,189,191,191,189,181,170,125,168,173,178,181,183,176,170,165,163,163,122,121,160,157,157,160,163,163,157,160,160,119,115,107,105,106,107,111,121,178,194,199,202,204,204,202,199,196,189,178,131,129,131,181,191,196,202,204,204,194,109,104,121,178,186,189,191,194,196,194,191,196,207,207,186,105,101,109,121,168,168,123,121,123,123,123,165,165,123,121,117,117,121,125,168,176,178,176,123,119,122,125,121,119,119,123,178,196,202,204,202,178,114,117,186,199,204,207,189,113,106,109,125,183,189,186,181,183,189,194,194,194,194,191,189,189,181,173,178,178,125,121,127,191,191,181,170,129,173,176,176,176,170,169,169,170,169,170,176,176,170,129,125,123,121,121,121,123,125,127,170,178,189,194,194,183,178,189,204,204,191,183,189,191,196,202,207,215,222,217,209,204,204,204,202,196,195,196,202,207,207,196,192,194,199,199,199,204,212,215,191,83,85,111,127,178,178,176,176,176,181,189,199,207,212,212,212,215,215,215,215,212,212,209,207,207,212,215,215,212,207,207,209,215,212,207,199,191,186,181,176,176,176,176,172,170,173,178,173,129,125,125,129,178,186,191,196,202,204,207,209,209,207,207,209,204,196,183,134,135,189,196,202,202,204,199,194,194,199,204,204,204,204,207,204,199,189,135,127,125,125,125,125,125,127,127,131,133,135,134,133,134,183,194,199,202,199,191,183,176,176,133,176,176,178,183,189,191,189,191,194,196,194,196,199,199,194,189,181,176,176,176,178,183,183,131,126,127,173,178,178,178,177,178,183,183,181,181,181,183,189,194,194,194,194,194,189,183,183,186,189,186,183,183,181,181,183,186,191,196,196,196,194,191,191,191,194,196,199,196,195,195,196,196,196,194,191,189,189,186,187,191,196,196,194,194,191,189,186,186,186,186,186,183,181,178,131,125,123,123,123,123,125,127,127,125,123,119,117,115,113,115,119,123,123,121,121,125,125,125,121,119,117,116,117,119,121,123,122,122,125,131,173,176,176,178,183,186,189,191,194,196,199,199,202,202,202,204,207,209,209,209,209,209,212,215,215,215,215,215,217,217,220,220,217,217,217,217,217,217,215,215,215,215,212,209,209,209,212,217,222,222,217,215,212,209,207,202,196,191,186,183,183,183,181,176,176,176,173,168,123,117,113,111,109,107,106,107,111,157,165,168,165,163,157,155,147,109,103,99,97,99,99,95,89,83,81,83,87,87,83,77,75,77,87,89,85,85,93,105,147,150,150,111,105,101,99,99,103,107,111,113,113,117,119,121,121,160,168,173,178,178,181,181,181,178,178,178,181,178,178,178,181,186,189,189,189,191,194,196,196,194,194,194,191,189,187,189,194,202,207,212,212,207,202,199,196,189,186,186,189,196,202,202,199,191,190,191,194,194,194,196,199,198,199,199,199,196,194,191,191,189,189,186,183,137,136,183,191,199,202,202,199,196,196,196,199,202,202,199,199,199,196,194,181,178,181,189,186,139,181,186,191,194,194,194,191,186,186,189,191,194,196,196,194,194,194,194,194,191,194,196,199,196,196,199,202,202,202,202,202,202,202,199,194,194,194,194,194,196,196,199,202,199,191,183,181,183,186,191,194,194,194,194,194,196,196,194,186,186,191,196,196,194,191,183,181,178,178,183,189,194,196,196,196,194,186,176,174,176,183,186,186,183,186,186,183,176,127,121,123,127,170,173,178,183,186,181,173,172,173,181,183,183,178,176,173,168,166,168,170,170,168,127,127,170,181,186,183,181,183,183,181,181,181,181,178,173,172,176,186,191,194,196,191,183,181,178,178,178,170,129,173,183,191,194,189,181,178,183,186,183,181,176,127,123,125,123,123,125,176,186,194,196,196,194,199,202,199,194,189,183,181,178,176,173,172,173,173,129,121,123,176,196,204,207,204,202,202,199,194,186,178,173,173,173,173,178,181,176,127,125,170,176,181,183,183,181,177,177,183,183,181,176,172,170,173,176,123,120,122,129,176,178,178,181,183,186,186,186,186,189,186,183,181,183,181,181,181,181,181,183,183,181,178,178,178,181,178,173,127,125,121,117,113,111,111,113,121,127,129,125,124,125,129,133,178,181,178,181,189,194,191,183,181,186,189,194,194,191,189,186,191,196,199,196,194,189,189,189,189,191,196,196,194,191,191,191,196,199,194,191,191,194,194,189,186,181,133,129,176,186,189,191,189,183,181,179,179,181,181,178,133,125,114,111,113,125,183,189,186,183,186,194,196,191,186,181,179,177,173,174,178,183,189,194,199,194,186,183,189,191,186,181,177,177,181,186,183,181,183,189,196,202,204,204,191,183,183,189,194,194,202,212,217,212,209,212,215,215,209,204,204,207,207,202,202,204,209,212,212,212,207,207,207,207,204,202,199,202,204,207,207,207,209,209,212,212,209,204,202,204,209,212,215,212,209,204,204,207,212,217,222,225,225,0,0,0,0,217,215,217,228,238,241,235,228,217,215,0,0,0,235,235,238,238,235,233,233,230,230,228,228,228,228,225,225,228,230,228,222,212,207,202,196,194,194,194,194,194,194,196,196,196,189,181,173,170,168,170,170,168,168,170,178,186,194,199,202,207,212,215,217,217,217,222,222,215,202,181,165,0,168,176,186,194,202,217,238,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,189,186,186,191,202,215,215,209,204,204,209,215,225,228,225,222,217,217,212,209,207,207,207,209,217,222,228,230,230,228,230,235,235,231,230,231,238,243,246,246,243,241,241,241,238,235,233,233,230,233,233,233,233,233,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,155,85,19,98,173,178,178,181,181,183,186,191,191,189,183,182,182,183,186,186,189,191,199,202,207,207,209,212,209,212,212,212,207,196,194,194,199,199,199,196,194,163,63,53,103,105,85,119,173,189,196,191,183,183,186,186,170,113,110,115,168,176,183,194,191,176,123,117,119,123,125,125,115,117,173,183,186,183,183,186,181,127,119,119,121,129,176,181,176,172,170,170,172,173,176,183,199,209,212,212,209,209,207,207,204,207,204,191,178,131,131,189,204,209,209,207,209,215,212,196,129,124,127,176,181,189,194,194,191,194,196,202,207,209,207,199,191,181,131,176,189,186,131,126,129,131,125,119,119,125,129,129,127,131,127,119,117,120,122,122,127,178,191,199,199,194,183,178,177,177,178,183,186,183,181,178,134,178,189,196,194,194,194,189,178,129,129,176,181,186,189,189,178,131,129,129,127,133,189,199,199,191,181,178,183,186,181,131,130,173,178,181,183,186,183,176,130,130,131,132,137,191,202,209,209,207,203,203,212,222,225,225,217,209,202,194,192,194,202,209,215,215,212,209,209,215,217,215,207,196,186,183,183,186,186,186,186,181,176,173,172,172,176,186,199,202,191,178,173,178,183,181,176,131,126,126,127,131,176,186,202,204,196,189,183,183,183,178,129,126,126,127,129,133,178,186,196,202,207,209,209,212,212,215,215,217,217,209,194,183,186,196,199,189,178,176,181,183,186,186,186,181,176,173,131,131,129,130,178,186,191,194,191,183,131,126,124,124,126,133,191,194,176,131,132,178,194,194,189,183,181,189,202,207,212,217,222,217,212,209,207,207,207,207,207,207,207,209,212,207,194,189,189,176,127,129,178,186,129,119,119,121,121,125,125,123,123,129,191,196,189,181,178,173,127,127,170,170,176,181,173,129,170,178,178,127,125,176,181,176,129,173,202,222,228,228,215,194,181,173,173,176,176,172,173,186,189,123,117,122,129,121,85,107,117,129,183,186,186,186,178,176,181,186,186,178,170,169,178,199,212,215,212,212,212,215,217,222,217,207,194,183,178,133,129,129,127,125,131,183,191,186,178,176,178,194,209,215,202,178,127,128,170,170,170,176,178,178,176,176,178,178,174,174,178,178,178,181,181,173,127,119,119,129,183,189,191,191,186,176,170,170,168,127,127,168,173,176,170,123,119,120,125,123,103,99,117,125,165,165,168,173,176,165,113,107,109,121,176,183,178,119,115,121,176,181,168,121,123,168,173,178,186,183,170,163,168,176,173,123,117,115,119,123,163,168,178,181,111,63,91,165,173,178,173,163,173,183,189,186,173,113,109,121,163,163,163,123,119,118,119,121,118,115,114,121,194,204,204,207,207,199,183,127,168,189,204,204,199,178,117,116,173,189,194,199,207,209,186,111,106,111,123,168,123,115,165,170,117,115,170,181,181,183,186,189,186,183,178,173,127,103,95,117,178,189,191,189,183,173,163,121,123,163,160,163,160,115,115,119,157,119,157,160,117,113,111,109,107,107,109,117,176,196,202,202,202,202,199,199,196,183,131,127,126,128,181,191,196,199,204,204,196,104,99,111,176,189,194,194,191,191,189,186,194,209,207,183,121,111,115,125,176,176,165,125,168,168,125,123,125,125,127,123,123,127,170,178,189,196,199,178,121,122,127,129,121,120,121,170,189,196,196,191,178,126,124,129,186,204,209,196,109,105,107,121,178,189,186,186,189,196,202,202,196,191,186,186,186,176,129,176,178,125,119,120,173,181,178,170,127,126,126,129,176,176,170,169,170,169,170,178,178,173,129,123,121,121,127,170,178,176,129,125,127,173,181,181,173,129,178,196,202,194,189,191,196,202,204,207,212,217,212,204,202,202,207,207,202,199,202,204,207,207,199,194,196,199,196,196,199,202,191,49,0,29,123,129,173,173,173,176,178,183,191,199,207,212,209,209,209,212,212,212,212,209,207,204,204,209,212,212,209,209,209,209,209,207,202,196,189,181,176,131,131,173,176,172,170,172,173,173,131,131,129,131,183,189,191,196,202,204,207,209,212,212,215,215,212,209,194,133,132,135,189,199,204,204,194,187,187,194,202,204,207,209,209,207,204,196,183,133,125,124,124,124,125,127,129,131,135,135,135,135,178,186,194,199,199,196,189,181,178,176,176,176,178,181,186,191,191,191,191,194,194,191,191,194,202,199,191,183,178,176,173,176,181,183,178,176,183,189,186,181,178,178,178,181,183,181,181,181,183,189,194,194,194,194,194,191,183,183,186,189,189,186,186,186,189,191,194,196,196,196,196,196,194,194,194,196,199,196,196,195,195,196,196,196,191,189,189,189,187,189,191,194,194,194,194,191,189,186,186,186,186,186,183,181,176,131,127,123,123,125,125,127,168,168,165,125,121,119,117,117,117,119,121,121,121,119,123,125,123,121,119,119,119,119,119,121,123,123,125,127,176,181,183,183,183,183,183,186,189,191,194,196,199,202,202,202,204,207,209,209,209,209,212,212,212,215,215,215,215,215,217,217,217,215,215,215,215,215,215,215,212,212,212,212,212,212,212,215,220,222,222,222,217,212,207,204,199,194,189,183,183,183,183,181,176,173,173,170,165,121,115,111,109,109,107,107,109,113,157,163,163,160,157,152,147,109,105,99,97,95,97,95,93,87,81,77,79,81,81,79,76,75,77,83,83,80,80,87,103,144,150,144,103,97,94,95,97,101,103,107,111,113,115,117,117,119,160,165,170,176,176,176,178,176,173,173,176,176,176,176,176,181,186,189,189,186,186,189,191,191,191,191,191,189,187,187,189,196,207,212,215,215,215,212,209,202,191,183,183,186,196,202,202,196,190,190,194,196,194,194,196,199,199,199,199,199,196,196,199,199,196,194,194,191,186,186,189,194,196,199,202,202,202,202,202,202,202,202,202,199,196,194,189,186,186,186,189,191,189,189,194,199,202,202,199,191,186,181,137,181,186,189,191,191,191,191,189,189,189,191,194,196,196,199,199,202,202,202,199,199,199,196,191,186,183,186,189,189,189,191,191,194,191,186,181,181,183,183,186,189,191,194,191,191,194,194,196,194,194,199,202,196,191,189,186,186,186,186,186,189,191,191,194,194,194,189,178,174,174,178,186,189,189,191,191,183,173,121,118,119,123,127,170,176,181,183,181,176,173,176,178,181,178,176,176,176,170,168,170,173,173,173,170,127,168,181,186,186,183,186,186,186,183,183,181,176,173,173,181,189,189,189,189,186,178,178,178,176,173,129,129,176,186,191,189,186,181,181,191,194,186,178,129,122,121,121,121,122,127,178,189,194,194,191,191,196,199,196,191,186,181,176,176,173,173,172,172,176,173,127,127,181,194,199,202,199,196,196,196,194,186,181,181,178,178,178,181,178,129,123,124,129,178,183,183,183,178,176,177,183,183,181,178,172,170,172,173,123,121,122,170,181,183,181,181,181,181,181,181,181,186,186,183,181,181,179,179,181,181,181,183,186,186,186,183,181,181,178,173,131,129,127,123,121,121,121,119,123,173,176,131,127,129,176,178,181,181,181,186,194,196,194,186,183,189,191,194,196,194,194,191,194,196,199,196,191,189,189,186,186,189,194,199,199,196,194,194,199,199,196,191,191,194,194,191,186,183,178,178,186,191,189,186,186,186,183,183,181,181,181,181,178,129,121,115,119,129,178,183,183,183,189,196,196,191,183,179,178,177,174,176,181,189,194,194,196,194,183,182,183,189,189,183,179,178,179,179,176,174,176,179,191,202,207,204,191,183,183,139,139,183,196,215,217,215,215,217,215,209,202,199,199,204,207,204,204,207,209,209,209,209,207,207,207,207,204,202,199,199,202,202,202,199,202,204,207,209,207,202,200,202,207,212,212,212,207,202,202,204,209,215,222,222,225,0,0,0,0,215,212,217,228,238,241,235,228,0,0,0,0,0,235,238,241,241,238,235,233,230,228,225,225,225,225,222,222,225,228,228,222,212,204,199,194,191,191,191,191,191,191,194,194,194,191,183,178,173,168,168,168,168,168,170,173,183,191,199,204,207,212,215,215,215,217,222,225,225,212,196,181,176,176,181,186,191,199,209,233,248,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,189,183,183,183,194,207,209,207,203,203,204,209,217,228,228,225,222,222,215,212,209,212,212,217,222,225,228,233,233,233,233,238,235,233,233,235,241,246,248,246,246,243,243,241,238,235,235,233,233,233,233,233,233,233,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,111,0,0,66,150,178,176,173,178,181,186,189,194,191,191,191,183,182,183,183,189,191,196,202,207,209,209,209,209,209,207,204,204,199,194,194,196,196,196,199,202,209,109,55,101,121,113,119,168,178,181,176,170,173,176,178,165,113,109,112,123,176,183,191,189,170,117,115,121,127,168,125,121,121,127,170,176,178,178,183,183,173,120,118,120,127,176,178,178,176,173,172,172,173,178,183,194,202,207,209,207,207,204,204,202,199,196,183,133,132,176,189,202,207,204,199,202,207,204,194,133,127,129,176,178,183,189,189,186,186,191,196,207,209,207,199,189,176,127,173,189,181,124,123,129,129,121,117,117,121,123,121,115,123,129,127,123,123,123,125,131,186,199,207,204,199,186,178,181,181,183,186,189,183,178,135,134,178,191,196,191,189,189,183,176,131,133,178,181,181,178,178,176,133,178,186,186,186,189,191,194,186,176,131,178,183,178,130,130,176,186,189,191,194,189,181,135,133,133,133,183,196,204,209,209,204,202,202,207,215,222,222,217,209,199,194,191,192,199,209,215,217,215,212,212,215,217,212,202,191,183,181,182,183,189,189,186,181,178,176,176,173,173,181,194,196,189,176,131,131,173,176,176,173,125,124,129,173,176,186,196,196,189,181,178,181,186,183,133,129,127,127,129,133,183,196,207,209,209,209,209,209,212,212,215,217,212,199,186,183,191,196,194,181,131,131,178,181,176,173,173,131,131,131,173,176,173,173,173,176,181,189,189,181,173,129,127,127,126,126,178,189,176,130,129,131,178,135,132,132,178,196,209,212,215,217,222,217,212,207,207,207,207,209,207,202,202,204,209,202,189,183,181,173,127,123,123,129,125,119,121,125,125,123,123,123,125,176,199,199,183,173,173,129,121,116,123,129,170,129,123,123,129,178,176,121,122,181,186,183,178,183,202,217,225,217,202,189,178,173,176,181,178,172,172,186,194,176,123,173,176,119,88,99,99,107,125,131,178,178,173,176,183,191,191,183,173,172,183,202,209,212,212,212,215,215,222,225,225,215,202,186,133,129,129,131,131,131,183,204,209,204,194,186,183,194,207,209,196,176,128,170,178,176,170,173,176,176,169,170,173,173,172,173,178,183,181,181,181,176,170,125,129,189,191,191,196,199,196,186,178,178,181,183,178,176,181,191,189,173,125,127,170,170,168,176,170,119,113,113,123,186,191,173,113,108,115,173,186,186,170,118,117,165,178,176,168,165,173,173,165,165,170,173,170,165,124,163,165,168,165,163,168,176,173,173,173,163,68,58,75,119,176,196,202,176,170,176,178,176,163,103,97,115,163,163,163,123,120,119,121,168,170,121,116,119,178,189,196,204,204,202,194,178,168,181,199,196,186,173,125,170,199,204,202,204,209,209,191,107,102,106,125,170,113,98,113,119,108,109,165,173,176,178,183,186,183,178,173,125,97,55,51,81,181,196,199,194,186,178,125,121,163,168,165,165,163,114,111,114,117,116,119,160,117,113,113,115,117,115,106,107,176,196,199,199,199,202,202,202,196,186,131,126,126,129,183,199,202,204,204,204,196,109,97,99,125,183,194,194,189,186,183,183,189,204,199,173,123,121,123,170,186,183,170,168,176,178,168,122,122,125,173,178,181,178,176,183,196,209,217,207,178,170,181,183,176,129,125,127,181,191,189,181,176,129,127,127,173,194,204,196,117,107,108,119,173,183,189,189,194,202,207,204,194,186,183,183,183,170,126,129,178,170,121,121,127,173,173,129,126,125,127,173,183,183,176,173,173,170,170,178,183,181,173,125,121,125,129,176,178,176,127,119,118,123,129,131,129,128,173,186,194,194,191,194,202,207,207,209,212,215,209,199,194,196,204,207,207,204,204,204,204,204,196,191,191,189,183,183,183,131,101,0,0,0,127,131,129,129,131,176,181,183,189,196,199,202,202,202,204,207,207,209,209,207,204,203,203,204,207,209,209,209,212,209,204,199,194,186,178,133,131,130,131,176,181,178,173,173,176,178,181,181,178,181,186,189,186,189,199,204,204,202,207,212,212,212,212,215,209,186,134,134,181,194,202,202,191,185,186,189,196,199,204,209,212,209,207,204,196,183,131,125,124,124,127,129,131,135,181,183,186,186,191,194,196,196,199,196,189,181,178,181,181,181,181,183,189,194,196,194,194,194,194,191,191,196,202,202,194,186,178,133,131,133,178,183,183,186,194,196,191,189,183,183,183,183,183,183,183,181,181,186,189,191,191,194,191,186,183,183,186,189,186,186,189,189,191,196,199,199,196,196,199,199,196,196,199,199,199,199,196,196,196,196,196,194,191,189,189,189,189,189,194,194,194,191,191,191,189,189,186,183,183,186,183,178,173,131,127,125,125,127,127,168,170,170,168,165,123,121,119,117,117,119,119,119,117,117,121,123,123,121,121,123,123,123,123,123,125,127,131,176,183,186,186,186,186,186,186,189,189,191,194,196,199,202,202,202,204,207,209,209,212,212,212,212,212,215,215,215,215,215,215,212,212,212,209,212,212,212,212,212,212,212,212,212,212,212,212,215,222,225,225,222,215,212,207,202,196,191,186,183,183,183,181,178,176,173,173,168,123,119,113,109,107,107,107,109,111,115,157,160,160,157,152,150,144,103,99,95,97,97,93,91,87,83,77,75,75,77,77,77,77,77,77,81,80,80,81,89,99,107,144,107,101,95,94,95,97,101,103,105,109,115,115,113,113,115,121,163,168,170,170,170,173,173,168,170,173,173,173,173,176,181,186,189,186,183,183,183,186,189,189,191,191,189,186,186,189,199,207,212,215,215,217,222,217,207,196,186,185,186,194,199,202,196,194,196,202,202,199,196,199,204,204,202,199,196,199,202,209,209,204,202,199,196,196,194,194,194,196,199,202,204,207,207,204,204,202,202,202,199,196,191,189,189,189,186,189,194,196,196,199,202,204,204,199,191,183,135,129,131,135,183,186,189,189,189,187,187,187,191,194,196,199,199,202,202,202,199,196,194,191,189,181,133,133,178,181,181,181,178,178,181,181,181,178,178,181,183,186,189,189,186,186,183,186,191,194,194,196,199,199,194,186,183,189,189,189,189,189,189,189,189,191,194,194,189,181,176,174,178,189,191,194,194,194,189,176,123,119,120,125,129,173,176,181,183,181,178,176,176,178,181,178,176,181,181,176,173,173,176,178,178,173,168,127,176,181,183,181,181,183,186,189,186,181,176,176,178,183,186,178,170,173,173,173,176,176,173,129,125,129,176,181,176,173,173,176,181,191,194,186,176,127,123,123,123,122,123,131,181,186,189,189,189,191,196,196,191,189,181,176,174,176,178,178,176,176,181,181,176,176,183,191,191,191,189,186,189,191,191,191,189,186,183,181,181,183,178,125,121,123,129,178,183,186,186,181,177,177,181,183,181,181,176,173,173,173,127,123,125,176,183,186,183,183,183,183,183,181,178,181,183,183,181,181,179,181,181,183,183,183,186,189,186,183,178,178,178,176,176,176,173,129,129,173,173,129,129,176,178,133,131,133,181,186,186,183,181,186,194,196,194,189,189,191,191,191,194,196,196,194,194,196,196,194,189,183,183,186,186,186,191,199,199,194,192,194,199,199,196,191,191,191,194,194,191,186,183,186,191,194,189,186,186,186,186,183,183,183,183,183,183,181,181,178,176,176,176,178,178,181,186,191,194,191,186,181,181,181,181,183,189,191,194,194,194,191,186,183,189,196,196,194,186,181,179,178,176,174,174,177,186,196,199,196,189,183,186,135,133,135,191,209,212,215,220,222,217,207,199,198,199,204,209,209,212,212,209,207,204,207,209,209,207,207,204,202,202,199,199,199,198,199,199,202,207,209,207,200,200,202,207,212,215,212,209,204,202,202,204,207,212,215,217,0,0,0,0,0,212,215,222,230,235,233,225,0,0,0,0,0,233,241,243,246,241,235,233,230,228,225,225,225,222,222,220,222,225,228,222,212,204,196,191,189,189,189,191,189,189,189,191,194,191,186,178,170,165,164,165,168,168,168,170,178,186,196,202,207,209,212,215,215,217,222,225,225,217,209,196,189,189,191,194,194,199,209,230,246,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,189,183,181,181,189,199,204,204,207,207,204,207,217,228,230,228,225,222,217,215,215,215,217,222,225,225,228,233,235,235,238,241,241,238,238,241,243,246,246,246,246,246,243,241,238,235,235,233,233,230,230,233,233,233,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,105,150,165,165,173,181,186,189,191,189,189,194,189,183,183,186,189,196,202,207,209,207,207,207,207,204,199,194,196,196,196,194,194,194,196,199,204,215,85,7,26,115,117,119,163,168,170,168,168,173,176,176,173,163,115,115,123,176,183,186,181,121,111,111,119,127,127,127,125,123,125,127,170,173,170,173,183,183,173,121,121,129,176,178,178,176,173,176,178,181,183,183,183,189,194,199,202,202,202,202,199,191,186,176,132,176,181,189,194,196,194,186,186,191,194,189,176,133,176,178,176,178,181,181,176,176,183,194,202,204,202,196,189,173,125,129,176,129,122,123,176,173,123,118,119,119,117,107,107,119,173,181,173,125,121,127,181,196,207,209,209,202,194,186,186,183,183,186,186,183,183,181,135,135,183,186,181,181,183,181,176,131,133,178,178,177,178,178,178,178,186,199,202,196,189,183,183,178,130,129,173,181,178,131,173,181,189,196,196,194,189,183,186,186,181,178,183,196,204,209,209,204,202,202,204,215,222,222,215,204,199,194,192,192,196,207,215,217,215,212,212,215,215,212,204,194,186,182,182,186,194,194,189,186,186,186,183,176,173,176,183,186,181,173,129,128,128,130,173,131,125,125,176,181,178,181,186,186,181,176,173,176,183,186,181,133,131,131,131,176,189,204,209,209,209,209,209,209,212,212,215,215,207,189,178,178,186,191,183,131,129,131,178,178,131,129,128,129,130,176,181,186,183,178,131,130,173,178,178,176,178,181,181,181,131,126,133,186,183,176,133,178,181,133,130,131,178,199,212,215,215,215,217,215,209,205,205,207,209,209,207,204,202,199,196,183,133,131,127,125,121,119,119,123,121,119,123,129,129,127,127,129,129,178,191,189,170,127,170,129,116,112,117,127,125,119,117,121,127,176,170,121,121,176,178,181,183,191,202,212,212,202,189,181,176,173,178,183,183,178,181,191,194,186,178,181,178,121,101,99,93,96,111,123,173,173,125,127,176,186,189,186,183,183,194,202,207,209,212,215,212,212,217,222,220,212,204,189,176,129,128,131,133,181,196,217,225,217,207,196,189,189,194,194,183,173,170,183,186,173,125,126,173,176,174,176,181,178,176,176,181,183,183,181,181,178,170,125,170,202,196,194,199,204,204,194,183,181,194,202,194,183,183,194,191,178,168,168,173,173,176,186,181,115,109,109,115,178,186,170,115,109,117,183,194,186,168,119,119,173,183,176,165,168,181,178,165,164,168,173,173,168,163,124,163,165,168,173,189,199,199,189,173,111,73,77,95,113,178,199,199,176,170,170,173,170,119,95,91,96,115,119,123,168,170,165,123,165,170,170,168,173,183,186,191,202,207,204,199,183,168,170,181,181,178,173,170,183,202,204,194,194,199,194,168,102,99,107,176,183,97,91,99,113,109,111,125,168,170,173,176,176,178,181,183,181,97,52,45,65,176,196,199,194,186,176,125,119,123,168,165,163,160,113,111,115,117,116,116,119,119,115,113,115,163,163,107,107,176,194,196,194,196,199,202,202,199,186,173,128,128,173,189,204,209,209,207,207,204,183,99,90,109,173,189,191,186,183,183,183,186,194,181,117,115,117,123,170,181,178,168,168,181,183,173,123,122,168,183,189,191,186,173,178,194,209,222,212,191,186,194,196,196,191,178,176,183,186,181,173,170,129,129,129,129,178,191,191,170,117,113,119,170,178,183,191,196,204,204,199,191,183,183,186,183,129,124,127,176,173,125,125,129,170,170,127,126,127,176,191,199,196,186,178,176,173,173,181,189,189,181,129,125,125,129,129,127,127,121,117,116,119,127,129,131,131,173,181,189,194,194,199,204,209,209,209,212,212,204,194,183,189,199,207,207,204,204,202,199,199,189,178,170,165,164,169,173,123,107,21,0,9,125,129,128,128,131,173,178,181,183,186,186,186,189,191,196,199,202,204,207,207,204,203,203,204,207,207,209,209,209,207,204,196,183,133,131,131,131,131,173,178,183,183,178,176,176,181,186,189,189,189,189,186,181,181,194,202,196,186,191,196,202,204,207,215,217,204,191,183,181,189,199,199,194,187,187,189,191,194,199,207,212,212,209,209,207,196,183,133,129,129,131,133,135,181,186,191,196,199,207,204,199,199,199,196,186,178,181,186,189,186,183,186,191,196,199,196,194,191,191,191,194,196,199,199,194,186,178,133,131,129,131,176,176,181,191,196,194,191,189,189,189,186,186,186,186,186,183,181,181,183,189,191,189,181,181,181,183,186,186,186,186,189,191,196,199,199,196,196,199,199,196,196,196,199,199,199,199,199,196,196,194,191,189,189,189,191,191,191,194,194,191,191,191,191,189,189,183,181,183,186,183,176,173,129,127,127,127,129,168,168,168,168,127,125,123,121,119,117,117,117,117,117,117,117,119,121,123,123,125,125,168,129,129,127,129,173,178,183,189,191,189,189,189,191,191,194,194,196,199,199,202,202,202,202,204,207,209,212,212,212,212,212,212,215,215,212,212,212,209,209,207,207,207,209,212,212,212,212,212,212,212,215,215,215,215,215,222,222,222,217,215,209,204,199,194,191,186,183,183,181,181,178,176,173,170,165,121,117,113,109,107,105,107,109,113,152,157,157,155,152,150,147,107,99,93,93,95,95,91,83,81,79,75,73,73,75,75,77,79,79,79,81,83,85,89,95,99,105,142,107,101,95,95,97,97,99,103,105,109,115,115,111,111,113,119,163,165,168,168,170,173,170,168,168,170,170,170,131,173,178,183,186,186,183,182,183,186,189,191,191,191,189,186,186,189,196,204,209,209,212,215,215,215,209,202,196,191,189,191,194,199,202,204,207,209,209,204,204,207,212,212,204,196,195,199,207,212,209,204,202,202,202,199,199,196,196,199,202,204,207,209,209,207,204,202,204,204,202,199,194,189,189,186,185,189,196,199,199,199,202,204,202,196,189,137,129,125,126,129,135,181,183,189,189,187,187,189,191,194,196,199,202,204,204,202,199,196,191,189,183,135,131,130,133,178,178,131,127,127,129,133,176,178,178,181,183,186,186,183,176,133,133,178,186,194,194,194,196,194,186,181,183,189,191,191,189,189,189,191,191,191,194,194,191,183,178,178,183,191,194,194,194,194,191,183,170,125,125,170,178,181,183,181,181,178,176,176,178,181,181,178,178,183,183,178,173,170,173,176,178,176,168,127,170,176,178,178,178,181,186,189,189,183,178,178,181,183,178,129,125,127,129,129,173,173,129,124,124,127,170,127,120,119,123,129,178,189,186,181,176,129,129,131,173,129,129,173,178,183,186,186,186,191,194,194,189,183,178,174,176,178,183,183,181,181,186,186,181,181,186,189,186,183,181,181,183,186,191,191,191,189,183,181,181,181,173,124,122,124,170,178,183,186,189,186,181,178,181,181,181,181,178,173,173,176,170,127,170,181,189,189,186,186,186,183,181,178,176,178,181,181,181,179,181,183,189,189,189,186,183,183,183,178,173,173,176,178,181,183,181,178,178,181,183,181,178,178,178,176,131,133,183,189,189,183,181,186,191,194,191,191,191,191,190,189,190,194,196,194,194,194,194,189,183,179,181,183,186,189,194,199,199,194,191,192,196,199,196,191,189,189,194,196,194,189,186,189,191,189,183,183,186,186,183,181,181,181,181,183,183,183,183,186,183,178,176,176,178,181,186,189,191,191,189,186,183,181,183,189,191,191,191,191,191,191,189,189,196,202,202,199,189,181,181,183,181,181,181,186,194,196,194,189,183,186,191,183,135,131,135,189,191,202,215,217,212,204,202,199,204,207,209,215,215,212,207,204,204,209,212,212,209,207,207,204,202,199,199,198,199,199,202,204,209,209,207,202,200,202,209,215,217,217,212,207,202,199,199,199,204,207,0,0,0,0,0,215,212,209,209,217,228,228,217,0,0,0,0,0,235,241,248,248,246,238,233,230,225,222,222,222,222,217,217,220,222,225,217,212,202,196,189,186,186,189,189,189,187,189,191,194,191,186,176,165,164,164,165,168,168,168,168,173,181,191,199,204,207,209,212,212,215,217,222,225,222,215,207,202,199,199,202,199,202,212,230,243,251,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,191,186,178,177,181,194,199,204,212,215,212,212,217,228,228,225,225,222,222,222,217,217,217,217,222,222,225,230,235,235,238,243,246,246,243,243,243,246,243,243,243,243,243,241,238,235,233,230,230,228,230,230,233,230,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,66,79,111,113,155,181,186,189,189,183,178,183,186,186,186,189,194,202,207,209,209,204,202,199,202,199,194,189,186,189,191,191,191,194,194,194,196,168,51,5,25,111,117,117,121,163,168,173,181,186,186,181,176,168,123,123,165,176,178,181,181,119,109,109,115,127,173,176,178,173,173,173,176,173,119,113,129,183,183,129,125,129,176,176,176,173,173,178,183,189,186,183,178,181,186,189,191,189,191,194,191,183,178,133,132,181,186,183,183,189,186,178,176,181,186,183,178,178,183,181,176,133,176,131,127,131,178,189,191,191,189,189,183,173,125,123,129,127,125,129,191,189,176,127,125,119,107,102,106,119,173,181,131,119,117,129,191,204,209,212,209,207,202,194,191,183,181,181,183,186,186,186,135,131,133,176,133,176,181,181,133,133,178,181,181,183,186,191,191,186,191,199,202,196,186,178,176,173,129,129,176,186,186,178,176,181,186,191,191,189,183,183,189,189,183,178,181,191,202,209,209,209,204,204,209,215,222,220,212,202,196,196,192,191,194,204,215,217,212,207,204,209,212,212,209,202,194,186,183,186,191,194,191,191,196,199,194,183,173,131,176,181,178,173,129,128,128,130,131,129,125,126,176,178,176,176,178,183,183,176,127,127,178,189,186,178,176,133,131,133,189,207,209,209,209,209,209,209,209,209,209,207,194,178,129,129,176,181,133,129,130,181,186,181,173,130,129,129,131,178,189,194,191,183,131,129,130,131,131,173,183,194,199,194,183,129,133,186,186,189,194,194,191,178,132,132,181,196,207,215,215,215,215,212,209,205,207,209,209,207,207,204,199,191,176,127,125,123,119,119,119,117,116,117,116,117,123,173,178,173,170,170,129,129,173,129,121,123,181,181,121,114,121,129,125,117,116,117,121,127,127,123,122,129,170,176,186,194,196,199,196,183,178,176,172,172,178,183,186,191,199,199,199,194,189,191,183,125,89,89,92,101,119,131,176,125,116,117,123,131,181,186,191,199,204,207,207,207,209,215,212,212,212,212,212,209,207,199,186,133,128,129,133,183,204,220,225,217,212,202,194,194,191,183,176,173,181,194,191,129,122,124,176,183,178,181,186,186,181,178,178,181,181,181,183,181,176,129,173,194,194,194,202,209,207,194,181,181,194,202,196,183,181,183,181,170,128,168,173,170,173,183,189,170,114,113,117,125,165,123,113,105,105,170,189,186,170,117,114,125,178,173,121,163,176,176,165,164,176,178,173,170,170,170,125,122,123,170,194,212,215,209,189,117,97,113,109,113,165,178,176,163,123,163,168,168,123,105,93,96,107,115,165,183,191,183,165,120,120,168,176,186,194,191,189,191,199,202,194,181,168,168,173,176,176,173,170,178,191,191,186,186,186,178,165,113,107,123,181,181,97,92,101,119,117,119,123,125,165,165,127,127,168,178,189,202,204,107,69,89,173,189,194,191,183,176,123,116,118,123,121,119,117,114,114,160,163,119,116,117,119,117,109,99,117,165,105,115,173,186,186,186,194,199,202,202,196,186,176,131,173,178,194,207,212,212,209,209,215,212,181,101,109,125,178,181,181,183,189,189,186,181,125,110,108,109,113,119,119,123,125,168,178,183,173,165,168,181,191,194,196,186,125,170,189,204,209,199,183,194,202,204,207,207,202,196,194,186,176,173,173,170,176,176,129,170,181,183,173,123,117,119,125,129,173,181,194,199,196,194,189,186,186,191,189,173,126,127,173,173,129,170,173,173,170,127,126,129,181,196,204,204,191,181,178,178,181,186,194,196,189,176,129,127,127,124,124,125,125,119,118,121,127,131,173,173,173,176,183,191,196,199,202,207,207,209,212,209,202,186,176,181,194,204,207,204,199,199,196,191,178,169,165,163,164,170,181,178,170,107,49,73,131,176,131,129,129,131,131,173,178,178,176,176,176,181,186,191,199,204,207,207,207,204,204,204,207,207,207,204,202,202,199,191,178,129,129,173,173,131,173,178,183,183,178,131,127,131,178,186,189,189,189,183,178,178,189,196,191,131,109,113,135,189,194,202,212,212,204,191,186,189,196,199,196,194,191,191,191,191,196,204,209,209,209,212,212,204,196,186,181,178,178,178,181,186,191,199,202,209,215,209,204,202,202,194,183,178,181,189,191,191,189,189,191,196,199,196,194,189,189,189,191,194,194,191,186,181,176,133,131,128,127,127,127,129,181,189,191,191,194,194,191,189,189,189,189,186,183,181,179,181,186,189,183,176,178,181,183,183,183,183,186,189,191,196,199,199,196,196,194,194,191,194,194,194,196,196,199,199,196,194,191,189,186,189,191,191,194,194,194,194,191,189,189,189,189,186,181,179,181,186,186,176,131,129,129,129,170,170,170,170,127,125,125,123,121,119,117,116,116,116,116,117,117,117,119,121,125,125,125,127,173,176,173,170,173,178,183,189,191,191,191,191,194,196,199,202,202,204,202,202,202,202,202,202,204,207,209,212,212,212,212,212,212,212,212,212,212,209,207,207,207,207,207,209,212,212,212,212,215,215,215,217,217,217,215,215,217,217,217,215,209,207,199,196,194,191,189,186,183,181,178,176,176,173,170,163,119,115,113,109,105,103,105,109,113,150,152,152,150,147,144,109,103,95,89,89,93,93,85,77,75,75,73,71,71,73,75,77,79,79,79,81,85,91,95,97,99,103,139,107,103,99,97,97,95,99,103,103,107,111,113,111,111,113,119,160,163,165,168,170,173,173,170,168,127,127,127,129,131,176,181,183,183,183,182,183,189,191,191,191,194,191,189,187,189,191,196,204,204,204,204,204,207,204,204,202,199,194,191,194,202,207,209,215,215,212,209,207,209,215,215,207,196,195,199,207,207,207,202,200,202,202,202,199,199,199,202,204,209,209,209,209,207,207,204,204,207,207,202,196,191,189,186,185,189,196,202,202,202,204,204,199,194,183,135,128,125,126,128,131,135,139,186,189,189,189,191,194,194,194,196,202,204,204,204,204,199,196,191,186,178,132,131,133,178,133,127,126,125,126,131,176,181,178,178,183,186,186,176,129,127,127,133,181,189,191,191,194,189,183,181,183,189,191,191,191,191,191,194,194,194,191,191,186,183,181,181,186,191,194,191,194,194,191,186,178,170,173,178,186,189,186,183,178,176,173,173,176,178,178,176,176,181,181,176,168,125,127,170,173,170,127,125,127,170,170,168,168,173,178,183,183,181,181,181,181,178,173,127,125,129,129,128,129,170,129,125,124,127,129,123,118,117,121,129,178,186,183,176,131,129,131,176,178,176,173,173,176,176,181,183,186,189,191,191,189,183,178,174,176,183,189,189,186,183,186,186,183,183,189,189,183,181,181,181,183,183,189,189,189,183,178,176,176,176,131,125,125,129,176,181,181,183,186,186,183,183,181,178,177,178,176,172,172,173,173,170,176,183,191,191,186,183,181,176,173,170,173,176,181,179,179,178,181,189,194,194,191,186,181,178,178,176,172,172,176,181,183,186,186,183,183,189,189,189,183,183,183,178,131,133,181,186,186,181,179,181,186,189,191,194,194,194,190,189,189,191,196,196,196,196,194,186,181,178,179,181,189,194,199,204,204,199,194,191,192,194,194,191,187,187,191,196,194,191,189,189,191,189,181,181,183,183,183,181,178,178,178,181,181,178,181,181,181,181,178,181,186,189,189,186,186,186,189,189,181,135,178,186,191,191,191,191,191,191,191,194,194,196,196,196,189,183,183,191,194,194,194,196,199,196,191,186,182,182,189,186,137,123,118,118,123,183,204,207,202,199,199,202,207,209,212,212,209,207,204,204,207,215,217,215,212,207,207,204,202,199,199,198,199,199,202,207,209,212,209,204,202,204,212,222,225,225,222,212,204,196,194,194,196,0,0,0,0,0,0,217,215,209,208,209,217,222,212,207,0,0,212,0,235,243,248,248,246,241,235,228,225,222,217,222,217,217,215,217,217,222,215,209,202,196,191,186,186,189,189,189,187,187,189,194,194,189,178,168,164,164,168,168,168,168,168,170,178,186,196,199,204,207,209,212,215,217,222,222,222,217,212,204,202,202,202,199,202,212,228,238,248,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,186,178,176,178,186,196,202,212,220,217,215,217,222,225,222,222,222,222,222,217,215,212,212,215,212,217,225,233,235,241,243,248,248,246,243,243,241,241,241,243,243,243,241,238,233,230,228,228,225,225,230,230,228,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,0,0,0,0,0,0,20,137,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,165,186,189,186,176,160,165,178,181,183,189,196,204,209,209,209,204,198,198,202,202,196,186,181,181,183,186,191,194,189,178,119,75,61,55,87,115,117,116,117,163,173,183,194,199,196,189,168,120,120,165,170,170,173,183,191,127,111,111,121,178,186,191,196,196,196,194,196,189,113,105,109,127,176,173,127,127,129,173,173,172,172,178,189,191,186,178,176,176,178,183,183,182,183,186,183,133,133,133,176,189,186,176,133,181,183,176,133,178,181,181,178,181,186,183,176,131,131,127,126,127,176,183,183,178,176,178,176,131,123,122,127,176,181,191,202,202,194,181,131,119,105,101,109,123,129,127,117,113,121,176,199,207,209,209,209,209,207,202,194,183,178,178,181,183,189,189,176,129,129,131,131,133,178,176,176,181,189,191,191,191,196,204,204,196,194,194,191,186,181,173,131,131,131,173,181,186,186,178,176,173,133,133,176,178,181,183,186,189,186,181,178,186,196,204,209,209,209,209,212,215,217,215,207,199,199,199,194,191,192,202,209,212,207,200,200,204,209,212,212,207,199,191,186,186,189,189,191,194,202,207,202,186,173,130,173,176,178,176,173,173,178,183,176,129,126,126,127,131,173,173,178,186,189,178,119,116,125,183,186,183,181,178,133,133,189,207,207,207,207,209,209,207,204,199,194,186,181,131,126,125,127,131,131,131,181,196,199,189,178,173,131,131,173,183,194,196,189,178,131,130,131,131,129,130,183,204,209,207,194,176,176,181,183,191,199,196,191,181,135,135,181,189,202,212,217,215,215,212,209,207,209,212,209,202,202,204,196,178,125,122,123,123,119,118,119,117,115,114,114,117,127,178,181,176,170,129,127,127,127,123,117,118,186,189,170,121,127,176,170,121,116,116,116,116,123,129,125,125,129,176,183,189,183,181,181,174,176,176,170,170,176,181,183,196,207,209,207,204,202,204,196,176,78,81,105,183,189,191,178,117,114,115,117,121,129,181,196,207,209,209,209,209,212,215,215,212,209,207,207,209,209,207,199,186,129,127,129,186,207,217,217,215,207,204,204,204,196,183,170,170,186,196,194,170,126,173,191,194,176,173,178,181,178,176,173,173,176,181,183,178,178,181,183,186,181,183,196,204,202,189,178,178,186,189,186,186,183,178,173,128,127,168,173,170,169,178,189,183,168,125,123,119,119,123,117,105,101,105,168,186,181,112,109,115,173,170,120,121,170,173,168,165,173,173,170,170,173,176,165,120,119,123,181,204,215,215,202,173,121,165,119,115,115,114,117,117,113,121,168,176,181,173,117,109,111,119,173,191,199,196,176,120,118,123,168,176,191,194,186,178,183,186,178,170,170,173,176,178,178,173,170,170,178,178,178,181,170,125,165,165,125,168,176,168,111,103,113,123,123,121,121,121,123,125,127,126,126,168,181,196,204,178,123,125,176,186,191,189,183,178,123,115,116,119,121,117,117,119,121,165,168,165,121,121,160,163,113,69,77,83,31,105,168,176,176,176,189,196,196,196,191,183,181,178,181,186,194,207,212,209,209,212,215,217,207,178,121,121,125,129,176,189,196,196,189,178,165,113,107,108,111,111,105,117,170,176,176,173,168,165,173,186,194,196,196,189,118,121,183,196,196,127,119,186,204,207,209,212,209,207,199,181,173,181,183,181,186,186,173,173,178,173,129,123,119,119,121,119,119,123,186,189,189,189,189,189,191,194,191,178,129,128,170,129,129,176,178,176,170,129,127,126,170,183,196,196,186,178,178,181,183,191,199,204,199,183,173,170,129,125,125,170,173,127,123,127,129,129,129,131,173,173,176,183,191,194,196,202,207,209,212,209,199,183,133,178,194,202,204,199,196,194,191,183,173,172,173,173,173,181,189,186,183,170,117,127,189,194,186,178,173,128,128,131,178,181,133,129,127,127,133,183,194,202,207,209,209,207,207,204,204,204,202,196,191,189,189,183,133,129,129,173,131,129,128,173,178,181,173,123,115,117,125,173,178,183,183,183,178,181,189,199,194,135,100,106,125,181,135,131,191,207,202,191,186,191,194,196,196,196,196,194,191,189,194,199,202,202,204,207,207,202,196,191,189,189,191,191,191,194,199,204,209,212,212,209,207,204,199,189,181,135,135,181,189,189,186,186,189,194,196,196,194,189,186,189,186,186,183,181,181,178,176,133,131,129,127,126,126,128,176,183,186,191,194,194,191,189,189,189,191,189,183,183,181,181,186,186,181,176,176,181,181,181,178,181,183,189,196,199,199,199,199,196,191,189,189,189,189,189,189,191,196,196,194,191,189,186,186,189,191,196,196,196,194,194,191,189,189,189,189,186,179,178,181,189,186,178,131,129,129,129,170,173,173,170,127,125,123,121,121,119,117,117,116,116,117,119,121,121,123,123,125,125,123,127,173,176,176,173,176,181,183,186,189,191,194,196,199,202,204,207,209,207,204,202,202,202,202,202,204,207,209,212,212,212,212,212,212,212,212,212,209,209,207,207,207,209,212,212,212,215,215,215,215,217,217,220,222,217,215,215,215,215,212,209,207,202,196,194,191,191,189,186,186,181,178,176,173,173,168,163,119,115,113,107,103,103,105,107,111,113,147,147,109,107,107,105,99,93,91,89,89,87,81,75,73,73,73,71,71,71,73,77,79,79,79,83,93,97,99,95,97,99,105,139,105,103,99,95,95,99,101,99,101,107,111,111,111,113,119,157,160,163,168,170,170,173,170,168,125,123,123,127,129,173,178,181,181,183,183,186,186,186,186,189,191,194,194,191,191,189,194,199,202,199,196,196,196,199,202,202,202,199,199,202,207,207,209,209,212,212,209,207,209,212,212,209,202,199,199,202,204,202,202,200,202,204,202,202,202,202,204,209,215,215,209,207,207,204,204,204,207,209,204,196,191,189,189,189,194,196,202,202,204,207,204,199,194,186,137,133,129,129,131,133,135,139,186,189,191,194,194,194,194,194,194,196,202,202,204,204,202,199,194,191,186,178,135,135,133,129,127,127,127,127,133,181,183,181,178,181,186,183,176,128,126,127,131,181,186,186,189,189,186,181,178,181,189,191,191,189,189,191,194,194,191,189,186,181,181,181,183,189,191,191,191,191,191,191,183,176,173,173,181,186,189,189,181,176,170,168,170,173,176,173,170,170,173,173,168,125,123,124,127,127,123,121,125,127,125,121,117,115,121,127,170,173,176,176,176,176,173,168,125,125,170,170,129,129,170,170,129,127,125,127,127,121,120,121,129,178,186,181,129,125,124,125,129,173,176,176,173,131,129,173,178,178,181,183,189,189,183,178,176,181,189,191,189,183,181,183,183,181,181,189,189,183,181,181,181,181,181,183,183,183,178,173,131,131,131,129,129,131,176,181,178,178,178,183,183,183,186,183,177,176,178,176,173,172,173,173,173,176,183,189,186,176,127,125,125,125,127,173,178,183,181,178,179,181,189,194,191,189,183,176,174,178,178,174,174,178,183,186,186,186,186,189,189,189,189,186,186,191,186,176,133,178,181,181,179,178,179,181,189,194,196,199,199,196,194,194,196,202,202,202,202,196,191,183,179,179,181,189,199,204,207,209,204,196,192,192,194,196,194,187,187,191,196,194,191,189,186,189,189,181,179,181,183,186,186,183,178,178,178,177,177,177,178,181,181,178,181,186,191,191,186,181,181,183,183,133,127,133,186,194,191,186,183,186,194,194,191,190,190,191,194,194,191,194,196,199,196,194,196,199,194,191,186,182,181,183,183,135,121,115,116,121,133,186,191,189,189,191,199,204,209,209,209,204,199,196,202,209,217,222,215,209,207,204,204,202,199,198,198,199,198,199,202,207,209,209,204,204,209,217,228,230,233,228,217,207,199,194,192,194,0,0,0,0,0,0,0,0,217,212,209,215,217,209,204,204,0,207,0,230,241,246,246,243,241,233,228,222,217,217,217,217,215,215,215,215,215,212,207,202,196,191,186,186,189,191,191,189,189,189,194,196,191,183,173,165,165,168,168,170,168,168,168,173,181,191,196,202,207,209,209,212,217,217,0,0,0,212,202,196,194,196,194,199,209,228,235,243,251,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,189,181,176,177,186,194,202,209,215,217,215,215,215,217,217,222,222,217,215,212,209,209,209,207,207,209,222,230,235,241,243,248,248,246,243,241,238,241,241,241,241,243,243,238,233,225,222,225,222,222,225,228,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,14,0,0,0,0,0,0,0,95,79,33,0,0,0,43,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,173,178,176,163,144,144,165,170,173,181,191,199,202,202,207,204,199,199,204,204,199,191,186,181,178,181,189,191,181,157,77,65,85,105,111,117,119,117,116,163,178,189,196,202,202,191,121,116,119,168,173,169,173,191,196,178,115,115,176,191,196,202,207,207,209,212,215,215,170,107,104,108,123,170,170,125,126,131,173,170,170,178,189,189,181,131,129,131,173,178,183,186,186,186,178,129,131,133,181,194,189,128,126,133,178,176,133,133,176,176,176,178,183,181,173,131,131,127,126,129,176,181,176,130,130,131,129,127,122,121,129,186,196,202,204,207,202,191,173,121,107,103,117,125,125,115,109,115,131,189,199,207,209,209,209,209,207,204,196,189,181,178,178,181,186,186,133,128,128,129,129,131,133,131,178,189,199,202,199,199,202,207,209,202,194,191,186,178,173,131,131,173,176,178,181,181,178,173,131,129,127,126,128,176,189,191,189,189,191,186,181,183,191,199,207,209,209,209,212,212,212,212,207,202,199,199,194,191,192,199,207,209,202,199,198,202,207,209,207,204,199,194,189,186,189,189,189,196,204,209,204,186,173,130,131,176,178,178,181,189,202,207,194,178,131,127,125,129,181,183,183,186,189,176,118,113,118,176,183,183,186,186,176,133,186,204,202,202,204,207,207,204,196,189,178,174,176,133,127,124,125,129,133,181,196,212,209,194,181,178,178,181,181,186,189,189,181,131,130,131,173,173,130,130,186,207,215,209,199,181,176,174,174,183,194,194,189,183,181,178,178,183,196,212,217,217,215,212,212,212,212,212,209,202,199,199,191,129,122,122,127,127,121,121,123,121,117,114,115,121,170,176,176,129,127,127,127,129,129,121,115,114,178,183,173,127,173,178,178,170,119,117,115,115,127,178,129,124,129,173,178,173,128,170,176,178,189,186,173,172,176,176,181,196,207,212,215,215,215,217,209,186,96,90,191,204,202,199,181,117,115,116,117,119,123,133,191,204,209,212,215,215,212,215,217,215,207,205,205,209,215,212,207,196,131,126,128,189,209,215,212,207,199,202,212,215,207,189,173,129,170,181,178,127,127,178,189,183,127,125,168,176,176,173,170,168,173,183,183,174,181,196,199,186,168,169,183,194,194,183,176,176,178,176,178,186,186,178,173,170,127,128,170,170,170,178,183,178,168,168,127,121,123,168,127,113,102,102,115,189,189,110,106,117,173,170,121,121,170,176,173,168,125,168,173,173,173,170,165,121,120,121,168,183,199,207,202,178,173,173,125,121,114,109,115,115,111,121,170,183,194,191,173,119,117,165,181,191,196,194,178,125,121,121,119,118,168,183,178,170,170,173,168,127,173,178,181,186,183,178,170,168,170,170,173,173,125,118,119,125,125,165,168,165,123,117,119,125,123,121,119,119,121,165,176,178,170,127,127,168,111,119,127,170,176,183,189,189,183,181,127,117,118,123,123,123,123,163,165,170,176,176,168,165,173,183,176,55,49,22,0,20,125,170,170,170,183,194,191,189,186,183,183,183,186,189,196,204,209,207,207,207,207,207,204,194,176,123,115,113,127,189,196,196,191,181,173,125,113,113,117,112,102,121,186,186,176,125,121,123,168,183,191,194,196,186,110,114,186,194,183,112,108,127,196,204,207,209,207,202,191,176,176,191,196,191,194,191,178,178,181,127,125,123,121,121,121,117,114,114,176,178,181,186,189,189,191,191,189,181,173,129,170,129,170,178,181,178,173,170,127,125,125,129,178,181,173,170,173,178,183,194,202,209,204,189,178,173,170,127,127,173,173,129,127,129,170,129,127,129,131,173,173,176,181,183,186,194,202,207,207,202,191,178,131,178,191,202,202,196,191,191,189,181,176,178,189,186,178,181,176,181,181,183,183,194,202,202,196,189,178,129,128,173,181,186,178,129,124,122,124,131,186,196,204,207,207,204,202,199,199,196,194,189,183,181,176,133,129,128,129,129,128,126,126,129,176,176,131,121,112,111,113,121,129,176,176,178,181,183,191,202,204,196,113,117,137,186,121,102,117,189,194,189,189,194,196,196,196,196,196,194,191,189,191,196,194,191,196,196,196,194,194,191,194,194,199,199,199,202,207,212,212,209,204,202,202,199,191,183,181,178,127,127,178,181,181,181,183,186,191,196,194,191,189,186,183,181,178,176,176,133,133,133,131,131,131,129,129,131,178,183,183,186,191,191,189,186,186,189,191,189,186,183,183,183,183,183,181,176,176,178,178,178,176,178,183,191,199,204,204,204,202,196,189,186,186,186,185,183,185,186,191,194,189,189,186,186,186,189,194,199,199,196,194,194,191,189,189,189,186,183,179,178,181,189,189,181,176,131,170,170,170,173,173,170,168,127,125,125,123,121,119,119,117,117,119,125,127,168,127,125,123,119,117,123,170,176,176,176,178,183,186,186,186,191,196,202,202,204,207,209,212,209,207,204,204,202,202,202,204,204,207,209,212,215,212,212,212,212,212,212,209,209,209,209,209,212,215,215,215,215,215,215,217,220,222,222,222,217,215,215,212,212,207,204,204,199,196,191,191,191,189,186,186,181,178,176,173,170,165,160,117,115,111,107,103,101,103,105,107,109,109,107,103,103,101,101,97,93,93,91,87,83,77,75,73,73,73,71,70,70,73,79,81,81,81,87,97,101,97,93,93,97,101,105,105,103,99,95,93,97,99,96,96,103,109,111,111,113,117,119,157,163,165,168,168,168,168,125,121,119,121,125,129,131,176,178,181,183,186,186,183,183,183,186,189,194,194,196,194,191,194,199,202,196,194,194,194,194,194,196,199,202,204,207,209,209,205,207,212,212,212,207,207,209,209,207,207,204,202,199,202,204,202,202,207,209,207,204,202,204,207,212,217,217,209,204,204,202,199,199,204,204,202,194,189,189,191,196,199,199,202,204,207,207,207,202,196,191,189,186,186,186,183,183,183,183,186,191,194,194,196,196,194,192,192,194,196,202,204,204,204,202,199,194,189,183,181,135,129,126,127,131,131,133,178,186,186,178,177,178,186,183,178,131,129,131,176,181,181,181,183,186,183,178,133,176,183,186,186,186,186,189,191,191,191,189,183,179,179,181,186,189,189,189,189,189,186,183,178,173,172,173,178,183,186,183,176,129,127,127,168,168,168,127,127,127,168,168,127,124,123,124,165,165,121,119,123,125,123,115,108,107,113,119,121,123,127,168,170,168,168,127,123,125,170,176,173,173,173,176,173,127,123,123,127,127,121,121,125,173,181,178,125,122,122,124,124,127,131,173,173,129,125,127,129,129,127,129,178,183,183,178,176,181,189,191,189,181,179,179,181,179,181,189,189,183,178,178,178,178,178,178,178,176,173,131,129,128,128,128,131,178,183,181,178,173,173,178,181,181,183,183,177,176,178,178,178,176,173,173,173,173,176,178,173,123,115,115,119,125,173,178,183,186,183,181,181,183,186,186,183,181,178,174,174,181,183,178,176,181,186,189,189,189,189,189,189,186,186,186,191,194,191,181,176,178,181,181,181,181,181,186,191,196,196,202,207,204,202,202,204,207,207,207,207,204,199,191,183,181,181,191,202,204,207,207,204,199,196,196,199,202,196,191,189,191,191,191,186,183,183,186,186,183,181,183,189,191,191,186,181,178,177,177,177,178,181,181,181,178,178,183,191,189,183,178,177,178,133,126,124,129,186,191,189,181,135,181,191,196,194,189,189,191,196,199,202,204,204,199,194,191,191,191,191,194,194,186,182,183,186,183,129,120,123,127,133,137,139,139,183,186,194,202,207,207,207,202,195,194,196,207,215,217,215,209,207,204,204,202,199,198,199,199,198,196,198,202,207,209,207,207,209,217,228,235,235,233,225,215,204,199,196,199,204,209,0,0,0,0,238,238,233,228,217,220,217,207,202,199,196,196,0,0,233,238,238,238,235,230,225,220,217,217,217,215,215,215,212,212,209,207,204,199,196,191,186,186,189,191,191,191,191,191,194,196,196,189,178,170,170,170,170,170,170,168,168,170,181,189,196,202,204,207,209,212,212,215,215,0,0,209,199,191,189,189,189,191,204,222,235,243,251,255,0,0,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,191,183,178,178,186,194,199,202,207,209,209,207,209,212,215,217,217,212,212,207,204,204,204,204,203,207,217,230,235,238,243,246,246,243,241,238,238,241,241,238,238,241,241,238,233,225,222,222,220,220,222,222,217,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,12,0,53,43,0,0,0,0,0,0,0,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,142,160,155,131,121,139,163,137,118,163,168,155,183,196,202,196,196,204,202,199,199,199,191,181,178,183,189,183,168,65,60,93,113,117,121,163,165,168,173,181,186,191,194,194,186,125,121,165,170,173,173,181,199,204,202,125,121,202,212,207,209,209,209,209,212,217,222,212,123,102,102,115,176,181,131,125,173,178,170,170,173,181,181,173,123,123,129,131,178,191,199,196,186,131,127,131,131,133,196,191,123,121,129,176,133,176,133,132,133,133,173,176,176,173,131,131,131,129,173,178,176,173,131,131,131,127,123,121,121,129,189,199,202,204,207,207,194,173,129,127,117,115,121,117,109,111,127,186,194,199,202,207,209,212,209,207,202,202,196,191,183,176,176,183,186,176,129,128,128,129,131,131,130,178,196,204,204,202,202,204,209,209,202,194,191,186,181,131,129,173,176,178,178,176,173,173,173,173,173,128,126,128,186,202,204,194,191,196,194,186,183,186,191,199,207,207,207,207,207,207,209,209,207,204,199,192,191,194,202,204,207,202,199,199,200,204,204,199,194,194,191,191,194,196,196,191,194,204,204,194,178,173,131,173,173,176,178,186,199,209,215,209,186,173,129,129,178,189,191,189,183,178,131,123,119,125,131,131,133,186,194,183,176,186,194,194,194,196,196,196,194,186,176,172,176,189,191,178,127,127,133,178,189,207,217,215,199,183,181,189,199,199,191,183,178,131,131,131,131,173,173,173,173,186,207,212,209,194,181,176,174,174,183,191,196,194,189,183,178,135,178,196,209,217,217,215,212,212,212,215,212,207,204,202,194,178,125,122,125,127,125,123,127,173,173,125,119,119,125,129,170,170,127,125,125,129,170,129,121,116,117,127,173,168,168,178,181,178,178,170,125,125,176,194,191,173,124,173,181,178,129,126,127,178,194,204,207,191,181,173,173,186,199,207,212,217,222,225,217,204,202,117,109,125,196,204,196,129,115,115,119,125,125,125,131,181,194,202,207,215,215,217,217,220,217,209,204,205,212,215,215,212,202,133,127,129,191,207,212,207,198,198,204,215,217,209,194,178,127,111,109,117,121,121,125,129,127,120,121,168,176,178,176,170,128,173,189,189,176,181,202,204,183,159,164,176,183,181,176,176,178,178,174,178,181,173,173,178,176,129,128,168,176,183,186,178,168,126,127,127,127,170,178,181,176,123,109,117,176,170,111,111,173,178,125,116,119,170,183,183,165,117,165,186,189,173,123,123,168,170,165,165,170,181,189,183,165,168,173,168,125,121,121,125,117,107,113,168,183,189,191,181,121,119,168,183,191,191,181,173,168,125,123,119,118,121,170,170,127,127,168,127,168,178,186,189,194,191,176,168,127,127,168,173,170,123,117,115,117,121,123,165,168,125,117,119,123,125,123,118,117,119,123,181,189,183,173,121,110,80,104,125,173,176,181,186,183,181,173,170,170,170,170,165,125,165,168,173,181,189,189,176,164,176,186,176,121,113,55,15,16,113,170,176,173,183,189,183,178,178,181,181,183,183,186,191,202,204,204,204,202,202,202,202,199,189,127,105,94,95,119,178,186,183,176,170,165,125,170,170,115,106,112,183,186,165,119,119,120,123,170,189,191,189,168,83,96,191,191,178,116,113,119,183,199,202,199,194,183,173,170,178,194,199,196,191,186,183,183,176,125,125,125,125,125,123,123,117,108,117,129,176,183,189,189,186,183,183,178,173,170,170,173,176,178,181,181,176,170,129,127,126,127,173,170,168,166,170,176,181,186,196,202,199,183,173,170,170,170,170,173,173,170,129,170,170,128,128,170,176,178,176,173,129,127,131,181,191,196,191,181,133,133,131,176,186,194,194,191,189,189,186,178,176,176,178,176,57,41,32,28,121,196,202,207,209,204,202,196,189,178,173,178,186,186,183,176,127,121,121,126,178,189,196,199,199,196,191,189,189,189,189,191,189,181,133,129,129,128,128,128,127,126,127,131,178,176,131,131,127,117,109,110,121,131,176,176,181,186,191,204,209,204,186,181,191,191,103,87,97,135,186,189,191,196,196,191,191,194,196,196,189,183,186,191,191,187,191,189,186,186,189,191,191,194,199,202,202,204,209,215,215,207,194,192,194,191,186,183,186,183,113,95,115,135,178,178,178,181,183,189,191,191,189,186,183,181,178,178,176,133,133,133,133,133,133,176,176,178,183,186,186,183,183,183,183,183,186,189,191,189,189,186,183,183,183,183,178,176,133,176,178,176,133,181,186,194,202,204,204,204,202,194,189,186,189,189,185,183,185,191,191,189,186,185,186,186,186,191,196,199,199,196,194,194,194,191,189,186,186,183,181,181,186,189,189,186,181,176,131,170,170,170,170,168,168,168,127,127,125,125,123,123,121,121,125,170,176,176,173,168,121,109,107,115,125,131,131,131,178,186,186,186,186,194,199,204,207,207,207,209,209,207,204,204,207,204,204,202,204,204,207,207,212,212,212,212,212,212,212,209,207,207,209,209,209,212,215,217,217,215,215,215,217,222,222,222,222,217,215,215,212,209,204,202,199,196,194,191,191,191,189,186,183,178,176,173,170,165,163,121,117,113,109,105,101,101,101,103,103,103,103,101,99,97,97,97,95,93,93,89,87,83,79,75,75,73,71,71,70,70,77,85,89,85,85,89,95,97,95,93,95,97,99,101,103,99,93,89,93,95,97,96,97,99,105,107,107,109,111,115,117,160,163,163,163,123,121,121,117,116,119,125,131,173,176,178,186,189,189,186,183,182,183,186,189,191,196,196,196,194,196,202,202,199,196,196,194,191,186,189,194,202,207,209,212,209,205,207,212,215,212,207,207,207,209,207,207,207,207,204,204,207,207,204,207,212,212,204,204,207,209,209,215,215,209,202,202,199,194,191,194,196,194,191,189,189,194,202,204,202,204,207,209,212,212,207,202,199,199,199,199,199,199,196,191,189,189,191,196,196,196,199,196,194,191,192,199,204,207,204,204,204,199,191,181,178,135,131,127,127,127,131,133,176,183,189,186,177,176,181,186,189,189,183,181,181,181,181,181,178,178,183,183,178,131,131,176,181,178,176,181,189,191,189,186,189,186,181,179,183,186,183,181,181,183,181,178,173,173,176,173,173,178,181,181,178,170,126,124,126,127,127,126,127,168,168,168,168,127,165,125,165,168,165,121,117,117,123,165,113,106,108,115,121,121,121,123,127,127,127,125,123,123,125,173,181,183,181,181,181,178,129,121,121,123,125,120,120,125,173,178,178,127,124,129,129,125,125,131,131,173,173,125,124,125,125,122,121,125,176,178,176,176,183,189,189,186,181,177,177,181,183,186,189,189,183,178,176,176,176,176,176,176,173,173,131,129,128,127,129,176,181,181,176,173,173,176,178,176,176,181,181,178,177,178,181,183,181,173,125,123,121,119,121,121,115,111,113,119,127,181,189,191,189,189,189,189,186,183,178,176,176,176,173,174,181,186,183,181,183,189,194,194,191,189,186,186,183,183,186,189,194,194,186,181,181,183,186,189,189,189,194,196,196,199,204,209,207,202,202,204,207,207,209,212,215,209,199,189,181,181,191,199,202,202,202,199,196,202,204,204,204,199,194,187,187,189,186,181,179,179,181,183,183,183,186,191,191,189,183,181,178,178,178,178,181,181,183,181,178,178,181,186,183,178,177,177,181,178,127,126,133,186,186,183,178,135,134,181,199,199,194,191,199,199,199,204,212,212,199,189,189,186,186,189,194,196,194,189,189,194,186,135,131,133,133,135,137,139,186,186,189,194,202,204,204,204,199,194,192,196,207,215,215,212,209,207,204,204,202,202,202,202,202,199,198,199,202,207,209,209,207,207,215,225,233,235,233,230,222,209,204,202,207,212,222,230,235,241,243,243,243,243,241,235,230,215,199,196,196,189,183,0,0,0,0,0,230,230,228,222,217,215,215,215,215,215,215,212,209,204,202,199,196,194,189,141,183,186,189,194,194,194,194,196,196,196,189,181,173,173,173,173,173,173,170,168,170,181,191,196,199,202,204,207,207,207,207,209,212,212,207,202,191,189,189,185,185,194,215,235,246,251,255,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,191,186,183,183,186,189,194,196,199,202,202,202,204,209,212,215,209,207,207,204,199,199,202,204,207,212,220,228,235,238,241,241,241,241,238,238,238,241,238,235,235,235,238,238,233,225,222,225,222,217,215,212,212,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,87,105,74,31,0,0,0,0,0,108,170,194,189,178,191,199,199,202,202,196,183,173,178,189,196,196,105,73,97,113,119,163,173,181,186,181,181,183,183,178,176,176,173,178,181,183,186,183,189,202,207,194,117,121,209,217,217,217,212,209,208,209,215,222,217,186,93,92,123,189,191,183,176,176,178,173,172,173,176,178,173,119,115,127,131,176,189,204,204,191,120,118,125,125,129,191,189,125,122,129,133,133,176,133,132,176,173,131,132,176,176,131,131,173,173,173,173,173,173,176,178,176,125,122,121,122,129,186,199,202,204,207,204,194,176,176,176,123,109,110,110,109,119,181,194,196,199,202,209,215,215,209,204,202,204,202,199,189,133,133,183,194,191,181,133,131,131,176,131,129,178,196,202,199,202,207,209,215,209,196,189,189,183,131,125,127,176,178,178,176,176,173,173,173,176,176,131,129,178,199,212,209,196,189,194,196,189,181,137,183,194,202,204,202,204,204,204,212,215,212,207,196,192,192,196,202,207,207,204,202,202,204,204,199,191,189,189,191,196,202,207,202,189,183,186,186,181,173,131,131,131,173,176,176,183,196,212,217,212,183,129,127,129,173,183,186,183,176,173,173,173,133,176,133,129,129,178,189,181,176,183,189,186,183,183,186,183,181,178,174,174,183,199,199,186,131,131,178,183,191,204,209,204,194,181,181,194,207,204,191,181,173,131,131,129,127,129,131,173,176,186,196,204,202,189,178,176,176,178,186,194,196,194,189,183,176,133,178,194,207,215,215,212,207,207,209,212,209,207,204,196,183,129,123,121,122,123,123,125,131,176,176,127,123,125,127,129,170,170,170,125,125,125,127,127,123,120,120,125,168,166,170,178,176,170,170,176,181,191,207,212,207,191,176,178,181,181,173,127,127,178,196,209,215,207,194,176,173,194,207,212,217,217,222,222,194,125,170,115,105,105,178,194,183,115,111,117,129,181,183,176,131,131,176,183,191,199,207,215,220,217,212,207,205,209,212,209,207,207,196,133,128,176,191,199,204,202,199,202,209,215,215,204,189,178,173,106,105,110,117,117,117,119,121,121,127,176,183,183,178,129,128,170,186,186,176,178,194,196,178,164,168,173,178,173,173,178,183,183,176,176,170,127,128,176,176,170,129,129,178,191,191,178,126,124,125,127,173,183,196,196,191,186,176,170,170,165,119,165,183,176,112,112,117,165,186,189,111,108,125,189,189,170,121,123,170,178,173,168,165,168,173,170,123,125,176,176,173,176,181,176,111,100,105,123,176,186,186,173,119,119,165,181,189,181,170,165,127,123,120,120,123,170,176,170,126,126,127,126,170,189,199,199,196,194,173,125,125,127,173,176,168,125,119,117,117,121,123,125,168,121,114,116,121,125,165,123,119,119,123,181,191,189,178,123,113,106,123,176,178,181,183,186,183,176,170,173,178,181,176,170,165,165,168,176,189,199,196,173,159,159,173,170,163,163,115,67,63,109,165,178,178,183,186,181,174,174,178,183,183,183,181,186,194,202,202,199,199,196,199,199,199,194,178,113,91,83,83,97,125,173,168,165,125,125,168,173,125,110,113,178,178,118,116,121,125,123,127,181,181,176,121,87,98,181,183,176,123,118,123,176,189,191,181,127,121,119,125,178,194,199,196,186,181,181,178,170,125,125,127,129,129,127,125,119,113,117,125,173,181,186,183,181,181,181,178,173,170,173,176,176,176,178,181,173,129,129,129,127,129,173,170,168,168,170,173,176,176,183,189,186,173,126,126,129,176,178,181,181,173,170,129,129,128,170,178,183,186,183,173,125,122,123,129,176,176,131,123,123,125,125,127,173,178,181,183,183,186,183,173,129,125,109,37,22,32,27,23,97,191,204,209,209,204,202,199,194,183,181,186,186,181,176,176,181,183,181,176,176,181,186,191,191,189,183,178,178,181,186,194,191,181,173,129,129,129,129,129,131,129,131,176,181,181,181,181,181,173,113,104,108,133,181,181,183,186,191,202,207,202,194,191,196,196,121,97,105,135,186,191,196,199,194,189,187,190,194,194,181,125,123,135,189,194,194,189,183,183,186,189,186,186,191,196,199,202,207,212,212,204,196,194,194,191,189,189,196,194,109,96,108,129,135,178,181,181,179,183,189,191,191,189,183,183,183,183,181,178,176,176,178,178,178,181,181,181,181,183,181,176,131,131,173,178,186,189,191,189,189,186,183,183,183,183,181,176,131,131,131,131,133,178,186,194,202,202,202,199,196,191,186,186,191,191,186,186,189,196,194,189,185,185,186,186,189,191,196,199,199,199,196,196,196,194,189,186,186,186,186,186,189,191,189,186,181,176,173,170,170,170,129,129,168,168,170,170,170,168,127,127,125,125,168,176,183,183,178,170,119,108,105,109,121,125,125,127,176,186,189,189,191,199,204,207,209,209,207,207,207,204,204,204,207,207,204,204,207,207,207,207,209,212,212,212,212,212,212,209,207,207,209,209,209,212,215,217,217,215,215,215,217,222,222,222,222,217,215,212,212,207,204,199,199,196,194,191,191,189,186,181,178,176,173,173,168,165,163,121,119,113,107,101,99,99,101,101,99,99,97,95,95,95,95,95,95,93,91,89,87,83,79,77,75,73,73,73,73,75,85,95,95,89,85,87,91,93,93,95,99,101,101,99,97,91,85,85,89,95,97,99,101,101,103,103,103,105,107,109,115,157,163,163,123,121,119,117,117,117,119,127,173,176,178,183,189,191,189,186,183,183,186,189,191,194,196,199,199,199,202,204,202,196,194,194,191,186,139,139,186,194,202,209,212,212,207,207,212,212,212,207,207,209,209,207,207,209,209,207,209,212,209,207,207,212,212,207,207,209,209,209,212,207,196,191,191,191,189,189,189,189,191,191,191,194,196,204,207,207,207,207,212,215,217,212,207,202,204,204,202,202,204,202,196,194,194,194,196,196,196,199,202,196,192,194,202,207,207,207,204,204,199,186,127,121,123,125,125,121,125,131,178,181,183,189,183,177,177,181,186,191,194,191,186,183,181,178,178,176,178,186,189,181,131,129,130,133,131,129,176,186,194,189,186,189,189,183,181,186,186,183,178,176,176,173,131,130,173,178,178,176,176,178,178,176,170,127,125,126,168,127,127,170,173,170,127,125,125,125,165,165,125,121,119,115,113,121,165,117,110,113,119,123,123,123,125,168,168,125,123,119,117,119,127,178,186,189,183,181,181,173,125,121,121,121,123,125,129,173,178,181,181,181,186,189,186,181,181,176,173,176,127,127,129,129,123,121,122,129,133,133,176,181,186,186,186,183,178,178,183,189,191,189,186,181,178,178,178,181,181,181,178,176,173,131,131,129,128,129,176,178,173,131,131,173,176,176,176,173,176,181,183,183,183,186,186,181,123,113,109,105,101,103,111,111,111,113,119,129,183,189,191,191,191,194,194,189,183,178,176,176,176,174,176,183,189,189,183,186,191,194,194,191,191,186,183,182,183,186,189,191,191,191,189,189,191,194,194,194,194,199,199,196,199,207,209,207,202,202,204,204,204,207,212,215,215,204,191,181,179,189,196,199,199,199,196,194,199,199,202,202,202,194,189,187,189,186,181,178,179,181,183,183,181,183,189,189,186,181,178,178,181,181,178,176,176,178,181,181,181,181,178,178,178,183,189,191,189,176,131,181,186,186,183,181,178,133,134,191,204,202,196,194,194,196,202,209,215,204,194,191,186,183,185,191,196,196,196,196,194,186,137,137,137,137,137,183,191,194,194,194,196,202,202,199,199,196,194,194,199,209,215,212,209,207,207,207,204,204,204,207,207,207,204,202,202,204,207,209,209,207,204,209,217,228,230,230,228,222,215,209,207,212,220,228,235,238,243,243,243,243,246,243,243,238,220,204,202,199,0,181,0,0,0,0,0,0,225,225,222,217,217,215,215,217,217,215,212,207,202,199,196,194,189,141,137,137,139,186,194,196,196,196,196,194,194,186,181,176,176,176,176,176,176,170,168,173,181,191,194,194,196,199,204,204,204,204,204,207,207,207,202,194,191,194,186,183,186,204,228,241,246,251,255,255,255,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,189,186,183,183,186,189,194,199,199,196,194,196,204,212,215,207,202,202,199,196,199,202,207,212,215,225,230,233,235,235,235,238,238,238,238,241,238,235,230,230,233,235,235,230,225,222,225,225,215,209,207,207,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,194,199,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,131,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,59,116,144,173,183,186,189,191,191,178,170,178,194,207,215,199,93,99,113,119,165,176,183,186,178,176,178,176,165,124,168,183,191,194,196,199,199,199,204,202,87,73,117,202,217,222,217,215,209,208,208,212,222,217,191,84,85,181,202,202,194,186,176,173,176,181,181,181,183,178,113,103,121,129,173,183,199,202,189,112,113,121,125,127,183,186,131,127,176,178,176,176,133,176,181,178,132,132,178,181,131,131,176,176,172,172,173,176,178,178,173,123,123,123,125,131,186,196,199,202,202,196,186,176,176,176,123,108,108,109,113,129,194,202,199,199,204,215,222,222,215,204,202,204,207,204,194,131,129,186,202,202,194,186,178,176,178,131,127,176,194,199,199,204,209,209,212,207,183,173,176,131,112,112,125,181,183,181,176,178,181,176,131,131,173,129,129,176,194,204,202,189,181,186,194,189,178,131,129,181,194,199,202,204,204,204,215,222,215,204,199,196,199,204,207,207,207,207,207,207,207,202,194,189,186,186,191,199,204,204,196,178,127,127,131,173,173,173,173,129,131,173,173,178,189,204,212,207,129,120,123,125,129,173,178,178,176,176,181,183,183,183,178,131,130,176,183,178,176,183,186,181,178,181,181,176,174,174,176,178,186,194,194,181,129,131,178,183,189,194,196,191,183,178,178,189,199,196,186,178,176,176,173,125,123,125,127,173,181,186,189,191,194,189,181,178,178,181,186,191,189,186,181,176,133,131,176,189,202,209,209,207,207,204,207,207,204,202,199,191,176,127,123,121,121,122,123,127,173,173,127,121,121,127,170,170,170,173,173,129,129,127,123,123,127,168,127,127,168,168,173,176,168,123,123,170,186,207,222,225,215,204,191,181,178,178,176,129,128,176,194,207,215,215,204,128,127,202,212,215,215,212,209,202,80,67,101,113,103,102,127,183,131,111,107,127,186,199,199,189,176,130,130,131,133,178,189,202,209,207,204,207,209,215,212,199,194,191,183,131,131,181,189,186,189,196,202,207,209,209,207,194,176,173,173,119,111,115,121,119,119,123,127,170,176,178,181,178,173,129,128,129,178,178,173,176,181,181,173,172,173,176,173,172,176,186,194,189,178,173,129,127,129,176,176,173,129,129,178,189,189,178,129,127,168,170,181,196,209,209,202,202,202,194,181,170,173,181,183,168,111,114,121,125,183,189,101,103,115,176,173,125,121,123,168,173,173,170,170,165,165,125,121,122,170,176,181,191,199,191,103,96,103,121,173,183,181,165,118,119,168,178,181,173,126,126,127,121,119,121,173,183,181,170,127,127,126,124,168,194,204,202,196,189,176,168,127,170,176,173,168,165,168,125,123,123,123,165,168,123,115,117,123,125,165,125,121,119,123,183,191,191,186,176,127,173,189,196,196,191,194,194,189,178,176,178,183,183,176,168,125,125,165,176,191,204,202,178,157,157,165,165,123,168,170,117,107,111,121,173,181,181,183,181,174,173,176,186,189,186,179,181,189,199,202,199,196,194,194,194,194,196,189,170,99,83,82,95,121,168,125,123,125,121,121,165,165,119,123,176,170,112,114,168,173,173,176,181,178,173,121,101,111,123,170,173,170,129,129,170,178,181,170,117,109,107,111,170,191,196,194,183,176,173,173,129,125,125,129,173,173,127,123,119,116,119,125,170,176,181,181,181,178,178,178,173,173,176,181,178,173,173,176,170,127,126,126,127,170,176,176,170,170,173,176,173,173,178,183,183,129,124,124,129,181,186,191,189,178,170,128,128,129,178,186,191,194,189,176,127,122,122,122,123,123,122,121,122,123,119,117,117,121,127,173,178,183,183,176,127,119,91,11,13,45,35,33,115,189,199,207,207,204,202,202,194,181,181,189,189,176,127,127,181,194,191,181,133,133,178,183,183,181,178,176,174,176,181,186,183,176,131,129,129,129,129,131,176,176,176,181,186,189,189,186,186,183,131,94,92,131,186,189,191,191,191,196,199,194,191,194,199,199,189,181,189,194,196,202,207,204,196,189,187,190,194,191,137,116,111,115,135,191,191,186,182,183,183,181,179,179,183,189,194,199,204,209,209,204,202,199,199,196,194,196,204,202,129,105,117,129,135,181,183,183,181,183,189,191,194,191,189,186,189,189,189,186,183,183,183,183,183,186,186,183,181,178,176,131,127,127,129,176,183,189,189,189,186,186,183,183,186,186,183,176,129,125,125,129,133,181,186,194,199,196,194,194,194,189,186,186,189,191,191,191,196,199,194,189,186,185,186,189,191,194,196,196,199,199,199,202,199,196,189,186,183,183,186,189,191,189,186,183,178,176,131,131,170,129,127,127,127,168,173,176,176,173,170,170,170,168,170,181,186,186,181,173,123,111,107,109,117,123,125,127,178,186,189,191,199,204,204,207,209,207,204,202,204,204,204,204,207,207,207,209,212,212,209,209,209,212,212,212,212,212,209,207,207,207,209,209,212,212,215,217,217,215,215,215,217,222,222,222,222,217,212,212,209,207,204,202,199,196,194,191,191,189,183,178,173,170,170,170,168,165,163,160,119,115,107,101,98,98,99,99,97,93,91,91,93,93,93,93,93,91,89,89,87,85,81,77,75,73,73,75,77,83,93,131,99,91,85,84,87,89,91,95,101,134,134,99,91,85,81,81,87,93,99,103,105,103,101,99,101,103,103,107,113,157,163,163,123,121,117,117,117,119,123,170,178,181,183,189,194,194,189,183,183,186,186,189,191,194,196,199,202,202,204,204,202,196,191,189,189,183,139,138,139,189,199,207,212,212,207,207,209,212,209,209,209,212,212,209,212,215,215,212,209,212,209,204,202,207,212,209,209,212,209,209,207,194,186,185,187,189,189,186,183,183,189,191,194,194,199,204,209,207,207,209,215,217,217,215,207,204,204,204,202,202,202,202,199,196,196,196,196,194,196,199,202,196,194,194,202,204,207,204,204,202,191,178,121,118,119,123,121,119,121,133,178,181,183,183,181,181,181,181,186,194,196,191,183,178,178,176,174,176,181,191,194,189,178,131,133,133,129,125,129,183,191,189,183,186,186,186,186,186,189,186,181,173,130,130,130,173,178,181,181,178,178,178,178,178,173,170,168,170,173,173,176,178,178,173,125,119,117,119,123,123,119,113,109,105,105,113,121,117,115,119,119,121,125,127,168,168,127,123,119,115,112,112,117,168,183,186,178,173,176,181,178,127,121,123,129,173,173,173,176,181,189,194,196,196,194,194,196,186,173,129,127,129,176,178,131,123,122,125,131,176,181,183,183,182,183,183,181,183,186,191,194,191,183,178,178,181,183,183,186,186,186,181,176,176,176,173,131,131,173,173,130,130,131,173,170,170,170,170,170,178,189,194,194,194,189,178,113,103,100,98,95,97,105,107,105,107,115,127,178,186,191,194,194,194,194,191,186,183,181,181,181,178,178,183,189,189,189,186,189,186,189,191,191,191,186,183,186,189,189,189,191,194,196,196,199,199,199,196,196,199,196,196,202,207,207,204,202,204,207,207,204,207,209,215,212,204,194,186,183,191,194,196,196,196,196,194,192,192,196,202,204,202,196,191,189,186,181,181,181,183,186,183,181,181,181,186,186,181,176,176,183,181,173,127,127,129,176,181,183,178,176,176,183,191,199,202,196,186,183,189,189,186,183,186,181,132,130,135,199,202,191,182,183,189,194,202,209,207,202,196,189,183,183,186,194,196,199,202,196,191,186,189,189,189,186,191,199,204,202,199,199,199,202,199,196,195,194,195,204,215,217,209,204,204,204,204,207,207,209,209,212,209,209,207,207,207,209,209,209,204,203,204,212,217,225,225,225,222,217,212,209,215,225,230,235,241,243,243,243,243,243,246,248,243,228,212,209,207,0,189,0,0,0,0,0,0,225,225,225,222,222,217,217,217,217,217,212,207,199,194,191,189,141,137,133,131,135,183,191,194,196,196,194,194,191,186,181,176,176,178,178,178,178,173,173,176,181,189,189,189,191,196,202,202,202,202,202,204,204,204,202,194,194,196,196,186,185,194,212,230,238,243,251,254,251,251,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,186,186,186,186,186,186,189,194,199,0,194,186,186,196,207,212,207,196,195,195,196,202,204,209,215,220,225,230,233,233,233,233,235,241,241,243,243,238,233,229,229,230,233,233,230,225,222,225,222,212,204,202,202,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,196,194,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,217,220,74,0,0,59,61,61,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,147,163,163,168,170,173,168,170,183,202,212,215,209,101,101,111,119,165,170,176,173,125,125,170,170,125,124,168,189,196,196,199,204,207,207,209,196,22,20,119,202,215,215,212,212,209,208,209,215,220,212,178,84,91,202,209,207,199,183,129,121,129,186,194,191,189,176,113,99,113,127,173,181,189,189,178,118,116,127,129,127,176,181,178,176,183,183,181,176,173,176,183,183,173,176,186,186,173,131,176,176,176,176,181,181,176,131,127,125,125,127,129,176,186,194,196,199,194,186,176,170,173,170,123,113,111,115,121,176,199,207,202,202,207,215,222,222,215,209,204,204,207,207,196,129,125,178,202,204,202,191,178,130,130,128,125,176,191,196,202,207,209,207,207,196,121,119,125,115,101,104,131,183,186,183,178,181,186,183,173,131,129,127,126,129,178,181,181,178,178,186,194,191,183,127,114,121,181,196,202,207,204,207,217,225,215,204,199,202,207,209,207,204,204,207,209,212,209,199,189,186,186,186,191,196,199,194,183,123,120,123,129,131,131,173,176,131,129,129,131,173,176,186,199,191,118,116,121,125,127,129,176,178,181,183,186,189,186,186,186,183,178,181,183,181,181,183,183,178,181,183,178,174,174,176,178,178,178,181,178,129,123,125,131,178,183,183,181,178,178,176,173,176,181,176,173,176,181,178,176,125,122,121,122,176,194,194,183,181,189,191,191,189,181,178,181,183,178,176,131,131,131,131,133,181,189,194,199,202,204,204,202,202,196,194,191,189,181,173,129,127,127,127,127,127,129,125,121,120,121,125,170,173,170,173,173,176,183,178,127,125,170,176,170,168,170,173,176,168,121,117,119,121,173,204,222,225,217,209,199,183,173,173,176,173,170,176,189,202,212,215,207,120,119,202,207,209,207,199,191,176,64,55,87,119,113,113,170,183,178,121,117,186,199,204,202,189,178,176,176,131,133,133,176,176,178,186,191,194,204,209,199,181,135,135,133,129,133,189,186,133,131,186,196,199,194,196,196,186,173,172,176,176,121,119,121,125,127,170,170,173,173,173,173,173,170,170,170,129,170,173,176,176,176,176,173,178,181,178,173,173,181,191,196,189,181,176,170,129,173,178,176,170,129,129,170,176,178,176,173,183,186,189,194,207,215,212,207,207,215,215,204,191,183,178,170,125,121,168,168,165,176,178,108,106,113,121,123,121,121,123,125,125,165,170,176,170,165,122,120,122,125,168,178,196,204,194,113,100,117,170,176,181,173,121,119,123,170,178,176,168,126,168,176,168,121,123,170,178,173,127,127,168,127,123,125,183,194,191,186,178,181,183,181,170,168,168,165,170,176,176,168,165,125,165,168,165,123,168,168,123,123,123,121,119,123,183,194,194,194,189,183,189,199,204,207,207,207,204,196,189,183,183,183,181,170,125,121,121,123,168,183,199,202,186,165,165,170,125,119,123,125,119,115,113,113,127,178,183,183,183,176,173,176,189,194,189,181,181,186,196,199,199,199,196,191,189,189,194,189,176,119,107,107,119,127,125,121,121,123,121,115,117,125,170,173,181,170,109,113,173,181,189,191,191,186,181,168,115,119,123,127,173,181,183,178,176,173,170,129,121,109,105,107,121,183,191,189,181,173,129,127,125,121,123,127,173,173,127,119,117,121,123,125,129,173,176,178,181,181,178,176,173,176,181,186,181,170,169,173,170,127,126,125,125,129,176,178,176,178,178,178,178,178,183,191,189,176,125,123,127,181,189,191,191,181,129,127,127,129,181,189,191,191,186,178,131,127,123,122,122,122,122,125,127,127,119,115,114,113,115,123,173,181,183,181,129,121,103,19,32,109,119,119,176,186,191,199,204,207,204,202,191,179,181,191,191,176,125,121,123,178,183,176,131,132,133,176,178,181,178,178,176,176,176,176,173,131,129,129,131,131,131,131,173,176,178,181,186,189,189,189,186,186,181,93,88,121,183,194,202,204,196,194,189,185,187,194,199,196,191,194,202,207,209,212,215,212,204,196,194,194,194,196,186,121,112,112,118,131,181,183,183,183,181,178,178,179,186,191,196,202,207,207,204,204,204,204,204,202,199,202,207,204,191,131,135,181,183,186,189,186,186,186,191,196,199,196,191,189,191,194,194,191,189,189,186,186,186,191,191,189,183,178,133,131,127,123,123,129,181,189,189,186,183,183,183,186,186,189,183,176,127,123,123,129,178,186,191,196,196,191,186,189,189,189,186,185,186,189,194,196,199,199,194,189,189,186,186,189,194,196,196,194,196,199,202,204,202,196,189,186,183,183,183,186,189,189,186,183,178,176,173,131,170,129,125,123,123,127,173,178,181,181,178,176,173,170,173,181,186,183,181,176,127,117,109,109,117,125,129,133,183,189,191,196,204,207,204,204,207,207,204,202,202,204,204,204,207,207,209,212,215,215,215,212,212,212,212,212,209,207,207,204,204,207,209,209,212,212,215,217,215,215,212,215,217,222,222,222,222,215,212,209,209,207,207,204,202,196,194,191,189,189,183,178,170,168,168,168,165,163,160,119,117,111,107,101,99,99,99,99,95,91,89,89,91,93,93,93,93,91,89,89,89,89,85,81,77,75,77,79,81,89,97,131,129,91,85,85,85,87,89,95,131,137,134,95,87,81,79,81,87,93,99,103,105,103,101,97,99,101,103,105,113,160,165,163,123,121,119,119,121,123,129,178,183,186,189,194,196,194,189,182,183,186,191,194,191,194,196,199,199,199,202,202,202,196,194,191,189,186,183,139,186,191,199,204,209,209,207,204,207,209,209,209,209,209,209,209,212,215,215,212,212,209,204,199,202,207,209,209,209,209,207,207,204,189,183,185,189,196,194,189,139,138,183,191,196,194,196,202,207,207,204,207,212,217,217,215,209,204,202,202,196,199,199,202,199,199,199,199,196,194,196,199,199,196,192,194,199,202,204,199,196,191,181,129,121,120,123,125,123,121,123,131,176,178,178,178,181,186,189,183,186,194,196,189,178,174,176,176,176,178,186,194,199,196,189,181,178,176,127,123,124,176,183,183,183,183,189,191,191,189,189,189,183,176,130,130,131,176,181,183,181,181,181,181,183,181,176,170,173,176,178,181,183,183,181,173,123,116,114,116,121,123,119,111,101,97,97,103,115,117,119,119,116,117,121,127,168,168,125,119,117,113,112,111,113,123,173,176,125,119,125,181,183,173,125,127,176,178,176,172,170,173,183,194,199,194,189,194,202,191,126,122,124,129,178,181,178,129,123,123,133,183,191,191,186,182,182,183,186,189,191,194,196,194,186,178,178,181,183,186,186,189,186,183,181,178,178,176,176,173,173,173,173,173,173,131,128,127,128,129,173,181,194,199,199,196,189,176,113,101,100,99,98,99,103,101,93,97,109,123,176,186,191,196,196,196,194,191,189,186,186,183,183,183,183,186,191,191,189,186,183,181,181,189,194,196,191,189,191,191,191,191,191,194,196,199,199,202,202,202,199,196,194,191,196,202,204,204,202,204,207,207,207,204,207,209,209,207,202,196,196,196,196,194,194,194,196,196,192,191,194,202,207,204,202,194,189,183,183,183,186,189,189,186,181,178,178,183,186,183,176,176,181,178,131,126,125,126,131,178,181,176,133,133,183,191,199,199,196,194,194,196,194,189,189,191,186,134,131,134,196,204,194,181,182,183,183,183,196,204,202,199,194,186,183,185,189,191,196,202,202,199,199,202,204,199,196,199,204,209,209,204,202,202,202,199,196,195,196,202,212,222,222,212,204,204,0,204,207,207,209,212,212,212,209,209,207,209,209,209,209,207,203,204,207,212,215,217,225,225,222,215,212,215,222,230,235,238,241,243,243,243,243,246,248,246,235,222,217,215,207,0,0,0,0,0,0,0,233,230,228,228,225,222,217,217,217,217,215,207,199,194,189,186,139,135,129,129,131,137,186,191,191,191,191,191,189,186,181,178,178,178,178,178,176,176,173,176,181,183,183,186,189,191,196,202,202,202,202,204,204,202,199,191,191,199,202,194,186,189,199,212,228,241,248,251,248,251,254,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,183,186,189,191,194,191,191,196,0,0,0,186,183,189,199,207,209,202,194,192,196,207,209,212,215,222,225,230,233,233,233,233,235,241,243,246,243,238,233,229,229,230,233,233,230,228,225,225,222,209,202,199,199,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,79,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,186,189,30,0,113,191,199,215,199,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,71,142,150,152,155,157,155,163,183,202,209,207,196,105,100,105,117,163,168,173,170,119,117,165,170,127,168,183,194,196,194,196,202,204,209,212,196,4,6,125,209,215,215,211,212,212,209,212,215,217,209,173,95,186,209,209,207,196,123,119,114,119,181,196,194,183,131,119,109,117,127,173,178,178,176,173,129,121,173,178,131,173,181,183,183,189,191,186,178,172,173,183,186,178,178,189,189,176,173,178,183,186,189,186,178,129,125,125,127,127,129,131,176,183,189,189,191,186,176,129,129,129,127,125,121,119,121,125,173,196,209,204,202,204,209,215,215,215,212,209,207,207,207,196,126,122,129,189,199,196,189,131,126,127,127,126,176,189,196,202,204,204,199,202,101,98,111,123,115,101,105,183,189,194,194,186,186,189,189,178,129,128,129,129,133,133,132,130,132,181,186,186,189,191,178,111,111,125,186,202,209,209,212,225,230,217,204,199,204,207,207,202,202,204,209,212,215,209,196,185,185,186,189,194,194,191,186,131,117,119,129,176,131,127,131,178,176,127,126,129,170,129,173,183,176,117,117,123,127,129,129,173,181,186,189,191,186,183,186,191,194,189,186,186,183,183,183,178,133,181,183,178,176,181,186,183,178,133,129,125,122,121,122,129,173,176,176,173,173,176,173,172,172,172,170,170,181,186,183,176,129,123,120,121,181,202,196,173,131,186,199,204,199,189,178,176,176,131,128,128,128,131,131,133,176,176,176,181,191,196,194,191,191,186,183,186,186,183,178,173,173,176,176,131,127,123,121,121,125,125,125,127,170,170,173,178,186,199,199,176,129,173,176,173,170,173,178,176,121,115,117,123,117,123,186,209,217,217,212,202,181,170,129,176,178,178,178,183,194,204,207,191,117,117,191,199,202,196,189,181,125,70,66,121,170,176,181,181,183,189,194,194,196,202,204,196,186,178,181,183,183,181,178,133,129,125,123,121,119,129,186,183,129,121,123,123,127,178,191,186,125,123,176,186,178,131,178,191,191,183,178,181,178,119,113,121,129,176,178,173,125,124,125,127,129,170,173,173,129,170,173,176,178,176,173,173,178,178,176,176,181,186,191,194,186,183,178,173,176,178,178,170,127,126,125,126,170,178,173,170,181,194,202,209,212,215,209,207,207,215,222,217,204,186,168,122,123,176,181,170,125,123,123,119,115,114,117,121,123,123,123,125,124,123,168,178,176,168,125,123,125,122,120,170,191,194,183,165,123,183,189,183,176,123,116,117,165,173,176,170,126,126,173,189,183,173,127,127,125,124,124,127,168,168,126,127,176,181,176,170,170,176,183,178,125,121,123,165,170,178,176,168,165,125,123,125,123,165,176,170,121,120,121,121,119,123,189,196,196,196,194,191,194,199,204,207,209,209,209,207,199,191,189,183,176,127,121,121,121,119,121,165,183,191,183,176,176,173,165,121,119,117,117,117,115,112,117,173,183,191,191,181,176,181,191,194,189,181,178,183,191,196,199,202,199,191,183,181,183,183,178,129,121,119,123,127,125,121,117,117,117,115,117,168,183,186,189,178,115,116,173,186,196,199,199,194,191,181,168,168,168,170,176,183,189,186,178,170,129,170,129,121,111,111,125,178,183,181,178,170,127,123,120,120,123,129,173,170,125,116,116,121,125,127,129,170,173,178,181,181,178,176,173,178,183,189,183,170,169,170,173,173,173,127,126,127,170,176,178,178,178,178,178,183,191,199,199,189,127,123,125,170,181,186,186,176,129,127,128,170,181,186,186,183,181,178,176,173,129,127,123,125,131,178,181,176,127,121,117,113,111,114,125,178,181,186,176,127,119,85,101,119,129,170,178,183,183,191,196,204,199,196,186,177,178,189,189,178,131,121,119,123,133,133,133,133,133,133,176,181,183,183,181,178,173,131,131,131,131,131,173,176,173,131,131,131,173,178,181,183,186,186,183,183,183,113,102,127,183,199,212,209,196,189,186,185,189,196,202,194,183,189,202,209,212,215,215,215,212,207,202,199,199,204,199,186,127,119,121,127,135,181,186,186,183,179,181,189,191,194,196,202,204,204,199,199,202,204,204,202,202,202,202,202,196,189,191,191,191,191,189,189,189,189,191,199,202,202,196,191,191,191,191,191,191,189,186,183,186,189,191,189,183,178,176,133,127,122,120,123,178,189,191,186,183,183,183,181,183,186,183,176,129,125,125,133,186,191,194,196,194,186,181,183,189,186,185,185,186,189,194,199,202,199,196,194,191,189,189,189,194,194,194,194,194,199,204,204,202,196,189,186,183,183,181,181,183,186,186,183,181,178,173,131,129,127,123,122,122,125,173,181,186,186,183,178,173,168,170,176,181,181,178,176,170,123,115,113,119,127,176,183,191,194,196,204,209,209,204,204,207,207,204,202,202,202,202,204,207,209,209,215,217,217,217,215,215,215,212,209,207,204,202,202,204,207,207,209,212,215,215,215,215,215,212,212,217,217,222,222,222,215,212,209,209,207,207,204,202,199,194,191,189,186,183,176,170,168,168,168,165,160,119,113,109,107,105,105,103,101,99,97,95,91,89,89,89,89,89,91,91,89,89,89,91,91,87,83,79,79,81,85,87,95,129,131,129,93,89,89,89,89,91,95,134,137,101,91,83,77,77,81,89,93,97,101,103,101,99,95,97,99,99,105,113,160,165,163,123,121,121,123,125,168,176,183,186,186,189,191,194,191,186,182,183,191,196,196,191,189,191,194,191,194,194,196,199,199,196,194,189,183,139,183,189,196,199,202,204,204,204,204,204,204,204,204,204,204,204,204,209,215,212,212,212,207,199,196,202,207,209,207,207,207,207,207,204,191,186,189,199,202,199,189,138,137,183,194,196,194,194,199,204,207,204,207,209,215,215,212,209,204,202,199,194,196,196,199,199,199,199,196,196,194,196,199,199,194,192,192,196,199,199,194,189,183,133,125,125,129,133,129,127,127,129,131,133,178,181,181,186,191,191,186,186,191,194,183,176,174,176,181,181,183,189,191,194,194,189,183,181,176,125,121,122,129,178,181,183,186,189,191,191,191,191,191,186,176,130,130,176,181,186,189,186,183,186,189,189,183,176,168,173,178,181,181,181,181,178,170,123,116,114,115,121,125,125,117,101,96,96,101,115,123,123,117,115,116,121,127,170,170,125,121,117,117,115,113,117,125,129,127,117,113,117,173,181,176,129,170,176,178,176,172,170,170,176,183,191,186,183,189,194,183,123,119,123,127,178,183,183,178,129,127,176,189,202,202,194,186,183,186,189,191,191,196,196,194,189,181,178,181,183,183,186,186,186,186,183,181,178,176,176,176,176,178,176,178,176,131,127,126,128,170,178,186,194,199,196,191,186,178,121,107,105,109,109,107,103,93,86,89,103,119,173,183,191,194,194,194,191,191,189,189,186,186,186,186,186,189,191,194,194,189,181,178,181,189,196,199,196,194,196,196,196,194,194,194,194,194,194,196,202,204,202,194,186,186,191,194,199,202,202,204,207,207,207,204,202,204,207,207,207,204,202,196,191,189,186,189,194,196,194,194,196,202,204,202,196,191,186,183,181,186,191,194,191,186,181,173,173,181,186,181,173,173,176,176,131,126,125,126,131,176,176,173,131,133,178,183,186,189,194,199,202,202,199,194,194,196,196,191,186,191,207,212,204,191,189,186,135,131,181,196,199,196,194,189,185,185,186,189,194,199,204,207,209,215,215,209,202,199,204,212,212,207,202,202,204,204,199,196,199,204,215,225,225,215,207,204,0,204,207,207,207,209,209,212,209,209,207,207,209,209,209,209,207,207,207,209,212,217,222,225,225,220,215,215,220,228,233,238,241,243,241,241,243,246,248,246,238,230,228,225,215,212,0,0,0,0,0,235,235,235,233,230,228,222,222,217,217,215,212,207,202,196,191,186,139,135,131,129,129,133,137,183,186,189,189,189,186,183,181,181,178,178,176,173,173,173,176,176,178,181,181,181,183,189,196,199,199,199,202,204,202,199,194,189,189,196,204,202,194,189,191,199,215,233,246,248,248,246,248,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,186,191,196,199,199,196,196,0,0,0,0,189,189,194,202,209,207,195,192,196,207,215,217,222,225,225,228,228,228,228,230,235,243,246,246,246,238,233,230,230,230,233,235,233,228,225,225,217,209,202,199,202,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,103,0,0,0,0,0,0,0,0,0,59,0,0,0,0,0,0,0,0,0,35,0,0,0,0,0,0,0,0,46,17,0,38,183,189,194,204,199,157,17,0,0,0,0,0,0,0,0,0,0,0,27,53,139,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,49,75,126,139,147,150,152,150,152,173,189,194,194,181,111,100,99,109,125,170,176,170,119,115,121,127,170,176,189,194,194,191,191,196,199,207,212,123,0,0,95,204,212,212,212,215,215,212,212,215,215,209,173,113,209,212,204,202,186,111,114,113,115,173,189,186,176,129,123,123,129,131,176,178,176,173,131,123,105,123,176,176,176,181,186,189,191,196,191,181,173,173,181,183,181,181,186,186,181,178,181,189,191,191,186,173,124,124,129,131,129,127,129,173,178,181,178,181,181,173,129,170,170,129,129,127,123,123,123,123,181,207,207,202,202,204,207,209,212,212,212,209,209,207,189,125,123,129,178,178,178,181,181,133,133,131,129,131,183,194,199,196,178,111,100,91,95,117,178,131,112,117,186,196,202,204,194,186,183,183,176,128,129,181,191,189,181,132,130,133,183,183,178,179,194,191,113,110,117,135,196,207,212,212,222,228,217,204,196,199,202,196,191,194,202,209,215,215,209,194,185,189,194,199,199,194,186,176,123,116,119,173,176,129,123,127,176,176,126,125,129,170,125,127,176,131,120,120,127,129,129,131,173,183,189,191,191,183,182,186,196,199,196,194,191,186,183,183,176,129,133,178,183,189,199,199,191,181,129,123,122,122,122,125,129,131,173,173,129,131,176,173,172,172,173,172,176,186,191,183,176,173,127,123,127,189,202,191,127,126,183,207,215,209,194,181,176,133,129,127,127,129,133,176,176,176,131,128,129,176,181,178,178,181,176,133,176,181,178,173,129,173,181,181,173,123,120,121,127,183,178,129,129,170,173,178,183,189,202,202,186,176,176,178,173,173,173,181,178,117,113,117,125,118,121,176,196,209,212,209,199,176,129,170,178,183,181,176,176,186,194,194,178,121,121,183,189,189,186,183,178,125,103,115,191,189,196,196,186,181,186,196,196,194,196,199,191,181,176,178,183,189,186,181,181,181,176,123,111,105,105,121,127,119,112,111,113,127,183,191,183,123,121,125,133,131,131,181,196,204,199,189,178,125,103,103,121,173,178,178,170,123,122,123,125,127,127,125,127,129,170,173,176,176,176,173,170,170,170,173,178,183,189,186,183,189,191,183,178,183,186,178,170,127,125,125,126,173,181,176,127,127,183,207,217,222,215,207,205,207,212,217,217,204,186,168,123,127,186,183,127,118,113,113,121,125,121,119,125,168,165,165,165,124,123,165,181,178,173,173,176,176,123,119,125,178,178,173,170,181,196,199,189,168,116,114,117,168,173,173,170,127,127,176,189,194,186,170,125,122,122,125,168,127,170,173,173,176,170,127,127,127,127,168,168,121,120,121,125,170,173,168,125,125,125,121,115,111,117,173,168,120,119,121,123,115,117,191,199,196,194,189,191,194,196,202,204,204,207,212,212,207,202,194,186,176,125,121,121,121,119,118,118,123,170,173,173,176,176,170,165,121,117,117,119,119,113,115,127,183,194,194,186,183,183,189,189,183,173,131,173,181,186,194,196,194,186,178,173,173,178,181,176,125,119,118,119,125,125,115,105,106,115,165,181,194,196,194,186,123,118,165,189,196,199,199,199,196,194,186,181,176,173,173,176,183,186,178,129,127,170,173,173,173,176,176,178,178,181,178,170,125,121,119,120,173,181,176,170,125,116,114,119,127,170,170,173,173,176,178,178,178,176,176,178,183,186,181,173,169,173,178,186,186,178,129,129,170,173,176,176,173,173,173,181,191,199,202,194,173,124,124,127,173,178,178,170,129,129,170,173,178,178,176,176,176,176,178,178,176,129,125,125,176,186,186,181,173,131,127,117,111,111,117,127,176,186,183,173,121,115,117,119,129,176,181,181,181,183,186,191,191,186,181,177,178,183,186,181,178,125,121,123,131,176,178,176,133,133,176,181,186,186,186,181,173,131,131,173,173,131,131,173,176,173,130,130,170,176,176,178,181,183,181,178,183,183,178,183,189,202,209,207,191,187,189,189,191,199,202,194,181,183,196,204,207,209,209,209,212,212,207,202,204,207,207,202,196,191,189,186,181,183,189,191,186,186,191,196,196,194,194,196,199,194,191,191,199,202,202,202,199,199,196,194,191,191,194,194,194,194,189,186,186,186,189,194,202,204,202,194,187,187,189,189,189,186,183,181,178,178,181,183,181,178,176,176,133,127,123,129,181,191,191,186,181,181,176,131,131,178,178,176,133,131,131,178,186,191,191,189,186,181,181,186,189,186,186,185,186,186,191,199,202,202,199,199,196,194,191,189,191,191,194,194,194,199,204,204,202,194,189,183,183,181,181,181,183,189,189,189,183,178,173,131,129,127,125,123,123,127,176,183,189,189,186,181,170,127,127,170,176,176,173,173,173,131,123,121,125,176,186,194,199,199,202,207,209,209,207,207,209,207,204,202,202,202,199,202,207,209,209,212,217,217,217,217,215,215,209,207,202,202,202,202,204,207,207,209,212,215,215,215,215,212,212,212,215,217,220,220,217,217,212,212,209,207,204,202,199,196,194,189,189,183,181,173,168,165,168,165,163,157,115,109,104,104,105,107,107,103,99,97,93,93,91,89,85,83,85,87,89,87,85,87,91,93,89,85,81,83,87,91,95,129,134,131,97,93,93,93,93,91,93,97,134,134,95,87,79,75,75,81,89,93,95,97,99,99,95,91,93,95,97,103,113,157,160,121,119,121,123,165,170,176,181,189,189,186,183,186,186,186,183,182,183,191,199,196,191,186,186,189,186,189,189,191,194,196,196,191,186,137,135,137,186,194,199,199,202,204,204,202,199,199,196,196,196,196,196,199,204,209,207,207,209,202,194,194,202,209,209,204,204,207,207,207,204,196,191,196,202,202,196,183,136,136,139,191,196,194,191,196,204,207,204,207,207,209,212,212,209,207,204,199,194,194,196,196,196,194,194,194,194,196,199,202,199,194,192,192,196,196,196,191,186,181,133,127,129,176,178,131,129,133,176,133,178,183,186,183,183,186,183,181,183,189,189,183,176,176,181,183,189,191,189,183,183,183,183,181,178,176,127,123,124,176,183,186,186,189,191,191,191,191,194,191,186,178,173,176,178,183,186,189,189,191,194,194,191,183,173,127,168,176,176,173,173,170,168,127,125,121,117,117,123,168,170,165,115,101,100,107,119,168,168,119,115,116,119,127,170,170,127,123,121,121,121,123,127,176,170,123,115,113,115,127,173,173,170,173,176,176,178,176,173,173,173,173,173,176,181,183,186,178,127,127,127,133,178,183,186,186,178,133,176,191,204,204,199,194,191,191,191,191,191,194,194,191,186,183,181,181,181,183,186,186,186,183,183,178,173,131,173,176,178,178,178,178,178,173,129,129,173,181,186,189,191,194,189,183,181,181,173,113,109,115,119,113,101,88,86,89,103,117,173,181,186,189,191,189,186,186,189,189,186,186,185,186,189,191,194,196,196,191,181,179,181,189,196,199,196,196,199,199,199,196,194,191,191,189,189,191,199,204,204,194,183,182,186,191,196,202,204,204,204,207,204,202,200,200,202,207,207,204,196,191,186,185,185,185,191,196,194,191,194,196,199,196,194,189,183,181,181,186,191,196,191,183,176,127,127,176,181,176,129,127,131,173,131,129,127,127,173,176,176,131,129,131,176,178,178,178,191,199,202,204,202,199,196,199,202,204,207,209,215,217,215,209,207,199,178,132,181,196,199,196,194,189,185,186,189,191,194,202,204,204,209,220,222,217,204,196,199,209,212,207,202,202,204,207,202,199,199,204,215,225,225,215,209,207,207,207,207,204,204,207,207,209,209,209,209,209,209,209,212,215,215,215,212,215,215,217,222,225,225,222,215,212,217,225,233,235,241,241,241,241,243,243,246,246,238,233,230,225,215,217,0,0,0,0,230,233,235,235,233,230,228,222,217,217,215,215,212,209,204,199,196,191,186,139,135,133,129,131,133,137,181,183,189,186,183,181,181,181,178,173,131,131,173,173,176,178,178,181,179,181,183,189,194,199,199,199,202,204,202,196,191,189,189,196,207,207,202,194,189,189,196,217,235,243,241,238,238,243,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,186,191,199,202,202,199,194,0,0,0,0,0,194,194,199,209,212,202,195,196,207,215,222,225,225,225,225,222,222,222,228,238,243,246,246,246,241,235,233,233,233,233,233,233,228,225,217,212,207,202,199,202,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,22,0,0,0,0,0,0,0,0,69,196,157,0,0,1,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,183,189,196,202,204,194,181,9,0,0,0,0,0,0,0,0,0,0,137,137,142,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,246,183,134,131,139,147,152,152,151,151,163,173,173,176,173,157,107,99,105,123,168,173,125,117,115,121,168,170,173,178,186,189,191,191,196,202,209,220,111,0,0,41,178,194,204,207,212,212,212,212,212,209,202,123,113,191,202,199,194,183,117,117,115,119,176,186,183,176,127,122,127,178,183,183,181,178,173,127,104,90,102,131,181,181,183,186,186,189,194,194,183,173,131,176,178,178,176,178,183,183,181,181,183,186,186,183,131,124,127,176,178,131,127,127,173,176,176,173,173,176,173,170,178,178,176,178,170,127,127,122,116,121,196,202,199,199,199,202,204,207,209,209,209,207,199,178,125,126,181,183,176,174,178,194,204,204,196,181,173,181,191,194,183,115,98,95,97,111,189,199,189,129,125,176,189,199,199,191,181,176,178,176,131,178,196,204,202,191,178,176,186,191,186,177,177,191,191,121,115,123,135,189,202,204,204,209,215,207,196,191,191,191,186,183,189,199,209,215,212,204,189,185,194,207,215,212,199,186,133,123,118,119,127,129,121,119,120,129,173,131,129,129,129,125,127,131,129,125,125,127,127,129,173,176,183,189,191,191,183,181,182,191,202,204,202,199,194,189,186,176,128,127,131,191,204,207,204,196,178,127,123,123,125,125,127,129,131,173,131,129,129,176,173,170,172,176,178,181,189,186,176,131,173,173,173,181,196,199,186,127,126,186,212,225,215,196,178,176,176,131,129,129,133,178,178,178,178,133,129,128,128,129,131,131,131,128,128,131,173,131,127,127,131,176,178,129,120,119,121,129,186,186,181,178,178,178,181,183,183,189,189,183,178,181,181,176,173,173,181,181,119,113,116,121,119,121,168,181,194,199,194,183,129,173,181,186,183,181,129,123,173,183,181,170,127,128,178,181,183,183,186,183,170,129,189,196,194,196,194,181,176,178,181,183,183,186,189,186,176,172,173,183,191,189,189,191,194,191,181,123,104,100,103,115,113,111,111,117,181,191,196,189,127,123,125,129,133,186,202,212,215,209,196,173,107,95,97,117,129,173,176,173,127,125,125,125,124,124,123,124,129,173,173,173,173,173,170,169,169,170,173,183,189,189,178,173,189,194,186,178,186,189,181,176,173,176,173,127,129,176,173,127,126,183,212,225,222,215,207,205,207,212,212,209,202,191,181,176,178,181,176,125,117,113,114,123,168,165,165,168,170,170,170,165,124,124,173,189,183,178,181,189,183,168,121,125,170,170,170,170,181,194,202,194,127,117,117,125,173,176,176,176,170,168,170,181,189,186,173,124,123,125,170,170,168,170,176,176,173,168,127,168,168,125,126,170,127,121,123,165,168,168,123,123,165,165,119,111,107,110,125,125,120,121,125,123,105,101,181,196,194,186,181,186,191,196,204,207,207,207,209,212,212,207,199,191,176,123,117,117,119,121,118,117,118,121,125,168,176,181,183,173,123,119,121,123,123,121,119,123,181,191,194,189,186,183,178,176,173,128,127,127,129,173,178,181,181,176,170,129,170,178,183,181,168,119,117,117,123,170,117,94,96,113,173,191,196,199,196,189,173,116,117,183,191,191,191,191,191,191,189,181,176,173,172,170,178,189,183,127,125,127,173,178,181,183,183,181,183,186,183,176,127,123,121,125,181,186,178,173,170,123,117,123,173,178,176,176,173,173,173,173,176,176,176,176,178,181,176,170,169,173,181,191,196,189,178,176,176,178,178,176,129,126,127,176,186,196,199,194,181,127,127,129,173,173,170,129,129,173,176,176,173,173,170,170,170,176,178,181,178,170,124,124,170,183,186,181,178,181,181,173,121,117,119,125,170,181,189,129,103,115,125,125,129,173,178,178,178,178,178,181,183,181,181,181,181,183,183,183,178,133,129,131,176,181,181,181,181,178,178,183,186,189,189,186,181,176,176,178,176,131,129,170,173,173,170,173,173,176,178,181,183,183,181,176,178,189,196,196,194,199,204,199,189,189,199,202,196,196,196,189,181,181,189,194,196,202,204,207,207,209,204,202,204,204,204,204,204,204,202,199,189,186,186,189,191,191,196,199,196,189,189,189,189,186,185,186,194,196,199,199,199,194,189,186,183,186,191,189,191,191,186,183,183,183,183,189,199,202,202,194,187,186,189,191,191,189,183,181,176,173,174,176,178,176,133,133,176,176,176,181,186,189,189,186,181,176,127,118,118,127,133,133,176,176,176,178,183,186,186,183,181,181,183,186,189,186,186,186,185,185,189,196,199,199,199,202,199,196,191,189,187,189,194,196,194,199,202,202,196,191,186,183,183,181,181,186,189,191,194,189,183,178,173,131,131,129,129,129,129,173,181,186,189,189,186,178,170,126,125,127,170,173,131,173,176,176,133,131,133,183,191,196,196,199,202,207,209,207,207,209,209,209,204,204,202,199,198,199,207,209,209,212,215,217,217,217,215,212,207,202,202,202,204,204,207,207,207,209,212,215,215,215,212,212,212,212,215,217,217,217,217,217,215,212,212,207,202,199,196,194,189,186,183,181,176,170,127,125,165,165,160,119,113,105,103,103,105,107,107,105,99,95,93,93,93,87,79,77,77,83,85,83,83,85,91,93,89,85,83,87,91,95,129,131,129,97,93,91,89,89,89,89,93,97,131,95,87,79,75,73,75,79,89,93,93,95,97,95,91,88,91,93,97,105,113,157,121,117,117,119,125,170,176,181,186,191,189,183,178,178,181,183,183,183,189,194,196,194,191,186,185,185,185,189,189,187,189,191,191,189,139,134,132,133,137,189,194,199,202,202,204,204,202,196,194,191,191,191,189,191,196,202,202,199,202,199,192,194,202,209,209,204,204,209,207,204,202,199,196,199,202,199,194,183,137,136,139,189,194,189,186,194,202,204,204,204,207,209,212,212,212,209,207,199,194,191,194,194,191,191,191,191,194,196,202,204,204,196,196,196,196,199,196,191,189,186,181,133,176,178,176,133,133,176,133,133,181,189,186,183,178,176,176,176,181,186,189,186,183,183,183,186,189,191,186,179,178,181,183,178,176,133,133,133,178,189,194,189,189,194,194,191,189,194,194,194,189,183,181,181,178,178,178,183,189,194,194,191,189,178,127,125,127,170,170,127,123,121,121,123,125,123,121,121,125,168,170,170,125,113,109,111,119,173,176,123,117,116,119,125,168,168,127,127,127,127,129,129,178,181,173,117,114,114,117,125,129,173,173,173,173,176,178,181,183,181,176,172,170,176,181,181,181,178,181,191,183,181,183,183,186,189,183,176,181,194,202,202,199,199,196,196,194,194,191,189,183,183,183,183,181,181,181,183,183,183,181,181,176,131,128,128,129,176,178,178,178,181,183,183,181,181,183,186,189,186,186,186,183,178,178,181,178,115,109,115,121,117,105,93,89,95,105,119,176,183,183,183,186,183,181,181,183,186,186,186,186,191,194,194,194,196,194,186,181,181,186,191,196,199,199,202,202,202,199,196,194,191,189,189,186,189,196,202,202,194,183,183,189,191,196,204,207,204,202,204,207,204,202,202,202,204,204,202,196,191,189,186,186,186,189,194,189,187,187,189,194,194,194,189,183,178,178,183,191,196,191,181,129,123,123,131,173,129,126,126,127,129,129,129,127,129,173,178,178,131,128,129,178,181,178,178,189,194,196,199,199,196,194,191,196,204,212,217,215,212,212,217,217,207,183,135,186,196,196,196,194,189,189,191,194,196,199,202,204,202,202,212,220,215,196,189,194,207,209,204,196,196,204,207,204,202,199,202,209,222,222,215,209,207,207,207,204,204,204,204,207,207,207,209,209,209,209,209,212,217,217,217,217,215,215,215,217,222,225,220,212,212,215,225,230,235,238,241,241,241,241,243,246,246,238,233,228,222,212,215,0,0,0,0,228,228,230,233,233,230,228,222,217,215,212,212,209,209,207,207,204,199,191,186,139,135,129,128,129,133,178,183,186,183,181,178,176,176,173,131,129,129,170,176,178,181,181,181,181,181,183,189,194,196,199,199,202,204,202,199,194,190,191,202,212,212,207,199,189,181,181,194,215,228,230,225,225,235,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,191,194,196,196,194,0,0,0,0,0,0,0,194,196,207,212,207,199,196,202,209,222,225,225,225,222,217,215,217,228,238,243,246,246,246,241,235,233,233,233,233,230,228,225,217,212,207,204,202,199,202,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,137,204,194,0,0,48,137,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,173,189,199,202,207,217,212,98,0,0,0,0,0,0,0,0,0,0,121,131,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,147,142,139,142,147,152,155,157,157,160,163,160,152,157,165,165,117,103,105,119,123,123,115,113,115,127,173,170,123,121,173,181,186,194,199,207,217,225,189,0,0,25,127,178,189,191,196,202,204,209,209,202,189,110,108,125,189,191,189,186,176,129,119,125,181,189,186,181,129,119,121,183,194,194,191,183,173,125,111,91,104,173,183,186,183,183,181,181,186,189,181,131,130,130,173,176,176,176,181,186,183,178,176,176,178,181,178,173,176,186,186,178,129,127,170,176,176,172,172,173,173,178,186,183,183,183,173,129,170,127,113,117,181,191,191,194,199,199,202,202,204,207,207,202,189,131,127,183,202,202,202,183,181,191,204,212,212,202,183,181,181,178,129,115,109,121,189,204,215,212,199,178,127,125,127,131,176,178,173,173,181,183,178,189,204,212,207,199,191,194,202,207,199,186,182,191,189,129,125,131,181,191,196,196,191,191,196,191,183,181,181,183,181,181,183,196,207,207,204,196,186,185,196,212,225,217,207,191,183,133,123,120,120,120,119,118,119,123,131,178,181,170,125,125,125,127,127,127,127,125,125,131,176,176,178,183,189,191,186,182,182,189,204,209,212,209,204,199,191,181,129,124,126,191,207,204,196,191,173,125,123,125,127,127,129,131,173,173,129,128,129,173,173,170,170,176,181,183,186,181,130,128,130,178,186,199,204,199,183,129,128,186,209,217,209,191,176,176,178,178,133,133,176,178,178,178,178,176,131,129,128,129,131,133,129,128,128,131,131,129,127,126,127,173,173,127,120,119,121,127,176,183,186,189,183,181,181,181,178,176,176,176,181,183,183,178,176,170,176,181,125,116,116,119,121,121,123,127,173,176,173,129,125,181,191,186,178,170,121,117,123,173,173,129,129,173,178,178,183,189,196,194,181,183,196,191,183,176,176,176,173,173,173,173,173,173,178,176,173,172,176,186,194,199,196,196,196,194,189,135,109,96,97,105,113,117,131,191,199,204,207,202,186,176,133,131,176,196,212,217,222,217,199,173,107,97,103,123,129,170,176,181,178,173,129,127,127,129,129,170,170,173,173,170,170,169,168,168,170,173,181,189,194,186,170,168,178,189,181,173,181,189,181,178,189,199,194,173,124,125,129,170,173,194,215,225,222,215,209,207,207,209,207,202,199,199,191,183,178,127,125,125,123,121,168,170,168,170,170,170,170,170,170,165,124,125,181,196,189,181,191,196,186,173,125,127,173,176,178,173,173,181,194,191,170,125,168,173,178,178,181,183,181,176,173,173,178,178,168,124,127,176,181,178,173,173,173,168,127,127,168,173,170,127,173,183,176,127,165,170,170,165,122,121,125,165,121,111,109,111,165,168,165,168,165,117,89,83,125,194,191,181,179,183,186,194,204,212,212,207,207,212,212,209,202,189,176,123,115,114,117,123,123,119,119,121,125,170,183,194,191,173,119,118,121,123,127,170,125,123,173,186,191,191,189,181,173,170,129,127,126,126,126,126,127,128,129,129,129,129,170,176,181,181,173,125,119,117,121,176,125,90,92,107,170,189,196,196,194,189,178,113,110,173,181,181,178,176,176,176,176,170,170,173,170,170,183,199,196,173,125,129,173,176,178,178,181,186,191,194,194,181,129,123,125,129,176,178,173,170,181,183,178,181,183,183,181,176,170,170,170,170,173,176,176,176,176,176,173,170,170,173,178,189,196,191,181,178,181,183,183,176,127,125,125,129,181,189,196,196,189,176,176,178,176,170,170,129,173,178,178,173,129,129,170,170,173,173,170,173,176,170,124,124,170,181,181,178,183,191,196,196,186,176,129,129,173,178,186,105,77,104,129,170,127,129,176,178,178,178,178,181,181,181,186,189,186,183,183,183,181,178,178,178,181,183,186,189,189,183,183,183,189,191,191,189,186,186,186,186,183,176,129,127,127,129,173,176,176,176,181,189,189,189,181,127,123,178,194,196,194,196,202,199,194,199,207,207,202,194,189,183,137,137,135,129,137,191,196,199,199,199,199,196,199,202,202,202,202,202,202,199,191,185,185,186,191,194,196,196,191,183,183,186,186,185,185,186,191,196,196,199,199,194,186,137,137,181,183,183,186,186,183,181,183,181,183,189,194,199,196,194,189,189,191,194,194,191,189,183,176,173,173,176,178,178,176,132,130,132,178,186,189,189,189,186,183,176,121,114,114,119,129,133,176,178,176,176,178,183,183,179,179,179,183,189,189,189,186,186,185,185,186,191,194,194,196,199,199,196,194,189,187,189,191,196,194,196,202,199,194,186,183,181,181,183,186,189,194,196,194,189,183,176,173,173,173,173,176,176,176,178,183,186,189,189,183,178,129,126,125,127,131,131,173,173,173,176,178,176,178,186,191,194,196,196,202,204,204,204,204,209,212,209,204,202,202,199,198,199,207,209,212,212,212,215,217,215,215,209,204,202,202,202,204,207,207,207,207,207,212,215,215,215,212,212,212,212,215,217,217,217,217,215,215,212,209,204,199,194,191,189,186,181,178,176,170,127,125,123,163,163,160,117,111,105,103,103,105,107,107,103,97,93,91,93,93,85,77,71,73,77,81,79,79,83,87,89,87,83,85,89,95,97,129,97,93,87,87,85,85,85,83,85,89,93,93,87,77,73,71,71,73,79,87,89,91,95,97,93,88,87,89,95,101,107,115,119,117,115,115,119,125,170,178,186,191,194,189,181,176,176,177,183,186,186,191,194,194,194,191,189,183,182,186,191,191,189,189,189,189,183,135,133,132,133,135,183,194,199,199,202,204,207,207,202,199,194,189,186,183,183,191,196,196,194,199,196,194,196,202,207,207,207,204,209,207,202,199,199,196,199,199,199,194,189,139,139,183,186,189,183,183,189,196,204,204,204,207,209,212,215,215,212,207,199,194,191,191,191,191,190,190,191,194,196,202,207,207,204,202,202,199,199,196,194,194,194,189,183,183,178,176,133,133,131,129,131,183,186,183,173,127,125,129,173,176,181,189,189,189,189,189,186,189,189,186,179,179,181,183,178,132,133,178,183,189,194,194,189,189,194,194,186,186,191,194,194,191,189,186,183,176,173,172,176,189,191,189,186,181,173,126,124,126,168,168,123,119,119,119,120,123,121,119,119,121,125,127,168,168,119,115,113,115,127,173,125,121,119,123,127,168,127,127,127,129,129,129,170,178,183,129,114,113,115,121,127,170,173,176,176,176,176,178,183,186,186,183,178,181,181,178,176,178,181,183,191,191,189,183,183,183,186,183,181,186,196,199,199,196,196,196,194,191,191,189,181,176,176,178,181,181,181,181,181,181,178,176,173,131,129,127,128,131,176,178,178,178,183,186,189,191,191,189,189,189,186,183,183,178,174,176,181,178,117,109,113,119,121,115,105,99,101,111,123,176,183,183,181,183,181,179,179,181,183,183,186,189,194,196,194,191,191,186,178,176,178,186,194,196,199,202,204,202,202,196,194,189,186,186,186,186,186,191,199,199,191,183,183,191,196,202,207,207,202,200,202,207,207,204,204,207,207,204,202,199,196,194,191,186,186,191,194,191,189,189,189,189,189,189,186,181,176,178,183,191,194,189,176,127,121,121,125,129,127,126,125,125,126,126,127,127,129,176,181,181,173,127,128,178,186,183,181,186,189,186,186,189,189,186,181,186,194,207,212,209,204,207,215,215,202,181,133,181,189,189,191,191,191,191,196,199,202,202,204,202,194,191,199,209,202,187,182,191,204,209,202,194,194,199,204,204,202,198,198,204,212,215,212,209,207,207,207,204,204,204,204,204,204,204,207,209,209,209,209,209,212,217,217,217,215,213,213,215,217,217,215,212,212,215,222,228,233,238,241,241,243,243,243,246,246,238,228,222,215,207,207,215,0,0,233,228,226,226,228,233,233,230,225,217,212,209,209,207,209,212,212,209,204,196,191,186,137,129,128,128,133,178,183,183,181,178,176,133,133,129,127,127,129,173,176,181,183,183,183,181,181,183,189,194,196,196,199,202,204,202,199,196,196,199,209,217,217,212,207,194,181,176,177,194,207,212,209,209,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,191,191,191,186,186,0,0,0,0,0,0,0,191,196,204,207,204,199,196,199,204,215,222,222,220,215,215,212,215,225,235,241,246,246,246,241,235,233,230,230,230,228,222,217,212,207,204,202,199,199,199,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,33,33,134,204,191,20,40,74,103,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,170,178,191,204,202,209,209,111,0,0,0,0,0,0,0,0,0,0,79,111,82,0,0,0,0,0,0,126,113,92,0,0,0,0,0,0,0,0,0,13,67,129,152,163,157,157,160,165,170,168,152,101,101,157,165,160,111,109,115,119,115,112,112,117,129,170,105,85,86,127,129,173,189,199,207,220,222,191,1,1,105,173,176,178,173,127,125,186,204,204,194,123,97,104,173,189,186,186,194,194,183,125,127,176,181,183,178,129,119,117,131,199,207,199,186,173,127,129,125,123,131,183,189,189,183,181,181,181,181,181,176,130,130,176,181,181,181,181,183,181,176,129,127,129,176,181,181,181,189,191,186,173,129,170,176,178,178,176,172,173,181,186,183,183,181,170,129,181,186,127,123,129,176,183,191,196,196,196,194,196,202,202,191,131,127,176,202,212,212,212,207,191,176,173,202,212,204,186,178,176,176,129,123,127,183,199,209,217,215,202,181,127,123,122,122,125,127,125,131,186,186,178,191,207,212,212,209,204,204,209,217,215,207,199,196,186,133,127,133,189,199,202,194,181,129,120,129,135,130,120,131,183,183,181,189,196,196,194,191,186,185,199,215,225,217,207,199,194,183,129,120,119,120,120,121,121,121,123,176,181,131,123,123,123,123,123,123,123,123,127,176,176,131,127,129,183,191,191,186,182,189,204,212,215,217,215,204,191,181,131,125,127,181,191,194,194,186,176,131,127,127,127,127,131,173,131,129,128,128,131,176,176,172,173,178,181,183,186,178,129,127,129,176,191,204,207,196,178,130,130,178,191,196,191,181,174,174,178,181,178,176,173,133,133,133,133,131,129,131,176,178,181,181,173,129,129,129,131,129,126,125,127,173,178,176,129,125,125,129,170,173,181,183,181,178,178,181,178,174,173,174,178,183,186,186,181,173,170,170,129,123,121,123,123,121,119,119,121,123,123,123,127,189,191,173,119,119,117,115,121,127,129,127,127,129,176,186,191,196,199,196,189,186,189,183,128,126,131,178,178,173,176,176,131,129,130,173,173,172,178,189,196,202,202,194,189,189,183,125,115,100,99,113,125,178,196,204,209,215,217,212,202,194,189,176,133,191,202,202,212,222,181,115,99,101,119,178,176,170,173,181,183,178,173,173,176,178,176,176,173,173,173,170,170,170,168,169,176,186,186,189,191,183,168,166,169,176,176,173,178,186,183,178,189,199,196,181,129,125,125,125,170,196,215,222,222,215,207,204,204,199,194,194,199,202,194,181,168,120,117,120,127,173,178,176,170,168,168,165,165,165,168,127,125,127,178,183,178,186,202,204,194,173,125,168,181,191,189,176,168,166,173,178,176,176,178,178,181,181,186,194,194,186,178,176,176,173,127,125,168,183,194,191,183,176,168,125,123,123,127,170,168,127,173,178,173,176,186,183,181,168,123,122,122,123,121,119,119,125,176,183,183,181,170,109,85,75,79,181,194,186,181,183,181,186,199,212,215,209,207,209,209,204,191,178,170,127,117,114,117,125,125,123,165,165,168,181,191,194,189,168,117,117,121,123,127,176,176,127,127,176,189,194,196,189,183,178,176,131,129,129,129,128,127,128,173,178,181,178,173,176,183,183,173,127,123,118,121,173,165,103,100,107,165,183,189,189,189,189,183,120,116,125,173,173,168,123,121,123,125,125,168,173,173,176,194,204,199,183,170,173,173,173,176,176,178,186,189,196,196,186,173,123,123,170,173,170,170,178,189,194,194,191,183,178,178,176,129,129,129,170,173,173,173,176,181,178,176,173,173,173,178,186,186,181,176,176,178,183,183,178,129,125,125,127,173,181,194,196,189,176,176,181,178,173,129,129,173,178,176,129,127,129,170,176,178,170,115,115,129,170,170,176,181,183,181,181,186,196,199,196,194,178,170,173,178,186,178,101,96,115,173,173,115,115,129,178,181,181,183,181,181,186,189,189,186,181,178,178,178,178,178,181,186,186,189,194,194,186,181,183,183,186,189,189,189,191,189,186,186,178,170,126,125,127,170,173,170,173,183,191,196,191,181,121,108,109,133,191,189,196,204,207,209,212,212,207,196,194,186,136,136,137,125,103,112,131,186,189,189,191,191,191,194,199,202,202,199,199,199,196,191,186,186,186,186,189,191,189,183,181,181,183,186,189,191,194,196,196,199,199,199,194,186,137,136,136,137,181,181,181,178,178,178,181,183,186,191,194,194,194,196,196,196,196,194,191,189,189,181,176,174,178,183,183,181,133,121,125,133,186,189,189,189,186,183,176,125,117,116,121,131,176,178,178,176,176,178,181,181,179,179,181,186,189,191,189,189,189,186,185,186,189,191,190,191,194,196,194,194,191,189,191,191,194,194,196,199,196,189,181,178,178,178,183,189,191,194,194,191,189,181,176,176,176,178,178,181,183,183,181,181,181,183,183,183,178,131,127,126,127,131,173,176,176,173,176,178,181,183,189,194,196,199,202,202,204,204,207,209,212,212,207,202,200,202,202,199,199,204,209,212,215,215,215,215,215,212,209,207,204,207,207,207,207,207,207,207,207,212,215,215,212,212,212,212,215,215,217,217,215,215,215,212,212,207,202,196,191,189,186,183,178,176,170,168,127,123,121,121,121,119,115,111,107,104,104,107,107,105,99,95,91,91,93,91,83,75,69,69,73,75,79,81,83,85,85,83,81,83,89,93,126,126,93,87,83,79,79,81,83,83,83,85,87,83,75,69,67,67,67,69,75,81,85,91,95,97,91,88,87,91,99,107,113,115,115,111,111,115,121,125,170,181,189,196,196,191,181,176,176,181,189,191,194,191,194,194,194,191,189,183,183,186,194,199,199,199,194,189,139,135,135,135,137,183,189,196,202,199,199,202,207,207,204,199,194,189,186,183,183,186,191,194,194,196,196,194,199,204,204,204,204,202,202,202,202,199,196,199,199,199,199,199,196,191,189,189,189,186,183,182,183,194,202,207,207,207,207,209,215,215,212,207,199,191,189,189,189,191,191,194,194,191,194,199,204,207,207,204,204,202,202,196,194,194,196,191,186,183,181,176,133,129,127,127,131,183,186,178,123,120,123,127,131,173,181,186,189,191,191,189,189,189,189,186,183,186,186,181,176,131,132,178,186,191,191,189,186,189,189,186,181,181,186,189,191,191,191,186,181,174,172,172,176,186,189,186,181,176,173,170,127,126,127,127,123,120,120,121,123,121,117,116,117,119,121,123,125,123,119,115,113,117,123,127,127,125,127,168,170,129,125,122,121,123,127,129,129,176,181,178,123,115,117,123,173,176,176,178,178,178,176,178,181,186,189,189,189,189,183,174,172,176,181,181,183,186,186,183,179,181,186,186,186,191,194,196,196,196,194,194,191,189,186,183,176,173,174,178,181,181,181,181,181,181,178,176,131,173,131,129,129,176,181,181,178,181,183,186,189,191,191,189,186,189,186,183,181,176,172,174,183,181,125,113,113,121,125,123,117,109,113,119,125,173,181,183,181,181,179,179,179,179,181,183,186,189,191,191,191,189,183,178,174,170,176,189,196,202,202,202,202,199,199,196,189,183,181,183,186,186,186,189,194,194,189,182,181,186,194,202,204,204,202,200,204,207,207,204,204,207,207,207,207,207,204,196,183,136,183,196,199,199,196,194,191,186,183,181,178,176,176,181,183,189,189,181,129,125,121,119,119,123,127,129,127,126,125,126,126,127,129,176,181,181,176,128,127,129,178,183,186,189,183,177,176,181,183,181,179,179,186,194,202,199,202,207,209,207,196,178,125,125,133,181,186,189,189,191,194,199,204,209,212,204,191,186,187,199,199,191,189,194,204,207,196,191,191,196,199,202,199,199,198,198,202,209,215,0,207,207,204,202,202,204,204,202,199,199,202,204,207,207,207,207,209,215,217,217,215,213,213,215,215,212,212,211,212,215,220,225,228,233,238,243,243,243,243,246,246,235,220,212,212,207,205,209,0,230,235,235,230,226,228,233,235,233,228,217,212,209,207,207,212,217,222,217,209,202,194,189,139,131,128,129,133,178,183,183,181,178,176,176,131,127,124,125,129,176,178,178,181,183,181,181,178,181,186,191,196,194,196,202,202,202,199,199,202,0,215,225,225,222,217,207,189,177,176,178,189,191,191,196,209,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,189,186,186,183,183,0,0,0,0,0,0,0,194,199,204,202,199,199,199,199,204,209,215,215,215,212,212,209,212,217,228,238,243,246,243,238,233,230,230,230,230,225,215,209,209,207,204,202,199,199,199,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,0,0,0,0,0,100,163,165,113,103,87,74,3,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,17,121,168,173,181,194,204,196,103,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,85,191,74,0,0,0,0,0,0,0,0,33,118,152,165,168,163,157,157,163,173,170,147,96,95,111,163,165,121,117,121,121,119,113,113,119,127,123,95,86,88,123,125,127,176,189,202,215,220,186,7,8,131,194,189,186,178,121,115,121,186,196,196,181,111,117,186,194,189,191,199,202,194,131,125,125,131,178,181,176,129,122,131,194,207,204,189,173,131,181,183,178,178,183,191,191,186,183,183,181,181,186,181,131,130,178,189,191,186,181,181,178,173,127,126,127,176,178,181,183,189,194,189,178,173,173,178,183,186,178,173,173,181,186,183,178,173,128,128,183,191,178,129,129,129,176,186,191,191,189,186,186,186,186,173,125,125,181,204,212,215,215,212,194,126,123,178,196,194,183,178,176,178,173,129,173,186,196,207,212,207,194,176,127,124,123,124,129,129,126,173,186,181,173,186,204,209,209,209,207,207,215,222,222,215,209,202,186,129,125,133,199,209,207,194,178,127,122,126,131,128,121,129,137,183,181,183,186,186,189,191,191,191,199,209,212,207,199,199,199,191,129,121,123,125,125,127,127,123,121,129,131,125,122,123,123,120,119,119,120,125,131,176,173,127,123,124,178,194,199,194,186,191,207,215,215,220,222,207,189,181,133,129,131,176,178,183,189,189,181,178,173,129,127,127,131,173,129,129,131,173,181,186,183,181,186,191,186,178,181,181,176,131,131,176,189,202,204,194,173,129,131,176,178,178,176,176,174,174,176,181,181,176,129,129,131,131,129,128,128,173,181,183,186,186,176,131,127,127,129,127,125,124,129,178,186,186,178,173,170,170,170,170,173,178,178,177,178,183,183,176,173,174,178,183,186,186,183,181,178,178,173,129,125,125,125,121,118,117,118,119,119,121,127,181,178,119,114,115,117,119,125,125,123,121,123,127,178,194,204,204,199,191,186,183,178,170,128,128,176,183,181,178,183,183,176,131,131,176,176,173,178,191,199,199,199,194,183,133,123,111,113,113,125,183,191,196,204,209,215,217,222,217,209,202,196,183,128,131,183,186,191,181,95,95,97,105,121,178,183,173,168,173,186,183,176,176,178,178,178,178,178,178,176,176,178,176,170,173,189,191,186,181,181,176,170,170,169,169,170,178,191,196,194,186,176,178,181,181,173,129,123,120,123,189,207,215,220,212,204,202,199,191,183,186,194,196,189,176,125,118,117,120,125,170,178,181,168,125,123,123,125,127,168,170,170,170,176,176,176,189,207,209,202,181,127,168,181,186,183,176,168,165,170,183,189,183,181,176,173,176,186,202,207,199,183,176,176,176,170,170,176,189,196,196,186,170,123,122,122,123,125,168,127,126,127,168,168,176,191,196,189,176,168,165,123,123,123,125,168,176,186,191,194,199,191,123,95,70,67,87,183,186,183,181,178,181,191,204,209,207,204,204,202,189,176,127,127,168,125,121,123,125,125,123,127,168,173,181,189,186,178,125,118,118,123,123,123,170,176,168,123,168,181,194,199,199,196,194,191,189,183,183,189,191,189,189,191,194,196,194,183,181,186,183,127,123,123,123,127,173,165,113,109,115,123,173,178,181,183,186,189,176,125,165,170,170,127,121,120,121,123,125,168,176,178,183,196,199,191,181,176,178,173,170,173,178,176,178,183,191,194,191,181,127,123,129,173,176,183,191,196,199,199,196,178,168,169,173,173,173,129,128,170,173,173,178,181,181,178,176,176,176,178,181,181,176,170,170,176,178,178,176,170,127,126,127,129,173,183,191,183,170,170,178,178,176,129,128,129,173,170,127,125,129,176,178,181,119,91,88,123,170,178,186,191,191,189,189,189,183,123,117,129,170,170,178,183,189,186,129,123,176,181,170,99,101,113,170,178,181,186,183,181,181,181,181,181,181,178,178,181,181,181,181,183,183,183,191,189,181,181,181,179,179,183,186,189,191,186,181,183,183,176,127,125,126,170,170,129,170,181,191,191,191,183,127,108,105,107,121,183,196,209,217,222,217,209,199,191,191,186,136,137,181,127,107,109,117,131,135,181,183,183,181,189,199,202,202,199,199,196,196,194,191,191,189,186,183,183,181,135,135,135,181,186,191,196,199,199,199,199,202,199,196,189,181,137,137,181,181,181,135,135,135,135,178,181,183,186,189,189,191,194,194,194,194,189,183,183,186,183,181,178,181,186,189,189,178,126,128,133,183,186,186,186,189,186,178,129,123,123,129,176,178,181,183,181,178,178,181,181,179,181,183,189,191,191,191,191,189,186,186,186,191,191,191,191,194,196,196,194,191,191,191,191,194,196,199,199,194,186,178,178,178,181,183,186,189,189,189,189,183,181,178,178,181,181,183,183,186,186,183,178,176,176,178,178,176,173,129,127,129,173,178,178,176,176,178,183,186,186,191,196,202,204,204,207,207,209,212,212,215,212,207,202,202,202,202,199,198,199,204,209,215,215,215,215,215,212,209,207,207,209,209,209,209,209,209,207,209,212,212,212,212,212,212,215,215,217,217,215,215,215,212,209,207,204,202,196,191,189,186,183,178,173,129,127,125,121,121,119,117,115,113,109,107,105,107,107,107,103,99,95,91,91,91,87,81,73,68,68,69,73,77,79,83,83,83,81,81,83,87,89,93,93,91,83,77,75,77,79,83,85,85,85,81,73,65,59,59,59,61,65,69,75,81,89,95,95,91,87,88,93,101,109,115,115,111,109,109,115,123,168,173,183,194,202,202,196,189,181,183,191,199,199,199,196,196,196,194,191,189,186,185,189,194,202,204,204,202,196,189,183,183,189,191,194,199,204,207,204,204,202,202,202,202,199,194,189,186,183,183,189,194,196,194,194,194,194,199,204,204,204,204,202,202,202,202,202,199,199,199,202,202,202,202,199,196,191,186,183,183,183,186,191,199,204,207,207,207,209,212,215,212,204,196,191,189,189,189,194,196,196,194,189,189,191,196,202,204,204,204,204,199,194,191,191,194,191,189,186,183,176,131,128,127,129,178,183,183,176,121,118,121,127,131,173,178,181,181,181,183,186,189,191,191,189,189,191,189,183,176,132,132,178,186,189,186,181,181,183,181,174,172,174,178,181,183,189,189,183,178,176,176,178,181,186,189,183,178,178,178,178,176,170,168,168,168,127,127,127,127,123,118,116,117,121,123,125,125,121,117,115,117,121,125,168,170,168,170,173,173,170,125,121,120,122,127,170,129,170,181,183,176,123,123,129,178,183,183,183,183,183,181,178,183,186,191,189,189,186,181,173,172,176,178,178,181,183,183,181,179,181,189,189,189,189,191,191,191,194,194,191,189,183,181,176,173,173,176,178,181,181,183,183,183,183,181,178,176,176,176,176,176,181,189,189,186,183,186,186,186,183,183,183,186,186,186,183,181,176,172,176,186,186,129,115,112,115,121,121,121,127,129,129,127,170,178,183,186,186,183,183,183,183,183,186,186,186,186,183,183,181,178,176,172,172,176,189,196,202,202,199,199,199,199,191,186,181,178,181,186,186,189,191,194,194,191,182,181,182,186,194,196,199,202,204,207,209,207,204,204,207,209,209,209,209,204,194,137,133,139,199,202,199,199,199,194,186,178,133,133,133,176,181,183,186,186,178,129,127,123,119,117,119,127,170,170,129,127,127,129,129,129,173,178,181,176,129,127,128,178,186,189,189,181,176,176,178,181,179,179,183,181,135,181,189,196,207,204,199,194,181,125,120,123,133,181,183,183,189,191,196,204,209,212,207,191,185,186,202,204,196,191,194,204,204,196,191,192,199,202,202,199,199,199,199,202,209,217,215,207,202,202,202,202,204,204,202,198,196,198,199,204,204,207,207,209,212,215,217,217,215,215,215,215,212,212,212,215,215,217,220,222,228,235,241,243,241,241,241,243,235,217,212,212,209,205,209,0,235,241,241,235,230,230,235,238,235,230,222,215,209,207,207,212,222,228,225,215,207,199,194,186,135,131,131,133,178,183,183,183,181,181,176,131,125,124,125,131,176,178,181,183,183,183,178,178,181,183,191,194,194,194,199,202,199,199,199,202,0,0,225,228,230,233,222,202,183,177,178,183,186,186,189,202,222,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,183,181,181,181,186,0,0,0,0,0,0,0,0,204,209,202,196,196,199,199,202,207,209,209,209,212,212,212,209,209,217,230,241,243,243,238,235,233,230,233,233,228,215,209,209,209,207,202,199,199,199,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,48,118,124,113,92,69,0,0,0,0,0,0,0,35,74,0,0,0,0,0,0,0,0,0,87,155,160,181,199,64,0,0,0,0,137,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,29,0,0,0,0,0,0,0,23,144,163,168,168,168,163,156,155,160,170,170,150,97,94,99,119,168,170,170,170,173,168,125,125,129,173,129,109,97,119,178,173,131,176,183,191,202,207,115,10,11,117,186,191,191,186,127,114,115,173,191,204,204,181,181,196,199,196,199,204,204,199,181,123,119,129,183,189,191,189,178,178,186,199,199,183,131,173,194,202,194,186,186,194,191,183,183,183,181,183,186,183,173,131,181,191,196,191,181,176,178,176,129,127,131,178,181,183,186,191,196,189,178,176,176,178,183,186,181,173,173,178,183,183,176,129,127,129,181,186,176,129,127,127,173,181,186,186,183,181,178,176,131,125,123,125,178,199,207,209,212,209,191,123,121,173,191,191,183,178,178,181,176,131,131,181,191,199,202,196,186,173,129,127,131,176,181,181,178,181,183,174,170,181,199,204,202,202,199,202,209,215,215,215,209,202,186,127,123,133,204,212,204,191,181,133,127,133,135,135,131,133,135,181,181,183,183,183,189,194,194,191,191,194,189,181,183,189,194,189,127,123,127,129,127,129,131,129,127,129,129,123,123,129,127,121,119,119,123,131,178,176,131,127,124,124,178,194,202,196,189,194,207,215,215,217,220,204,183,176,176,176,176,176,131,173,181,183,178,178,176,131,127,127,131,173,173,178,186,191,196,196,194,191,196,202,194,177,177,186,191,191,183,178,181,191,194,183,131,129,173,178,176,174,174,176,176,176,176,186,189,173,127,128,131,173,131,129,131,176,181,183,183,181,176,129,126,126,126,126,125,126,173,183,189,189,186,178,176,173,170,169,176,186,189,181,181,186,189,181,174,176,181,183,183,183,186,189,191,191,183,173,125,123,123,121,119,118,119,121,121,119,125,170,129,121,116,118,123,127,127,123,119,119,121,129,183,202,209,212,202,186,178,178,176,170,129,131,181,183,181,181,186,183,176,131,176,183,183,178,178,189,199,199,196,186,131,119,100,84,107,127,183,196,199,199,204,212,217,217,217,217,209,204,202,194,129,127,131,173,127,87,77,89,101,113,121,173,183,173,165,169,189,186,178,176,178,178,181,183,189,189,181,178,183,186,183,189,194,194,183,173,129,129,170,178,176,170,173,189,204,212,209,199,176,173,178,181,176,129,123,117,119,176,196,209,215,209,199,194,191,183,176,178,186,189,181,173,127,121,121,121,123,125,173,178,127,121,120,120,121,125,170,176,176,173,173,176,181,194,209,215,209,191,168,168,178,170,123,168,168,168,178,199,204,191,178,168,123,125,178,202,212,204,183,170,170,176,178,178,181,189,194,191,178,125,120,120,123,127,168,168,168,126,125,126,127,168,181,191,186,176,176,173,168,165,165,168,173,183,191,191,196,204,204,176,107,75,68,82,127,183,183,178,176,178,183,191,196,196,196,194,186,176,127,125,126,168,168,125,121,121,121,121,125,168,173,178,181,176,170,125,121,123,125,123,121,125,127,127,123,123,170,186,196,199,199,199,202,202,199,202,204,207,207,207,204,204,204,199,189,181,186,183,168,122,123,127,170,173,165,121,121,121,125,165,168,170,173,178,183,181,173,168,168,168,127,123,121,121,121,125,173,178,178,181,186,186,181,178,181,181,170,127,176,183,178,174,178,186,191,196,196,183,170,170,178,186,196,202,199,196,199,196,173,161,163,170,181,178,129,126,129,173,176,178,181,181,181,181,178,173,176,178,181,176,169,169,170,176,176,173,170,170,129,170,170,173,178,181,178,170,169,173,178,176,170,127,127,128,129,129,128,170,170,127,117,97,89,89,119,173,183,194,196,196,196,194,189,125,103,102,112,123,170,181,189,194,194,191,191,194,191,181,106,103,111,125,173,178,183,186,178,173,129,131,178,183,183,186,189,186,183,181,183,181,181,183,181,179,181,181,178,178,181,183,183,183,176,172,178,183,178,129,126,129,170,170,127,129,176,186,189,189,189,183,125,109,108,117,178,194,209,217,222,217,207,194,190,191,191,186,189,189,137,117,115,121,127,131,133,135,133,132,181,194,202,202,199,196,196,196,194,196,196,191,186,183,181,137,134,133,134,137,183,189,196,199,202,202,202,202,202,199,191,189,183,183,186,186,181,133,132,133,135,178,181,183,183,186,186,189,191,191,189,189,186,182,181,183,186,183,181,183,189,191,191,183,133,133,181,183,183,183,183,186,183,178,131,129,131,176,178,178,183,186,186,186,183,183,183,183,183,186,189,191,191,191,189,189,186,186,189,191,194,194,194,196,196,196,194,194,191,191,191,194,196,199,199,191,178,177,178,183,183,186,186,186,186,186,183,183,181,181,183,183,186,186,186,186,189,183,178,173,173,176,178,178,176,131,131,173,178,181,181,178,178,183,189,189,189,194,199,204,204,207,207,209,212,212,215,212,209,207,207,204,204,202,199,198,198,202,207,212,215,212,212,212,212,212,209,209,212,215,215,215,212,212,209,209,212,212,209,209,209,212,215,215,215,215,215,215,212,209,207,204,202,199,194,191,189,186,183,178,170,127,123,123,121,121,119,117,115,111,109,109,107,109,109,107,105,101,97,93,91,89,85,79,73,69,68,69,73,75,79,79,81,79,79,79,81,83,83,85,87,85,79,75,74,75,77,83,87,89,87,79,65,55,51,51,55,57,61,65,69,77,89,97,95,89,87,89,99,107,113,115,113,109,108,108,115,125,173,178,186,196,204,207,202,196,191,194,202,207,204,204,204,202,196,194,191,189,189,189,189,194,196,202,204,204,202,199,196,196,199,202,204,207,209,212,212,207,202,199,199,199,196,196,191,189,183,183,191,199,199,194,191,191,191,196,202,204,204,204,202,204,204,204,204,202,202,202,202,202,204,207,202,196,189,183,182,183,186,189,191,196,202,207,204,207,207,212,212,209,204,196,194,189,187,189,196,199,199,194,189,186,185,186,194,199,204,204,204,196,189,186,189,189,189,189,191,186,178,133,129,129,176,183,186,186,178,125,120,121,127,173,176,178,176,131,131,133,178,186,191,194,194,194,194,191,186,181,178,178,181,183,186,183,181,181,181,178,173,172,173,176,176,178,186,189,183,181,183,186,186,186,186,186,183,178,178,181,183,181,176,168,168,173,170,127,125,127,127,123,121,123,127,168,170,168,125,123,123,125,127,168,170,173,173,173,173,176,176,170,125,123,127,176,176,170,128,173,183,183,176,131,176,183,189,189,189,189,186,183,181,183,189,191,189,183,178,178,174,174,178,178,177,178,183,181,179,179,186,191,194,191,189,187,187,189,191,194,191,186,181,178,174,173,176,181,183,183,181,183,183,183,183,183,186,186,183,183,183,183,186,194,196,194,186,186,186,183,176,173,176,181,183,183,183,183,178,174,181,191,189,129,115,111,112,117,121,125,178,181,176,129,129,178,186,191,191,191,191,191,189,189,186,183,183,181,181,178,178,178,176,176,176,178,183,191,196,199,199,199,204,202,194,186,183,181,178,181,186,191,196,199,199,194,189,183,183,182,183,186,191,199,204,207,207,207,204,204,207,212,209,209,209,204,194,139,137,186,196,196,194,196,199,196,191,183,135,133,133,176,176,178,183,186,181,131,129,127,121,118,118,123,129,170,170,129,127,129,131,131,176,178,178,176,129,127,129,181,189,191,189,181,178,178,183,183,181,181,189,181,127,123,123,135,194,191,189,189,178,123,119,120,127,133,178,181,183,189,194,199,202,204,204,194,187,190,204,202,181,129,181,196,202,196,192,196,202,204,204,202,199,199,202,204,212,217,212,202,196,194,199,202,204,207,202,198,196,198,199,202,204,204,207,209,212,217,217,222,217,217,217,215,212,215,215,215,215,215,215,217,222,230,238,241,238,238,238,241,235,225,217,217,212,209,215,228,241,248,248,243,238,235,238,238,235,230,225,217,209,207,207,212,222,228,228,222,212,207,199,191,181,135,135,137,181,183,186,186,186,183,181,173,127,124,125,131,176,178,181,183,186,183,178,178,178,183,189,191,194,194,196,199,199,196,196,0,0,0,0,228,233,238,233,212,191,181,181,186,189,191,194,204,222,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,194,183,178,178,181,186,0,0,0,0,0,0,0,0,209,215,207,196,194,194,194,199,202,204,204,207,212,212,212,209,207,209,222,233,241,243,241,238,235,235,235,238,230,217,212,212,212,209,204,202,199,196,194 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,0,0,0,0,0,0,17,0,0,0,0,0,30,87,111,105,100,0,0,0,0,9,0,0,126,118,0,0,0,0,0,0,7,0,0,0,0,0,5,35,0,0,0,0,0,131,144,56,0,0,0,95,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,189,165,157,155,157,160,157,155,157,165,168,157,105,97,99,115,170,178,183,186,189,186,181,183,186,189,189,183,183,196,196,189,186,186,186,191,199,199,113,18,18,93,119,178,186,181,125,112,114,131,194,209,209,189,189,196,202,202,207,209,207,202,183,119,117,173,196,202,202,202,196,186,183,189,189,178,131,178,199,209,204,189,186,194,191,181,178,181,178,178,183,181,131,131,178,189,194,191,181,176,176,176,131,131,173,181,189,194,194,196,196,189,181,176,173,173,178,183,183,178,173,173,178,183,178,129,128,170,176,176,129,125,124,124,127,173,178,181,181,181,181,178,129,124,123,125,173,191,199,199,202,202,181,124,125,183,194,191,181,178,181,183,178,131,129,131,181,186,189,186,181,176,131,131,181,189,194,191,189,186,181,173,170,178,191,191,189,183,181,183,196,204,204,204,204,196,186,131,126,178,199,204,196,186,181,181,135,181,186,194,194,183,131,135,186,189,186,183,186,191,189,181,176,129,123,121,125,131,178,173,123,119,123,127,127,131,173,176,178,181,173,129,131,178,173,125,120,121,131,186,189,181,176,176,178,173,181,191,199,194,187,191,204,212,212,215,215,202,133,128,176,181,183,181,173,131,131,127,127,129,129,127,126,127,129,173,181,194,207,209,207,202,196,194,202,209,199,177,178,194,202,199,186,176,173,178,181,178,131,130,176,178,178,176,178,181,181,178,181,194,196,173,126,128,176,178,178,176,176,176,178,178,178,176,131,127,126,126,127,129,129,173,178,181,181,183,183,183,176,170,169,170,186,207,207,194,189,194,194,183,176,178,183,183,178,176,181,194,204,204,196,181,129,123,125,125,123,123,125,127,121,118,119,123,125,127,127,125,127,127,125,121,119,120,127,176,186,199,207,212,207,183,170,173,176,176,129,131,181,186,181,176,176,173,127,127,173,181,183,176,176,181,191,194,183,123,119,117,100,69,101,133,189,194,199,202,204,215,220,215,212,212,204,199,199,196,181,129,129,127,109,83,77,91,115,123,123,127,178,173,166,176,189,183,176,178,181,183,186,189,196,191,178,176,183,186,189,194,194,189,178,129,123,122,125,176,186,183,178,189,204,217,217,207,189,176,181,183,170,127,123,117,118,127,183,196,204,199,191,186,183,176,173,173,181,183,178,170,125,125,123,121,121,125,173,176,168,123,120,120,121,123,127,170,176,170,170,176,183,196,209,217,212,199,173,173,178,121,115,127,178,178,181,196,207,194,173,123,119,121,173,194,204,196,176,126,127,173,176,178,178,181,186,186,173,123,121,122,127,170,173,176,170,127,127,168,168,125,124,168,170,168,170,173,173,170,170,170,176,186,191,189,191,202,199,168,107,99,99,109,123,173,178,178,176,176,176,178,183,186,183,181,178,173,129,127,127,127,125,121,119,119,121,125,127,168,173,178,176,170,168,165,165,170,173,125,121,119,121,123,119,117,123,176,189,194,199,202,204,207,207,207,209,212,215,212,209,207,204,199,183,173,178,181,173,125,125,168,173,168,123,121,165,165,125,125,125,165,165,168,173,178,176,170,168,127,125,123,123,121,121,125,176,181,178,176,173,170,170,178,183,176,125,127,181,189,183,178,181,191,196,204,207,196,183,181,183,194,202,204,199,195,196,196,178,161,161,170,181,178,170,128,170,176,178,183,183,181,183,186,181,173,170,173,176,173,169,169,170,173,173,173,176,176,178,178,178,176,176,178,176,170,170,170,173,176,173,129,128,129,170,173,170,129,125,115,103,95,96,109,119,170,186,196,196,196,199,199,194,127,107,105,112,121,173,186,194,196,199,202,202,199,199,202,199,119,117,125,129,173,183,189,181,129,126,128,178,186,186,189,191,186,178,176,181,183,181,181,179,179,183,186,181,181,181,181,183,186,178,172,176,183,178,170,127,129,129,127,125,127,131,178,186,189,191,191,183,133,133,181,183,191,199,204,207,207,202,194,191,194,199,202,204,202,196,189,181,183,181,135,133,133,132,132,137,191,199,199,196,194,194,194,194,196,196,194,189,183,183,181,135,134,135,135,181,186,189,194,199,202,204,202,202,199,196,194,191,191,191,189,183,133,131,132,135,181,181,181,183,183,186,189,189,191,191,191,186,182,182,183,189,189,186,186,191,191,191,186,183,183,183,183,183,181,181,181,178,173,173,173,176,178,176,178,183,189,191,191,191,189,189,189,189,186,189,191,194,191,189,186,186,186,189,191,194,194,196,196,196,194,194,191,191,191,191,191,196,199,196,186,177,176,178,186,189,186,186,186,186,186,183,183,183,186,189,191,191,191,189,189,189,183,178,173,173,176,181,183,181,176,133,176,181,183,183,181,181,186,189,191,194,196,202,207,207,207,207,209,209,209,209,207,204,207,209,209,207,204,202,202,202,204,207,209,212,209,209,212,212,212,212,212,215,217,217,217,215,212,212,212,212,209,209,207,209,212,212,215,215,215,215,215,212,207,202,199,199,196,194,189,186,183,181,176,129,125,123,123,123,160,119,117,115,113,111,111,109,109,109,109,107,103,101,97,93,89,83,79,73,71,71,71,73,75,77,77,77,77,77,77,77,77,77,79,81,79,77,75,75,75,77,83,91,91,85,75,61,51,47,48,53,57,59,65,71,81,93,99,95,89,89,95,109,113,115,113,109,108,108,111,119,165,173,178,186,196,202,202,199,199,199,202,207,209,209,207,209,207,199,194,189,189,189,191,191,191,191,194,196,196,202,204,204,204,207,209,209,209,209,212,212,209,204,199,196,196,196,196,194,189,183,183,189,196,196,191,189,189,191,194,199,202,204,204,204,204,207,207,207,204,204,204,202,204,204,204,199,194,189,183,183,186,189,191,194,196,199,202,202,204,207,209,209,207,202,196,194,189,187,189,199,204,204,199,191,186,183,185,189,194,202,202,199,191,183,183,186,186,186,191,194,189,183,178,173,173,178,186,186,183,181,129,123,123,129,176,181,181,176,130,129,130,133,181,189,194,196,196,196,194,191,189,186,183,183,181,181,181,183,186,186,181,176,176,178,181,178,176,186,191,191,189,191,191,189,186,183,181,176,170,173,178,183,181,173,125,123,168,168,124,123,125,168,168,125,127,168,173,173,170,170,170,173,176,173,173,170,173,173,173,173,178,183,183,178,173,178,183,183,131,127,129,178,183,181,181,181,186,189,191,191,191,189,186,183,186,191,191,186,178,176,176,176,176,178,177,177,181,186,183,179,181,189,196,199,196,191,189,189,189,191,194,191,186,178,176,174,174,178,183,186,186,183,183,186,186,183,183,186,189,189,189,189,189,191,194,196,196,191,189,186,181,173,131,173,178,178,178,181,181,181,181,189,194,189,170,119,112,113,119,123,129,178,181,178,173,129,176,183,191,194,194,194,194,194,191,189,183,178,178,176,178,178,181,181,181,181,176,178,183,191,196,196,199,204,204,196,191,189,183,136,135,181,189,196,199,199,199,196,194,191,183,181,181,186,194,199,202,204,204,204,204,207,212,212,209,207,202,199,194,191,194,196,189,187,189,196,199,199,191,183,176,133,133,133,173,178,181,178,173,131,170,127,123,121,121,123,125,125,125,125,129,173,176,181,183,181,133,128,128,133,186,191,189,186,183,183,189,191,191,186,186,189,181,127,120,111,109,127,178,178,176,129,121,120,121,125,129,133,178,181,186,189,194,194,196,202,202,199,204,207,186,119,115,125,183,196,196,194,196,202,204,207,202,199,199,202,204,207,212,209,196,191,191,196,202,204,207,204,202,199,199,202,204,207,207,207,209,212,217,222,222,222,222,217,215,212,212,215,215,215,212,209,209,215,225,235,238,238,238,241,243,241,233,225,217,215,212,222,233,246,0,251,248,243,241,241,238,235,230,228,220,212,207,207,209,217,225,230,228,222,212,207,196,189,181,181,181,183,186,189,189,189,186,183,178,129,125,125,129,173,176,178,186,189,183,178,178,178,183,186,189,191,194,196,196,196,196,196,0,0,0,0,0,230,235,233,222,202,189,186,191,199,207,212,222,233,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,189,181,177,181,186,0,0,0,0,0,0,0,0,212,217,209,196,191,189,189,191,199,202,202,207,207,207,209,209,204,209,217,228,235,241,241,241,238,238,238,238,233,222,215,212,209,209,207,204,199,196,194 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,30,0,0,0,0,0,17,170,59,0,0,0,0,13,64,137,160,163,3,0,0,0,108,0,0,1,0,0,0,0,0,0,0,46,113,0,0,0,0,0,0,0,0,0,0,0,100,207,118,0,0,0,131,155,105,111,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,176,139,124,131,150,160,165,160,160,163,165,160,150,109,109,121,176,183,189,191,194,194,191,191,194,196,202,202,199,202,199,196,196,196,196,199,204,209,204,123,103,107,121,181,189,176,117,111,114,176,196,207,202,173,178,189,196,202,209,209,204,199,181,115,112,176,202,207,207,209,207,191,181,181,183,178,176,183,199,209,204,189,186,191,191,183,178,176,131,131,178,176,129,129,176,183,186,189,183,178,176,173,131,131,173,183,196,204,204,199,194,186,178,173,172,172,178,183,189,186,176,170,173,181,176,129,129,170,173,170,129,125,124,123,125,127,131,176,181,183,186,183,173,127,124,124,131,183,191,191,189,186,131,126,130,183,186,181,176,173,176,181,178,173,129,127,127,131,178,178,178,178,176,173,178,189,191,191,189,183,176,173,173,178,183,183,178,174,173,174,183,191,194,194,194,189,186,178,133,178,186,189,181,178,181,183,183,186,189,199,199,186,131,178,194,194,189,186,186,183,178,133,129,123,119,118,119,121,123,123,119,116,116,121,127,176,181,183,194,194,183,176,178,181,176,127,121,123,178,196,196,189,186,191,194,189,189,191,194,191,187,191,202,209,209,212,209,196,129,127,176,183,186,181,176,176,173,124,122,123,126,126,125,126,127,173,189,204,215,217,212,204,196,196,204,212,199,178,178,191,196,191,178,131,173,178,181,176,173,131,173,176,176,176,178,181,181,178,181,196,194,173,127,173,189,194,186,183,178,176,173,173,173,173,129,127,127,129,170,173,176,178,178,173,129,170,181,183,176,169,169,176,196,215,215,204,199,202,196,183,178,183,189,186,176,170,178,196,209,212,207,194,178,129,129,170,170,129,170,129,121,117,118,119,121,127,127,125,120,120,121,123,123,129,176,181,186,191,196,202,196,176,129,131,176,176,129,129,181,191,183,126,124,126,126,129,173,176,176,176,176,181,186,133,111,108,113,121,115,87,111,135,189,194,202,204,207,215,217,209,207,207,199,191,194,191,183,133,133,127,113,97,91,111,173,178,127,125,173,173,173,186,189,178,173,178,189,194,194,194,196,189,173,170,176,176,176,183,183,181,170,125,120,120,123,170,183,183,178,176,189,209,215,207,191,176,176,173,123,123,123,120,120,125,170,181,189,186,178,176,176,170,129,170,176,178,176,168,120,121,121,119,120,170,178,176,170,127,123,121,121,121,123,125,170,168,127,173,183,191,199,209,209,196,168,127,173,119,116,181,194,191,170,123,183,186,168,121,121,125,173,183,189,183,170,125,127,170,173,173,170,173,176,176,129,125,123,168,173,178,183,183,176,170,168,170,170,125,123,124,125,121,121,125,168,173,168,165,176,186,189,186,183,191,186,119,105,107,115,117,121,127,176,178,181,178,173,173,176,176,176,176,178,176,173,170,168,127,125,121,118,120,170,181,173,170,173,181,176,173,173,173,178,183,183,170,125,121,119,119,113,107,109,121,176,181,189,199,204,207,207,207,207,212,215,215,212,207,207,199,181,123,120,127,173,168,127,170,176,168,120,120,125,165,125,125,125,125,125,125,168,178,183,176,170,127,127,125,123,121,121,127,181,186,183,178,173,126,126,176,183,123,117,129,186,191,189,186,191,199,204,209,207,196,186,186,189,194,204,209,204,199,196,196,186,166,165,173,178,176,173,170,173,176,181,186,186,183,186,189,183,170,168,169,173,173,170,170,173,173,173,173,176,181,181,183,183,181,176,176,176,173,170,170,170,176,181,178,176,176,173,173,170,129,125,115,103,99,109,119,119,129,189,199,199,196,199,204,204,191,129,119,116,123,178,194,199,202,204,207,204,202,204,212,212,176,125,129,131,176,186,196,191,178,128,129,178,178,176,181,183,178,170,169,178,183,181,179,179,181,189,194,191,191,189,183,183,191,186,173,173,178,176,129,125,123,123,123,123,125,131,178,186,189,189,191,191,189,189,194,189,191,194,196,199,202,199,194,194,199,204,212,212,212,209,207,202,202,196,189,181,137,181,183,189,196,199,196,191,191,191,191,194,196,196,194,189,186,183,181,181,181,181,181,183,186,189,194,199,204,204,204,202,199,196,194,194,189,189,191,189,181,133,133,178,183,183,183,183,183,186,186,191,194,194,196,191,186,186,189,194,194,189,189,191,191,191,189,186,186,186,186,183,181,181,178,173,172,176,178,181,178,176,178,183,189,191,194,196,194,194,191,191,186,186,191,196,196,191,189,186,189,191,194,196,196,199,196,194,191,191,189,189,189,189,191,194,196,191,181,176,174,178,186,189,186,183,186,189,189,186,183,186,189,191,194,196,194,191,189,186,181,176,173,173,176,183,186,186,181,178,178,183,183,183,183,186,189,189,194,199,204,207,207,207,207,209,209,209,207,204,203,203,204,209,209,207,207,207,209,209,209,209,209,209,209,209,212,212,212,215,215,215,215,217,217,215,215,212,212,212,209,207,207,207,209,212,212,215,215,212,212,209,204,199,196,196,194,191,183,181,178,178,173,168,125,125,163,163,163,160,155,117,115,150,113,111,144,144,142,107,105,101,97,91,85,81,75,73,73,73,73,75,75,75,75,75,75,75,75,75,75,77,77,79,79,81,81,83,81,81,87,91,89,81,67,57,49,47,48,51,55,59,65,75,87,97,101,97,91,95,105,113,115,113,111,109,111,115,121,163,165,170,176,186,194,194,191,194,194,199,204,209,212,209,209,212,207,202,194,189,189,189,191,191,186,183,183,186,189,196,202,207,209,212,212,209,207,207,207,209,207,202,196,196,194,194,194,194,191,183,137,183,189,189,186,186,189,191,194,196,202,204,204,204,204,207,207,207,204,204,204,204,202,199,196,194,191,189,186,186,186,189,191,194,196,196,196,199,202,204,207,207,204,202,196,191,187,186,191,202,209,209,204,199,191,185,185,186,194,196,199,194,186,181,183,186,189,191,194,194,191,186,186,181,176,176,181,181,181,181,173,127,129,173,178,183,183,181,176,131,130,133,178,186,191,196,196,196,196,196,194,191,186,181,176,176,181,186,189,186,183,183,181,183,183,181,176,181,191,196,196,194,194,189,183,176,170,127,123,127,173,178,176,127,119,119,123,125,123,122,124,168,168,125,124,125,127,127,125,127,170,176,178,176,173,173,176,178,178,178,181,186,189,186,183,189,191,186,176,129,131,176,181,183,183,183,186,189,191,191,191,191,191,189,189,191,191,186,181,178,181,181,178,181,181,181,186,189,186,183,186,194,199,202,199,196,194,191,191,194,194,189,183,176,176,176,176,176,181,186,186,186,186,189,186,186,186,189,191,191,189,189,189,189,191,191,194,191,189,186,178,173,131,131,173,173,173,178,181,183,186,194,199,191,178,125,119,119,121,123,127,173,176,178,176,173,173,178,183,186,189,189,191,194,191,186,181,176,133,133,176,178,181,186,186,183,176,174,176,186,191,196,199,202,199,194,191,191,189,181,136,137,183,189,191,194,196,199,202,196,189,181,181,183,189,191,194,199,202,202,202,204,212,212,207,202,199,202,202,199,202,202,191,185,186,191,199,202,196,189,178,133,131,131,129,131,176,173,131,129,173,176,178,176,127,123,123,123,122,123,129,178,183,186,186,181,133,128,129,181,191,194,189,183,186,189,194,196,196,194,191,189,186,135,125,112,109,123,133,129,125,123,121,123,127,129,127,129,129,176,181,186,191,190,191,199,207,212,215,209,186,121,118,127,186,196,194,192,196,202,204,204,199,196,196,199,199,202,207,207,196,191,191,199,204,207,209,209,204,202,202,204,207,209,209,209,209,212,215,217,222,222,225,222,215,212,209,212,215,215,212,207,207,212,222,233,241,241,241,243,246,246,238,230,222,215,215,228,238,246,0,251,248,246,246,243,238,233,230,228,222,215,209,207,207,212,222,228,228,225,215,209,202,191,186,186,186,189,191,191,191,191,189,186,181,173,127,125,127,129,168,176,183,189,186,183,181,181,183,186,186,191,191,194,194,196,194,194,0,0,0,0,0,0,233,233,228,212,199,191,194,204,222,230,233,241,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,207,196,186,181,178,183,0,0,0,0,0,0,0,0,212,217,209,199,191,186,185,186,194,196,199,202,202,199,199,204,204,209,215,225,233,238,241,241,238,238,238,238,233,222,215,212,209,207,207,204,199,196,194 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,176,72,0,0,0,0,103,142,189,209,173,15,0,0,0,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,95,181,111,0,15,38,56,131,121,118,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,1,27,77,150,168,170,165,163,160,163,163,163,160,163,170,181,186,191,191,194,191,191,196,199,202,207,204,199,196,194,196,202,204,202,204,207,212,217,215,202,181,183,202,202,183,127,116,125,189,199,199,181,119,125,178,186,194,202,199,194,189,173,111,109,125,196,207,209,212,209,194,178,178,181,181,178,181,191,199,196,186,181,189,194,189,181,176,129,128,131,131,128,129,176,181,183,189,191,183,176,173,131,131,173,181,196,204,202,191,183,181,176,170,170,178,189,194,194,189,176,129,170,176,173,129,128,170,173,176,178,173,127,124,124,125,127,170,178,186,191,189,181,131,125,125,129,181,186,183,181,178,131,130,178,178,131,131,129,129,131,176,176,176,131,127,124,126,131,176,181,183,181,173,131,178,181,178,181,178,176,176,176,178,178,176,176,174,173,174,181,186,189,189,189,186,183,181,178,178,178,177,174,176,181,186,189,189,189,191,189,181,181,194,196,194,189,183,181,178,176,133,133,127,123,120,120,120,121,121,121,116,115,119,131,183,186,186,194,196,189,181,181,181,176,127,121,121,131,191,199,199,199,204,207,204,202,194,191,194,191,194,202,207,207,204,202,189,131,128,176,183,183,178,173,181,186,131,121,123,126,127,127,129,129,173,191,207,215,215,212,207,202,202,207,209,194,176,173,181,181,176,130,130,176,183,183,178,173,131,131,131,131,130,173,181,181,176,178,183,181,131,129,183,202,207,199,191,183,131,127,127,131,131,129,129,131,176,176,178,178,178,178,129,123,125,176,181,178,170,173,183,199,209,209,204,204,202,191,183,183,189,191,186,173,170,178,199,212,215,209,204,189,176,176,181,181,176,173,129,123,119,125,123,121,123,121,120,118,119,125,129,176,183,186,186,183,186,189,186,176,127,127,131,131,129,131,131,181,194,181,124,122,126,183,186,181,178,178,181,189,196,194,111,104,107,115,123,121,115,125,178,189,199,207,209,207,212,212,209,207,204,196,191,191,186,176,176,181,176,125,127,129,173,186,189,176,127,170,173,181,191,183,173,173,181,191,199,199,199,196,194,183,176,129,121,119,170,178,173,129,123,120,121,127,170,170,176,173,170,173,191,202,196,183,170,127,125,122,122,127,127,125,125,127,173,181,176,129,128,170,129,129,129,173,176,176,170,121,121,123,120,123,176,181,176,173,168,127,127,168,127,123,123,127,127,126,170,178,178,176,186,194,173,112,113,121,119,125,191,202,196,114,104,115,168,125,121,127,170,173,176,178,176,127,126,170,173,173,173,170,169,170,170,129,127,129,173,181,183,189,186,178,170,170,170,170,173,170,168,125,117,115,117,123,165,123,117,168,178,181,181,178,181,176,117,107,111,117,117,117,125,176,183,186,186,181,173,170,173,173,176,178,181,178,176,170,127,127,125,121,127,194,202,186,173,176,178,176,173,176,181,186,191,191,181,170,125,123,121,113,106,105,107,113,109,113,186,204,207,207,207,207,209,212,212,209,209,207,199,181,121,114,116,127,170,168,173,181,176,123,120,123,125,125,125,125,121,121,125,170,189,191,181,170,127,127,127,127,123,123,168,183,194,196,196,183,125,123,129,176,113,112,127,183,191,194,196,199,204,207,204,199,186,176,178,181,186,196,204,202,194,194,194,186,173,173,178,176,173,173,173,173,173,181,189,189,186,189,189,183,173,169,169,170,173,176,181,181,181,178,178,176,178,181,183,186,181,176,173,173,170,129,129,170,176,183,183,181,178,176,173,173,129,127,121,105,101,111,119,119,127,189,202,204,202,202,204,204,194,178,127,117,123,181,196,202,204,207,207,207,204,204,212,207,183,176,181,183,186,194,202,202,196,183,181,178,127,119,123,173,173,168,168,178,183,181,178,178,181,189,194,194,196,196,183,129,129,123,119,125,129,129,127,121,121,121,123,127,170,176,183,189,191,191,191,191,191,189,183,181,186,191,196,199,202,202,196,196,202,209,215,215,215,212,209,207,204,204,199,194,191,191,194,199,202,204,196,191,189,189,189,191,194,194,194,191,186,183,181,183,186,189,189,191,191,194,196,199,204,207,207,202,196,194,194,191,187,186,189,194,189,183,181,183,186,186,186,186,186,183,186,189,194,196,199,196,191,191,194,196,194,191,189,191,191,191,189,189,186,186,183,183,183,181,178,173,173,178,183,183,181,181,181,183,183,186,194,196,196,191,189,189,183,183,191,202,199,194,191,191,194,196,196,199,202,202,196,191,189,189,187,189,189,191,194,194,194,189,183,177,177,181,183,183,182,182,186,189,191,189,186,186,191,194,196,196,194,189,186,178,176,173,132,132,176,183,189,189,186,181,181,181,181,183,189,194,191,191,196,204,209,209,209,209,212,212,209,207,204,203,203,203,207,209,209,209,209,209,212,215,212,212,209,208,209,212,212,212,212,215,215,212,212,209,212,212,212,212,212,212,209,207,205,207,209,212,212,212,212,212,212,209,204,199,196,196,194,186,178,176,176,173,170,127,125,125,163,165,163,163,160,155,152,150,113,111,144,144,144,142,105,101,95,87,79,73,71,71,71,73,75,75,75,75,75,75,75,75,75,75,77,79,81,83,85,89,91,93,91,89,91,91,85,71,59,53,49,49,51,51,51,55,63,79,89,99,105,101,99,103,111,150,115,113,109,111,117,165,173,170,168,165,170,181,186,186,183,189,194,199,204,209,212,209,209,209,207,202,196,194,191,194,194,191,183,182,182,183,183,189,199,202,207,209,209,207,204,202,204,207,204,199,196,194,191,191,190,191,191,183,135,133,135,137,137,183,191,194,194,196,199,202,202,202,204,204,204,204,202,202,204,204,202,196,191,189,189,189,191,191,189,189,191,194,196,194,194,199,202,202,204,204,204,199,196,194,189,189,194,204,212,212,209,207,196,189,186,189,194,194,191,189,181,135,178,186,191,194,196,191,189,191,191,186,176,173,173,178,181,181,178,178,178,178,181,186,189,189,186,181,178,178,181,186,189,191,196,196,196,194,191,186,183,178,131,131,176,181,183,183,183,186,183,183,183,181,176,176,189,196,196,196,194,191,181,129,123,122,121,123,170,176,170,121,118,118,121,125,124,125,129,173,173,129,125,125,125,124,122,121,124,170,176,176,178,178,183,183,183,181,183,186,186,186,186,189,189,186,183,181,181,181,183,186,186,186,186,189,191,191,189,191,194,194,194,194,191,186,183,186,189,186,183,183,186,186,191,191,189,186,189,191,196,199,202,199,196,196,196,196,194,189,183,176,178,178,178,178,181,186,189,189,189,189,189,189,189,189,189,189,186,186,189,189,189,186,186,186,186,183,178,173,130,130,131,131,173,178,183,189,194,199,202,196,186,176,127,123,121,123,125,170,176,178,178,173,129,131,178,181,181,181,186,189,189,183,178,133,132,133,176,181,183,183,186,183,178,176,178,186,191,191,191,194,191,186,186,191,194,194,189,181,137,137,181,186,194,199,202,199,191,182,182,183,189,189,191,196,199,199,196,202,209,209,204,196,196,199,202,202,204,207,199,186,186,189,196,199,194,186,176,130,131,131,129,127,129,131,129,129,170,181,189,191,181,173,127,125,123,125,173,183,186,189,189,183,176,131,133,186,196,196,189,186,189,194,196,196,196,196,196,194,189,186,186,133,123,133,133,127,123,121,121,127,133,133,125,121,123,127,178,186,191,191,191,196,204,209,212,209,196,186,191,194,202,202,194,191,194,204,207,202,196,194,194,196,196,199,207,207,199,194,199,204,209,209,209,209,207,202,202,204,207,209,212,209,209,212,212,215,217,222,222,217,215,209,207,209,212,212,209,207,207,212,225,235,241,243,246,246,248,248,243,233,222,217,222,233,241,246,246,246,246,246,246,243,238,233,228,228,225,217,209,204,204,207,215,222,228,222,215,207,199,194,189,191,191,194,196,196,196,194,191,186,181,176,170,127,127,126,126,170,183,191,191,189,186,186,186,186,186,189,191,194,194,194,194,191,0,0,0,0,0,0,233,235,233,225,209,194,191,199,215,228,233,241,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,204,199,191,183,178,178,0,0,0,0,0,0,0,0,209,217,215,202,194,186,183,185,189,189,191,194,194,191,191,196,204,207,212,217,228,235,241,243,238,238,238,238,233,222,215,212,209,209,207,204,199,194,191 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,66,1,0,0,0,13,131,178,181,173,105,15,0,0,15,15,0,0,21,0,11,134,64,0,0,0,0,0,0,103,59,0,0,0,0,0,0,0,0,85,118,90,0,38,40,46,118,137,142,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,63,142,160,165,163,160,157,160,165,173,176,178,181,183,189,191,194,191,190,190,196,202,204,207,204,199,194,194,196,202,202,202,202,204,207,212,215,209,199,199,209,212,204,199,186,194,204,202,191,131,115,120,129,178,181,183,183,178,131,121,109,108,119,189,204,209,209,204,189,176,176,189,191,183,176,181,186,186,178,176,183,191,194,191,183,131,128,129,129,127,129,178,183,189,196,199,189,178,176,178,181,178,181,189,194,189,176,174,178,173,168,169,186,199,199,191,183,173,129,170,173,173,170,170,176,176,178,186,181,170,125,125,125,125,129,176,186,194,196,189,178,131,127,131,176,178,176,178,183,181,183,186,173,126,128,128,128,128,129,131,173,131,129,125,127,173,176,181,186,181,129,123,129,131,129,131,173,176,183,186,178,173,173,176,176,176,178,186,189,189,191,191,186,181,178,176,176,178,177,176,177,183,191,196,191,186,181,130,132,186,199,199,194,186,181,176,174,176,176,178,133,129,127,125,125,125,129,131,123,121,129,181,191,189,185,189,191,189,183,181,178,178,131,125,120,121,178,199,207,207,209,215,215,209,189,181,191,194,196,202,207,204,194,189,181,173,129,131,176,176,129,127,178,189,181,125,127,178,181,178,176,170,170,186,199,204,204,204,204,204,202,202,199,186,129,126,127,129,131,131,131,173,181,183,178,131,129,131,131,130,130,173,183,183,176,131,131,129,128,173,191,204,209,207,199,183,127,121,123,129,131,173,176,181,186,186,181,178,178,176,127,122,123,129,178,178,178,183,191,196,202,204,204,199,189,181,178,183,191,194,186,173,129,181,202,209,209,207,204,191,173,178,186,186,176,170,129,127,127,173,173,127,123,120,119,121,127,176,181,189,191,189,183,183,183,181,131,125,125,127,129,128,128,176,176,181,186,176,126,127,181,202,202,194,189,186,194,207,217,215,123,110,119,129,133,133,178,183,183,191,204,207,204,204,204,207,207,209,204,199,196,196,186,174,176,189,181,173,183,194,191,189,183,173,129,127,170,176,178,173,170,173,181,189,196,204,207,204,207,204,189,125,108,111,178,186,176,170,127,125,129,176,170,127,173,178,176,173,178,181,183,178,127,123,123,125,125,129,170,170,129,170,178,183,178,128,128,129,170,170,170,173,178,181,178,168,127,127,168,168,173,173,173,173,173,173,181,186,183,176,168,127,127,127,170,176,168,125,168,170,113,108,110,117,123,170,186,194,186,112,105,114,121,120,121,127,173,176,176,170,168,127,127,173,176,176,176,178,176,176,176,170,129,129,176,183,189,189,186,176,168,168,168,168,178,183,173,125,119,115,114,117,121,117,115,119,121,125,168,170,173,170,123,115,117,119,117,117,123,176,183,191,191,186,176,170,170,170,173,178,181,183,183,176,168,127,127,125,173,202,212,194,178,178,178,170,170,176,183,189,194,196,186,173,168,168,127,123,115,107,107,107,57,45,93,191,202,207,207,207,204,207,207,209,209,207,199,186,127,114,115,127,176,170,173,186,189,173,123,121,123,125,125,125,117,115,125,178,196,196,178,127,123,127,168,168,127,125,170,186,199,207,207,194,126,124,127,127,111,112,125,178,191,199,202,204,204,202,196,189,170,123,125,125,121,119,119,119,123,176,183,178,176,181,181,176,173,173,170,129,129,178,186,189,189,186,186,181,176,173,173,176,178,183,189,191,191,189,183,178,176,178,181,183,178,173,170,129,129,127,127,129,173,178,178,178,178,178,178,181,178,178,173,111,105,111,113,115,125,183,202,207,207,204,202,194,176,127,123,119,125,186,199,202,202,204,204,204,204,204,202,194,183,183,191,194,196,202,204,207,207,199,194,183,121,116,119,131,181,178,178,189,189,183,179,179,183,189,189,183,189,191,183,105,85,74,80,111,121,121,121,123,123,125,127,170,178,183,189,194,196,191,186,186,186,181,173,172,178,186,194,199,202,202,199,202,207,209,212,215,212,209,207,202,202,204,204,202,196,191,189,191,199,199,196,189,186,186,186,189,189,189,189,191,189,183,181,183,189,191,194,196,196,196,196,199,204,207,207,202,194,191,191,191,187,187,189,194,191,186,186,186,189,189,189,189,186,186,183,186,189,194,196,196,191,191,194,194,191,189,189,191,194,191,191,191,189,186,183,183,183,183,181,176,173,176,183,189,186,183,183,181,179,181,189,196,196,186,181,183,177,177,189,199,199,194,194,194,199,199,199,199,202,202,196,191,189,187,187,189,191,194,194,196,194,191,186,183,183,183,183,182,181,182,186,194,196,191,189,189,191,194,194,194,189,183,176,133,133,133,133,133,176,183,189,191,189,183,181,179,179,183,191,194,194,194,196,204,207,209,209,212,212,212,209,207,207,204,207,207,209,209,209,209,209,209,212,212,212,212,212,209,209,212,212,209,212,215,215,212,207,205,205,209,212,212,212,215,212,207,205,207,209,212,212,212,212,212,212,209,204,196,196,194,191,181,173,173,173,173,170,127,125,163,163,163,163,163,160,157,152,150,147,111,144,147,144,142,105,99,91,81,73,67,66,67,71,73,75,77,77,77,75,75,73,75,75,75,77,79,83,89,95,129,129,129,97,95,95,89,79,63,53,53,53,55,55,53,50,51,61,79,91,101,109,109,107,111,150,152,115,115,113,117,160,173,178,173,168,165,168,173,181,181,181,189,196,202,207,209,212,209,209,209,207,204,202,199,196,196,194,189,182,182,186,189,186,189,194,196,199,202,204,204,202,202,202,204,204,199,194,194,194,194,191,191,189,183,133,130,130,133,137,183,194,196,196,196,199,202,202,199,202,202,202,199,199,199,202,204,202,194,191,189,189,191,194,194,191,191,191,194,194,194,194,199,199,202,202,202,202,199,196,196,196,196,202,207,212,215,212,209,199,191,189,194,196,194,186,181,135,129,127,135,189,194,194,189,186,189,191,186,176,131,131,178,178,181,183,186,189,186,186,186,189,191,191,191,189,189,191,191,189,189,191,194,194,189,183,178,178,133,131,130,173,176,173,176,181,183,181,178,178,178,178,178,186,191,191,191,196,191,181,127,123,123,123,127,129,129,125,121,120,121,123,125,127,170,176,178,181,178,176,173,170,125,121,120,124,173,178,181,183,186,189,189,189,186,186,183,186,186,186,185,186,189,191,191,189,186,183,183,189,191,189,189,189,189,189,189,191,194,194,191,186,183,186,189,191,186,186,189,189,186,189,191,189,189,189,189,189,194,202,202,199,196,196,196,194,191,183,181,181,178,178,178,183,186,186,186,186,186,189,191,191,189,186,186,183,186,191,194,191,186,183,181,183,183,178,131,128,128,131,176,181,183,189,194,199,202,202,199,191,181,173,127,123,125,127,173,178,178,176,129,127,129,176,178,176,176,181,186,186,181,176,133,133,178,181,183,183,183,183,183,183,183,186,191,191,186,181,181,178,177,181,189,196,202,199,189,181,136,136,183,191,196,199,196,191,186,186,189,189,189,191,194,196,196,194,199,209,209,199,195,195,202,204,202,202,202,199,189,187,189,194,196,194,186,176,130,131,173,129,125,125,127,129,129,170,178,189,194,189,181,176,170,127,129,176,183,186,186,183,183,181,181,181,189,196,199,194,191,191,194,196,194,191,194,196,194,191,194,202,194,181,178,133,127,123,121,123,125,129,127,121,119,120,125,176,189,194,191,191,194,202,202,204,204,199,199,204,204,207,209,199,194,199,207,207,199,194,194,194,194,194,196,204,0,0,202,207,212,212,209,209,209,207,202,202,202,207,209,212,209,209,209,212,212,215,217,217,215,212,207,207,209,212,212,209,207,208,215,228,235,243,243,246,248,248,248,246,235,225,222,230,241,246,246,243,243,243,246,248,246,241,230,228,228,225,217,212,204,199,202,207,217,222,217,212,204,196,191,191,194,196,199,202,202,199,194,191,189,183,178,176,170,127,125,125,170,186,196,196,194,191,191,189,186,186,189,191,194,194,191,191,191,191,0,0,0,0,0,235,238,235,228,209,194,185,186,199,209,217,233,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,204,202,199,194,189,181,176,178,0,0,0,0,0,0,0,207,217,217,209,199,191,185,186,189,183,183,189,194,191,190,191,199,204,207,212,222,233,241,243,241,238,238,238,233,222,215,212,212,212,207,202,196,191,189 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,11,0,0,0,0,0,23,61,157,98,15,21,21,0,0,74,37,0,0,111,87,199,204,191,150,0,0,0,0,53,207,77,0,0,53,21,0,0,0,0,56,142,152,105,48,40,82,134,160,194,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,121,137,147,152,155,152,152,160,170,183,189,186,183,186,191,194,196,194,191,190,196,202,202,202,202,196,191,189,194,199,199,196,196,196,202,204,207,204,199,202,209,215,215,209,202,202,207,204,194,178,120,122,131,173,129,129,129,127,123,113,108,108,115,186,202,204,202,194,178,129,176,196,202,186,127,129,176,173,131,129,176,186,194,196,189,176,129,129,128,127,129,178,186,194,202,199,189,181,183,194,196,191,183,181,178,174,172,172,178,176,168,169,189,202,196,183,173,129,129,170,173,178,178,178,181,178,176,181,181,170,127,127,125,125,129,176,189,199,202,196,189,178,176,176,173,131,129,176,189,191,194,191,128,124,129,131,129,129,129,131,131,131,129,129,173,173,129,129,176,173,125,119,125,127,125,127,131,178,191,194,181,131,173,178,181,176,178,194,194,194,196,194,186,178,176,176,178,181,181,181,186,191,196,196,191,181,133,124,127,181,199,204,199,189,178,173,173,176,178,178,133,129,129,129,129,131,178,183,176,173,181,189,194,191,185,186,194,194,189,183,181,183,186,176,123,120,129,194,207,207,207,215,217,209,129,125,181,189,194,199,204,196,183,181,178,173,127,117,123,129,125,123,129,181,176,170,178,189,189,183,178,170,170,181,186,186,186,189,194,196,194,189,186,173,126,124,124,127,178,181,173,128,129,173,173,129,128,129,173,173,173,178,189,189,178,131,128,126,128,178,194,204,204,199,191,178,121,119,125,176,178,178,181,189,194,191,186,181,176,173,125,121,122,125,173,176,178,186,194,199,202,204,204,189,127,127,170,181,191,191,183,129,127,181,196,204,202,199,196,181,127,128,176,176,129,126,127,129,170,178,178,173,127,121,125,173,181,186,189,191,194,189,186,186,186,176,127,124,125,127,129,129,131,176,176,173,176,173,173,186,199,207,204,199,196,196,202,215,225,217,196,181,183,194,202,207,207,204,194,196,204,204,199,199,199,199,207,212,209,204,207,204,191,181,181,191,181,173,186,199,196,183,170,127,125,125,127,127,125,125,125,170,176,183,189,199,207,202,209,209,194,111,101,109,204,196,183,178,173,129,170,176,170,127,176,194,199,186,173,129,170,170,129,125,127,129,127,125,170,178,178,178,186,194,186,170,128,129,173,176,176,178,183,189,183,170,125,127,170,170,168,170,173,170,173,181,194,204,204,191,178,127,127,168,173,176,168,124,125,123,112,109,112,121,168,176,181,178,173,119,115,127,123,118,119,123,170,176,173,168,125,123,125,173,173,176,183,189,189,189,186,178,129,129,176,186,189,186,181,173,168,168,166,166,178,183,168,125,121,115,113,114,117,119,116,115,113,114,117,121,127,170,170,127,168,127,123,119,123,173,186,194,196,191,178,170,169,169,170,176,178,186,189,183,170,125,124,125,168,194,207,191,181,178,173,127,170,178,183,189,194,194,183,168,168,173,176,178,173,121,117,125,47,33,47,125,189,196,204,207,204,202,202,207,209,204,194,183,170,119,119,176,181,170,170,186,194,186,165,123,125,165,168,168,113,107,119,176,191,186,125,119,119,127,173,173,168,127,173,186,199,207,207,196,170,127,170,125,114,115,123,173,186,199,202,202,202,194,189,181,127,117,117,117,113,102,93,91,100,118,173,170,173,181,183,178,173,170,129,125,125,129,183,189,186,183,181,178,176,176,178,181,183,189,196,199,199,196,191,183,178,176,178,178,176,170,127,127,125,123,125,129,129,129,129,170,178,181,183,189,191,196,202,176,117,115,113,113,119,176,196,204,207,202,194,173,117,119,121,121,170,189,196,202,202,200,200,202,204,202,191,178,173,181,191,196,202,204,204,204,207,207,204,194,129,119,123,181,196,202,202,202,199,189,183,183,189,191,183,129,129,181,181,123,80,66,74,105,117,117,119,127,129,129,170,176,181,183,189,194,196,189,176,173,178,176,172,173,178,183,186,191,194,196,196,202,207,209,212,212,212,209,204,199,196,202,207,207,196,181,133,134,186,191,191,189,186,186,186,183,183,183,186,191,194,189,183,186,189,194,196,199,196,195,195,196,204,207,207,202,194,189,189,191,191,189,191,191,191,189,186,189,189,191,191,191,189,186,183,183,186,189,194,194,191,189,191,191,189,189,189,189,191,194,194,196,194,189,183,183,183,186,183,178,173,173,181,189,189,186,183,181,179,179,186,194,194,186,179,181,176,174,183,196,199,194,194,196,199,199,196,196,196,196,194,191,189,189,189,191,194,194,196,196,194,191,191,189,189,189,186,183,183,186,191,196,199,194,191,191,191,191,191,189,181,133,130,130,133,176,176,176,178,183,189,189,191,189,181,179,179,183,191,191,191,191,194,199,204,207,209,209,209,207,207,204,207,207,209,212,212,212,209,209,209,209,209,209,209,212,212,212,212,212,209,209,212,215,217,212,207,204,204,207,209,212,212,212,209,207,205,207,209,212,212,212,212,212,209,207,202,196,196,194,189,181,170,170,170,170,170,165,125,123,160,160,160,163,160,157,152,113,111,144,144,144,142,139,103,97,89,79,69,66,65,67,71,73,75,77,77,77,75,75,73,75,75,75,75,79,85,95,131,134,131,129,97,97,95,89,75,61,52,53,59,63,61,55,51,53,63,77,91,103,147,147,147,150,152,155,155,155,157,160,165,170,173,170,170,170,170,173,178,178,183,194,202,204,207,207,209,209,209,209,209,207,204,204,202,199,191,186,183,186,194,196,191,191,191,191,194,196,199,202,202,204,204,207,202,196,194,194,196,199,196,191,186,139,133,130,129,131,137,186,194,196,196,196,199,202,202,202,199,199,199,196,196,199,199,202,199,194,191,191,194,194,194,191,194,194,194,194,192,194,196,199,199,199,199,202,202,199,199,202,204,204,207,209,212,212,212,207,199,191,191,196,199,191,183,133,129,126,124,127,183,194,191,183,181,186,191,189,178,131,131,173,173,173,183,191,194,191,189,189,189,194,194,196,196,196,196,194,191,186,186,186,186,181,133,132,133,176,173,131,131,127,125,129,176,176,173,131,173,178,178,181,183,183,183,189,194,194,181,129,129,129,170,170,129,123,120,123,125,127,127,127,129,173,178,181,186,186,186,183,181,129,123,125,176,183,189,189,189,191,194,191,191,189,189,186,186,189,189,185,186,189,191,191,189,186,183,183,186,191,189,189,189,189,187,187,189,194,194,189,183,182,186,189,191,186,186,186,186,183,183,189,189,189,189,187,187,191,196,196,196,196,196,196,194,191,189,181,178,133,131,176,181,181,178,178,178,181,183,189,189,186,183,183,183,189,196,202,199,191,183,178,178,183,181,131,127,128,131,178,183,189,194,199,202,202,199,196,189,183,176,129,127,127,129,173,176,176,173,128,127,131,178,176,176,176,178,181,181,178,133,176,178,183,186,186,186,183,183,183,186,189,194,194,189,181,177,174,173,177,183,191,196,199,196,194,183,136,136,181,191,196,196,194,194,191,191,191,191,191,191,194,196,194,194,199,207,207,196,194,196,204,209,202,196,196,194,191,189,189,194,196,196,191,178,130,131,176,173,125,124,127,129,170,173,176,183,186,186,183,181,178,173,173,178,183,183,183,181,181,183,186,189,189,194,196,199,196,196,199,194,189,186,189,191,191,191,199,207,196,178,133,129,123,121,121,121,123,123,121,119,119,121,127,178,189,191,189,189,194,199,196,196,196,194,196,202,199,207,212,207,202,207,212,209,204,199,196,196,191,189,194,0,0,0,0,209,0,212,209,207,207,207,204,202,204,207,209,212,212,212,212,212,212,215,215,215,209,207,207,209,212,215,212,209,208,209,217,228,238,241,243,246,248,248,248,246,238,225,225,233,243,246,243,241,238,238,243,248,246,241,233,228,228,225,222,212,204,199,196,204,212,217,215,209,202,196,191,191,194,199,202,202,204,202,196,194,189,186,183,178,173,129,126,126,170,186,199,202,196,194,191,191,189,189,191,191,191,191,191,191,191,191,0,0,0,0,0,0,235,235,228,209,191,182,181,185,196,207,228,243,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,199,199,196,191,181,173,170,0,0,0,0,0,0,0,0,217,222,215,207,196,186,186,189,183,182,189,196,194,191,191,196,202,202,207,215,230,238,243,241,238,241,241,233,225,217,217,215,212,207,199,191,143,143 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,14,0,0,0,0,0,0,0,27,13,23,61,37,21,0,35,37,0,0,77,43,66,131,131,157,202,207,207,209,124,5,0,15,165,217,74,0,0,82,118,150,61,0,0,61,165,178,152,103,38,116,173,189,191,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,121,126,134,144,152,152,151,151,163,181,191,194,191,189,191,194,196,196,196,196,194,196,196,196,196,196,191,186,183,191,196,196,194,191,191,191,194,194,194,191,196,207,212,212,207,202,204,207,207,202,194,183,181,178,131,124,123,124,127,123,111,110,113,107,105,189,194,186,178,125,119,173,199,202,183,126,124,127,129,126,126,131,181,189,194,186,176,131,131,131,129,131,176,183,191,196,191,183,183,194,204,209,199,183,176,173,174,176,176,183,181,170,172,183,191,189,176,129,126,127,170,176,183,181,181,181,176,176,176,173,170,129,127,125,127,129,176,191,202,202,196,191,189,189,183,173,129,129,178,189,196,194,178,127,126,129,131,131,173,176,176,178,178,178,178,178,131,113,110,121,129,123,119,125,125,123,125,129,181,191,191,176,129,173,183,181,176,176,191,196,191,194,194,183,176,181,181,178,176,181,191,199,196,191,194,186,178,133,129,129,183,207,212,207,196,181,172,173,178,181,176,131,131,131,129,129,131,181,183,181,178,181,189,196,196,194,196,199,202,199,189,183,189,196,196,178,127,131,186,196,199,204,209,212,196,126,123,127,178,183,191,199,194,181,178,183,173,117,108,109,123,129,125,125,173,173,170,176,183,183,173,128,128,173,181,183,181,176,176,181,181,178,176,170,127,127,127,129,178,191,191,176,126,125,129,176,173,129,129,173,176,173,178,191,191,181,176,131,127,128,178,194,202,194,186,178,127,117,117,131,183,183,181,186,194,196,194,183,178,176,129,124,123,124,125,170,170,170,178,191,199,204,207,204,176,118,121,129,178,189,189,181,127,121,170,186,196,199,194,186,170,124,124,129,170,129,129,129,127,170,176,178,173,129,129,176,186,189,186,186,189,191,191,191,194,191,176,127,124,125,129,173,176,181,181,131,127,129,176,186,196,207,209,204,202,204,199,196,212,217,209,196,183,189,212,217,212,212,209,207,207,209,204,199,195,195,196,204,209,212,212,212,209,199,186,186,186,173,131,178,189,181,125,117,117,119,123,127,125,123,119,119,123,129,173,178,178,178,178,194,196,181,101,90,109,209,196,186,176,127,123,123,129,129,123,121,191,204,189,176,129,126,127,129,173,178,173,122,121,176,191,191,186,189,191,186,173,128,129,176,178,176,178,189,191,183,127,125,125,127,127,168,170,173,168,170,181,194,209,209,194,178,170,170,170,170,173,170,127,125,123,117,115,119,125,178,183,178,170,168,168,173,173,170,123,119,125,170,176,176,168,119,119,123,168,170,176,189,194,196,196,194,189,173,170,178,186,186,181,178,173,168,168,168,168,176,178,127,125,125,117,112,113,121,165,168,121,116,113,113,114,121,170,176,173,173,170,127,121,123,173,189,196,202,196,181,170,168,169,170,173,176,181,186,183,170,125,123,123,127,178,183,178,176,173,127,127,178,189,189,191,194,189,127,123,168,168,170,196,199,176,127,123,89,43,44,87,111,123,186,199,204,202,199,204,207,199,183,129,123,123,168,183,183,173,168,178,189,183,168,123,125,170,176,176,125,103,106,119,125,127,121,118,121,170,178,178,170,168,176,189,196,202,204,191,181,178,173,127,119,117,119,127,176,186,191,194,191,181,176,176,127,118,117,127,127,117,105,99,108,125,170,169,173,181,181,176,173,170,170,129,122,122,176,183,183,178,173,176,173,176,178,178,183,191,199,199,199,199,199,194,189,181,176,176,173,127,123,127,123,119,127,129,127,126,126,129,176,181,183,189,194,199,202,194,181,129,123,121,119,125,186,199,202,189,173,97,109,117,121,125,131,183,196,204,204,202,200,202,207,207,181,125,127,178,191,199,204,202,202,202,207,209,207,199,189,131,173,189,207,209,209,207,204,194,189,189,194,196,178,126,124,127,191,204,209,93,81,101,111,115,123,170,178,178,176,178,181,183,186,194,196,186,173,170,173,178,178,183,189,189,186,185,186,191,196,204,207,207,209,212,212,212,204,196,194,199,207,209,199,135,130,132,183,189,186,183,183,186,183,182,182,182,186,191,191,191,191,189,191,194,199,199,199,196,195,196,202,207,207,202,194,189,189,191,194,194,194,194,191,189,189,189,189,191,191,189,189,189,186,183,186,189,191,191,191,189,186,186,186,189,189,189,189,191,196,199,196,191,186,186,186,186,183,178,172,172,178,189,191,186,183,179,181,183,189,194,194,194,191,189,178,177,181,191,196,194,194,196,199,196,191,189,189,191,191,191,191,191,191,191,194,196,194,194,194,194,194,194,191,191,189,189,189,191,196,196,194,191,191,191,191,191,191,186,178,131,129,130,133,178,181,181,181,181,183,189,191,189,183,181,181,186,189,189,186,189,194,202,207,209,207,207,204,204,202,204,207,212,215,215,215,212,209,209,207,207,207,209,209,209,209,212,212,209,208,208,209,215,217,217,212,207,207,209,209,212,212,212,209,207,207,209,212,212,215,215,212,212,209,207,202,199,196,191,186,178,173,170,170,170,168,165,163,123,121,119,157,160,157,152,113,111,109,109,107,105,105,105,103,97,87,79,69,66,66,69,73,75,75,75,75,75,75,73,71,73,75,75,75,77,85,95,134,131,99,97,97,95,93,85,69,57,52,53,61,65,63,59,57,61,69,83,97,107,150,152,152,152,152,155,157,163,165,168,168,168,168,168,173,178,178,178,178,181,186,196,202,204,202,202,202,204,207,207,207,204,204,207,204,199,191,186,186,191,196,196,194,194,194,194,194,196,196,199,202,204,209,207,199,194,191,191,194,196,199,194,183,137,135,131,129,131,139,189,191,191,194,196,202,204,204,202,199,196,196,194,196,196,196,199,196,194,191,194,196,196,191,189,191,191,194,196,196,196,196,196,199,196,196,199,199,199,202,202,204,207,207,209,209,207,207,204,196,191,194,199,199,194,181,133,131,129,126,133,183,191,191,183,178,181,189,189,181,173,131,129,125,127,178,189,194,194,189,189,189,191,196,199,199,199,199,194,191,186,178,177,178,176,131,131,133,176,176,173,127,121,118,125,129,129,129,129,173,178,181,181,181,178,178,183,189,191,186,176,173,176,178,176,129,123,121,127,170,129,127,129,170,173,178,183,183,186,189,194,191,186,181,186,191,196,196,194,191,191,191,191,191,191,189,186,186,191,194,191,189,189,191,191,189,186,183,183,186,189,189,189,187,187,187,189,191,194,194,191,186,183,186,191,191,186,183,183,181,178,181,186,186,186,189,189,189,191,191,191,194,196,194,194,194,196,191,183,176,129,127,128,133,176,133,133,176,176,181,183,183,178,176,178,183,191,199,202,202,196,186,178,174,178,181,176,129,129,173,181,186,194,199,202,202,199,194,189,183,178,176,176,173,125,124,125,129,173,173,173,173,178,181,174,174,176,176,178,181,176,131,133,181,189,191,191,191,189,186,183,186,189,189,191,189,181,178,174,174,181,191,196,189,186,189,183,181,136,135,137,191,196,196,194,194,196,196,194,194,191,194,194,196,194,192,196,202,202,196,195,199,207,209,202,194,194,194,189,189,189,191,196,202,196,183,129,130,176,176,129,125,125,127,173,178,178,173,129,176,186,191,186,183,181,178,181,183,183,183,181,181,186,189,189,191,194,196,202,202,202,196,189,185,186,189,189,191,199,204,194,127,119,119,119,121,119,121,125,123,121,120,121,127,133,183,191,191,186,189,194,191,189,183,178,181,191,196,196,202,209,207,202,209,0,0,209,204,199,194,189,186,189,0,0,0,0,204,209,209,207,204,203,204,204,204,204,207,209,212,215,215,212,215,215,215,215,212,207,204,204,209,217,222,217,212,208,209,217,230,235,241,243,248,248,246,248,248,243,228,222,230,241,243,241,238,233,233,241,246,243,238,235,230,228,225,217,212,207,199,196,199,207,215,212,207,202,196,191,191,194,199,202,204,204,202,199,196,194,189,183,181,176,170,127,165,173,189,196,202,199,194,194,194,194,194,194,191,191,189,189,191,191,189,0,0,0,0,0,0,230,230,225,212,196,183,182,186,196,209,228,238,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,202,199,194,181,170,165,168,0,0,0,0,0,0,0,0,217,217,212,202,189,186,186,183,183,191,196,196,191,191,194,199,202,202,209,228,238,241,241,241,241,238,233,225,222,222,217,209,202,194,143,141,139 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,13,9,0,0,0,15,39,35,0,0,0,98,121,134,139,163,202,207,215,220,155,0,0,37,147,139,0,0,0,105,155,178,139,11,64,98,131,157,121,100,74,142,173,176,157,100,0,0,105,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,126,134,147,157,160,155,157,170,186,196,196,194,194,194,196,196,199,199,196,194,194,191,189,191,191,186,182,182,186,191,191,189,189,189,189,186,186,186,186,189,202,207,204,199,199,199,202,204,207,204,199,196,194,181,123,121,125,173,131,111,111,112,108,109,178,181,176,129,117,115,123,186,191,181,126,123,126,127,126,126,173,181,186,186,181,176,178,183,183,178,173,173,176,181,186,181,178,181,196,209,215,207,191,181,176,176,181,183,186,181,173,173,178,178,176,173,127,126,127,170,176,181,176,176,176,176,176,173,170,129,129,129,129,129,170,176,189,199,194,189,186,186,186,178,129,129,176,181,186,189,183,173,128,128,129,131,176,181,186,189,191,191,191,191,189,176,112,108,113,123,119,119,123,125,123,125,131,181,189,181,127,127,173,181,178,173,176,183,189,186,186,186,178,176,186,186,178,173,176,189,199,196,189,183,181,181,181,178,178,194,212,222,217,207,191,176,176,183,181,176,133,133,131,129,128,129,178,183,183,181,181,186,196,202,202,202,204,209,209,196,183,186,196,194,181,173,173,178,183,189,196,202,202,191,133,125,125,129,178,189,196,189,178,181,183,131,114,106,111,129,131,127,129,173,170,125,127,173,170,127,127,129,178,186,191,189,181,178,176,173,129,128,129,170,173,178,181,189,194,191,176,126,126,129,176,178,176,170,170,170,129,173,186,191,186,183,178,131,128,176,189,191,183,176,131,121,116,118,129,178,181,178,186,194,196,191,181,176,173,129,127,129,176,178,181,181,173,173,181,191,199,204,196,129,118,121,129,178,186,189,183,129,119,125,178,191,194,189,181,129,126,127,176,181,178,176,170,129,129,129,129,127,126,170,183,194,196,189,185,185,191,196,199,202,196,178,125,123,124,131,181,191,199,191,129,117,121,173,189,199,207,209,207,207,209,191,181,199,202,194,183,176,183,209,217,212,209,209,212,215,215,209,199,195,194,196,202,207,209,209,212,212,204,191,186,181,173,127,121,115,111,109,107,111,119,129,176,129,123,119,118,122,125,127,125,120,120,123,123,117,113,104,95,113,176,183,173,120,115,115,118,123,125,114,111,125,186,181,176,170,127,127,129,173,178,173,121,120,170,191,196,194,189,181,173,170,129,129,173,178,173,176,183,186,178,168,125,125,125,125,127,170,173,127,168,176,186,199,196,186,178,173,170,127,127,170,176,170,125,123,119,119,123,173,189,191,181,170,168,170,170,173,176,173,127,168,170,173,173,168,121,119,119,121,125,176,189,196,199,202,199,191,178,173,176,181,178,176,176,173,170,170,170,170,173,173,127,127,127,119,113,115,127,178,186,183,170,119,114,114,117,168,173,172,173,176,170,127,127,176,186,196,202,194,178,173,170,170,173,176,173,173,176,176,170,127,125,124,168,178,178,170,168,168,126,168,186,196,196,199,196,181,121,121,125,125,125,194,202,189,173,121,95,65,67,95,105,109,117,183,196,199,199,199,199,189,173,122,120,122,176,194,194,178,127,127,173,173,123,121,125,173,181,183,176,106,105,107,109,115,119,123,125,168,173,173,170,170,178,189,191,194,191,186,183,181,173,125,119,117,118,121,125,170,173,178,178,170,129,129,127,121,127,183,189,186,178,127,170,176,173,173,176,181,178,170,169,170,176,173,123,121,125,173,178,181,176,170,129,170,173,178,181,189,194,196,196,202,204,204,196,186,178,173,173,125,121,125,119,115,123,129,127,126,126,127,173,176,181,183,189,191,194,191,186,183,181,176,129,129,186,196,191,81,46,63,107,123,125,123,125,178,199,204,202,202,202,202,207,202,176,123,124,176,191,199,202,202,199,199,202,207,207,207,199,173,127,194,209,212,209,207,204,196,191,191,194,191,181,170,127,128,189,209,217,186,103,105,109,113,123,178,183,181,181,183,183,186,191,196,191,183,176,172,173,181,189,194,199,199,194,189,186,191,199,202,202,204,204,207,209,207,202,194,191,196,202,204,199,186,134,135,186,186,181,178,183,186,186,183,183,186,186,189,189,189,189,191,191,196,199,202,202,199,199,199,204,207,204,199,194,189,186,186,191,194,199,199,196,191,189,189,191,191,191,191,191,191,189,189,189,189,191,189,189,186,183,181,181,183,186,186,189,194,196,199,196,194,191,189,189,189,183,178,170,170,178,186,189,186,183,183,186,189,194,199,199,202,202,196,186,178,181,186,191,191,191,194,196,194,186,183,186,189,191,191,194,194,191,191,194,194,194,191,191,194,194,194,191,191,191,191,191,194,196,196,191,190,191,191,194,194,191,183,176,131,130,131,176,181,183,183,181,183,183,186,186,186,183,183,183,186,186,185,185,189,194,202,207,209,207,207,204,202,200,202,207,212,217,217,215,212,207,207,207,207,209,209,207,207,207,209,212,212,209,209,212,217,222,222,220,215,212,212,212,212,212,209,209,207,207,209,212,215,215,215,212,212,209,207,202,199,194,191,186,178,176,170,170,170,168,165,123,119,115,113,115,117,152,150,111,109,109,109,105,101,101,101,99,93,87,79,71,67,69,73,73,75,75,75,75,75,73,71,67,69,73,75,77,77,85,93,99,99,97,97,97,97,91,81,67,57,55,59,65,65,63,61,67,73,81,91,101,109,152,157,157,155,155,157,163,170,173,173,170,165,165,165,173,178,183,181,181,183,189,194,202,202,196,191,191,194,196,199,202,202,204,207,204,199,191,189,189,194,196,194,194,196,196,196,196,196,196,199,202,204,207,207,199,191,189,189,189,191,194,191,183,137,135,133,130,131,139,189,189,187,189,196,202,204,202,199,196,194,191,191,194,194,194,196,196,194,194,194,196,194,191,189,189,191,194,196,199,199,199,199,196,194,196,196,199,199,199,199,202,204,204,207,204,204,199,196,194,194,199,202,199,194,186,181,181,178,178,183,186,189,186,183,178,178,186,186,178,173,131,125,123,124,173,189,194,194,191,186,186,186,191,194,199,199,199,196,196,189,178,176,178,178,176,178,176,176,176,173,127,118,116,119,125,127,129,131,176,178,181,181,178,176,173,176,183,189,186,181,178,181,176,170,125,123,125,170,173,170,129,170,170,173,181,183,183,183,189,194,199,196,196,199,199,199,196,194,191,191,191,191,189,189,186,186,189,196,199,194,189,186,189,194,196,194,189,186,189,189,189,189,187,189,191,194,194,194,196,199,194,189,189,189,189,183,181,178,178,176,178,183,186,186,189,191,191,189,189,189,194,196,194,191,194,196,194,186,178,130,128,129,131,131,130,133,178,181,183,183,176,127,125,173,183,191,196,199,202,196,189,181,176,176,178,176,131,176,183,186,189,194,199,202,202,196,191,183,178,176,178,178,173,125,122,122,125,131,178,181,183,186,183,178,176,176,173,173,178,176,133,176,183,191,194,196,194,186,178,178,183,183,183,186,183,181,181,177,177,186,196,194,183,179,181,181,181,137,136,181,191,196,196,194,194,196,196,194,194,194,194,194,196,194,192,192,196,202,199,196,199,204,207,202,196,194,196,191,189,189,189,194,199,196,186,133,133,176,176,129,125,124,125,173,181,181,129,125,170,186,194,191,189,183,178,178,183,189,186,181,181,186,189,189,191,194,199,202,204,202,196,189,186,186,189,189,191,199,204,191,123,113,113,115,119,119,123,129,129,127,127,129,133,178,186,194,189,183,186,186,186,183,178,172,173,183,189,191,196,202,199,196,204,0,0,212,207,202,196,189,183,0,0,0,0,0,0,204,207,204,203,203,203,204,204,204,207,212,215,215,215,212,215,215,215,215,209,204,202,202,209,217,225,225,217,208,208,215,228,235,238,241,248,248,246,246,248,243,228,222,228,233,235,235,233,230,230,233,235,0,233,233,230,228,225,217,212,207,199,194,196,204,209,209,207,202,196,194,194,196,202,204,204,207,204,202,199,194,189,183,181,176,170,165,165,176,186,196,199,199,196,196,196,199,199,194,191,189,186,189,191,194,189,0,0,0,0,0,0,228,230,225,215,196,186,186,196,207,217,230,235,238,238,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,207,207,196,183,176,168,168,0,0,0,0,0,0,0,0,0,217,212,202,191,183,181,176,178,186,194,194,189,186,186,194,202,204,212,228,235,238,238,238,238,238,233,225,217,222,217,207,196,145,141,137,137 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,3,0,0,0,0,0,0,33,31,0,0,0,17,35,35,31,0,5,142,131,134,139,157,194,204,212,215,137,0,0,23,31,5,0,0,0,87,144,157,129,124,157,105,33,53,64,72,29,27,77,92,82,0,0,11,113,118,0,0,0,19,56,25,64,98,95,134,142,0,0,0,0,71,118,131,147,163,165,163,165,178,191,199,199,196,196,196,196,196,196,196,194,191,189,189,187,187,189,183,182,182,183,189,189,189,189,191,191,186,186,186,186,189,199,202,196,196,196,199,199,202,204,207,209,207,207,194,125,123,131,181,178,117,113,115,113,123,178,176,127,123,116,114,117,170,181,178,173,127,129,129,129,173,181,186,183,181,176,173,181,191,196,191,181,173,173,176,181,179,178,183,196,207,212,209,199,189,178,176,178,181,181,176,129,170,170,129,129,173,129,126,129,176,178,178,129,127,170,176,176,170,170,129,129,129,170,170,127,170,186,191,183,176,173,178,176,129,127,129,178,183,183,181,178,173,129,131,173,176,183,191,196,199,202,202,202,202,202,194,125,111,115,121,115,112,117,123,125,131,181,186,183,129,125,126,131,176,173,172,173,178,181,181,178,176,131,176,189,186,176,170,172,181,191,189,181,176,176,181,189,189,191,199,212,222,222,215,202,183,183,186,181,133,133,173,131,128,128,131,178,186,189,183,181,183,191,199,204,204,204,209,209,199,183,181,183,181,178,176,176,173,173,181,189,191,191,186,178,127,124,126,133,186,191,186,181,186,186,173,119,115,129,178,173,129,178,178,124,122,125,129,129,128,129,176,181,189,191,189,183,181,176,170,127,127,170,176,178,181,183,189,189,183,173,128,128,170,176,181,178,176,170,127,123,127,178,189,191,189,183,176,129,173,181,183,178,176,131,125,120,121,129,176,176,176,183,191,191,183,178,173,170,129,170,181,194,199,202,199,186,127,127,176,186,189,181,127,122,123,131,181,186,186,178,125,118,121,176,186,186,181,176,170,129,173,189,191,186,178,170,127,127,126,125,124,124,129,183,194,196,191,186,186,194,202,204,204,199,183,127,123,125,181,196,209,215,189,113,107,117,173,186,196,202,204,207,204,196,173,125,131,133,133,131,129,135,196,209,209,207,209,215,222,217,212,202,196,196,199,204,207,207,207,209,212,207,199,189,181,176,127,117,111,107,94,95,111,129,186,189,178,129,125,123,125,125,125,123,120,121,127,121,112,119,170,170,176,173,127,120,118,117,118,121,123,119,113,111,117,170,173,173,170,127,128,129,129,173,173,123,121,129,186,194,196,191,181,173,170,129,129,173,176,173,170,173,176,176,170,168,125,123,121,123,127,168,127,127,168,173,183,183,181,181,176,168,125,125,170,176,173,127,125,121,121,127,178,191,191,181,173,170,168,165,166,176,181,173,170,173,176,176,173,170,125,117,113,115,127,183,199,204,204,202,194,178,170,170,173,173,170,176,178,178,176,176,176,173,168,168,168,168,123,117,121,176,186,194,196,186,127,117,116,121,170,173,173,173,176,176,173,173,178,183,189,189,181,176,178,176,173,173,176,173,129,129,129,129,170,170,129,176,183,181,170,127,127,127,170,186,199,204,207,202,176,118,120,125,125,127,191,202,191,178,123,103,97,107,113,111,109,109,123,181,194,196,191,181,170,127,123,120,122,178,199,199,183,168,127,168,127,122,121,125,170,178,183,181,117,107,106,106,111,123,170,127,121,119,123,129,178,186,194,186,181,178,176,181,181,173,125,119,119,119,121,125,125,127,127,168,127,127,168,127,125,173,189,194,194,191,183,183,183,178,178,178,178,173,169,168,170,178,181,170,124,123,124,170,178,178,129,126,127,170,178,183,189,191,194,196,202,204,204,196,186,178,173,170,125,121,121,116,113,117,129,129,127,126,127,170,173,176,181,183,183,186,186,186,183,183,186,186,186,196,199,186,62,22,63,107,123,125,123,122,127,186,194,196,202,204,204,204,194,131,121,123,133,186,196,202,202,202,196,196,202,207,207,199,124,118,186,204,207,207,207,202,196,191,186,183,181,181,183,176,129,178,202,215,212,178,111,109,115,127,181,186,183,183,189,189,189,194,196,186,178,178,178,178,181,186,194,202,204,202,196,191,194,199,199,199,199,202,202,202,199,194,191,191,194,199,202,202,196,191,189,189,183,133,135,183,191,189,186,186,189,191,191,189,187,187,191,194,196,202,204,207,204,202,202,204,207,207,202,194,189,186,185,186,191,199,199,199,194,191,191,191,191,194,194,194,194,194,191,191,191,191,189,189,186,183,178,176,176,181,186,189,194,194,196,194,191,191,191,191,191,186,176,172,172,176,183,189,189,186,186,189,191,196,199,202,204,204,199,189,181,178,181,181,183,186,191,191,186,181,178,183,189,191,191,194,194,191,191,194,194,191,191,191,191,194,194,191,191,191,191,191,194,196,196,191,190,191,191,194,194,189,181,133,131,133,178,181,183,183,181,181,183,186,186,183,183,183,186,189,186,185,185,186,194,199,202,204,204,207,207,204,202,200,200,204,209,215,217,215,209,207,205,207,209,212,209,207,205,207,209,212,215,215,215,217,222,225,225,225,222,217,215,215,215,212,212,209,209,209,212,215,215,215,215,212,212,209,207,202,196,191,189,183,181,176,173,173,173,168,163,121,115,111,107,109,111,111,111,111,111,144,109,103,99,97,97,95,91,85,79,71,69,71,73,75,73,75,75,73,71,69,65,61,63,69,77,79,79,85,93,99,131,99,99,99,99,93,81,69,63,63,67,69,65,63,65,75,87,95,99,103,111,155,160,163,160,157,157,165,173,176,176,170,165,125,125,168,176,181,181,181,183,189,191,196,196,191,186,186,186,189,191,194,199,204,204,202,196,194,191,191,194,194,194,194,196,199,199,199,199,199,199,202,204,204,204,202,196,191,189,183,181,183,183,181,137,181,135,133,135,186,191,189,186,187,194,202,202,199,196,194,191,191,191,191,189,191,196,199,199,196,194,191,189,186,189,189,189,191,194,199,199,202,199,196,194,194,196,196,196,196,195,196,199,202,204,202,199,196,192,191,194,199,202,199,191,186,183,186,186,186,191,191,186,181,176,173,173,178,181,176,131,131,129,124,125,173,186,194,191,186,178,178,181,186,191,196,202,202,202,199,194,183,178,183,189,189,186,178,133,131,131,125,118,116,118,123,125,129,131,173,176,176,178,178,173,170,170,178,183,186,183,183,181,173,125,123,125,129,176,178,173,129,170,173,176,181,186,183,183,186,194,199,202,202,202,202,199,194,194,194,194,194,194,191,189,186,186,191,199,202,194,183,182,186,196,202,196,191,191,191,191,191,189,189,191,194,196,191,191,196,199,196,189,186,186,183,178,176,176,176,176,178,181,183,186,189,191,191,189,187,189,194,194,191,190,191,194,194,189,183,178,133,133,133,131,130,176,183,189,189,181,129,122,121,173,183,189,191,196,199,196,189,183,183,181,176,173,176,183,191,191,191,194,196,196,199,196,194,186,181,178,178,178,173,127,123,122,125,173,183,189,189,189,186,181,178,173,169,172,178,181,178,181,186,191,196,196,191,181,174,174,181,183,183,181,178,181,183,181,181,186,194,191,183,179,181,183,186,186,183,186,191,196,196,196,194,196,196,194,192,192,194,194,196,194,192,191,194,202,204,202,199,199,202,199,196,194,194,194,191,191,191,191,194,191,186,181,178,178,176,129,125,124,125,173,178,176,125,121,125,178,189,189,186,178,131,173,183,191,191,183,183,189,191,194,194,199,202,204,202,196,191,186,183,183,186,189,191,199,204,194,123,112,111,113,117,121,125,133,133,133,176,181,181,181,186,191,189,181,178,178,176,176,173,172,176,181,183,186,191,194,189,189,199,0,0,212,209,207,199,191,183,0,0,0,0,0,0,199,204,204,204,204,204,204,204,204,207,212,215,215,212,209,209,212,212,212,209,204,200,200,204,215,222,225,222,209,208,215,225,230,235,241,246,246,243,243,246,238,225,217,225,228,228,228,228,228,228,228,228,0,230,230,228,228,222,217,212,207,199,191,194,199,207,207,204,202,196,194,194,196,202,204,207,207,207,204,199,194,186,181,178,176,168,125,165,173,186,194,196,199,199,199,202,204,202,196,189,186,186,189,194,196,191,0,0,0,0,0,0,228,228,225,215,194,189,194,207,222,228,233,233,233,230,228,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,215,209,194,186,183,181,176,0,0,0,0,0,0,0,0,209,209,207,202,194,186,176,168,165,176,186,189,186,182,182,191,202,207,215,225,228,230,235,238,238,235,228,222,217,217,212,204,194,145,141,137,136 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,155,157,155,147,90,0,0,66,121,105,45,17,57,61,53,43,53,37,37,152,129,59,118,157,189,202,209,209,103,0,0,0,0,0,0,0,5,5,27,66,87,134,155,27,0,12,33,56,0,0,0,48,48,0,1,46,29,0,0,0,35,144,144,160,189,199,207,222,230,139,0,0,0,7,79,129,144,155,157,163,170,181,191,196,199,196,196,196,196,196,196,194,191,189,189,189,189,189,189,186,183,183,186,191,194,194,194,196,196,194,191,191,191,194,199,196,191,194,196,199,196,196,199,207,212,212,215,207,186,131,173,176,176,127,123,119,123,173,176,127,121,121,119,116,119,127,173,181,181,178,176,176,178,186,191,191,183,176,172,173,178,189,196,194,183,173,172,176,183,189,186,189,191,196,202,202,196,189,178,131,176,178,173,125,123,127,127,125,127,176,170,129,176,186,186,181,126,124,127,173,173,170,170,170,170,170,170,127,119,119,176,183,173,125,125,129,170,128,127,129,178,181,181,181,178,176,173,178,181,186,191,196,202,202,204,204,207,207,209,207,186,127,123,121,111,107,113,123,131,186,194,191,183,127,124,126,131,173,172,172,173,176,176,176,173,130,130,173,183,181,173,169,170,176,183,181,133,127,129,178,189,191,191,196,207,215,217,217,207,189,183,186,181,131,131,173,131,173,176,178,178,189,189,186,183,183,189,196,202,204,207,207,199,189,178,176,176,176,176,178,181,176,173,178,183,181,183,183,178,129,125,127,133,181,183,181,181,189,189,176,125,129,176,176,173,176,186,183,123,124,173,178,173,170,173,173,176,181,181,178,178,181,181,173,128,128,170,173,170,173,178,183,181,176,173,173,173,176,176,178,178,178,170,123,120,121,170,183,189,189,183,176,170,173,181,183,183,183,181,173,129,129,173,178,178,178,183,186,183,178,176,173,170,127,127,181,199,207,212,207,191,119,113,119,127,170,127,123,123,125,131,176,181,178,131,119,116,119,129,173,170,170,173,173,170,173,186,191,186,176,129,126,127,126,126,125,125,127,176,183,186,191,191,194,199,199,196,189,189,189,178,127,131,189,207,212,209,101,99,105,127,181,186,189,194,196,199,191,173,123,121,123,123,125,127,129,133,186,202,207,207,212,217,222,217,212,204,202,202,204,207,209,209,207,209,209,207,202,196,189,178,131,125,117,111,70,84,125,183,194,194,186,183,181,173,129,125,127,129,170,178,183,176,170,194,222,225,215,191,125,120,121,129,176,173,125,119,116,114,117,127,173,178,176,168,129,129,127,129,170,125,123,129,178,183,186,189,189,186,176,129,173,178,181,178,173,129,170,176,176,173,168,125,123,121,121,123,123,121,121,127,176,178,178,181,178,168,125,125,168,170,170,168,127,125,168,178,186,189,189,178,173,170,170,165,164,173,178,170,168,176,186,186,186,186,173,119,113,111,115,170,199,209,207,204,196,178,127,126,129,129,170,176,183,186,186,183,181,170,165,170,173,170,123,119,168,183,194,196,194,183,170,127,127,173,181,183,181,176,173,173,173,176,176,176,170,170,170,176,183,183,176,173,176,170,125,121,121,127,173,176,176,178,183,181,170,127,127,127,170,186,199,207,209,202,178,121,122,127,127,168,186,194,186,173,123,113,117,127,125,123,119,115,119,170,189,191,178,123,120,123,173,125,125,176,194,191,178,168,127,168,127,123,122,125,168,170,170,127,117,113,113,113,119,168,176,127,113,109,113,129,189,199,199,183,173,169,170,176,181,176,170,129,127,125,127,127,125,125,125,127,168,170,173,170,127,170,183,186,189,186,181,183,186,183,181,178,176,173,169,168,170,183,194,189,176,124,121,125,176,176,127,125,126,170,181,186,189,191,194,196,196,194,189,178,173,170,170,129,125,121,123,117,114,117,129,173,170,129,129,170,173,176,178,181,183,183,183,181,179,179,183,196,204,204,204,196,107,61,85,105,117,121,123,123,122,129,181,189,194,202,202,199,186,127,119,121,131,181,191,199,202,202,199,196,199,199,196,189,120,115,131,194,202,204,204,199,191,189,181,131,127,173,186,183,127,170,191,209,215,196,113,108,115,125,170,176,178,183,189,186,183,191,191,181,176,178,183,183,183,183,183,194,204,207,202,196,196,199,199,199,199,199,199,194,190,190,191,191,191,194,199,204,204,202,194,186,131,125,129,186,194,191,189,189,191,194,191,189,187,187,191,194,196,199,204,204,204,202,202,204,207,209,207,202,196,189,185,185,189,194,196,194,191,191,191,194,194,196,196,196,196,196,196,194,194,194,194,194,194,191,183,176,174,176,181,186,189,189,186,186,186,189,189,191,189,183,176,173,173,178,186,189,191,189,189,189,189,191,196,199,199,196,194,186,178,133,131,129,133,178,183,186,183,178,178,183,191,194,194,196,194,194,191,194,194,191,191,194,194,194,194,194,194,194,194,191,191,194,196,194,191,191,191,189,189,183,178,133,131,176,181,183,186,183,183,181,181,183,186,186,186,189,191,191,191,189,191,196,202,202,199,196,199,202,204,207,204,202,200,200,204,207,212,209,207,207,207,209,212,215,215,209,207,207,209,215,217,217,222,222,225,225,225,225,225,222,217,215,215,215,212,212,209,209,212,215,215,215,215,212,209,207,204,196,189,186,183,183,181,178,176,173,173,170,165,121,115,109,107,107,107,107,109,109,111,144,107,103,99,95,93,91,87,83,77,71,71,73,73,73,73,73,75,71,67,63,59,55,57,65,75,79,83,89,97,134,134,134,101,134,134,97,85,73,67,69,71,73,71,69,75,91,103,107,107,107,147,157,165,168,165,160,160,163,168,170,170,165,163,125,125,127,173,178,181,181,181,186,191,194,191,189,189,186,186,183,183,189,196,204,202,199,194,194,194,194,191,191,191,194,194,196,196,196,196,196,199,202,202,202,204,202,199,196,189,181,135,135,135,137,181,183,183,181,183,191,194,191,187,189,194,199,202,199,196,194,191,191,191,189,187,189,196,202,202,199,194,186,185,185,189,191,189,189,194,196,199,199,199,199,199,196,194,194,196,196,196,196,199,202,202,199,196,194,191,191,192,196,199,196,186,179,179,183,186,191,199,199,186,176,170,169,169,173,176,176,176,176,176,131,131,181,189,191,183,176,131,133,178,183,191,196,202,204,202,202,199,191,189,191,194,194,183,176,131,129,129,127,123,119,123,125,127,127,127,125,125,127,173,176,173,170,170,173,181,183,183,183,178,173,127,125,129,176,178,181,176,173,176,176,176,181,186,186,186,186,189,194,196,196,199,199,199,196,196,199,199,199,199,194,189,185,186,191,199,199,189,181,181,183,194,199,194,191,191,194,196,196,194,194,194,196,196,191,189,191,194,189,183,183,183,181,176,174,176,178,181,183,183,183,183,186,189,191,191,189,189,191,194,191,189,189,190,191,191,189,183,183,181,181,176,176,178,186,194,191,178,125,121,122,178,186,186,189,194,196,196,191,189,189,183,176,173,176,186,194,194,194,191,194,194,196,199,199,194,189,183,181,181,178,176,129,127,131,178,186,189,189,186,183,181,178,172,170,173,181,186,186,186,189,189,191,191,189,178,172,173,178,186,183,181,178,181,186,186,183,189,194,194,189,189,191,191,194,191,191,191,194,196,196,196,194,194,194,194,192,192,196,199,199,196,194,194,199,207,209,209,204,199,196,196,196,194,194,191,194,194,194,194,194,191,191,189,186,181,176,131,127,125,127,129,170,127,121,119,120,127,176,181,178,129,126,129,181,191,194,189,189,191,194,199,204,207,209,207,202,194,189,186,183,182,183,189,194,202,207,194,125,112,111,113,121,125,129,176,178,176,181,189,186,181,181,189,189,178,173,172,169,169,170,172,178,183,181,183,186,186,183,183,196,0,0,212,212,209,202,194,186,0,0,0,0,191,191,194,202,204,207,209,207,204,202,202,202,209,212,209,207,204,207,207,209,209,207,204,200,200,202,209,217,225,222,212,208,209,217,225,230,238,243,243,241,241,241,235,225,217,222,225,225,225,225,225,228,228,228,0,230,230,230,228,222,215,209,204,196,191,191,199,207,209,209,204,199,194,194,196,199,202,204,207,207,202,196,189,183,178,173,170,165,125,163,173,183,191,196,199,202,204,207,209,204,196,186,185,185,191,196,196,191,0,0,0,0,0,0,228,228,225,212,189,183,191,207,222,228,230,230,230,228,226,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,217,212,189,186,194,196,189,0,0,0,0,0,0,0,0,0,199,198,199,199,194,178,164,0,164,176,183,183,182,183,194,204,207,209,215,215,222,230,235,235,233,228,217,215,215,209,202,194,145,141,137,136 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,170,186,178,181,186,137,113,121,144,124,92,85,113,173,173,150,105,69,61,53,59,65,0,0,129,183,204,212,202,41,0,0,0,0,0,0,0,7,0,0,72,103,137,139,23,0,10,35,74,0,0,0,27,48,56,142,155,56,0,0,0,150,186,178,186,196,202,207,220,222,199,23,0,0,0,71,142,152,152,155,163,173,183,189,194,194,194,194,194,194,194,194,194,191,191,191,191,194,191,191,189,189,186,191,196,202,202,202,202,202,202,202,202,202,202,199,196,191,191,194,196,194,191,196,204,212,212,212,212,204,189,173,127,127,131,131,123,127,176,170,121,119,121,125,123,123,127,173,183,186,186,178,176,181,186,189,183,176,170,172,176,181,186,191,191,183,173,172,176,191,202,202,191,183,183,189,191,189,183,173,128,131,176,129,119,118,123,125,125,170,178,173,170,183,194,194,186,127,124,126,170,170,170,170,173,173,170,129,121,109,108,125,176,129,124,123,125,170,173,170,170,170,176,178,181,178,176,176,181,189,191,194,196,199,199,202,204,207,209,212,209,194,173,127,121,109,105,113,127,176,191,199,199,189,129,125,126,173,176,176,173,173,173,176,173,131,129,129,131,176,173,172,170,172,176,181,181,133,127,127,133,181,183,186,189,199,209,215,217,207,189,181,181,176,131,131,131,176,183,194,191,183,183,183,183,183,186,189,191,196,202,204,196,181,176,176,176,174,181,183,186,189,186,181,178,178,178,181,181,176,129,129,131,176,176,176,176,178,189,191,181,173,131,131,173,176,181,191,194,186,189,191,186,173,125,123,125,127,170,170,170,176,186,189,178,129,129,173,169,166,169,178,186,186,181,176,176,176,176,178,178,176,173,127,120,119,121,170,183,191,189,186,178,173,173,181,186,191,194,189,181,176,176,178,181,183,183,183,181,176,173,178,178,170,123,122,170,189,202,207,199,178,113,108,111,119,119,113,109,113,119,125,131,131,131,127,121,118,121,125,124,123,125,173,176,170,169,178,183,178,170,127,127,127,127,173,178,176,173,170,170,173,183,194,202,202,191,129,123,125,194,191,178,173,186,199,189,98,89,97,125,199,199,189,181,176,129,105,84,86,111,121,121,120,123,127,131,135,183,194,207,212,217,217,215,212,212,209,209,209,209,212,215,215,212,209,207,207,202,196,189,176,131,131,129,117,79,93,181,191,196,196,194,194,189,178,170,125,125,170,173,178,178,183,191,217,233,235,230,212,183,170,129,176,181,178,127,119,117,117,119,127,178,186,186,178,170,127,125,125,127,123,125,170,170,170,173,178,186,186,178,173,183,191,191,186,173,128,128,173,178,178,173,173,168,123,121,119,117,113,112,119,170,173,173,176,178,173,127,127,127,125,125,127,123,127,186,199,199,194,183,176,170,173,173,168,166,173,173,168,168,183,196,199,194,189,176,123,119,111,105,113,202,212,209,207,204,178,124,124,127,170,176,181,189,194,191,189,181,168,164,170,176,170,115,111,125,186,194,191,181,170,170,173,178,183,191,191,183,173,128,129,173,178,173,125,121,123,129,181,191,189,176,173,173,129,121,119,120,127,173,178,176,173,173,173,168,127,127,127,173,186,196,204,207,199,183,127,125,168,127,127,173,181,176,168,123,121,170,181,176,129,123,119,121,176,189,189,170,119,117,121,173,170,168,173,178,176,168,125,121,125,125,123,125,168,170,125,117,115,115,119,125,127,127,173,178,170,113,107,110,129,194,204,199,181,170,168,168,173,178,178,181,178,173,170,168,168,127,125,125,127,127,170,176,170,125,127,176,178,181,178,173,178,186,189,181,176,173,173,170,169,173,186,196,199,189,170,123,129,181,178,127,125,125,170,178,183,183,186,191,194,191,178,123,119,120,123,129,129,127,127,127,125,119,119,170,176,173,173,170,173,176,178,181,181,181,181,181,179,179,179,181,196,207,209,212,209,189,109,97,105,113,119,125,127,125,127,173,181,186,194,196,189,176,125,120,123,131,178,183,191,196,199,196,194,194,186,181,133,122,121,129,183,191,194,194,189,186,189,183,129,125,127,178,176,123,127,191,204,212,202,109,107,113,119,123,127,173,183,183,173,123,173,181,176,173,176,186,191,189,183,182,186,196,199,199,196,196,196,199,199,199,199,199,196,191,190,191,189,183,189,196,202,199,196,191,178,121,117,125,186,194,189,186,186,191,194,194,191,189,189,191,194,194,196,199,199,199,196,199,202,207,212,212,209,204,196,189,186,186,189,189,189,189,189,191,194,194,196,199,199,199,199,199,196,196,196,199,202,202,199,191,181,176,176,178,183,183,181,178,178,178,181,183,186,183,181,178,176,178,183,189,191,194,191,186,183,183,183,189,191,189,186,183,178,173,129,125,124,125,133,181,183,181,178,181,189,194,196,196,196,196,194,191,194,191,191,194,194,196,196,196,196,196,196,194,191,191,194,194,191,189,189,186,183,178,176,176,133,133,176,181,186,189,189,186,183,183,183,189,191,194,194,194,194,196,196,199,204,207,202,196,194,195,199,202,204,207,207,204,202,202,204,204,207,207,207,209,212,217,217,220,217,215,212,215,217,220,222,222,225,225,225,225,225,222,222,217,217,217,217,215,212,212,212,215,215,215,215,215,212,209,207,199,191,181,178,181,181,181,178,176,170,170,168,165,163,119,115,111,109,107,107,107,109,109,109,107,103,99,95,91,89,85,81,77,73,71,73,73,73,73,73,73,67,61,57,53,52,53,61,75,81,85,93,99,134,134,134,101,134,137,101,89,75,71,71,73,77,81,85,95,144,157,157,150,147,152,160,168,170,165,160,157,160,160,163,160,123,163,125,127,170,176,181,181,181,181,183,191,191,189,189,189,186,181,179,181,186,196,202,202,194,191,194,194,191,189,189,189,191,194,194,191,191,191,196,199,199,199,196,199,202,199,196,186,135,132,133,133,135,181,183,183,181,183,189,194,194,194,194,196,199,202,202,199,194,191,191,191,191,189,191,196,202,204,202,196,189,185,185,191,191,191,191,194,196,196,196,196,199,202,196,194,191,194,199,199,202,202,202,202,199,194,192,192,194,196,196,191,186,181,179,178,181,186,191,202,202,191,178,170,169,169,173,178,181,178,178,178,173,173,183,191,189,178,131,129,131,181,189,194,196,199,202,202,202,199,196,196,196,194,186,131,128,129,131,131,129,129,129,131,173,131,129,123,121,119,120,127,176,176,173,172,173,178,181,181,181,178,176,173,173,176,178,178,181,178,178,178,176,176,178,183,186,189,189,189,191,189,186,189,194,196,196,199,202,204,202,202,196,191,186,189,194,196,194,183,182,182,186,191,191,191,189,191,196,199,199,196,194,194,194,194,194,191,189,186,181,178,181,181,178,176,174,178,183,186,186,186,182,182,182,186,191,194,194,191,191,194,191,190,189,190,191,194,191,189,186,186,186,186,183,186,191,194,191,178,127,124,127,181,186,183,186,191,196,196,191,189,189,186,181,176,178,186,191,194,191,191,189,191,194,196,199,196,191,186,183,181,183,183,183,178,178,181,186,186,186,183,181,181,178,176,176,178,183,186,186,186,186,183,181,183,186,178,173,174,181,186,183,178,177,178,186,189,189,191,194,196,196,199,202,199,199,196,194,191,191,194,194,194,189,189,191,194,194,196,202,204,202,199,196,202,204,209,212,212,207,202,196,196,196,194,191,191,194,199,199,196,194,194,194,191,186,178,173,129,129,127,127,127,127,125,121,119,119,123,129,173,131,126,124,127,181,191,191,189,189,191,194,202,212,215,215,212,207,202,194,189,186,183,186,191,196,202,204,194,129,115,112,115,125,131,176,183,186,183,186,191,186,176,178,189,189,181,176,173,169,169,169,173,183,189,183,181,181,181,181,183,199,0,0,212,209,209,207,196,191,191,0,0,0,189,189,194,202,207,209,209,209,204,199,194,196,202,204,207,204,202,202,204,207,209,209,207,204,202,202,207,215,217,222,215,209,209,212,215,225,235,243,243,241,241,241,235,225,217,222,225,222,222,222,222,225,0,0,0,235,235,233,228,217,212,204,199,194,189,191,199,209,215,215,207,199,194,191,191,194,194,199,202,202,199,191,183,178,173,170,168,163,123,163,170,181,189,194,199,202,204,207,209,204,196,186,185,185,191,196,196,189,186,0,0,0,0,0,225,225,222,212,183,179,183,196,209,217,225,228,228,226,226,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,212,191,189,202,202,191,0,0,0,0,0,0,0,0,0,199,198,199,202,199,183,165,161,164,176,183,186,186,191,199,204,204,204,204,207,212,225,233,233,230,225,222,217,215,209,202,194,191,145,139,137 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,152,186,191,186,186,189,173,157,155,155,95,72,85,155,189,186,189,191,170,144,98,43,49,0,0,0,103,196,204,95,0,0,0,0,0,0,0,0,0,0,0,92,105,116,90,64,39,27,64,103,103,15,11,19,48,147,176,194,181,0,0,0,147,191,191,191,194,194,196,207,215,220,157,0,0,0,69,163,160,157,157,165,176,183,186,189,189,189,191,191,191,194,194,196,196,199,199,199,199,196,191,191,191,194,196,202,207,209,207,207,204,204,202,202,204,204,204,199,194,191,191,191,189,189,191,202,209,209,207,209,209,199,176,124,123,131,178,129,170,176,129,121,120,123,129,129,129,170,178,186,189,183,174,173,176,181,178,173,170,169,173,183,189,191,191,189,181,176,172,173,191,207,207,189,173,173,178,181,186,183,131,128,131,173,127,118,118,125,127,129,178,181,173,170,189,196,194,189,170,125,127,129,129,129,173,176,176,170,123,113,105,105,117,129,127,124,123,125,170,178,178,173,128,129,176,178,176,131,131,181,191,194,194,194,194,196,199,204,209,212,209,202,186,173,129,123,111,110,123,173,176,183,194,196,189,129,125,127,173,181,181,176,173,173,173,176,176,131,131,176,176,173,173,176,176,181,183,183,176,127,125,129,131,133,176,181,189,202,212,212,202,181,133,176,173,129,128,131,181,196,207,202,191,181,178,178,183,191,194,191,191,194,191,181,131,173,181,183,183,194,194,191,194,196,191,181,177,178,183,183,178,133,131,131,131,173,178,178,176,186,196,194,183,176,173,176,181,183,189,202,207,202,194,183,127,116,114,116,121,125,127,127,176,186,189,176,128,173,173,169,168,176,191,199,199,186,176,170,170,176,178,178,173,129,125,121,121,127,183,194,196,191,183,178,173,173,178,189,196,202,196,186,174,174,181,186,186,186,183,176,170,176,186,186,173,123,121,125,176,183,189,183,129,115,109,111,113,113,108,106,108,117,125,129,129,131,131,127,125,125,127,124,123,127,178,178,170,169,176,178,173,129,129,129,170,129,181,194,196,189,176,129,127,170,186,199,196,178,123,122,129,194,191,178,173,173,173,105,85,89,117,209,222,212,196,176,121,86,75,70,73,107,125,121,121,125,125,131,135,135,186,204,215,217,215,207,207,212,215,217,215,215,215,217,222,215,209,204,204,199,191,133,115,119,176,186,186,176,178,191,194,196,199,199,199,191,181,173,127,125,125,125,125,129,189,207,228,235,235,230,217,191,176,173,176,178,173,125,119,119,121,123,168,181,191,191,181,168,127,125,125,123,122,123,129,129,129,128,128,129,176,176,178,191,196,196,189,173,127,126,129,176,176,178,183,181,168,121,115,112,109,108,113,125,168,127,170,173,170,170,168,125,119,119,121,119,125,199,217,212,199,183,173,169,170,176,176,173,173,173,169,170,186,196,196,191,186,173,123,121,111,97,99,204,215,212,209,204,176,123,124,129,176,181,183,191,194,194,191,181,168,165,168,178,170,111,106,113,176,189,186,122,122,127,173,181,186,191,191,183,170,127,128,176,181,173,123,119,119,123,176,191,189,176,129,129,127,121,119,121,129,176,181,178,170,129,170,170,170,168,168,173,178,186,191,196,191,183,173,173,170,127,124,124,170,173,170,127,170,186,194,186,170,123,119,129,186,196,189,170,120,119,121,168,173,173,173,170,168,125,121,119,121,123,125,168,178,181,170,115,114,119,168,181,183,173,176,178,173,117,109,111,129,186,191,183,173,170,169,169,173,178,178,176,173,173,173,173,176,173,170,168,127,127,168,170,170,125,125,127,168,173,176,170,173,186,189,178,170,170,173,173,170,176,186,194,199,194,181,129,173,183,183,129,125,126,170,176,178,181,183,186,189,183,170,120,117,118,122,129,170,173,176,178,178,170,125,129,170,173,170,170,170,176,181,183,181,181,179,179,181,183,186,186,196,207,209,217,217,202,125,107,113,119,123,127,127,127,129,176,178,178,183,186,176,127,125,123,127,176,176,178,183,189,186,183,181,178,129,125,125,124,125,176,183,178,173,131,129,178,191,189,176,127,127,129,123,118,127,194,204,209,196,119,113,117,119,123,127,173,181,176,107,101,107,127,129,129,133,183,191,191,186,183,183,186,189,191,194,191,191,191,194,194,196,199,199,196,196,194,186,181,182,189,194,191,189,186,135,119,115,119,178,189,186,183,186,189,191,194,194,191,191,194,194,191,194,196,196,196,195,195,199,204,209,215,215,209,204,196,191,189,186,185,186,186,189,191,194,194,196,199,199,202,202,199,196,199,202,202,204,204,202,196,186,176,133,176,178,178,176,176,174,174,176,178,181,181,181,178,178,181,186,191,196,194,186,183,178,176,176,181,183,183,178,173,173,173,129,124,123,125,133,178,178,178,178,186,194,199,196,196,196,196,194,191,191,191,191,194,196,196,199,199,199,196,196,196,191,186,189,189,189,183,183,181,176,133,133,176,176,176,178,183,191,194,191,189,186,186,189,194,196,199,199,196,196,199,202,202,204,207,202,196,195,195,199,199,204,209,212,212,209,207,207,204,204,207,209,212,215,217,222,222,222,217,217,217,222,222,222,225,225,225,225,225,222,222,222,217,217,217,217,217,215,212,215,215,217,217,215,215,212,207,204,196,186,178,176,178,181,178,176,173,168,165,165,165,165,160,155,115,111,107,105,105,107,109,109,107,103,99,93,87,85,83,81,77,75,73,73,73,72,73,75,71,63,55,52,52,52,53,61,75,83,89,95,99,101,101,101,103,137,139,103,91,79,73,71,75,85,95,103,147,163,176,173,157,155,157,163,168,168,163,160,157,119,119,119,119,121,125,168,173,178,183,186,186,186,183,186,189,189,186,186,186,181,178,178,181,186,194,199,199,191,189,191,191,189,183,183,186,191,191,191,190,190,190,194,199,199,196,194,194,194,194,191,181,133,132,133,135,135,135,137,137,137,137,181,191,199,202,202,199,202,204,204,199,194,191,191,191,191,191,194,196,199,202,204,202,194,186,186,189,191,191,194,196,196,196,194,194,196,199,196,191,191,194,199,204,204,204,202,199,196,194,194,194,196,196,191,181,135,181,186,186,189,191,194,202,202,191,183,176,173,176,178,183,183,181,176,173,127,129,178,186,186,178,131,129,133,183,191,194,194,196,199,202,199,199,196,196,194,186,133,126,127,131,176,176,173,131,173,178,181,178,176,129,122,119,120,125,176,178,176,173,173,178,178,181,178,178,178,178,181,181,178,178,181,181,178,181,176,174,174,178,186,189,189,189,191,186,183,183,189,196,194,196,202,204,204,204,199,191,191,194,199,196,191,183,183,189,191,191,189,189,189,191,194,199,199,196,191,189,191,194,194,191,189,183,178,177,178,181,178,176,176,181,186,189,189,186,183,181,181,183,189,191,194,191,191,194,196,194,191,191,194,196,194,191,191,189,189,191,194,191,194,194,191,181,133,133,178,183,183,181,181,189,194,194,189,186,183,183,183,181,181,183,189,191,191,189,189,189,191,194,194,194,189,186,181,181,186,189,191,186,183,183,186,186,186,181,181,181,183,186,186,183,181,181,181,186,186,181,178,179,183,183,178,177,183,189,183,178,174,176,183,194,194,194,194,194,196,204,207,204,202,199,194,189,186,189,191,186,181,182,191,196,199,202,207,209,204,202,202,207,207,207,209,212,209,204,199,196,196,194,191,191,196,202,202,196,194,196,199,194,181,131,127,127,127,125,123,125,125,123,123,123,123,125,129,173,131,127,126,129,181,186,186,183,189,191,191,196,207,212,212,215,212,204,199,191,189,186,191,199,202,204,202,194,133,121,115,117,127,133,181,189,189,189,189,186,178,131,133,186,189,186,183,181,176,173,172,176,186,194,189,183,179,181,183,186,196,209,0,212,209,207,207,0,196,194,0,0,0,191,191,196,202,207,207,209,207,199,194,190,190,191,199,204,204,202,202,204,209,212,212,212,209,207,207,207,212,215,217,215,212,208,208,209,215,228,238,241,241,243,243,238,225,217,217,217,217,217,217,217,222,0,0,0,238,238,235,230,217,209,202,194,191,189,194,202,209,217,217,212,202,194,189,189,189,191,196,199,199,194,186,181,173,170,168,165,123,121,160,170,178,186,191,196,199,202,207,209,204,196,186,185,185,189,194,191,186,183,0,0,0,0,0,225,222,217,209,186,181,181,189,202,209,217,225,228,230,230,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,212,196,196,204,199,186,178,0,0,0,0,0,0,0,0,207,202,199,199,196,189,176,165,168,178,183,186,189,191,199,202,199,196,196,202,209,222,230,233,230,228,225,222,217,209,204,199,196,194,143,139 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,165,178,181,178,178,181,168,155,150,139,87,73,90,168,196,202,199,199,194,176,144,111,147,0,0,0,15,33,27,0,0,0,0,0,0,0,0,0,0,0,0,92,92,66,41,47,64,39,82,105,108,25,0,0,35,163,178,204,220,9,0,0,37,178,194,196,194,191,190,199,209,228,233,69,0,0,55,160,160,160,163,170,181,183,183,183,186,186,186,189,191,194,196,199,202,204,204,204,204,199,194,194,196,202,204,207,209,209,209,207,204,202,202,202,202,204,204,202,199,196,194,189,183,181,186,196,204,204,202,202,199,194,181,129,123,125,181,170,173,178,170,125,123,127,170,173,173,176,183,191,194,183,174,172,176,181,176,172,170,172,181,189,189,191,194,189,181,178,173,173,183,199,202,183,129,129,173,178,189,189,176,129,129,129,121,117,118,127,129,173,186,186,176,173,191,196,194,186,173,126,126,126,125,126,173,178,176,168,119,109,105,105,113,125,127,125,124,125,170,178,178,170,127,128,131,173,131,127,129,181,191,191,191,194,196,196,202,207,209,209,202,194,181,176,173,125,115,119,178,183,178,176,181,183,181,129,127,170,178,183,181,176,131,129,131,183,186,178,178,189,189,186,186,186,181,178,181,181,173,125,123,123,125,127,129,173,178,191,199,202,191,131,129,131,173,128,127,129,183,202,204,202,194,183,178,178,183,194,196,191,183,181,131,127,173,186,191,194,202,204,196,191,196,202,199,186,181,181,183,186,186,178,129,122,122,173,186,181,131,178,196,202,196,186,176,176,178,178,183,194,202,189,176,170,123,115,113,117,129,170,129,129,173,181,186,178,173,181,173,169,176,191,204,207,202,183,129,126,129,178,181,176,127,121,123,125,127,176,196,202,196,189,181,176,170,129,176,191,204,207,202,186,170,170,178,186,186,186,178,170,170,183,199,196,178,123,122,125,170,173,178,183,176,121,111,107,105,109,111,113,117,129,176,176,173,173,173,173,131,127,129,129,127,173,181,181,173,173,178,178,170,170,170,170,173,173,183,196,199,191,181,170,125,127,173,183,181,125,121,124,181,186,181,173,131,129,117,99,91,119,204,225,225,222,207,183,117,93,85,89,105,181,181,129,176,133,129,133,178,134,135,199,215,215,204,196,202,212,220,217,215,215,215,217,222,215,207,202,202,196,181,117,110,113,131,191,199,194,194,199,196,194,196,196,199,191,181,173,127,125,124,123,124,173,199,217,230,235,230,225,207,176,127,127,170,173,168,123,119,125,168,168,173,183,191,189,181,168,127,127,127,127,123,122,125,127,129,129,127,128,176,181,181,183,191,191,183,129,127,127,129,170,173,183,194,194,173,119,113,112,110,109,113,123,125,125,170,176,176,176,176,127,119,119,121,121,127,196,215,212,194,181,173,170,170,176,176,173,170,173,176,181,186,186,186,183,181,176,127,123,107,91,91,194,207,204,204,196,176,125,126,176,181,183,186,191,196,196,191,183,178,173,168,173,168,113,107,112,168,181,178,117,119,125,178,183,189,194,194,189,176,129,129,178,186,183,176,129,119,114,119,176,176,129,126,127,125,123,121,125,173,178,181,181,170,129,170,173,176,173,168,168,127,168,178,186,189,181,176,176,173,127,123,123,168,176,176,173,183,196,196,189,170,119,119,176,194,202,191,176,129,123,123,168,173,173,168,127,127,127,123,121,123,123,125,173,186,189,181,123,121,170,183,194,191,176,173,176,173,121,113,117,170,173,125,121,125,170,173,170,173,178,178,129,127,168,173,178,181,181,176,168,170,170,170,173,168,125,123,119,117,123,168,168,173,183,186,178,170,169,173,173,173,176,186,194,196,196,186,173,170,178,178,129,127,129,173,173,173,176,178,181,183,183,178,170,123,123,127,173,176,181,186,189,191,181,129,127,127,129,129,129,170,176,181,186,186,183,181,181,181,183,186,189,196,202,207,215,215,202,178,127,131,131,131,131,131,131,133,181,181,133,131,133,125,122,124,125,133,178,176,174,176,181,178,133,129,127,124,123,124,125,131,183,183,131,121,117,116,125,183,186,178,173,129,121,117,116,170,191,202,202,191,129,121,121,123,121,125,173,181,170,104,99,107,127,127,127,133,181,186,186,186,183,182,182,183,189,189,183,181,181,183,186,191,194,199,199,199,196,189,182,182,186,191,189,186,183,135,123,116,117,129,181,183,183,183,186,191,194,194,194,194,191,191,191,191,194,196,196,196,196,196,199,204,209,215,212,209,202,196,191,186,185,186,189,189,191,191,194,194,196,199,202,199,196,196,196,199,202,202,202,199,191,181,133,131,133,176,176,176,176,176,174,174,178,181,181,181,181,181,181,186,194,199,191,181,173,170,127,129,173,178,178,173,131,131,176,176,127,124,129,176,178,178,178,181,189,196,199,196,196,196,196,191,191,191,191,191,191,194,196,196,199,196,196,196,194,186,181,183,183,181,135,133,133,133,133,133,176,178,178,181,189,191,194,191,189,189,189,194,199,202,199,199,196,199,199,202,202,204,204,204,199,196,196,199,199,204,209,212,215,215,212,212,209,207,207,207,209,212,215,217,222,217,217,217,222,225,225,225,225,225,225,225,225,225,222,222,222,222,222,222,217,215,215,215,215,217,217,215,215,209,207,204,196,186,178,176,178,178,176,173,170,165,163,123,163,165,163,157,117,111,107,103,105,107,107,107,105,103,97,89,85,81,80,81,81,79,77,77,75,73,75,77,73,63,55,52,52,53,57,65,79,87,91,95,99,101,103,137,142,142,139,101,93,81,77,77,83,97,142,150,157,165,176,173,163,160,163,165,165,163,160,157,119,119,119,121,121,123,165,173,178,183,186,189,191,189,186,186,189,189,191,191,186,179,179,183,189,189,194,199,196,189,186,189,186,183,181,181,186,189,191,191,190,190,191,196,199,199,194,190,191,191,189,186,137,133,133,137,181,135,131,129,131,133,135,137,191,199,202,204,204,204,204,202,196,191,190,190,191,194,194,196,199,199,199,204,202,194,183,137,139,186,191,196,202,199,196,194,194,191,189,189,189,191,191,196,202,204,202,199,196,196,196,196,194,189,183,135,134,135,183,191,194,199,199,196,196,196,191,186,181,178,181,183,183,183,176,131,127,123,123,131,181,183,181,176,133,178,186,191,191,191,191,196,199,199,199,196,191,183,176,129,127,129,178,186,186,178,129,127,173,178,183,186,183,173,123,122,127,176,178,176,172,173,176,178,178,181,181,178,178,178,178,178,178,181,178,178,178,176,173,174,176,186,191,191,191,191,189,182,182,186,191,190,190,194,199,202,204,199,194,196,202,204,199,189,186,189,194,196,194,191,189,189,191,194,194,194,191,189,186,189,191,191,191,191,189,181,178,178,181,181,181,181,181,183,186,186,186,183,182,182,183,186,189,189,189,191,196,202,199,194,194,196,196,194,194,194,194,191,194,196,196,196,194,189,181,178,178,181,181,178,173,176,183,191,191,186,178,173,131,178,181,181,181,186,189,189,189,189,189,186,186,183,186,183,183,183,183,186,191,194,191,189,189,189,189,186,183,179,179,186,191,194,189,181,179,181,186,189,183,179,179,183,186,183,183,189,191,183,178,174,174,181,194,196,191,189,189,194,202,207,207,202,199,194,186,183,186,189,183,179,181,191,199,199,202,204,204,202,202,204,204,202,202,204,209,209,207,202,199,202,199,196,196,196,199,199,191,189,194,202,194,181,127,125,125,125,121,119,119,121,123,127,173,173,173,176,181,181,176,176,181,186,183,179,179,186,191,186,183,189,199,204,207,207,204,199,191,189,189,196,204,204,204,199,191,178,127,121,123,131,181,186,191,189,186,186,181,133,130,133,183,189,186,186,186,186,183,181,183,194,199,194,186,181,181,183,186,194,202,0,207,207,0,0,0,202,196,0,199,196,194,196,202,204,207,207,207,204,199,191,190,189,191,196,204,204,202,202,204,209,212,212,212,212,209,209,209,212,215,217,217,212,209,209,209,212,222,230,235,238,243,243,235,222,212,209,209,215,0,0,0,217,0,0,0,241,241,238,230,217,207,196,191,189,189,194,202,207,215,215,212,204,194,187,187,189,194,196,202,199,194,186,178,173,170,168,163,121,0,160,168,178,183,189,194,196,199,204,207,204,196,189,185,185,189,191,186,181,181,0,0,0,0,0,222,217,215,209,196,186,183,189,196,204,212,222,230,235,235,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,204,194,194,202,196,186,181,183,0,0,0,0,0,0,0,212,204,202,196,191,183,178,173,176,181,183,183,186,191,196,202,199,195,194,196,207,220,230,233,230,228,228,228,222,212,207,204,204,199,191,143 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,165,165,157,157,163,150,116,152,144,131,95,74,92,170,204,207,199,199,202,194,165,155,165,160,150,77,17,0,0,0,3,37,11,0,21,0,0,0,0,0,0,113,108,74,40,43,39,45,95,100,41,0,0,0,31,173,183,212,233,33,0,0,5,142,194,194,194,191,190,194,204,220,238,139,0,0,43,144,155,160,165,176,183,186,183,183,186,186,186,186,189,194,199,204,204,204,204,204,207,204,196,196,199,204,207,207,207,207,204,204,204,202,202,199,202,202,204,204,204,202,196,189,179,178,179,191,199,202,199,191,189,189,189,178,125,119,170,127,127,173,127,125,125,129,173,176,176,176,186,196,199,189,176,176,183,189,183,178,178,181,186,183,183,189,191,189,181,181,176,176,178,186,189,178,129,129,173,181,191,194,183,176,131,123,117,116,119,127,170,178,189,189,173,173,191,196,194,189,176,127,126,126,124,124,127,173,173,168,119,113,109,108,115,125,127,125,124,124,127,173,173,129,127,128,170,131,127,126,129,181,191,194,196,196,199,199,202,207,207,202,194,186,181,178,181,176,123,131,194,196,181,170,170,170,170,170,176,181,183,183,178,173,129,128,173,189,194,183,183,199,204,204,202,196,183,176,176,173,129,123,122,123,123,123,125,129,131,178,183,186,176,128,128,173,176,131,128,173,186,196,196,194,189,186,181,178,181,189,191,183,176,129,122,123,181,196,194,196,207,202,191,186,194,202,199,191,183,181,181,186,191,183,123,116,116,173,189,178,127,129,186,196,196,189,173,128,128,129,176,178,129,120,121,125,125,119,117,127,183,183,178,173,170,176,186,189,191,186,173,170,183,199,207,204,196,176,126,126,173,186,189,173,121,116,121,127,129,176,191,196,189,181,176,170,127,129,178,196,209,212,204,186,168,168,178,189,186,181,173,128,170,189,204,199,178,125,123,129,170,173,181,191,189,123,107,100,100,107,123,176,186,191,196,194,186,178,176,173,131,127,129,131,131,173,178,178,173,178,183,181,176,173,173,173,173,173,181,186,186,181,173,129,127,125,127,127,123,119,118,125,181,181,131,130,176,131,115,109,119,199,217,222,222,222,217,199,123,111,123,204,209,209,191,131,186,186,133,178,186,135,135,202,215,204,192,191,194,209,217,217,212,215,215,215,217,212,204,199,199,191,129,115,113,115,125,176,186,189,196,204,199,191,189,191,196,186,176,170,125,125,125,125,129,186,207,222,230,230,225,209,181,117,111,113,121,125,125,123,123,168,176,176,176,186,191,189,181,170,168,173,178,176,127,122,125,173,176,173,170,178,191,191,181,173,176,178,173,128,128,129,170,173,178,191,207,204,181,119,112,113,115,115,121,125,125,168,183,189,186,189,194,183,125,121,127,127,168,181,196,194,183,176,170,170,127,168,170,127,127,170,181,189,186,182,181,183,186,183,176,127,113,91,91,129,183,181,186,186,176,129,170,181,183,186,186,191,194,196,191,186,189,189,176,170,168,119,113,117,168,178,173,118,120,173,189,194,196,202,204,196,181,129,170,183,194,199,202,194,127,111,111,123,129,127,127,127,125,123,125,129,178,181,181,181,173,129,170,173,176,176,170,127,124,124,170,186,191,183,178,176,173,168,124,124,127,173,176,178,189,194,194,186,129,118,121,176,196,202,191,181,173,168,127,170,173,127,115,115,123,127,125,168,170,168,125,168,181,186,178,127,127,178,186,191,189,170,170,173,173,127,123,129,178,170,117,117,121,176,178,173,173,181,181,129,126,127,170,173,176,173,168,127,176,183,183,181,173,125,119,115,111,113,121,125,173,183,189,183,170,169,170,173,176,178,189,196,199,196,186,129,126,127,127,129,170,176,178,176,173,173,176,176,181,186,191,191,189,181,176,178,181,189,194,196,196,189,173,125,123,125,127,129,170,176,183,191,194,194,191,186,178,176,176,183,191,199,204,207,207,199,191,189,191,186,183,186,189,186,186,191,183,131,127,127,124,121,124,125,133,181,178,174,176,178,178,133,131,127,124,124,127,127,133,186,183,133,123,115,113,117,173,178,178,178,173,121,116,116,173,186,191,191,183,129,121,121,119,117,118,127,178,173,115,111,178,181,173,131,178,183,181,181,186,183,181,182,186,189,183,131,125,129,135,181,183,186,191,194,196,199,196,189,183,186,191,191,191,183,181,131,121,118,123,133,178,181,183,186,189,191,194,194,191,191,189,191,191,194,196,199,199,199,196,195,199,204,209,212,209,202,196,189,186,186,186,189,191,191,189,189,191,194,196,202,199,196,194,194,196,196,196,194,189,181,133,129,129,131,133,176,178,178,176,176,176,178,181,183,181,181,181,181,186,194,196,186,173,127,125,123,123,127,170,173,131,130,173,178,178,131,129,133,181,178,178,178,181,189,196,199,196,196,196,194,194,191,189,186,186,189,191,194,196,196,196,194,191,189,183,178,178,178,133,131,128,128,131,133,176,135,178,181,186,191,191,191,189,189,189,191,196,204,204,202,199,202,202,202,199,199,202,204,204,202,199,199,199,202,207,209,212,212,212,215,215,215,212,207,204,204,207,212,215,217,215,215,217,225,225,225,225,225,225,228,228,225,225,222,222,222,222,222,222,217,215,215,215,215,217,215,215,212,209,207,204,199,189,178,176,178,178,173,170,168,125,121,119,121,160,157,117,113,109,105,103,103,105,105,105,103,99,95,89,83,81,81,83,85,85,83,79,77,75,77,79,75,65,57,53,53,57,65,73,85,91,93,95,99,103,139,144,147,144,105,101,93,87,83,85,95,109,155,157,155,160,165,165,163,163,165,168,165,163,157,117,115,117,121,123,163,125,168,173,181,183,189,191,191,191,189,186,186,189,194,194,191,186,189,194,196,196,196,199,199,191,186,186,183,181,179,181,183,189,189,191,194,194,194,196,202,202,196,191,191,191,189,183,181,137,181,183,183,137,128,126,127,135,181,183,191,199,202,204,204,204,202,199,194,191,190,190,191,194,199,199,202,199,199,199,196,186,134,132,134,139,191,196,202,202,199,196,194,189,183,183,189,191,189,191,196,199,196,196,196,199,199,199,194,137,128,128,132,181,189,191,196,202,196,191,191,189,186,183,178,176,178,181,181,178,131,127,125,123,121,127,176,181,181,178,176,181,189,189,186,186,189,194,196,199,196,194,186,176,131,129,133,178,186,194,191,181,127,122,123,129,181,191,194,186,173,127,129,176,178,173,172,173,176,178,181,183,183,181,176,174,176,176,176,178,178,178,178,174,174,176,181,191,194,189,189,191,189,185,183,186,191,189,187,190,199,202,202,199,196,199,204,204,199,189,186,189,194,196,194,189,189,186,189,189,191,189,186,186,186,186,189,186,189,191,194,189,181,178,183,186,183,183,183,181,181,183,189,186,183,183,183,183,183,183,183,189,196,202,199,194,194,196,199,196,196,196,194,191,191,194,194,194,191,186,181,178,178,178,176,173,130,173,183,189,186,176,127,119,121,131,178,178,178,183,189,191,191,189,186,181,178,178,178,181,183,186,189,191,194,194,196,196,196,196,194,191,183,179,179,186,191,194,186,181,181,183,186,186,186,181,181,183,186,186,189,194,194,186,178,176,176,183,194,194,189,185,186,191,202,207,207,202,199,191,186,183,186,191,186,181,181,191,199,199,196,199,199,199,199,202,202,196,196,199,204,207,207,204,202,202,202,202,202,199,199,194,183,181,189,199,194,178,127,123,125,123,119,117,118,118,123,129,178,181,181,181,186,186,186,186,189,189,183,178,177,186,191,182,178,179,186,196,202,204,204,199,194,191,194,199,204,204,204,202,194,183,178,133,133,183,189,191,194,191,189,186,183,176,131,133,183,183,182,183,186,189,194,191,194,204,209,199,189,183,183,186,183,186,191,0,0,0,0,0,0,0,196,194,196,199,199,202,204,207,207,207,207,207,202,196,191,191,194,199,202,204,202,202,202,207,207,209,209,212,209,209,209,212,217,222,217,212,209,209,209,209,215,222,230,235,241,241,233,215,204,199,204,212,0,0,222,222,0,0,0,238,238,235,230,217,207,196,189,189,189,194,199,204,209,212,209,202,194,189,189,194,199,202,204,202,194,186,178,173,170,165,163,121,0,157,168,178,183,189,191,194,196,202,204,204,199,189,186,186,189,186,183,178,181,0,0,0,0,0,0,215,215,212,207,199,191,194,199,204,209,217,230,238,238,235,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,191,186,186,194,194,189,186,186,183,0,0,0,0,0,0,215,207,204,196,189,178,176,176,178,178,178,176,178,186,196,202,199,195,194,195,202,215,228,233,230,230,230,230,225,215,209,207,207,204,196,191 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,139,144,121,103,35,26,35,142,150,131,100,69,60,144,199,199,199,196,199,191,160,144,147,170,155,137,124,0,0,0,55,57,51,53,98,139,147,100,27,0,21,170,163,134,168,155,49,47,95,85,0,0,0,0,1,165,194,212,238,59,0,0,0,98,189,194,196,194,192,194,202,215,225,137,0,31,69,147,155,160,165,178,186,191,186,186,186,189,186,185,186,194,202,204,207,207,204,204,207,204,199,196,202,204,207,207,204,202,199,196,196,199,199,199,196,199,199,202,204,199,194,189,183,178,178,183,196,202,196,189,189,194,191,181,129,123,125,123,118,118,121,123,125,127,170,176,176,176,178,191,196,189,183,183,191,196,191,183,181,186,183,178,176,181,183,178,178,178,181,183,183,178,131,127,127,129,176,183,189,191,189,183,176,125,119,118,119,127,170,178,186,181,166,169,191,196,194,189,178,129,129,170,168,126,125,127,170,168,125,127,125,119,117,121,125,125,127,125,125,173,176,173,129,129,129,127,127,126,129,183,194,199,199,202,202,202,204,207,204,199,194,189,181,178,183,189,181,183,196,196,181,129,126,127,129,178,186,189,186,181,176,170,129,170,176,183,183,176,178,191,207,209,209,204,189,176,173,173,131,125,123,127,129,129,127,131,173,173,176,173,129,129,129,173,181,181,186,189,186,189,189,186,181,181,181,178,178,178,178,176,129,124,122,123,176,186,173,129,189,191,183,182,186,191,191,189,183,179,181,189,191,183,129,121,122,181,186,176,128,129,173,181,186,178,173,129,128,129,129,123,118,118,121,125,123,119,121,173,189,186,181,173,169,176,191,202,202,194,176,170,183,196,196,191,186,170,125,126,176,183,181,129,117,115,117,125,129,173,178,181,178,176,173,129,126,127,178,199,212,215,209,189,168,168,181,189,183,178,127,126,170,183,191,191,173,125,123,127,129,176,186,194,186,113,100,97,100,121,178,183,183,189,196,202,199,186,178,176,173,129,129,129,129,129,173,173,173,178,186,186,181,181,176,170,129,170,173,176,173,125,121,122,124,124,124,123,120,119,121,129,178,176,129,130,178,176,121,123,189,207,215,217,215,217,217,207,176,119,209,215,215,217,199,131,176,178,128,176,189,135,181,207,207,196,191,190,194,207,212,212,212,212,212,215,215,212,204,202,199,186,125,117,115,115,121,125,129,183,202,209,202,186,183,186,186,173,127,127,123,123,129,127,129,183,207,222,228,225,212,194,129,111,105,108,121,125,125,125,170,178,178,176,173,178,183,183,176,170,173,183,194,189,129,123,129,186,189,178,176,189,196,191,178,127,125,129,129,128,129,173,170,173,181,196,209,204,181,121,113,115,121,127,127,123,125,181,196,202,202,204,204,199,170,125,170,173,170,168,173,176,170,168,168,127,123,121,121,119,123,170,183,196,194,186,189,196,199,194,183,170,123,109,104,115,129,173,178,181,178,176,176,181,183,181,181,186,191,189,183,186,196,199,186,170,127,123,117,123,178,186,181,123,123,178,202,207,202,202,207,202,170,120,127,189,202,209,217,215,189,113,110,115,123,129,176,176,127,123,125,129,178,181,178,176,170,127,127,170,176,178,176,168,126,126,178,191,191,183,178,181,181,170,124,124,125,127,168,173,181,186,186,181,168,121,123,178,189,194,189,181,176,170,170,176,173,119,106,106,117,123,125,170,176,168,121,119,123,129,170,127,129,173,178,181,176,129,128,170,173,173,176,178,178,170,119,118,129,181,181,181,178,183,186,186,176,129,127,127,168,168,125,124,176,191,194,189,181,127,115,113,111,113,119,125,173,186,194,186,170,169,173,178,181,186,189,196,199,199,186,170,126,126,126,126,173,181,186,186,176,126,126,170,178,186,194,199,196,191,183,178,181,189,196,199,196,189,176,123,120,121,125,127,129,176,186,194,199,199,196,183,131,128,131,178,189,196,202,202,196,191,191,196,199,199,196,199,199,199,199,199,189,131,126,129,133,133,133,125,135,186,181,176,178,178,181,183,181,129,125,129,131,129,176,183,186,181,176,125,115,117,129,129,131,181,181,127,121,123,170,181,186,183,176,127,123,121,118,117,118,123,129,170,176,183,194,191,183,181,181,183,181,183,189,186,182,183,189,189,183,127,122,122,129,137,181,181,183,189,194,196,199,191,181,181,186,189,189,183,181,178,133,129,127,129,133,135,181,183,186,189,191,191,189,189,191,191,194,194,196,202,204,202,199,196,199,202,204,204,202,196,186,181,178,181,183,189,189,189,186,183,183,186,191,199,202,196,194,191,191,191,191,191,186,133,127,127,129,176,178,181,183,181,176,176,178,181,183,181,179,181,183,186,189,191,191,181,129,125,123,121,118,118,123,129,170,131,173,178,178,173,131,133,181,181,183,181,181,186,194,196,196,194,194,194,194,194,186,137,136,183,189,189,194,196,199,194,189,186,183,181,181,178,133,128,127,127,129,133,135,135,178,183,189,191,194,191,189,189,191,194,196,202,204,202,202,204,204,204,199,198,202,207,207,202,199,199,204,207,209,209,209,209,212,212,215,215,215,209,204,203,203,207,212,215,212,212,217,225,228,228,225,225,225,225,225,225,225,225,225,222,222,217,217,217,215,212,215,217,217,215,212,209,207,204,202,196,189,178,173,176,176,173,170,165,121,117,115,117,117,115,111,109,105,103,103,103,103,103,103,101,97,93,89,85,85,87,91,91,91,89,85,81,77,77,77,75,69,63,59,59,63,73,85,93,97,99,99,101,103,142,147,147,142,103,97,93,91,93,99,109,157,160,157,153,155,160,163,163,165,163,163,165,165,157,114,113,115,160,165,165,165,170,176,181,183,189,191,191,191,189,189,186,186,191,194,196,196,199,204,207,204,202,199,196,194,189,183,181,179,181,181,183,186,189,191,194,196,196,199,202,204,202,196,194,191,186,183,186,186,186,186,186,181,129,125,127,183,191,191,194,199,202,204,204,202,199,196,194,194,191,194,196,199,202,204,202,199,196,194,186,137,133,132,133,139,191,196,202,202,202,199,196,191,186,183,186,186,183,183,189,191,194,196,199,199,199,202,196,135,127,127,134,186,191,191,194,196,191,186,178,176,176,176,173,173,173,176,176,131,123,119,121,121,123,125,129,176,178,176,176,183,191,189,183,186,191,196,196,196,196,191,183,178,176,178,183,186,191,194,194,183,129,122,122,122,127,186,194,189,178,173,176,181,183,178,176,173,176,178,183,191,189,181,176,176,176,174,173,176,181,181,178,174,176,183,189,194,191,186,186,189,189,189,189,191,191,191,191,196,202,207,204,204,204,202,202,202,196,189,186,189,194,194,189,183,183,183,183,186,186,186,185,185,186,183,183,183,186,191,194,194,189,186,191,191,189,189,183,179,179,183,191,191,186,186,186,183,181,178,183,194,199,202,199,191,191,196,199,196,196,196,194,191,191,191,189,189,189,186,183,181,178,176,133,130,130,173,183,189,181,127,117,115,117,129,176,178,181,183,186,189,186,183,178,178,178,177,177,178,183,189,191,194,194,196,199,202,204,204,199,191,186,181,179,183,189,186,183,183,183,181,183,183,181,183,183,183,183,186,189,194,191,181,177,177,181,189,194,191,186,185,186,194,199,204,204,202,199,194,189,189,194,196,189,182,181,189,196,196,194,194,194,194,194,194,194,194,199,202,202,204,207,209,204,202,204,207,207,202,199,191,181,133,178,191,189,133,123,121,123,123,119,118,118,119,123,129,176,181,181,183,183,183,183,186,191,189,183,179,181,186,191,186,181,181,186,196,204,204,204,202,196,194,194,196,199,202,202,202,199,194,194,194,194,194,194,196,194,191,189,189,186,176,132,178,186,186,181,181,183,194,199,199,202,209,209,199,191,186,186,186,181,0,181,0,0,0,0,0,0,202,194,192,196,202,204,207,207,207,207,209,209,209,207,204,199,196,196,199,202,202,202,199,199,202,202,202,204,207,209,209,212,215,217,222,217,215,209,209,207,209,209,215,225,233,235,235,225,209,199,194,199,215,0,0,0,0,0,0,230,233,235,233,230,217,204,194,189,189,189,191,199,204,209,209,209,202,194,191,194,199,204,204,204,202,194,189,181,173,168,163,160,121,0,0,168,181,189,189,191,194,196,199,202,204,199,191,186,189,189,183,178,178,183,0,0,0,0,0,0,215,215,217,215,209,199,199,202,207,207,207,217,233,233,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,178,178,186,186,189,189,186,181,176,0,0,0,0,0,0,215,207,196,183,173,172,173,173,173,176,176,176,181,191,199,204,202,196,196,202,212,225,233,233,230,230,230,225,215,209,207,207,204,199,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,155,147,139,129,85,66,59,30,21,26,152,147,111,87,73,69,134,168,183,194,196,196,189,152,134,131,139,137,137,150,17,0,57,139,165,178,191,202,209,204,183,152,41,41,147,165,165,183,165,121,72,29,0,0,0,0,0,0,165,202,209,199,0,0,0,0,49,178,191,199,199,199,199,204,204,199,134,7,137,163,170,163,163,163,173,183,191,189,191,191,194,189,185,185,191,199,207,209,207,202,202,207,207,202,199,202,204,207,207,202,199,194,191,189,189,191,194,194,194,196,196,194,189,186,189,189,181,179,183,194,199,199,194,194,196,191,181,131,127,127,123,119,118,120,123,125,127,173,178,181,176,173,181,189,186,186,191,199,202,196,183,176,181,181,177,176,178,176,129,131,173,181,189,191,181,131,126,127,127,131,178,181,186,189,186,178,127,123,123,125,170,173,176,178,173,166,170,189,196,194,189,178,170,173,181,181,173,127,127,170,127,125,170,176,168,121,119,121,123,170,173,173,178,183,181,176,129,127,127,127,127,129,181,194,196,196,196,196,202,209,209,207,202,196,191,183,181,189,191,183,178,183,186,178,127,126,127,176,186,194,196,189,176,126,126,170,176,176,176,173,172,173,178,194,207,209,202,186,173,176,181,181,129,125,129,173,178,181,181,183,178,176,131,129,131,173,178,186,194,196,196,189,183,181,178,176,176,176,176,173,173,173,173,131,129,125,124,125,125,120,119,129,186,183,182,183,186,186,186,183,181,186,189,189,183,176,173,176,183,186,178,173,131,131,131,176,178,181,178,176,173,129,123,119,120,125,127,123,119,121,129,176,178,176,173,170,178,196,207,204,194,176,129,173,181,181,181,176,129,126,126,170,173,129,121,116,115,116,121,127,173,176,173,173,173,173,170,127,127,173,194,212,215,207,183,170,170,181,189,181,170,125,126,170,176,178,176,125,120,121,123,127,173,178,178,127,103,101,103,119,173,181,178,173,173,189,202,207,199,189,183,181,176,173,131,128,128,129,131,173,181,189,186,183,181,176,129,127,127,170,170,127,123,121,121,124,124,124,125,127,176,183,186,186,181,173,173,178,176,127,131,194,207,212,209,207,204,207,202,181,173,209,217,217,215,196,130,130,128,125,133,183,129,133,204,207,199,194,194,199,204,209,212,212,212,212,212,215,212,212,207,196,183,125,117,117,119,119,119,123,186,202,207,202,186,181,181,178,129,119,117,111,117,125,125,125,129,194,215,217,212,199,183,127,115,109,119,170,170,168,173,181,189,183,170,127,168,173,176,170,169,176,189,196,191,173,125,129,189,194,186,176,181,186,181,129,123,122,127,129,128,129,170,129,170,178,191,196,194,178,125,119,121,168,173,170,123,125,186,202,204,207,209,209,199,181,173,176,176,176,168,127,125,125,127,168,127,123,119,118,117,118,127,181,194,194,191,194,204,212,204,189,176,168,117,111,119,173,178,181,183,181,178,178,178,178,177,177,181,183,181,178,181,189,194,186,173,127,125,123,170,189,194,186,168,170,186,204,207,202,199,199,194,121,117,125,191,207,215,225,228,204,115,111,114,121,170,181,181,173,127,127,127,173,176,176,170,127,126,126,170,176,178,178,173,170,170,183,194,191,181,173,181,183,173,125,125,127,125,127,168,173,178,178,176,170,170,173,178,178,181,181,178,173,176,183,189,186,125,104,103,111,121,125,127,170,125,117,117,119,125,129,127,127,129,129,129,127,129,170,173,176,178,183,186,186,176,123,123,129,176,183,189,189,189,191,196,186,173,123,121,125,168,124,123,173,191,194,191,183,127,113,109,109,111,119,168,178,189,194,189,178,178,183,186,186,186,186,191,194,194,189,181,173,127,126,126,173,186,194,196,183,122,117,127,178,186,194,196,196,191,181,173,173,181,189,191,189,183,173,123,119,120,123,127,170,178,189,196,202,199,189,173,126,126,129,176,181,189,194,194,189,186,186,194,199,202,202,204,202,199,199,199,191,135,129,131,178,183,183,131,135,183,181,178,178,181,178,181,183,131,125,129,133,131,131,178,186,191,189,176,123,125,131,125,123,176,183,178,173,176,181,181,183,183,176,129,125,123,119,119,121,125,129,176,183,191,196,194,186,181,181,183,186,189,191,189,186,186,191,194,189,135,126,124,133,186,189,183,183,189,194,196,196,186,135,133,133,135,181,181,183,183,181,178,135,133,133,133,181,186,186,189,191,189,187,189,194,196,194,191,194,199,204,204,202,202,202,202,199,196,194,186,133,125,125,131,178,183,186,183,181,181,181,183,189,196,202,199,196,194,191,191,191,191,186,176,129,129,176,181,183,186,186,181,178,178,181,183,183,181,179,181,186,189,189,189,183,176,129,127,127,125,118,116,118,125,170,170,131,131,173,176,176,176,178,183,186,186,183,186,191,194,194,194,194,194,196,196,186,135,134,137,181,183,189,194,196,194,189,183,181,181,181,178,133,131,129,128,129,133,133,135,178,183,189,194,196,194,191,191,194,196,196,202,202,202,202,204,207,204,202,199,202,204,204,202,202,204,207,207,209,209,209,209,209,209,212,215,215,212,207,204,204,209,212,215,212,209,215,222,228,225,225,222,222,222,225,225,225,225,222,222,217,217,217,217,215,212,212,215,215,212,212,209,207,204,199,194,186,176,173,173,176,173,170,165,123,117,115,115,115,113,109,107,105,103,103,103,103,103,103,101,97,95,91,91,91,93,95,97,97,95,91,87,81,79,77,75,73,69,67,69,75,85,91,97,101,103,103,103,103,139,142,107,105,101,99,97,99,103,144,157,163,163,157,155,157,163,163,163,160,157,155,157,160,157,115,114,117,163,165,165,165,170,176,181,183,186,189,189,189,189,186,186,186,189,194,199,204,207,209,207,204,199,196,191,189,186,183,181,181,181,181,181,183,186,189,191,194,196,199,202,202,199,194,191,189,183,183,189,191,191,189,189,183,133,129,137,194,199,196,196,199,202,202,202,199,196,196,196,196,199,199,202,204,204,204,202,199,196,191,186,137,137,135,137,186,196,199,202,204,202,199,196,194,189,186,183,139,135,134,139,186,191,196,196,196,196,199,199,189,135,135,186,191,191,191,194,194,189,181,133,127,127,129,131,173,172,173,131,127,119,117,118,119,121,123,127,129,133,176,178,181,183,181,181,186,194,196,196,194,194,191,186,186,186,189,194,194,194,196,194,186,176,127,123,121,122,173,186,186,181,178,181,183,186,183,178,176,176,178,186,194,191,183,176,178,178,176,174,176,181,183,178,174,178,186,194,191,186,183,181,183,186,189,189,194,196,199,202,204,207,209,207,207,204,204,202,202,199,191,189,191,194,191,183,181,182,183,183,186,186,186,186,189,186,181,178,181,183,186,189,189,189,191,194,194,191,189,183,179,181,186,191,191,186,186,186,183,178,135,183,191,194,194,194,189,186,191,194,194,194,194,191,191,189,189,189,186,183,183,183,183,178,133,131,130,130,173,178,181,173,121,116,115,117,127,173,178,178,181,181,181,181,178,177,178,178,178,178,178,183,189,191,194,194,194,199,204,207,204,199,189,183,179,181,183,183,182,181,183,183,181,181,179,183,189,191,189,183,181,178,181,181,177,176,181,189,191,194,189,186,186,194,199,199,199,199,202,199,194,191,191,194,196,194,186,183,186,191,191,191,191,191,189,189,189,191,194,199,202,204,204,209,212,207,204,204,207,207,204,199,194,181,131,132,178,176,125,119,120,121,123,121,121,121,121,123,125,127,173,178,181,181,173,173,178,189,191,189,181,181,186,194,196,194,194,199,204,207,209,209,204,199,196,191,189,189,194,199,202,199,196,199,204,202,199,196,196,194,191,186,183,181,133,133,181,191,191,183,181,186,194,202,202,199,202,204,199,196,194,189,183,179,177,181,0,0,0,0,0,0,199,192,192,194,202,207,209,209,209,209,209,212,212,209,204,202,199,199,202,204,204,202,202,199,196,195,195,199,202,207,209,209,212,217,222,217,215,209,207,207,207,209,212,222,228,233,230,225,209,199,194,196,212,0,0,0,0,0,0,0,230,233,233,228,215,202,194,189,186,189,191,199,204,209,209,209,202,194,191,194,199,204,204,204,199,194,186,178,173,165,160,160,157,0,119,165,181,189,189,191,194,196,199,202,204,199,191,186,189,189,183,178,181,186,0,0,0,0,0,222,217,220,225,225,217,207,202,204,209,204,199,204,212,215,215,222,228,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,178,177,178,178,183,186,186,178,173,0,0,0,0,0,0,225,212,196,178,172,172,173,173,173,176,176,176,178,189,199,207,207,204,202,202,207,217,230,235,235,233,230,225,215,209,207,204,202,199,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,189,186,176,170,152,79,37,35,35,37,57,118,108,90,95,116,129,134,134,160,183,189,191,181,144,131,129,129,125,126,142,79,79,178,196,202,209,215,215,212,202,189,173,111,43,43,47,53,100,131,134,72,0,0,0,0,0,0,0,142,199,199,108,0,0,0,0,41,163,186,196,202,204,199,194,191,176,79,23,163,181,186,178,170,160,165,178,189,194,196,199,196,191,185,185,189,199,207,207,204,196,196,202,204,202,199,202,204,207,207,202,196,191,186,185,182,183,189,194,194,194,191,185,181,183,189,194,189,183,186,194,199,202,199,199,199,189,176,131,131,127,125,123,121,123,125,127,170,181,189,186,178,172,173,181,183,186,194,202,204,196,181,172,176,181,183,186,183,125,125,125,127,176,189,194,189,176,129,127,127,129,173,176,181,186,186,178,127,125,170,178,181,181,178,176,173,170,178,186,191,194,186,173,170,176,186,189,183,176,173,170,123,116,125,176,170,121,119,119,121,127,170,170,178,183,183,178,127,126,127,127,126,127,178,189,186,183,181,186,196,209,212,209,207,202,196,191,189,191,191,178,169,169,176,173,127,126,129,183,194,196,196,186,127,122,124,173,186,181,173,173,176,176,176,181,194,196,189,176,129,131,181,183,173,129,131,178,186,189,191,191,189,181,131,129,173,181,186,191,196,196,196,191,183,176,176,176,173,173,173,172,172,173,178,181,178,173,125,122,122,122,123,176,194,194,189,186,183,181,183,186,183,186,189,189,186,181,181,183,183,186,181,176,173,130,129,131,181,186,189,186,181,176,170,127,127,170,170,125,121,121,123,127,129,170,173,173,181,191,196,191,178,170,127,125,127,170,176,176,170,127,127,127,127,123,119,119,119,119,123,129,176,178,173,170,170,170,173,170,127,129,186,209,215,202,183,174,174,181,183,178,128,125,128,176,176,170,125,121,120,121,125,125,125,121,111,102,103,111,127,181,186,181,173,169,169,178,196,204,204,199,196,196,191,186,176,129,128,129,129,131,181,186,183,178,176,170,125,123,125,127,127,125,125,127,127,129,170,173,176,186,199,207,204,196,191,183,181,178,173,129,173,186,199,202,199,189,181,186,189,178,181,204,215,215,209,191,131,129,128,127,133,135,119,121,194,207,207,204,204,204,207,209,209,212,212,212,212,212,215,215,207,191,133,121,117,121,125,123,119,125,189,199,199,194,186,181,178,176,127,115,109,106,108,115,119,119,121,186,209,209,196,183,173,129,129,173,181,183,176,173,176,181,183,173,123,123,125,170,170,169,169,176,186,189,186,176,129,129,178,189,181,129,127,127,125,125,123,125,129,170,129,128,129,128,129,173,181,186,183,178,173,170,173,178,178,170,123,127,191,204,207,207,209,207,196,186,183,178,178,176,168,123,125,125,127,170,170,168,123,119,117,117,121,168,178,183,183,186,199,209,202,183,176,168,121,117,129,183,189,189,186,181,178,181,181,177,177,177,178,178,176,176,178,178,181,178,170,127,125,127,176,189,191,181,168,176,189,199,199,194,191,189,178,119,116,123,186,202,209,217,222,199,121,113,117,125,170,181,183,181,176,170,127,127,170,170,129,127,125,126,129,173,176,178,178,176,176,181,189,186,173,125,170,178,176,170,170,170,168,168,168,168,170,170,173,178,183,186,183,178,173,170,170,176,183,194,199,199,183,110,106,111,121,123,125,125,119,117,118,123,127,129,126,125,126,125,125,126,173,178,178,178,186,191,196,199,194,176,131,129,170,183,196,194,186,191,196,186,129,113,109,123,168,125,123,173,191,196,194,186,170,111,98,97,105,119,173,186,194,194,189,183,189,194,196,191,185,185,186,186,186,186,186,181,170,127,129,173,181,191,196,191,126,116,170,181,186,191,194,191,183,176,129,127,170,173,173,173,170,127,121,120,120,123,129,176,183,191,196,199,196,183,129,125,126,131,173,176,178,183,183,183,181,181,189,196,199,202,202,199,196,194,196,194,181,133,135,181,189,191,181,181,181,178,178,181,178,133,133,178,131,125,133,181,176,127,115,176,196,196,186,176,173,173,122,118,122,178,183,186,189,191,189,191,191,181,170,125,123,123,123,125,129,173,181,186,191,194,191,183,179,181,186,191,194,191,189,186,189,191,194,194,189,186,183,191,199,202,196,189,191,196,196,189,133,125,125,127,129,135,135,178,181,181,178,178,135,133,131,178,186,191,191,191,191,189,191,196,199,196,191,191,196,202,204,202,199,199,199,194,189,186,181,127,122,122,125,131,178,181,181,181,181,183,186,191,196,202,202,199,196,191,191,191,191,189,181,176,178,183,186,186,186,183,181,178,181,183,186,183,181,179,181,183,183,183,181,176,170,129,125,127,125,121,119,121,125,129,127,121,121,127,176,181,181,181,186,191,191,191,191,194,196,196,196,196,196,202,199,191,137,136,137,181,181,186,191,194,191,189,183,181,181,181,178,135,135,133,131,131,133,133,135,178,183,191,196,199,196,194,196,199,199,199,202,202,202,204,207,207,207,204,202,202,202,202,202,204,207,207,207,209,209,212,212,209,207,207,209,212,212,212,209,212,212,212,212,207,207,212,217,225,225,222,222,222,222,222,222,222,222,222,217,217,215,215,215,215,212,212,215,215,212,212,209,207,202,196,191,183,176,170,173,173,173,170,168,163,121,117,113,113,111,109,107,105,105,105,105,105,103,103,99,97,97,95,95,97,97,99,99,97,97,95,91,85,81,77,77,75,75,77,81,87,93,97,99,101,105,139,105,105,103,101,99,101,103,105,105,107,147,157,165,165,163,163,163,165,165,160,157,155,115,111,111,115,119,119,119,121,163,165,168,170,173,176,181,181,183,183,183,183,183,183,186,186,189,194,202,207,209,209,202,199,196,191,183,181,181,183,181,181,183,181,181,181,181,183,189,191,196,196,196,196,191,186,186,186,183,186,189,191,191,191,191,183,137,181,194,202,202,199,196,196,199,202,202,196,194,194,196,199,202,204,204,204,204,202,202,202,199,194,183,139,139,186,189,194,202,204,204,204,202,199,194,194,191,189,186,139,134,133,135,186,191,194,191,191,194,196,199,194,191,194,199,196,194,191,194,194,189,181,131,126,125,127,176,178,178,176,173,127,121,118,118,119,121,123,127,127,129,133,178,181,179,178,181,189,196,196,196,194,191,189,186,189,191,196,199,196,194,194,191,186,178,133,131,125,123,129,178,178,178,181,183,186,186,181,178,178,178,178,183,189,191,183,181,183,183,181,181,181,183,181,176,174,181,189,191,186,183,183,181,135,135,183,189,196,202,207,207,207,207,207,207,204,204,202,202,204,202,196,191,194,194,189,183,182,183,186,186,186,186,189,189,191,186,178,176,177,178,181,183,183,186,191,196,196,194,189,183,181,183,189,189,189,189,186,183,181,135,133,178,181,178,181,186,186,186,186,189,191,191,191,191,191,191,189,189,183,181,183,186,183,178,131,131,131,131,173,176,176,129,121,117,117,119,125,131,173,178,178,178,178,178,177,177,178,181,181,178,181,183,189,191,191,191,191,194,196,202,199,191,183,181,179,183,186,183,181,181,183,186,183,181,181,186,194,196,191,186,178,176,177,177,176,177,186,194,191,191,189,186,191,199,204,199,196,196,199,199,194,189,189,191,194,194,191,189,186,186,183,186,189,189,186,186,186,189,194,199,202,204,207,209,212,209,204,202,202,204,202,202,199,189,178,133,133,129,121,119,120,125,127,127,127,125,123,121,119,119,123,131,178,176,127,123,129,189,199,199,186,179,181,189,196,199,202,207,209,212,212,212,207,202,194,189,183,181,186,191,196,196,196,199,202,199,199,196,194,191,186,183,178,131,131,133,183,199,204,194,183,189,194,202,204,196,194,196,199,196,196,194,183,178,181,189,0,0,0,0,0,0,196,192,191,194,202,207,212,212,212,212,212,212,212,209,204,199,199,199,202,204,204,204,204,202,196,195,194,196,202,204,207,209,212,215,215,215,212,209,207,207,209,209,209,215,222,225,228,222,212,202,194,196,209,0,0,0,0,0,0,0,225,230,228,222,207,196,189,186,186,186,191,199,204,209,212,212,204,196,191,194,199,202,204,202,199,191,183,178,170,165,160,157,157,0,155,160,176,186,189,189,191,196,199,202,202,196,189,186,189,189,181,176,181,189,199,0,0,0,0,222,222,222,228,233,228,212,207,207,209,204,196,196,199,199,199,212,225,233,0,254,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,177,176,177,181,183,183,178,176,0,0,0,0,0,0,0,217,196,176,173,178,181,178,173,176,176,176,178,186,199,207,209,207,207,207,207,215,225,235,238,235,230,225,217,212,207,202,202,199,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,176,178,176,176,183,144,33,30,35,51,65,95,92,92,116,157,160,142,129,142,157,160,168,155,97,97,137,137,129,127,131,91,165,202,207,212,215,215,209,196,189,186,183,176,63,37,0,0,0,15,33,33,0,0,0,0,21,0,0,82,157,66,0,0,0,0,0,51,121,165,186,196,196,189,178,165,134,71,39,170,189,194,194,186,163,155,163,189,199,204,202,199,194,186,186,189,196,204,204,199,194,195,199,202,202,202,202,204,204,207,204,199,194,189,185,182,183,189,194,194,194,189,185,181,183,191,196,191,186,189,191,191,199,199,199,194,181,131,130,170,127,127,129,129,129,170,170,176,186,194,194,183,173,173,181,183,186,191,199,204,196,183,173,173,181,196,202,196,109,115,121,123,131,183,189,186,178,131,129,129,129,131,173,178,183,183,178,127,129,181,189,189,186,183,176,170,176,178,181,183,189,183,170,168,173,183,189,189,186,183,178,116,113,117,125,125,121,121,121,123,125,124,124,173,181,178,170,127,127,129,127,126,126,173,186,181,178,177,179,194,207,212,209,209,207,204,199,194,196,191,173,165,168,170,170,127,126,170,186,196,199,196,186,127,122,125,178,191,183,173,173,176,178,181,181,183,183,178,129,127,129,176,181,176,131,176,181,186,186,189,194,194,183,126,124,176,191,196,199,199,196,196,194,183,173,173,178,173,173,173,172,172,178,189,194,189,181,125,121,124,181,191,202,207,204,196,186,178,176,181,183,181,183,189,189,186,183,183,183,183,186,181,176,131,129,128,131,178,186,189,186,178,176,176,176,176,178,176,129,125,125,127,127,129,170,173,176,181,186,181,127,123,125,125,124,124,129,176,176,173,173,170,127,123,123,123,127,170,170,170,176,178,178,173,170,173,173,176,173,129,127,178,204,209,199,186,181,181,178,173,170,129,129,178,189,186,176,125,121,121,123,125,123,121,115,105,101,115,131,186,194,189,181,173,170,170,178,191,196,199,199,202,207,204,196,186,178,176,176,173,129,173,178,176,170,173,170,123,122,122,123,125,127,176,183,181,176,181,186,189,196,207,215,212,207,202,199,191,181,173,131,173,178,181,181,178,173,125,123,129,173,186,199,212,212,202,186,131,129,176,178,178,129,111,111,181,207,215,215,212,209,212,212,212,209,209,209,209,207,209,212,199,133,121,117,117,123,129,125,121,129,186,189,183,176,176,183,183,178,125,115,109,107,109,115,119,121,170,199,212,202,183,170,170,176,189,183,178,176,173,170,168,115,73,93,115,123,168,173,173,173,176,181,183,181,176,176,173,129,170,170,127,123,120,118,118,123,129,129,170,176,176,173,129,129,129,173,178,181,181,183,183,186,186,183,181,170,123,168,194,209,209,202,202,202,189,183,183,181,178,173,125,122,125,127,123,121,170,176,176,168,123,121,119,118,121,168,168,123,127,183,183,173,170,168,125,125,181,194,196,189,181,178,181,183,183,181,178,178,178,176,176,178,178,173,170,170,168,127,125,127,176,183,178,127,127,173,183,186,186,183,176,129,123,118,117,121,173,186,194,199,199,186,127,123,129,170,173,178,183,181,178,176,127,127,127,127,129,127,126,126,129,170,173,176,178,178,176,176,178,178,127,122,123,170,181,181,178,176,173,173,173,173,173,170,173,181,189,189,186,183,173,124,125,181,194,196,202,204,196,168,117,119,121,123,125,125,121,119,125,129,129,129,125,125,127,126,126,129,178,189,189,186,191,199,204,212,209,196,183,173,170,183,194,183,127,176,186,178,117,98,97,115,127,126,126,176,191,199,196,191,173,115,91,92,99,119,176,186,191,189,181,181,186,194,196,191,186,186,189,186,181,181,183,181,173,129,170,173,176,181,189,191,186,176,183,186,186,186,186,183,178,170,127,126,127,127,127,127,123,120,120,120,121,127,176,183,189,189,189,189,186,181,173,129,129,131,178,178,178,177,178,181,181,179,183,189,196,202,199,196,189,189,194,194,186,178,183,189,194,196,194,186,181,178,181,186,181,133,130,131,131,133,183,189,186,133,94,103,181,199,194,186,181,176,123,115,117,173,186,189,191,196,199,199,196,186,170,125,123,123,123,123,129,176,183,189,189,189,189,183,181,186,191,194,194,194,189,186,186,189,191,194,196,196,199,202,207,212,207,196,194,199,199,183,113,109,119,129,131,131,131,133,133,131,131,131,133,131,129,131,183,191,191,191,194,194,194,199,202,196,189,189,194,199,199,196,196,196,194,189,183,181,181,131,124,123,125,129,135,178,181,181,186,189,191,194,196,199,199,196,194,191,189,189,189,186,183,181,183,186,186,183,181,178,178,178,181,183,183,183,181,181,181,176,170,129,129,127,127,125,117,115,119,123,127,170,129,125,121,118,118,125,178,183,186,189,191,194,196,196,196,196,196,199,199,196,199,202,202,196,191,186,186,183,186,189,191,194,191,189,186,183,181,178,178,135,135,135,135,135,135,135,135,178,186,191,196,199,196,194,196,199,199,199,202,202,202,204,204,204,204,204,202,196,196,196,202,207,207,209,209,209,212,212,212,209,207,204,202,204,209,212,215,215,217,215,207,205,205,209,215,222,225,222,222,222,222,222,220,220,220,217,217,215,215,215,215,215,212,212,212,212,209,209,207,202,196,191,186,181,173,170,170,170,173,170,170,168,163,119,113,111,111,109,107,105,105,105,105,105,105,101,99,97,97,97,99,99,99,99,97,95,95,93,91,87,83,79,79,79,81,85,93,97,99,99,99,103,139,142,142,105,101,98,97,99,107,111,111,147,152,160,165,165,163,163,165,165,160,157,155,117,113,109,109,111,119,160,163,163,165,168,170,173,173,176,178,181,181,181,181,181,181,181,183,186,189,196,202,204,204,199,194,194,196,191,181,178,178,181,181,181,183,181,178,178,178,181,186,189,191,191,191,189,183,182,186,186,186,186,189,191,191,189,186,181,181,191,202,202,199,196,196,196,199,199,199,196,194,192,194,199,202,204,207,204,202,199,199,199,196,189,138,137,138,189,194,202,204,207,204,202,199,196,191,191,194,191,189,183,137,135,139,189,191,189,186,186,191,194,194,191,196,202,204,199,191,191,191,191,189,181,131,126,125,127,178,186,186,183,176,131,127,123,119,121,123,125,129,129,131,176,181,183,181,179,181,189,194,196,194,194,191,189,186,189,191,196,199,194,189,186,183,183,178,176,176,131,129,173,176,176,176,178,181,183,183,178,178,178,178,177,178,183,186,186,186,186,189,186,186,186,186,183,181,178,183,191,189,182,182,186,181,134,132,178,189,199,204,207,207,204,202,204,204,204,202,200,202,207,207,202,196,196,196,194,189,186,189,191,191,191,189,186,191,191,189,178,177,178,181,181,181,179,181,189,196,199,194,191,186,186,189,189,186,189,189,189,183,178,135,133,133,129,126,129,181,186,186,186,189,189,191,191,191,194,194,191,186,181,179,181,186,186,178,131,131,173,173,131,131,129,127,123,123,123,125,127,129,173,178,181,181,183,181,178,178,181,181,181,178,181,183,186,189,189,189,186,185,189,194,194,186,181,181,183,189,189,186,183,183,186,189,183,181,181,183,191,194,191,186,181,177,181,181,178,183,191,194,186,189,191,191,196,202,207,204,199,199,202,199,186,183,186,191,194,196,194,191,189,183,181,183,186,189,186,183,183,186,191,196,202,207,209,209,212,209,207,202,199,202,199,202,204,202,191,186,181,131,125,123,127,131,173,173,173,127,123,119,118,118,121,125,129,127,123,122,129,189,207,207,196,181,178,179,183,191,202,207,212,215,212,212,209,202,194,186,181,179,181,189,194,194,191,191,194,196,194,191,191,189,183,181,135,131,131,135,186,204,215,207,194,191,194,202,202,196,194,194,191,186,194,191,179,178,186,196,0,0,0,0,0,0,196,191,191,194,202,209,215,217,215,215,215,215,212,207,202,198,198,199,204,204,207,207,207,204,199,196,196,199,204,207,209,209,209,212,212,212,212,209,209,209,212,209,209,212,215,217,222,222,212,204,196,194,202,212,0,0,0,0,0,0,220,225,222,212,199,189,183,181,181,183,191,199,207,212,215,212,207,196,191,194,196,199,202,199,194,189,181,176,168,163,157,117,117,0,0,155,168,181,186,186,189,194,199,202,199,191,186,186,189,189,183,176,178,186,199,0,0,0,0,222,222,225,230,235,233,222,212,212,212,209,202,199,196,189,191,207,225,233,241,251,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,178,177,177,178,181,181,178,178,0,0,0,0,0,0,0,228,204,183,181,183,186,178,173,173,173,173,178,189,199,207,209,209,209,209,212,217,228,233,238,235,233,225,217,212,204,199,199,199,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,170,176,178,181,196,189,79,30,35,57,69,105,103,105,124,150,160,144,133,137,131,86,89,89,85,95,150,150,150,147,134,129,191,207,212,212,209,199,186,181,181,186,194,199,186,65,0,0,0,23,17,0,0,0,0,0,116,129,7,19,35,0,0,0,0,0,0,55,79,111,144,168,176,173,157,129,126,129,139,194,199,202,204,204,178,109,101,183,199,204,199,196,194,191,191,194,199,202,202,196,194,195,199,202,202,202,202,204,204,204,204,199,196,194,191,186,186,191,194,194,194,191,189,186,189,194,194,189,186,186,186,181,186,191,191,183,173,129,129,170,129,127,170,173,176,173,173,178,189,196,194,183,173,173,181,186,189,189,194,199,196,189,178,131,176,191,207,207,109,109,117,127,176,181,183,178,131,127,127,127,127,129,176,183,186,186,181,173,176,186,186,176,176,178,173,125,170,173,170,173,181,181,173,169,173,181,186,189,191,191,183,119,116,119,121,121,127,127,123,123,168,168,127,176,178,173,127,127,129,170,129,126,126,173,186,189,186,181,183,196,207,209,207,209,209,209,204,199,199,194,176,168,173,178,170,127,129,173,181,196,196,191,183,170,126,170,181,183,176,129,129,170,176,181,183,181,178,176,173,129,129,173,176,173,176,178,183,183,183,186,194,194,178,120,118,173,199,204,204,202,199,199,196,183,129,129,176,178,178,178,173,173,183,196,202,196,181,123,120,129,196,207,209,212,204,191,178,131,131,133,176,178,181,183,186,183,183,183,183,189,194,191,181,173,129,129,173,176,181,181,178,170,129,170,178,183,183,178,129,127,129,170,173,176,176,176,181,186,183,170,118,117,121,125,125,125,170,176,173,173,173,170,127,123,123,127,173,183,186,186,183,178,173,173,176,183,183,178,173,127,123,129,186,194,186,181,181,178,170,127,128,176,186,194,202,202,186,170,125,123,123,123,125,125,123,125,129,189,194,194,194,191,186,181,178,181,186,191,191,191,194,199,204,204,199,194,191,191,191,183,173,131,131,129,127,170,170,125,122,123,125,127,170,178,183,178,170,183,194,202,204,209,217,217,212,209,209,199,181,173,173,173,170,127,123,125,125,117,109,115,129,191,202,209,209,194,178,129,129,183,189,186,129,114,114,181,209,220,217,215,215,217,217,212,207,207,207,207,205,207,207,191,123,116,117,123,127,173,127,125,131,173,176,127,115,119,186,191,176,121,115,115,115,119,123,127,127,178,202,207,189,126,124,129,183,191,170,113,113,123,127,115,69,46,68,115,170,176,176,178,178,181,183,178,170,129,173,176,176,173,127,123,123,121,115,115,125,173,170,170,181,186,183,178,178,178,181,183,183,181,181,183,189,189,186,181,170,125,170,196,207,204,183,183,186,178,176,181,183,181,173,123,121,123,121,92,78,115,181,189,183,176,173,125,116,119,127,127,118,116,121,125,125,127,170,170,176,191,202,196,183,173,176,181,183,186,191,186,178,178,173,173,178,181,173,168,168,168,127,125,168,176,178,170,126,127,173,178,178,178,176,125,119,120,120,120,121,127,170,176,178,181,178,173,173,181,183,181,178,181,178,178,176,173,170,127,125,127,127,127,127,129,170,173,176,181,178,173,173,173,170,125,121,121,168,186,186,181,176,176,178,183,186,181,176,176,183,186,183,181,181,170,123,124,178,194,199,202,204,194,176,127,127,123,121,129,170,127,127,173,176,173,170,127,131,178,181,181,183,191,196,196,194,196,202,207,215,215,204,194,183,178,181,181,111,102,106,173,176,125,98,94,101,127,173,173,181,191,196,194,186,170,113,96,97,111,127,178,183,183,176,168,170,173,178,186,186,183,186,191,186,178,176,176,173,170,170,173,173,173,173,170,181,189,189,189,183,178,178,178,178,176,131,129,129,129,129,170,170,127,121,120,121,125,173,181,189,191,189,183,178,176,176,178,176,173,173,186,189,183,178,178,181,181,179,181,186,194,199,199,194,189,189,194,194,189,186,191,196,199,202,202,194,186,183,189,194,191,183,133,130,133,189,199,202,199,191,96,98,115,196,199,191,191,186,131,117,118,173,186,189,189,194,199,199,194,181,170,125,123,123,122,122,127,176,186,191,191,189,189,186,189,194,196,196,196,196,194,191,189,186,189,194,199,202,202,204,209,215,212,204,202,204,204,194,111,103,109,127,131,129,131,131,130,129,129,130,133,131,128,129,178,186,189,189,191,194,194,196,199,194,189,189,194,199,199,196,196,194,191,186,178,135,135,133,131,129,129,129,133,178,181,186,191,194,194,196,196,199,196,194,191,186,186,183,183,183,183,183,183,183,183,181,176,173,173,176,178,181,183,183,183,186,183,176,123,113,105,107,119,123,111,107,105,109,123,173,176,129,123,119,120,131,181,183,186,191,194,194,196,196,196,196,196,199,199,199,199,202,202,196,194,191,186,186,189,191,194,194,191,191,189,186,181,178,135,135,135,135,135,135,135,135,178,181,186,191,194,196,194,194,194,199,199,196,199,199,202,202,199,199,202,199,196,194,191,194,202,207,207,209,209,209,212,215,215,212,209,202,200,200,202,207,212,217,217,215,209,207,209,212,217,222,225,225,222,222,220,217,217,217,217,215,215,212,212,215,215,215,212,209,209,209,207,207,204,199,191,186,181,178,173,170,170,170,170,170,170,168,163,119,113,111,109,107,105,105,105,105,105,105,103,101,97,95,97,99,99,99,99,97,95,91,89,88,89,89,85,83,81,83,85,93,99,101,101,101,101,105,142,144,147,109,103,99,98,103,111,150,150,150,152,157,160,160,160,163,160,157,155,117,117,117,115,111,110,113,119,163,165,165,168,168,170,173,173,176,178,181,181,181,181,181,181,181,183,186,194,199,202,202,196,191,187,191,196,194,186,178,178,181,178,178,178,178,135,133,133,135,181,186,186,186,183,183,183,183,186,189,189,189,189,189,189,186,181,179,183,196,199,196,191,194,196,196,194,196,196,196,194,192,192,196,202,204,207,204,202,199,196,196,196,189,138,136,138,189,199,204,204,207,204,202,196,194,191,194,194,191,189,186,183,183,186,191,191,185,183,186,194,196,190,190,194,202,202,194,189,187,189,189,186,181,133,126,125,127,181,189,189,186,178,176,173,131,125,125,127,131,133,176,176,178,181,183,186,186,183,183,186,189,191,194,191,189,189,191,196,199,196,189,181,176,176,176,133,133,133,133,176,178,181,178,176,176,181,181,181,178,177,178,178,177,177,181,186,189,189,189,186,186,189,189,189,189,186,186,189,191,186,181,183,191,189,135,132,135,189,196,199,199,199,199,202,204,209,204,200,200,202,204,204,199,195,196,199,199,196,194,194,194,194,191,186,186,189,191,189,183,181,183,186,186,183,181,181,186,191,194,191,189,189,189,189,186,186,189,189,189,186,181,135,133,129,126,125,126,178,183,186,186,189,191,191,194,194,194,194,191,183,179,178,181,183,183,176,129,127,129,129,127,127,127,127,125,127,129,129,131,131,176,181,186,186,189,189,183,178,178,181,181,181,183,186,189,189,189,186,185,185,189,194,191,186,183,189,194,194,191,186,183,186,189,186,181,133,129,178,189,194,191,186,181,181,183,186,183,186,189,186,182,186,194,196,196,199,204,207,207,204,204,196,183,181,186,194,196,196,194,194,194,186,181,181,183,183,181,139,183,186,191,196,202,207,209,209,209,209,209,204,202,199,196,199,204,204,199,194,189,178,129,129,173,176,176,173,173,127,123,119,119,123,125,123,122,123,123,125,133,189,207,212,204,189,181,179,181,189,199,207,209,212,209,207,204,202,194,186,181,181,186,191,196,196,191,190,191,191,189,189,189,186,183,181,178,133,135,178,189,204,215,212,202,194,196,202,199,194,191,189,168,165,183,186,177,177,189,196,0,0,0,0,0,0,196,191,191,194,204,212,217,222,217,217,215,215,209,207,202,198,198,199,202,204,207,207,209,207,204,202,199,204,207,209,209,207,207,209,212,215,215,212,212,215,215,212,209,209,212,215,217,217,212,207,199,194,191,0,0,0,0,0,0,0,215,222,217,207,194,183,178,176,176,181,191,199,207,212,215,212,207,199,194,194,196,199,199,196,189,183,178,170,165,157,115,113,0,0,0,0,163,178,186,186,186,189,196,196,194,189,183,189,191,191,186,178,176,181,194,0,0,0,0,0,0,225,230,238,235,228,217,217,217,212,207,204,199,186,183,204,225,0,243,248,254,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,178,181,178,173,173,176,178,0,0,0,0,0,0,0,235,222,202,191,191,186,178,173,172,172,173,178,189,199,207,207,207,209,212,222,228,230,233,235,235,233,228,222,209,202,198,198,199,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,173,178,178,181,186,173,139,111,100,108,111,111,113,121,131,144,152,144,142,144,97,82,84,86,86,101,155,155,157,155,137,95,186,207,217,215,202,183,173,169,170,181,191,199,202,157,0,0,0,35,13,0,0,0,0,49,121,160,82,0,0,0,0,0,0,0,0,57,59,98,111,121,129,113,111,124,144,170,189,199,202,204,209,212,202,75,27,157,196,202,199,199,199,199,199,202,202,202,199,199,196,196,199,204,204,204,204,204,204,204,202,199,196,196,196,194,194,196,194,194,194,194,194,194,194,191,186,183,183,183,178,131,176,181,181,176,130,128,130,176,176,127,127,176,178,170,170,178,186,194,191,181,170,173,183,191,191,189,191,194,191,183,176,129,127,176,202,212,189,98,117,178,189,186,178,131,127,124,124,125,125,129,176,186,189,189,189,186,186,186,173,117,118,125,119,114,125,129,128,129,173,176,176,176,178,183,186,191,194,191,183,170,168,168,127,127,176,173,122,122,173,183,186,186,178,168,125,129,170,173,173,170,170,178,189,199,202,196,194,199,204,204,202,204,207,209,204,196,194,191,178,173,181,181,173,170,170,170,173,189,191,189,181,176,176,178,178,173,129,128,128,128,131,178,183,181,178,178,178,176,173,131,173,173,176,181,186,183,181,186,191,191,176,118,116,127,196,207,207,207,202,196,191,176,127,127,131,181,186,183,178,181,191,202,204,191,176,121,119,173,202,209,209,207,196,181,131,131,131,131,129,133,178,178,181,183,189,191,194,196,204,207,199,189,176,131,173,173,176,176,173,127,125,126,173,183,186,178,129,125,129,173,178,181,181,183,189,194,189,173,119,116,118,123,127,173,181,178,173,170,170,129,125,122,123,127,176,186,191,191,183,173,170,173,183,194,194,183,129,119,118,121,127,173,170,173,178,173,128,126,170,189,199,204,207,204,189,170,127,125,123,125,129,173,181,191,207,212,207,199,194,191,191,191,191,194,196,196,194,189,189,191,194,199,202,199,199,202,204,199,186,173,129,127,125,170,170,127,125,127,129,170,173,173,170,123,121,173,194,207,212,215,222,222,217,217,215,202,178,170,173,176,170,125,119,119,119,109,103,111,129,196,204,209,207,189,131,128,129,183,189,189,176,125,127,189,207,217,215,215,217,222,225,215,207,205,205,205,205,207,204,186,123,119,125,131,173,176,176,173,131,127,127,117,109,112,183,189,129,119,121,123,127,129,129,129,127,173,189,189,127,118,120,127,183,183,115,107,109,119,127,117,70,62,93,173,183,183,176,170,168,125,125,125,124,125,170,178,181,181,129,123,125,121,114,113,123,173,170,170,181,191,186,183,191,196,191,189,189,178,127,127,178,183,183,183,178,170,176,189,194,186,166,166,173,173,172,176,186,186,178,127,123,125,117,88,77,93,170,191,194,191,186,170,119,125,176,173,121,117,119,121,122,123,170,176,178,189,194,189,176,127,170,176,178,186,194,189,173,170,168,170,176,178,176,170,170,173,170,168,173,178,178,170,127,127,168,170,170,173,173,129,123,129,129,129,129,170,173,170,129,170,173,173,176,189,191,186,181,178,173,176,181,183,183,176,127,125,125,125,127,170,173,176,178,178,173,173,173,170,127,125,125,125,173,186,186,176,173,176,178,189,191,186,181,178,181,181,178,176,173,168,125,125,168,183,196,202,196,181,127,125,127,125,123,129,173,170,176,181,181,178,176,176,183,194,202,202,199,199,202,202,199,199,199,204,207,207,196,194,191,186,186,178,109,103,106,125,181,189,170,98,101,168,186,181,183,189,189,186,178,123,113,113,123,173,181,181,181,176,168,128,128,127,127,173,176,173,181,186,181,176,173,170,129,129,170,173,176,178,170,120,123,181,183,183,178,172,172,176,178,178,173,173,173,176,176,178,183,181,129,123,125,131,178,186,191,194,191,189,181,173,173,178,183,181,181,194,196,191,183,181,183,186,181,181,183,189,194,194,191,189,189,194,196,191,191,199,202,204,204,204,199,194,194,199,202,204,199,189,135,178,199,207,209,209,204,123,107,115,189,196,196,199,196,183,125,125,181,189,189,189,186,186,186,181,178,173,129,125,125,122,122,127,178,191,196,194,191,191,191,194,199,202,199,202,204,204,196,189,186,189,194,199,202,202,202,207,209,209,204,199,199,202,204,183,107,109,125,129,131,133,135,133,131,130,133,178,178,131,131,178,183,186,183,186,189,191,191,191,189,189,189,194,199,202,202,199,194,191,183,133,131,131,131,131,133,131,129,133,181,186,189,194,196,196,196,196,196,194,191,189,186,183,183,183,183,183,183,181,181,178,178,173,172,172,173,176,176,178,181,186,189,186,181,125,102,93,95,105,117,115,109,103,101,107,123,176,178,170,127,131,183,189,183,183,189,191,189,186,191,194,194,194,196,199,199,199,199,196,194,191,189,182,182,186,191,194,194,191,191,189,186,181,178,133,133,133,133,135,135,178,178,181,183,189,191,191,191,191,191,194,199,199,196,196,196,199,196,194,191,194,194,191,189,189,194,202,207,207,209,212,209,209,212,215,215,209,204,200,199,200,202,209,215,217,215,215,215,215,217,220,222,222,222,222,220,217,217,215,215,215,212,212,212,212,212,215,215,212,209,207,204,202,199,196,191,186,181,178,176,173,170,168,168,170,170,170,168,163,119,115,111,107,105,103,103,103,103,103,103,103,99,95,95,95,97,99,99,99,97,93,89,87,87,89,89,89,85,85,85,91,95,101,103,101,103,103,107,142,147,150,147,109,105,105,111,155,157,157,152,152,155,155,157,160,160,155,116,116,117,117,117,119,117,117,117,121,163,165,168,168,170,173,173,173,173,178,181,183,183,183,183,183,186,189,191,196,202,204,199,194,187,186,191,196,196,189,183,181,178,135,133,133,133,131,130,130,133,178,183,183,182,182,183,186,189,189,189,191,191,191,189,186,183,179,179,186,196,196,191,189,191,194,191,189,189,194,196,194,194,194,196,202,207,207,207,204,199,196,196,199,194,189,189,194,199,204,204,204,204,204,202,196,194,194,194,194,191,186,183,183,186,191,194,189,182,182,189,199,202,194,191,196,199,196,189,186,187,189,189,189,181,133,127,126,127,178,186,189,183,178,173,176,178,178,176,176,178,178,178,178,176,176,181,189,191,186,179,179,183,189,191,191,191,194,196,199,202,194,186,178,133,133,133,132,131,131,133,178,183,183,181,178,178,178,181,178,177,178,178,178,176,177,181,189,191,189,186,186,186,189,189,189,191,189,189,189,189,183,182,186,194,194,183,135,178,189,194,196,195,195,196,202,209,215,207,200,200,202,202,199,196,195,195,196,199,196,194,191,194,194,191,186,185,186,189,191,189,189,191,194,194,191,186,183,183,186,189,189,186,186,189,186,186,186,186,186,186,183,181,178,133,131,131,127,129,135,178,181,186,191,194,194,194,194,194,194,191,183,181,179,181,183,178,131,123,121,123,125,125,127,129,127,125,127,173,176,176,176,178,181,186,189,191,189,183,178,178,178,181,183,186,189,191,191,189,189,186,186,189,189,186,186,191,196,199,194,189,181,178,181,183,183,176,125,124,129,183,191,191,186,181,181,183,186,186,183,183,182,182,186,196,199,194,196,204,209,212,209,207,196,185,182,186,199,202,199,196,196,194,189,181,179,181,181,137,137,139,183,191,196,202,207,209,209,209,209,209,209,204,199,196,196,196,199,196,196,191,183,133,129,129,173,173,173,131,127,125,123,127,173,173,127,122,122,125,129,133,183,202,209,207,199,194,191,191,196,202,207,209,207,204,202,202,199,194,186,183,183,189,194,199,202,196,194,191,191,189,189,189,186,183,181,181,178,178,181,186,194,204,207,202,196,199,199,194,186,181,168,159,163,183,189,179,179,194,202,0,0,0,0,0,0,199,194,192,199,207,212,217,217,217,215,215,212,209,207,202,198,198,199,202,204,207,207,207,207,204,202,202,207,209,209,207,204,207,209,215,217,217,217,217,217,217,215,209,209,212,217,222,217,215,212,207,196,189,183,189,0,0,0,0,0,215,217,215,207,194,181,173,168,170,176,186,196,204,209,212,212,207,199,196,196,199,196,194,191,186,178,173,168,160,117,0,107,0,0,0,0,165,178,186,186,185,186,191,194,189,183,183,189,191,191,189,181,176,178,191,0,0,0,0,0,220,222,0,238,235,228,220,217,217,215,209,207,199,183,181,199,222,235,243,248,251,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,183,186,183,173,170,170,176,0,0,0,0,0,0,0,241,235,222,202,194,186,176,173,173,173,173,176,183,194,202,204,204,207,215,228,233,233,233,230,230,230,230,225,212,202,198,199,202,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,176,181,178,173,160,147,137,134,137,131,121,116,124,150,155,160,163,155,155,157,147,88,89,99,103,144,147,143,147,150,134,94,144,181,222,217,199,181,170,169,170,178,189,194,194,144,0,0,0,0,0,0,0,0,74,95,49,129,87,0,0,0,0,0,0,0,0,116,108,111,43,0,21,49,65,157,181,191,196,199,199,202,207,212,209,25,0,77,191,196,199,199,199,202,202,202,202,199,199,199,199,199,202,204,204,204,204,204,204,202,199,196,194,196,199,199,199,199,196,194,192,192,194,196,194,186,178,178,183,183,176,130,131,173,176,176,173,131,176,181,186,127,124,178,178,127,127,173,183,186,186,176,170,176,189,196,194,191,191,191,186,173,123,121,119,125,189,202,196,66,117,191,199,194,181,170,127,124,124,125,125,127,173,183,189,191,194,196,194,191,178,117,117,117,109,111,127,173,170,170,170,170,176,183,189,191,191,196,196,194,183,178,176,178,181,181,183,176,120,120,173,186,191,194,183,168,123,127,170,176,178,181,181,183,191,202,207,204,202,202,204,204,199,198,202,204,199,189,189,186,178,176,178,178,173,173,170,169,169,178,186,183,176,176,178,181,176,128,127,128,129,128,129,173,178,176,176,178,181,181,173,131,131,173,176,178,183,183,181,183,189,189,181,123,120,129,194,202,204,204,196,189,178,131,129,129,176,183,186,183,181,183,191,196,194,183,131,122,122,173,196,204,202,194,183,133,131,178,183,133,124,125,129,131,178,186,194,202,204,207,212,215,212,207,194,181,176,131,131,173,176,129,125,124,127,186,191,183,170,125,127,170,176,178,181,189,196,199,191,181,127,118,117,119,127,178,186,183,176,173,173,173,129,127,129,170,176,181,186,183,176,129,129,176,189,199,202,189,125,116,116,119,123,125,127,170,173,170,128,129,181,196,207,207,202,194,176,123,123,123,125,129,178,183,191,202,215,217,212,202,196,196,199,199,199,202,204,202,196,189,187,187,191,199,204,204,204,204,207,204,196,183,176,125,123,125,129,125,125,170,173,173,173,129,122,120,120,129,194,209,215,220,225,225,222,222,215,196,173,129,176,181,178,170,123,117,109,101,102,115,170,194,204,207,202,186,130,128,131,186,191,189,181,133,178,189,199,207,209,212,217,225,225,217,209,207,207,207,207,207,196,178,123,121,127,173,173,176,186,186,131,125,125,121,113,116,176,176,121,123,129,129,170,176,176,173,126,129,183,183,126,119,120,129,181,178,119,113,117,168,176,173,123,121,173,189,196,194,178,124,115,108,112,119,123,125,170,176,178,178,173,129,127,123,116,116,127,176,176,173,181,186,178,178,199,207,196,189,183,129,109,109,123,173,178,186,189,181,178,178,176,168,165,164,168,173,172,173,183,186,183,176,170,168,119,101,93,97,117,183,194,194,186,170,123,127,173,176,168,125,123,123,122,123,170,176,176,178,181,178,170,125,125,127,170,181,189,183,168,126,168,173,173,170,168,170,176,178,178,176,176,176,176,170,127,126,127,129,129,170,176,183,189,186,178,173,176,181,186,176,127,127,170,173,178,191,196,191,183,173,170,178,191,199,199,189,173,125,124,125,127,129,173,176,176,168,127,170,178,173,125,125,170,176,178,183,178,172,172,176,178,189,191,186,178,178,181,181,176,173,173,173,173,127,125,173,191,196,191,173,124,124,125,125,123,127,173,176,181,189,189,186,189,189,194,202,209,209,207,204,204,202,199,199,202,202,204,199,191,191,194,194,191,183,121,108,111,119,170,194,194,127,119,173,186,181,181,181,183,183,176,127,121,168,186,194,189,181,176,170,168,170,176,127,125,129,170,128,129,173,170,170,173,176,129,128,129,173,176,181,173,116,118,131,178,178,173,172,173,178,183,181,178,176,176,176,176,181,189,186,176,129,131,178,181,186,191,194,194,191,183,176,173,181,189,189,186,194,202,196,186,181,186,189,186,181,181,183,186,189,189,189,189,194,196,196,199,202,204,207,209,209,204,202,199,202,202,204,207,199,186,183,194,199,207,212,207,181,117,123,183,189,196,202,199,189,178,181,189,191,191,189,181,176,174,174,178,181,176,170,127,123,123,129,181,191,199,196,194,191,189,191,196,199,202,204,209,209,199,191,186,191,196,199,199,199,202,204,204,204,202,198,195,198,207,202,137,129,135,137,137,137,181,181,178,178,181,183,186,181,178,178,181,183,182,183,186,186,186,186,186,189,191,194,196,202,202,196,191,189,181,135,131,130,130,131,133,133,133,176,183,189,191,196,196,196,194,194,194,191,189,186,183,181,181,183,183,183,186,183,178,178,178,176,173,173,173,173,173,173,176,183,189,191,189,178,107,95,98,104,107,111,119,119,105,97,99,121,176,173,170,178,191,194,183,179,183,189,183,178,183,191,191,191,194,194,196,199,202,199,191,189,183,181,182,186,194,194,194,189,189,186,183,181,135,133,131,131,131,133,135,178,181,183,186,189,191,191,190,190,190,194,199,202,196,194,194,194,191,189,186,186,189,189,189,191,196,202,207,209,209,209,209,207,209,215,215,212,207,204,202,200,200,204,209,212,215,215,217,217,217,217,220,222,222,222,217,217,215,215,212,212,209,209,209,209,212,215,215,212,209,204,202,196,194,191,186,181,178,176,173,170,170,168,168,168,168,168,165,160,155,117,111,105,101,101,101,101,101,101,101,101,99,97,95,95,97,97,99,99,97,93,89,88,89,91,93,91,87,85,89,93,99,101,103,105,107,107,107,109,147,150,152,150,147,152,157,165,168,165,160,157,155,157,157,160,160,155,116,116,117,119,119,157,160,121,121,121,123,163,165,170,170,173,173,173,173,178,183,186,186,189,189,189,189,191,196,196,199,202,199,194,189,187,189,194,194,189,183,183,181,135,133,133,131,131,130,131,133,178,183,183,182,182,183,186,189,186,189,191,191,191,189,186,186,183,186,191,196,199,196,191,189,191,186,183,183,186,191,194,196,196,202,204,207,209,207,204,199,199,199,202,202,202,204,207,209,207,202,202,204,204,202,196,196,194,194,194,191,186,183,183,186,191,191,186,182,182,191,202,202,199,196,196,196,194,189,187,187,189,191,189,186,181,133,129,131,178,186,186,181,173,173,176,183,186,183,183,181,181,178,178,176,176,181,191,196,191,181,178,181,189,194,194,194,196,196,202,202,194,186,178,135,178,176,133,132,133,176,181,181,178,176,178,178,178,178,178,178,181,181,178,176,177,181,189,194,194,191,189,189,191,191,189,189,189,186,189,186,183,183,189,196,196,191,186,186,194,196,196,195,196,199,207,212,215,204,200,200,202,202,196,195,196,196,196,196,194,191,189,189,189,189,186,185,185,189,191,191,191,194,196,199,199,194,186,183,186,189,186,185,186,189,189,186,186,186,183,181,183,181,178,135,135,178,178,135,135,135,135,183,191,194,194,194,194,191,191,189,186,183,183,183,178,133,125,118,116,117,121,127,173,173,129,125,125,173,181,181,178,181,181,183,183,186,186,181,178,181,181,183,186,189,189,191,189,189,186,186,186,178,129,133,183,194,196,196,191,181,131,127,129,133,176,133,126,125,128,178,189,189,189,186,183,186,189,191,189,182,182,183,191,196,196,194,196,207,212,212,209,207,199,191,189,191,199,204,202,196,194,191,186,181,179,181,181,181,137,137,183,189,194,196,202,207,207,204,204,207,209,207,199,194,191,189,189,191,194,196,191,178,128,128,131,176,178,176,173,129,131,178,183,181,173,127,127,129,129,129,178,196,204,207,204,202,202,199,199,202,204,207,204,202,196,194,194,191,186,181,181,183,191,199,204,202,199,196,194,191,191,189,186,183,181,178,178,178,178,181,183,189,194,196,196,196,196,191,178,168,163,159,178,199,202,189,186,196,204,0,0,0,0,0,0,204,199,196,199,207,212,215,215,215,212,212,209,209,207,202,199,198,198,199,204,207,204,204,202,199,199,199,204,204,204,204,202,204,209,217,225,225,225,225,225,222,215,212,212,217,228,228,0,217,217,215,0,191,183,0,0,0,0,0,0,215,217,215,209,196,183,170,160,160,168,178,191,199,204,207,207,204,199,196,199,199,196,194,189,183,181,176,168,160,113,0,107,0,0,0,152,170,183,189,189,185,186,191,191,186,183,183,186,189,191,189,181,176,178,191,0,0,0,0,0,222,0,0,235,235,228,217,215,215,212,207,202,194,178,178,196,220,233,241,246,251,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,183,189,186,176,168,165,170,0,0,0,0,0,0,0,243,243,233,215,202,186,176,173,176,176,172,172,178,189,196,202,204,207,215,228,233,235,233,228,228,230,230,225,215,204,202,204,207,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,178,186,178,170,157,142,134,139,144,137,118,137,157,181,178,178,181,176,173,170,163,107,105,150,160,152,142,135,139,152,150,99,101,137,199,202,189,178,170,170,170,178,183,181,118,5,0,0,0,0,0,0,0,0,55,74,0,13,9,0,0,0,0,0,0,0,108,207,176,131,0,0,0,45,126,176,191,199,202,199,199,202,204,207,207,0,0,53,189,194,196,199,199,202,202,199,199,196,196,199,199,199,199,202,204,202,202,204,202,199,196,194,191,191,194,196,199,199,196,194,192,194,194,196,189,181,174,176,183,186,178,131,130,131,176,183,183,183,183,183,191,170,122,173,176,125,126,170,176,181,178,173,170,181,196,199,199,196,196,191,181,123,114,113,115,123,181,186,178,40,109,194,199,194,183,173,129,125,125,127,127,127,173,183,191,194,199,204,202,199,194,173,125,118,97,115,178,178,173,170,127,125,170,186,196,199,199,202,202,194,183,176,173,181,186,189,183,168,120,122,170,181,189,194,189,168,123,127,129,173,183,191,191,186,186,196,204,207,207,207,209,207,202,198,199,202,196,183,181,181,176,131,129,129,170,173,170,168,168,170,181,181,173,170,176,176,173,129,170,173,173,170,128,170,176,176,176,178,183,183,176,173,173,176,176,178,178,181,181,181,183,186,186,173,126,131,186,194,196,194,183,176,131,131,173,181,183,183,183,183,181,183,186,189,186,181,173,124,122,127,181,189,189,181,173,130,133,189,194,178,122,121,123,127,178,191,202,207,207,209,215,215,212,212,204,191,181,131,129,173,181,181,170,125,127,189,194,189,173,125,125,127,129,170,181,191,199,199,194,186,178,129,121,119,127,178,183,178,173,181,183,183,178,178,178,178,176,176,176,173,129,127,170,178,191,199,202,191,125,116,118,123,125,125,127,170,176,173,173,178,189,196,204,199,191,181,125,120,121,122,123,131,178,183,189,202,212,215,212,207,202,202,199,202,204,207,207,202,196,191,189,191,196,204,207,207,204,202,202,202,196,189,181,129,122,122,123,123,125,129,170,173,173,170,123,122,123,170,194,209,215,217,222,222,222,222,212,191,127,125,176,186,189,181,170,121,102,98,103,125,176,189,196,199,194,183,130,128,176,196,199,191,178,178,186,191,189,194,199,207,215,222,222,217,215,212,209,207,207,202,189,131,123,121,123,125,123,127,183,186,127,125,173,173,129,173,176,127,119,127,173,129,173,181,186,186,176,176,189,196,186,129,129,176,181,176,127,127,176,178,183,186,186,178,183,191,199,204,199,127,113,105,111,123,170,173,170,173,178,178,181,181,173,127,123,127,176,183,183,183,183,181,173,173,196,207,191,178,176,121,105,105,113,125,173,189,194,189,181,173,166,166,168,168,170,178,178,176,181,186,186,183,178,168,119,111,113,107,115,170,186,186,176,127,123,123,125,170,173,176,176,173,168,170,181,181,173,170,173,170,168,125,121,122,168,178,181,176,127,126,176,178,170,122,123,168,178,183,181,178,176,173,168,126,127,168,170,173,170,170,176,191,199,189,176,129,170,186,191,178,126,127,176,183,189,202,204,196,183,129,129,183,196,204,207,199,181,127,125,127,127,129,170,173,170,126,125,168,178,176,127,127,178,183,181,178,174,170,173,178,178,183,186,178,173,176,181,181,176,176,181,186,181,168,125,127,178,189,183,173,125,125,127,125,123,125,129,173,186,196,199,196,199,196,199,204,204,204,204,204,202,199,196,202,204,207,207,199,191,191,196,199,194,183,123,111,111,113,115,170,191,183,176,176,178,176,176,178,181,183,183,181,176,186,199,199,189,173,127,125,168,178,186,173,128,176,176,128,127,127,127,128,176,181,173,129,128,129,173,181,173,116,117,131,176,176,173,176,181,186,191,186,178,178,176,174,172,174,183,183,176,173,176,181,183,186,189,194,191,189,183,176,173,176,183,183,181,186,194,194,183,181,186,191,189,181,178,178,178,181,183,186,189,191,199,202,202,204,204,207,212,212,209,207,202,199,198,199,204,202,194,186,183,181,196,209,204,183,127,131,181,183,189,196,191,189,186,189,191,191,191,186,181,174,173,176,186,189,183,173,127,125,127,170,178,189,194,196,196,194,183,178,181,191,196,202,207,204,194,183,186,191,199,199,196,194,196,202,202,204,204,199,195,198,204,207,204,207,204,194,189,186,186,186,183,183,183,186,189,189,183,178,183,186,183,186,189,189,186,186,189,191,194,194,191,194,191,189,186,183,181,178,176,133,133,133,178,181,181,183,186,189,191,194,196,194,191,191,189,189,186,181,178,178,178,181,183,183,186,183,181,178,178,178,176,176,176,173,172,172,176,183,191,196,199,194,181,178,176,119,104,104,121,178,129,95,79,81,107,127,125,173,191,191,179,177,181,186,178,134,178,186,191,191,189,189,194,202,207,204,196,191,189,183,186,191,196,196,194,189,186,186,183,178,133,131,131,131,133,133,135,181,183,186,189,191,191,190,190,191,191,196,202,199,194,189,191,191,191,189,185,185,186,189,191,196,202,204,207,209,209,207,207,204,207,212,215,212,212,212,207,200,199,202,207,212,212,215,215,217,217,217,217,222,222,222,217,215,212,209,209,207,207,207,207,209,209,212,212,209,207,202,199,194,191,189,183,178,176,176,173,173,170,168,165,165,165,163,160,157,155,115,111,105,99,99,99,99,99,99,99,99,97,95,93,93,93,95,97,97,95,93,91,93,95,97,97,93,89,89,93,97,101,105,107,107,109,109,109,109,147,150,152,155,157,163,168,170,173,173,170,165,160,163,160,160,157,155,117,117,119,157,121,121,160,160,121,123,123,123,125,168,170,170,170,173,173,178,181,186,189,189,189,189,191,194,196,196,196,196,196,194,191,189,189,191,189,186,183,181,178,135,135,135,135,133,131,133,135,181,186,189,186,183,183,183,186,186,189,191,191,191,189,189,189,189,194,196,202,204,202,194,189,189,185,183,182,185,189,194,196,202,204,207,209,207,204,202,199,198,199,202,204,204,207,207,207,204,199,199,202,204,202,199,196,194,194,194,191,189,186,186,189,191,191,186,183,185,196,202,202,202,199,194,191,189,189,189,189,189,189,191,191,189,183,178,176,178,183,183,181,176,176,178,183,183,181,181,181,181,183,183,181,178,181,191,196,194,186,181,183,191,194,194,194,194,196,196,199,194,189,183,183,186,186,183,181,181,178,178,133,129,127,131,133,176,178,178,181,181,183,181,177,176,178,186,196,199,199,196,196,196,194,191,189,186,186,186,186,183,186,191,194,196,196,194,194,199,202,202,199,196,199,204,209,209,202,200,202,204,202,199,199,199,199,199,194,191,189,186,186,186,186,186,185,185,186,189,189,191,196,199,204,204,202,191,186,189,191,186,185,186,191,194,191,191,186,181,181,181,183,178,135,135,181,183,181,178,135,178,186,194,196,196,194,194,194,191,191,189,189,186,183,178,129,121,117,115,117,123,133,181,181,176,127,127,176,181,183,183,183,181,181,181,183,183,183,183,183,186,186,186,186,186,186,186,183,181,181,176,123,118,121,178,191,194,186,183,133,125,122,122,123,127,131,133,129,133,178,183,189,194,196,194,194,194,196,194,186,186,191,196,199,194,191,196,209,215,209,207,204,202,196,194,196,202,207,204,199,194,191,183,179,179,181,183,183,181,137,181,183,186,191,194,199,202,202,199,202,207,204,194,189,186,182,182,186,194,199,196,183,129,129,176,183,189,189,183,178,181,183,186,186,181,178,176,133,131,129,176,191,202,204,204,204,202,196,194,191,196,199,199,196,191,189,189,186,183,179,178,179,186,196,204,204,202,199,194,194,191,189,186,181,178,135,133,129,129,135,178,178,183,189,191,191,194,191,178,168,165,168,202,212,207,194,189,199,207,212,0,0,0,0,0,209,204,199,199,202,207,209,212,212,209,209,209,209,207,204,202,199,198,199,204,204,204,202,196,194,194,196,202,202,202,202,202,207,212,222,228,230,230,228,228,225,222,215,215,225,230,233,228,222,225,225,0,0,194,0,0,0,0,0,0,217,215,215,212,202,186,170,0,0,160,173,183,194,199,204,207,204,199,199,199,199,196,191,189,186,183,181,176,165,117,0,107,0,0,113,157,176,189,194,191,186,186,189,191,186,183,181,181,186,189,189,183,176,178,191,0,0,0,225,225,222,225,230,233,233,228,217,212,212,207,202,196,189,177,176,191,217,230,241,246,251,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,181,186,186,178,168,160,165,0,0,0,0,0,0,0,0,243,238,228,209,194,181,176,176,173,172,172,176,186,194,199,204,209,217,225,230,233,230,228,225,225,225,225,215,209,207,209,209,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,173,178,173,160,152,134,134,144,139,126,139,170,181,186,186,183,183,183,186,183,173,157,147,163,176,157,147,157,165,176,173,150,103,101,142,168,178,173,170,173,176,176,176,144,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,113,220,204,142,0,0,0,0,144,196,194,199,202,202,199,202,199,194,51,0,0,0,75,189,194,194,196,199,199,199,196,194,194,196,196,196,196,199,199,199,202,202,199,196,196,191,189,186,189,191,194,196,196,196,196,199,199,194,186,176,176,178,183,189,186,176,128,128,176,191,194,186,183,186,186,176,126,126,127,126,125,129,173,173,170,127,129,181,196,204,202,202,199,196,186,127,114,113,116,129,183,183,83,60,101,186,194,191,181,170,127,127,127,129,129,170,176,186,196,202,204,207,207,202,199,194,189,176,127,178,178,173,129,127,123,121,129,189,202,202,202,204,202,189,183,176,173,176,178,183,178,122,120,168,173,176,181,189,178,123,121,127,129,170,183,196,196,183,176,186,196,204,204,207,212,212,209,204,202,199,191,181,173,173,131,127,127,127,170,173,173,173,169,173,173,173,170,169,170,170,173,176,181,183,178,170,129,129,176,178,178,181,186,186,178,173,176,178,178,176,173,176,181,181,178,181,183,181,173,131,176,181,183,181,176,131,131,176,183,186,183,181,186,181,178,181,183,186,186,181,173,125,121,121,129,178,176,131,131,133,178,194,196,181,125,123,123,125,133,189,202,207,204,202,207,212,209,207,204,199,189,173,129,173,186,196,189,173,129,186,191,181,129,125,127,127,125,127,178,191,196,196,194,191,186,176,127,121,125,173,176,170,170,181,186,183,178,178,178,176,173,173,173,127,126,129,176,181,189,191,191,183,129,123,127,129,129,129,170,173,183,191,189,183,186,191,189,183,178,176,170,125,122,121,123,131,178,177,178,194,207,212,209,207,202,196,194,196,204,207,202,196,196,194,194,194,199,204,207,204,199,196,199,199,196,191,189,178,127,122,121,122,125,127,127,170,181,183,183,176,127,170,191,209,217,217,217,217,217,215,212,186,121,125,178,189,191,186,178,170,111,101,121,186,186,189,191,189,183,181,131,127,131,191,204,196,177,178,202,199,178,131,178,191,202,212,217,217,212,207,204,204,196,186,181,133,129,123,125,123,120,121,131,173,127,131,186,191,194,196,183,123,121,129,129,128,129,181,191,196,194,189,194,202,202,191,181,178,178,129,125,170,181,189,189,186,189,186,186,189,199,209,212,196,168,183,183,186,186,178,170,178,181,181,189,194,186,173,131,173,183,191,196,196,191,181,177,178,189,191,83,69,93,117,115,112,113,119,129,183,191,189,183,176,170,173,178,178,178,181,178,176,181,189,191,189,183,170,125,123,121,117,119,168,178,178,170,125,121,119,119,127,173,176,186,191,186,189,191,189,176,168,166,168,168,123,120,122,173,183,178,168,127,173,191,194,123,117,121,168,181,189,181,178,176,170,125,124,170,186,189,186,178,173,176,189,194,186,173,126,128,181,186,178,129,170,189,202,204,209,215,209,191,126,124,178,189,196,202,196,178,129,170,170,170,170,173,173,170,126,125,168,176,178,176,176,183,186,183,181,178,176,176,176,176,178,176,173,173,176,181,178,178,183,191,196,189,170,123,123,168,176,176,170,168,170,170,129,125,127,127,129,181,199,202,202,202,199,199,202,199,199,199,202,202,196,199,202,207,209,207,199,194,199,204,202,199,189,123,110,110,110,109,110,127,178,176,168,170,173,176,178,178,183,189,191,191,196,199,194,178,125,121,123,127,173,178,178,181,189,189,176,127,127,127,129,176,178,173,129,128,129,173,176,127,117,117,125,176,173,173,178,183,191,194,189,181,178,176,173,172,174,178,181,178,176,178,183,186,186,189,186,183,183,181,176,131,129,131,173,131,127,178,183,181,178,186,191,189,183,178,177,177,178,183,186,189,194,196,199,202,204,207,209,212,212,209,207,204,199,198,199,199,202,199,194,178,126,131,196,202,191,186,183,181,181,181,183,189,191,189,189,191,191,189,183,178,176,174,178,189,191,183,173,127,125,129,170,173,176,183,191,196,194,186,170,169,178,183,189,196,189,176,174,183,194,199,199,196,190,194,204,209,212,209,207,202,199,202,207,209,215,212,204,199,196,194,194,189,183,183,186,191,189,181,178,183,191,191,191,194,194,194,194,194,196,194,191,186,181,176,178,178,178,181,183,183,181,183,183,186,189,191,189,186,189,189,194,194,194,191,189,186,186,186,181,176,176,178,181,183,181,181,181,181,178,176,176,178,176,176,176,176,176,181,189,194,194,196,196,194,191,183,127,113,111,123,181,191,176,79,67,65,83,71,89,181,186,179,177,181,186,176,132,133,178,183,186,183,186,191,204,209,209,202,196,196,191,191,196,199,199,196,194,191,189,186,178,133,131,131,135,178,178,181,183,186,189,189,191,191,191,194,196,199,199,199,196,189,186,187,191,194,191,189,186,189,194,196,202,204,207,207,207,204,204,202,204,209,215,217,215,215,217,212,202,200,204,209,215,217,215,215,215,217,217,222,222,222,222,217,215,209,207,205,205,205,205,205,207,209,209,209,207,202,196,194,191,189,186,183,178,176,178,176,173,173,170,168,163,160,121,157,155,117,113,109,103,101,99,99,97,97,97,97,97,95,93,91,89,89,93,95,95,93,91,93,97,99,99,99,99,97,97,99,103,107,142,109,109,109,109,109,111,147,150,152,157,163,168,168,168,173,176,176,173,168,165,163,160,157,119,119,119,157,121,160,160,160,123,123,163,163,123,123,123,165,168,168,170,176,178,181,181,186,189,189,189,191,194,194,194,191,189,191,194,191,189,186,186,186,183,181,133,131,133,176,178,178,135,133,135,178,183,186,189,189,186,186,183,183,186,189,191,194,191,189,189,191,194,199,202,207,207,202,194,189,186,186,186,186,186,189,191,196,202,204,207,207,207,204,199,198,198,199,199,202,202,202,202,199,194,191,191,196,202,202,199,196,194,194,194,191,191,191,194,196,196,194,189,186,191,199,199,199,199,196,191,186,186,189,191,191,186,186,186,189,189,186,178,133,133,178,181,178,181,186,183,181,176,133,133,176,181,183,183,183,181,183,194,199,196,191,189,191,196,196,194,191,191,191,194,196,196,191,189,191,196,199,199,194,186,178,129,127,126,126,127,131,176,178,178,178,181,183,183,183,178,178,186,199,207,207,204,202,202,199,196,194,191,194,194,191,186,186,189,194,196,199,199,199,204,204,204,202,199,199,202,207,207,202,202,207,207,202,199,202,202,202,199,196,191,186,186,186,186,186,185,185,186,186,189,191,196,199,202,204,207,204,196,191,191,191,189,189,189,191,194,194,194,189,183,183,186,186,183,178,135,178,183,183,183,181,183,189,194,196,196,196,196,196,196,196,194,189,183,181,176,127,121,119,119,123,133,183,189,186,181,178,176,181,183,186,186,186,183,181,183,181,181,186,189,189,186,186,186,186,186,183,183,181,178,176,131,122,118,121,178,191,186,176,131,131,127,123,121,121,124,131,176,178,178,181,183,189,196,202,202,199,196,196,194,191,191,196,199,196,190,189,194,207,212,207,204,202,199,194,191,196,202,204,202,196,194,189,183,179,179,181,186,186,137,136,137,181,183,189,191,196,202,202,202,199,199,199,189,183,182,182,181,182,189,194,194,189,183,178,181,189,196,199,194,189,186,186,186,186,183,183,181,176,133,133,178,186,196,202,202,202,202,196,186,181,183,186,189,189,186,181,179,181,183,183,181,181,186,196,202,204,199,194,194,194,194,189,186,181,178,133,123,114,117,129,183,183,183,183,183,186,189,189,183,183,194,202,212,215,207,194,191,202,212,217,0,0,0,0,0,212,207,202,199,199,202,207,212,212,209,207,207,209,209,207,204,202,199,202,204,204,204,199,194,192,192,196,202,204,204,204,207,209,215,222,230,233,233,233,230,228,228,225,222,225,230,230,228,225,225,225,217,207,199,204,0,0,0,0,0,217,212,212,212,204,191,173,0,157,160,168,178,189,0,207,209,207,199,199,199,196,194,191,189,189,186,186,181,170,157,113,0,111,113,117,165,183,194,194,191,186,186,186,189,189,183,178,178,181,186,186,178,173,176,191,209,222,228,230,228,225,225,230,233,233,230,222,215,209,204,196,194,186,176,172,178,209,230,241,248,254,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,178,178,186,183,168,160,163,0,0,0,0,0,0,0,0,0,0,230,215,202,186,178,176,173,172,173,178,186,191,199,207,215,222,225,225,225,230,228,222,215,212,217,215,212,209,209,209,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,160,147,129,137,134,134,137,131,131,165,186,189,189,186,186,189,191,191,191,183,165,155,160,160,144,150,170,181,191,194,170,142,100,98,139,157,165,168,173,176,173,173,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,204,207,155,0,0,0,0,108,189,189,196,196,194,191,191,183,51,0,0,0,0,21,117,183,191,194,199,199,199,199,196,196,194,194,194,196,199,199,196,196,196,194,194,194,191,186,185,186,189,194,196,196,199,202,204,202,191,178,174,174,181,186,191,191,176,127,127,173,183,186,181,178,181,181,176,127,125,126,126,126,170,173,129,126,125,127,181,196,204,207,204,204,202,199,186,127,117,121,176,194,199,109,86,173,194,194,186,176,129,127,129,170,170,170,173,181,191,202,204,204,207,207,202,196,196,194,186,178,176,170,125,123,121,119,117,125,186,202,202,202,202,199,189,181,173,172,173,176,176,127,121,125,181,181,176,178,176,123,117,121,170,170,173,183,194,196,183,173,176,186,194,199,202,207,209,209,209,202,191,183,176,173,173,173,129,127,127,127,127,170,178,176,173,170,173,170,173,173,170,170,176,181,183,178,173,129,170,176,181,181,181,183,183,181,173,173,176,176,173,131,173,178,178,176,176,181,178,173,131,131,173,173,173,173,173,176,181,186,183,181,181,183,178,177,186,191,186,183,178,176,127,121,122,173,181,176,131,178,178,178,183,186,176,129,127,125,124,127,178,196,204,202,196,202,204,204,204,204,199,186,129,127,176,186,194,191,181,170,173,176,173,127,125,129,127,126,127,176,186,189,189,189,186,181,173,127,123,127,173,170,127,128,176,178,173,129,128,129,173,176,181,176,126,125,170,181,186,183,181,178,176,129,127,129,170,173,173,173,178,189,196,189,178,176,173,173,170,170,173,173,129,123,123,129,176,178,178,177,186,199,202,202,202,199,194,190,191,199,199,196,196,199,199,196,194,194,199,199,196,195,196,199,199,196,194,194,189,176,123,121,123,125,124,124,173,191,202,202,191,173,129,186,207,215,215,215,215,215,215,207,173,121,173,186,191,191,186,183,181,170,125,181,202,199,191,186,183,178,176,178,173,130,173,194,194,181,186,207,204,178,123,119,121,131,191,207,207,199,186,181,133,127,127,133,183,186,176,131,125,121,122,131,176,131,181,194,199,202,196,181,125,125,170,170,128,129,181,191,196,194,191,194,199,199,189,178,178,181,129,124,127,178,191,194,189,189,186,186,186,194,207,215,207,191,189,191,191,186,170,121,176,176,176,189,196,191,181,176,178,189,196,204,207,202,194,189,189,186,173,72,65,79,115,121,119,119,119,119,125,176,181,176,170,176,189,194,191,181,168,109,111,176,186,191,196,194,181,176,170,127,125,127,170,173,176,176,168,121,107,115,127,170,176,186,196,196,196,196,191,178,168,166,168,168,125,122,123,173,178,173,125,123,170,186,191,170,121,123,170,181,183,178,176,176,168,125,127,189,204,204,196,183,173,170,176,183,181,178,129,128,170,176,170,127,178,204,215,215,217,225,222,204,126,124,127,173,178,186,186,181,176,178,178,176,176,176,176,170,127,127,170,176,176,176,178,181,183,183,183,186,183,181,178,176,170,170,173,176,176,176,176,178,183,196,199,186,127,119,119,123,127,127,123,123,127,173,173,129,129,129,173,183,196,202,202,202,199,199,199,196,196,202,202,199,194,194,199,204,204,202,199,199,204,207,204,202,196,129,110,110,111,110,111,123,170,168,165,166,173,178,178,178,181,189,194,199,199,194,183,168,121,121,123,125,127,170,176,181,189,189,178,129,129,170,173,176,176,170,129,129,129,173,173,127,118,117,123,173,173,173,178,183,191,191,186,178,173,176,174,178,186,191,186,183,176,176,183,189,194,194,186,179,181,178,173,127,126,126,127,125,122,129,178,178,177,181,186,183,181,178,177,177,181,183,189,191,196,199,199,202,204,209,212,212,212,212,209,207,204,202,199,199,202,204,204,189,124,122,178,196,202,199,194,183,181,179,179,186,194,194,191,194,194,189,186,181,178,176,181,186,186,178,170,125,119,125,129,170,170,173,178,191,194,196,191,178,173,131,133,186,176,170,170,178,191,196,196,194,191,199,209,215,215,215,212,209,207,207,209,212,212,212,207,204,207,204,202,196,189,183,186,189,181,177,177,183,191,196,196,196,199,196,196,196,196,194,189,181,176,174,176,176,176,181,183,186,189,191,194,194,194,194,191,189,186,189,194,196,194,191,186,183,186,189,183,178,176,178,181,181,181,176,173,176,178,176,178,178,176,173,173,176,178,183,189,191,189,186,189,191,186,178,127,123,127,170,181,191,196,178,79,62,51,49,60,119,181,181,181,189,189,178,132,133,135,181,181,183,183,189,199,209,212,207,202,199,196,196,199,202,202,199,199,196,194,189,181,135,133,135,183,186,186,183,186,186,186,189,189,191,194,199,204,204,202,194,189,187,186,187,194,194,194,189,189,191,196,202,202,204,207,204,202,202,199,199,202,207,212,215,215,212,215,212,207,204,209,217,222,220,217,215,217,217,220,222,222,222,222,217,215,209,207,207,205,205,205,205,207,209,209,207,204,199,191,189,189,186,183,181,178,178,178,178,176,176,173,168,163,121,119,119,117,113,109,105,101,97,99,99,97,97,97,95,95,95,93,89,88,89,91,93,93,93,93,95,99,101,99,99,101,101,103,105,107,109,109,107,105,107,109,111,147,150,150,152,157,163,165,165,165,168,173,176,173,170,168,165,163,157,157,157,121,121,121,160,160,123,123,163,165,165,125,119,117,119,121,123,127,173,176,176,178,183,186,189,191,191,194,194,189,183,181,183,189,191,189,186,186,186,181,133,125,124,129,176,181,181,181,178,176,178,181,183,186,189,189,189,186,186,183,186,191,191,191,189,189,191,196,199,204,207,204,199,191,186,186,189,189,191,189,189,191,194,196,202,204,204,202,199,198,198,199,202,204,204,202,199,194,191,189,189,190,194,196,199,199,196,194,194,194,191,191,191,194,196,196,191,189,189,194,199,202,199,196,194,191,186,185,186,189,189,186,182,182,183,186,183,133,131,133,176,176,131,176,183,183,178,133,132,132,133,178,181,181,181,181,186,194,202,199,196,194,196,196,194,191,189,189,186,189,194,199,196,194,199,207,209,204,194,183,131,126,126,126,126,129,133,178,181,183,183,183,186,189,191,189,186,189,202,212,212,209,207,202,199,196,196,199,202,204,202,194,189,189,191,196,199,199,199,204,207,209,204,199,196,199,202,202,199,204,209,207,202,196,196,199,199,199,196,194,189,186,189,189,186,186,186,189,189,191,194,202,204,204,207,204,202,196,194,194,194,194,194,194,191,191,194,194,191,186,186,191,191,189,183,178,178,181,183,186,186,189,191,194,196,196,196,196,196,196,196,194,189,186,183,176,127,121,121,127,133,183,194,196,191,186,183,183,183,186,189,189,189,183,183,183,181,183,189,194,191,189,189,189,189,186,186,183,181,181,181,176,129,125,133,189,191,181,130,130,131,131,129,125,127,131,178,178,178,176,178,183,186,194,199,196,194,191,191,191,191,194,194,196,191,189,189,196,207,209,204,199,196,194,190,190,194,199,199,196,191,189,183,181,179,179,181,186,186,181,137,181,181,183,191,194,196,199,204,202,196,194,189,186,183,183,183,186,186,189,189,189,189,189,186,189,194,196,196,194,189,186,189,191,189,183,183,181,178,178,181,183,183,186,191,196,199,199,194,189,183,137,135,133,135,181,181,183,186,191,191,191,194,199,202,204,199,194,192,194,194,194,191,189,189,186,135,115,110,111,125,183,189,189,189,189,186,186,191,191,199,209,212,215,212,204,194,194,204,215,222,225,0,0,0,0,0,207,204,202,202,204,207,212,212,207,204,204,207,209,209,207,204,202,202,204,207,204,199,194,192,192,196,204,207,209,209,212,215,217,222,228,233,233,233,230,230,230,228,225,225,228,228,225,225,225,222,215,204,198,204,0,0,0,0,0,217,209,209,212,207,194,181,168,160,160,165,176,186,0,212,212,207,202,199,199,199,196,194,194,191,189,186,183,176,163,119,115,115,115,155,168,183,191,194,191,189,186,189,189,189,181,176,173,178,181,181,176,170,173,189,207,222,230,235,233,230,228,230,233,233,230,222,215,207,199,194,191,189,178,173,177,202,228,238,248,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,176,173,181,181,168,160,160,0,0,0,0,0,0,0,0,0,0,0,217,204,191,181,176,173,173,178,183,186,191,196,207,215,222,222,222,222,225,225,217,209,207,212,215,215,212,209,207,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,87,59,74,121,131,131,131,131,142,183,191,189,186,186,189,194,194,194,191,186,168,157,157,147,139,160,178,186,196,199,178,152,105,100,103,142,144,144,152,157,160,165,33,0,0,0,0,0,0,0,21,65,0,0,0,0,0,0,0,0,0,0,9,0,0,103,209,163,59,0,0,0,0,0,150,163,183,181,178,176,170,144,37,0,0,0,0,0,75,165,183,191,196,199,202,202,202,199,192,192,194,194,196,194,194,192,194,194,191,191,189,186,183,185,189,191,196,199,199,204,207,204,189,176,173,176,181,189,194,191,176,129,130,176,178,176,173,173,176,176,170,126,126,127,127,129,176,176,129,126,126,129,181,194,202,204,207,204,204,202,196,181,129,173,186,202,207,181,115,191,199,196,186,178,173,170,170,129,170,173,178,186,196,204,204,202,204,207,202,196,194,191,183,178,173,129,123,119,117,116,115,121,173,186,194,196,196,196,189,178,173,173,173,173,170,123,122,178,189,186,183,181,173,119,115,168,178,178,176,181,186,189,183,176,173,178,183,189,191,196,199,199,202,191,181,176,176,178,181,178,129,125,123,121,121,127,173,173,129,129,173,173,176,181,176,170,170,176,178,178,173,170,170,173,178,178,178,181,183,183,178,131,129,129,127,129,173,176,176,173,176,178,178,173,131,131,131,129,129,131,176,183,183,181,178,178,178,181,178,181,196,199,186,178,173,173,127,122,124,186,194,183,181,186,183,176,133,133,131,131,133,129,125,125,131,186,194,194,191,191,191,191,196,196,189,173,124,125,173,178,183,183,176,129,127,129,129,125,125,127,129,127,170,176,181,181,178,178,176,170,129,129,127,129,173,129,127,128,173,173,129,128,127,127,170,181,186,181,126,124,170,183,186,181,173,169,170,170,170,170,176,178,176,173,176,183,189,178,127,125,125,127,125,125,129,178,173,125,125,173,178,181,183,178,181,191,196,196,199,202,196,191,190,191,191,191,196,202,204,196,192,191,194,196,195,195,196,199,199,196,194,196,194,181,127,123,125,125,124,125,181,202,212,209,199,178,125,176,199,209,212,212,215,215,212,191,111,111,176,191,189,186,183,183,183,178,173,181,199,204,196,186,181,178,176,186,191,173,131,181,189,191,199,207,199,133,116,114,117,125,176,183,181,131,115,87,80,85,105,127,189,199,183,173,125,122,127,183,189,186,194,202,204,202,191,176,129,176,178,176,173,173,178,183,186,183,183,189,191,189,178,176,181,194,189,129,127,176,194,199,194,191,186,186,186,191,199,207,202,189,183,186,189,176,119,113,121,123,125,178,189,189,181,178,181,189,199,207,209,209,204,199,196,191,181,91,75,99,117,119,119,123,125,117,117,125,127,114,115,178,199,204,196,183,119,85,82,105,173,186,196,196,189,186,181,173,170,173,173,170,178,183,178,119,89,111,125,125,127,176,189,194,196,194,189,178,173,170,170,170,168,125,123,127,173,170,125,118,118,127,178,173,125,127,168,176,173,173,176,170,125,125,170,196,209,209,199,183,170,127,127,170,178,183,178,170,129,129,127,125,181,207,217,217,217,222,225,212,176,127,127,127,170,176,178,186,183,183,183,183,183,181,173,127,127,170,176,181,178,173,176,178,178,181,183,186,186,186,181,176,168,168,170,170,170,170,173,178,186,196,194,127,115,116,121,123,125,123,117,116,121,170,178,176,170,173,178,186,194,199,202,202,202,199,196,195,199,202,202,194,186,181,186,194,194,191,191,196,202,202,202,204,204,181,113,110,121,119,119,127,170,166,164,166,173,178,181,181,181,183,191,196,196,189,170,123,121,123,125,123,125,168,173,178,183,183,176,129,170,176,178,176,170,129,129,129,127,129,129,123,119,119,127,176,176,176,176,181,183,186,178,131,131,176,181,191,199,199,194,189,178,176,181,191,202,202,194,183,181,178,173,127,126,126,127,127,124,129,178,178,177,177,177,177,177,177,177,178,181,186,191,199,202,202,198,199,204,209,212,212,212,209,209,209,207,204,202,202,204,207,209,202,123,119,127,194,207,207,199,189,183,179,181,189,196,196,196,199,199,194,191,189,183,181,181,181,178,170,125,119,117,119,127,170,170,125,129,183,194,202,199,186,173,128,131,183,176,170,170,178,189,191,191,191,196,204,215,215,215,215,215,215,212,212,212,212,212,209,207,207,212,212,209,204,194,186,186,186,178,176,177,183,194,199,199,199,196,194,191,191,189,186,183,181,178,176,178,176,131,133,178,183,186,191,194,191,191,191,191,189,189,191,194,196,194,191,183,183,189,191,186,178,176,178,181,181,181,173,170,172,176,181,181,181,176,172,172,173,178,183,186,183,178,176,178,181,178,127,123,127,178,178,178,189,199,199,173,73,51,51,64,115,176,186,189,191,189,181,134,135,178,181,181,181,181,183,194,207,212,209,202,196,196,199,199,199,199,199,202,199,196,191,186,181,178,183,191,194,194,189,186,185,185,186,189,191,194,202,207,207,202,194,189,189,189,191,194,194,191,189,189,191,199,202,202,202,199,199,196,196,194,196,199,204,209,212,212,212,212,212,209,212,220,225,225,222,217,217,217,217,220,222,222,222,222,220,217,212,209,209,209,207,207,207,207,209,209,207,204,199,189,186,186,186,183,181,178,178,178,178,178,176,173,168,160,119,119,117,115,111,105,101,97,96,97,99,99,97,95,95,95,93,91,89,89,89,91,93,93,95,97,99,99,101,101,101,103,105,107,144,144,144,107,104,104,105,111,150,152,152,155,157,160,163,163,160,160,165,168,170,168,165,165,165,165,160,121,119,119,121,121,160,163,163,165,168,170,170,165,119,113,112,113,115,121,129,173,173,176,181,189,191,191,191,194,191,183,178,174,176,183,191,189,186,186,186,181,127,122,122,125,133,181,186,183,181,178,178,178,181,186,189,189,189,189,186,183,186,189,189,189,186,189,191,194,199,202,202,199,194,189,186,189,191,191,194,194,194,191,190,191,196,202,202,199,198,198,199,204,207,209,209,204,199,191,189,189,189,190,194,196,199,199,196,194,194,191,191,190,191,194,196,194,189,187,189,194,199,199,196,194,194,194,191,189,186,186,189,186,182,182,183,189,186,176,132,133,133,129,124,125,133,178,178,133,132,132,133,176,178,178,178,181,186,194,199,199,199,196,199,196,191,189,186,186,185,186,194,202,199,196,202,207,204,194,181,133,129,126,127,129,133,176,181,183,186,189,189,189,191,196,199,196,194,194,202,209,212,212,207,196,191,191,194,199,202,204,199,194,186,183,181,186,191,194,196,202,204,207,204,199,196,199,199,196,196,202,207,207,199,194,194,194,196,196,196,194,189,189,191,189,186,186,186,189,191,194,196,204,207,207,204,199,196,194,194,194,196,196,196,196,194,191,191,191,191,191,191,196,196,194,189,181,178,181,183,186,189,191,191,194,196,196,196,194,191,189,189,189,189,189,186,178,127,123,125,176,183,189,196,196,191,186,186,189,189,186,186,186,186,186,183,181,181,186,191,196,196,191,189,186,186,189,186,183,183,183,183,178,176,181,189,194,189,176,130,130,133,133,176,178,183,186,186,183,176,174,176,181,186,191,196,191,190,190,190,191,191,194,194,191,190,190,191,199,207,207,202,196,194,191,190,190,194,196,196,191,189,183,181,181,181,181,183,186,186,183,183,186,189,191,199,199,196,199,204,204,196,191,186,186,186,189,191,194,196,194,189,186,183,186,183,186,191,194,191,186,183,186,191,196,194,189,183,183,181,183,186,186,183,182,183,191,196,196,191,191,189,183,130,127,129,135,183,191,196,199,199,204,207,207,207,204,196,192,191,199,202,202,202,202,202,196,186,119,111,112,125,189,196,196,194,191,178,178,191,199,209,217,217,212,207,199,194,196,209,222,230,230,0,0,0,0,0,207,204,204,204,207,209,212,209,204,200,200,204,209,212,209,204,204,204,204,207,207,202,196,194,194,196,204,209,212,215,217,217,217,220,225,228,228,230,230,230,230,228,225,225,225,225,225,225,225,222,212,199,196,199,0,0,0,0,0,0,212,212,212,209,199,189,178,168,165,168,173,183,0,215,215,209,204,202,202,202,199,199,196,194,189,186,183,178,168,160,117,117,117,155,163,178,189,191,191,191,191,191,194,189,181,173,173,176,178,181,176,170,173,183,202,215,230,235,233,230,228,228,230,235,233,225,215,207,199,191,194,196,191,178,178,194,215,235,246,254,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,173,168,168,165,163,157,152,0,0,0,0,0,0,0,0,0,0,0,0,209,199,189,181,176,176,181,183,189,194,199,204,209,212,215,217,217,222,217,209,204,204,209,215,217,215,209,207,205 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,69,26,66,113,129,131,130,134,152,183,189,186,183,186,189,194,194,194,189,181,168,160,160,147,140,181,186,189,196,191,170,155,150,147,142,103,88,79,81,91,144,165,173,0,0,0,0,0,3,7,139,152,17,0,0,0,0,0,0,0,0,0,0,0,0,67,131,29,35,49,0,0,0,17,87,87,142,157,160,160,160,152,93,77,77,0,0,0,91,115,170,183,194,199,202,204,204,202,194,192,192,194,194,192,192,192,194,194,194,194,191,186,185,185,186,191,196,199,202,204,207,204,189,178,174,178,183,186,186,183,173,176,183,186,178,170,129,170,129,129,127,127,127,170,129,170,178,178,173,129,129,173,178,189,196,202,204,202,202,202,199,189,178,183,191,196,196,176,117,186,199,196,189,186,186,181,129,125,127,173,183,191,196,202,202,199,202,204,204,199,194,189,178,173,173,170,125,119,117,115,115,119,119,113,170,189,189,189,189,178,173,173,176,170,170,168,168,181,186,186,186,189,178,117,115,173,181,181,178,176,176,178,181,178,173,173,178,181,181,181,181,183,183,183,181,181,183,183,181,176,125,119,115,117,123,170,170,129,127,127,170,170,176,186,178,169,169,170,178,183,183,178,173,170,170,178,183,183,189,191,186,173,129,126,126,127,173,176,176,174,178,181,178,173,173,131,129,128,129,131,178,183,183,178,173,176,178,181,178,183,202,199,178,129,129,131,127,123,127,194,202,191,186,189,183,133,129,128,129,133,178,133,129,127,129,181,186,183,178,176,176,178,181,181,173,127,124,124,127,176,178,176,170,128,128,129,129,125,124,125,127,129,173,176,176,173,173,170,129,128,129,170,173,176,178,173,129,173,176,173,170,170,129,168,173,181,183,181,126,123,127,178,181,178,170,169,170,173,178,183,189,183,173,129,129,173,178,173,127,127,127,125,123,122,127,181,178,125,124,176,178,183,189,181,176,186,194,199,204,207,207,199,191,190,189,191,199,207,209,204,194,191,194,196,196,196,199,202,199,194,191,191,191,181,127,125,125,127,125,127,181,199,204,202,194,176,123,170,194,209,212,215,212,212,202,105,75,81,125,181,181,176,176,170,170,173,170,173,189,204,202,189,178,173,178,189,194,186,181,183,191,199,204,204,189,125,106,113,129,178,176,133,129,121,105,88,82,83,83,87,121,186,181,131,125,125,178,199,207,204,204,207,207,202,189,173,173,181,181,178,176,176,176,173,172,172,176,181,186,183,176,174,183,204,212,186,170,173,186,191,191,189,186,183,183,186,191,194,191,178,172,173,178,127,115,111,113,112,119,173,183,183,181,178,178,183,194,199,202,204,204,202,202,199,194,183,173,129,123,119,121,170,176,121,121,129,119,98,101,178,204,207,199,186,168,90,80,82,111,168,183,186,183,183,183,176,173,178,176,168,176,191,186,123,86,113,119,117,117,125,176,189,194,194,186,178,176,176,176,170,168,123,121,122,168,173,125,115,113,119,170,168,125,127,170,173,170,170,173,127,124,124,127,183,196,199,191,181,170,127,127,127,129,170,176,173,129,127,124,125,173,199,215,217,215,217,217,209,191,181,176,170,173,173,176,191,189,189,191,194,194,186,173,123,123,170,181,186,181,173,173,173,176,178,181,183,183,183,181,176,170,127,125,121,121,125,170,181,191,199,189,116,112,117,170,173,127,123,116,114,117,170,181,181,170,170,176,183,191,199,202,199,199,196,194,194,199,204,202,189,178,176,178,186,189,187,187,191,196,191,191,199,202,186,121,117,176,170,168,173,176,170,170,173,173,176,178,178,181,181,183,186,191,183,168,121,119,123,125,125,127,168,170,173,176,173,170,129,170,178,181,176,170,129,170,131,127,127,125,121,119,121,131,181,181,178,178,178,178,178,131,127,127,176,186,194,199,196,191,189,181,173,178,194,207,207,202,196,183,178,173,129,127,129,129,129,125,129,178,181,181,178,177,176,176,177,178,181,183,191,196,204,207,204,199,199,204,209,212,212,209,209,209,209,209,207,207,204,204,209,212,194,120,119,133,196,207,207,202,194,191,186,186,191,196,199,202,202,204,202,199,194,189,183,181,178,173,127,119,117,117,121,127,170,129,121,121,176,186,189,178,173,129,129,176,186,183,176,174,178,183,186,183,189,196,207,215,215,215,215,215,215,215,215,212,212,212,212,212,212,215,217,215,209,199,189,183,183,181,181,183,189,196,202,204,202,194,189,183,181,181,181,181,181,181,181,178,131,119,117,127,133,178,183,186,183,183,186,189,186,189,191,194,194,191,186,181,181,186,189,183,176,173,176,176,178,181,176,172,173,181,183,183,181,176,172,170,173,181,183,183,178,176,173,174,176,170,122,123,170,181,183,183,186,194,196,191,181,129,119,115,123,176,189,194,191,189,183,181,181,183,181,179,179,179,181,191,207,212,207,194,190,194,196,196,194,194,196,199,202,199,194,189,183,181,186,194,199,196,191,186,185,185,186,189,191,191,196,202,204,202,194,191,191,191,191,191,191,191,191,189,191,196,199,199,196,191,189,189,191,191,194,196,202,204,207,209,209,209,209,209,215,222,228,225,222,217,217,217,217,220,222,222,222,222,222,217,217,215,212,212,209,209,209,209,209,207,204,202,196,189,186,186,186,183,183,183,181,178,176,173,170,168,163,121,119,117,115,113,109,105,101,97,97,99,99,99,97,95,95,93,91,89,89,89,91,91,93,95,97,101,101,101,101,103,103,105,109,144,150,150,147,107,104,105,109,113,152,155,157,157,160,163,163,160,157,157,163,165,165,163,160,163,165,165,163,119,117,117,118,121,163,165,168,168,170,173,176,170,121,113,111,111,112,119,127,170,173,173,183,189,191,191,191,191,189,183,176,173,174,183,191,194,186,183,186,181,127,122,124,129,176,181,186,186,186,183,181,178,181,183,186,189,189,189,186,186,186,186,186,186,183,186,189,191,196,199,199,196,191,189,189,191,194,194,196,196,196,191,190,190,196,202,202,199,198,199,204,209,212,212,212,207,202,196,194,194,194,194,196,199,202,202,199,194,194,191,191,190,191,194,196,194,191,187,189,191,196,196,194,191,191,194,196,191,186,183,189,186,183,183,189,196,194,183,176,176,133,125,121,121,125,176,176,133,132,133,133,176,176,176,178,181,183,189,194,196,196,196,196,194,189,186,189,189,186,189,194,202,202,199,196,196,189,135,129,131,129,129,133,178,181,183,186,186,189,189,191,194,196,202,204,199,194,191,196,204,209,207,202,191,183,183,189,194,194,191,189,183,178,133,129,129,133,181,189,194,196,196,196,196,196,196,196,194,194,196,202,202,196,194,191,191,191,194,196,194,191,191,191,189,183,183,186,189,191,194,196,202,207,207,202,196,194,194,194,194,194,196,196,196,196,196,194,194,191,194,196,199,199,194,189,186,183,183,186,189,189,189,191,194,196,196,194,189,186,183,183,186,189,191,189,181,133,129,133,183,186,191,196,196,191,186,189,189,189,183,181,181,183,183,181,178,181,186,191,196,196,194,189,183,183,183,183,183,186,186,183,178,178,186,194,194,189,178,133,133,133,133,176,183,191,194,191,183,176,174,176,181,186,191,194,191,191,191,191,194,194,196,194,194,191,191,194,202,207,207,202,196,194,191,191,194,194,196,194,191,186,183,183,183,183,186,186,189,189,189,191,194,194,196,204,202,196,196,202,204,199,194,189,186,186,189,194,202,202,199,191,183,178,133,129,133,181,186,186,181,178,178,186,196,199,196,191,189,189,189,191,189,183,182,182,189,196,196,191,191,191,186,131,126,128,135,186,194,199,202,204,207,209,209,207,202,199,194,196,204,209,212,212,209,204,196,183,127,117,119,133,194,202,199,194,181,165,166,189,204,215,222,222,209,199,191,189,196,209,228,235,238,0,0,0,0,0,207,204,204,204,204,207,209,209,202,199,199,202,209,212,209,207,204,204,207,209,209,207,202,199,199,202,207,212,217,222,222,220,217,217,222,222,222,225,228,230,228,228,225,225,225,225,225,225,228,225,212,202,196,199,209,0,0,0,0,0,217,215,217,215,207,196,186,176,170,168,170,181,199,212,215,209,207,204,204,204,204,204,202,196,189,186,183,178,173,163,157,119,117,117,160,173,186,191,194,194,196,199,199,194,183,176,173,176,178,178,176,170,170,181,196,212,228,230,230,228,225,222,228,233,230,225,215,209,202,196,199,204,202,189,181,189,209,230,243,254,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,176,168,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,209,199,191,183,178,176,178,186,194,202,207,204,204,207,209,215,217,212,204,200,200,207,215,217,215,209,205,205 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,85,62,82,111,126,131,131,139,152,173,178,181,183,186,189,191,191,189,181,170,163,163,163,155,150,183,191,194,194,183,163,155,160,160,152,105,85,78,80,88,137,168,183,75,25,25,13,142,152,124,155,163,100,0,0,0,0,0,0,0,0,0,0,0,0,100,108,0,0,25,0,0,0,85,79,31,26,79,131,147,160,173,183,207,222,157,0,9,111,109,117,170,186,194,196,202,204,202,199,196,194,194,194,194,194,194,196,196,196,196,194,191,189,185,185,189,196,204,207,204,204,199,191,183,178,181,181,178,173,131,131,181,194,196,181,129,128,129,127,127,127,129,170,173,170,170,173,176,176,173,173,170,170,176,189,196,199,199,202,202,199,189,178,186,194,191,183,123,107,173,194,194,191,194,194,186,129,123,125,176,189,194,196,196,196,199,202,204,207,202,196,189,178,173,176,176,129,123,119,116,119,125,113,103,111,183,186,183,186,181,172,176,176,169,170,181,178,178,178,183,186,189,176,109,101,117,168,176,176,170,170,173,178,176,173,173,176,176,176,131,131,173,181,186,191,194,191,186,178,129,123,111,109,117,173,189,181,173,125,125,127,125,129,178,176,170,169,173,183,191,194,186,176,129,129,183,194,196,196,196,191,181,131,127,126,127,173,176,178,178,181,183,181,176,173,173,129,129,131,173,178,183,183,176,173,173,131,176,176,181,194,189,129,123,129,176,131,124,127,189,196,186,183,183,176,129,128,128,129,176,178,176,131,129,131,181,189,181,129,126,127,131,131,131,131,131,131,123,123,173,181,176,170,170,173,173,170,127,124,124,127,170,176,173,173,173,173,129,128,127,129,178,183,189,189,181,176,178,181,178,178,178,178,173,170,168,173,176,168,125,126,170,176,176,173,173,170,173,186,196,194,181,127,125,125,129,176,178,178,183,181,129,121,120,125,178,178,125,125,176,181,183,191,186,176,181,191,199,207,212,209,199,191,190,190,194,202,209,212,209,202,196,199,199,199,202,204,204,202,194,186,186,183,176,127,127,129,129,127,127,173,181,181,181,181,129,123,129,189,207,212,209,207,202,117,76,69,77,121,178,178,129,123,119,119,125,129,129,181,204,202,189,170,129,178,183,186,196,199,194,194,204,209,204,186,127,103,118,189,194,186,176,131,123,113,113,121,109,80,68,82,125,173,129,127,131,189,209,217,217,212,209,209,202,186,173,173,178,176,176,178,176,173,170,168,168,172,176,181,181,176,176,186,204,209,189,127,123,127,170,178,181,181,178,176,176,178,183,183,178,173,173,170,125,115,112,114,111,123,178,183,183,181,178,178,181,189,191,194,196,199,202,204,204,202,196,191,183,176,127,129,176,181,129,129,181,173,103,107,194,204,209,202,186,173,117,91,88,107,119,170,176,173,176,176,173,176,183,178,127,127,183,183,123,102,119,119,116,117,125,178,191,196,191,183,178,181,183,178,170,127,123,121,122,170,176,125,113,112,121,173,124,122,168,176,178,170,170,173,127,125,125,126,170,181,186,186,183,178,173,170,125,113,91,113,129,129,125,123,124,129,191,212,215,215,212,212,204,196,191,186,178,176,176,176,186,189,191,199,207,202,189,168,121,125,170,181,186,181,170,168,170,173,176,178,176,178,181,178,173,170,125,120,118,118,121,168,181,196,207,199,125,117,176,186,181,168,125,121,116,119,173,183,183,129,123,127,178,189,202,204,199,199,195,192,194,199,207,202,189,178,177,179,189,189,187,189,191,189,181,181,189,189,181,170,170,178,170,168,173,173,176,183,186,178,170,168,170,176,178,178,181,183,181,170,121,119,121,123,125,125,125,127,129,170,170,129,129,170,176,176,173,170,170,170,173,131,127,125,121,121,125,178,186,189,186,183,178,178,176,131,127,127,131,173,178,189,189,186,183,176,172,178,194,204,207,204,199,189,181,176,173,173,173,131,129,123,123,129,178,186,186,183,181,178,178,181,183,189,196,202,209,209,207,199,199,204,209,212,209,209,209,209,207,207,207,207,204,204,212,209,131,118,122,189,202,204,204,199,196,196,194,189,191,194,199,202,207,207,207,204,199,189,183,178,176,131,127,121,118,119,123,125,127,125,117,116,127,129,123,121,123,125,131,181,189,191,183,178,178,181,181,181,186,196,207,212,212,212,212,215,215,217,215,215,215,215,215,215,217,222,222,217,212,202,189,186,189,194,194,194,196,199,204,204,202,189,181,179,179,179,181,183,183,181,181,178,127,112,111,116,123,127,176,181,178,178,183,186,186,189,191,189,189,186,181,178,181,181,181,178,173,172,173,173,131,176,178,176,178,181,183,183,178,173,172,172,176,181,183,178,176,176,174,176,176,129,123,125,176,183,183,186,189,189,186,186,189,186,183,176,176,181,189,194,194,191,186,186,186,186,181,179,179,179,186,199,212,212,202,190,187,191,196,194,194,194,194,196,199,196,194,189,183,181,183,191,196,199,194,186,185,185,189,189,189,189,186,189,194,196,191,189,189,189,189,189,189,191,191,191,191,194,196,196,191,189,187,187,189,189,194,196,199,202,204,207,209,209,209,209,212,220,225,222,217,217,217,217,217,220,222,222,222,222,222,222,220,217,215,212,212,209,209,209,207,207,202,199,194,189,186,186,183,183,183,183,183,178,173,165,125,123,121,119,117,115,113,111,109,105,103,101,101,101,101,99,97,95,93,93,91,89,89,89,91,93,95,97,101,103,103,103,103,105,107,109,144,150,155,155,152,147,109,109,113,152,155,157,160,163,163,163,163,160,157,157,160,160,160,160,160,163,165,168,165,121,118,117,118,121,163,168,170,170,173,176,178,176,127,119,115,113,115,121,129,173,173,176,181,186,189,189,189,189,186,183,181,176,176,183,194,194,183,177,181,181,133,131,176,178,181,183,183,186,186,186,183,178,178,183,186,189,189,189,186,186,189,189,186,183,181,181,186,189,191,194,194,194,191,191,191,194,194,194,196,199,196,191,190,191,199,204,204,202,202,207,209,212,212,212,212,209,207,204,204,202,199,196,199,202,202,202,199,196,194,194,191,191,191,196,199,196,194,191,189,191,191,194,191,189,189,191,194,191,186,183,183,183,181,183,191,196,196,186,178,178,176,127,122,122,125,176,178,176,176,176,176,176,178,178,181,183,183,186,189,191,191,191,191,189,186,189,191,194,194,194,199,202,202,199,194,186,178,131,130,135,135,135,181,183,186,189,189,189,189,191,194,196,202,204,207,199,194,189,191,199,204,202,196,189,181,183,186,189,181,133,129,129,129,127,122,120,121,129,181,189,186,183,186,194,199,199,196,194,194,194,194,196,196,194,194,191,189,191,194,191,191,191,191,189,183,183,183,189,191,194,196,202,204,207,204,199,194,194,194,191,189,189,191,194,196,199,199,194,194,194,196,199,196,194,191,191,189,186,186,189,189,189,186,189,191,194,191,189,186,182,183,189,191,191,189,183,181,183,186,186,189,191,194,194,189,189,189,191,186,181,176,133,133,176,176,176,178,183,186,189,191,189,186,181,176,176,178,183,186,186,181,176,181,186,191,191,189,186,183,183,176,132,176,183,194,196,191,183,176,176,181,186,189,191,194,196,196,196,196,196,196,194,194,191,191,191,194,199,207,209,204,196,194,194,196,199,196,194,191,189,186,186,183,186,189,191,194,191,191,191,194,194,191,194,199,196,191,191,196,202,202,199,196,189,186,186,191,196,199,196,191,183,133,123,117,118,127,178,181,178,173,173,178,191,199,202,199,196,196,196,191,186,183,182,182,189,199,202,194,189,189,189,137,131,133,137,189,196,199,202,204,207,204,202,202,202,204,207,207,207,212,212,209,199,189,137,135,135,131,133,183,196,202,199,191,173,164,166,194,212,222,225,222,207,194,183,183,191,209,230,241,241,0,0,0,0,0,204,202,202,202,202,207,209,209,204,200,199,202,207,212,212,209,207,207,209,212,215,212,207,204,202,202,207,212,217,222,222,217,215,215,217,217,217,220,225,228,228,225,222,222,222,222,220,222,225,225,212,204,199,202,209,222,0,0,0,0,0,222,222,217,212,202,191,183,176,168,168,173,191,207,209,209,207,204,204,204,204,204,199,194,189,183,183,178,173,165,157,157,119,0,119,168,0,191,196,199,202,204,202,196,186,178,173,173,176,176,173,165,168,176,194,212,225,225,225,225,222,217,222,225,225,220,215,212,207,204,204,209,209,196,183,186,202,222,238,254,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,189,183,165,0,0,150,0,0,0,0,0,0,0,0,0,0,0,0,0,228,217,207,199,189,181,172,172,178,191,202,207,207,204,202,204,209,215,212,202,199,199,204,209,215,215,209,207,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,92,108,105,113,126,134,134,137,147,163,173,178,183,186,189,189,183,178,160,155,157,160,160,163,165,181,186,189,191,181,165,165,173,173,168,157,105,91,91,95,139,160,168,142,75,53,37,165,155,131,144,157,155,150,33,0,0,0,0,0,0,0,0,0,0,144,165,0,0,0,0,0,1,129,137,29,17,55,85,139,157,181,199,209,212,176,0,0,91,103,109,163,178,186,191,196,202,202,202,202,199,199,199,199,199,199,199,199,199,196,196,196,191,186,185,186,196,204,207,204,202,196,191,183,176,176,133,129,127,125,129,186,202,202,186,170,129,129,127,126,129,170,176,176,173,169,169,170,173,170,129,125,124,125,173,183,189,194,199,202,196,183,131,183,194,194,186,121,101,125,186,189,189,194,196,191,173,123,124,173,189,194,194,191,194,199,202,204,204,202,199,194,183,173,173,176,173,127,123,123,127,176,121,106,113,183,183,182,183,178,173,178,178,169,173,189,183,176,176,181,181,178,123,99,93,95,109,125,170,170,170,173,176,173,170,170,176,178,176,131,130,131,181,194,199,202,199,189,176,125,113,97,103,111,170,191,181,176,125,124,125,124,125,170,170,170,173,178,186,196,199,191,176,127,129,189,202,202,199,199,194,183,173,129,129,131,176,176,178,183,189,191,189,181,176,176,173,131,173,176,181,183,186,181,178,131,126,127,129,131,178,173,121,120,173,186,183,131,131,178,183,178,176,133,129,128,129,131,133,176,178,133,129,129,131,186,196,189,126,125,127,131,131,131,176,183,181,121,119,131,181,173,170,173,176,176,170,127,127,127,170,173,173,129,129,173,176,173,128,127,129,181,191,199,202,191,181,181,186,191,189,183,181,176,168,164,166,170,173,170,170,168,170,173,173,173,168,170,181,194,189,127,123,122,123,127,176,181,189,196,194,173,121,120,125,176,176,129,170,181,183,189,196,194,178,176,186,194,204,209,207,199,194,194,196,199,202,204,207,207,204,202,199,199,199,204,207,204,202,196,186,181,176,170,129,129,170,129,127,126,127,129,128,129,170,127,122,123,176,191,194,189,183,173,105,81,79,119,181,186,183,170,121,116,116,121,127,125,127,183,189,181,125,125,176,173,173,196,202,196,194,202,209,204,191,178,129,178,191,194,189,183,176,127,119,121,127,129,115,89,101,127,173,131,129,178,196,209,215,217,215,209,204,196,181,173,172,170,172,178,183,186,181,178,176,173,173,173,176,178,178,181,189,196,194,176,121,121,122,125,170,176,170,125,121,123,168,178,183,186,183,178,170,125,119,117,125,125,181,189,189,186,183,181,183,183,189,191,191,191,194,199,204,209,207,202,194,194,194,189,176,129,129,123,127,181,186,183,191,202,204,209,204,183,127,119,115,119,123,127,176,181,176,173,173,173,178,191,191,170,115,105,103,105,113,123,125,123,125,178,189,196,196,191,183,183,189,191,181,168,125,123,123,125,173,176,125,115,116,127,170,120,118,170,183,183,176,170,173,170,168,168,127,170,178,183,186,186,183,181,178,129,99,72,97,125,129,125,123,124,127,183,204,209,209,204,199,194,191,189,183,173,170,173,173,178,183,194,207,212,202,178,123,121,127,173,178,178,170,125,125,168,170,176,176,174,174,178,176,173,168,125,121,119,119,121,127,176,191,204,199,181,176,186,186,170,125,168,127,119,119,170,183,183,129,120,125,186,199,207,209,204,204,204,199,196,196,199,196,186,181,183,189,191,191,189,189,189,183,177,177,178,170,127,173,178,173,121,119,121,117,127,183,186,178,127,124,125,168,176,178,178,181,181,176,125,115,115,119,123,121,117,119,125,170,173,173,173,129,125,123,125,127,129,173,176,178,176,131,127,127,173,181,189,194,191,186,183,181,181,176,131,131,126,121,122,176,186,183,181,176,173,176,189,199,204,204,199,189,183,183,183,183,181,176,129,123,117,121,176,191,196,194,191,186,183,183,189,194,202,207,209,209,207,204,204,207,209,209,209,209,207,207,204,204,204,207,207,209,209,202,124,119,133,199,202,202,202,196,194,196,194,191,191,191,196,204,209,209,209,204,196,183,178,176,176,173,170,127,123,123,123,121,121,119,116,115,117,116,115,119,125,129,173,183,189,189,186,181,181,181,181,181,186,194,202,204,202,202,207,212,215,217,215,215,215,217,222,222,222,222,222,217,212,202,191,186,191,199,202,202,202,202,204,204,199,186,181,179,179,181,183,186,186,183,181,178,129,115,114,119,121,117,121,129,131,176,183,189,189,189,189,186,183,181,178,176,176,178,176,172,170,172,173,131,130,131,176,178,178,181,181,178,176,173,173,173,178,181,181,176,176,176,176,176,176,170,125,129,178,183,181,181,183,181,176,170,173,183,189,189,189,191,191,194,194,191,191,191,191,189,181,179,181,183,191,207,215,212,202,190,190,194,196,196,194,194,194,194,194,194,191,189,183,181,183,189,194,194,191,186,186,189,191,191,189,183,178,178,183,183,181,181,183,186,189,186,189,189,189,189,189,189,194,194,191,189,187,187,189,191,194,196,199,199,202,204,209,209,209,209,212,217,220,217,215,215,215,217,217,220,222,222,222,225,225,222,222,217,215,212,209,207,207,207,207,204,199,194,191,186,183,181,181,181,181,181,181,176,165,123,119,117,117,117,115,113,111,109,107,105,105,105,103,103,101,99,97,95,93,91,89,87,85,87,89,93,99,101,103,103,103,103,107,109,147,147,150,155,160,163,160,155,152,152,155,155,157,160,163,165,165,163,160,157,157,157,157,157,157,157,160,163,168,170,170,168,163,123,121,163,165,170,170,170,170,173,176,178,173,168,127,125,125,127,170,173,173,176,178,178,178,178,183,186,183,183,183,183,181,189,196,194,178,173,174,181,186,191,194,191,186,183,183,186,186,186,183,178,178,181,183,186,189,189,189,189,189,189,186,181,181,181,183,189,191,191,191,191,191,191,191,194,194,194,196,196,196,194,191,196,202,204,204,204,207,209,212,212,212,212,212,212,209,209,207,202,199,196,196,199,199,199,199,196,196,194,194,191,194,196,202,202,199,194,191,191,191,191,190,189,189,190,194,194,189,183,178,135,135,181,186,189,189,181,178,178,178,133,129,127,131,178,181,181,178,178,178,178,181,186,189,189,186,183,186,189,191,191,191,189,186,191,196,202,199,199,202,204,204,202,196,189,183,183,183,183,178,178,183,186,189,191,191,194,194,196,196,199,202,204,204,196,191,189,191,196,202,199,191,183,181,183,186,181,127,119,118,121,125,127,123,120,120,127,181,183,182,181,183,191,199,199,196,196,196,194,192,194,196,199,196,194,189,189,191,189,189,191,194,191,186,183,186,189,191,194,196,202,207,209,209,207,202,196,191,186,183,183,186,189,196,199,199,196,194,196,196,196,194,191,191,194,191,189,186,189,189,189,186,185,185,186,189,191,191,186,183,189,191,189,183,181,186,191,194,191,189,191,194,194,191,191,194,194,189,178,131,130,129,129,131,176,181,181,181,181,183,186,183,178,133,132,133,181,186,183,178,176,176,178,181,183,183,186,189,189,181,133,176,183,191,194,191,183,178,181,186,189,189,191,194,199,202,202,199,196,194,191,189,189,189,189,191,196,207,209,204,194,189,189,196,202,199,194,191,189,186,186,186,186,189,194,194,191,191,191,191,191,186,182,186,189,189,189,194,196,199,199,202,196,191,186,185,186,186,189,189,186,176,119,114,116,123,176,181,178,173,169,173,186,199,202,199,199,202,199,191,183,182,183,186,194,204,204,194,185,185,186,186,186,183,183,191,196,199,202,204,204,199,196,196,204,212,215,212,207,207,207,202,189,133,125,127,137,183,186,194,199,202,199,194,181,173,183,207,217,225,225,217,204,189,181,181,191,207,225,238,241,0,0,0,0,0,204,200,200,200,202,207,212,212,209,204,200,202,207,209,209,207,207,207,209,212,215,215,209,207,204,204,207,209,212,217,217,215,209,209,215,215,212,215,222,225,225,217,215,212,212,212,212,217,222,222,215,207,204,204,207,215,0,0,0,0,0,225,225,217,212,204,196,189,181,173,166,168,181,199,204,207,207,204,202,202,202,202,196,191,183,181,181,176,170,163,121,157,119,0,117,165,0,0,196,202,204,207,204,196,186,178,176,173,173,173,168,163,160,168,191,209,222,225,225,225,222,217,212,215,215,212,212,215,212,209,209,212,209,199,189,189,199,215,233,251,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,191,196,199,183,0,0,155,152,0,0,0,0,0,0,0,0,0,0,0,0,228,222,209,199,191,181,173,172,173,186,199,212,217,215,204,202,204,212,212,204,200,199,202,207,212,212,212,209,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,124,118,121,134,142,139,137,144,160,173,178,181,183,186,181,173,157,110,112,160,160,121,165,170,170,173,176,178,176,170,176,183,183,181,173,157,142,137,134,142,155,165,157,131,79,45,116,81,113,131,155,168,181,137,0,0,0,0,0,0,0,0,0,47,186,191,163,23,0,0,0,0,121,178,55,27,75,97,150,160,178,191,199,189,111,0,0,29,85,107,163,176,178,181,189,196,199,204,204,204,204,204,202,202,199,199,202,202,199,196,199,196,189,185,189,199,204,207,204,202,196,189,176,127,123,125,125,125,127,176,191,202,202,186,176,173,173,129,127,170,176,181,178,173,170,169,173,176,129,124,123,123,124,127,131,178,186,196,199,191,176,127,176,191,199,196,125,81,105,176,181,183,194,199,196,178,126,124,170,186,191,191,191,194,196,199,199,202,202,202,194,181,129,127,173,176,170,129,125,170,181,129,119,129,183,183,183,183,178,178,183,181,170,173,186,181,176,176,178,176,170,123,107,96,97,107,121,168,168,129,173,173,170,169,170,176,183,181,173,131,173,183,194,202,207,207,196,176,115,87,83,101,111,119,127,121,127,125,125,129,127,127,129,129,173,176,178,183,191,191,183,129,121,127,183,194,196,194,194,189,181,173,131,173,178,178,176,178,183,191,196,194,183,176,173,173,176,178,181,183,189,191,191,186,133,126,126,125,125,129,125,117,117,181,194,196,189,181,178,176,133,130,131,131,131,133,176,176,178,176,133,131,131,176,186,196,189,127,125,129,133,133,133,181,189,183,121,119,125,173,131,129,170,173,173,170,170,170,173,173,173,129,125,125,173,181,178,170,128,170,181,189,196,202,194,183,183,194,202,196,183,178,176,170,164,165,170,178,186,183,173,168,173,173,168,127,127,173,178,168,121,121,122,123,127,176,181,189,199,196,176,124,123,129,176,178,178,181,186,191,196,199,196,181,173,178,191,202,207,204,199,196,202,207,204,199,195,195,202,204,204,202,199,199,204,207,204,199,196,189,181,176,170,170,176,176,170,126,126,129,129,128,128,170,168,123,122,125,127,123,117,115,115,115,119,196,209,196,189,183,173,125,119,116,118,127,125,123,127,173,129,123,123,125,123,123,173,186,186,189,194,202,199,194,186,183,183,183,183,183,186,183,173,123,125,173,189,207,212,199,183,173,129,129,181,191,199,204,209,209,202,194,183,173,173,172,168,176,189,202,204,202,199,199,196,181,173,170,176,183,189,191,191,181,127,120,122,127,168,176,173,123,119,118,121,173,186,189,186,181,173,127,125,123,123,181,189,199,202,194,189,183,186,186,189,191,196,196,196,194,196,204,209,207,202,196,196,199,196,178,119,113,117,123,129,183,196,204,204,204,209,202,178,123,119,123,178,178,178,186,191,186,176,173,176,183,199,209,199,113,93,93,100,125,170,178,183,186,194,199,199,194,189,189,191,199,196,178,123,123,125,168,170,173,173,168,125,127,168,125,118,119,178,191,194,181,170,170,173,173,176,173,178,183,186,183,186,186,186,183,173,105,74,103,123,127,125,124,125,129,181,194,202,199,194,189,183,181,178,173,124,123,173,178,176,181,194,207,207,186,119,109,115,125,168,168,168,127,124,123,125,168,176,176,174,176,178,178,170,127,127,127,123,121,121,125,170,178,189,186,181,183,186,176,122,122,170,170,121,117,127,183,186,125,118,127,207,212,209,209,207,209,212,207,199,194,191,189,186,189,196,199,194,189,186,186,183,181,181,183,178,115,113,173,186,178,119,117,115,109,113,168,176,170,126,124,126,170,176,178,178,178,181,181,127,114,112,115,119,117,115,116,125,178,183,183,181,170,113,107,113,123,127,131,178,186,183,181,181,183,186,186,189,194,191,186,183,183,186,183,178,176,127,121,121,129,183,189,189,189,178,131,173,183,196,196,194,189,189,191,194,196,196,189,178,125,111,107,127,189,196,196,194,194,189,186,191,202,207,209,209,209,209,207,207,207,207,209,209,209,207,204,202,202,202,204,207,207,202,183,125,125,194,207,202,199,196,191,186,191,194,191,191,190,196,207,209,209,207,199,189,176,176,176,176,178,178,176,129,127,125,119,119,121,119,117,117,115,115,121,131,176,181,186,186,183,183,183,183,186,186,183,183,189,191,191,186,186,196,207,215,217,217,217,217,220,222,222,222,217,215,212,207,199,189,189,189,191,196,202,202,202,202,199,194,186,181,179,181,183,186,186,183,178,176,173,131,127,129,129,123,112,118,127,131,176,186,191,189,186,183,183,181,178,176,173,173,173,173,172,172,173,178,176,130,130,131,176,176,178,178,178,173,173,173,178,181,181,178,176,173,173,176,176,173,170,170,176,181,181,178,176,170,129,127,126,125,176,189,196,199,196,191,189,191,194,194,196,194,189,181,181,186,191,196,207,212,209,202,194,191,194,194,196,196,194,191,189,186,189,189,186,181,181,183,189,191,191,186,186,189,194,196,194,189,183,135,133,135,135,133,135,183,186,186,186,186,189,186,183,183,186,191,196,196,191,189,191,191,194,196,199,199,199,199,204,209,212,212,212,212,217,217,215,213,213,215,217,217,220,222,222,225,225,225,225,222,217,215,209,207,207,207,207,204,202,196,191,186,183,181,178,176,176,176,176,176,170,125,121,117,115,115,113,113,111,111,109,107,105,105,105,105,103,101,101,97,95,93,91,89,85,84,85,89,95,101,105,105,103,103,105,109,147,152,152,152,160,165,168,168,165,163,160,157,157,157,160,163,165,165,163,160,160,160,157,156,156,157,160,160,163,165,170,173,176,176,170,168,165,168,170,170,170,168,168,173,178,178,178,178,178,176,176,176,173,173,173,173,131,128,131,178,181,181,181,186,186,186,194,202,196,178,170,172,181,194,199,199,196,191,189,186,186,186,186,181,176,176,178,183,186,189,191,191,191,191,189,186,183,181,183,189,191,191,191,191,191,191,191,191,191,191,194,194,194,194,194,196,199,199,202,202,204,207,209,212,212,212,212,215,212,209,207,202,199,194,194,194,196,199,199,199,199,196,196,194,194,196,199,202,202,202,199,194,191,191,191,191,191,191,191,191,191,191,183,135,134,135,178,178,178,178,177,177,178,178,181,178,176,176,178,181,183,183,183,181,181,186,191,196,194,189,186,189,194,196,196,196,194,194,199,204,207,207,204,204,204,204,202,202,199,196,194,194,189,183,181,186,189,191,194,196,196,199,199,196,196,196,199,196,189,186,186,189,196,199,194,183,178,178,183,186,176,119,116,117,119,125,129,127,122,123,133,183,183,182,183,191,196,199,199,199,199,199,196,194,194,199,202,202,194,191,189,189,189,189,191,196,194,189,189,189,191,191,194,196,204,209,212,215,212,204,196,186,181,179,181,183,189,194,196,196,194,194,196,196,194,191,191,191,196,194,189,186,189,191,189,186,185,185,185,189,194,194,186,183,189,191,186,181,183,189,194,194,194,191,191,191,191,189,191,194,194,189,178,132,130,130,130,131,178,183,181,176,133,176,181,183,178,133,132,133,181,183,181,176,133,129,125,127,133,181,186,189,189,183,178,178,186,191,191,189,183,181,181,186,186,186,189,194,196,199,196,194,191,186,181,181,181,183,186,189,194,204,207,202,183,137,181,194,202,199,194,191,189,186,186,183,183,183,183,183,186,186,186,189,189,183,179,182,186,189,191,194,196,194,196,199,199,194,186,182,181,181,185,191,194,183,125,117,118,127,178,181,176,173,170,173,183,194,194,189,194,199,196,189,183,183,189,194,202,207,204,191,183,182,186,191,191,186,186,191,196,199,199,202,199,194,192,196,207,215,215,207,196,196,202,202,191,133,120,118,133,186,194,199,202,202,199,196,191,194,207,215,220,225,228,217,202,183,179,181,191,207,217,230,233,0,235,243,238,222,207,202,200,200,202,209,215,217,215,207,204,204,207,209,209,207,207,207,207,212,215,212,209,207,204,202,204,207,209,212,212,209,208,208,209,209,207,209,215,217,215,212,209,209,209,209,209,212,217,217,212,207,204,204,204,207,0,0,0,0,0,0,222,217,209,202,196,191,186,178,168,166,176,191,202,204,204,202,196,196,199,199,194,186,181,178,176,173,165,160,121,121,119,0,116,163,183,0,0,204,207,209,204,196,189,181,178,176,173,173,165,160,157,163,181,204,217,222,225,228,225,215,211,211,211,211,211,215,217,217,217,217,212,204,196,196,204,215,228,246,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,187,194,199,189,163,0,157,157,160,0,0,0,0,0,0,0,0,0,0,0,0,220,209,199,191,181,176,172,173,183,202,217,228,228,212,202,202,207,212,209,204,202,202,204,207,209,212,215,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,131,126,129,144,152,147,139,147,165,176,178,178,181,181,173,157,112,110,113,173,163,118,160,165,163,165,165,165,168,170,178,183,183,183,173,155,144,142,144,150,160,163,160,147,142,63,63,54,75,150,170,181,194,183,61,67,168,152,0,0,0,0,0,129,196,212,228,176,27,0,0,0,11,134,41,25,83,137,155,157,165,178,183,170,107,79,0,29,49,115,165,170,168,170,178,189,196,202,202,204,207,204,202,199,196,199,202,202,199,199,199,199,191,186,186,194,199,204,204,202,194,183,127,118,117,119,123,125,129,176,189,199,196,183,176,176,178,170,129,176,183,186,183,178,173,176,181,178,129,123,123,127,127,127,129,176,183,194,194,186,131,125,128,181,194,194,113,51,59,123,131,183,194,202,196,181,127,125,129,181,186,186,189,189,189,189,191,196,199,199,189,129,112,117,129,176,176,170,127,129,178,176,176,178,181,181,183,181,177,181,189,186,173,170,178,176,176,173,176,170,127,168,170,125,119,119,125,127,123,123,129,173,170,169,170,178,186,183,176,170,173,181,191,202,207,209,199,127,91,76,78,117,119,117,115,112,121,129,170,178,176,170,170,170,176,176,176,178,183,181,173,121,118,121,129,176,183,186,189,183,178,131,173,181,183,181,176,176,181,189,191,189,178,129,129,131,176,178,183,186,191,199,204,199,183,131,127,124,124,127,123,116,115,186,199,204,199,186,178,176,133,130,133,176,176,181,178,178,178,133,133,176,178,181,189,191,183,131,129,133,176,176,133,178,183,181,125,122,124,129,127,127,129,170,170,173,178,178,176,173,170,125,124,125,173,181,181,173,170,176,178,176,181,191,189,183,186,194,202,196,178,169,170,170,166,166,170,183,196,194,173,127,170,170,127,125,126,168,127,122,120,122,123,125,168,173,178,181,189,189,176,127,129,173,178,181,183,186,191,196,199,202,196,181,130,176,191,202,207,207,204,204,209,212,207,196,191,191,196,204,207,204,199,199,204,204,202,196,194,189,181,173,129,173,178,181,173,127,129,176,178,170,168,170,170,127,123,123,123,117,112,112,114,170,194,222,222,196,181,173,170,173,127,116,116,127,168,125,127,125,121,121,121,119,119,121,119,129,173,178,186,189,191,191,186,181,179,179,179,182,189,191,186,173,183,202,212,215,212,207,194,131,125,126,173,183,189,191,199,202,194,181,172,170,178,176,169,183,199,212,215,212,212,212,209,191,173,129,178,189,194,191,186,176,125,120,125,173,173,178,173,123,119,121,176,196,202,194,183,127,119,119,123,127,129,191,202,207,204,196,189,186,186,186,189,194,199,202,199,194,196,204,207,202,199,196,196,199,196,176,109,101,115,121,121,129,196,207,207,207,209,199,181,129,123,170,186,183,178,186,194,189,178,176,176,183,204,225,228,183,95,96,115,178,183,194,204,204,204,204,199,194,191,194,202,207,202,176,119,120,125,170,176,176,173,173,178,178,173,125,120,123,186,199,202,183,170,170,176,178,178,178,186,189,186,183,182,186,189,189,181,119,79,117,125,125,125,124,127,173,181,191,191,189,186,181,178,178,173,127,121,120,173,183,181,181,189,199,196,127,102,100,107,117,123,125,127,125,124,123,124,127,173,178,176,178,181,178,170,127,127,168,127,123,125,168,173,173,173,176,178,181,183,173,122,122,168,170,117,112,121,183,186,120,115,170,215,212,204,199,196,199,204,204,194,189,186,186,189,199,212,209,196,186,186,186,186,186,191,199,191,101,99,170,189,194,173,125,117,109,112,125,170,168,127,127,170,173,176,178,178,176,181,183,170,115,112,114,119,117,116,119,170,189,194,191,189,178,109,103,109,119,125,131,181,189,189,191,194,196,199,194,191,191,191,183,182,182,189,189,183,178,173,127,126,131,181,191,202,199,183,123,119,122,181,189,189,189,191,194,202,207,209,207,194,123,99,94,105,181,194,194,191,194,191,189,194,204,209,209,207,207,209,209,209,207,207,207,209,209,207,202,199,196,199,202,202,199,186,133,131,183,204,209,204,202,194,183,178,181,189,194,194,191,199,207,209,207,202,194,181,174,174,178,181,181,183,178,129,127,127,125,125,170,170,125,121,119,116,123,173,178,183,183,178,178,183,189,194,196,194,191,186,183,183,178,133,133,183,196,207,215,215,215,215,215,217,217,217,212,209,207,202,194,186,183,183,181,186,196,199,199,196,191,186,183,183,181,181,181,183,183,178,130,128,128,131,173,178,178,129,118,127,176,176,181,186,189,183,181,181,181,181,178,176,172,172,173,173,173,176,178,181,178,173,130,170,173,176,178,181,178,176,173,176,181,181,178,176,173,170,170,170,173,170,170,173,178,181,183,181,176,125,124,126,127,127,176,189,196,199,194,187,187,191,194,196,196,194,186,181,183,191,196,196,196,202,204,202,196,194,191,194,194,194,191,186,183,182,183,186,183,181,178,181,186,189,186,186,186,191,196,199,196,191,181,133,133,133,133,132,135,186,189,186,186,186,186,183,179,179,183,191,199,202,199,194,194,194,196,199,199,199,199,199,204,209,215,215,215,217,217,217,215,213,215,217,217,217,222,222,225,225,225,225,225,222,217,212,207,204,204,204,204,202,196,191,186,183,181,178,176,173,173,173,176,173,168,123,121,119,117,115,111,111,111,109,107,105,105,105,105,105,103,103,101,99,97,95,91,89,85,84,84,87,97,103,105,105,103,103,105,144,152,157,157,157,165,168,170,173,170,168,163,157,157,160,163,165,165,165,163,160,165,165,163,160,160,163,168,168,163,163,165,173,178,181,176,170,168,168,170,168,165,125,125,168,173,176,181,183,183,181,181,178,176,176,176,131,128,126,128,176,181,178,178,183,189,191,196,202,196,181,173,173,181,196,199,196,194,194,191,189,189,186,181,178,133,131,133,178,186,191,191,191,191,191,191,189,186,183,186,191,194,194,191,191,191,191,191,191,191,191,194,194,191,191,194,196,196,196,196,199,199,202,204,209,209,212,212,212,212,204,199,194,194,192,192,192,194,199,202,204,202,199,196,196,196,196,199,202,202,202,199,196,194,191,191,194,194,194,191,189,189,189,181,133,135,181,181,178,177,176,177,177,177,178,183,183,183,178,176,181,186,186,186,186,186,186,194,199,196,191,189,191,196,202,204,207,204,202,204,212,212,212,209,207,207,204,202,204,204,202,196,191,189,186,183,189,194,196,199,202,199,199,199,196,191,191,191,189,181,181,183,186,194,194,186,173,173,176,183,189,178,119,116,118,123,127,129,129,127,127,135,183,183,186,191,196,196,196,196,199,202,202,199,196,196,202,204,202,196,191,189,186,186,186,191,196,194,191,189,189,191,191,191,196,202,207,209,212,209,202,191,183,181,181,182,186,189,191,191,191,194,194,194,196,196,196,194,196,196,194,189,189,189,189,189,189,189,186,185,189,191,191,183,181,189,191,189,186,191,196,196,194,194,191,191,191,189,189,189,191,194,189,181,176,133,133,133,176,181,186,181,133,131,133,181,183,178,176,133,176,178,181,181,178,131,125,123,124,131,181,189,189,189,183,181,183,189,191,189,186,183,181,181,183,183,186,191,194,194,194,191,189,183,137,135,135,137,183,186,189,194,202,202,194,137,135,137,191,199,199,194,191,189,189,186,183,137,135,132,132,137,181,183,189,194,189,183,183,189,194,199,202,199,194,194,194,196,191,185,182,179,181,186,196,199,194,178,127,127,176,181,181,176,173,173,176,183,191,186,176,181,189,191,189,186,189,196,202,207,209,204,194,185,182,186,194,191,189,186,189,194,196,199,199,196,192,191,194,207,212,207,191,185,187,196,204,202,183,118,112,121,137,191,199,199,199,196,194,194,202,215,217,217,222,228,222,202,183,179,182,194,204,212,222,225,0,235,243,241,225,209,204,202,202,204,209,215,217,215,209,204,207,209,209,209,207,207,204,204,207,209,209,209,204,202,202,202,204,207,209,209,208,208,208,209,207,204,204,207,209,207,204,207,207,209,209,209,212,217,217,212,207,207,202,202,202,0,0,0,0,0,0,217,212,207,202,199,196,191,183,173,168,176,189,199,202,202,199,195,195,196,194,191,183,181,178,176,168,163,119,0,119,119,116,116,163,181,0,0,207,207,209,204,199,194,186,183,181,178,176,168,160,159,160,170,191,209,222,225,228,225,215,212,212,212,211,212,217,222,225,225,225,217,212,207,209,215,222,228,243,254,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,187,189,191,178,0,0,160,160,160,0,0,0,0,0,0,0,0,0,0,0,0,0,212,202,191,183,176,173,173,183,204,222,233,233,222,207,202,204,212,215,212,207,199,198,202,209,217,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,142,134,137,150,157,155,152,152,160,173,176,178,181,178,163,113,112,113,117,165,165,120,120,160,163,165,160,157,163,165,168,170,176,176,163,147,109,147,157,165,163,160,67,89,139,83,62,63,160,183,189,194,199,204,178,160,189,191,35,0,0,0,108,163,199,215,225,225,53,0,0,0,0,0,0,0,59,142,147,152,157,170,178,178,173,173,173,165,160,170,165,123,123,127,168,178,191,199,199,204,207,204,199,196,196,202,204,204,202,202,202,202,196,186,182,183,191,202,202,199,194,183,127,117,116,119,127,127,125,129,178,189,186,173,129,173,181,173,173,183,196,199,189,181,178,178,178,176,127,122,124,178,173,131,173,181,186,189,191,186,176,128,126,131,183,173,61,43,40,105,127,181,191,194,186,176,127,126,170,178,181,181,183,183,181,181,183,183,186,186,176,117,97,104,117,170,176,129,127,129,173,181,186,186,181,178,178,177,176,181,199,194,173,127,127,168,170,176,176,127,126,176,186,183,170,125,123,121,119,121,129,173,170,169,170,178,183,183,176,173,173,176,189,196,199,207,204,115,54,57,81,129,176,127,117,117,127,173,181,183,178,176,176,178,176,173,176,181,183,181,170,121,119,120,120,123,173,183,183,181,176,173,178,183,186,181,176,176,178,181,186,181,131,127,127,129,131,176,178,181,189,207,215,209,204,191,176,125,124,127,125,120,121,189,199,202,196,183,178,176,133,133,176,181,181,181,181,176,133,132,135,181,183,186,191,194,191,183,181,183,183,181,176,176,176,133,127,124,125,127,127,126,127,129,129,176,189,186,178,170,129,125,125,170,176,178,178,176,176,176,173,165,165,183,186,178,181,189,194,189,173,166,169,173,176,170,170,186,199,186,127,123,127,168,127,125,126,168,170,127,123,125,127,127,168,173,173,176,176,176,129,125,129,176,178,176,178,183,194,199,199,202,196,176,129,176,194,202,204,209,209,207,212,209,202,195,192,194,196,204,207,202,194,194,199,204,199,194,189,178,129,125,125,170,181,183,178,129,173,183,183,173,127,168,170,168,127,168,173,173,125,119,121,181,199,215,215,194,170,125,168,183,186,115,115,170,176,168,125,121,117,117,119,123,125,127,125,125,129,173,181,189,194,191,183,179,179,181,183,186,189,189,183,181,196,215,222,217,212,209,202,173,123,123,127,176,181,183,191,196,194,176,169,173,183,176,170,186,202,209,212,209,212,215,212,191,128,127,183,196,191,183,181,173,123,120,123,173,170,168,170,127,125,127,194,212,209,199,176,119,107,105,115,127,181,194,204,207,204,196,191,189,186,183,185,194,196,196,196,196,199,202,204,202,199,199,199,202,202,183,109,87,113,115,95,115,199,207,207,209,209,199,186,181,181,183,186,178,173,176,183,189,186,183,178,178,199,222,225,209,117,105,121,186,196,204,209,209,207,204,199,194,199,204,207,207,196,168,117,119,127,170,173,176,176,173,176,178,173,168,123,123,183,204,196,181,168,127,176,181,181,181,186,194,189,181,181,189,196,196,189,173,127,125,125,125,124,125,170,176,183,186,181,176,181,183,183,181,176,127,125,126,173,183,183,183,183,191,191,170,99,97,103,115,119,123,123,125,125,127,127,127,170,176,176,176,178,178,170,127,125,123,123,127,170,178,183,178,170,173,178,181,189,186,173,168,168,125,113,109,113,181,186,116,118,173,199,202,189,181,181,186,191,189,183,183,186,189,194,204,217,217,202,191,191,194,194,196,204,212,225,92,67,123,183,191,186,173,125,121,125,173,178,181,178,176,170,173,173,173,176,178,181,183,181,127,117,117,121,119,121,170,186,196,199,196,191,183,127,111,113,119,123,129,183,191,194,196,202,204,204,202,196,196,194,186,181,182,189,194,186,176,173,131,173,173,178,189,199,194,178,123,118,119,129,178,183,191,194,196,199,207,212,215,209,196,103,91,96,133,189,189,189,189,189,189,199,207,207,207,207,207,207,209,209,207,207,209,212,209,207,202,194,191,194,196,196,137,130,131,183,199,207,209,209,204,194,183,176,173,178,191,196,199,202,207,207,204,196,186,176,173,174,181,183,183,181,173,127,125,127,129,178,189,186,173,129,170,170,170,173,178,181,176,172,177,191,196,209,212,209,204,191,189,183,135,133,130,131,181,194,204,209,209,207,207,209,215,212,209,207,204,196,189,183,181,181,178,178,189,196,196,189,183,181,181,183,181,176,133,178,178,173,128,127,128,130,173,181,183,181,183,183,183,183,186,186,186,181,179,181,183,183,178,173,172,172,173,176,178,178,181,181,178,176,173,173,176,178,181,183,181,176,170,173,176,176,170,129,170,170,129,129,170,173,170,173,178,183,186,183,178,126,124,127,176,181,186,194,199,199,189,186,186,191,196,199,196,194,183,181,189,202,202,194,185,186,196,202,196,191,194,194,191,189,189,183,182,182,183,183,181,178,178,178,183,186,186,186,189,194,199,202,202,194,183,135,133,133,135,135,178,183,189,186,183,183,181,181,179,179,183,194,199,202,202,196,196,194,194,196,199,199,199,199,207,212,217,217,217,217,217,217,217,217,217,217,217,220,222,222,225,225,225,225,222,222,217,212,207,204,202,202,202,199,194,189,183,181,181,176,132,131,132,173,176,173,168,125,123,121,117,113,111,109,109,109,107,105,105,105,105,105,105,103,103,101,99,95,91,89,87,84,84,87,97,103,105,103,102,103,107,147,155,157,160,163,168,170,170,173,170,165,160,157,157,163,168,168,165,163,160,160,165,165,165,165,168,173,176,173,165,163,163,165,170,176,173,170,165,165,165,125,123,122,122,125,168,170,176,178,181,181,181,181,183,183,181,173,128,129,176,181,178,177,177,183,191,196,194,191,186,181,177,177,183,191,194,191,189,189,191,189,186,183,178,176,133,130,127,129,183,191,189,189,189,194,194,194,189,189,189,194,196,196,191,190,191,194,194,191,191,191,191,191,191,194,196,196,194,194,194,194,194,196,199,204,209,209,212,212,209,202,194,191,191,192,194,194,194,196,202,204,202,199,196,194,196,196,199,199,202,202,199,199,196,194,194,194,196,196,191,189,189,189,181,134,178,183,181,178,178,178,178,181,181,183,183,186,186,178,132,178,189,191,191,191,189,186,189,191,194,194,191,194,199,204,209,209,209,207,207,209,212,212,209,207,204,202,202,204,204,202,191,186,183,183,183,189,196,202,204,202,202,202,199,194,186,186,186,181,176,176,178,183,189,183,131,121,125,127,176,183,181,121,115,123,127,125,125,127,127,127,131,181,186,189,191,194,189,185,191,199,202,202,199,202,202,204,204,202,194,191,189,186,186,189,191,194,194,194,191,191,189,189,191,194,199,204,204,202,194,194,191,191,191,189,191,194,194,189,189,189,191,191,191,196,199,202,199,199,196,191,189,191,189,187,187,191,194,191,189,186,189,189,181,178,183,189,191,194,199,199,196,194,191,191,191,189,189,186,186,189,189,183,178,178,181,181,181,181,183,183,183,176,132,133,178,183,181,178,178,181,183,181,181,181,178,129,125,125,176,186,191,191,186,183,183,186,189,189,186,186,186,181,178,178,181,186,191,194,194,191,189,183,137,135,134,137,183,186,186,189,196,202,202,194,183,137,183,194,199,196,191,191,191,194,189,181,135,135,131,128,133,181,186,194,202,199,194,191,194,199,204,207,204,199,194,191,189,186,186,186,186,186,191,199,202,199,189,178,133,178,181,181,178,176,176,173,181,186,178,129,133,183,189,189,189,194,199,202,207,209,207,199,191,186,191,196,194,194,189,186,189,202,204,199,194,194,192,196,207,215,207,189,183,187,191,194,199,202,133,112,120,135,189,199,202,199,196,194,194,204,217,217,215,222,225,222,209,191,181,182,194,202,207,212,222,230,235,241,238,228,215,207,204,199,199,207,212,212,209,207,204,207,209,212,212,212,207,204,202,202,204,207,207,207,204,202,202,204,207,209,209,209,209,212,217,215,209,204,204,204,203,203,204,209,212,212,212,212,217,217,212,209,207,207,204,0,0,0,0,0,0,212,212,209,204,202,199,199,194,186,178,176,181,189,199,202,199,196,195,195,196,196,191,189,183,181,173,168,123,117,0,0,117,119,119,163,178,0,199,204,204,204,204,202,196,191,189,189,189,183,173,165,160,163,168,183,0,215,225,222,222,217,215,215,217,217,217,222,222,225,228,228,225,222,222,222,0,228,228,235,246,251,251,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,189,189,186,176,165,168,168,160,0,165,0,0,0,0,0,0,0,0,0,0,0,0,212,204,196,189,181,173,172,178,196,215,230,235,228,212,202,204,212,217,217,207,195,194,199,212,222,220,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,139,142,152,160,157,155,155,155,160,165,165,170,170,157,152,155,119,119,160,165,160,120,122,168,165,157,120,157,157,157,157,163,163,150,108,109,155,170,181,181,142,65,83,131,95,85,121,176,191,196,194,199,202,191,160,147,168,33,0,0,57,142,178,202,199,196,181,61,0,0,0,0,0,27,41,61,91,139,152,157,173,183,189,189,191,194,194,186,176,163,119,119,121,121,125,181,189,196,202,204,199,194,194,199,202,204,207,207,207,204,204,202,191,185,185,191,202,202,199,194,189,176,123,119,125,129,131,125,123,129,178,173,127,126,170,178,173,176,186,199,199,189,181,178,173,170,129,129,125,127,181,178,176,178,183,186,191,196,194,186,176,130,131,131,125,97,58,52,105,123,173,178,178,173,127,126,127,173,178,178,181,183,181,176,178,181,173,173,173,170,125,108,103,110,123,127,127,126,127,170,181,191,191,183,181,178,176,174,181,199,196,173,119,115,119,125,170,176,170,126,178,194,194,181,121,117,117,117,121,168,173,170,169,173,178,181,181,178,176,173,173,178,183,186,194,194,127,81,85,119,183,191,189,178,170,170,176,181,183,181,176,173,173,173,178,183,191,194,189,181,173,127,123,120,121,131,181,181,176,178,181,186,186,183,178,176,176,178,181,181,178,173,131,129,128,127,129,131,133,186,207,215,215,212,207,194,176,129,131,129,123,127,186,191,191,181,131,133,176,176,178,186,191,189,183,181,176,133,133,181,191,196,199,202,204,202,196,196,196,196,191,183,176,131,129,127,125,129,131,129,129,129,129,170,178,189,189,178,170,129,129,170,181,183,186,183,181,181,181,176,165,164,176,178,168,170,178,183,178,170,169,170,181,183,176,173,176,173,117,119,123,170,173,170,127,126,168,176,176,170,168,168,168,170,170,173,170,170,127,125,124,129,178,178,173,173,181,194,196,199,202,196,181,131,178,194,202,207,212,209,204,207,204,199,196,196,199,204,207,204,199,191,189,194,199,199,194,186,123,119,119,122,170,181,186,183,176,176,178,178,170,127,127,127,127,127,176,189,191,181,123,115,121,181,202,204,189,168,123,127,189,194,119,118,173,176,168,123,119,118,118,121,125,170,176,170,124,125,170,183,199,204,199,189,183,189,196,204,199,186,131,125,131,199,225,228,217,212,212,207,194,129,125,170,181,183,181,186,194,194,181,176,181,186,178,172,178,196,207,207,207,209,212,204,181,128,170,191,196,189,178,176,170,123,120,125,173,168,123,125,127,125,127,191,207,202,191,129,113,103,101,109,127,186,199,207,204,202,196,194,189,186,185,185,194,196,196,194,196,199,202,204,202,202,204,204,207,204,191,125,79,91,79,19,27,103,199,207,204,204,194,183,181,181,183,183,173,170,172,178,189,194,191,181,168,178,199,207,199,121,113,165,183,194,204,209,209,204,199,196,196,202,207,207,199,186,125,119,120,127,170,173,176,176,170,170,170,170,168,124,122,170,186,183,170,123,123,170,176,176,176,181,189,186,182,182,189,196,199,196,183,168,125,125,125,125,129,181,186,189,183,170,125,176,194,196,189,178,168,168,173,176,181,186,186,186,191,191,178,109,100,101,111,119,121,123,125,127,170,173,170,170,170,170,170,173,173,168,127,123,121,123,127,176,186,189,183,170,168,176,181,189,191,181,176,176,170,113,102,103,178,196,176,123,129,186,189,181,178,181,183,181,178,178,181,186,189,194,204,215,217,209,199,199,202,204,209,215,222,228,91,61,97,121,178,181,176,170,170,176,183,189,189,183,178,173,170,170,169,170,170,176,181,183,176,125,121,123,121,125,176,191,199,199,196,189,181,129,119,119,123,125,173,189,199,199,202,204,207,207,204,202,202,202,194,186,186,191,194,186,176,131,173,173,173,173,181,189,183,178,129,122,122,129,176,183,196,196,196,202,207,209,212,215,212,191,102,100,121,181,186,186,183,183,189,199,204,204,202,204,204,207,209,209,209,209,212,212,212,207,199,191,190,190,194,191,133,129,130,181,196,204,209,209,204,194,189,183,172,170,181,199,204,204,204,202,196,191,181,174,173,178,186,186,183,178,131,123,123,125,129,176,189,183,170,129,178,181,178,176,178,178,176,173,181,196,207,217,222,212,204,196,191,186,181,133,128,127,130,183,194,202,204,202,199,202,207,209,207,207,202,196,189,183,183,181,178,178,183,189,191,189,183,181,181,181,176,129,126,129,176,178,176,173,173,131,173,178,183,183,183,183,183,186,189,189,186,181,183,189,191,189,181,173,172,173,176,176,178,178,176,176,176,176,176,178,181,183,186,186,183,176,129,129,170,170,129,129,170,173,129,127,129,173,176,176,181,183,186,186,181,176,173,178,186,191,196,199,202,199,194,187,189,194,196,199,202,196,189,183,191,202,204,191,181,179,185,194,194,191,191,191,189,186,186,186,183,182,183,183,181,178,135,135,181,186,189,189,191,196,199,202,202,196,186,178,133,135,135,135,178,181,183,183,183,183,183,181,181,183,189,196,199,202,202,199,196,196,196,196,196,196,196,202,209,217,217,220,220,220,222,222,225,222,222,220,220,222,222,222,225,225,222,222,222,220,215,212,207,202,202,202,199,196,191,186,181,178,135,133,132,131,173,176,176,173,168,163,123,121,117,113,111,109,109,107,105,105,105,105,105,103,103,103,103,101,99,95,93,89,87,85,85,91,97,103,105,105,103,107,144,147,150,152,155,160,165,170,170,168,165,157,152,117,157,165,170,170,168,163,160,160,163,168,170,170,170,173,176,178,170,168,163,161,165,170,173,168,165,165,165,165,123,122,122,123,127,170,170,173,176,178,181,183,186,186,183,178,173,176,183,186,178,176,177,183,191,194,189,181,178,178,181,178,181,183,186,183,181,183,183,183,183,183,183,181,176,130,127,128,181,186,183,183,189,194,196,196,191,191,189,191,196,194,191,190,191,191,194,191,191,189,189,189,191,194,196,199,196,194,191,191,191,194,196,202,204,209,209,207,204,202,194,191,192,194,196,196,194,194,199,202,202,196,194,194,196,196,199,199,199,199,199,202,199,196,194,194,199,199,194,194,194,191,181,134,135,181,181,183,186,186,186,186,186,189,186,186,181,132,130,133,191,194,194,194,189,185,185,186,191,194,194,194,196,202,207,207,207,207,204,204,204,207,207,207,204,204,204,204,204,196,186,181,181,181,182,189,196,202,204,204,202,199,196,191,183,181,181,176,131,131,173,178,181,176,123,113,112,113,123,173,176,127,121,129,129,124,122,124,125,127,129,178,189,191,189,186,183,182,186,199,199,199,202,204,204,204,199,194,191,186,183,183,186,191,191,191,191,191,189,189,189,189,189,191,194,196,199,194,190,191,194,199,202,199,199,196,194,189,189,189,189,186,189,199,204,204,199,196,194,186,186,189,189,187,189,196,199,194,189,183,183,183,181,178,179,183,189,196,199,199,194,191,189,191,191,191,189,189,186,186,183,178,176,178,183,186,186,186,183,183,181,178,178,178,181,183,181,178,181,186,189,189,186,183,181,133,131,133,178,186,189,186,181,178,181,183,183,181,181,183,189,183,178,177,178,183,191,196,196,194,191,181,134,133,135,186,191,194,191,194,199,202,202,194,186,186,189,194,196,191,186,189,196,196,189,137,135,135,133,133,181,189,191,199,202,202,196,194,199,204,207,209,209,207,202,194,186,185,186,191,191,191,194,199,202,199,191,183,178,178,181,181,181,181,178,173,173,173,129,125,129,178,186,191,194,199,202,204,207,209,209,202,191,189,194,199,196,194,189,186,191,202,207,202,199,199,199,199,207,215,209,196,187,189,189,186,191,202,194,131,133,181,191,199,202,202,199,199,199,207,215,215,215,217,225,222,212,202,189,186,194,196,199,209,222,233,238,238,235,228,217,209,204,198,198,202,207,207,204,202,202,207,209,215,215,212,209,204,202,200,202,204,207,207,204,202,204,207,209,209,212,215,215,217,225,225,217,212,209,209,207,204,207,212,215,212,209,209,212,215,207,207,209,209,0,0,0,0,0,0,0,207,209,207,202,199,199,199,194,189,181,181,183,191,196,199,199,196,196,199,202,202,199,199,194,186,178,170,125,119,0,0,119,121,163,170,181,191,199,202,202,202,202,199,196,194,191,194,191,186,176,168,165,165,170,181,0,0,217,215,215,217,217,222,225,225,225,225,225,228,228,230,228,228,228,230,0,235,233,233,235,238,238,238,241,246,0,0,0,0,0,0,0,0,0,0,0,0,0,212,202,196,189,173,173,0,0,165,0,163,0,0,0,0,0,0,0,0,0,0,0,0,0,207,199,194,189,181,173,176,186,204,222,230,230,217,202,199,207,215,215,204,195,194,199,215,222,217,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,142,144,152,157,155,152,152,150,150,144,143,155,163,157,157,163,160,121,160,168,165,122,160,178,173,121,119,120,120,120,156,157,157,113,108,111,157,170,186,191,165,87,96,131,95,91,139,183,194,196,196,196,204,207,144,0,0,0,0,23,124,150,168,186,183,173,157,118,0,0,0,0,69,165,157,99,101,147,160,165,176,189,194,199,204,207,207,202,186,163,117,119,120,118,119,170,181,186,194,196,194,189,189,196,199,202,207,212,212,207,204,202,194,189,191,196,199,199,196,194,191,183,173,129,131,176,178,173,123,127,173,129,125,126,129,176,176,178,183,191,191,183,181,178,170,126,126,170,173,176,181,178,178,181,186,189,196,202,202,196,189,183,176,129,127,125,117,101,115,127,131,129,129,127,126,126,170,178,181,181,183,183,178,173,183,186,173,127,127,127,129,125,113,117,125,129,129,129,170,173,183,191,191,186,181,181,177,176,181,186,183,123,109,107,113,117,123,176,173,170,178,189,186,176,78,93,109,119,125,173,178,176,170,170,178,181,183,183,178,176,173,170,129,129,173,176,170,127,173,181,191,202,207,199,186,178,176,178,181,181,176,170,169,172,181,189,196,199,199,194,189,181,170,123,123,129,176,176,173,176,189,186,181,176,178,181,181,183,186,183,181,186,186,181,129,127,128,129,133,186,207,215,215,215,215,207,194,183,181,173,131,178,186,183,176,128,126,129,178,183,191,199,202,199,189,181,178,135,178,191,204,209,209,209,209,209,207,209,209,207,202,194,183,176,129,125,125,129,173,173,131,170,129,170,176,181,181,176,129,128,170,178,194,202,199,196,186,183,183,181,170,169,173,173,165,165,170,176,178,173,173,176,181,183,186,176,127,102,96,111,168,178,181,176,168,127,170,178,178,176,170,170,173,173,173,173,173,168,124,123,124,170,181,178,170,170,181,191,196,196,199,196,181,131,173,186,196,204,207,204,199,199,199,196,196,199,202,204,204,202,194,191,186,186,189,194,194,181,121,118,120,125,173,181,183,183,176,170,168,168,170,170,168,125,121,123,170,186,191,176,109,91,89,113,181,191,181,168,121,125,189,194,127,123,168,168,123,119,121,123,123,125,170,181,183,173,124,124,173,189,204,209,202,189,189,194,207,215,207,183,124,121,124,199,225,225,217,215,217,212,202,178,129,173,186,189,181,178,186,191,186,181,186,186,178,172,176,191,204,207,207,209,207,194,129,127,176,191,194,186,178,173,168,123,122,170,178,168,119,119,123,123,123,176,189,186,181,125,105,93,89,101,125,196,209,212,204,199,194,194,194,194,191,191,194,196,194,194,196,199,202,202,204,204,207,207,207,202,196,189,111,63,0,0,0,73,173,181,178,178,173,173,176,176,176,181,178,172,170,176,189,196,191,176,121,123,170,181,176,121,117,168,173,181,196,207,204,194,186,189,196,199,202,199,191,176,127,123,123,127,173,173,168,168,170,170,168,125,125,124,124,127,173,170,123,118,119,125,168,168,168,173,183,186,186,186,189,194,194,194,183,125,123,127,168,168,170,181,186,186,178,123,119,176,202,204,194,176,168,173,176,176,178,183,186,191,196,191,181,125,105,100,113,119,123,123,127,170,176,178,176,170,168,127,127,127,168,168,168,123,122,123,127,173,181,186,183,168,127,168,178,186,189,181,176,181,181,123,100,100,173,202,194,125,121,170,181,181,186,194,186,176,174,178,183,183,189,194,204,209,212,209,204,202,204,209,215,215,217,220,103,70,97,115,129,176,178,176,176,181,189,191,189,183,178,173,170,170,168,168,169,170,178,183,181,170,125,123,123,127,176,189,194,194,191,186,176,129,123,123,125,129,176,194,202,202,199,202,204,204,204,204,204,207,202,196,196,196,194,183,176,131,131,131,131,130,131,173,178,178,176,131,129,131,178,186,194,196,196,204,207,209,209,215,215,204,131,113,119,133,183,183,178,178,183,191,199,202,202,204,207,207,209,209,209,209,212,212,212,207,199,191,190,191,199,199,186,133,131,131,178,186,196,202,196,186,191,199,181,170,176,196,204,204,202,196,194,186,178,174,176,183,191,191,186,176,129,123,123,123,123,129,178,176,123,119,170,176,178,178,181,183,181,181,189,196,204,217,212,196,189,186,186,186,186,178,130,127,129,135,186,194,199,196,196,196,202,204,204,204,204,199,194,189,183,181,135,135,178,183,189,191,189,183,183,183,178,127,124,126,176,186,186,186,181,176,176,178,181,178,129,129,173,181,183,183,183,183,189,196,199,194,181,173,173,176,178,178,178,176,173,170,173,176,176,178,183,189,191,191,183,176,129,127,127,127,127,129,173,176,127,126,127,173,181,183,183,183,183,183,183,183,186,189,191,191,194,196,199,202,196,191,191,194,199,199,199,196,186,183,189,202,204,191,181,181,186,194,191,189,189,186,186,186,186,186,186,183,183,181,181,135,135,135,181,183,189,191,194,196,199,199,199,194,189,181,135,135,135,135,134,135,135,181,186,186,186,186,186,191,194,196,199,199,199,202,199,199,196,196,195,196,199,207,215,217,220,217,220,222,222,225,228,225,222,222,222,222,222,222,222,222,222,220,220,217,215,209,207,202,199,199,199,194,189,183,178,133,133,132,132,173,173,176,176,173,165,163,123,121,117,115,111,109,109,107,105,105,105,103,103,101,101,101,101,99,97,95,93,91,87,87,91,95,101,105,107,107,107,144,147,147,111,111,113,155,160,165,168,163,157,115,114,115,155,160,163,165,168,165,163,160,160,168,176,176,170,168,173,178,178,173,165,161,163,168,170,170,165,168,170,170,168,125,123,125,168,170,170,173,173,176,178,181,183,186,183,181,178,178,183,186,181,177,177,181,189,189,183,178,176,178,181,181,178,178,178,178,176,176,176,178,183,186,186,186,181,176,131,131,181,183,182,183,189,191,191,194,194,191,191,191,194,196,191,190,190,191,194,194,194,189,187,187,187,191,196,199,196,191,189,189,191,194,196,202,204,204,202,194,194,196,196,192,191,194,196,196,194,196,199,202,199,194,194,194,196,199,199,196,196,199,199,202,202,199,196,196,199,199,199,196,194,189,178,132,134,181,181,186,191,194,189,186,189,191,189,186,178,131,129,135,191,196,196,194,191,186,185,186,191,194,194,191,194,199,204,204,204,202,199,196,196,199,204,204,204,204,207,207,202,191,183,181,181,182,183,186,194,199,202,202,199,194,191,186,181,178,176,129,127,127,129,176,181,176,123,113,109,110,117,125,131,173,173,178,176,124,122,124,131,133,176,181,191,194,189,186,182,182,186,196,199,199,202,204,204,199,194,189,183,137,133,135,183,191,191,191,186,183,183,183,186,189,191,191,191,194,194,191,190,191,196,199,202,202,199,194,191,191,191,189,183,177,178,196,204,199,191,189,186,178,176,183,189,191,194,196,196,194,191,186,183,183,181,179,179,181,186,194,196,196,194,189,189,191,194,194,191,189,186,186,181,177,176,178,183,186,189,189,186,183,181,181,186,189,189,183,177,176,178,189,194,194,189,186,183,178,176,176,178,183,183,183,178,177,178,181,181,179,179,183,191,186,178,176,177,183,191,196,199,202,196,183,132,131,135,191,199,199,196,196,199,202,199,191,189,189,191,191,189,183,183,186,196,191,183,137,178,181,181,186,194,196,196,199,199,196,191,189,199,204,207,212,212,212,209,202,189,186,186,189,189,186,189,194,196,196,189,181,178,178,178,178,181,181,178,173,127,125,123,123,125,127,176,189,196,199,199,204,209,212,209,199,189,187,194,202,202,196,191,189,196,202,204,204,204,207,207,204,207,209,207,196,189,191,186,137,137,191,194,189,189,191,196,199,202,204,204,204,204,207,209,212,215,215,220,222,215,209,202,194,194,194,194,204,225,235,238,233,230,230,228,215,204,198,198,199,202,202,199,199,202,207,209,212,215,212,209,207,202,200,202,204,207,207,204,204,207,209,209,212,215,217,217,222,228,228,228,222,222,222,215,209,209,215,217,212,204,202,207,209,204,204,207,209,0,0,0,0,0,0,0,204,204,204,202,199,196,194,191,186,183,183,189,191,194,196,199,196,199,204,207,209,209,207,202,194,186,176,168,163,0,121,163,165,176,183,191,196,199,199,199,199,199,199,196,194,194,194,191,186,176,170,170,170,173,183,0,0,0,212,215,217,222,225,228,230,228,228,228,0,0,0,0,0,228,0,241,243,238,233,233,230,225,222,225,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,212,0,0,0,0,0,168,0,165,173,0,0,0,0,0,0,0,0,0,0,0,0,209,204,196,194,186,178,173,178,191,207,222,228,217,202,196,202,209,212,209,199,195,199,215,222,217,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,144,144,147,150,150,150,150,150,147,139,137,144,160,160,157,163,165,165,165,163,123,122,168,199,186,165,119,120,160,163,160,157,155,115,113,152,157,165,181,194,189,160,144,101,90,90,150,189,196,196,199,204,215,225,131,0,0,0,0,49,124,134,144,163,165,163,155,137,5,0,0,0,142,155,144,139,147,155,163,168,176,189,196,202,207,209,207,202,189,163,118,121,125,120,120,170,176,176,176,181,183,183,183,189,194,194,196,207,212,207,204,199,194,191,194,196,196,194,191,191,189,181,173,173,176,178,181,178,125,170,178,170,127,129,178,181,183,181,183,186,183,178,178,176,129,126,127,173,178,181,181,176,173,178,189,196,202,204,204,199,196,194,183,173,131,176,173,123,127,173,173,131,170,170,129,170,178,181,183,186,186,181,173,176,191,189,176,170,127,123,125,125,123,129,178,181,181,181,181,183,191,194,191,183,181,183,186,186,186,176,123,111,103,109,115,113,117,125,170,168,170,125,111,95,63,83,107,121,168,176,181,178,129,127,170,183,191,186,181,176,170,127,123,120,121,126,129,173,183,186,194,204,209,204,194,183,178,178,183,186,178,170,169,173,186,194,196,202,204,204,202,194,181,170,127,170,173,131,130,173,181,178,173,131,173,178,183,189,191,183,181,191,199,196,181,131,131,133,133,183,204,212,215,215,215,212,204,196,189,181,181,196,196,178,129,127,127,128,178,191,202,209,209,204,194,183,178,178,189,202,212,215,212,209,209,209,212,212,215,215,209,204,199,189,176,127,127,129,173,173,173,173,129,129,129,129,170,173,129,128,170,183,207,215,212,204,183,176,181,181,178,178,178,173,165,165,168,176,181,178,173,170,173,176,183,168,115,99,95,111,176,186,178,168,125,168,176,183,181,173,170,176,178,181,178,178,178,173,124,124,127,173,178,176,129,129,181,191,194,196,199,191,176,127,125,176,189,196,196,194,189,189,189,189,189,191,191,191,189,189,191,189,181,129,131,181,186,178,127,123,127,176,181,183,181,178,173,168,127,168,176,183,183,173,121,120,123,168,127,109,90,86,88,115,181,183,176,125,117,119,181,189,168,123,125,125,121,119,121,125,127,129,181,194,191,173,125,129,178,191,199,202,194,186,183,189,196,202,194,173,123,122,127,199,217,222,215,215,217,209,191,129,125,129,181,181,173,129,176,183,183,178,181,181,176,173,178,194,204,207,207,209,202,183,127,127,173,183,186,181,176,170,122,120,125,178,181,127,116,117,121,121,121,127,173,176,173,125,95,83,76,77,101,194,209,212,209,202,192,192,196,202,202,199,196,194,194,194,194,196,196,199,204,207,207,204,202,202,202,204,202,55,0,0,1,105,173,121,108,111,121,129,176,176,176,186,189,178,170,172,181,189,181,127,121,123,125,123,123,123,121,121,53,67,107,176,181,170,170,178,189,194,191,189,181,168,168,170,125,168,176,168,114,115,173,178,170,124,123,125,127,168,168,127,121,118,118,123,127,126,126,170,181,186,189,194,194,191,189,183,173,125,124,173,178,176,173,173,170,127,123,115,115,170,191,194,181,127,127,170,176,176,176,178,181,189,191,189,183,176,123,111,123,127,125,125,125,170,178,181,178,173,168,127,126,126,127,170,170,127,123,123,125,127,168,173,176,168,126,127,173,178,183,183,178,181,183,173,111,110,170,189,178,118,115,118,129,181,194,202,189,176,174,181,186,186,186,194,202,204,207,207,202,199,202,207,212,212,207,196,123,107,119,123,127,173,178,178,178,181,186,189,186,181,178,176,176,173,169,169,170,173,176,181,181,176,170,127,123,125,173,181,186,186,183,178,173,170,129,129,129,131,176,189,196,196,196,196,199,202,204,202,204,207,207,207,204,204,196,186,178,131,131,173,173,130,129,130,176,183,181,131,127,173,181,186,189,191,196,204,209,209,209,215,212,207,186,127,127,133,183,186,135,132,133,181,191,199,204,207,207,209,212,209,209,207,209,209,209,207,199,194,191,196,207,209,207,191,135,127,125,127,135,183,181,129,181,204,202,181,176,181,196,199,194,194,191,186,181,176,178,186,194,194,189,178,131,127,125,122,121,123,173,170,121,115,114,119,129,181,189,194,196,196,194,189,191,202,196,178,173,173,176,181,183,181,178,135,131,131,178,189,194,196,196,196,199,204,204,204,204,199,194,189,183,135,129,131,178,181,189,194,194,186,181,186,186,176,127,127,178,189,189,186,178,131,131,176,178,173,124,123,126,170,173,176,181,186,194,196,196,191,181,178,178,181,183,183,181,176,170,170,173,173,176,178,183,191,194,191,183,176,170,129,127,125,127,170,176,176,170,127,127,173,181,186,186,183,181,181,183,186,189,189,183,178,181,189,196,202,199,191,190,191,196,196,194,189,182,182,189,199,196,186,183,189,196,196,191,186,185,185,185,185,186,189,189,186,183,181,181,178,135,135,178,183,189,191,194,194,196,196,196,191,186,178,135,178,178,135,134,134,134,137,186,189,189,189,191,194,196,196,196,199,199,202,202,199,196,195,195,199,204,212,215,217,217,217,217,220,222,225,228,228,225,222,222,222,222,222,222,222,217,217,217,215,212,209,204,202,199,199,199,194,189,183,178,133,132,133,173,176,176,176,173,170,125,123,121,119,119,117,115,113,109,107,107,105,105,103,101,99,99,99,97,97,95,95,95,93,91,93,97,103,105,107,109,144,144,147,147,111,111,111,111,150,155,160,163,160,152,114,114,115,117,117,119,160,165,168,165,160,163,170,176,176,168,165,168,176,178,176,168,163,163,168,173,170,168,170,176,176,176,170,168,168,173,176,173,173,173,176,178,181,183,183,183,181,178,178,181,186,186,181,178,178,183,186,183,181,178,178,181,183,181,181,178,176,174,174,176,181,183,189,189,186,183,183,181,183,186,186,186,186,186,186,186,189,191,191,191,191,194,196,194,191,191,191,194,194,194,191,189,187,187,189,194,199,194,189,187,187,191,199,202,204,204,199,189,181,182,194,196,194,191,192,194,196,196,199,199,199,196,191,191,194,196,199,199,196,196,196,199,202,202,202,199,196,199,199,196,194,191,189,181,134,181,183,181,183,191,194,186,186,189,191,191,186,181,133,133,183,194,196,196,194,194,189,186,186,194,194,190,189,191,202,204,202,196,196,194,189,186,194,199,204,202,202,204,202,196,191,186,183,189,189,189,189,191,194,196,196,194,186,183,183,181,178,176,127,125,125,129,178,183,181,129,117,112,113,119,121,127,176,176,178,178,131,127,133,181,186,186,189,194,194,194,191,186,185,189,196,199,199,199,199,199,196,189,183,137,132,130,132,181,189,191,186,181,137,137,137,183,191,194,194,191,191,191,190,190,194,199,199,196,196,194,191,191,196,194,189,178,170,172,189,196,191,183,181,176,129,129,178,189,191,189,189,186,189,191,191,189,189,186,183,181,183,186,191,194,194,191,187,187,189,194,194,191,189,186,186,183,178,178,181,186,186,186,189,186,183,183,186,189,191,191,186,178,174,177,186,194,194,189,186,186,181,178,178,178,181,186,186,181,178,181,183,183,181,179,183,189,186,178,177,177,183,191,196,202,204,199,186,133,131,135,189,199,202,199,196,196,199,196,191,191,191,191,189,183,181,179,183,186,181,135,135,178,183,186,191,199,199,199,196,196,191,186,186,194,202,209,212,215,215,212,207,199,194,189,186,185,182,183,186,191,189,183,176,173,176,176,176,178,178,176,173,129,125,123,123,119,118,121,178,189,194,196,202,207,209,207,196,187,187,191,202,204,199,194,196,202,202,199,202,204,209,209,207,204,202,196,189,185,189,186,135,133,137,186,191,202,202,199,199,202,204,209,209,207,202,202,207,212,212,217,217,215,212,209,202,199,196,196,204,225,238,235,230,230,233,233,217,207,199,198,199,202,199,196,196,202,207,209,212,212,212,209,207,204,202,202,202,204,207,207,207,209,209,212,212,215,217,217,222,225,228,230,228,228,228,225,217,215,217,217,212,202,200,202,204,202,202,204,204,0,0,0,0,0,202,202,204,204,202,199,196,191,189,183,181,178,183,189,191,191,196,199,202,204,212,215,215,215,212,207,199,191,183,176,173,170,170,173,178,186,194,202,202,199,199,198,198,199,196,194,191,191,191,189,183,176,173,170,170,173,186,0,0,0,212,212,217,222,225,230,233,233,230,0,0,0,0,0,228,228,235,243,248,243,235,233,230,225,220,218,222,0,0,0,0,0,0,0,0,0,0,0,0,0,233,230,0,0,173,0,0,0,176,168,173,173,0,0,0,0,0,0,0,0,0,0,0,0,0,207,199,191,186,178,173,173,183,199,215,222,215,204,196,196,204,212,215,204,198,202,212,220,215,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,150,142,137,139,144,144,147,150,147,144,140,139,147,157,155,155,165,170,178,170,121,119,122,181,212,207,178,121,121,168,173,165,119,113,115,160,170,170,168,176,186,183,163,142,101,93,134,189,202,202,199,202,209,220,225,147,0,21,27,43,77,121,126,134,160,170,176,176,170,91,0,0,67,131,134,129,137,152,157,163,168,178,189,199,204,209,209,204,194,178,120,118,165,176,127,121,127,170,173,170,131,129,127,131,178,183,173,127,181,199,202,199,194,189,189,191,191,189,189,186,186,178,131,125,127,131,173,173,170,129,178,183,178,173,178,186,186,183,183,183,183,181,176,176,173,127,129,127,127,173,178,178,129,122,131,189,202,204,207,204,199,199,196,189,183,181,178,176,173,173,178,178,176,176,176,173,176,178,178,178,186,183,173,170,183,191,183,170,178,178,127,119,117,123,176,189,194,194,191,191,191,196,194,186,178,178,186,196,202,199,176,117,105,103,115,125,121,119,119,119,119,117,107,97,93,86,103,121,125,168,173,176,173,125,119,121,186,196,191,181,178,173,129,124,119,120,125,170,173,181,186,194,204,207,202,194,186,183,183,189,191,186,176,173,178,189,191,196,199,204,207,207,199,186,176,170,170,173,131,130,130,130,130,130,130,130,173,178,186,191,183,179,191,204,204,194,183,176,133,131,176,194,204,209,215,215,212,209,204,194,183,186,207,212,178,129,133,129,127,133,196,209,212,207,202,194,183,178,178,194,204,209,212,209,207,207,212,215,215,215,215,212,212,209,202,186,133,129,131,131,173,176,176,170,128,127,127,129,170,129,128,170,181,202,209,209,196,176,169,170,178,183,189,186,173,166,166,166,173,181,178,170,125,125,125,119,110,111,110,110,125,176,183,123,118,121,170,189,196,186,173,176,181,186,186,183,181,178,176,127,170,176,176,176,129,125,127,176,186,191,194,196,189,131,123,121,127,178,183,181,178,178,178,178,176,131,127,119,118,121,127,181,181,129,111,107,121,127,127,127,123,123,176,191,191,183,170,127,127,170,176,186,196,196,189,170,123,121,117,105,93,88,88,111,178,191,183,168,117,114,115,176,181,125,122,123,127,125,119,119,123,125,170,191,204,196,170,123,170,186,194,196,191,186,181,181,183,183,178,170,125,125,127,178,202,215,217,212,209,204,186,121,113,115,123,129,129,127,126,127,173,173,170,170,170,170,176,181,194,199,199,202,202,194,178,129,129,170,173,176,173,170,125,115,116,125,181,178,121,115,117,123,125,127,168,170,129,127,125,109,88,77,77,93,173,199,209,215,207,192,191,196,204,204,199,194,191,191,191,191,191,194,196,207,209,207,204,202,202,204,204,191,91,55,53,89,178,183,121,104,108,123,178,191,191,189,196,199,186,173,170,176,181,170,119,123,176,176,121,121,125,123,71,0,5,57,97,113,119,125,173,186,189,186,181,170,125,168,173,168,127,127,117,111,114,181,189,178,125,123,127,173,170,168,127,125,121,121,125,127,127,127,173,178,181,186,194,199,196,189,181,173,170,176,183,189,191,183,170,113,108,109,113,119,125,121,102,100,113,125,170,176,178,173,170,173,178,183,183,181,176,173,176,176,173,168,125,124,127,173,178,176,170,127,129,129,127,127,170,170,125,123,123,123,121,120,123,127,127,127,168,170,173,178,186,183,178,178,173,125,125,170,129,120,116,114,115,123,183,199,202,194,181,178,186,189,186,186,191,196,196,196,199,199,199,199,202,204,199,186,173,125,127,173,125,123,129,176,176,176,178,181,183,183,176,176,178,181,181,176,176,181,176,172,173,176,176,176,170,125,127,170,176,178,178,176,173,170,170,170,173,173,173,176,186,189,191,191,196,199,202,202,202,202,204,207,209,209,209,204,194,181,173,131,173,178,176,131,131,178,186,178,115,113,129,178,181,186,189,196,204,209,209,209,215,212,202,181,131,131,176,183,189,178,131,130,132,183,196,204,207,209,209,212,209,207,204,204,207,207,204,202,196,194,199,209,215,215,204,189,131,127,127,129,131,123,115,123,191,196,186,178,177,183,186,183,186,189,186,181,176,181,186,194,196,194,183,178,173,129,125,123,125,176,176,127,117,110,112,119,176,189,199,204,204,191,173,173,183,186,178,172,173,176,178,177,177,186,189,181,131,135,181,186,191,194,194,196,202,204,204,202,196,191,186,178,129,123,127,178,183,186,189,186,178,133,181,189,189,181,176,181,186,186,181,129,122,122,131,176,173,126,124,125,127,127,127,176,186,189,189,186,183,181,181,181,181,181,181,178,173,170,129,170,173,173,176,181,189,194,191,181,173,170,129,127,125,127,170,176,178,178,173,129,173,181,186,186,181,181,181,181,183,186,183,173,169,170,181,196,207,202,191,189,190,191,191,191,189,183,183,189,194,189,185,185,194,199,196,189,185,185,185,185,185,186,189,189,189,186,183,183,181,178,178,181,183,186,189,189,191,194,194,191,189,183,135,135,178,178,178,135,134,134,181,189,191,189,189,191,194,194,194,194,196,202,202,199,196,196,196,199,204,209,215,215,215,215,215,215,217,222,222,225,225,225,222,222,222,222,222,222,220,217,217,215,215,209,207,202,199,199,199,199,196,189,183,178,133,133,176,178,178,178,173,170,165,163,123,121,119,117,117,115,113,111,109,107,107,107,105,101,99,97,97,97,97,97,97,97,95,95,99,105,109,109,109,144,147,147,111,111,111,147,113,113,150,155,160,163,160,152,115,115,117,155,117,117,157,165,170,165,163,165,170,173,173,168,163,165,170,176,176,170,165,165,170,173,170,168,173,178,181,178,178,176,176,178,178,176,176,176,178,181,181,181,181,183,181,178,178,178,181,186,183,178,177,181,186,189,189,186,183,181,186,189,186,181,176,176,176,178,183,189,189,186,181,183,189,189,191,194,194,191,189,186,185,185,186,189,189,186,186,191,196,196,194,194,191,194,194,194,194,194,191,189,189,194,196,194,191,189,189,196,199,202,204,204,196,182,178,182,194,196,194,192,194,194,196,196,196,199,196,194,191,191,194,196,199,196,196,194,194,196,199,202,202,199,199,199,199,194,189,189,189,186,183,189,191,183,183,189,189,186,186,189,191,189,186,183,178,178,186,191,191,194,194,196,196,191,191,194,194,191,191,199,204,204,194,186,186,183,179,181,189,199,204,202,199,199,196,194,189,189,191,196,196,194,191,189,189,191,194,189,183,181,181,181,181,178,129,125,126,173,183,186,183,173,121,119,121,121,115,121,129,129,173,178,176,176,181,189,194,194,194,194,191,194,191,189,189,191,196,199,199,196,194,194,191,189,186,181,133,130,133,183,191,191,186,137,135,134,136,181,191,196,196,194,194,194,190,190,194,196,196,194,194,194,191,194,199,196,189,178,169,169,178,189,183,178,133,127,125,126,176,183,183,178,131,176,186,194,196,194,194,191,189,186,186,186,189,191,191,189,189,189,189,191,189,186,186,186,189,189,183,181,183,183,183,181,181,181,183,186,186,186,186,191,191,183,177,176,181,189,189,186,183,183,183,183,181,183,186,189,189,186,183,186,189,186,183,181,183,186,183,181,178,181,186,191,194,199,202,199,191,181,137,181,189,199,202,202,199,196,196,194,191,191,191,189,183,181,181,181,183,183,178,131,131,135,181,186,191,196,196,194,194,194,189,183,183,191,202,212,217,217,217,212,209,207,199,196,194,186,183,183,186,189,186,178,129,129,129,131,131,173,173,176,176,173,129,125,123,118,116,118,129,181,186,191,196,202,204,202,194,189,187,191,199,204,199,196,202,202,199,194,194,196,204,209,209,204,196,191,185,185,191,191,181,132,132,137,191,207,209,204,204,207,209,209,209,207,199,198,204,209,212,217,220,217,215,212,207,209,209,207,209,225,235,233,228,230,235,235,222,209,202,199,202,0,0,0,199,204,209,212,212,212,209,207,207,204,202,202,202,204,207,209,209,209,209,209,209,212,215,215,217,222,225,228,230,230,230,228,220,217,217,220,212,204,200,202,202,202,199,199,196,194,0,0,0,204,207,209,207,204,202,196,194,189,183,178,177,177,181,189,191,194,196,202,204,207,215,217,215,212,209,207,202,194,189,183,178,181,181,181,186,194,199,204,204,202,199,198,198,199,196,194,191,191,189,186,181,176,173,170,170,170,183,0,0,0,212,0,215,222,225,230,233,230,230,0,0,0,0,230,228,228,235,243,246,243,238,235,238,233,222,220,222,0,0,0,0,0,0,0,0,0,0,0,0,0,228,217,0,0,0,0,0,0,0,194,194,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,191,186,178,173,172,176,189,204,215,215,209,202,196,202,209,215,209,202,204,212,217,212,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,181,165,142,131,131,139,142,150,152,147,142,142,144,147,147,146,150,168,181,189,181,122,119,163,194,217,212,186,165,163,173,176,163,113,109,117,176,189,189,181,173,170,165,152,103,105,163,196,212,207,202,199,199,202,212,209,173,89,131,124,124,129,129,126,137,173,191,196,199,202,199,137,131,134,137,142,139,147,155,157,163,168,178,189,199,204,207,209,204,191,121,116,116,165,178,170,118,118,127,173,178,173,124,121,125,176,176,119,105,106,131,189,191,189,186,186,189,186,183,183,183,178,131,125,124,125,129,127,125,127,173,181,186,181,178,178,183,183,178,178,181,181,178,173,170,129,127,129,121,115,121,129,170,123,117,123,189,202,207,207,204,204,202,199,196,194,191,186,181,176,176,178,178,173,173,173,173,176,176,170,170,178,176,170,176,189,191,176,166,181,189,127,115,113,125,183,196,202,202,196,191,189,194,189,181,176,177,186,199,207,204,189,123,101,101,123,178,178,176,123,105,99,105,107,111,121,127,173,170,127,125,168,168,127,123,118,119,183,199,196,189,183,181,183,183,129,127,173,178,178,178,181,186,196,199,191,189,189,186,189,194,196,191,183,181,183,186,186,189,194,199,202,202,194,186,178,176,176,176,173,173,131,130,130,131,131,130,130,173,181,186,183,181,189,199,204,199,189,176,131,129,131,186,199,209,215,212,212,212,207,199,183,183,204,215,181,133,178,131,127,131,196,209,209,204,196,189,181,177,181,196,202,204,207,207,207,207,212,215,215,215,215,215,215,215,207,194,178,133,131,131,173,176,178,173,129,170,173,173,170,129,129,170,176,186,189,189,183,170,166,168,173,189,194,186,173,168,168,168,170,173,173,127,121,121,121,109,106,121,189,186,176,165,123,114,114,119,176,196,204,191,178,181,186,191,191,189,183,178,176,178,186,189,181,176,127,123,123,129,176,183,189,191,186,129,121,119,121,129,131,125,127,173,176,133,129,123,117,115,115,117,123,173,173,119,103,101,106,113,117,117,98,92,107,189,194,181,126,124,126,173,176,183,191,194,189,178,168,121,111,99,91,90,99,121,176,183,176,121,114,113,117,176,178,125,122,168,178,176,117,116,117,121,170,191,202,191,125,112,125,183,194,191,183,178,173,178,183,178,129,127,173,183,186,189,199,209,212,207,196,176,113,105,107,112,121,127,129,128,126,126,129,129,127,127,125,127,173,181,183,186,186,189,186,181,173,176,173,129,168,168,168,127,123,116,116,127,178,127,114,114,117,127,170,173,173,170,127,125,129,199,207,191,121,113,125,189,209,222,212,196,192,194,199,199,194,191,189,186,186,186,186,189,196,209,212,209,207,204,204,202,194,173,125,129,181,189,189,173,107,106,123,183,194,202,202,199,204,207,202,183,176,178,176,121,113,119,199,204,127,121,168,121,17,0,6,63,99,113,165,181,189,194,194,186,176,165,124,165,170,170,123,116,113,114,127,186,186,178,168,125,170,178,176,127,127,170,168,127,168,168,127,168,173,173,168,170,186,196,196,189,183,181,183,186,189,194,199,194,178,115,107,109,127,176,168,115,98,91,105,125,173,176,178,173,169,173,178,181,178,176,170,176,186,186,181,173,127,124,124,127,170,129,125,127,176,176,170,129,173,170,123,122,123,123,120,119,121,125,168,170,176,176,170,173,186,191,181,173,168,129,170,170,125,121,121,121,119,125,181,194,196,194,189,186,189,186,181,178,183,183,183,181,181,186,191,194,194,189,183,127,119,121,127,127,119,117,123,168,168,168,173,178,181,178,170,170,176,183,183,178,181,183,178,172,170,172,176,176,173,129,129,170,176,176,176,173,170,128,129,170,173,178,178,181,186,189,191,194,196,202,204,204,202,199,199,202,204,209,212,209,204,191,176,129,173,181,183,181,181,183,183,125,106,107,123,131,173,183,194,199,204,207,207,209,209,207,189,128,127,131,178,186,194,186,135,132,133,181,194,202,204,207,209,209,207,204,202,202,202,204,204,202,199,199,202,207,209,212,209,204,194,189,183,135,127,115,110,113,135,183,178,177,178,178,177,177,178,183,183,178,176,178,183,191,196,196,191,183,176,129,127,125,129,176,178,170,125,115,114,119,129,178,189,199,202,191,173,130,173,181,181,176,176,183,181,176,174,183,199,194,178,135,131,133,186,191,194,196,202,204,202,196,191,186,181,133,127,123,127,181,189,186,181,176,132,130,131,181,191,189,183,181,183,186,181,125,119,120,129,176,176,170,129,170,129,126,124,127,178,181,176,173,176,178,181,181,178,178,178,173,127,125,127,170,173,173,173,176,183,189,189,181,173,170,129,127,125,125,127,173,181,181,178,176,173,178,183,183,181,183,183,181,178,178,178,172,168,169,181,202,209,207,194,190,190,190,190,191,194,191,189,191,191,189,185,186,194,199,194,189,189,186,186,186,186,189,191,191,189,189,189,189,186,183,183,186,186,186,186,189,189,191,191,189,186,181,135,135,178,181,178,178,135,135,181,186,189,189,189,191,191,191,191,191,196,202,204,202,196,196,199,202,207,212,215,215,215,215,215,215,217,217,222,225,225,225,225,222,222,222,220,220,217,217,217,215,212,209,204,199,196,199,199,199,196,189,183,178,133,133,176,181,181,178,173,168,165,163,123,121,119,117,115,115,113,111,109,109,109,109,107,103,99,97,96,97,97,99,99,99,99,99,103,109,144,144,144,144,147,111,109,107,111,150,152,152,150,155,160,163,160,155,117,155,157,160,157,157,160,168,168,165,165,168,170,170,168,165,163,163,165,170,173,170,165,168,173,173,170,170,173,176,178,178,178,178,181,181,181,181,178,181,181,183,183,181,181,181,181,178,177,177,177,181,178,177,177,181,189,194,196,191,183,181,186,191,191,186,181,178,178,178,183,189,186,181,179,181,189,194,196,199,199,194,194,189,186,185,186,186,183,183,183,189,194,194,194,194,194,191,189,189,194,199,199,196,194,194,194,196,194,194,196,199,199,202,202,202,194,183,183,194,199,196,194,196,196,196,196,196,194,194,194,191,191,191,194,196,196,196,194,194,194,194,196,196,196,199,199,199,199,191,186,186,191,194,194,196,196,189,183,189,189,189,189,191,189,183,183,186,181,178,183,186,189,191,194,199,202,196,194,196,199,202,204,209,209,199,186,181,181,179,178,179,191,202,202,202,196,194,191,191,191,191,194,199,199,196,191,189,189,191,194,189,183,183,183,181,178,178,133,129,129,176,183,183,181,129,123,119,119,117,111,113,123,125,129,176,176,176,181,189,194,194,191,189,186,189,189,189,191,196,202,204,199,194,189,189,189,191,189,186,181,137,181,189,191,191,186,181,136,133,135,137,186,191,194,194,196,194,191,191,196,199,196,196,194,194,196,199,199,196,191,186,176,172,177,183,178,176,131,125,124,126,133,181,178,127,123,129,183,194,196,194,191,189,189,189,186,183,183,186,189,191,189,189,189,189,189,186,186,186,189,189,183,183,183,181,179,179,179,178,181,183,183,179,179,186,191,189,181,178,178,181,181,178,178,178,181,186,189,191,189,189,189,189,189,189,191,191,186,183,183,183,183,181,183,186,186,189,191,194,194,194,191,191,191,191,194,202,204,204,199,196,196,194,191,191,189,183,179,181,186,189,189,189,181,131,128,130,178,186,189,191,191,191,191,191,191,186,183,189,202,212,217,215,209,207,207,204,202,204,204,199,191,186,189,189,183,176,129,128,129,127,126,129,176,176,176,173,129,125,121,119,119,123,129,178,183,189,194,196,199,196,196,194,194,191,194,196,196,199,204,204,196,191,189,189,194,202,204,204,196,191,186,189,196,199,189,134,133,181,196,207,209,207,209,212,212,209,204,204,199,199,204,209,215,217,217,215,215,212,209,217,222,217,215,225,230,230,228,230,235,233,222,209,202,199,202,0,0,0,202,207,209,212,212,209,209,209,207,207,204,202,200,202,207,209,212,212,209,209,207,209,212,215,215,217,222,225,225,228,230,228,220,217,217,217,215,209,204,202,202,199,199,199,199,194,0,0,0,0,215,215,212,207,199,196,194,189,181,177,176,178,183,191,196,199,202,204,204,209,215,217,215,212,207,204,202,196,191,186,183,183,186,186,189,194,199,204,204,202,199,199,199,199,199,196,191,189,186,183,181,176,173,170,169,168,176,0,0,0,209,209,215,217,222,228,230,228,228,225,0,0,0,233,230,230,233,238,241,238,235,235,241,241,230,222,225,241,0,0,0,0,0,0,0,0,0,0,0,0,228,215,0,0,0,0,0,0,0,0,212,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,194,186,181,173,170,172,178,191,207,215,217,209,199,196,202,209,209,204,207,212,215,207,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,189,170,139,126,129,137,144,152,155,147,142,144,150,150,150,150,160,178,186,186,178,165,122,165,191,204,199,181,168,165,170,168,119,108,108,119,176,189,194,191,176,155,152,150,105,147,181,199,207,199,196,196,191,186,191,189,168,144,134,134,137,139,134,126,137,183,196,199,199,196,186,147,152,150,155,160,157,160,163,157,157,168,176,183,189,194,199,202,202,194,168,119,118,123,173,168,117,115,121,173,183,178,126,122,127,183,183,123,102,100,107,176,186,183,183,186,183,178,178,181,178,173,127,124,125,170,129,125,124,127,170,176,178,178,176,176,178,181,178,178,178,176,173,170,170,129,129,127,109,106,111,121,125,123,120,127,186,199,204,207,207,207,207,204,202,202,199,196,189,181,176,181,178,131,128,129,131,176,173,169,168,169,170,176,186,196,194,183,176,186,181,110,111,121,181,194,202,204,202,196,189,182,186,183,178,176,177,183,194,202,202,194,119,94,98,173,189,191,186,173,95,84,93,119,176,186,189,186,181,170,168,170,168,125,127,123,121,170,191,199,191,183,186,199,207,202,183,176,178,178,170,125,127,178,183,181,181,181,183,189,194,194,189,183,181,181,181,178,178,183,191,194,191,186,181,181,178,178,178,178,178,173,131,131,173,173,131,131,173,178,183,186,189,191,199,202,196,186,176,131,130,131,183,196,204,209,209,209,212,209,202,182,182,196,196,133,131,131,128,128,178,202,212,212,204,196,189,181,178,189,202,204,204,207,209,207,207,209,212,215,215,215,217,217,215,209,196,183,133,131,131,129,131,131,173,173,181,189,186,173,129,127,129,129,173,176,178,178,170,169,169,176,191,196,183,170,170,178,181,173,168,127,125,125,127,127,117,113,183,204,202,183,123,118,116,118,125,178,191,194,181,170,178,186,189,191,191,186,178,176,178,183,183,178,176,129,122,120,122,127,170,176,181,176,127,119,115,115,121,121,116,121,176,183,183,131,123,119,119,125,127,131,176,131,121,105,103,105,111,115,109,95,90,101,170,181,173,125,124,127,173,173,173,178,178,176,173,168,121,113,105,99,101,109,119,168,173,165,117,114,115,165,181,178,125,127,181,196,196,117,114,115,121,170,183,186,168,112,108,113,173,183,183,178,173,129,173,183,181,170,170,191,207,204,191,189,196,199,191,173,119,111,106,109,121,170,176,176,170,129,128,170,170,129,127,125,125,170,176,170,127,129,173,170,129,170,181,176,170,127,127,125,127,168,122,121,168,173,121,113,115,123,176,178,176,170,127,127,129,189,209,209,202,189,173,131,183,199,215,212,204,196,196,194,194,191,191,189,186,185,185,186,189,196,207,212,212,209,209,207,196,173,129,181,191,196,199,191,107,95,109,183,196,199,204,204,202,204,209,209,202,194,189,181,119,109,113,194,207,127,113,121,119,23,3,49,105,117,168,189,204,207,204,202,191,178,165,124,124,165,170,125,114,113,119,170,176,170,170,173,173,178,186,178,127,168,178,176,168,168,127,125,127,173,168,119,117,125,176,178,178,181,183,189,191,191,194,196,194,186,127,109,113,183,189,176,123,111,103,119,168,173,173,173,169,169,181,183,181,176,168,168,176,186,189,186,181,176,129,125,125,125,124,123,129,183,189,181,176,178,173,125,122,125,125,121,121,125,127,170,176,183,186,176,170,183,191,183,176,170,129,173,173,170,173,178,178,129,125,170,183,186,189,189,186,183,173,127,125,129,129,131,128,126,129,178,183,178,176,127,120,118,120,121,119,116,115,117,123,125,125,127,173,178,176,127,125,170,178,178,176,178,181,176,172,172,176,178,178,173,170,170,173,176,176,173,173,129,127,128,129,176,183,183,183,186,194,196,196,196,199,202,204,202,199,196,196,199,207,212,215,212,202,181,127,129,181,189,191,194,194,176,111,105,108,119,125,127,181,194,199,196,196,202,204,202,196,181,126,126,133,189,194,194,186,181,181,178,181,189,199,204,204,204,204,204,202,199,199,199,199,202,204,207,207,207,207,209,209,209,209,204,202,196,183,129,115,107,110,178,181,176,176,181,183,178,176,177,181,181,176,174,178,181,186,194,196,191,183,176,129,129,129,131,176,176,173,173,173,129,129,131,173,173,176,183,186,176,131,131,178,183,181,183,191,191,181,177,183,204,209,194,178,128,127,135,189,191,194,199,199,196,189,183,181,178,133,129,127,133,183,189,186,178,176,132,130,130,133,186,189,183,178,176,178,181,131,123,125,178,181,176,176,178,183,181,170,124,125,129,170,129,129,170,173,176,178,178,178,173,125,119,119,123,170,178,176,173,173,178,186,186,181,173,170,170,129,125,123,124,129,176,178,178,176,176,181,186,186,183,186,183,178,173,173,176,176,173,176,189,204,212,209,199,191,191,190,191,196,199,196,191,191,194,194,189,191,199,199,194,189,191,191,191,189,189,189,191,191,189,191,191,194,191,189,189,191,191,189,189,189,191,189,189,186,183,178,135,135,178,181,178,135,135,137,181,183,186,186,189,191,194,194,194,191,194,202,204,204,199,199,202,207,209,209,212,215,217,217,217,217,217,220,222,225,225,225,225,222,222,222,220,217,217,217,217,215,212,207,202,196,195,196,199,196,194,189,181,135,133,173,176,181,181,178,173,168,168,168,165,160,119,115,113,111,111,109,109,109,111,111,109,105,101,96,96,97,99,101,101,101,101,103,107,109,144,144,109,109,109,107,105,107,111,150,152,152,152,157,160,160,160,157,157,160,160,163,163,163,163,165,168,165,165,168,170,170,165,163,123,123,163,168,168,165,165,168,173,176,173,173,176,176,173,173,173,176,178,181,183,183,183,183,186,186,186,183,181,178,178,178,178,177,177,178,178,177,177,181,186,194,194,189,181,178,183,191,191,189,186,181,176,176,181,186,186,181,179,183,189,194,199,202,199,194,191,189,189,189,186,186,183,182,183,186,189,189,194,194,194,186,181,137,189,199,204,202,196,191,191,194,199,202,202,202,202,202,202,199,191,191,194,199,196,194,199,202,202,199,196,194,194,194,191,191,191,191,194,196,196,194,191,194,194,194,194,194,194,196,199,199,199,191,186,186,191,194,194,196,196,191,189,191,194,196,199,194,189,183,183,189,186,181,183,186,186,191,194,202,204,199,194,196,204,209,212,212,209,202,194,189,191,186,181,183,194,199,199,194,191,189,189,191,196,196,196,199,199,194,189,186,186,191,194,191,186,189,189,181,178,178,178,178,178,178,178,178,176,173,125,121,117,112,110,113,125,127,173,178,176,174,178,189,194,191,183,181,181,186,191,194,199,202,204,204,199,194,189,189,191,191,194,194,191,191,191,194,194,189,189,191,186,137,136,181,186,189,191,194,196,194,191,194,199,202,199,196,191,191,194,199,199,196,196,194,186,181,181,181,176,133,129,126,127,131,178,183,178,127,124,129,186,194,191,186,183,183,186,186,183,178,178,181,186,191,194,191,189,191,191,189,186,186,186,186,183,181,183,181,179,181,181,179,181,183,181,178,178,186,191,191,183,178,178,176,173,131,173,176,181,189,191,191,189,189,189,191,191,194,196,194,189,186,186,186,183,183,183,186,186,186,186,186,186,189,189,191,194,194,196,199,202,202,196,194,194,194,191,191,186,179,178,181,191,196,194,194,189,135,129,130,181,186,189,189,189,189,191,194,194,189,183,183,194,204,207,196,191,194,199,196,199,204,209,207,199,194,191,189,186,181,176,173,129,126,124,127,176,178,173,127,127,125,121,121,125,131,176,183,189,194,194,194,194,194,199,204,204,196,190,190,194,204,212,209,202,194,189,186,189,194,199,199,196,191,186,186,194,202,194,181,135,183,196,202,202,204,209,215,209,202,196,199,202,202,204,207,212,215,212,209,209,207,207,215,225,220,217,222,225,228,230,235,235,230,220,209,202,199,204,0,0,0,202,204,207,209,209,212,212,212,212,209,204,200,200,202,207,212,212,212,212,209,207,207,209,212,215,215,217,222,222,225,228,225,217,217,217,217,217,215,209,204,202,199,202,204,204,0,0,0,0,207,215,217,215,209,204,199,199,194,186,181,178,183,191,199,204,207,207,207,207,207,212,217,215,212,207,207,202,196,194,189,186,186,189,191,191,191,194,202,204,204,202,199,202,202,199,196,194,191,189,186,183,178,176,170,168,168,173,0,0,209,209,212,217,217,222,225,225,225,222,222,225,0,0,233,230,228,228,230,233,230,228,230,241,241,230,222,228,241,0,0,0,0,0,0,0,0,0,0,0,0,233,222,209,0,0,0,0,0,0,209,207,191,183,0,0,0,0,0,0,0,0,0,0,0,0,0,202,194,186,181,173,170,170,172,178,194,212,225,217,202,194,196,204,209,207,209,212,212,204,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,173,160,137,126,131,139,147,155,155,150,147,152,155,157,168,178,183,189,186,176,170,165,123,165,176,183,178,168,163,165,168,163,115,108,108,115,165,178,191,196,181,115,111,152,150,157,168,173,183,181,186,191,183,173,170,168,155,144,144,150,150,144,137,126,139,189,196,196,196,183,160,140,160,160,168,168,165,170,176,163,163,168,168,170,173,176,178,186,191,194,196,183,165,125,170,168,118,116,119,129,176,176,170,129,176,191,196,183,111,101,105,129,178,178,181,181,181,176,176,178,176,129,124,124,170,176,173,127,125,127,125,127,129,173,176,181,186,189,186,181,176,170,170,173,173,173,170,123,104,104,111,121,127,127,127,173,186,194,199,204,207,207,204,202,202,199,202,202,194,181,178,181,178,129,127,127,131,178,178,173,168,166,170,186,196,202,202,202,199,194,113,85,105,183,191,194,196,199,199,196,186,182,183,181,178,177,178,181,186,194,196,186,97,82,98,183,191,189,181,168,91,69,84,127,189,194,196,196,189,183,186,183,173,124,168,125,120,121,173,186,181,173,189,204,212,209,186,129,129,170,121,116,115,122,170,176,176,178,178,183,189,186,181,176,173,173,176,173,173,178,186,186,181,176,176,178,181,183,183,183,181,176,129,127,127,129,129,131,176,178,186,194,199,199,202,199,191,181,176,133,131,131,181,189,194,202,204,204,207,207,202,186,182,189,176,128,128,128,127,133,194,207,215,212,209,199,186,178,183,196,209,209,209,209,212,209,207,204,207,209,212,217,220,222,217,212,196,181,133,131,129,123,122,123,129,176,191,199,194,176,127,126,126,127,170,173,178,178,173,170,173,183,196,199,181,127,170,186,196,181,170,168,170,173,173,170,127,165,191,204,199,183,170,125,165,170,176,178,178,170,163,161,170,178,183,191,194,191,181,173,168,170,168,168,129,127,121,120,122,123,125,129,170,129,121,115,114,114,117,117,114,121,186,196,194,181,129,127,178,189,186,181,181,178,131,119,113,115,119,121,119,107,103,115,123,127,127,168,170,178,178,170,168,168,168,165,165,165,125,123,119,113,113,119,125,168,168,165,119,115,119,173,183,178,165,170,191,207,202,117,116,119,127,176,176,168,117,110,109,115,168,176,176,173,129,127,127,178,181,170,173,196,207,202,183,176,176,178,127,119,117,117,117,127,181,186,186,181,176,170,170,173,170,129,127,123,123,129,173,123,119,121,125,125,125,127,173,170,168,168,127,125,168,173,127,123,127,170,121,117,127,181,189,181,173,125,125,129,183,209,212,207,202,204,204,196,191,191,202,207,207,204,199,194,191,194,194,191,189,185,185,186,191,199,207,212,212,212,212,207,183,126,128,191,202,204,204,189,107,100,123,196,204,202,202,204,202,199,204,209,207,204,202,196,170,112,112,176,189,113,100,111,115,65,13,85,117,123,173,199,212,209,207,204,196,181,168,125,124,125,170,165,115,114,123,127,121,118,121,173,183,183,183,173,127,173,181,176,168,125,123,122,125,168,127,115,111,111,115,117,123,173,183,189,194,196,199,196,194,189,173,106,108,178,183,168,121,127,181,176,170,170,170,170,169,170,181,183,181,170,127,170,178,186,191,191,191,186,178,129,125,124,124,124,170,191,196,191,186,183,178,127,123,127,125,121,123,168,170,173,178,189,194,178,170,178,183,181,178,176,173,176,176,176,181,189,189,176,124,122,127,178,178,178,178,173,123,116,115,117,125,129,128,125,127,173,176,170,129,121,121,125,170,121,115,117,116,119,121,121,121,125,168,173,170,123,119,123,170,176,174,176,176,176,176,178,183,186,183,173,170,173,176,173,170,170,170,170,129,170,170,176,183,186,183,186,199,202,199,196,199,199,202,202,196,192,192,196,202,209,215,217,209,186,125,123,173,186,191,199,202,129,108,107,113,121,123,123,131,186,191,186,186,194,199,196,196,191,178,131,189,196,199,191,178,178,183,181,178,183,191,196,196,196,199,202,199,199,199,199,196,199,207,212,212,212,212,212,212,209,207,204,202,196,189,135,125,106,108,194,196,177,174,183,191,186,178,178,181,178,174,174,178,181,183,189,191,186,181,173,129,173,176,176,178,176,176,181,189,183,181,181,178,130,127,128,176,173,131,127,131,183,186,189,189,191,186,181,189,212,215,204,181,127,125,131,186,191,196,202,199,191,183,178,135,135,133,133,178,183,189,194,191,186,181,181,133,131,132,181,186,183,131,125,123,131,176,178,186,191,186,176,176,181,191,196,189,170,127,170,129,127,129,129,129,129,173,178,181,170,121,116,116,121,173,181,181,176,173,176,183,186,183,173,170,170,170,127,123,123,124,129,129,170,176,181,186,194,194,189,186,183,178,173,129,131,176,178,183,194,204,212,212,202,196,194,194,194,196,196,194,189,191,194,194,191,194,202,202,191,189,189,194,191,189,189,189,189,189,189,194,196,196,196,194,194,194,194,194,194,191,191,191,189,186,183,181,178,178,181,181,178,135,135,137,137,137,181,186,191,191,194,199,196,194,196,202,207,207,207,204,207,209,209,209,212,215,217,222,222,220,217,222,222,225,225,225,225,222,222,222,220,217,217,217,217,215,212,207,202,196,195,196,196,194,191,186,178,133,131,131,176,181,181,178,173,170,170,170,168,160,119,113,109,107,107,105,107,109,111,111,109,105,101,97,96,99,101,103,103,103,103,105,107,109,109,107,107,105,103,101,103,105,111,150,152,152,155,155,157,155,157,160,163,165,165,163,160,160,163,165,165,163,163,163,168,168,163,123,123,123,163,163,163,123,125,165,173,173,173,176,176,173,170,169,170,173,178,181,183,183,186,189,189,189,186,183,178,178,178,181,181,178,178,178,178,178,178,181,183,186,186,183,178,176,178,183,189,189,189,181,173,173,178,183,183,181,181,181,186,189,191,194,191,183,181,181,183,186,186,183,183,183,186,186,183,183,186,189,191,183,135,133,137,196,204,202,194,190,190,191,196,202,202,202,202,202,202,196,194,194,196,194,189,191,199,202,202,196,194,194,194,194,194,194,191,191,194,194,194,191,191,194,194,194,194,191,191,194,196,196,196,191,186,186,189,191,191,191,194,191,191,196,202,204,204,199,191,183,186,191,191,186,183,186,186,189,194,202,204,199,194,199,207,209,209,207,209,209,209,209,207,199,191,191,196,196,191,183,181,181,186,194,199,199,196,199,196,191,186,181,183,189,191,194,191,194,194,183,181,181,183,186,186,181,176,173,176,176,173,123,117,112,112,121,173,176,181,181,176,174,178,189,194,189,181,178,181,189,196,202,204,204,204,204,199,194,189,189,191,191,194,196,196,199,199,196,191,187,189,196,196,189,181,181,186,189,189,194,196,194,194,196,202,204,202,196,189,187,191,196,199,199,199,196,194,189,186,181,133,129,127,129,133,181,186,186,181,131,125,131,183,191,189,181,178,181,181,181,177,176,176,178,186,191,194,191,191,191,191,191,189,186,186,183,181,181,183,183,183,183,186,183,183,186,183,179,181,189,196,189,181,178,176,131,127,126,129,178,183,186,186,186,186,189,191,194,196,196,199,199,194,191,191,189,186,186,183,183,183,183,183,183,183,186,186,189,191,194,196,196,199,199,194,194,194,194,194,191,183,178,178,186,196,199,196,194,191,183,135,178,189,191,189,189,186,186,189,191,191,189,183,181,183,194,191,181,176,178,186,191,194,196,202,204,199,196,194,189,186,186,186,183,178,127,124,126,176,178,127,122,123,125,123,120,125,133,181,189,196,202,196,194,192,196,204,212,209,202,191,189,196,209,217,215,209,202,196,189,186,189,191,194,194,189,183,179,189,199,199,183,131,133,186,189,191,199,209,212,207,194,191,194,202,204,202,202,204,207,204,202,204,202,202,209,217,217,215,222,225,228,235,238,235,228,217,209,202,202,204,207,207,0,202,202,204,204,209,212,212,215,212,212,207,200,199,202,207,212,215,215,212,209,207,207,207,212,215,215,217,217,222,225,228,225,222,217,215,217,217,217,212,207,202,199,202,207,207,204,0,0,191,202,207,209,209,207,204,204,204,199,191,186,186,191,202,207,212,215,215,212,209,209,212,215,215,212,209,207,204,199,194,189,186,189,191,194,194,194,196,199,204,204,202,202,202,202,202,196,194,189,186,186,186,183,178,170,169,169,176,0,0,0,0,0,222,222,222,222,222,222,222,222,225,0,230,230,230,228,225,225,225,225,222,225,233,235,228,222,225,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,191,186,183,0,0,0,0,0,0,0,0,0,0,0,0,0,202,194,186,181,176,173,173,173,176,186,207,222,222,204,194,194,202,207,207,209,212,209,202,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,144,139,126,126,131,144,152,157,157,152,150,155,163,173,183,189,191,191,186,176,170,163,123,165,168,170,168,123,122,123,165,165,119,111,109,108,117,176,189,191,176,101,113,163,170,170,160,144,146,163,173,178,178,168,157,152,147,144,142,163,163,150,139,137,147,176,186,183,178,163,150,147,150,155,165,168,168,176,183,176,165,165,163,161,161,165,163,163,173,191,199,186,170,168,173,168,121,119,123,127,126,126,170,173,178,191,196,196,186,123,115,125,131,131,173,176,178,176,178,181,176,129,124,125,173,181,176,129,127,125,123,123,127,170,178,191,194,196,196,186,176,170,173,176,173,170,129,121,110,110,121,170,176,176,131,178,186,191,194,202,204,202,196,196,199,202,202,199,191,183,178,178,181,176,129,128,173,183,183,176,169,169,176,183,194,204,204,209,207,199,112,85,113,189,194,194,191,191,194,194,186,183,183,181,178,181,181,183,186,191,196,178,107,99,117,178,183,178,168,123,113,101,107,168,189,199,199,199,196,194,194,194,181,127,125,119,118,121,127,127,124,127,196,209,212,202,181,170,129,125,119,116,117,125,176,181,181,178,177,178,181,183,178,129,128,170,173,129,129,173,178,176,170,127,129,173,181,189,189,183,178,173,127,121,121,123,129,176,181,189,191,196,202,204,204,199,189,181,176,176,131,129,133,176,181,189,194,196,196,196,194,189,186,183,129,128,129,129,131,186,202,209,212,209,207,194,133,131,183,202,209,212,215,215,215,215,207,203,204,204,209,215,222,217,217,212,191,176,131,131,129,123,120,121,125,176,194,199,191,181,170,127,126,129,173,173,178,181,178,173,178,189,196,196,176,122,170,191,194,181,170,176,189,189,181,170,165,165,189,191,183,178,176,176,176,178,178,178,176,165,160,159,165,176,183,191,196,191,181,168,123,123,123,123,123,125,125,125,173,170,129,129,129,125,117,114,115,117,121,121,116,121,186,202,199,191,181,183,196,204,196,186,183,186,181,170,125,125,129,170,170,129,170,127,117,117,127,176,186,189,183,178,176,173,168,164,164,165,170,173,168,123,121,165,176,170,165,165,125,121,125,173,178,173,165,168,186,194,173,119,168,181,183,181,176,127,121,115,117,123,170,176,170,127,126,127,129,173,173,168,170,181,189,189,170,121,113,107,107,111,117,123,168,181,186,186,178,176,173,170,170,129,123,119,119,115,117,129,173,121,117,120,125,127,125,125,124,125,168,170,168,125,127,168,125,127,168,168,168,170,176,189,194,183,170,126,168,183,202,215,209,199,199,204,209,209,202,186,173,196,196,202,204,194,191,196,199,194,189,186,186,189,196,204,209,209,209,209,207,194,173,126,128,181,196,202,199,173,115,127,186,199,204,204,204,207,202,198,202,207,209,204,204,204,194,129,127,173,127,98,95,103,109,97,87,97,113,111,173,207,215,209,207,204,202,191,173,125,125,165,173,168,115,114,123,123,116,115,119,178,189,183,121,110,117,176,183,176,127,123,123,122,123,127,123,115,110,109,109,110,117,170,183,191,196,196,199,199,194,186,176,77,89,121,125,107,101,123,189,178,125,173,183,181,176,170,176,178,178,170,125,168,178,186,191,194,194,194,183,173,129,129,129,129,173,186,199,202,194,186,176,127,127,170,129,123,123,170,170,127,170,186,189,176,168,173,178,178,176,176,178,178,173,170,178,189,194,181,123,121,125,176,173,129,129,129,121,113,112,116,129,178,183,186,186,183,183,176,129,123,176,189,196,181,105,116,125,129,123,119,123,127,127,127,127,125,117,115,121,176,181,181,178,178,181,186,191,194,191,170,169,176,181,170,125,125,129,176,183,181,173,176,181,186,186,186,199,202,202,199,199,202,202,202,196,192,192,196,202,204,209,215,207,189,127,121,129,176,183,191,194,123,107,108,117,125,123,122,125,131,176,173,178,186,191,194,196,202,207,207,204,202,199,194,181,176,176,135,133,135,183,189,186,189,194,199,196,196,199,199,195,196,207,217,222,217,215,215,212,209,204,199,196,194,191,186,135,109,108,186,196,181,177,191,202,194,183,183,183,178,173,172,176,181,181,181,178,176,173,131,129,173,181,181,176,174,178,186,194,189,186,189,189,176,128,128,131,131,125,125,129,173,183,189,186,125,127,129,194,222,202,196,183,131,128,129,178,189,199,204,202,191,181,178,135,135,135,135,183,191,194,194,194,191,186,181,176,133,176,181,186,186,131,118,113,115,127,183,191,194,189,178,176,178,189,199,199,186,178,173,170,127,127,127,123,115,119,181,181,170,119,114,115,123,173,181,178,176,173,176,183,189,186,176,170,176,176,170,127,125,125,127,129,170,173,183,191,196,194,191,189,183,178,173,127,123,127,178,186,194,204,212,212,204,199,199,196,194,194,191,185,183,189,194,189,186,191,199,199,191,189,191,191,191,186,183,186,186,183,186,194,196,199,199,199,196,199,199,194,194,194,191,191,189,186,186,186,183,183,183,181,178,135,135,135,135,135,181,186,191,194,196,199,199,196,196,202,204,209,209,209,209,212,212,215,215,215,215,217,220,217,217,217,225,228,225,228,225,222,222,222,217,217,217,215,215,212,209,207,204,202,199,196,194,191,189,183,178,131,131,173,178,181,183,181,176,173,173,170,168,160,117,111,107,105,104,104,104,107,109,109,107,105,101,97,97,99,103,103,103,103,103,105,105,105,105,103,101,101,99,99,99,105,111,152,157,157,157,157,155,155,157,163,168,168,165,163,157,157,160,165,165,160,117,117,121,160,160,121,123,163,123,121,119,121,123,165,170,170,170,173,170,170,170,170,173,176,178,183,183,183,186,189,191,189,186,183,181,178,178,181,181,178,178,181,181,181,178,178,178,178,181,181,176,131,129,173,183,189,186,178,173,176,181,183,183,181,181,181,183,183,186,189,186,181,178,177,178,181,181,181,181,183,186,183,181,135,134,181,186,183,135,133,137,191,199,199,194,190,190,191,194,199,199,202,202,202,199,194,194,194,194,191,187,191,196,202,199,196,194,194,196,196,194,194,194,191,191,191,191,191,191,194,196,196,196,191,189,189,194,196,194,189,189,189,186,186,186,189,189,189,194,199,202,204,204,202,194,186,186,191,191,186,183,186,186,186,191,199,202,196,194,196,202,204,204,204,207,212,215,215,209,202,196,194,194,189,183,135,133,135,183,191,196,196,196,202,196,186,178,178,181,183,186,189,194,196,194,186,183,186,189,191,191,186,176,129,173,173,129,127,117,113,121,173,181,183,183,181,176,176,181,189,191,189,183,181,183,191,199,204,207,207,204,202,196,194,191,189,189,189,191,196,199,199,202,199,191,186,186,194,199,194,183,179,183,186,189,194,194,191,189,194,199,202,202,199,189,187,191,194,199,204,196,191,191,189,186,178,133,129,131,133,178,186,191,186,176,127,123,121,133,186,186,181,181,178,177,176,177,176,176,181,186,189,191,189,189,191,191,189,189,186,186,181,178,177,181,183,186,189,189,189,189,191,191,186,189,199,199,189,181,176,176,129,126,125,129,181,186,183,181,181,186,191,196,199,196,199,199,196,191,189,191,191,189,183,183,181,178,183,189,191,191,191,191,189,189,191,196,196,196,196,194,194,194,194,194,191,186,181,181,189,196,196,194,194,191,186,181,186,194,196,194,191,186,185,185,185,185,186,183,182,182,189,191,181,174,177,181,186,183,186,191,196,196,194,194,189,186,189,194,194,189,178,131,131,176,176,127,122,122,123,121,119,121,129,178,194,204,207,199,194,194,196,204,209,209,202,191,191,194,207,215,220,217,207,202,196,194,186,183,186,189,183,181,181,183,191,194,133,112,112,127,135,183,194,204,207,202,192,191,194,204,207,202,196,196,199,199,199,204,202,196,204,212,215,215,222,228,235,241,241,235,225,215,209,204,204,209,212,212,207,204,202,200,202,207,212,212,212,212,212,207,202,200,202,207,209,215,217,215,209,204,204,207,209,212,215,217,217,222,228,230,228,222,217,215,217,217,215,212,207,202,202,204,204,204,0,202,0,0,0,0,199,196,199,199,202,202,196,194,191,194,199,209,217,222,222,222,215,212,212,215,215,215,215,212,209,207,202,196,191,189,189,191,196,199,199,199,202,204,204,202,202,204,204,199,194,191,186,183,186,186,186,181,173,170,178,186,189,194,0,0,0,225,225,225,222,222,222,225,228,228,230,230,230,228,225,222,222,222,0,216,220,228,233,228,222,222,222,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,0,183,178,181,186,181,176,181,199,215,217,207,196,191,196,199,204,209,212,209,202,200 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,105,108,118,129,137,150,160,163,160,150,150,157,176,189,194,194,194,191,189,183,176,123,121,165,170,170,165,123,121,122,168,176,170,117,109,108,113,170,189,170,93,97,165,183,189,186,176,155,148,150,150,163,170,168,157,155,152,147,142,152,155,144,144,147,150,160,170,170,165,160,155,152,150,152,160,165,165,170,178,176,170,170,170,165,161,161,160,160,163,176,183,173,165,168,173,170,127,125,127,129,125,124,127,170,176,189,196,194,189,176,125,127,129,129,170,176,176,176,178,178,173,127,125,127,176,186,183,176,170,125,123,123,127,170,181,194,196,196,199,194,186,181,181,176,129,125,125,123,121,123,170,181,186,183,176,178,189,191,194,199,199,195,194,195,199,204,202,199,191,183,178,178,183,183,176,131,178,186,183,176,170,170,176,178,186,196,204,207,204,196,125,97,123,189,196,194,189,189,191,189,183,178,178,176,178,183,186,189,191,196,202,186,125,121,168,178,178,170,127,127,127,121,121,170,189,199,202,202,199,196,196,199,189,170,121,118,119,123,125,123,123,170,199,209,209,196,181,181,178,129,122,123,173,186,191,194,189,181,176,176,178,181,176,129,128,128,129,127,128,129,129,127,125,125,129,176,183,189,189,181,178,173,127,120,119,120,127,178,189,194,199,202,207,209,207,199,186,181,183,178,131,127,129,129,129,131,129,176,181,186,189,183,178,133,128,131,176,133,176,189,199,204,207,202,186,123,117,119,131,199,207,212,215,215,215,215,207,203,203,204,209,215,217,217,215,207,181,133,133,176,176,127,122,121,123,170,186,191,183,178,173,129,129,170,129,129,173,178,183,181,181,186,191,183,168,125,176,186,183,170,166,178,191,194,186,173,165,165,183,186,176,168,125,168,170,173,176,183,186,178,165,161,168,176,183,189,191,186,176,125,119,119,119,121,125,170,176,178,181,178,176,176,170,125,119,117,119,125,173,173,125,127,178,189,191,191,194,199,204,207,199,191,189,189,181,127,123,125,129,173,176,170,170,127,117,117,170,183,194,194,191,191,189,186,178,168,165,165,170,176,170,123,119,123,170,168,165,170,173,168,168,170,173,168,164,168,181,181,168,168,186,196,196,189,178,170,127,125,127,168,170,170,127,125,126,168,170,173,173,168,168,165,166,170,168,123,115,107,106,107,113,119,168,176,178,170,127,125,125,125,127,127,123,119,115,111,112,123,176,129,121,123,129,129,127,125,123,123,127,170,170,127,125,125,168,170,168,168,173,176,173,176,181,173,168,170,183,199,209,215,207,196,191,199,207,212,207,189,119,129,178,194,202,194,194,199,202,199,194,191,191,196,204,212,212,207,204,202,194,181,170,129,129,176,183,186,181,125,119,178,196,204,207,207,207,207,202,198,199,204,207,204,202,202,196,189,181,176,127,101,97,105,109,95,89,81,89,101,186,207,215,215,212,209,209,204,186,170,168,168,173,168,119,119,168,127,116,115,123,186,202,194,113,105,110,176,176,168,123,127,170,127,123,123,119,111,109,109,111,117,127,178,191,199,202,199,194,194,194,189,170,88,96,111,111,101,96,109,176,127,121,173,194,194,183,170,127,170,176,170,119,121,173,186,191,191,191,191,183,176,173,176,176,176,181,191,202,204,196,181,129,126,129,173,170,125,122,125,125,121,125,176,178,127,125,173,178,176,174,176,178,178,170,127,173,183,191,183,170,127,173,181,178,131,131,131,129,119,117,121,173,183,194,199,202,199,196,186,170,127,183,199,204,194,104,115,173,176,123,119,168,173,170,129,170,127,117,113,119,183,194,194,191,186,186,189,194,196,191,170,169,183,186,127,120,121,125,173,183,181,173,173,176,181,183,186,194,199,202,202,202,204,204,204,199,194,194,196,199,202,204,204,202,191,129,119,127,176,176,176,176,123,111,113,119,123,122,122,123,125,127,129,173,178,181,181,191,204,215,217,212,207,204,196,186,178,133,131,131,135,178,181,179,179,181,189,194,194,196,199,196,199,207,217,225,222,215,209,209,207,202,196,194,191,191,189,178,115,115,176,186,178,181,199,207,199,189,189,189,181,174,173,176,178,176,133,131,131,129,125,127,173,181,181,176,176,181,191,194,189,183,189,194,191,178,131,131,127,125,125,173,183,189,189,178,94,103,117,183,196,177,181,186,181,135,135,178,186,194,199,199,191,186,186,183,181,183,183,186,186,186,183,186,189,186,178,176,178,181,183,183,183,178,123,112,114,123,178,186,189,183,178,176,178,181,183,186,186,183,178,170,124,123,125,123,101,95,115,170,170,123,118,119,125,170,176,178,176,173,176,183,191,189,178,173,178,178,173,170,129,127,129,170,170,176,186,191,191,189,186,183,178,176,173,125,118,119,129,183,191,199,207,209,207,202,202,199,194,194,191,183,183,186,189,185,183,186,196,196,194,191,194,194,191,183,179,181,183,183,189,194,199,199,199,196,196,196,196,194,191,191,191,191,189,189,189,189,189,186,183,181,178,135,134,135,135,135,181,186,191,194,194,199,199,196,196,196,202,207,209,212,212,212,215,217,217,217,215,215,217,217,217,220,225,225,222,222,222,217,217,217,217,217,215,212,212,209,207,204,204,202,199,194,191,189,186,183,176,131,131,173,178,181,183,181,178,173,170,168,163,121,115,111,107,105,105,104,105,105,107,107,105,103,101,97,97,99,101,103,101,99,99,101,101,103,101,99,99,97,97,97,99,105,111,155,160,163,163,160,157,155,157,160,165,165,163,160,157,119,157,163,163,119,115,114,116,119,119,119,121,123,121,119,117,119,121,165,170,170,170,170,169,170,173,176,181,181,183,183,183,183,186,191,191,191,189,186,183,181,181,183,181,178,178,183,183,183,181,177,177,176,177,178,176,129,128,129,178,183,181,176,173,173,181,183,183,183,183,183,178,176,178,186,189,186,181,178,179,179,178,177,178,183,186,186,181,134,132,135,186,189,181,136,137,189,194,194,191,190,190,191,194,196,199,199,199,199,196,191,191,194,194,189,187,189,194,199,199,196,194,191,191,191,194,194,194,191,191,191,191,191,194,196,199,199,196,189,183,186,191,194,194,189,186,183,181,182,186,189,189,189,194,196,202,202,202,202,196,191,191,194,194,189,186,186,185,186,191,199,202,199,196,196,199,202,204,204,207,207,209,209,207,202,199,196,191,183,135,132,131,133,181,189,194,196,199,202,196,186,178,178,181,181,181,183,191,199,194,186,183,181,181,186,189,186,176,127,125,125,123,121,119,119,123,173,178,178,178,173,133,178,186,191,191,189,186,186,189,194,199,202,204,204,204,199,196,191,189,186,185,185,186,196,199,202,202,199,189,186,186,189,194,191,183,181,183,186,189,191,189,183,181,186,191,199,204,202,191,187,189,191,199,202,194,186,183,183,178,133,131,133,176,178,183,189,189,183,133,123,114,111,121,178,183,186,186,183,177,177,181,178,178,183,186,186,186,189,189,189,189,186,186,183,183,178,176,176,178,183,186,189,189,189,189,194,194,191,196,202,199,183,176,176,176,131,126,126,173,183,186,181,174,178,186,196,199,199,196,196,196,191,186,183,186,189,186,181,177,177,177,183,194,202,202,202,199,194,189,189,191,194,194,196,196,196,194,194,191,191,189,186,186,189,194,194,194,191,191,186,183,186,194,196,194,191,189,186,185,185,186,189,189,186,183,189,194,196,189,186,189,181,178,179,186,191,191,189,189,191,189,191,194,196,191,183,178,173,131,173,129,125,125,127,121,118,119,125,178,194,207,207,202,196,196,199,202,204,207,202,191,181,181,196,209,217,220,215,209,204,199,189,137,137,137,137,181,181,135,135,135,123,110,109,117,133,139,191,199,202,196,192,192,196,207,207,199,194,194,199,204,207,209,202,195,196,207,215,217,222,230,235,241,241,235,225,215,209,209,209,212,215,215,209,207,202,200,200,204,207,207,209,215,212,209,204,202,204,207,212,215,217,215,209,204,204,204,209,212,215,215,217,225,230,233,230,222,215,215,217,215,212,207,204,202,204,207,204,202,0,0,0,0,0,0,0,191,191,191,194,194,191,191,191,196,202,209,222,225,225,225,222,217,215,215,215,215,215,212,212,209,204,199,191,189,187,191,199,204,204,202,202,202,204,204,207,209,207,199,191,186,183,183,183,186,186,183,176,176,183,194,196,199,0,0,0,222,225,225,222,225,225,228,230,230,233,233,230,228,222,222,222,222,0,0,217,228,233,230,228,222,217,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,183,189,191,186,176,176,186,202,209,204,196,189,186,191,199,209,212,212,204,200 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,69,95,116,134,144,157,168,170,165,150,147,160,186,199,202,196,196,194,194,189,181,123,119,168,173,173,165,123,121,121,168,183,178,119,109,113,119,165,178,77,56,105,189,199,202,199,194,178,157,110,109,155,168,165,157,160,160,155,142,105,101,101,142,152,152,152,163,163,160,163,163,157,152,155,157,163,163,161,163,165,165,170,176,173,165,161,161,163,165,170,170,125,122,125,168,170,168,168,170,173,127,125,126,129,173,181,183,181,178,173,129,127,129,129,173,176,178,176,176,173,129,125,127,129,178,189,189,186,181,170,124,124,127,170,178,191,194,196,199,202,202,196,186,173,123,121,123,125,127,129,173,181,183,183,176,178,186,194,196,196,196,195,194,195,202,204,204,199,191,183,176,178,183,186,181,176,178,183,181,176,173,176,176,173,178,189,196,202,199,196,178,113,129,189,196,196,189,189,189,186,178,170,129,170,176,186,191,196,199,204,202,186,178,178,183,181,176,170,125,168,173,168,127,173,189,202,204,204,199,196,196,196,189,173,125,123,127,170,125,122,123,178,196,204,202,191,181,183,181,125,125,178,194,199,202,202,194,181,176,174,178,181,178,173,129,129,128,128,129,129,125,124,127,127,129,176,186,191,189,183,181,178,129,121,119,121,129,183,194,199,202,204,207,209,207,199,189,183,186,181,129,125,127,125,121,121,121,129,178,183,186,181,133,129,129,176,178,176,133,181,191,194,191,135,102,101,111,111,102,103,183,196,207,212,215,212,207,204,204,207,207,212,215,212,207,196,131,131,178,183,181,176,127,122,123,129,178,181,176,173,173,170,170,170,127,126,168,178,191,194,186,186,178,170,125,125,176,178,173,165,165,176,191,199,196,186,173,170,178,186,181,117,107,117,123,165,170,183,191,191,176,165,176,181,183,186,183,178,170,123,117,116,117,121,170,183,186,183,178,173,173,176,176,170,127,127,129,178,189,186,176,131,129,126,129,186,199,207,207,204,199,194,194,189,173,121,117,119,125,127,125,121,123,123,121,125,183,196,199,199,196,196,196,189,178,168,125,125,165,165,123,117,113,114,123,125,165,176,181,178,173,173,173,170,165,170,176,170,165,170,196,204,204,194,183,178,176,173,173,173,173,170,127,126,170,178,176,176,173,173,168,163,163,168,178,178,170,121,113,109,107,107,115,119,119,117,117,119,121,121,123,125,125,125,121,112,112,125,181,176,129,129,173,173,170,129,124,123,125,170,176,170,125,125,176,178,170,168,170,170,125,121,121,119,123,176,194,207,212,212,204,191,191,196,204,207,199,181,77,54,53,173,194,199,202,204,202,204,204,202,202,204,209,212,209,199,191,191,183,176,170,170,125,127,173,176,170,119,115,191,202,209,209,207,207,207,204,199,198,199,204,202,196,195,196,196,191,183,173,117,111,121,117,95,81,75,83,99,194,209,217,222,215,212,212,209,194,178,170,168,168,170,168,168,176,173,119,115,119,183,209,207,125,107,109,123,123,119,121,168,173,127,121,121,119,113,110,115,127,176,181,186,196,204,204,199,194,189,183,176,123,109,108,111,113,107,103,119,168,123,120,170,196,199,189,168,124,170,181,173,115,115,129,186,194,191,189,183,181,178,181,181,178,181,189,196,204,204,191,173,125,126,170,173,173,170,125,123,119,117,121,168,127,123,124,178,186,178,174,174,181,178,129,125,129,178,183,183,181,178,181,186,189,186,181,181,181,178,173,131,173,183,194,202,207,204,202,191,178,176,189,202,207,194,111,123,178,181,125,119,129,176,173,173,178,176,123,117,129,194,204,204,199,191,191,194,194,194,186,170,173,194,196,125,118,120,125,173,176,173,170,129,131,173,178,183,191,196,199,202,204,207,209,207,204,199,196,194,196,199,199,196,194,189,131,117,123,178,176,127,127,129,129,127,125,123,123,125,125,127,127,129,173,176,131,129,183,202,212,212,209,209,207,199,186,176,129,128,131,135,178,181,181,177,173,178,189,189,183,191,196,202,209,215,222,220,212,207,204,202,196,191,189,189,189,189,181,127,123,129,133,133,183,199,204,194,186,189,189,183,178,176,176,176,133,131,131,131,125,123,124,131,181,183,181,178,178,183,186,183,181,183,191,196,189,173,123,121,121,125,178,191,196,194,176,75,85,117,178,181,172,176,189,189,186,186,189,189,194,196,191,186,189,194,191,189,191,191,189,186,179,178,179,183,181,176,134,178,183,183,181,181,183,181,121,120,127,176,181,181,181,178,178,178,170,126,127,178,183,178,170,122,120,125,125,97,88,92,121,127,127,125,127,170,173,173,176,176,176,176,183,189,186,178,176,181,181,176,173,170,129,129,129,129,173,183,189,186,183,181,176,173,170,131,125,118,116,119,178,186,194,204,209,207,204,202,199,194,194,194,191,189,189,186,182,182,186,194,196,194,196,199,196,191,183,178,178,181,189,191,194,199,199,199,196,194,194,194,189,189,189,189,189,189,191,191,191,189,186,181,178,135,134,134,135,137,181,183,186,191,191,194,196,196,196,195,195,195,202,207,212,212,212,215,217,217,217,215,215,217,217,220,222,222,217,215,212,212,212,212,215,217,217,215,209,209,207,204,202,202,199,196,191,186,186,183,181,178,133,131,173,176,181,183,181,178,173,168,163,121,119,115,111,109,107,107,107,107,107,107,105,105,103,101,97,97,97,99,99,97,95,95,95,97,99,99,97,97,96,96,97,99,107,113,157,160,163,163,163,157,155,155,157,160,157,157,119,119,119,157,163,163,121,117,115,116,117,119,119,121,121,121,119,117,115,119,123,168,170,170,170,170,170,176,181,183,183,183,181,181,183,186,191,194,191,191,189,186,186,186,189,186,181,178,181,183,183,181,178,177,177,177,181,181,131,128,129,176,178,176,173,131,173,178,181,181,183,186,181,174,173,174,183,189,191,189,186,183,181,178,177,178,183,189,191,186,178,134,181,191,196,191,183,183,183,189,191,194,191,191,194,196,196,199,202,199,196,194,189,191,194,191,189,189,189,194,196,199,196,194,186,183,186,189,194,196,194,191,194,194,194,196,199,199,196,194,186,181,181,186,191,191,191,189,182,179,181,189,194,194,194,196,199,199,199,199,199,199,196,196,196,196,194,189,186,185,189,194,202,204,202,199,199,204,207,207,207,202,199,196,199,199,199,199,199,191,183,135,133,133,135,181,189,194,196,199,202,196,186,178,178,178,178,135,178,189,196,194,186,176,132,131,176,181,183,176,125,119,117,118,119,121,121,121,125,129,129,127,125,129,178,189,191,194,191,191,191,194,196,199,202,202,202,202,199,196,191,186,185,183,183,186,196,199,202,202,196,191,187,187,189,191,191,186,186,189,189,186,189,183,135,134,178,186,196,202,199,191,189,189,191,194,194,183,135,133,129,129,129,133,176,181,186,191,191,186,181,133,121,112,108,115,131,181,186,191,189,183,181,186,186,183,186,183,181,181,186,186,186,186,183,181,181,178,177,176,176,178,183,186,186,189,186,189,194,194,194,202,204,191,128,128,173,176,173,127,127,131,178,181,178,176,178,189,196,199,199,196,196,194,189,183,181,182,186,183,178,177,176,177,186,199,204,207,207,204,196,191,189,189,191,194,196,196,196,194,191,189,189,189,189,189,189,191,194,194,191,189,183,181,183,189,194,194,194,194,191,186,186,191,194,191,186,181,183,196,207,207,204,199,181,177,178,183,189,186,181,181,186,183,183,189,191,191,186,181,129,127,129,129,173,178,181,129,121,121,125,133,191,204,207,202,199,199,199,199,202,204,202,191,133,132,183,199,212,217,215,212,207,204,191,135,127,125,127,137,183,133,128,129,127,119,117,125,135,139,189,196,196,194,192,196,202,207,207,196,191,192,202,215,215,212,202,192,194,202,212,217,222,228,235,241,238,233,228,217,212,209,212,215,217,215,212,207,202,200,200,202,202,204,209,217,215,212,209,207,209,212,212,212,215,212,209,207,204,207,207,209,212,212,215,222,228,230,228,217,212,212,215,215,209,204,202,204,207,207,204,202,204,0,0,0,0,0,0,191,190,190,190,190,190,191,191,196,202,209,217,225,228,225,222,222,217,217,217,217,215,215,212,212,209,202,194,189,187,191,199,204,207,204,202,202,207,212,215,215,209,199,191,186,186,186,183,186,186,183,181,178,186,199,202,202,0,209,212,217,222,225,225,228,230,233,230,233,233,235,233,228,222,222,225,225,0,0,222,228,233,233,230,228,217,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,0,196,194,183,173,170,176,189,202,207,199,186,181,182,191,204,212,212,204,200 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,51,66,74,95,121,142,152,160,170,173,168,152,144,160,191,202,202,199,199,196,191,189,181,119,115,165,170,168,163,163,122,121,163,181,178,121,113,165,170,165,115,58,54,178,194,202,207,204,196,186,163,105,108,157,168,160,155,160,165,163,152,104,98,98,144,163,163,155,157,155,157,165,165,155,152,157,160,168,165,160,159,160,160,163,176,176,168,163,163,170,178,178,170,123,120,120,123,168,170,173,176,173,129,127,127,129,129,129,129,127,127,129,127,127,129,129,170,176,178,178,176,170,127,125,129,170,178,189,191,189,189,183,173,127,129,170,178,189,194,196,202,207,207,202,186,170,122,122,127,129,170,170,173,178,181,178,173,173,181,191,196,196,196,196,196,199,202,207,207,202,191,178,173,176,181,183,178,176,176,181,181,176,176,178,170,127,170,178,183,189,189,189,178,123,129,183,194,194,191,189,183,176,127,124,125,129,176,189,196,202,207,207,196,183,181,189,189,178,170,168,123,123,127,168,168,173,186,196,202,202,196,194,196,196,186,173,170,176,181,181,168,122,124,178,191,196,191,178,176,178,129,105,121,183,199,202,202,202,196,181,176,176,178,183,183,178,173,170,170,129,170,129,125,125,129,127,123,129,183,194,194,189,186,181,131,123,120,123,173,191,199,202,204,204,207,207,204,199,191,186,186,178,129,125,123,121,117,119,125,178,183,186,186,178,133,131,131,176,178,132,130,131,178,181,133,107,77,79,109,107,81,72,91,111,189,204,212,212,209,209,212,209,207,209,209,207,202,189,130,133,183,183,183,181,176,127,127,127,173,176,173,173,176,176,173,168,126,127,170,181,191,196,191,183,170,123,120,120,127,170,168,164,165,176,194,202,204,202,189,173,170,183,186,113,103,109,121,123,125,170,183,186,173,168,178,186,189,189,183,173,127,123,117,115,116,123,178,191,189,181,173,170,170,173,178,178,176,173,173,181,191,186,176,173,127,123,126,183,202,207,207,204,199,199,199,186,127,117,115,117,119,119,118,119,123,125,123,125,181,196,199,196,194,191,183,173,165,123,122,123,123,123,119,115,113,114,123,125,125,173,183,183,181,181,183,183,181,178,178,170,166,176,196,207,204,194,183,178,176,176,173,173,178,183,181,178,181,183,181,176,178,181,178,168,170,186,194,196,189,173,121,115,107,103,102,105,111,113,115,117,123,127,125,125,125,129,170,123,119,129,178,176,170,176,181,181,178,173,125,124,125,170,176,173,168,168,181,183,176,127,125,123,117,115,112,111,117,176,196,207,207,204,196,189,191,202,207,204,194,127,61,29,29,109,178,194,202,199,194,202,209,209,207,207,207,204,196,178,173,178,178,170,127,125,122,123,170,176,123,103,90,186,202,209,212,207,204,207,207,202,198,198,202,202,196,192,194,199,196,191,186,178,173,173,123,91,73,69,73,53,103,209,225,217,212,207,207,204,191,178,173,168,166,170,173,176,178,178,170,119,117,127,189,189,121,111,111,113,113,119,127,173,170,120,118,123,127,121,119,125,181,191,191,191,199,204,204,199,194,183,127,117,119,117,111,110,119,123,119,123,125,123,121,170,191,196,191,170,125,173,189,178,113,112,125,191,199,194,183,178,178,181,181,178,173,178,186,199,207,204,189,170,126,170,176,129,129,176,173,127,119,117,119,125,124,122,127,183,191,181,173,173,178,178,170,125,127,170,178,181,181,178,181,186,194,196,191,189,191,194,183,170,129,173,186,194,199,199,194,186,181,181,189,196,199,186,123,176,189,189,125,113,119,121,119,127,181,183,176,170,186,202,204,202,194,191,194,196,194,186,176,170,178,194,194,173,122,124,173,178,173,129,129,128,129,131,176,181,191,196,202,204,207,209,209,209,204,202,196,191,194,199,196,191,189,186,127,111,117,131,131,125,125,173,183,183,173,127,127,131,131,131,129,129,173,173,127,124,173,191,204,207,209,209,207,196,183,176,129,128,129,133,178,186,191,183,173,177,194,183,125,133,189,199,207,212,215,215,209,204,202,196,189,181,181,183,189,191,186,178,133,131,131,176,186,196,194,183,178,181,186,183,178,176,176,176,176,133,133,173,129,124,123,129,181,186,189,186,178,173,131,176,176,176,183,194,189,125,93,83,95,113,125,183,196,199,129,70,77,117,176,183,178,178,183,178,178,189,196,199,202,199,186,179,183,194,194,194,196,194,191,189,183,178,178,181,181,176,133,176,183,183,181,178,183,186,129,123,127,173,178,181,183,181,181,176,127,123,124,173,181,181,173,124,121,124,127,113,92,92,115,121,121,123,129,176,176,176,176,178,176,176,181,186,183,178,176,181,178,176,170,127,125,125,123,123,129,178,183,183,178,176,173,129,127,129,127,119,115,115,127,181,191,202,204,204,202,199,196,191,194,199,199,196,194,186,183,183,189,194,196,194,196,199,199,191,186,181,178,183,191,191,196,199,199,196,191,191,189,189,186,186,186,186,186,189,191,191,191,189,186,181,135,135,135,135,137,181,183,183,186,189,189,191,194,196,199,196,195,195,199,204,209,212,209,212,215,217,217,217,215,217,217,222,220,215,209,204,202,202,202,207,209,212,212,209,207,204,204,202,199,199,196,194,189,183,182,183,183,181,176,131,131,176,181,183,181,176,170,163,121,119,117,115,113,113,111,111,111,109,107,105,103,103,103,101,97,95,95,93,93,91,91,91,91,95,97,99,99,97,97,97,101,105,111,152,157,160,163,165,163,160,155,155,157,157,119,117,117,117,119,157,163,163,163,160,119,119,117,117,117,117,119,119,119,115,113,113,119,127,168,170,170,170,173,178,183,186,183,181,181,181,183,189,191,194,194,194,191,189,189,191,194,191,183,178,181,183,183,183,183,183,181,181,183,181,173,129,131,176,176,173,129,129,173,176,178,181,183,183,178,174,173,174,178,186,189,191,191,191,189,183,181,181,189,194,194,191,186,183,189,196,199,196,189,186,183,186,191,194,191,191,194,196,199,199,199,199,196,191,189,189,194,194,194,191,191,194,196,199,199,194,183,181,182,189,194,194,194,191,194,194,196,196,196,199,196,194,186,181,179,181,183,189,191,191,189,183,186,194,199,199,199,199,199,199,199,199,199,199,196,199,199,199,194,189,185,186,191,196,202,202,199,199,204,207,209,207,202,191,183,181,186,191,196,199,199,194,189,183,183,183,186,191,194,196,199,202,202,194,181,135,135,178,135,135,178,186,194,194,183,133,131,130,132,178,181,178,127,118,117,119,125,127,123,118,119,123,121,118,119,129,178,186,189,194,194,196,199,199,199,199,199,202,202,202,199,196,191,189,186,186,189,191,196,196,194,196,196,194,189,189,191,194,189,186,191,194,191,186,186,181,134,133,135,183,191,194,191,186,186,189,189,189,178,127,124,123,124,126,129,133,176,181,189,199,199,191,183,176,125,114,113,119,131,178,186,194,194,189,183,189,189,186,183,178,133,176,181,183,183,181,181,177,177,178,181,178,178,181,183,183,186,186,186,186,191,191,191,202,199,178,124,125,129,176,176,129,125,123,125,131,176,181,186,194,196,196,199,196,194,189,186,183,182,183,189,189,183,181,178,181,189,199,207,207,204,202,194,186,185,186,191,194,196,196,196,194,191,189,189,186,186,189,191,196,196,194,191,186,181,179,181,189,194,194,196,199,191,181,181,189,194,189,181,177,178,194,207,215,215,207,189,179,179,183,186,183,181,178,133,127,129,178,186,189,186,178,129,126,127,127,173,186,194,189,178,129,127,131,183,196,204,202,199,199,202,202,202,204,204,194,135,131,136,189,199,204,204,204,199,199,194,137,125,122,123,133,186,135,129,131,135,133,135,137,137,139,186,194,196,196,196,199,202,204,204,196,192,195,207,217,222,217,204,192,192,196,207,215,222,228,233,238,238,233,225,215,212,212,215,217,222,217,212,207,202,200,200,202,204,207,215,222,217,215,215,215,215,215,212,212,212,209,209,207,207,207,207,209,209,212,212,217,225,228,225,215,209,209,212,212,207,202,202,204,209,209,202,199,202,0,0,0,0,0,199,194,194,191,191,191,191,191,191,196,202,209,217,222,225,225,225,222,222,222,217,217,215,215,215,215,212,207,196,189,187,191,199,204,207,207,204,207,215,222,225,222,212,199,194,191,189,186,183,183,183,183,183,183,186,199,204,202,204,204,207,215,222,225,228,230,233,233,230,230,233,233,230,222,217,222,225,225,0,0,222,228,233,233,233,230,217,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,183,173,169,169,178,194,202,199,186,181,182,191,202,209,209,204,200 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,74,82,92,87,92,118,144,155,160,165,168,168,155,147,165,194,202,199,199,199,196,189,186,178,117,114,121,121,117,119,165,168,123,123,173,173,163,163,178,186,176,109,66,74,178,186,194,202,202,196,186,168,105,108,157,168,160,152,157,165,163,155,109,105,109,165,178,176,160,111,109,150,160,155,113,150,157,163,173,176,168,161,160,160,163,173,176,170,165,168,176,186,189,178,165,121,120,122,168,178,181,178,173,170,129,129,129,125,122,123,123,125,127,127,127,170,170,129,170,176,183,181,176,170,129,129,170,178,189,189,189,194,194,186,173,170,170,176,186,194,202,204,207,204,194,183,170,127,129,178,178,176,176,178,181,181,178,173,131,173,181,189,189,191,199,202,202,202,204,207,202,186,173,131,131,173,176,173,131,173,178,178,176,178,178,125,122,125,170,170,176,181,183,173,125,127,176,181,186,186,183,176,127,124,124,125,127,173,189,202,209,212,209,181,172,181,194,191,173,123,121,119,119,123,127,173,176,178,186,194,194,191,194,196,196,183,173,181,186,189,189,176,127,125,176,186,183,173,123,125,170,123,99,121,183,196,196,199,202,199,189,181,181,183,186,189,186,178,173,170,129,127,125,124,125,127,123,120,123,178,194,196,189,183,178,129,125,123,127,181,199,207,204,204,204,207,207,207,204,196,191,186,181,133,125,119,113,111,119,173,183,186,183,181,176,131,133,133,176,178,176,131,131,132,135,133,113,74,74,111,113,85,80,84,100,133,196,204,207,212,215,215,212,209,207,209,207,202,189,131,176,186,183,181,183,183,176,129,127,129,170,173,178,183,181,170,126,127,170,176,178,181,189,189,178,125,121,119,118,123,168,168,165,168,181,194,204,212,215,207,168,105,125,176,111,105,111,119,119,117,113,119,168,125,165,178,186,191,194,186,173,127,123,117,114,115,127,186,194,189,178,173,172,172,176,178,178,176,173,169,173,178,176,170,173,173,127,170,183,194,202,207,207,207,204,199,181,117,110,113,117,119,119,125,170,178,176,127,120,121,178,186,189,186,178,165,120,120,122,123,165,168,125,123,123,165,173,173,168,125,168,176,183,186,189,191,196,191,183,178,176,173,181,191,199,196,189,176,168,168,168,168,173,186,194,194,186,181,181,176,176,178,189,194,189,189,199,202,199,191,173,125,121,113,105,103,107,121,125,123,121,125,170,170,124,123,129,181,178,127,127,170,129,127,176,186,189,186,178,168,127,127,168,170,170,168,170,181,186,181,123,115,111,111,113,112,112,117,173,191,202,202,196,189,186,194,204,207,204,196,178,103,40,41,119,123,123,181,178,173,189,199,199,191,194,194,186,176,170,172,181,181,170,123,122,125,170,181,183,113,84,67,113,196,209,212,207,204,204,207,204,199,198,202,204,202,195,195,199,202,199,196,196,191,186,127,87,65,53,33,0,0,105,212,207,204,196,194,191,181,176,170,168,166,170,176,176,178,181,181,176,127,123,113,108,111,117,117,111,110,123,181,183,170,117,116,168,178,170,123,125,176,191,196,196,202,204,204,196,186,170,119,115,121,123,109,107,119,127,123,117,119,125,125,170,181,186,186,168,121,170,183,176,114,112,127,191,199,189,176,173,176,181,181,173,169,172,183,196,204,202,189,176,176,183,183,121,119,178,183,178,123,118,119,125,124,123,127,183,189,178,172,172,176,178,170,125,125,170,178,178,173,129,170,181,194,199,196,194,194,191,181,127,125,127,176,183,186,183,176,170,176,181,186,191,194,183,170,186,207,202,113,94,101,105,102,103,170,178,176,178,194,202,199,191,189,189,191,194,189,176,129,170,178,183,181,176,170,173,181,186,173,129,129,128,128,129,173,181,191,196,202,204,207,207,207,204,202,199,194,189,191,194,191,186,183,178,123,111,115,127,129,124,124,176,189,191,183,176,173,176,178,173,129,129,173,173,127,123,126,178,194,199,204,204,196,189,183,178,133,129,128,129,176,186,202,196,179,183,199,181,115,117,127,186,202,209,212,209,204,199,194,189,181,177,177,181,189,196,196,191,183,178,181,189,194,194,186,176,174,178,181,178,133,133,133,176,178,178,176,176,176,131,127,131,176,181,186,186,176,125,121,127,129,126,129,186,189,129,65,13,13,55,99,123,189,196,121,74,81,111,133,189,191,181,129,117,115,133,196,207,212,204,181,176,178,186,191,194,191,189,189,191,189,183,181,181,181,176,133,134,181,183,181,178,181,181,123,120,123,131,176,183,189,186,181,173,127,126,127,173,178,181,181,178,127,125,170,170,117,109,119,119,115,115,121,170,176,176,176,176,176,176,178,181,178,176,173,178,176,170,125,117,113,117,119,121,127,178,186,186,181,176,173,127,127,129,129,123,117,115,121,176,191,196,196,196,196,196,194,187,189,199,204,202,194,186,185,186,191,194,194,194,194,196,199,196,194,189,181,186,194,194,194,196,196,194,189,189,186,186,186,186,183,183,183,186,189,189,191,191,186,181,178,181,181,181,183,186,186,186,186,186,189,191,194,196,202,202,202,199,199,204,207,209,207,209,212,215,217,217,217,215,217,217,215,209,202,198,198,198,199,202,204,207,207,204,204,204,202,202,199,196,194,194,189,183,182,183,183,183,178,173,131,173,178,181,181,176,168,163,121,119,119,119,117,115,115,113,111,109,107,103,103,101,101,101,99,95,91,90,89,90,90,91,91,95,97,99,99,97,97,99,105,113,155,157,160,160,160,163,163,160,157,155,157,157,119,115,115,115,119,157,121,160,163,163,163,121,117,115,114,115,117,119,117,113,112,112,117,123,127,127,129,170,176,181,186,186,183,181,179,181,186,189,191,194,196,194,191,189,189,194,196,194,189,183,183,186,186,189,189,189,186,186,183,181,173,129,131,176,176,131,129,131,176,178,178,181,181,181,176,176,176,176,178,181,183,186,191,194,194,191,189,189,191,194,194,194,191,189,194,196,196,194,191,186,183,186,194,194,191,191,194,196,196,199,196,194,191,189,186,189,194,196,196,196,196,196,196,202,202,194,183,181,182,189,194,194,191,191,194,194,196,195,196,199,199,196,191,186,181,179,179,181,189,196,199,196,196,199,199,199,199,199,199,199,199,196,196,196,196,199,199,196,194,189,185,189,194,199,199,196,191,194,204,207,207,202,194,183,135,134,181,189,194,196,196,194,191,191,194,196,199,199,199,199,199,199,199,189,135,131,132,135,178,181,183,191,196,194,186,176,133,173,176,181,183,181,173,125,125,129,176,176,125,116,116,119,118,116,121,131,178,181,186,191,196,199,202,202,202,199,199,199,199,196,194,191,191,191,191,191,194,196,194,189,187,191,196,196,191,189,191,191,186,186,194,199,196,191,186,181,135,135,178,183,183,186,183,181,178,181,183,181,131,125,122,122,124,127,131,133,131,176,189,202,207,199,189,178,129,123,125,131,178,183,189,194,194,186,181,186,186,181,178,133,131,133,181,183,181,183,181,177,177,178,183,183,183,186,186,186,189,189,186,186,186,186,189,196,191,129,124,125,129,178,183,178,125,119,118,123,131,181,189,196,196,196,199,196,191,186,183,186,186,189,191,191,191,189,186,183,189,196,207,207,202,196,189,185,183,186,194,196,196,196,196,194,194,191,189,183,183,189,194,199,196,194,191,189,183,181,183,189,194,194,196,196,189,178,177,183,189,183,178,177,178,191,204,215,217,212,194,183,181,183,186,186,186,181,117,115,119,173,183,189,186,181,173,129,127,123,123,173,186,186,178,129,125,129,181,191,196,196,194,199,204,204,204,207,207,202,189,137,137,181,186,186,183,186,186,194,194,186,133,124,123,131,183,181,133,133,135,137,181,186,183,139,186,194,202,202,196,196,202,202,202,199,199,202,207,215,217,220,209,199,196,199,204,212,217,225,230,235,235,228,217,212,207,207,212,217,222,222,215,209,204,202,202,207,209,212,217,222,222,217,217,222,222,217,215,209,209,209,207,207,207,207,207,207,209,209,212,215,222,225,217,212,207,207,209,212,207,204,202,204,209,209,202,196,199,202,204,209,0,0,202,196,196,196,196,194,191,191,191,196,202,209,215,217,222,222,222,222,222,222,222,222,217,215,215,217,217,212,202,191,189,194,199,204,207,209,209,215,222,228,225,215,207,199,196,194,191,189,183,183,183,186,186,186,191,202,207,204,204,207,209,215,225,228,230,233,233,230,228,225,228,230,228,217,216,217,225,228,0,0,222,228,230,230,230,225,212,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,189,178,169,169,173,189,194,191,186,183,189,196,204,209,209,204,200 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,92,103,90,73,85,108,144,157,157,157,160,165,157,155,173,194,199,199,196,194,189,181,176,168,115,113,115,114,112,114,168,178,173,165,168,168,168,173,183,194,189,165,105,109,163,176,183,196,199,194,189,178,111,110,160,173,165,155,152,152,115,111,109,155,176,186,189,181,160,103,104,109,115,113,110,115,160,163,173,178,176,170,163,161,165,173,176,173,170,170,178,186,189,181,173,127,123,127,176,186,189,178,176,173,170,129,129,127,121,122,123,127,129,126,127,170,170,128,129,176,183,186,181,176,170,125,125,176,186,186,186,194,194,186,176,169,169,170,181,189,199,204,202,191,183,178,173,170,176,183,183,181,178,181,181,178,176,131,129,129,129,173,181,183,191,204,204,204,204,202,196,183,173,131,129,129,129,131,130,131,176,176,176,181,183,123,121,123,129,170,178,183,183,176,129,170,173,173,178,181,178,170,129,170,173,129,125,127,183,202,212,212,207,157,163,176,196,196,178,125,121,121,119,123,173,183,183,173,170,181,183,186,191,196,194,183,178,186,191,194,194,191,181,176,176,178,173,123,120,121,129,127,118,125,181,189,194,196,199,199,194,189,186,186,186,189,189,181,173,129,127,124,124,124,127,129,123,121,123,170,186,189,183,178,176,173,129,125,127,181,202,209,207,207,207,209,209,209,207,204,196,191,191,183,129,117,108,107,115,129,181,181,176,131,127,129,133,178,183,191,194,191,183,181,181,189,183,119,113,135,181,181,189,121,131,186,194,196,196,202,209,212,212,209,209,212,212,202,186,131,178,189,186,181,183,183,178,129,125,125,129,173,183,194,189,170,126,168,178,181,173,170,176,178,170,123,123,121,120,168,176,168,166,170,183,194,204,212,222,217,113,86,100,119,113,109,111,111,107,107,104,105,117,119,123,170,181,189,191,181,165,123,123,117,114,115,127,186,194,189,181,178,178,176,178,178,176,173,170,169,170,170,129,127,129,173,170,170,170,176,181,196,207,209,207,194,129,110,108,111,119,127,173,186,196,199,194,176,118,117,127,183,183,178,173,123,120,121,165,170,176,176,173,168,173,183,189,183,176,168,165,168,178,189,194,196,196,189,176,173,173,170,170,181,186,189,183,168,119,117,121,127,173,183,194,194,183,173,170,170,170,176,186,196,194,191,194,196,191,176,117,117,127,170,125,168,186,199,194,178,127,168,170,129,121,119,125,189,189,173,127,125,124,124,170,186,191,189,181,176,170,168,168,173,173,170,168,173,183,176,119,110,109,110,117,117,117,121,170,181,186,186,186,186,189,199,204,204,202,196,186,131,115,125,183,119,112,121,125,123,176,181,117,103,107,119,129,173,181,194,199,194,176,125,123,129,183,189,189,111,87,68,95,189,204,209,207,204,204,204,204,204,202,204,207,207,202,199,202,207,202,204,207,204,196,183,113,61,49,39,0,0,0,69,186,191,183,178,178,176,173,173,170,168,168,173,176,173,176,189,194,189,127,109,107,117,173,127,111,108,125,189,191,170,115,116,173,183,173,122,120,127,186,196,199,202,207,204,189,127,119,119,125,176,173,110,108,119,127,123,111,121,176,178,173,173,173,168,113,109,115,125,125,117,117,170,183,183,178,173,172,176,181,181,173,169,170,181,191,199,199,189,181,186,194,191,110,108,170,189,191,173,123,123,125,127,125,129,181,186,181,173,173,176,178,170,125,125,173,181,176,125,120,123,173,186,194,196,191,186,178,129,123,123,125,129,173,176,170,125,123,129,178,178,181,189,183,178,189,212,196,85,81,95,107,103,102,115,125,129,176,194,202,196,189,189,187,187,189,183,170,125,170,176,173,173,178,181,178,181,183,173,129,129,129,129,131,173,178,186,191,196,199,202,202,202,199,196,194,191,189,186,186,186,183,183,178,123,111,119,131,131,125,125,176,194,199,196,191,186,183,181,173,128,128,131,131,127,124,125,131,131,119,99,101,127,181,181,181,178,176,133,133,176,186,196,191,183,189,194,135,111,105,101,111,183,204,209,202,191,186,186,183,178,176,177,183,191,199,199,196,189,183,186,191,194,191,183,176,174,178,181,176,131,130,130,133,178,181,181,183,186,183,181,181,176,123,111,111,111,111,117,127,127,123,125,183,199,196,121,15,6,39,99,121,183,191,183,109,107,119,133,189,191,178,123,113,111,115,186,207,212,204,181,176,177,181,186,189,186,181,178,186,189,186,183,181,181,178,134,133,176,183,181,133,173,173,123,121,127,176,178,183,186,181,173,129,170,173,176,178,176,176,181,189,181,170,178,183,181,170,173,127,117,115,119,129,173,173,176,176,173,173,173,176,173,170,173,176,173,129,119,107,103,106,113,119,127,176,183,183,181,181,176,129,127,127,131,129,123,118,119,133,189,191,191,189,191,194,191,187,189,202,204,202,196,186,186,189,191,191,191,191,191,194,199,199,196,191,189,191,194,194,194,196,194,191,189,186,186,186,189,186,183,181,181,181,183,186,189,191,189,183,183,189,191,189,186,186,189,189,186,186,189,191,196,199,202,204,207,207,204,204,207,207,205,207,209,215,217,217,215,212,209,212,209,202,198,196,198,199,202,204,204,204,202,202,202,202,202,199,199,196,194,194,189,183,182,183,189,186,181,173,170,173,176,178,178,173,168,163,121,121,157,119,155,117,115,113,111,107,105,103,101,101,101,101,99,97,93,90,90,90,91,93,93,95,99,99,99,99,99,101,109,152,157,160,160,157,157,160,163,157,155,155,155,157,119,115,113,115,117,117,117,117,121,160,163,121,115,114,115,115,119,119,119,115,113,115,119,123,125,125,127,170,176,183,189,189,183,181,179,181,186,191,191,194,196,196,191,189,189,191,196,196,191,189,189,189,189,189,189,189,189,186,183,178,173,129,131,173,173,129,129,173,176,176,176,181,183,183,178,176,181,181,178,178,181,183,189,191,194,196,194,191,189,189,189,189,189,189,191,194,191,189,189,183,183,189,194,196,194,194,196,196,196,194,191,191,189,186,183,186,191,196,202,202,202,199,199,202,202,196,186,182,183,191,194,191,191,191,194,196,196,196,196,199,199,196,194,191,186,183,181,181,189,199,207,207,202,199,196,194,194,196,199,199,199,199,199,199,199,196,194,194,191,189,189,191,196,196,194,191,190,194,202,207,204,199,191,183,135,135,181,189,194,196,196,194,191,194,199,202,202,202,196,196,196,199,196,186,133,131,132,178,183,186,189,194,199,196,189,178,178,181,183,186,189,186,181,178,178,181,183,178,125,117,117,121,121,119,129,181,183,181,183,194,199,199,199,199,199,199,196,196,194,191,186,186,189,191,194,196,199,196,194,187,187,191,196,196,191,187,189,186,185,186,194,199,199,196,189,183,183,186,186,183,181,178,183,181,133,132,178,178,131,129,127,127,133,176,133,131,130,131,183,196,204,204,194,183,176,133,176,183,186,189,191,194,189,178,178,183,181,176,133,132,132,178,186,186,183,186,183,178,178,181,183,183,183,186,186,186,189,191,186,183,186,183,183,189,183,129,127,128,173,181,189,186,131,120,119,121,129,176,186,196,202,202,202,196,189,183,186,191,191,191,191,191,194,194,189,186,186,194,202,202,196,194,189,185,186,191,196,196,196,196,194,194,194,194,189,183,183,189,196,199,196,191,191,189,186,183,189,194,196,196,196,194,186,178,177,181,186,183,181,178,183,191,202,212,215,212,196,186,183,183,186,186,186,183,114,113,117,173,186,189,186,183,181,176,129,123,118,119,123,121,119,117,119,129,181,189,189,189,189,196,204,204,204,207,209,209,204,191,186,183,181,179,177,178,181,189,191,191,189,135,129,135,181,181,135,135,135,137,183,189,191,189,189,199,207,204,196,195,199,202,204,207,207,204,204,207,215,222,217,209,204,202,202,207,212,217,228,233,233,225,212,204,199,202,209,217,225,225,217,212,204,199,199,207,212,217,222,222,222,222,222,222,225,222,215,209,207,207,207,207,207,207,207,209,209,209,212,215,217,217,215,209,205,205,207,209,209,207,204,204,209,209,196,191,194,196,199,207,0,207,202,196,196,196,196,194,189,189,191,194,199,204,209,215,215,217,220,222,222,222,222,222,222,217,215,217,217,215,204,196,194,196,204,207,209,212,215,217,222,225,217,207,199,196,196,194,194,189,186,183,186,189,189,191,196,207,209,207,0,0,212,217,225,230,230,233,233,230,225,224,225,228,222,215,215,222,228,230,0,228,225,228,228,228,225,220,207,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,194,186,173,170,176,186,189,186,183,189,199,207,212,212,212,207,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,157,73,52,74,105,155,165,163,152,152,157,155,155,173,189,196,196,196,189,178,173,163,119,114,114,117,114,113,115,173,186,183,170,125,125,165,170,183,194,191,181,123,117,123,173,181,194,199,191,191,186,117,111,119,173,170,155,111,109,107,104,106,168,191,194,191,183,160,102,103,107,111,111,113,155,160,160,165,176,178,173,163,160,165,170,170,168,173,178,178,181,181,176,173,176,176,176,183,186,186,178,178,181,176,127,129,170,123,121,125,170,170,126,127,170,168,168,170,176,178,178,170,170,127,115,114,125,178,181,181,183,183,181,173,169,169,170,176,181,191,196,189,178,173,173,173,170,170,176,181,181,181,178,176,173,170,129,128,127,126,128,176,181,186,199,204,204,202,196,189,181,176,131,129,129,131,173,173,173,176,176,176,189,191,125,121,123,129,178,186,189,186,181,178,176,176,173,173,173,129,127,170,183,189,176,125,124,176,196,207,207,196,153,161,178,196,202,196,183,173,125,119,121,176,186,183,173,168,173,176,181,183,186,183,178,178,186,189,194,196,196,189,178,173,127,125,123,121,121,125,127,125,173,183,189,191,196,196,196,194,194,191,189,186,189,189,181,170,127,127,125,125,127,176,178,170,129,127,127,173,178,178,178,181,181,176,129,127,178,202,209,207,209,209,209,209,209,207,204,202,199,199,191,176,119,107,106,111,125,176,176,131,127,125,126,133,186,194,199,204,207,202,196,196,196,199,204,209,209,204,204,209,212,207,204,202,196,194,196,204,207,209,212,212,215,209,194,133,125,178,191,194,186,183,181,176,129,123,123,127,170,183,194,189,173,127,170,181,181,168,125,168,170,127,123,125,168,170,181,181,168,166,173,186,194,202,212,222,217,101,86,101,117,115,111,103,86,88,105,103,104,115,117,121,125,165,176,178,170,119,117,121,121,115,116,127,183,191,186,183,181,183,183,181,173,128,129,173,173,173,173,129,127,127,170,173,170,127,124,125,176,194,199,194,178,125,113,111,115,125,178,191,199,207,207,204,194,125,121,178,186,181,173,170,165,123,125,170,173,176,176,173,173,181,189,191,189,181,173,165,165,173,183,191,194,186,173,168,168,168,125,123,168,176,183,181,168,117,115,119,165,170,176,181,178,170,165,165,168,165,125,168,183,186,183,181,181,168,97,75,95,170,191,196,204,209,215,212,194,178,173,173,127,121,120,129,194,194,178,129,125,124,124,129,178,189,189,183,178,173,170,173,183,189,181,127,125,127,123,117,113,111,115,119,121,121,123,125,125,125,125,129,176,186,199,204,199,194,191,186,181,181,194,202,129,116,121,123,123,181,183,111,100,103,117,173,196,207,209,209,207,194,173,119,115,186,189,183,117,111,75,82,178,196,207,209,207,202,202,202,204,204,207,207,209,207,207,209,207,204,204,207,204,204,207,207,83,73,91,73,0,0,0,165,181,176,173,173,176,178,178,176,170,168,173,173,166,168,189,202,202,123,108,112,181,189,178,119,113,168,186,186,170,117,117,173,183,173,122,121,168,191,199,196,194,196,191,127,109,109,119,170,176,168,113,111,121,168,168,117,168,191,191,181,176,170,121,100,100,101,107,119,123,125,170,173,170,173,176,176,178,181,183,178,173,176,183,194,196,196,189,181,189,199,194,106,103,119,183,196,183,129,125,129,176,178,178,183,186,181,176,176,178,176,129,124,129,178,183,173,120,118,121,170,178,186,189,183,173,125,122,122,125,125,127,129,129,125,121,121,129,170,117,115,178,181,178,183,194,181,86,84,115,127,119,113,115,121,123,170,191,202,202,196,194,189,187,189,189,170,123,129,173,172,173,181,186,181,178,173,170,129,127,129,170,131,173,176,178,183,189,191,194,194,191,189,186,186,186,186,183,182,183,189,186,181,119,98,113,181,181,127,125,176,194,202,204,202,196,189,181,173,129,128,131,173,129,126,129,176,129,99,61,57,83,181,183,183,183,181,181,181,183,183,183,183,183,186,186,133,117,103,83,80,93,181,194,186,176,133,178,178,178,181,183,191,196,199,199,196,189,183,186,189,191,186,181,176,176,181,181,176,130,130,130,133,178,181,186,191,196,196,196,199,186,113,99,98,102,107,121,129,127,123,125,186,202,204,191,51,38,101,121,131,183,189,199,194,176,133,178,189,189,178,135,123,114,114,131,196,204,196,186,178,179,183,183,183,183,178,177,178,186,183,181,178,176,134,176,134,134,181,178,127,125,127,129,129,178,186,186,183,181,131,125,126,173,176,176,176,127,117,123,183,186,183,186,191,189,186,186,181,170,125,125,170,173,173,173,173,173,170,129,170,170,170,173,178,176,170,121,107,102,104,111,121,127,170,170,127,170,176,173,129,126,127,131,173,131,127,127,176,186,186,186,186,191,194,191,189,191,202,204,199,191,183,181,183,186,186,189,189,191,194,199,202,199,194,191,191,194,196,194,194,191,191,186,186,186,189,189,189,183,181,178,178,181,181,186,189,189,183,186,194,196,194,189,189,189,189,189,186,189,194,199,202,199,204,209,212,209,209,209,207,207,207,209,215,217,217,212,207,204,204,202,199,198,199,202,204,207,209,212,212,207,204,204,204,202,199,199,196,196,194,191,186,183,186,189,189,181,173,170,173,176,176,176,170,165,163,160,121,157,119,155,117,113,111,109,105,103,101,101,99,99,99,101,99,97,97,95,95,95,95,95,97,97,97,97,97,99,103,109,152,157,160,157,155,155,157,157,155,115,117,155,155,119,115,113,115,117,115,113,113,117,121,121,115,114,115,117,117,119,121,121,119,119,121,125,127,127,127,129,173,181,189,191,191,186,181,181,183,189,191,191,194,194,196,194,189,189,191,194,196,191,189,189,189,189,189,189,191,191,189,183,178,173,131,131,173,131,127,129,131,173,131,131,178,186,186,178,176,178,178,181,181,183,183,183,186,191,194,191,189,181,178,183,183,183,186,186,189,189,189,183,182,182,186,194,199,199,199,199,196,194,189,189,186,186,183,182,183,189,196,202,204,202,199,196,196,199,194,189,183,186,191,194,194,191,191,194,196,196,196,196,196,194,191,191,191,191,189,189,189,194,204,212,209,204,199,191,190,191,194,199,202,202,202,202,202,199,196,194,191,191,191,191,196,196,194,190,189,191,196,202,204,202,196,191,181,135,133,135,183,191,194,194,191,191,194,202,202,199,194,189,191,194,199,196,186,135,133,135,181,183,186,189,191,194,194,186,176,133,178,181,189,191,189,186,186,186,181,176,173,125,121,121,127,129,133,186,191,191,186,189,196,202,199,196,194,194,194,194,191,189,183,182,183,186,191,196,199,199,196,191,189,191,196,196,191,189,187,189,189,189,191,196,199,196,194,191,191,191,194,191,186,178,135,183,183,133,131,178,181,178,181,183,186,183,178,133,130,130,133,178,183,194,202,196,186,178,178,183,186,186,186,191,191,183,177,177,181,178,133,132,133,178,186,189,186,186,189,189,183,181,183,181,181,181,183,183,181,183,189,189,183,186,186,181,181,178,129,129,173,176,181,186,186,178,127,121,125,129,176,186,196,204,204,204,199,194,189,191,196,194,191,189,191,191,194,191,186,186,189,191,191,191,194,191,189,191,196,196,196,196,196,196,194,194,191,186,183,183,189,196,199,196,191,191,191,191,191,194,199,199,196,191,189,183,181,181,183,186,186,183,181,183,189,196,204,207,204,196,189,186,183,181,176,133,129,116,115,121,178,189,191,186,183,181,178,176,129,125,123,119,113,111,111,114,127,181,186,186,183,183,191,199,202,199,202,209,212,209,199,196,191,186,181,177,178,183,186,189,191,194,189,183,183,183,183,183,181,181,183,189,194,194,191,194,202,207,204,196,195,199,204,209,212,209,204,199,202,209,217,217,212,207,202,199,204,209,215,225,230,230,217,204,194,192,196,204,215,225,225,0,215,207,196,191,199,207,215,217,217,222,222,222,222,222,217,215,209,207,207,205,205,205,207,207,209,212,212,212,212,215,215,209,207,205,205,207,209,212,209,207,204,209,207,194,186,189,191,194,202,207,207,202,196,196,196,196,191,186,183,186,191,196,202,204,207,209,212,215,222,222,225,225,225,225,222,215,217,217,217,207,199,199,204,209,0,215,215,215,215,220,217,209,202,196,196,196,194,194,189,186,186,186,189,191,196,204,212,212,209,209,212,212,217,225,228,228,230,230,228,225,224,224,225,222,215,215,222,230,235,0,233,230,230,228,225,220,212,202,199,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,191,178,173,176,186,189,183,181,189,202,209,215,215,212,209,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,183,181,108,64,72,116,165,176,170,147,139,147,150,155,168,183,191,194,194,183,170,165,119,115,115,119,123,119,119,123,173,186,186,173,125,123,123,125,178,186,186,183,168,119,165,176,178,189,196,189,183,181,119,110,114,165,165,119,111,108,107,103,105,178,196,196,194,189,170,105,105,109,111,115,119,160,160,121,160,173,178,176,163,160,163,165,163,165,176,181,178,176,173,172,173,181,186,189,186,183,178,176,181,186,176,123,127,176,168,121,127,176,173,127,168,173,173,173,173,173,170,125,122,123,121,112,110,115,129,173,173,170,170,176,173,170,173,178,183,183,186,186,176,129,127,129,170,127,125,127,170,178,181,178,170,129,128,127,128,127,127,129,176,181,183,194,202,202,196,186,178,176,173,131,129,131,176,181,181,181,181,176,174,191,196,127,121,122,127,181,191,191,183,178,178,176,176,173,170,127,124,124,170,189,194,181,125,124,173,194,202,199,183,166,169,186,196,204,207,204,194,170,115,114,168,183,183,173,169,170,173,176,178,176,173,173,176,178,181,183,191,194,186,173,125,118,119,125,125,122,122,123,127,186,191,194,196,199,196,196,196,199,194,186,183,183,183,176,127,125,127,129,129,170,181,183,181,178,173,129,129,170,173,178,183,189,183,129,124,173,196,204,204,207,209,209,207,207,207,204,202,202,207,202,183,123,107,105,111,125,178,181,176,129,125,126,176,194,196,199,202,207,207,207,204,202,202,209,215,215,209,209,212,215,215,212,209,204,199,199,204,204,207,209,209,207,199,135,122,122,176,196,199,191,181,176,131,127,123,123,127,129,176,186,183,173,127,127,176,176,125,123,124,127,127,123,127,176,183,189,181,170,168,176,186,196,202,209,212,207,100,91,117,163,121,115,95,71,78,107,109,113,123,123,165,123,119,125,168,123,116,117,125,127,121,119,168,181,189,186,183,183,186,189,183,129,125,126,170,176,173,173,170,127,127,173,181,183,176,125,124,127,173,176,173,127,123,121,121,125,170,186,202,207,207,207,207,202,178,170,186,183,173,168,165,125,123,123,165,125,125,165,168,173,183,191,191,186,181,176,168,125,165,176,183,183,173,166,168,173,168,125,123,123,165,176,178,168,115,113,121,165,165,165,165,165,123,121,165,173,168,113,110,125,173,176,173,165,107,68,59,67,123,199,212,215,217,217,215,204,191,183,181,129,125,129,191,202,194,176,129,125,125,127,129,173,178,183,183,176,173,173,181,196,202,194,170,117,116,116,117,123,125,123,123,123,121,121,123,118,114,114,117,121,176,199,207,199,191,186,183,181,186,194,196,183,129,127,123,125,191,202,131,110,117,191,212,222,215,209,207,209,204,181,106,100,176,178,127,113,119,74,65,173,191,204,209,209,204,200,200,202,207,207,204,204,207,212,212,212,204,202,204,202,204,212,215,199,99,105,107,85,0,3,121,176,173,172,173,176,178,181,176,173,168,170,173,165,165,181,199,202,109,99,115,183,191,189,186,178,178,178,176,127,120,120,173,181,176,127,168,183,202,202,191,181,176,125,105,99,107,119,127,123,117,113,119,123,168,176,127,168,186,189,181,178,176,125,100,99,99,104,121,129,170,129,126,126,173,183,183,181,181,183,183,181,183,191,196,196,194,189,183,186,194,189,105,102,111,173,189,183,170,127,176,189,194,191,186,181,181,183,183,178,129,122,123,173,183,183,129,120,119,125,173,173,178,181,176,125,120,120,123,127,127,127,129,129,125,121,121,170,129,93,91,115,173,178,181,189,186,123,117,176,178,129,123,121,123,123,129,189,202,207,204,202,196,191,199,204,178,122,125,176,181,183,186,189,186,176,129,127,127,127,127,129,131,131,131,173,176,181,183,186,186,186,183,178,176,183,189,183,182,186,191,189,181,99,78,89,178,178,125,125,173,186,196,202,202,199,191,183,178,173,173,178,178,173,129,176,194,204,181,65,56,72,186,191,189,186,186,183,186,183,181,178,178,186,191,186,176,125,113,78,71,74,99,131,129,127,127,131,178,183,186,191,196,199,202,199,194,186,183,183,186,189,186,178,174,176,183,183,178,133,131,133,176,178,183,191,202,204,204,207,215,209,176,101,98,105,117,131,133,126,124,127,183,194,191,127,83,101,178,176,133,178,183,196,202,191,186,186,189,189,189,194,191,131,121,131,189,196,194,189,186,186,186,181,178,181,181,178,181,183,183,181,135,132,132,176,134,134,178,133,124,122,125,131,176,186,191,189,181,176,127,123,127,176,170,127,125,117,107,109,170,189,191,194,194,194,191,189,189,186,178,176,176,176,173,173,173,173,129,127,127,129,129,176,183,183,178,129,115,107,111,119,129,173,129,111,93,97,115,127,127,127,129,131,176,176,173,133,178,183,186,186,189,191,194,194,189,191,196,194,189,181,176,133,176,181,183,186,191,194,194,196,202,199,191,189,189,191,194,189,186,186,186,183,183,186,189,191,189,183,178,178,178,178,178,178,183,183,181,183,194,199,196,191,189,191,191,191,189,191,196,202,202,199,199,207,215,215,212,212,209,209,212,215,217,217,215,209,202,199,199,202,202,202,204,204,207,212,215,217,217,215,212,207,204,199,199,196,196,196,196,194,189,183,186,189,189,181,173,170,170,170,173,173,170,168,163,160,121,119,119,117,113,111,111,109,105,103,103,101,101,99,99,101,103,103,105,103,101,99,99,97,97,97,96,96,97,99,105,109,150,155,157,155,152,152,155,155,117,115,115,117,117,117,115,113,113,115,115,113,113,117,119,115,113,112,115,117,117,117,121,123,123,123,127,170,173,170,170,176,178,186,191,194,191,186,181,181,186,189,189,186,189,191,194,194,191,191,191,194,194,191,189,189,186,186,186,189,191,191,191,183,178,173,131,173,176,131,125,125,127,127,123,125,176,189,191,181,174,174,178,181,183,186,183,181,183,189,191,189,181,134,134,178,181,181,183,183,186,189,189,183,181,182,186,194,199,204,204,202,199,194,189,186,189,189,186,182,182,186,194,199,199,199,196,191,194,194,194,189,186,189,191,196,194,194,191,194,194,196,194,191,191,186,183,183,189,191,191,196,196,199,207,212,209,207,202,194,190,191,196,202,204,202,202,202,202,199,194,191,191,191,194,196,199,199,194,190,190,194,202,202,202,199,194,186,135,129,126,129,137,189,194,194,194,194,196,199,199,194,187,186,187,194,199,196,189,183,181,183,186,186,183,183,186,189,189,183,133,131,131,176,186,189,186,186,186,183,176,129,127,129,129,131,176,181,186,194,199,196,191,194,202,202,196,194,191,191,191,191,189,183,182,181,183,189,194,196,199,196,191,186,189,196,199,196,189,189,189,191,191,196,199,202,196,191,189,189,191,196,196,194,183,133,133,181,183,135,133,183,186,183,189,194,191,186,176,130,130,133,178,178,177,183,196,196,186,178,178,183,186,185,183,185,189,183,178,178,181,181,133,133,176,183,191,191,186,186,191,189,183,183,186,183,181,181,181,178,177,178,183,186,183,186,186,181,176,173,131,131,173,173,173,178,183,181,173,127,127,133,178,186,196,202,204,204,202,199,196,199,202,196,189,186,189,191,194,194,191,191,191,189,186,191,194,194,191,189,191,191,194,194,196,194,191,189,186,182,182,183,191,196,196,196,194,194,194,194,191,196,202,202,196,186,178,181,186,186,186,189,191,186,183,183,186,191,194,196,196,196,194,189,183,178,129,125,123,121,121,127,178,186,186,183,178,176,176,176,181,181,178,127,114,112,111,114,123,176,183,183,183,183,189,196,196,196,202,207,209,204,199,199,199,194,189,181,181,186,183,181,186,194,196,194,194,191,194,194,191,189,186,189,191,194,194,196,202,204,202,199,196,199,204,209,212,207,199,194,196,204,209,212,209,204,199,196,202,207,212,222,228,228,215,202,192,191,194,202,215,222,225,0,0,204,191,185,189,199,207,209,212,215,215,217,222,222,217,215,212,209,207,205,205,205,205,207,209,209,212,212,212,215,212,209,207,207,205,205,209,215,212,207,204,207,207,194,183,181,183,186,194,204,207,199,194,194,194,194,191,183,183,183,189,191,196,199,202,202,207,212,217,222,225,228,228,228,222,217,217,220,217,209,204,204,209,0,0,217,215,215,215,217,215,207,199,196,199,196,194,194,191,189,186,189,189,191,196,209,217,212,207,209,212,212,212,217,222,225,225,228,228,228,225,225,228,225,216,216,225,233,235,238,235,233,233,233,228,217,207,196,196,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,181,173,170,178,183,178,176,181,194,204,209,212,212,209,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,150,157,116,82,100,131,160,176,165,134,133,142,155,160,168,176,183,189,186,173,163,123,121,119,121,165,125,123,123,165,170,173,176,176,170,125,123,124,168,173,176,176,168,165,168,173,176,181,181,176,165,121,115,112,115,160,163,121,113,109,109,109,165,191,199,202,199,191,178,117,111,111,115,163,170,173,168,117,110,178,181,173,168,160,161,160,160,165,176,176,176,176,173,172,172,181,191,194,186,176,170,170,178,181,125,119,168,181,176,170,170,173,173,170,170,176,178,176,173,170,125,120,119,123,168,121,112,111,115,123,125,123,125,170,173,176,183,194,196,191,183,173,129,127,129,129,127,123,119,117,125,178,186,181,173,129,129,129,131,173,176,178,178,178,181,186,191,191,183,178,173,129,129,127,127,173,183,191,191,191,191,183,176,189,196,129,121,122,125,183,194,186,176,170,170,129,170,170,170,126,123,123,129,183,189,170,125,127,178,194,199,194,183,172,176,189,199,207,209,209,199,181,108,105,121,181,181,173,170,173,173,170,170,170,168,173,176,173,168,168,181,186,178,127,119,116,119,127,168,127,123,123,170,194,199,199,199,199,199,196,199,199,194,186,181,181,178,173,125,123,125,129,127,129,178,183,181,181,181,176,170,129,129,173,181,183,178,125,122,129,189,196,199,204,204,204,207,207,207,204,202,204,209,209,196,173,104,103,117,173,186,189,181,129,127,173,183,191,194,194,196,202,204,207,204,196,199,207,215,215,209,207,209,215,212,209,215,215,212,209,207,204,202,199,194,186,133,123,121,122,178,199,199,189,178,176,129,123,121,121,127,170,173,176,178,170,125,125,173,173,125,124,125,125,123,123,127,176,183,183,181,176,176,181,189,196,202,199,189,165,87,87,107,163,168,163,113,94,101,117,123,165,165,170,176,168,117,117,123,119,117,125,178,181,173,127,170,183,189,189,186,186,189,189,181,170,127,127,129,173,176,173,129,128,129,178,186,186,181,173,127,125,125,125,123,123,121,121,125,170,183,194,204,207,207,207,207,196,173,125,168,170,165,125,123,119,117,116,118,121,121,121,125,170,181,186,181,176,173,170,165,121,119,121,170,170,168,170,178,181,173,168,125,119,119,125,168,121,108,108,121,165,165,121,123,165,119,109,119,189,202,109,101,119,165,168,176,165,117,85,65,66,103,191,215,217,215,215,212,207,194,183,176,173,176,191,207,204,189,129,123,123,127,170,170,173,176,181,178,170,168,170,186,199,202,194,176,117,114,116,173,183,176,168,125,123,119,121,127,125,115,113,117,129,183,202,207,202,189,181,176,176,176,178,183,183,178,131,123,125,178,186,173,121,127,204,222,225,217,207,207,207,204,191,105,99,117,115,89,101,107,85,76,170,199,207,212,215,209,202,200,202,204,204,204,204,207,209,212,212,204,199,199,199,204,209,207,186,111,107,109,87,37,65,165,173,173,173,173,176,173,168,127,170,170,170,168,166,166,173,178,173,78,81,127,183,194,196,199,196,186,127,123,127,125,125,173,178,173,168,176,194,204,204,194,170,119,99,84,87,111,123,123,121,115,121,168,173,176,173,168,127,127,127,127,170,173,125,107,105,109,119,173,178,173,127,125,125,173,181,181,181,181,181,178,181,189,196,194,194,194,189,186,189,176,108,107,110,115,127,178,176,129,170,181,196,204,202,186,178,181,191,191,173,116,116,125,181,189,173,119,123,178,181,178,173,173,176,173,123,120,121,125,127,125,125,129,129,127,124,125,178,178,105,90,96,125,178,186,194,196,191,189,189,183,170,123,123,125,125,127,181,199,207,204,204,204,207,212,209,176,120,123,178,186,186,186,189,189,178,127,127,127,126,126,129,170,131,131,131,173,176,181,183,183,183,183,176,173,181,189,186,183,186,189,186,181,103,83,89,99,115,125,129,173,176,181,189,191,189,189,194,196,186,183,191,189,173,129,178,204,212,209,117,75,107,186,191,189,189,183,181,183,183,178,177,178,191,202,199,181,129,125,121,89,74,74,95,119,125,125,131,178,183,189,194,199,202,199,194,191,186,181,181,186,189,183,174,174,178,181,183,183,181,178,183,191,186,189,202,207,204,207,209,215,212,204,194,189,186,189,194,186,127,126,178,186,183,183,123,113,129,178,176,132,133,133,186,196,199,194,191,191,189,191,196,196,191,183,183,189,194,196,194,191,191,189,181,133,135,181,183,183,189,194,191,178,131,131,178,178,178,181,176,127,124,129,176,181,186,191,183,129,127,127,127,173,181,173,115,117,119,108,110,178,191,194,194,196,196,191,189,186,189,189,186,181,176,173,173,176,176,170,127,126,127,173,181,189,191,183,173,127,125,127,173,181,183,129,87,62,60,65,107,121,131,173,173,176,178,181,181,183,189,191,194,191,189,191,191,191,189,189,181,131,129,131,133,176,178,181,186,191,194,191,191,196,196,191,189,186,189,189,178,131,133,178,181,181,186,191,189,183,178,178,178,181,178,177,177,178,178,178,183,189,196,196,194,191,194,196,194,191,191,196,202,202,196,196,204,215,215,212,212,212,212,215,217,217,215,209,204,202,199,202,207,209,209,209,209,209,215,217,222,217,215,209,207,202,196,196,196,196,199,196,194,189,186,183,183,183,178,173,168,168,168,170,173,170,168,163,160,121,119,117,115,113,113,113,111,109,105,105,105,103,101,101,103,105,107,109,107,105,103,101,101,99,97,96,96,97,103,107,111,150,155,155,155,152,152,117,117,115,115,113,113,113,115,113,113,113,113,113,113,115,117,119,115,112,113,117,121,119,117,121,125,125,125,127,170,176,178,178,181,186,189,191,194,191,189,186,189,189,186,181,178,178,181,186,191,191,191,194,194,194,191,191,189,186,186,186,189,191,191,189,186,178,131,131,176,176,131,125,123,125,123,119,123,178,191,191,183,178,178,181,186,189,186,181,178,183,191,194,186,178,133,133,135,181,183,183,186,189,189,189,183,181,182,189,196,199,204,204,204,199,196,191,191,194,191,186,186,186,189,191,191,191,191,189,186,189,194,194,191,189,189,191,196,196,191,189,186,189,191,189,186,183,181,179,181,186,189,191,196,196,199,202,204,204,204,202,196,191,191,199,204,202,199,199,199,199,196,191,189,191,194,194,199,199,199,194,191,194,196,199,199,199,196,191,183,135,127,125,127,135,186,194,196,196,196,196,196,196,194,189,187,187,194,196,194,191,191,191,191,189,186,183,183,183,183,183,183,176,131,130,173,181,186,186,186,186,183,178,131,131,176,178,181,183,183,189,194,199,199,196,196,202,202,196,194,194,191,189,189,189,186,182,182,183,189,191,194,194,191,183,181,186,196,199,194,191,189,189,189,194,199,202,202,196,183,179,181,186,191,196,191,178,129,129,135,135,133,133,181,183,183,189,191,186,178,130,130,131,135,181,178,177,178,189,191,186,178,177,181,186,186,183,185,189,186,181,181,183,183,178,133,133,178,186,183,183,186,191,189,186,183,186,186,183,183,181,177,176,177,181,183,183,186,186,183,176,131,129,129,129,125,123,173,178,176,173,129,131,176,181,186,194,199,202,204,202,202,202,202,199,194,186,183,186,189,191,194,194,194,191,186,186,191,194,196,191,189,185,186,189,191,191,191,189,186,183,181,181,183,189,194,196,194,194,196,196,191,189,191,196,202,199,178,121,127,189,186,189,191,191,189,186,189,189,189,187,187,191,194,194,191,186,181,181,176,129,129,129,133,178,183,183,178,173,131,131,173,178,186,186,176,121,115,115,117,121,127,176,181,181,186,189,194,196,202,204,204,202,196,196,199,199,196,191,189,183,181,137,135,181,194,207,207,199,196,191,194,194,189,183,183,189,191,194,194,199,202,202,196,196,199,202,204,204,202,194,189,189,196,202,202,202,199,196,194,196,202,207,212,217,222,215,204,194,192,196,207,215,0,222,217,212,204,194,186,185,189,196,199,202,204,209,212,215,215,215,217,217,215,209,207,207,207,207,207,207,207,209,212,212,212,212,209,209,209,205,204,209,215,212,207,204,209,209,194,181,176,176,178,186,199,202,196,189,186,189,191,189,186,183,183,186,189,191,194,196,196,199,207,215,222,228,230,230,228,222,217,217,220,217,212,207,212,0,0,0,222,217,215,217,217,215,207,199,194,194,196,196,196,194,191,189,189,189,189,196,209,215,212,207,207,212,212,211,215,217,222,222,225,230,230,230,230,230,228,225,222,225,230,235,235,233,230,233,238,235,220,199,189,194,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,170,163,165,170,170,168,170,186,196,204,207,209,209,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,64,108,121,131,144,144,150,157,144,129,129,144,163,165,165,170,173,176,176,168,160,123,123,123,123,123,123,122,122,125,125,165,170,178,183,178,170,168,168,168,168,165,165,168,170,170,170,168,165,123,117,114,114,115,163,170,168,163,121,117,115,121,178,199,204,204,202,196,186,163,117,115,121,181,194,194,186,113,108,173,178,173,170,163,161,161,163,168,168,125,165,173,176,176,173,178,191,191,181,170,127,127,173,170,119,115,125,183,186,178,168,125,125,168,170,173,173,170,173,173,127,122,122,127,173,173,123,114,114,117,121,121,123,129,170,176,189,199,199,186,170,121,123,129,173,176,170,121,105,97,113,176,189,186,176,176,181,181,178,178,181,181,181,178,178,178,178,173,173,173,129,125,123,123,125,173,186,196,199,202,199,191,181,181,181,127,122,122,129,183,189,176,128,128,128,123,121,129,173,170,127,126,129,176,170,123,125,176,191,199,202,196,183,172,176,191,202,207,207,202,176,115,101,100,117,178,178,170,168,168,127,127,127,168,168,173,178,170,126,126,173,178,173,127,121,119,125,168,168,125,117,119,176,194,202,204,202,202,199,196,196,199,199,191,181,176,176,170,125,121,123,125,123,123,170,181,183,186,186,178,170,126,126,127,173,178,131,122,121,129,183,191,196,202,204,204,204,207,207,207,204,207,209,209,202,186,111,107,121,178,189,194,186,173,176,189,194,194,194,194,194,196,199,202,202,194,194,204,215,215,209,207,207,209,207,207,215,222,217,215,209,204,199,189,135,123,120,120,121,125,176,191,191,181,176,176,129,121,117,119,127,173,178,178,176,168,123,125,170,173,170,168,170,125,123,123,125,170,176,181,181,183,186,194,196,196,186,176,170,165,97,94,109,163,173,173,165,115,115,163,170,173,170,173,176,170,117,115,117,117,121,173,189,194,186,176,168,176,189,194,189,186,186,183,178,181,183,178,176,176,176,173,129,129,170,178,183,183,183,181,173,127,123,119,119,119,119,119,125,178,191,196,202,204,207,207,202,181,117,115,117,121,123,125,123,119,116,117,121,123,120,121,125,121,78,78,113,121,125,125,123,119,118,119,121,125,165,170,178,181,173,168,165,121,121,119,113,109,106,109,121,165,125,121,121,123,106,101,111,209,217,115,106,119,123,123,170,173,176,173,115,103,117,181,204,212,212,209,202,194,186,178,170,170,178,189,196,189,129,121,119,121,125,127,170,178,186,186,178,168,125,127,178,186,186,178,170,119,115,117,170,183,176,127,121,119,115,115,121,125,121,119,173,191,202,207,207,199,183,170,123,127,131,176,186,194,189,173,119,116,121,131,129,125,173,202,215,215,212,207,207,207,204,196,117,110,113,88,66,82,125,181,178,176,199,209,212,215,215,207,204,204,204,204,202,204,207,209,209,207,202,199,199,202,204,202,191,168,113,109,111,105,93,111,173,178,176,173,173,170,127,121,119,127,168,168,170,170,168,166,166,168,78,78,117,183,199,204,202,199,178,120,121,168,173,176,178,173,168,168,178,196,207,207,191,123,109,89,80,81,103,121,127,168,127,176,183,183,183,181,176,127,117,115,120,168,173,127,113,115,123,178,189,183,173,127,127,127,170,173,176,181,181,178,177,178,183,189,189,189,189,191,196,196,181,121,121,129,129,170,178,173,128,170,183,199,202,199,181,173,181,199,202,178,118,118,170,186,186,127,119,129,186,186,181,173,173,176,170,121,120,122,125,127,125,123,125,129,170,173,181,194,191,125,103,105,121,176,189,196,202,199,196,191,181,129,122,123,127,127,127,173,189,199,202,204,209,212,212,204,129,117,119,176,186,186,183,186,186,178,129,129,170,127,127,129,170,131,173,131,131,176,181,183,183,186,186,178,131,178,183,181,181,183,183,178,176,121,99,94,94,101,129,178,173,127,123,123,127,131,178,202,204,191,186,191,189,127,117,181,204,212,204,129,107,119,176,181,181,183,181,177,178,183,181,178,178,189,202,199,181,131,129,131,123,111,105,111,117,123,127,131,176,181,186,191,196,196,194,191,189,183,179,179,186,189,186,178,176,178,181,186,191,191,189,194,199,196,199,207,207,202,202,202,207,215,215,215,209,209,212,209,202,189,186,196,194,186,186,186,183,189,186,176,131,130,130,176,191,199,199,194,191,189,189,194,199,199,199,196,196,196,196,196,194,191,189,178,127,127,133,181,186,194,204,202,186,131,129,135,181,183,186,189,183,181,183,186,181,181,181,173,125,125,129,131,176,186,178,112,112,121,125,176,186,186,186,194,196,196,194,189,186,189,189,189,183,178,178,176,178,178,173,129,127,129,176,186,189,191,189,183,176,176,178,186,189,189,183,123,84,68,67,99,121,173,131,129,173,181,183,183,186,191,196,194,186,181,181,186,186,186,181,131,127,126,131,178,181,181,181,183,189,189,186,189,191,191,186,183,183,186,186,176,130,130,133,135,178,181,183,183,178,178,178,181,183,181,178,177,178,181,183,186,191,196,199,196,194,194,196,196,194,194,196,202,199,196,195,202,212,215,212,207,207,209,209,209,207,204,202,202,199,202,207,212,215,212,212,209,212,215,217,215,212,207,204,204,202,196,195,195,196,199,199,194,189,186,183,183,181,178,173,168,166,166,168,170,170,168,163,160,121,119,117,115,115,117,152,115,113,109,107,107,105,103,101,101,105,107,109,109,107,105,103,101,99,97,97,97,101,105,107,109,113,152,155,155,155,155,155,115,113,113,113,111,111,111,113,113,113,113,113,113,117,119,119,117,114,115,123,168,165,123,123,165,127,125,127,129,176,181,183,186,189,191,191,194,194,194,194,194,191,183,176,133,131,131,133,183,189,191,191,191,191,191,191,191,189,186,186,186,189,189,189,183,176,131,131,176,176,131,125,121,121,119,119,125,178,189,189,183,183,183,186,189,189,183,178,178,186,196,196,189,178,134,134,176,178,181,183,186,189,191,191,183,182,186,194,199,202,202,202,202,202,199,196,196,196,191,186,186,191,191,191,191,189,186,185,183,186,194,196,194,191,191,191,191,191,189,183,181,181,183,183,181,181,183,183,183,186,189,191,191,194,196,199,202,202,202,196,191,186,189,196,202,199,196,194,196,196,191,187,187,191,196,199,199,202,199,196,196,194,194,194,196,196,196,191,186,181,129,126,127,137,189,196,196,196,196,194,194,194,194,191,189,189,191,194,191,191,194,196,196,191,186,186,186,186,186,186,186,181,132,131,173,181,186,189,186,186,183,183,183,183,181,178,176,176,181,189,199,202,199,194,194,199,202,199,199,194,189,187,187,189,191,186,183,183,183,186,186,191,189,183,181,183,196,199,194,189,186,185,185,189,196,199,196,189,181,178,178,181,186,191,183,133,128,129,133,131,127,128,133,178,181,186,183,178,135,133,135,135,178,181,183,181,181,186,191,189,181,177,181,189,189,186,189,194,194,189,189,189,189,186,176,127,125,129,129,133,178,186,186,181,178,181,183,181,178,178,178,178,178,178,183,186,186,189,183,178,173,129,127,127,121,120,127,173,129,173,176,176,178,181,186,191,196,202,202,199,202,204,202,199,191,181,181,181,186,189,191,191,191,189,181,181,189,196,199,196,191,189,186,186,186,186,183,183,186,186,183,183,183,189,191,194,191,194,194,194,191,186,186,189,196,199,61,34,37,127,191,194,194,194,191,191,194,196,194,189,189,191,191,194,191,191,194,194,189,183,178,176,176,178,178,178,173,129,127,127,131,173,181,183,178,127,119,119,119,123,129,178,181,181,189,191,196,202,207,209,204,196,190,191,196,194,191,189,186,181,135,134,135,183,199,209,209,202,191,190,191,194,186,138,139,189,194,194,196,196,199,196,194,194,199,202,204,202,199,194,186,141,189,191,194,194,194,189,186,186,194,199,204,212,217,215,207,199,194,199,209,217,0,217,215,209,204,196,189,186,185,186,189,191,194,199,207,209,212,215,217,222,217,215,209,209,209,207,207,207,209,209,212,212,212,212,212,212,212,207,205,209,212,209,204,204,212,212,199,183,178,176,174,176,189,194,191,186,186,189,191,189,186,183,183,186,189,191,194,194,192,196,204,212,222,228,230,230,228,225,217,217,217,217,212,209,215,0,0,222,222,217,217,217,217,212,204,196,194,194,196,196,196,194,191,189,189,187,189,191,204,209,209,205,207,212,212,211,212,217,222,217,222,228,233,235,235,235,233,230,228,228,230,233,233,230,228,233,238,235,212,189,181,189,204,222,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,0,0,157,163,163,168,176,189,196,204,207,212,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,87,137,165,165,152,144,142,137,131,133,157,176,170,165,163,160,163,165,163,121,121,163,163,123,122,122,121,121,122,123,165,173,183,189,186,183,178,176,170,165,164,164,168,173,173,168,125,123,119,117,115,115,119,170,178,173,170,173,168,160,165,183,202,209,207,199,191,178,163,119,117,165,194,207,204,196,115,112,168,173,173,173,165,165,168,170,170,125,121,124,176,181,178,176,178,183,181,170,126,125,126,127,123,115,112,121,181,183,173,121,118,120,127,170,170,168,168,178,183,178,168,127,168,173,178,176,125,115,115,119,125,129,129,129,173,181,189,183,170,119,117,121,170,178,181,178,119,94,87,99,170,186,181,170,176,186,191,189,181,178,178,181,178,176,173,127,122,125,129,127,121,119,119,123,131,183,194,199,204,204,199,186,178,173,127,125,127,176,183,181,129,127,173,170,118,108,129,176,176,173,173,173,170,125,123,170,189,202,204,202,196,189,173,173,191,199,199,189,181,127,113,103,104,123,176,173,127,126,125,124,125,126,127,168,173,178,173,126,126,170,176,173,168,127,127,168,168,125,117,110,111,168,189,199,204,204,202,199,195,195,199,202,191,176,170,176,176,127,121,121,123,121,120,125,176,181,186,183,178,129,126,125,127,170,173,127,121,122,176,183,189,194,199,202,204,204,204,207,207,209,209,209,209,204,194,125,115,123,178,189,194,186,178,183,196,199,194,194,194,194,194,194,196,196,191,191,199,209,212,209,204,204,204,204,204,212,222,222,217,215,209,207,196,181,125,121,122,123,125,129,178,181,173,131,131,129,119,116,117,125,178,189,189,181,170,123,123,170,173,170,170,173,168,125,123,123,165,170,178,183,189,196,202,202,186,166,164,168,176,178,165,121,163,168,170,168,119,119,123,168,170,168,170,173,170,121,116,116,117,125,183,196,196,191,176,165,168,186,194,191,186,183,178,178,189,204,199,186,178,176,170,129,170,170,173,173,173,178,181,178,129,121,119,119,119,117,117,123,178,194,199,202,204,207,207,196,173,116,114,116,117,123,125,125,119,117,121,170,173,168,168,165,87,54,57,91,109,117,121,121,121,121,120,120,121,123,168,173,173,170,168,168,168,125,112,106,108,115,123,165,168,168,125,125,121,104,100,123,212,212,121,111,119,119,115,123,170,183,196,199,181,170,178,194,199,202,199,189,181,173,170,129,127,128,173,178,129,121,117,118,119,123,127,176,189,196,194,183,170,123,123,168,168,121,119,123,125,119,116,117,123,123,119,115,114,113,111,112,127,173,181,196,204,209,209,202,196,186,127,119,121,129,178,191,202,202,181,117,114,117,127,170,129,173,186,194,199,204,207,207,202,196,189,119,113,115,88,66,85,183,189,181,123,186,207,215,217,215,212,209,204,202,202,204,204,207,209,207,204,202,199,198,199,202,194,178,127,115,111,113,117,168,186,186,183,181,178,173,170,127,121,117,119,121,125,170,176,173,166,166,191,99,95,121,181,199,204,202,194,121,117,121,170,181,186,186,170,127,127,176,194,204,199,183,113,105,95,84,84,103,125,173,176,173,183,191,194,194,191,186,176,116,114,125,176,173,127,123,123,173,189,196,191,181,170,170,170,173,170,173,178,181,181,178,181,183,183,186,186,183,186,194,199,189,183,194,199,194,191,191,178,128,170,183,191,186,181,170,170,181,199,202,186,125,127,181,183,173,118,118,173,186,183,173,170,176,183,176,123,123,129,129,127,121,119,120,125,173,181,194,202,194,170,119,119,125,173,186,191,194,194,189,183,176,129,125,127,129,127,127,170,178,191,199,204,209,209,202,189,129,119,117,125,178,183,181,178,178,176,170,129,129,127,129,173,176,173,129,121,119,125,173,178,181,183,183,178,131,173,176,176,178,183,183,173,125,121,121,113,99,107,131,181,178,127,117,114,115,121,129,194,189,178,178,183,183,127,115,173,196,202,196,178,125,129,133,131,131,176,178,177,178,186,191,186,183,183,191,191,183,176,176,176,125,115,117,121,123,125,129,131,176,178,183,189,194,194,189,186,183,181,178,179,183,186,186,183,178,176,178,189,196,199,199,196,196,196,196,202,199,194,194,191,196,207,215,217,217,217,215,212,209,204,204,207,202,194,196,207,204,202,196,181,133,132,131,133,186,194,196,196,194,191,191,194,199,204,207,207,202,199,199,199,194,191,186,135,126,124,126,133,186,202,212,212,202,135,130,133,178,183,189,191,196,196,199,194,183,176,133,129,125,126,131,176,176,189,189,114,110,119,178,186,176,105,113,194,199,196,194,186,186,186,186,186,186,183,183,181,181,181,178,173,173,178,183,189,186,186,189,186,181,178,183,191,191,191,194,194,186,119,99,107,127,176,128,125,128,176,178,181,186,191,194,191,181,178,178,183,186,183,176,129,127,129,133,181,186,186,181,181,183,183,183,186,186,183,181,176,178,183,183,176,131,130,131,133,133,135,178,178,178,178,181,183,186,186,183,181,181,186,189,191,194,199,202,199,196,196,196,196,196,196,199,202,199,195,195,199,207,212,209,204,204,204,202,196,194,194,194,196,199,202,207,209,209,207,204,207,209,215,212,209,204,203,203,204,202,196,195,195,196,199,196,194,189,186,183,183,183,181,176,170,166,166,168,170,170,168,165,160,157,119,119,155,155,155,155,152,115,111,109,109,107,105,103,101,103,107,109,109,105,103,103,101,101,99,101,101,103,103,105,107,111,115,152,152,155,157,157,113,111,109,109,109,109,111,113,113,113,113,113,115,117,121,160,121,117,119,168,176,173,168,168,170,168,127,127,129,176,181,186,189,191,191,191,191,194,196,199,196,191,181,176,133,131,128,127,133,183,189,186,189,191,191,191,194,191,189,185,186,186,189,189,183,178,131,131,173,176,176,129,123,118,117,119,127,176,183,186,186,186,189,191,191,189,181,177,178,186,196,199,191,181,176,134,176,135,178,183,186,191,194,194,186,186,189,196,199,199,199,199,199,199,199,196,196,194,189,186,189,191,194,194,191,189,186,186,185,189,194,196,194,191,189,189,187,189,186,137,134,135,137,181,181,183,189,189,186,186,189,191,189,189,189,194,199,202,196,189,181,181,183,191,194,191,189,191,194,194,189,187,187,194,199,202,202,202,202,199,196,194,191,189,191,194,194,194,194,189,135,127,131,181,189,196,196,194,191,189,189,191,191,194,191,191,191,191,190,191,194,196,196,191,186,183,186,189,186,189,189,183,178,133,176,183,186,186,186,183,183,186,191,189,183,176,172,172,176,191,204,204,194,189,194,202,204,204,202,196,189,187,187,191,196,196,191,189,183,182,183,186,189,186,183,189,199,199,191,189,186,182,182,186,191,191,189,183,181,181,183,183,186,186,181,131,129,130,133,129,126,127,133,181,183,183,135,134,178,183,183,183,183,186,191,189,183,183,191,194,189,181,186,191,194,191,191,196,196,194,191,191,194,189,178,125,123,123,123,125,133,181,181,133,127,129,173,173,131,173,178,181,181,176,178,183,186,186,183,181,178,173,129,129,125,119,119,121,127,178,183,183,181,183,189,194,196,202,202,199,202,202,199,196,189,181,181,181,181,181,183,186,186,183,178,179,183,191,196,199,199,196,191,186,186,183,182,182,183,189,191,189,186,186,189,189,189,189,191,191,186,181,181,183,194,199,39,18,18,79,212,204,196,194,194,196,202,207,204,199,194,194,191,194,196,199,202,202,199,191,186,181,176,176,176,176,173,127,126,127,131,173,176,178,176,129,123,123,125,129,176,181,181,183,191,196,202,207,212,212,204,194,187,190,194,189,183,137,181,137,134,133,137,191,202,207,209,204,190,189,191,191,139,136,138,191,196,199,199,196,194,194,194,196,204,207,207,207,204,196,186,139,137,139,186,189,186,181,135,178,186,194,199,209,215,215,207,199,196,202,209,217,0,217,212,209,207,202,196,191,186,185,185,186,191,196,202,207,209,212,217,222,222,217,212,212,209,209,207,209,212,212,212,212,212,212,212,212,212,209,207,209,209,207,204,207,217,217,204,191,186,183,176,174,178,183,183,183,186,191,194,191,186,183,183,183,189,194,196,194,194,194,199,209,222,230,230,230,230,225,220,217,217,217,212,212,0,0,0,225,225,222,222,217,212,207,202,196,194,194,196,196,196,194,191,191,189,187,187,191,199,204,207,205,207,212,212,211,211,215,217,217,217,225,235,241,241,241,238,233,230,230,230,233,230,225,222,228,235,233,209,183,177,179,191,209,228,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,0,0,0,160,163,165,168,178,189,199,207,212,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,103,160,181,173,160,144,139,142,139,142,160,176,173,165,157,155,156,163,163,119,118,123,165,163,123,123,125,123,122,123,168,178,186,183,181,181,183,183,181,176,170,168,170,176,176,165,123,125,125,123,121,119,119,165,176,176,176,183,181,170,165,178,196,204,202,186,170,121,121,119,119,165,189,202,199,189,121,118,123,165,168,170,168,168,170,176,173,125,122,127,183,186,181,176,176,176,173,127,126,126,127,127,123,117,115,127,181,178,123,118,117,120,123,127,127,127,170,181,189,186,178,176,170,170,176,183,178,121,115,121,170,178,173,170,129,170,176,170,123,117,116,123,173,181,189,194,176,99,95,109,127,129,125,125,173,191,196,189,176,131,176,178,176,173,173,123,118,119,125,123,118,117,118,121,127,178,186,194,199,202,202,194,181,173,173,173,176,181,181,178,170,170,181,181,124,114,176,178,176,176,176,173,129,121,119,176,199,207,204,202,199,194,181,123,181,186,176,124,127,173,170,119,121,173,176,168,126,126,125,124,125,168,168,168,170,173,170,127,127,173,176,176,173,170,170,168,125,121,116,109,110,125,186,194,199,202,202,199,195,195,199,196,183,129,129,181,181,170,123,121,121,121,121,127,173,176,181,178,173,129,127,127,129,170,170,124,121,125,181,183,181,186,194,199,204,204,204,207,209,209,207,204,207,207,194,127,117,121,173,181,186,181,176,183,199,202,194,191,191,191,191,194,196,194,189,189,191,199,202,204,202,199,199,202,204,209,217,220,217,215,215,215,212,207,194,183,133,129,123,127,178,181,131,128,129,127,119,116,115,117,176,199,199,186,173,123,123,170,173,168,168,170,170,127,125,125,165,170,173,181,189,191,194,191,173,163,164,176,181,186,176,160,121,119,115,115,117,117,117,121,123,163,168,173,173,168,163,121,121,173,189,194,191,183,170,164,168,178,186,186,183,183,181,181,194,212,209,191,181,176,173,170,173,173,169,168,169,173,176,176,129,125,125,125,121,117,116,119,176,191,202,204,204,202,196,186,170,121,117,117,117,123,168,165,119,119,168,181,186,189,186,165,85,69,78,107,115,121,123,125,165,165,123,120,120,121,125,165,168,168,168,170,178,125,103,101,119,194,189,176,176,176,173,170,165,117,117,178,186,170,111,111,117,113,110,113,123,178,202,209,199,178,176,181,181,178,176,176,170,168,168,170,126,126,127,129,127,121,117,117,119,125,173,183,194,199,196,189,176,125,123,123,119,114,114,119,176,170,116,111,112,117,119,115,114,114,110,111,173,191,194,196,202,207,202,196,196,194,176,120,120,127,178,189,196,196,181,121,117,121,170,178,176,173,129,124,178,199,207,199,178,176,168,115,117,125,123,113,178,194,191,173,112,125,196,212,217,215,209,207,202,202,202,204,207,209,209,207,204,202,199,198,199,199,189,173,127,117,113,115,125,186,199,196,191,186,183,181,178,176,168,119,109,108,115,168,178,178,176,178,199,186,170,168,173,186,199,199,191,116,115,121,170,181,189,186,170,127,128,173,183,189,186,173,109,107,109,111,117,168,181,183,178,173,189,196,199,202,199,196,183,119,119,183,181,127,123,127,168,173,183,194,196,191,181,176,176,178,176,173,178,183,183,186,191,191,189,191,189,183,173,127,176,176,189,207,209,207,204,202,178,129,178,183,176,116,119,123,127,176,189,194,189,181,183,191,183,121,115,118,176,186,181,170,127,173,189,186,178,181,186,178,129,121,118,118,123,170,181,191,194,186,170,127,170,173,178,183,186,186,181,170,169,170,176,176,176,170,170,170,173,178,186,194,202,204,196,183,176,173,125,118,115,127,181,178,129,127,170,170,127,126,125,129,186,189,176,125,113,113,118,125,131,173,176,178,173,131,173,173,173,178,189,189,131,121,125,178,178,127,129,176,181,176,127,119,115,115,117,121,125,121,121,123,127,173,125,114,121,183,189,186,178,176,178,133,130,129,133,181,178,178,186,194,191,183,178,181,183,189,194,196,183,121,113,117,127,129,127,129,131,176,176,181,189,194,194,186,181,179,179,179,179,181,183,183,183,181,176,178,189,199,202,199,196,191,186,186,186,189,191,194,190,190,191,199,207,212,212,209,207,207,209,212,212,207,202,204,212,212,212,204,196,191,186,181,178,183,191,194,196,196,196,196,194,199,202,204,204,202,202,199,196,194,189,186,178,127,124,124,129,186,204,215,215,209,194,135,134,178,181,183,189,196,202,202,196,183,133,133,133,131,131,176,178,176,186,191,131,115,123,183,183,117,81,84,191,207,199,191,183,183,183,183,183,183,186,186,183,181,183,181,181,181,186,191,191,183,178,183,183,178,178,183,189,191,191,194,196,194,194,186,131,181,181,131,125,126,129,133,178,183,189,189,186,181,179,181,186,189,183,131,123,125,131,178,183,189,189,183,181,183,183,186,186,183,178,133,131,133,178,181,176,131,131,131,131,133,133,135,178,181,183,183,181,183,189,189,186,186,189,189,191,194,199,202,202,199,196,196,196,196,199,204,202,199,195,194,196,204,207,207,204,202,202,196,191,190,190,192,194,199,202,204,204,199,194,191,196,202,209,209,204,203,203,204,204,202,196,196,196,196,196,196,194,189,186,186,186,186,183,181,173,170,168,170,170,173,170,168,163,157,157,119,155,155,155,152,152,115,113,111,109,109,107,107,105,107,109,109,107,103,101,101,101,101,101,103,105,105,103,103,107,111,115,115,115,152,160,163,115,111,109,107,107,109,113,115,115,115,113,115,117,119,160,163,163,123,123,168,173,173,170,170,173,170,168,127,170,176,181,186,189,189,186,186,189,194,199,199,196,186,178,135,178,178,129,126,127,178,186,183,183,189,191,194,196,194,189,186,185,186,189,189,183,178,173,131,176,178,181,176,127,118,117,119,129,176,183,189,189,191,194,194,191,186,178,176,177,183,194,196,191,183,178,176,176,176,135,178,183,189,191,191,189,189,191,194,196,196,196,196,196,196,196,194,191,189,189,189,189,194,196,196,194,191,191,191,191,194,196,196,194,191,189,189,187,189,186,135,132,132,135,181,183,186,189,186,185,185,186,189,186,185,185,189,196,196,194,186,179,179,181,186,186,186,183,186,191,191,189,189,189,194,202,204,204,202,202,199,196,194,189,189,191,191,189,189,194,194,183,133,135,183,191,196,196,191,187,186,187,189,189,191,191,191,190,190,190,191,191,191,189,186,181,181,186,186,186,186,186,186,183,181,181,183,186,186,186,183,183,183,189,189,186,176,172,173,181,196,207,202,191,189,194,204,207,204,204,199,194,191,191,196,202,204,202,196,191,186,183,183,186,189,191,194,199,196,191,189,189,185,183,185,186,186,186,183,186,186,189,189,189,189,181,131,130,131,135,133,128,129,181,186,189,186,134,134,181,186,189,189,191,196,196,194,186,183,191,199,194,186,189,194,194,191,191,196,196,194,191,194,194,189,178,125,123,123,123,125,178,186,181,126,120,121,129,173,129,129,173,181,181,178,176,178,183,181,181,181,183,178,173,176,176,121,116,117,127,183,186,181,178,181,186,191,194,196,199,194,194,196,196,194,189,186,186,183,179,178,178,179,181,181,179,178,178,183,191,199,202,202,199,194,191,186,183,183,186,191,191,189,186,186,186,186,186,189,189,183,178,135,178,186,196,204,93,34,32,77,222,209,199,199,199,199,199,207,207,202,191,186,186,194,202,204,204,202,199,196,191,183,178,176,176,176,176,131,127,129,173,173,176,178,176,129,125,129,176,181,183,183,183,186,191,196,204,209,215,212,202,191,187,190,194,186,135,134,135,135,134,134,181,196,204,207,207,207,196,191,194,194,186,138,139,191,196,199,199,196,191,191,194,199,207,212,212,215,212,204,194,183,135,133,135,137,178,135,133,176,183,191,199,207,215,212,207,199,199,204,212,217,0,217,212,209,209,207,204,199,191,186,186,189,191,196,202,207,209,212,215,217,222,217,215,212,209,209,209,209,212,215,212,212,211,211,212,212,209,209,207,207,207,207,207,209,222,222,209,199,196,194,186,176,0,174,178,181,189,196,199,194,186,181,178,181,189,194,196,196,194,194,196,207,217,228,230,230,230,225,220,217,217,217,215,212,0,0,0,0,228,225,222,217,209,204,199,194,191,194,196,199,196,194,191,191,189,189,187,191,199,204,207,207,209,212,212,209,209,212,217,217,217,225,233,241,243,241,238,235,230,228,230,230,225,220,217,222,230,228,209,186,176,176,183,199,222,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,176,0,157,160,165,165,165,173,183,196,204,212,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,111,160,178,170,157,144,144,155,152,150,152,160,168,165,157,153,155,165,170,160,116,119,165,165,165,165,165,125,122,125,176,183,183,176,174,176,181,183,189,189,181,173,173,176,173,168,165,173,176,173,170,165,117,117,163,173,176,183,189,178,163,168,183,189,183,165,118,116,118,119,121,165,181,186,183,178,163,121,122,122,125,165,164,164,168,173,173,127,125,176,186,183,178,176,170,127,127,127,127,127,170,170,170,170,173,186,191,181,125,121,121,121,120,120,123,168,173,181,186,186,183,183,181,176,178,183,178,125,121,129,176,176,176,173,173,176,176,170,123,118,118,129,181,186,194,204,191,115,111,121,127,126,123,125,176,191,191,181,129,127,173,178,173,172,173,125,117,117,123,123,119,118,119,123,127,173,181,186,191,196,196,194,183,178,181,183,181,181,181,181,176,170,176,178,173,173,183,183,178,176,173,129,121,111,104,129,199,207,204,199,196,194,183,89,112,129,127,122,126,186,191,183,176,176,170,126,126,168,168,168,173,178,176,170,168,168,127,127,170,176,178,176,170,170,168,127,123,123,123,119,121,176,181,183,189,194,196,199,199,199,199,189,168,123,170,189,189,176,123,113,115,123,127,168,170,170,173,173,170,129,170,170,170,170,129,123,121,125,176,173,126,131,183,191,199,204,207,209,209,209,204,196,196,194,181,123,113,115,125,173,176,173,131,181,196,199,194,190,190,191,194,196,196,194,191,189,189,189,191,194,194,194,196,202,204,209,215,217,215,215,212,212,215,215,209,202,186,133,125,129,186,194,178,129,129,129,125,119,115,115,129,196,199,183,170,123,125,173,176,170,125,127,168,168,165,165,165,168,165,168,176,176,173,173,166,164,168,183,186,186,168,115,111,107,101,107,117,115,114,115,121,163,168,173,173,173,173,168,165,173,183,183,181,170,165,168,173,173,176,178,178,186,186,186,194,209,204,189,181,176,173,176,181,181,176,170,170,170,170,170,170,170,173,170,168,123,121,125,176,189,196,202,202,194,178,168,168,127,123,116,117,125,173,170,125,125,170,183,191,204,202,181,117,113,165,173,173,168,123,125,165,165,121,119,121,123,123,125,165,165,125,168,178,119,102,104,183,199,194,183,181,183,181,176,173,176,181,181,121,109,108,111,117,117,113,111,113,125,194,207,202,181,170,168,123,119,119,125,168,127,168,178,176,129,127,129,170,129,125,123,123,125,129,176,186,194,191,186,176,127,125,123,118,114,115,123,189,181,123,113,114,125,170,168,125,125,117,117,178,191,186,183,194,199,194,191,194,196,183,123,120,123,170,176,176,176,173,127,123,127,176,183,181,173,123,116,168,196,204,103,85,109,123,121,127,178,189,196,199,196,194,186,116,123,189,207,212,212,207,200,200,202,204,207,209,209,207,204,204,202,202,199,202,196,181,127,123,115,113,121,176,194,204,202,196,194,191,189,189,189,178,123,102,104,111,170,183,186,183,189,196,194,186,173,168,178,191,199,194,120,119,127,173,178,186,183,170,128,128,168,170,173,176,129,115,115,123,183,202,207,209,202,181,173,186,199,204,204,202,196,178,118,119,183,178,121,119,121,125,170,181,189,196,194,189,183,181,183,181,176,178,183,189,196,202,204,199,194,191,189,131,110,78,76,131,202,207,207,204,199,170,128,181,181,123,107,115,123,129,170,173,176,183,191,199,199,191,121,116,121,178,186,181,170,125,127,181,186,189,196,199,191,176,123,120,121,127,173,178,183,186,181,170,129,176,183,183,183,183,181,173,168,166,170,181,183,181,176,173,176,178,181,181,186,191,194,183,173,173,178,170,117,112,123,178,170,117,115,123,170,170,126,124,127,191,196,181,125,115,115,119,125,129,129,131,131,131,173,178,176,172,176,189,191,176,127,131,183,186,181,178,178,178,129,121,115,115,115,115,115,119,118,121,125,127,129,121,111,114,129,176,178,176,178,186,183,178,133,183,189,183,176,176,181,183,178,133,176,183,196,204,207,199,131,119,127,133,131,127,127,133,176,178,181,189,196,196,186,179,179,181,181,181,183,183,183,183,178,176,178,189,196,196,196,191,186,183,183,183,186,194,199,196,189,185,187,199,209,212,207,207,209,212,215,215,212,209,207,207,209,209,212,212,209,204,199,189,186,189,191,191,194,196,196,196,196,196,194,194,196,199,199,196,191,189,186,183,133,127,125,126,178,196,207,209,207,202,191,183,186,186,181,183,194,202,202,196,183,178,181,183,183,183,186,183,176,178,183,186,183,189,194,194,176,86,82,117,202,199,189,181,178,178,178,181,183,186,183,176,176,176,178,181,186,189,191,191,181,176,176,176,172,173,181,186,189,189,191,194,196,199,196,189,189,186,178,128,126,127,131,176,181,183,183,181,181,186,189,191,189,181,125,117,117,127,178,183,189,189,186,183,183,183,183,183,181,176,131,130,131,133,176,133,133,131,131,133,135,178,181,183,186,183,181,179,181,189,191,191,189,189,187,187,189,196,202,202,199,196,196,196,196,199,204,204,199,196,195,196,199,204,204,202,202,199,196,191,190,191,194,196,199,199,199,196,191,187,186,191,199,204,204,203,203,204,207,204,202,199,196,196,196,196,194,191,186,183,183,186,186,186,183,178,176,173,173,176,176,173,170,165,160,157,119,117,115,113,113,113,113,113,111,111,109,111,111,109,109,109,107,103,99,97,97,99,101,103,105,105,105,103,105,111,115,115,114,113,115,163,168,160,117,111,107,106,107,111,115,115,115,115,115,117,121,163,165,168,165,165,165,165,165,168,173,176,173,170,129,173,178,183,183,186,183,181,181,183,191,199,202,196,186,178,178,183,186,135,127,125,133,183,181,181,186,191,194,196,196,191,186,186,186,189,186,183,178,176,176,176,181,183,183,173,121,118,121,131,178,186,194,194,194,194,191,189,183,178,177,177,183,191,194,194,189,186,181,178,133,132,133,178,183,186,186,189,191,191,189,189,191,194,196,194,194,191,189,186,186,189,191,194,196,199,199,199,196,196,199,199,199,199,196,194,191,191,191,191,194,189,135,131,131,135,183,189,186,186,185,185,186,189,189,189,186,185,186,191,194,191,186,181,181,183,183,183,182,182,182,183,186,186,191,194,196,199,202,204,202,202,199,196,194,191,191,189,186,181,181,186,191,189,183,183,189,194,196,199,194,189,187,189,191,189,189,189,191,191,191,191,191,189,186,183,179,178,179,183,183,181,181,181,183,186,189,186,183,186,189,189,186,183,181,181,183,183,181,176,178,189,199,202,194,189,191,199,207,207,204,202,199,196,196,196,199,204,207,207,202,196,191,183,137,181,189,194,196,194,191,187,189,194,191,189,189,186,186,189,189,189,189,189,189,191,191,186,135,133,135,183,181,178,181,189,189,189,186,178,178,181,181,183,186,194,199,199,196,189,186,191,202,202,194,194,194,191,189,189,191,191,191,191,191,191,183,133,125,124,127,129,178,191,199,189,127,119,118,173,181,173,128,129,178,183,181,176,178,181,181,178,178,183,183,176,178,181,129,119,120,129,176,131,129,131,176,183,189,189,189,183,133,181,191,196,194,191,189,191,189,181,178,178,179,186,189,189,181,178,179,189,196,199,199,202,196,194,194,189,186,189,194,191,189,186,186,189,186,186,186,186,178,131,132,181,191,204,212,209,178,109,103,202,204,204,204,204,196,191,196,202,196,181,132,135,189,202,207,204,199,199,199,194,186,178,176,178,178,178,176,131,131,173,173,176,178,173,129,129,176,186,189,186,182,183,186,189,194,199,207,209,209,202,194,191,196,199,189,135,134,135,137,135,137,189,199,204,204,204,207,199,194,196,196,194,191,191,196,199,199,199,194,191,191,194,202,207,212,215,217,217,212,202,191,139,131,129,129,129,131,133,181,186,191,202,209,212,212,204,199,199,204,212,217,0,217,215,212,212,212,212,207,199,196,196,196,199,202,204,209,212,215,215,215,217,215,212,209,209,209,209,209,215,215,215,212,212,212,212,212,209,207,207,207,207,209,209,212,222,225,215,202,199,202,194,183,0,174,178,183,194,202,204,199,189,178,176,176,183,191,196,196,199,196,196,202,212,225,230,230,230,225,217,217,220,222,217,215,0,0,0,0,230,230,225,217,209,202,196,191,191,194,196,199,199,194,194,191,191,191,191,194,202,209,212,212,212,212,212,209,208,212,217,217,215,222,230,238,241,238,235,230,228,225,225,228,225,220,215,215,217,215,204,186,0,176,181,199,222,241,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,170,165,165,168,168,168,170,181,189,199,207,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,95,139,165,157,140,139,147,160,160,155,152,155,165,168,160,155,160,176,178,168,116,117,123,165,165,165,165,125,122,125,176,186,183,176,173,174,178,183,191,194,186,176,170,176,173,170,176,189,194,189,183,181,121,117,119,163,163,176,186,176,123,123,165,170,165,121,118,118,121,163,163,165,176,181,176,173,168,165,123,122,125,165,164,164,165,173,178,176,173,181,183,181,176,170,125,119,121,127,168,170,173,178,183,189,194,199,202,194,183,176,170,125,119,118,121,168,168,170,178,183,189,189,189,189,189,186,176,127,168,176,173,168,170,176,178,183,183,176,125,120,125,183,191,191,194,194,176,110,110,121,173,178,176,176,176,178,176,131,126,127,176,183,178,172,173,129,120,119,127,131,129,127,129,173,173,173,176,181,183,186,186,186,183,181,181,183,181,176,176,181,176,168,168,170,178,183,186,183,178,178,170,119,102,94,90,111,194,204,202,199,199,194,183,66,89,123,176,129,170,186,191,186,178,173,168,126,127,173,178,181,186,189,183,176,168,127,127,168,176,181,181,176,173,170,168,127,125,125,127,168,170,178,173,173,178,186,191,196,202,202,199,178,120,119,170,191,194,178,115,105,107,123,170,176,173,170,173,170,129,170,173,176,173,173,173,127,124,127,131,127,124,126,173,181,186,196,204,209,209,207,199,186,176,131,121,111,107,109,121,129,131,130,129,178,194,199,191,190,190,191,196,199,196,194,191,191,191,187,187,189,191,191,196,202,204,209,212,215,215,212,212,209,209,209,212,207,194,181,129,131,191,199,189,173,131,173,131,125,117,117,129,186,183,168,125,121,125,178,183,173,125,125,165,168,170,173,168,125,123,123,163,163,163,168,170,173,183,191,191,178,113,103,99,95,93,97,115,114,113,115,160,170,176,176,173,173,176,170,123,123,168,173,168,125,165,173,173,127,125,168,173,183,189,189,191,196,191,181,170,127,127,173,183,189,186,183,178,173,169,169,173,176,178,176,176,176,178,178,178,181,189,194,194,178,123,119,127,173,170,119,117,125,176,178,173,170,168,176,194,207,207,194,170,121,123,170,176,123,113,115,123,165,125,123,173,168,125,165,165,121,117,121,125,115,109,115,186,191,183,181,181,183,178,170,170,181,183,173,117,109,110,119,163,170,173,125,96,103,168,189,186,173,125,123,123,119,119,125,127,127,173,189,191,178,129,170,178,186,189,186,178,129,123,123,129,181,181,173,168,127,127,168,125,123,125,173,178,173,123,119,127,183,189,189,186,183,178,173,173,176,168,119,181,189,189,186,186,189,183,170,123,125,129,129,128,128,129,170,129,129,173,181,181,178,129,121,173,189,191,83,70,99,173,183,178,181,189,194,191,186,186,181,117,119,183,204,209,209,204,200,200,202,204,209,212,212,207,199,196,196,199,204,204,191,129,117,113,112,117,176,191,202,204,202,199,199,199,196,199,196,189,168,105,107,121,183,194,191,189,194,199,202,191,178,170,178,186,194,191,178,173,176,178,181,183,181,173,168,128,127,127,129,170,170,125,123,170,196,215,217,217,212,183,173,181,194,199,202,196,186,168,114,115,168,173,123,119,119,120,168,183,191,194,194,194,189,183,183,183,178,181,186,194,202,209,212,204,196,194,194,183,117,64,63,113,189,199,202,199,191,127,126,176,178,123,112,121,176,173,170,168,166,176,194,204,202,196,123,118,123,173,181,178,173,125,117,117,129,181,196,202,196,181,170,127,170,176,181,183,181,178,178,131,128,173,186,183,178,178,178,173,170,173,183,189,189,183,178,173,173,178,178,178,176,181,183,181,178,178,181,173,117,117,129,176,125,111,110,119,129,170,127,125,127,183,189,178,170,127,129,173,131,131,131,129,129,131,178,186,183,173,173,186,191,183,129,117,119,176,183,181,173,129,129,125,115,109,108,113,123,129,176,189,194,194,183,127,113,114,121,129,131,131,176,191,196,199,194,194,196,191,178,123,116,119,127,131,176,186,196,202,199,194,189,186,189,181,131,127,129,176,181,181,181,186,194,196,191,183,183,186,183,183,186,189,189,186,178,174,176,183,186,189,186,183,179,183,191,191,191,199,204,204,191,186,187,196,209,212,212,212,215,220,222,217,215,212,199,191,194,196,204,215,215,209,207,196,191,186,186,186,186,191,194,196,196,192,191,190,192,196,199,194,191,189,189,189,186,178,129,125,129,181,191,196,202,204,202,199,199,196,189,186,191,199,202,196,189,186,189,191,191,189,191,194,186,178,181,194,202,202,204,209,215,194,86,79,107,186,183,178,173,170,176,178,181,181,178,169,168,170,176,181,183,183,186,186,178,173,173,173,172,173,178,181,183,186,189,196,202,204,202,196,191,189,186,178,131,131,133,176,181,183,183,181,183,191,196,194,186,176,125,115,112,115,127,181,189,189,186,183,183,181,178,181,178,176,133,131,131,131,133,133,133,176,133,135,181,183,183,186,186,183,181,179,181,186,191,189,189,187,187,186,189,194,199,202,199,196,196,196,196,199,204,207,202,199,199,196,196,199,202,199,199,199,196,194,194,196,199,196,196,196,196,191,189,187,189,194,199,204,204,203,203,204,207,204,202,199,196,196,196,194,191,189,183,183,183,186,186,186,186,183,181,178,178,178,176,173,170,163,160,157,119,115,111,107,107,109,111,111,111,111,111,113,113,113,111,109,103,99,96,95,96,99,103,105,107,105,105,107,111,155,157,157,115,113,115,160,170,168,160,115,109,105,105,107,111,115,115,115,117,119,160,165,168,168,168,165,164,163,163,168,173,176,173,170,173,176,181,183,183,181,177,177,177,181,191,199,202,196,186,178,181,189,189,181,129,126,133,183,183,178,178,183,189,194,196,194,191,189,189,186,183,181,181,178,178,176,178,181,183,176,125,121,125,173,181,189,194,194,194,194,189,186,183,181,181,181,183,191,194,194,191,191,189,181,133,132,132,135,178,181,183,186,191,191,189,187,189,194,196,191,189,189,186,181,181,189,196,196,199,199,199,196,196,199,202,199,196,196,194,194,194,194,194,194,194,189,137,133,133,137,186,189,189,186,186,186,189,191,194,191,189,186,186,189,191,189,186,186,189,189,183,182,183,183,182,181,181,183,189,194,194,194,196,196,196,196,196,194,191,191,191,189,183,177,177,181,189,191,189,191,191,194,199,199,196,194,191,194,194,191,191,191,191,191,189,189,186,183,183,181,179,179,181,183,183,179,179,179,183,189,191,191,189,189,191,191,191,186,181,176,178,183,186,186,189,194,199,196,189,189,194,202,204,204,202,196,196,199,202,202,199,199,202,202,199,196,189,181,136,137,189,196,196,191,186,185,189,196,196,196,194,191,191,194,194,191,189,187,187,189,191,189,183,181,186,189,189,186,186,189,186,185,186,186,183,181,179,179,183,189,194,196,194,189,189,194,202,204,199,196,194,189,187,187,189,191,191,194,191,186,176,125,123,124,133,181,191,204,212,202,176,123,122,176,181,176,127,128,176,181,178,176,178,181,183,178,131,173,176,176,176,178,178,129,129,129,123,122,123,127,133,178,183,189,183,125,122,128,191,196,196,191,189,191,191,186,183,183,189,196,202,199,189,181,181,189,194,196,194,194,194,194,196,194,189,189,191,191,189,189,189,189,189,186,186,183,133,130,133,186,196,204,212,217,215,194,127,183,199,207,209,202,189,181,183,189,186,133,129,131,186,202,207,204,202,202,204,194,186,178,176,176,178,178,176,131,131,131,131,173,176,176,131,176,181,189,189,186,183,183,186,186,186,189,196,204,207,204,199,199,204,202,191,181,135,137,183,183,189,194,202,204,202,202,199,194,194,199,202,204,204,204,204,202,199,196,194,191,191,194,199,204,209,212,215,217,212,204,196,186,133,128,128,128,128,133,183,189,194,204,215,215,212,204,202,199,204,212,217,0,217,217,0,0,0,215,212,209,207,207,207,207,209,209,212,215,215,215,212,215,215,212,209,209,209,209,209,212,215,215,215,215,215,215,212,209,207,204,204,207,212,212,212,215,222,215,202,196,199,194,186,178,176,178,183,194,204,204,199,189,178,170,170,178,186,191,196,199,199,196,202,209,220,228,228,228,222,217,217,222,225,222,217,0,0,0,0,233,233,228,217,209,199,191,189,186,191,196,199,196,196,194,194,194,194,196,199,207,215,217,217,217,215,212,211,209,212,215,215,215,222,230,235,235,235,233,228,222,217,222,222,225,222,217,209,204,199,191,181,176,177,183,202,222,241,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,181,173,170,173,170,170,170,176,181,186,196,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,79,98,139,155,142,137,138,150,160,160,160,160,163,168,170,165,160,165,178,181,170,118,117,119,123,123,125,165,168,165,165,173,183,186,178,176,178,181,186,191,194,183,170,170,176,176,176,186,202,204,196,194,194,183,165,123,115,109,163,176,163,117,115,117,123,163,165,165,170,168,168,165,170,181,183,176,170,170,173,165,125,170,170,164,164,170,181,191,194,183,181,181,178,176,168,117,113,115,127,170,170,178,186,194,199,199,202,207,207,202,191,183,173,125,120,121,125,125,123,127,181,189,191,194,196,196,186,176,170,173,178,170,166,169,173,178,183,183,176,127,125,176,191,196,194,189,186,129,109,107,123,186,199,196,189,178,129,126,125,126,129,183,194,186,173,176,176,129,127,178,186,186,181,183,183,181,176,173,176,178,176,173,176,181,181,178,181,178,128,128,178,178,169,169,173,176,181,183,181,181,181,173,115,101,93,91,111,186,196,199,199,204,199,189,70,98,178,189,181,176,178,178,178,176,173,168,127,168,176,178,183,189,191,189,176,168,127,127,173,181,183,181,176,173,170,170,170,127,123,124,127,170,173,170,170,173,181,186,191,194,196,191,127,117,118,168,183,189,181,115,104,107,127,178,181,181,176,173,129,127,129,176,181,181,178,178,176,129,127,131,129,127,131,131,129,173,183,196,204,204,199,191,176,125,113,90,90,99,111,129,176,176,131,129,176,189,194,191,191,191,194,196,196,194,191,191,194,194,191,187,189,189,189,194,199,204,207,209,212,215,212,212,209,207,207,207,204,196,189,176,129,178,191,186,173,173,176,173,127,125,127,181,186,173,119,116,115,121,178,183,173,121,119,123,170,178,178,168,121,119,121,163,163,165,170,176,183,191,191,186,103,93,97,95,90,91,96,115,114,113,119,173,181,183,178,170,168,170,163,115,114,119,125,124,125,170,173,125,116,116,121,123,173,183,186,183,181,176,168,122,121,123,168,178,189,191,191,186,178,170,170,170,173,173,173,176,183,189,183,173,173,183,189,183,170,119,114,121,176,178,168,123,165,173,178,178,176,168,168,189,202,204,196,170,118,119,165,168,103,97,102,121,168,173,183,191,176,168,168,165,117,115,117,121,119,117,170,189,189,178,176,178,178,176,168,165,170,176,170,163,117,119,163,168,183,191,181,81,95,111,125,165,125,123,125,178,181,176,168,127,127,176,189,194,183,173,178,189,199,204,204,196,186,127,123,125,129,127,121,123,127,170,173,178,181,183,181,168,123,119,125,178,194,202,202,196,194,196,189,121,117,117,115,129,178,181,178,178,181,181,178,173,129,170,170,129,128,129,176,173,127,125,127,170,176,173,125,168,178,183,95,86,170,194,199,191,183,178,170,170,176,170,111,93,99,176,202,209,209,207,202,202,202,204,209,215,212,204,196,191,189,194,202,199,178,119,112,111,111,119,183,199,207,207,199,196,199,202,204,207,207,199,181,121,115,123,181,191,189,186,191,202,207,199,186,178,181,183,186,189,189,183,183,183,181,181,181,178,173,128,127,128,170,170,170,129,127,176,202,215,212,209,207,191,173,176,183,191,196,189,176,121,114,115,121,127,125,125,121,123,173,191,199,202,199,194,189,183,183,181,178,183,191,196,202,207,209,207,202,196,196,199,199,87,72,113,176,189,196,194,186,129,126,129,170,127,122,173,181,178,176,170,166,170,194,204,199,186,121,118,120,125,173,178,176,127,100,95,105,129,189,196,194,183,176,176,181,186,189,189,186,177,181,176,128,131,178,181,181,178,176,176,178,186,191,194,189,183,181,176,170,170,176,176,174,176,181,186,186,183,186,178,122,123,176,178,127,113,112,115,119,121,127,170,173,176,176,173,176,181,189,189,183,178,176,173,131,173,183,191,191,181,181,186,191,189,123,78,77,115,176,178,173,129,176,178,127,109,107,123,189,194,204,207,209,215,209,186,121,118,121,127,129,131,176,194,207,209,204,202,204,202,191,123,110,112,119,129,176,181,189,189,186,183,191,196,196,186,133,129,133,183,186,183,181,181,189,194,191,186,186,186,183,183,189,194,196,189,178,174,174,176,178,181,181,179,177,186,199,199,196,202,207,207,199,190,191,202,209,212,212,212,215,222,225,217,215,209,189,178,178,181,186,204,207,204,204,199,191,186,186,186,186,189,194,196,196,194,192,191,192,194,199,196,191,189,191,196,196,189,137,127,125,127,135,189,196,202,202,204,204,204,199,194,194,199,202,202,196,194,194,194,189,186,191,199,191,181,183,196,204,204,207,212,222,222,95,63,74,127,176,176,127,125,173,181,178,176,173,168,168,170,178,183,183,181,178,178,173,130,131,178,178,173,172,173,178,183,189,196,204,207,204,199,194,189,186,183,181,178,178,176,181,186,186,183,189,196,202,196,183,178,176,125,113,110,114,131,181,183,183,186,186,181,177,177,178,178,178,176,133,131,131,133,178,178,178,181,186,189,186,186,183,183,183,181,183,183,186,189,189,189,189,191,194,199,202,204,199,199,199,199,199,202,204,207,207,204,202,199,194,194,196,199,199,199,196,196,196,196,196,196,196,194,191,189,189,191,196,202,204,204,204,204,204,207,207,204,202,199,199,196,196,194,189,186,181,181,181,183,186,186,186,186,183,181,181,178,176,170,165,160,119,117,115,111,107,103,101,105,107,109,109,109,111,150,152,150,111,107,101,96,95,95,97,101,107,109,109,107,107,111,152,163,165,165,157,115,115,157,168,168,163,119,111,106,105,106,109,113,115,115,117,121,123,165,168,168,168,165,164,163,164,168,173,173,173,173,176,181,183,186,183,181,177,177,177,181,189,196,199,194,183,178,183,189,191,186,135,129,135,186,186,178,176,177,183,191,194,194,194,194,191,186,183,181,181,181,178,133,173,176,176,131,127,127,131,176,183,189,191,191,194,191,189,186,183,186,186,186,189,191,191,191,191,191,189,181,133,131,131,133,178,181,181,186,194,194,191,189,191,196,194,189,189,189,186,181,135,183,194,196,196,194,194,191,191,194,196,196,194,191,191,191,194,194,194,191,191,186,181,135,137,183,186,189,191,191,191,189,191,194,194,194,194,194,191,191,191,189,189,191,194,191,186,186,189,191,189,182,181,183,189,191,189,189,189,189,189,191,194,194,191,189,186,186,181,177,176,178,186,194,194,191,191,191,194,196,196,194,194,194,191,191,191,191,189,186,181,181,181,181,183,183,186,189,189,186,183,181,181,181,183,186,189,191,191,191,191,194,194,189,181,129,133,181,186,189,191,194,194,191,187,189,196,202,202,202,199,194,196,202,204,202,199,199,199,199,196,191,186,137,135,137,189,196,196,191,186,185,189,196,196,199,199,199,199,196,194,191,189,187,187,191,194,194,191,191,194,194,194,191,191,189,185,185,191,194,189,183,181,183,186,189,194,194,191,189,191,196,199,204,204,199,191,189,189,189,191,194,196,196,191,183,133,125,123,125,178,191,202,212,215,204,186,129,127,176,178,131,127,128,176,176,129,129,173,181,186,178,123,121,125,129,129,176,178,173,173,129,121,120,123,129,133,176,183,191,191,125,122,127,189,196,196,191,191,191,191,191,191,194,199,202,204,199,194,191,189,189,189,186,186,183,183,189,196,196,189,189,194,196,194,191,191,191,191,189,189,183,135,132,181,189,194,199,204,209,212,204,186,178,196,207,204,196,183,177,178,181,181,133,132,178,186,199,207,207,204,204,204,194,183,176,133,173,173,173,131,131,173,131,130,131,176,181,183,183,183,183,186,189,189,189,189,185,183,183,189,199,204,207,204,202,202,199,189,181,181,183,186,189,196,202,204,204,202,196,191,190,192,202,207,207,207,207,207,204,199,196,194,194,194,191,194,199,202,204,207,209,207,202,194,183,133,129,129,129,129,173,183,189,196,209,217,222,215,209,202,202,204,212,217,0,0,0,0,0,0,217,215,215,212,212,212,212,209,209,212,215,215,212,212,212,212,209,209,212,212,212,212,212,215,215,215,217,217,215,212,209,207,203,203,207,212,212,207,207,217,215,199,191,189,183,176,170,170,173,181,191,202,204,199,189,176,0,0,170,181,189,191,196,199,202,204,209,215,222,225,222,217,217,222,225,228,225,217,0,0,0,0,233,235,230,220,209,199,191,183,183,189,196,199,199,196,194,196,196,199,202,204,209,217,222,222,217,215,212,212,212,212,209,207,209,217,228,233,233,230,228,225,217,215,217,222,225,225,222,209,199,189,183,179,177,179,189,204,222,238,254,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,189,178,178,178,176,170,168,168,168,176,186,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,111,126,157,163,140,139,144,157,160,160,163,168,170,176,176,170,160,165,176,178,170,123,118,118,121,123,125,170,178,178,170,168,178,183,183,181,183,186,189,191,191,181,168,168,173,176,176,186,202,204,199,196,199,199,189,173,106,98,115,170,119,112,111,112,123,173,178,178,178,170,168,168,173,183,186,176,170,168,170,165,168,176,176,165,164,181,196,207,209,194,183,181,178,176,127,114,110,115,168,170,170,189,199,204,204,202,202,209,212,207,196,189,183,178,127,121,121,121,117,121,176,189,191,194,196,194,186,176,170,173,176,173,169,170,173,176,178,178,173,129,129,178,191,196,191,189,186,181,170,123,176,194,202,199,194,186,176,125,125,127,176,191,199,191,178,178,186,183,181,189,199,196,194,191,189,186,178,176,176,173,170,169,169,178,181,176,176,173,125,126,173,181,181,183,183,178,178,181,183,183,186,181,168,115,105,101,125,183,189,189,196,204,204,196,90,176,191,194,186,176,173,173,173,176,176,170,129,129,170,173,178,183,186,181,173,127,125,127,173,178,181,178,176,173,169,169,170,168,123,122,125,168,170,168,170,173,178,181,181,181,183,183,123,116,118,125,170,176,176,119,104,109,173,186,189,189,186,178,168,126,127,178,183,183,181,181,178,131,129,129,131,176,178,129,125,126,131,183,194,194,189,178,131,125,105,74,74,97,129,186,191,186,178,173,176,186,191,191,194,196,199,196,194,191,189,189,194,196,194,189,189,191,189,191,196,202,204,209,215,215,215,212,209,209,207,204,199,194,191,178,127,126,133,176,173,173,131,129,127,170,183,194,194,176,119,115,114,117,176,181,127,116,115,118,168,178,173,121,116,116,119,163,168,170,173,178,183,186,183,165,81,87,105,105,97,103,121,165,119,119,165,183,186,181,170,165,163,163,119,112,112,119,125,123,165,173,168,117,114,115,116,117,123,170,176,173,168,127,125,121,121,123,127,176,183,189,189,186,181,176,173,173,170,169,169,176,183,186,176,127,168,183,191,176,127,119,114,119,173,178,173,165,165,168,173,178,176,168,123,170,189,196,181,123,119,125,170,165,100,94,101,123,173,183,194,196,181,170,170,168,117,115,117,121,121,163,178,194,194,181,173,173,173,170,168,163,163,168,168,165,123,123,123,123,178,189,173,87,100,111,117,117,119,123,170,194,202,194,170,123,125,176,186,189,181,178,186,196,202,204,207,207,207,202,186,173,125,120,119,121,170,178,181,186,194,194,181,127,119,118,123,178,194,207,207,202,199,207,202,105,105,119,121,127,170,173,176,176,176,181,186,181,170,170,176,176,170,170,176,173,123,115,114,119,168,170,123,121,127,186,191,189,202,204,207,202,189,127,111,113,173,170,101,33,43,119,204,209,212,212,207,204,204,204,209,212,212,204,196,191,186,186,189,181,125,113,111,110,111,117,176,194,207,209,199,192,194,199,207,212,217,209,194,176,121,117,123,173,176,178,186,196,204,202,191,186,183,183,186,183,189,186,183,183,181,178,181,186,178,170,129,173,176,173,173,170,129,178,199,207,199,196,202,196,178,173,181,189,196,189,176,118,116,119,120,121,125,170,170,168,178,194,204,209,207,196,183,181,178,178,178,186,191,194,196,199,204,207,204,199,199,204,212,199,100,117,127,176,189,189,186,181,128,128,170,176,176,178,176,178,181,178,169,170,186,196,194,176,120,119,120,123,170,181,181,129,93,88,100,127,183,189,186,181,176,176,178,186,191,194,191,183,191,189,176,173,178,183,186,181,178,178,181,186,191,189,183,181,183,178,129,127,170,178,178,178,181,189,189,186,189,189,176,173,181,186,176,125,117,113,110,110,129,183,186,178,170,129,176,186,194,194,189,183,183,181,178,178,186,196,199,196,194,196,196,196,173,75,71,104,121,176,186,183,183,183,183,181,183,194,202,209,212,209,212,217,215,194,173,125,125,129,173,173,178,196,209,212,207,204,207,212,209,189,112,113,121,131,133,176,181,181,178,178,186,194,196,186,176,131,176,186,186,183,178,178,181,189,191,189,189,186,182,182,186,194,196,191,181,176,174,174,174,178,181,181,179,191,202,199,199,204,209,209,204,196,191,196,202,204,204,207,209,217,222,215,212,202,183,174,178,179,183,196,202,202,202,196,189,186,189,191,194,196,199,199,199,202,199,196,194,194,196,199,194,191,194,199,202,196,189,135,126,126,133,186,194,196,199,202,202,204,204,202,199,202,202,202,199,196,196,194,186,181,181,186,181,179,186,199,204,202,204,207,215,217,117,62,75,121,129,170,123,122,129,178,173,170,170,170,173,178,186,191,191,186,181,173,130,129,131,178,183,173,168,169,176,183,186,189,194,202,202,199,196,191,186,189,189,186,178,133,178,183,189,189,194,199,202,199,189,186,194,189,121,111,112,125,133,176,181,186,186,181,176,177,178,178,181,181,178,133,133,178,183,183,181,181,186,191,189,183,183,183,183,186,186,186,183,186,189,194,199,202,204,204,207,204,202,202,204,204,204,204,207,209,209,207,202,196,191,191,196,202,202,199,199,196,196,196,196,196,196,194,189,187,189,196,204,207,207,204,204,207,207,207,207,202,199,196,196,196,194,191,186,181,178,178,181,183,186,186,186,183,181,181,181,178,173,165,121,117,115,113,111,109,105,101,101,103,107,109,109,109,111,150,152,150,113,107,101,97,97,99,103,107,111,115,115,113,111,152,160,165,170,170,165,155,117,155,160,160,157,117,113,111,109,109,109,113,117,117,119,121,163,165,168,168,168,165,164,165,168,173,173,173,173,173,176,181,186,186,186,186,181,178,178,181,186,194,194,189,181,178,181,189,194,191,183,178,183,189,189,178,174,174,181,189,189,191,191,191,189,183,178,178,183,183,178,131,127,127,127,125,125,129,133,178,183,186,189,189,191,191,189,189,186,186,189,191,191,189,189,186,186,183,183,181,176,132,132,133,178,181,183,189,194,196,194,191,194,196,194,186,186,189,189,137,133,135,189,194,191,189,186,186,185,186,191,194,191,190,190,190,191,191,191,189,189,186,181,181,181,183,186,191,194,199,196,194,191,191,194,196,196,199,199,196,194,191,191,194,196,194,191,191,194,199,196,189,183,186,191,191,186,181,179,179,183,189,191,191,189,183,178,178,181,178,178,181,189,194,194,191,190,190,190,194,194,194,191,189,189,189,189,186,183,135,133,133,135,178,183,189,194,196,191,189,186,186,183,186,186,186,186,186,186,183,189,191,191,186,178,128,128,176,183,189,191,194,191,189,189,191,196,199,199,196,194,191,196,204,207,202,199,199,199,202,196,191,183,136,135,137,189,199,199,194,189,189,191,196,196,199,202,204,202,196,191,189,189,191,191,194,196,196,194,194,196,196,196,196,194,191,186,189,196,196,194,189,189,194,194,194,194,194,191,191,194,196,199,204,209,202,196,191,191,194,196,199,199,196,191,186,178,127,125,129,183,196,207,209,209,202,186,173,129,173,176,129,128,176,183,176,123,120,123,173,183,178,120,118,121,125,129,176,173,127,128,133,127,122,123,127,129,133,181,194,199,183,129,135,189,194,194,194,194,189,189,191,194,199,202,202,199,194,194,196,194,189,181,179,181,179,179,186,196,196,191,189,194,199,199,196,194,194,194,191,189,183,178,178,186,191,191,191,194,194,202,202,194,181,194,199,196,191,181,177,178,178,178,181,183,189,191,194,202,207,207,207,204,194,183,176,131,129,127,127,127,173,181,178,173,131,178,189,194,191,181,178,183,191,191,191,191,186,185,183,186,194,204,207,204,202,196,191,183,179,181,183,186,191,199,204,204,204,202,196,190,190,194,204,207,204,204,207,209,207,202,196,194,191,191,189,189,191,194,194,196,199,199,194,186,137,129,128,133,133,133,176,183,191,199,209,222,225,222,212,204,202,204,212,0,0,0,0,225,0,225,217,215,215,212,212,209,209,209,209,209,212,212,209,209,212,212,209,212,215,217,215,212,212,212,215,217,222,217,215,212,209,207,203,203,209,215,212,204,204,215,215,199,189,183,173,165,0,122,163,170,183,194,199,196,189,176,0,0,125,176,183,189,194,202,207,209,212,215,217,217,217,217,217,222,228,230,228,222,0,0,0,0,233,235,230,222,212,199,186,181,181,189,196,202,199,196,196,196,199,202,207,209,212,215,222,225,217,212,212,215,215,212,207,202,204,215,228,233,230,230,228,222,215,215,217,222,225,228,228,217,204,194,189,183,181,186,194,207,225,238,254,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,194,186,183,181,176,170,165,160,160,165,178,189 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,116,134,165,165,150,144,155,160,157,157,163,170,178,178,173,165,160,160,165,170,170,173,168,123,121,123,165,173,183,189,176,125,165,176,181,183,186,186,189,194,191,173,125,127,127,165,173,181,194,204,204,199,199,202,199,173,93,92,111,168,125,115,109,111,165,189,196,186,168,165,168,173,178,181,176,168,125,165,165,164,168,176,173,165,165,181,199,209,207,196,181,176,176,173,127,113,108,123,178,170,176,194,202,204,204,202,202,207,209,204,191,189,189,183,125,119,119,119,113,113,125,181,183,186,189,186,181,173,169,173,178,176,173,176,176,178,176,173,173,173,170,173,178,186,189,186,183,183,183,129,129,186,194,199,202,199,199,176,127,129,181,191,191,183,178,181,189,191,191,196,202,202,199,191,189,186,183,178,178,176,173,173,170,173,178,178,176,129,127,127,176,178,183,196,196,186,183,183,181,183,183,186,194,181,168,125,170,173,181,183,189,196,196,189,181,183,194,199,191,178,173,173,173,176,176,173,170,127,127,127,168,170,170,170,127,125,127,170,176,176,173,176,176,173,169,168,170,170,125,124,124,127,127,125,168,173,176,173,127,127,173,178,168,119,120,127,119,116,168,121,95,98,168,189,191,191,191,181,173,126,127,178,181,176,176,178,176,176,131,128,128,176,176,127,125,126,131,176,178,176,173,131,131,127,115,87,82,105,186,199,204,202,194,186,181,181,191,194,194,196,199,199,194,191,189,189,194,194,191,189,191,194,191,189,191,199,204,209,217,217,217,215,212,212,209,202,189,183,186,183,131,127,128,176,181,173,127,125,126,173,189,202,204,191,168,121,117,123,178,181,127,117,116,117,119,123,123,118,115,116,121,163,170,181,183,183,178,157,111,65,73,89,105,115,163,183,194,189,163,121,168,181,181,165,117,117,121,123,119,117,121,168,170,125,168,173,168,123,117,117,119,119,119,123,127,127,126,125,126,168,170,173,176,178,181,183,183,178,176,176,181,183,181,176,173,176,181,176,125,123,170,181,181,127,121,115,115,127,178,181,176,168,165,168,173,178,173,121,114,117,123,123,121,117,117,165,170,119,105,103,119,170,176,181,191,194,186,178,173,165,121,119,121,121,119,163,181,189,189,181,170,170,168,170,168,163,163,168,168,163,123,119,116,117,163,165,117,105,105,111,117,117,117,123,173,191,196,186,170,123,123,173,186,181,173,178,194,207,207,204,207,209,215,217,212,196,178,125,121,168,176,181,186,191,194,191,181,127,121,119,121,168,189,204,209,204,207,209,202,96,94,178,191,181,170,170,176,173,173,186,194,186,170,170,183,186,181,178,181,176,127,114,107,117,173,176,123,113,127,186,196,202,207,207,207,202,186,121,105,104,168,176,111,34,19,75,204,212,215,222,212,212,207,203,204,212,212,209,202,194,186,181,173,125,125,117,107,113,112,113,125,183,199,204,202,194,192,196,207,215,217,212,204,183,123,114,116,168,173,173,181,189,191,189,189,191,194,191,186,183,186,183,181,181,181,178,181,186,183,173,173,178,178,181,181,176,170,178,191,194,191,194,199,196,181,173,181,191,196,186,168,117,125,168,121,119,127,173,170,168,176,191,204,212,209,199,186,181,176,176,183,189,189,189,191,196,196,199,202,202,202,207,207,191,117,121,127,131,181,186,189,189,181,176,183,191,189,181,173,173,181,186,181,176,178,186,186,176,127,127,127,170,176,181,183,170,105,101,121,173,178,181,178,176,173,129,119,121,181,189,189,194,204,202,189,181,181,186,186,181,178,181,183,183,183,178,178,181,186,181,127,124,129,181,183,181,181,181,183,186,191,191,186,186,191,194,183,127,117,109,105,113,170,186,186,178,129,127,129,173,183,186,181,181,186,189,186,183,191,202,207,207,207,207,204,202,189,131,113,115,127,181,191,191,183,186,194,204,207,207,209,209,209,209,212,215,209,196,183,131,129,131,178,181,186,194,204,209,209,207,207,215,212,202,176,125,129,176,178,178,178,178,178,178,178,186,191,189,181,133,178,183,181,178,178,178,178,186,189,186,186,186,186,183,186,189,189,186,181,178,178,178,181,183,186,186,189,194,196,194,196,204,209,209,202,178,121,125,181,191,194,199,204,209,209,207,199,191,185,186,194,196,196,199,202,202,202,194,189,185,186,194,207,209,204,202,202,207,209,207,199,196,202,202,196,191,194,202,204,202,196,186,137,133,137,183,191,194,194,196,196,196,202,204,207,207,204,199,196,195,196,196,194,181,176,177,177,177,183,199,204,202,196,202,209,209,173,107,109,119,125,127,122,121,125,170,170,169,170,173,178,183,189,196,199,196,186,178,173,130,130,176,181,176,169,170,173,181,183,183,189,196,196,194,194,191,194,196,196,189,178,131,131,178,189,194,194,196,199,196,191,194,199,194,176,121,121,129,131,133,181,189,189,181,177,177,178,181,183,183,181,178,178,178,183,186,181,179,183,189,191,189,186,183,186,189,191,191,186,186,189,194,204,209,209,207,204,202,202,204,207,209,207,204,204,207,209,207,199,191,189,191,196,202,207,207,204,202,199,199,202,202,199,191,189,189,194,202,209,212,209,207,207,207,207,204,202,199,194,194,196,196,194,189,181,177,177,178,181,183,183,183,183,181,178,178,178,178,173,163,119,113,109,105,105,105,103,101,101,105,107,109,109,111,113,152,155,152,150,111,105,103,105,107,109,111,152,157,160,157,157,157,160,163,168,170,170,165,160,157,155,117,117,115,115,115,115,113,113,115,119,119,121,123,163,168,170,170,168,165,165,168,173,176,176,176,176,176,178,183,186,189,191,189,186,183,183,183,189,194,196,189,181,178,183,191,194,194,191,189,189,191,189,181,176,177,181,186,186,185,185,186,186,176,131,176,181,183,178,129,125,124,124,123,125,131,181,186,186,183,186,189,189,189,189,189,186,183,183,189,189,186,183,181,178,133,133,176,178,176,133,133,135,181,186,191,196,199,196,196,199,196,189,182,182,186,186,137,129,129,137,186,183,181,183,189,186,186,191,194,191,191,191,191,191,191,191,189,186,183,183,181,181,181,186,191,199,202,199,196,194,196,199,196,196,199,202,202,199,199,196,199,196,194,194,196,202,202,196,189,186,191,191,191,186,181,178,178,181,189,189,189,186,178,174,176,178,183,183,186,189,191,191,191,190,190,190,191,191,191,191,189,186,183,183,181,133,129,131,133,176,178,183,191,196,196,191,189,186,186,186,189,191,186,181,178,133,132,178,186,189,183,176,127,127,129,176,183,186,189,189,189,191,196,199,196,196,194,189,186,194,202,204,202,199,196,199,199,196,191,186,181,181,183,191,199,199,199,196,196,199,196,196,199,199,199,199,194,189,189,191,194,194,194,196,199,196,194,191,194,196,196,196,191,189,191,196,196,194,194,196,199,199,199,196,194,191,194,196,196,196,202,209,212,204,196,196,199,199,196,194,194,194,194,191,178,131,176,183,194,204,207,202,196,181,125,123,125,129,131,176,186,194,181,120,118,121,129,176,173,125,121,123,129,173,176,173,129,131,178,181,127,127,129,129,133,181,194,202,196,189,189,191,194,194,196,194,189,185,185,191,202,204,202,196,196,194,199,202,191,178,178,181,178,179,186,196,199,194,187,187,199,202,202,199,199,199,194,189,183,183,183,186,191,194,191,186,185,191,202,196,186,181,186,189,189,181,178,178,181,181,183,189,194,194,189,189,196,204,207,202,191,181,133,129,127,126,125,127,183,191,189,178,176,183,194,199,191,181,178,186,191,191,191,191,189,189,186,186,194,204,207,202,199,194,186,179,179,181,183,183,186,194,199,202,202,202,202,202,204,202,202,202,202,204,207,209,207,202,196,194,189,187,186,187,189,189,189,189,191,191,186,139,135,129,129,133,176,133,176,186,194,199,209,222,228,222,212,202,199,204,0,0,0,0,225,225,228,225,222,217,215,209,208,208,209,209,208,208,208,208,208,208,208,209,209,212,217,217,215,212,209,212,217,222,222,217,212,209,209,204,203,207,215,220,215,204,204,209,217,209,194,189,183,168,0,0,122,165,176,183,189,191,186,168,0,0,117,127,178,186,191,202,209,212,212,215,215,217,222,217,217,222,225,228,225,222,0,0,0,222,228,233,233,225,215,196,181,176,178,186,196,202,199,196,196,196,199,204,207,209,212,215,222,225,215,209,212,0,215,215,209,200,200,207,222,230,230,230,228,222,215,212,215,225,228,230,230,228,217,209,204,202,199,196,202,212,230,243,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,194,189,183,178,173,163,0,155,155,163,173,186 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,111,129,152,157,152,150,155,155,148,150,157,168,178,173,165,160,160,165,165,163,163,170,176,173,163,121,125,173,181,183,173,125,124,168,176,178,178,183,189,194,189,127,121,121,119,118,125,173,186,199,202,199,196,194,186,119,97,97,115,165,125,113,110,113,176,194,196,183,123,125,176,186,186,176,125,119,121,165,165,165,168,173,173,168,165,176,189,196,194,186,176,170,168,170,168,115,111,173,186,178,181,194,196,196,196,196,199,204,204,202,194,191,189,178,123,117,117,119,113,112,119,168,170,168,173,178,173,170,170,178,181,183,183,181,181,178,173,172,173,176,170,129,127,127,176,181,181,181,173,113,117,176,191,202,207,207,202,183,127,127,181,189,183,176,174,181,189,191,194,199,202,202,196,191,189,186,183,181,181,178,181,186,181,170,170,176,176,170,128,129,170,129,176,199,207,196,191,186,179,179,186,191,191,183,173,121,121,125,173,178,176,183,189,191,189,189,191,191,189,183,176,170,169,173,176,178,173,129,127,125,121,121,121,123,125,168,170,176,178,173,168,170,176,176,173,170,170,170,127,125,125,125,121,120,125,176,176,119,110,117,170,176,168,121,125,168,121,119,121,107,95,101,119,176,189,191,191,181,170,127,129,176,176,129,129,176,178,178,176,128,127,131,131,127,127,173,181,178,129,125,126,127,127,127,127,125,121,170,189,204,209,209,202,194,181,178,186,194,194,194,191,194,194,191,189,189,191,194,191,189,191,194,194,191,194,202,207,215,222,222,217,215,212,212,204,194,178,129,131,186,186,178,129,181,189,176,127,125,127,176,189,202,204,196,181,127,121,127,183,186,173,123,121,119,117,118,121,123,119,119,163,168,173,183,191,186,173,77,57,63,75,93,103,117,181,199,199,186,160,115,115,121,119,109,111,121,168,168,165,165,173,178,178,170,170,173,170,165,123,123,165,127,123,123,127,127,127,126,168,181,191,194,191,186,181,176,173,173,176,178,183,191,196,186,176,176,178,173,115,112,125,176,173,123,111,103,111,176,189,183,178,170,170,173,173,173,170,117,109,112,117,117,115,113,112,117,119,119,117,123,173,176,173,176,186,191,189,183,173,165,163,168,176,165,118,118,165,176,183,183,176,168,168,165,119,117,165,178,170,123,118,116,116,118,119,119,117,117,115,119,121,119,117,121,125,168,176,176,170,123,121,125,168,125,129,181,202,209,209,209,209,212,217,222,220,209,194,181,176,178,183,186,189,191,191,189,176,127,125,127,125,168,183,196,204,207,209,212,202,105,104,199,202,191,176,173,173,169,170,186,196,186,173,176,194,202,196,196,199,191,176,114,104,121,181,183,125,109,115,168,186,199,204,204,202,194,173,115,102,100,121,183,178,89,41,47,85,204,209,215,215,215,209,204,207,212,212,207,199,189,178,170,127,129,173,127,115,117,117,117,125,178,191,199,202,199,194,194,199,207,212,209,202,176,121,114,116,127,170,173,181,181,176,173,183,194,202,196,189,181,183,181,176,176,176,176,176,181,178,172,172,176,181,183,183,178,173,176,183,189,191,196,202,181,172,173,186,196,194,178,123,121,170,173,127,125,168,170,166,165,170,186,202,207,204,196,186,178,170,173,183,189,189,189,191,191,191,194,199,202,202,204,202,183,127,125,125,125,176,181,186,196,199,194,196,199,196,183,172,172,181,194,194,183,176,178,183,181,178,178,178,178,181,181,181,176,127,127,176,181,181,181,181,178,173,121,107,102,108,127,181,191,196,196,189,186,183,183,183,181,181,183,183,183,178,176,177,186,189,181,128,125,129,181,183,183,181,173,173,178,191,194,191,191,196,199,191,173,119,106,94,111,173,181,178,173,127,125,125,125,127,127,125,131,183,189,189,189,194,202,207,207,209,209,212,209,202,191,181,176,181,186,189,183,183,189,202,212,217,215,212,209,207,207,209,209,207,199,189,178,176,178,183,186,189,194,202,207,207,207,209,212,212,204,189,176,176,181,189,189,186,183,178,174,173,176,186,189,183,178,183,183,177,177,178,178,178,181,183,181,183,186,189,186,183,181,181,183,183,183,183,186,194,196,196,196,196,194,191,191,194,199,202,202,181,113,106,111,129,186,191,194,196,199,199,194,189,186,186,189,196,202,202,202,199,202,202,196,194,189,186,191,199,207,204,199,202,209,215,212,204,204,209,209,202,196,199,204,207,207,204,194,186,183,183,186,191,194,194,194,192,194,199,204,209,207,202,196,195,195,199,204,204,191,179,179,177,177,181,194,202,199,194,199,207,207,191,129,121,121,125,127,125,124,170,173,173,170,173,176,178,183,189,199,204,202,194,189,181,173,131,176,181,178,173,176,178,183,183,183,186,191,194,191,191,194,199,202,196,186,133,129,129,176,189,194,196,196,196,194,191,191,194,189,178,131,127,129,127,131,181,189,189,181,177,177,178,183,183,181,176,176,176,176,181,183,181,179,183,191,194,194,194,191,191,194,199,196,191,189,189,191,202,207,207,204,202,202,200,202,204,207,207,207,207,207,209,204,196,189,143,143,191,199,207,215,215,209,207,207,207,207,202,194,191,196,202,209,212,215,212,209,207,207,204,202,196,194,191,191,194,194,191,186,181,178,178,181,181,183,181,181,178,176,173,173,176,176,173,163,119,113,105,99,97,99,101,103,103,107,109,111,111,113,115,152,155,152,152,113,109,109,111,111,113,115,155,163,168,168,165,163,160,163,165,168,170,168,163,157,155,117,115,113,111,113,115,115,115,117,121,121,123,163,168,173,176,176,170,168,170,176,178,178,176,176,176,178,181,186,189,191,191,191,191,189,189,191,196,199,202,196,191,189,191,194,196,196,196,196,194,191,189,183,181,181,186,189,186,185,185,186,181,129,126,131,178,181,178,131,129,125,124,125,127,176,186,191,191,189,189,189,186,186,186,186,183,176,176,183,183,181,178,176,133,129,128,133,178,178,178,135,178,181,183,189,194,194,196,199,202,199,189,182,182,183,186,137,128,127,129,137,133,133,181,191,191,191,191,194,194,194,196,194,191,189,191,191,189,183,181,137,135,181,189,196,199,199,199,199,199,199,202,199,196,196,199,204,207,204,204,202,199,196,196,202,204,204,196,189,186,191,194,194,189,183,181,181,186,191,189,186,183,178,176,177,183,186,186,186,186,186,186,191,191,191,191,191,191,191,191,191,186,183,183,181,131,129,131,133,133,176,178,186,191,191,186,186,186,186,186,186,189,186,181,133,131,130,176,186,186,183,176,129,127,128,129,133,178,183,186,189,194,199,196,194,194,189,183,182,186,196,202,199,196,196,196,196,194,191,189,189,191,194,196,202,202,199,202,204,204,199,196,196,196,194,194,189,187,189,191,194,194,194,196,199,196,191,189,186,189,194,194,191,191,194,196,196,196,196,199,202,202,199,196,196,194,194,196,196,194,199,207,212,207,202,202,204,202,196,191,194,199,204,204,191,181,181,183,191,199,202,199,194,176,122,121,125,131,176,183,194,199,186,125,121,125,131,176,176,131,129,127,127,129,173,176,178,178,181,178,133,133,176,176,176,183,196,202,202,199,196,196,194,196,196,194,186,183,183,189,199,204,202,196,196,196,202,207,199,183,179,181,181,181,189,194,196,196,191,191,199,204,204,204,204,202,196,191,189,186,186,183,186,191,191,189,185,191,196,196,189,181,181,186,191,186,181,181,183,183,183,186,189,189,186,182,183,191,202,202,191,181,176,133,129,126,126,129,189,194,189,178,176,183,196,199,189,178,176,183,191,191,189,183,186,189,189,189,196,207,209,202,196,194,189,183,181,181,181,137,181,189,194,196,196,199,204,209,209,207,202,202,207,209,212,207,202,199,199,199,194,187,187,189,191,191,187,186,189,189,186,183,181,135,178,178,133,131,173,189,196,202,209,222,225,217,207,198,198,204,0,0,0,0,225,225,225,225,222,222,215,209,207,208,209,209,209,209,208,208,208,208,209,209,209,212,215,217,215,209,208,212,217,225,225,217,209,207,204,203,203,207,220,225,217,207,203,207,217,215,204,204,0,191,0,123,163,168,173,176,178,181,178,123,111,106,0,121,170,181,189,199,209,209,212,215,217,222,222,222,217,222,225,225,225,222,0,0,215,217,225,230,230,225,215,196,178,174,176,183,194,199,199,196,196,196,199,204,207,209,207,207,215,222,215,209,0,0,215,215,212,202,199,204,217,228,230,230,225,217,209,209,212,222,228,228,228,230,228,225,217,217,215,212,212,222,233,246,254,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,191,186,181,173,165,163,160,0,0,160,173,183 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,98,116,129,137,147,152,155,150,147,148,155,163,168,163,156,156,163,170,170,121,112,117,173,176,123,118,121,168,176,178,170,125,124,165,170,170,168,173,183,191,181,123,118,118,116,117,123,168,178,191,194,196,194,186,168,113,108,113,123,123,119,113,112,119,176,186,189,176,120,165,189,204,196,170,116,115,119,173,173,170,168,173,176,176,173,173,176,178,178,176,170,127,125,168,127,121,117,176,186,181,183,191,191,190,190,191,196,199,199,196,196,196,189,170,117,113,115,117,117,112,113,123,123,123,170,176,170,170,181,186,183,183,183,183,181,178,176,173,178,183,178,127,119,115,118,170,178,129,111,106,111,170,186,199,209,207,199,183,127,126,178,186,181,173,173,178,186,189,194,199,202,199,191,189,186,183,183,183,183,183,189,194,183,123,119,125,178,178,170,170,127,123,124,189,202,196,191,186,179,181,191,191,183,170,83,25,57,107,168,127,116,122,178,189,191,186,176,176,183,186,178,169,168,170,178,181,178,173,168,123,120,119,120,123,168,170,173,178,176,169,168,170,176,176,176,173,170,170,168,127,127,125,121,120,127,181,178,97,95,113,173,173,123,121,168,176,181,181,170,111,105,113,123,170,183,189,186,176,168,127,129,173,129,129,173,181,183,183,176,128,128,173,176,176,176,183,189,181,127,125,127,129,127,126,129,176,173,176,181,194,202,202,196,186,173,127,173,186,191,189,186,189,194,194,191,189,189,191,191,189,191,194,196,196,202,209,215,217,225,222,215,212,212,209,199,186,133,126,126,183,196,189,119,129,186,176,127,127,170,178,189,196,199,196,183,168,125,168,181,186,178,173,173,168,118,118,163,170,168,165,168,170,165,183,191,183,160,56,26,69,95,105,107,119,194,202,189,170,117,111,108,109,103,98,107,170,183,183,178,178,178,181,178,176,173,176,170,123,119,123,173,173,165,125,127,168,168,168,170,183,194,196,196,189,183,176,173,172,176,181,186,194,202,191,173,173,183,176,103,101,115,170,173,127,107,95,105,189,191,181,173,173,178,176,170,168,165,115,107,114,121,117,113,112,112,117,119,165,173,183,189,181,170,170,176,183,186,183,176,168,165,178,189,181,117,115,119,168,178,183,181,170,165,123,115,115,165,181,176,121,116,116,119,163,123,119,119,123,163,168,165,119,115,117,117,119,168,176,173,127,121,113,108,111,127,189,204,209,209,212,212,215,217,222,217,209,196,186,181,183,189,189,189,189,186,178,168,123,168,173,173,173,178,189,196,202,204,202,186,110,111,196,199,191,173,129,170,170,173,186,191,181,176,183,202,209,209,209,212,207,183,112,100,119,178,181,125,105,95,83,99,176,189,194,194,183,121,108,103,103,127,189,189,189,168,21,0,129,204,212,217,217,212,212,212,212,204,196,191,178,129,121,122,173,181,170,121,121,123,125,168,173,183,194,202,204,202,194,191,196,199,196,183,123,116,115,119,127,170,176,183,176,126,126,181,199,204,199,189,178,178,173,125,127,170,173,173,176,173,170,170,176,181,183,183,178,173,176,181,186,191,196,194,169,169,176,189,196,194,178,127,170,178,178,173,170,173,168,165,164,168,183,199,202,194,186,181,173,168,170,178,186,186,189,189,186,186,194,202,207,207,207,199,176,129,131,127,125,131,131,173,196,204,204,194,189,186,181,173,173,181,194,196,183,173,176,183,181,181,181,183,183,181,178,176,176,173,178,183,183,186,191,191,191,186,173,110,101,103,115,178,183,181,176,178,181,183,183,186,186,186,186,183,183,181,178,181,189,189,181,170,127,129,178,181,178,176,129,125,170,189,194,194,194,194,196,194,183,127,102,80,115,178,176,123,119,121,121,125,123,122,121,120,125,181,191,194,196,199,199,202,202,207,212,212,209,207,202,199,191,183,181,176,173,181,194,202,212,217,217,212,209,207,207,202,202,202,196,183,176,176,183,189,191,194,194,194,199,204,207,209,209,207,199,189,183,181,183,191,194,189,183,181,174,172,174,181,183,183,183,189,186,177,177,178,178,178,178,178,178,181,186,189,186,181,178,178,181,183,183,183,186,196,204,207,207,202,199,196,194,189,186,186,186,178,120,114,121,183,194,199,196,196,194,186,181,178,183,189,191,194,196,199,196,191,191,196,199,202,202,196,189,189,194,199,196,196,204,212,212,209,209,215,217,209,204,204,207,209,209,207,199,191,186,186,194,196,196,194,194,194,194,196,204,207,207,202,196,195,196,202,209,212,207,196,191,183,179,181,189,196,196,194,196,202,204,196,181,129,123,125,129,170,173,181,183,178,176,176,173,176,178,189,202,207,204,196,194,183,173,173,178,181,181,181,183,183,186,186,183,186,189,191,191,194,196,202,202,196,183,131,128,129,178,191,196,196,194,194,191,186,183,183,181,176,133,131,127,124,127,178,186,186,181,178,178,181,183,181,176,131,131,131,129,133,181,181,181,186,191,196,199,199,196,196,199,204,202,196,191,189,191,196,202,204,202,202,202,200,199,200,202,207,209,209,209,207,202,194,189,141,138,138,191,207,217,225,217,215,212,212,212,204,199,199,204,212,215,215,215,215,212,209,207,202,196,191,191,191,191,194,194,191,186,183,183,183,183,183,181,178,176,173,170,169,170,173,176,173,165,121,113,105,95,93,94,99,103,107,111,111,111,113,115,115,152,152,115,115,113,111,111,113,113,113,152,160,168,173,173,170,165,163,165,165,165,165,163,163,157,119,117,115,111,110,111,113,115,115,119,160,160,163,168,170,176,178,178,173,170,173,178,181,178,176,176,176,178,183,189,191,191,194,194,196,196,199,202,204,204,207,204,199,196,196,196,194,196,199,199,196,194,194,189,186,186,191,191,189,189,191,191,181,127,125,129,176,178,178,178,176,131,127,129,133,181,191,196,194,191,191,189,186,183,183,183,181,174,174,178,181,178,176,176,133,128,127,129,133,176,178,181,181,181,181,183,189,189,194,202,204,202,191,183,182,186,186,183,131,127,127,133,131,131,181,191,194,194,191,191,194,196,196,194,189,189,191,191,189,183,137,134,133,137,191,199,199,196,196,199,202,202,202,199,196,194,196,204,207,207,207,204,202,199,199,204,207,204,196,189,186,189,194,194,191,186,183,186,191,194,191,186,183,183,181,181,183,183,181,178,135,135,178,186,191,196,196,194,194,191,191,191,189,183,183,181,135,131,133,176,131,131,133,181,183,183,183,186,189,189,183,183,186,186,183,176,132,132,181,186,186,183,178,176,131,128,128,129,133,181,186,191,196,196,196,194,191,186,181,181,183,191,196,199,196,194,191,191,191,191,194,196,196,199,202,199,196,196,202,204,207,202,196,194,194,194,194,191,189,189,191,191,191,191,194,196,194,191,186,182,182,186,189,191,191,194,194,196,196,199,199,202,202,199,196,194,191,194,194,194,194,196,202,207,207,204,207,207,204,194,191,196,199,207,207,196,189,186,186,186,191,196,199,194,133,121,121,125,173,181,189,194,199,191,176,129,129,131,176,176,176,131,127,126,127,131,176,183,183,176,131,131,176,178,181,181,186,196,202,202,202,199,199,194,194,196,194,189,185,183,186,194,199,199,196,199,202,204,209,204,194,183,181,183,186,189,191,196,196,196,196,202,204,204,204,204,202,196,194,191,189,186,183,183,189,191,189,186,189,191,194,191,189,186,189,196,194,189,186,186,189,186,183,183,186,183,179,179,183,194,196,189,181,181,178,176,129,127,173,183,189,186,178,176,181,191,196,189,178,131,133,183,191,189,181,181,183,186,189,199,207,207,202,194,194,191,189,186,183,137,135,137,183,189,191,194,196,202,207,209,204,202,204,209,215,212,207,202,199,202,204,199,194,189,191,194,194,189,187,189,189,186,189,191,191,191,186,178,132,178,191,196,199,207,217,222,215,204,196,196,202,0,0,0,0,225,225,225,222,222,222,217,212,209,209,209,209,209,209,212,212,212,212,209,209,212,212,215,215,212,209,208,212,217,228,225,217,209,204,204,203,203,209,222,228,225,212,204,209,222,220,212,215,0,212,189,178,173,173,173,173,173,176,173,0,107,104,0,115,125,176,186,196,204,207,209,215,222,225,225,222,217,222,222,222,222,217,0,0,215,217,225,230,230,225,215,196,178,173,174,181,191,199,199,199,196,199,199,202,204,204,202,202,209,222,0,215,0,0,212,217,217,207,200,200,212,225,228,228,225,215,207,204,207,215,222,222,222,228,230,230,228,228,228,222,222,228,235,243,251,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,189,183,176,165,0,163,165,160,155,0,168,178 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,20,12,9,14,12,4,17,22,17,22,17,9,7,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,87,105,116,124,139,155,157,152,148,150,155,157,160,157,155,155,163,176,178,160,110,109,123,168,119,117,121,168,173,173,170,165,125,125,165,125,121,123,170,178,176,127,119,119,119,121,127,168,170,178,178,183,189,178,121,115,121,168,165,121,115,113,113,119,165,170,173,123,115,165,196,212,202,123,113,113,121,183,186,176,168,168,178,186,183,176,170,169,170,173,170,168,125,125,125,123,121,170,181,181,183,191,191,190,190,191,194,194,194,194,196,199,191,127,105,105,115,121,123,117,113,117,123,168,181,181,173,176,189,191,181,173,173,176,176,178,178,181,189,194,189,176,119,113,113,123,170,123,107,107,113,127,178,194,212,207,194,176,127,127,176,186,186,181,178,181,183,186,189,194,196,191,186,181,181,181,183,183,183,186,189,186,170,117,115,121,176,181,178,173,127,123,122,127,183,189,186,183,186,189,196,196,181,115,2,0,29,109,173,122,109,118,170,178,178,168,117,119,178,186,181,170,170,176,183,183,178,173,170,127,123,121,125,168,173,173,173,173,173,169,169,176,176,176,173,173,170,170,170,173,170,125,121,123,170,183,176,91,91,123,181,178,115,117,176,189,196,202,191,125,115,123,168,176,181,178,170,125,123,127,170,170,129,170,183,191,191,189,181,170,131,178,178,181,186,194,194,183,173,131,176,176,129,125,127,170,173,173,173,178,178,173,170,170,123,117,119,131,181,183,183,186,191,194,194,189,189,191,191,191,189,194,199,204,209,215,217,222,225,222,215,212,212,207,196,183,133,126,125,183,199,189,103,109,131,131,129,131,178,186,191,194,194,189,181,168,125,168,176,181,178,176,178,176,123,119,170,178,176,170,173,163,117,173,183,165,105,52,21,91,107,115,113,155,183,189,168,117,115,111,109,109,100,93,103,183,191,189,183,178,176,170,168,173,176,178,170,118,114,118,178,178,170,165,168,173,176,170,173,181,186,189,191,191,186,181,173,173,178,183,186,189,191,181,170,176,191,183,97,95,113,178,183,181,119,95,97,178,183,168,165,173,178,176,165,165,125,117,111,123,125,115,112,112,117,170,176,178,186,194,194,186,170,169,170,173,176,176,170,168,168,176,189,186,121,117,123,168,173,178,178,173,163,121,117,115,160,173,170,160,118,119,163,168,165,123,119,115,121,170,168,115,112,113,117,119,170,183,181,170,119,106,101,109,170,191,196,199,207,212,215,217,217,217,212,204,191,181,176,181,186,186,183,178,170,119,111,113,125,176,176,173,170,178,189,194,194,183,127,111,113,181,186,181,125,123,170,181,186,189,183,178,178,191,207,212,215,215,217,212,191,113,102,115,168,170,121,101,76,61,65,109,176,189,194,189,123,111,109,117,176,183,170,176,127,0,0,37,196,209,215,215,212,212,209,202,194,186,183,173,123,118,119,173,176,125,121,123,125,127,168,168,176,191,204,207,202,191,183,183,186,178,125,117,116,116,121,127,170,178,183,176,125,124,181,202,204,196,189,178,173,121,114,119,129,173,172,173,176,173,173,178,178,176,176,176,176,181,186,191,191,189,176,169,170,178,186,191,191,183,181,186,183,181,178,176,173,168,166,170,176,183,196,196,186,173,170,168,168,170,176,181,183,183,186,183,189,199,207,209,209,207,199,176,131,178,181,176,131,129,129,183,194,191,181,173,172,173,176,176,178,183,186,181,172,176,183,178,173,173,176,178,178,176,173,170,173,178,181,183,194,204,204,204,204,202,189,117,111,121,181,181,172,168,170,178,183,189,194,194,191,189,186,186,186,186,189,189,186,181,173,129,173,178,176,173,170,125,123,129,178,189,194,194,191,191,194,189,176,110,85,121,183,173,97,96,105,115,123,127,125,122,121,127,183,194,199,202,202,199,196,196,202,209,212,209,204,204,202,196,181,127,121,127,183,199,202,207,215,215,212,209,209,204,199,199,196,189,172,169,173,186,191,196,199,194,186,191,199,207,207,204,196,189,186,186,183,183,186,183,178,178,183,181,176,178,181,183,182,186,191,189,178,177,181,181,181,178,133,176,178,183,186,186,181,179,179,181,186,186,178,176,181,199,209,209,207,204,202,196,183,174,173,176,189,202,204,194,196,204,207,202,194,189,178,176,176,183,191,196,194,194,191,191,186,178,178,194,204,212,209,199,191,194,196,191,191,199,204,207,204,204,209,215,215,209,209,212,212,207,204,199,191,189,191,196,202,202,199,196,194,194,196,199,204,204,202,199,196,199,202,207,212,212,209,207,196,186,183,186,191,194,194,196,202,202,196,183,173,129,129,173,176,181,186,186,183,178,176,172,172,176,189,202,209,204,196,189,173,129,131,178,181,181,181,178,178,183,189,186,186,189,191,191,194,199,204,204,196,183,133,130,133,183,194,199,196,191,189,183,178,176,176,176,133,131,129,125,124,125,176,183,183,181,178,178,181,181,178,133,129,128,128,128,133,181,183,186,189,191,196,199,202,199,199,202,204,202,199,194,194,194,196,199,202,204,204,204,202,200,200,202,207,209,212,209,207,202,196,191,139,134,133,143,204,217,225,222,217,217,217,215,209,207,207,212,215,217,217,217,215,212,209,207,199,194,189,189,191,194,194,194,191,189,186,186,186,183,181,178,176,173,170,170,169,170,173,176,173,165,121,115,105,95,93,94,101,105,109,111,111,111,113,115,115,115,115,113,109,107,107,111,115,115,115,155,163,168,173,173,170,165,165,168,168,163,157,155,157,157,119,115,113,111,110,111,113,113,115,117,121,163,165,170,173,173,176,176,173,173,173,178,178,176,173,173,176,181,186,189,191,191,194,199,202,204,207,209,209,209,207,204,199,196,196,194,191,194,199,202,199,199,199,196,191,189,191,194,194,194,196,194,181,128,127,129,176,178,181,183,183,176,129,131,176,183,191,194,194,191,191,194,189,183,181,181,181,178,176,178,178,178,176,176,133,131,129,129,131,131,135,181,183,183,181,183,183,183,189,199,207,204,194,189,186,189,189,186,137,129,128,133,133,133,183,191,194,191,191,191,191,191,191,189,186,189,194,194,189,183,135,132,131,135,191,199,196,192,192,196,199,202,202,199,194,189,191,194,199,202,204,204,202,199,199,202,204,202,196,189,186,186,189,189,186,183,183,189,194,194,191,186,186,186,186,183,181,135,129,127,127,131,135,183,191,196,196,194,194,191,189,191,189,183,183,186,181,178,178,176,129,128,131,133,133,176,178,183,189,191,186,183,183,186,186,181,176,176,183,189,186,181,178,181,178,176,131,128,131,181,189,194,196,196,194,194,191,186,182,182,183,189,194,196,196,191,186,189,191,194,196,196,199,199,196,194,191,191,196,202,204,199,194,191,191,194,196,196,191,191,191,189,189,189,191,194,191,189,186,182,181,183,189,191,194,191,194,196,196,196,199,202,202,199,194,189,187,189,191,194,194,196,199,202,202,204,207,209,204,196,191,194,194,196,199,196,191,189,183,178,183,191,199,194,127,119,120,123,173,181,186,191,194,191,183,178,176,173,173,176,173,131,127,127,127,129,133,178,176,131,129,133,178,183,183,181,186,194,202,202,202,202,199,194,191,191,194,194,189,186,189,191,194,196,196,199,202,204,204,204,199,189,183,186,186,189,191,194,194,194,196,199,202,202,202,199,196,194,194,191,189,186,183,183,186,189,186,183,183,189,194,196,196,191,189,196,199,196,189,189,191,189,183,183,186,183,181,179,182,189,189,183,181,183,183,178,133,129,131,178,181,181,176,176,181,189,194,194,183,128,124,129,191,194,186,181,181,183,186,194,204,207,202,194,194,194,194,191,189,183,137,181,183,189,191,191,191,196,202,204,204,202,204,209,212,209,204,202,202,204,207,202,196,191,191,194,194,191,191,194,191,189,196,204,204,199,196,189,183,189,196,194,194,202,215,220,215,207,199,198,199,0,0,0,0,222,222,225,222,217,222,222,215,212,212,209,209,209,212,212,215,215,215,212,212,212,212,212,212,212,209,209,212,222,228,228,222,215,209,207,204,204,209,220,228,225,215,207,212,222,222,215,217,0,220,204,189,183,181,178,178,178,181,176,123,111,105,0,113,123,173,183,191,199,202,207,215,225,228,225,222,217,217,217,217,217,215,215,0,217,222,228,230,230,225,215,199,183,174,174,178,189,196,199,199,199,199,202,202,202,202,199,196,207,222,0,0,0,209,212,222,225,212,202,199,204,215,225,228,222,212,204,202,203,209,215,215,215,222,228,230,230,230,228,222,222,230,235,241,248,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,189,183,173,163,0,160,168,165,155,150,157,168 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,22,25,14,14,20,17,12,22,40,43,40,27,22,20,9,4,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,72,92,108,118,134,155,160,155,150,155,157,157,157,157,156,156,163,176,181,170,113,107,113,121,119,119,168,178,176,170,168,165,125,125,125,121,120,119,120,125,173,173,125,123,168,170,170,168,127,165,165,170,186,183,123,117,123,170,165,119,115,115,115,119,123,165,165,119,110,121,189,202,191,123,115,118,178,199,196,181,125,123,173,186,189,181,173,169,170,173,176,173,168,127,125,125,123,168,173,173,178,189,191,191,194,194,194,194,194,194,196,202,202,127,89,93,125,173,176,127,111,111,121,173,189,189,178,178,191,191,173,119,118,127,173,181,186,189,196,199,194,186,170,118,117,125,173,129,115,115,117,123,127,183,209,204,189,170,170,173,176,183,191,194,191,189,186,186,186,186,183,178,173,131,173,176,178,183,183,186,183,173,121,118,121,173,181,183,181,176,170,127,124,124,170,183,186,189,191,194,202,202,183,101,0,13,99,189,194,181,123,170,173,170,168,119,113,116,178,189,183,178,176,181,186,186,178,173,168,168,125,125,127,173,178,178,176,178,173,169,170,178,176,168,170,170,170,170,173,176,170,121,119,125,173,183,178,102,105,176,183,178,102,107,189,196,199,199,189,125,109,115,170,183,183,170,119,110,111,125,176,173,129,173,186,199,199,196,183,173,173,178,176,176,189,196,189,176,181,186,186,183,173,129,127,127,127,127,127,125,119,112,113,117,115,109,111,117,123,127,173,183,194,196,194,191,189,194,196,194,191,194,202,209,215,217,217,217,222,222,215,209,209,207,196,183,133,127,127,181,196,189,104,107,121,129,173,178,189,196,199,196,191,183,176,170,168,168,170,170,173,176,178,176,163,123,170,178,176,176,176,163,113,117,160,155,109,61,30,91,105,115,115,117,155,157,117,114,115,117,115,117,105,95,113,183,189,186,183,178,168,124,123,165,176,181,176,118,113,119,183,183,176,173,176,183,183,178,170,173,173,176,186,191,191,181,173,173,181,186,186,181,170,127,168,176,194,189,104,101,168,191,196,199,183,95,77,81,111,121,165,176,176,170,165,165,165,125,123,170,168,115,111,113,165,186,186,181,183,189,191,186,176,170,170,170,165,163,163,163,163,168,173,173,163,123,170,176,173,173,170,170,163,119,113,111,121,168,168,163,160,160,160,163,163,160,115,110,113,163,163,114,111,113,114,119,170,183,181,173,121,107,102,125,183,189,187,189,199,209,215,217,217,215,209,199,186,173,127,170,173,173,170,125,113,106,104,109,119,170,173,168,125,125,170,181,183,173,123,111,109,119,123,125,119,123,176,186,189,183,176,173,181,196,209,215,215,215,217,212,194,125,111,119,125,125,119,105,75,60,65,113,181,194,204,209,189,173,127,168,178,176,107,65,27,0,0,17,125,202,209,212,207,204,196,186,176,176,176,170,125,119,119,170,173,127,121,121,123,125,125,125,173,189,202,204,199,189,178,176,173,125,117,119,119,121,123,127,176,181,183,176,125,125,176,194,196,191,183,170,123,114,112,119,170,173,172,173,181,186,186,181,170,123,125,129,176,186,194,199,194,181,170,172,173,178,183,186,189,191,191,191,186,181,178,176,168,168,173,181,178,181,189,189,178,166,164,168,173,176,178,178,178,181,183,186,196,207,212,209,207,202,194,181,173,183,189,189,178,130,131,173,172,170,173,176,173,173,176,178,176,170,173,173,173,181,189,176,129,127,127,170,173,173,173,170,170,173,176,181,202,215,215,212,215,215,209,191,129,129,178,178,170,168,173,183,189,191,194,194,194,191,191,191,191,189,183,178,178,178,173,170,178,181,176,170,125,123,127,129,170,178,191,191,186,186,189,189,183,129,113,125,186,181,95,93,98,111,121,127,127,127,127,173,186,196,202,204,204,199,195,195,199,207,212,209,204,202,202,196,178,119,113,127,191,202,202,202,209,212,209,209,207,202,196,194,191,181,169,169,176,186,191,196,199,191,181,183,194,202,207,202,194,183,182,186,186,186,183,176,170,173,183,189,189,189,189,186,183,186,191,189,181,178,183,183,181,178,133,176,176,178,181,181,183,183,183,186,191,194,183,125,121,181,207,209,202,196,199,194,176,170,170,176,189,199,196,191,194,199,202,186,181,178,177,177,178,186,194,199,196,194,194,196,189,129,120,181,199,217,225,217,204,199,194,189,189,194,199,199,196,194,199,209,215,215,212,212,212,204,199,194,191,189,191,196,199,199,196,194,191,191,191,194,196,199,199,199,202,202,202,199,202,209,215,212,204,194,186,186,189,191,194,191,196,199,191,181,178,178,178,178,178,181,186,189,183,178,173,172,172,176,191,207,209,204,191,176,126,125,128,176,178,181,178,129,127,133,186,189,189,189,189,186,191,199,204,204,196,186,178,178,183,191,199,202,199,191,183,178,133,131,133,131,129,129,129,127,125,127,176,181,181,181,181,178,176,133,133,133,131,129,128,128,176,183,189,189,191,191,191,194,196,199,196,199,202,202,199,199,199,199,199,199,202,207,207,207,204,202,202,204,207,209,209,209,204,199,199,196,145,136,135,145,204,215,217,217,217,217,217,217,217,217,215,215,215,217,217,220,217,212,209,204,199,191,186,186,191,194,196,194,191,189,186,186,183,181,178,176,173,173,173,173,170,170,170,173,170,165,121,113,105,97,95,99,105,109,111,111,109,109,111,115,115,115,113,111,105,101,103,111,152,155,155,160,163,168,168,168,165,160,160,168,168,160,115,114,117,119,119,115,113,111,113,113,113,111,111,111,115,121,165,173,173,173,172,172,173,173,173,173,172,172,173,173,178,181,189,191,194,194,194,199,204,209,209,212,212,209,204,194,183,183,189,189,189,194,202,202,199,202,204,202,196,191,191,196,196,199,199,191,178,128,128,133,176,178,183,189,189,181,133,133,176,183,189,191,191,189,191,191,189,183,183,186,186,178,133,133,176,176,176,133,131,133,176,133,131,130,133,181,189,189,186,183,181,181,186,196,204,204,196,191,189,189,189,189,183,135,133,181,183,186,189,191,191,189,189,189,186,186,186,186,189,194,199,196,189,183,135,131,130,135,189,196,194,192,192,194,199,202,202,199,194,189,186,183,181,186,194,199,199,196,196,196,199,199,194,189,183,181,178,181,181,178,181,186,189,191,189,189,191,194,194,189,178,129,125,125,125,127,135,183,194,196,194,191,189,183,181,183,186,183,186,189,186,183,183,178,131,127,128,131,129,131,133,178,189,191,189,183,183,186,186,181,178,181,186,189,183,178,178,183,186,186,181,133,133,181,189,194,194,194,194,196,196,191,186,186,186,189,194,196,194,186,185,186,191,194,196,196,196,194,194,191,190,190,191,196,196,191,186,186,189,196,199,199,194,191,189,189,183,186,189,189,189,186,189,186,183,183,189,191,194,191,189,194,194,196,196,199,199,199,194,189,187,189,191,194,196,196,199,199,199,199,204,207,204,199,194,189,183,181,186,186,186,186,178,176,177,186,196,191,125,119,120,123,131,181,183,186,189,189,186,181,178,173,176,176,178,176,173,133,133,131,129,129,129,129,131,178,186,186,183,181,183,191,199,202,204,207,202,194,190,190,194,194,194,191,191,191,194,196,196,199,199,199,199,199,199,191,186,189,189,189,191,191,191,191,191,194,196,196,196,194,191,189,189,189,189,186,186,186,186,183,183,183,186,189,196,204,202,189,186,189,199,199,194,189,191,191,189,186,189,186,186,186,189,186,183,181,181,181,183,181,176,173,173,173,176,173,130,173,183,194,199,199,191,129,123,127,191,202,196,186,181,181,183,191,199,202,199,194,191,191,194,196,194,191,189,186,189,191,191,191,190,194,196,202,204,207,207,207,204,204,204,207,204,207,204,199,191,189,189,191,194,194,196,199,194,191,199,207,207,202,196,194,194,196,196,189,186,191,204,215,215,209,204,202,202,0,0,0,0,222,225,222,217,217,222,222,217,215,212,209,207,209,209,212,215,215,215,215,215,215,212,209,209,209,209,212,215,222,225,228,225,222,217,215,209,207,212,217,222,217,212,207,209,217,220,215,217,222,220,209,196,186,183,183,183,186,189,186,173,0,111,0,117,125,173,181,189,194,199,204,215,225,225,222,222,217,217,215,215,215,215,215,215,222,225,230,230,230,228,217,207,189,178,177,181,189,196,199,199,202,202,204,204,204,202,199,196,207,225,0,0,215,209,215,225,228,222,204,198,199,209,222,228,225,215,204,203,203,207,215,215,215,222,230,233,233,230,225,222,225,228,233,238,246,254,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,189,183,176,163,157,157,165,168,0,150,0,160 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,9,17,14,4,0,7,9,4,4,48,56,56,43,38,38,17,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,33,55,98,116,134,157,165,157,152,155,157,160,160,157,157,157,163,170,178,173,119,110,112,119,121,168,181,186,178,170,165,125,165,125,121,120,121,120,119,120,168,176,168,125,170,176,176,170,127,125,123,168,186,189,168,119,117,121,121,119,119,117,119,123,125,165,173,165,114,119,168,183,181,170,168,181,199,209,204,186,123,117,123,173,181,181,176,170,170,176,176,173,170,170,127,127,123,125,127,127,170,183,191,194,194,194,191,194,196,199,199,204,202,119,67,77,176,183,189,178,111,105,111,170,183,186,176,178,189,186,125,115,114,119,129,181,189,194,199,202,196,189,181,170,127,129,176,176,129,123,117,116,117,127,189,189,178,170,178,181,178,181,194,202,202,199,194,186,178,131,125,123,125,129,131,173,176,181,183,183,181,129,123,129,186,194,189,183,181,178,178,178,170,126,129,181,189,194,191,189,199,202,168,65,19,168,194,199,199,199,196,191,178,173,170,125,119,168,191,196,189,181,181,183,186,183,176,170,168,168,127,124,125,170,178,183,189,189,178,169,170,176,168,125,127,170,168,170,173,173,125,118,117,125,176,189,186,125,123,173,170,109,92,100,196,199,196,191,178,113,100,107,176,191,189,176,125,109,108,115,168,129,129,176,191,202,202,199,186,173,170,170,169,176,189,186,166,164,176,194,194,183,178,176,170,127,123,121,119,117,112,109,111,115,111,103,103,109,105,105,123,183,191,191,189,189,191,196,199,196,191,194,202,212,217,217,215,215,217,217,212,209,209,207,196,181,129,127,128,181,191,191,118,113,119,127,173,186,199,207,207,202,194,181,173,173,173,170,127,125,165,173,176,176,165,163,168,173,178,181,183,173,115,113,115,160,183,115,65,85,99,109,113,113,113,115,117,117,119,157,160,163,160,115,173,181,178,176,178,176,168,122,121,125,178,186,181,125,118,165,186,181,178,181,189,194,194,183,170,119,115,123,176,189,189,178,172,178,183,186,181,170,124,124,127,176,186,183,123,123,186,199,204,207,199,93,63,64,89,121,178,181,178,170,168,170,173,176,176,178,176,125,121,165,178,189,181,170,170,176,181,181,178,170,168,165,121,117,119,123,163,163,163,165,163,168,178,178,176,170,163,160,121,113,101,101,160,173,168,165,168,168,163,160,160,160,119,114,117,165,168,123,119,117,115,115,121,170,176,170,123,117,119,186,194,189,185,185,191,204,212,215,215,212,207,199,189,173,127,127,127,125,125,121,111,106,106,113,121,165,165,123,117,113,115,123,168,168,125,113,105,106,110,113,115,125,176,178,173,129,127,129,181,202,212,215,217,217,215,207,194,176,123,127,127,125,125,127,115,89,103,173,191,202,209,212,204,194,181,173,181,183,125,73,21,13,15,89,119,196,209,207,199,191,181,129,126,127,170,170,127,122,121,127,173,173,127,121,121,121,121,123,170,183,191,194,191,183,178,170,127,121,119,127,129,129,127,129,178,181,178,176,170,127,170,176,176,173,170,125,117,113,114,125,173,173,173,178,189,194,196,186,117,104,113,125,173,183,199,204,196,178,169,172,176,178,181,181,186,189,191,186,181,178,176,170,166,168,173,181,178,176,178,181,176,166,164,170,178,181,181,178,176,176,181,189,199,207,207,199,191,186,183,178,173,176,186,189,181,173,183,178,168,166,176,194,191,178,173,178,173,128,128,170,176,189,191,178,129,125,126,127,170,173,173,170,170,173,176,186,204,217,217,217,217,217,215,202,183,173,173,173,173,176,186,191,194,194,191,191,191,191,196,199,196,186,173,107,103,121,170,176,186,186,181,170,121,121,129,170,129,173,186,186,181,181,181,181,181,176,129,173,189,191,119,99,107,121,125,125,127,127,131,178,189,196,202,204,204,202,196,196,196,202,207,209,202,199,196,191,131,113,110,127,191,204,204,202,207,209,209,209,207,202,196,189,183,173,172,176,181,183,186,191,194,189,183,181,186,196,202,199,191,183,183,186,189,191,189,176,170,172,178,189,191,194,191,189,186,189,191,189,183,181,183,183,181,181,176,133,131,131,173,178,183,186,186,186,194,204,199,127,109,123,207,207,186,181,186,186,174,170,172,178,183,181,178,181,189,191,186,172,172,174,178,181,186,189,191,194,196,196,199,204,202,127,104,129,196,217,225,217,207,196,189,183,186,191,196,194,191,186,189,204,212,215,212,209,209,202,194,191,189,189,189,191,191,191,191,189,189,189,189,189,191,196,199,202,204,204,199,194,191,199,207,209,202,196,189,186,186,189,189,183,181,183,181,176,173,178,183,183,183,183,186,186,183,178,176,176,173,178,194,209,212,204,189,133,127,126,128,176,183,186,183,128,125,129,186,194,191,189,183,181,186,194,202,202,199,191,186,189,189,194,199,204,202,191,178,133,129,129,131,131,131,131,133,133,131,131,176,181,181,181,181,178,133,130,130,133,133,133,129,131,178,186,189,189,189,189,186,189,194,194,194,196,199,202,202,204,204,204,202,199,204,209,209,209,207,204,204,207,209,209,209,204,199,199,202,202,199,191,191,202,209,215,217,217,217,217,217,217,222,222,217,215,213,215,217,217,215,209,207,202,194,186,183,183,189,194,196,194,191,189,186,183,181,178,176,173,173,170,173,173,170,168,170,170,168,160,119,111,105,101,99,103,109,111,111,111,109,109,111,115,115,115,111,107,100,98,101,111,155,157,157,160,163,165,168,165,160,117,117,160,165,160,115,114,115,119,119,115,113,115,117,117,113,110,109,109,113,121,165,173,176,176,173,172,172,173,172,170,170,172,173,176,178,183,189,194,194,194,194,199,204,207,209,209,209,207,199,135,129,131,181,189,191,196,202,199,196,199,204,204,196,191,194,199,199,199,196,186,131,127,129,176,181,181,186,189,191,183,176,176,181,183,189,189,191,189,189,189,189,189,191,194,189,176,125,125,129,133,133,131,131,176,178,181,135,131,133,181,191,194,191,186,183,181,183,191,199,202,196,191,189,183,183,183,183,181,181,186,191,194,196,194,189,189,186,186,185,183,185,189,194,199,204,199,191,183,135,133,132,135,189,194,194,192,194,196,199,202,202,202,196,191,186,178,174,176,183,194,196,196,194,194,194,194,194,191,183,135,132,133,135,178,178,181,181,183,189,194,196,202,202,194,181,131,126,126,126,131,178,189,196,196,191,186,183,135,131,135,186,189,189,189,186,183,186,181,133,128,128,129,129,129,129,133,181,189,189,186,183,183,181,181,178,181,186,186,183,181,181,186,191,194,189,181,181,183,191,194,194,191,194,196,199,196,191,191,191,194,196,199,194,186,185,186,189,191,194,194,194,191,191,194,194,194,194,191,189,185,185,185,186,191,196,194,189,189,189,186,181,183,186,186,183,186,191,191,186,186,189,194,194,189,186,189,191,191,194,196,199,196,194,191,191,189,189,194,196,196,196,196,196,199,202,202,202,196,191,186,133,131,135,178,183,181,178,177,183,191,196,189,129,122,122,125,131,178,181,183,183,183,183,181,178,178,178,181,183,186,186,186,181,176,129,128,129,131,176,186,191,191,186,181,183,189,199,204,209,212,207,196,191,190,191,194,194,194,194,194,194,196,199,196,194,191,191,194,194,191,189,191,194,194,194,194,194,191,190,191,191,194,191,189,183,183,186,186,186,186,189,189,186,183,183,191,194,196,207,212,207,191,185,187,196,199,196,191,189,191,191,191,191,191,191,196,196,191,181,178,177,178,181,186,183,181,178,173,131,129,129,131,183,196,199,199,194,181,128,129,191,204,202,194,186,181,181,186,191,194,194,191,189,189,194,196,196,196,194,191,194,196,194,191,191,194,196,202,207,209,207,204,204,204,207,209,207,204,202,194,187,186,187,189,191,196,202,202,194,189,199,207,204,196,194,194,196,196,194,185,182,185,196,207,212,212,212,209,204,0,0,0,0,225,225,222,215,215,217,222,217,215,212,207,207,207,209,212,212,215,215,217,217,215,212,209,207,209,209,215,217,222,225,228,228,225,225,220,215,212,209,212,215,212,207,202,199,207,212,212,217,220,217,209,199,189,186,186,189,191,194,191,183,168,121,119,121,127,176,183,189,194,196,204,215,222,222,222,217,217,217,212,212,212,212,215,217,225,230,233,233,233,230,222,209,196,186,181,183,189,194,199,202,204,207,207,207,207,204,199,196,207,225,0,0,212,209,212,222,228,225,209,199,198,204,217,225,228,222,212,207,204,209,215,215,215,225,233,235,233,230,228,225,228,230,233,235,241,251,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,189,183,176,165,157,0,160,168,163,155,0,157 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,4,0,0,46,56,53,38,33,38,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,37,85,111,142,163,170,165,157,157,157,157,157,153,160,165,168,170,173,170,119,112,112,117,123,170,181,183,178,170,125,124,125,123,119,120,125,168,125,121,127,176,168,122,123,168,170,170,168,125,122,165,183,186,176,125,117,116,119,121,123,123,165,168,123,123,176,176,123,120,123,168,178,186,191,199,204,209,209,191,125,116,117,123,168,176,173,168,168,170,170,168,168,173,168,127,123,121,121,121,125,183,194,194,191,186,183,189,196,199,202,199,186,77,39,57,170,181,186,183,113,98,105,170,173,168,129,176,186,181,125,117,116,118,125,176,186,194,199,202,196,189,186,183,181,176,173,176,176,127,119,117,116,119,127,129,170,178,186,183,178,181,194,204,204,202,196,183,173,121,116,117,125,176,178,178,178,181,183,186,183,173,170,178,189,194,191,183,178,178,178,181,176,129,170,178,178,186,186,183,189,189,121,61,69,183,191,194,199,204,204,196,178,170,173,176,178,189,199,199,189,181,178,181,183,181,173,168,168,127,125,125,125,168,178,186,194,191,178,168,169,173,127,123,127,168,165,165,168,168,123,119,119,165,181,191,189,176,168,168,125,108,96,104,191,199,196,191,178,115,104,115,186,194,189,178,173,121,111,114,127,129,173,186,196,202,202,194,176,168,169,173,173,183,194,186,165,163,174,191,191,176,173,173,173,129,123,117,114,115,115,115,121,125,115,101,98,99,97,99,127,183,181,127,131,186,191,194,199,194,189,189,199,209,215,217,215,212,215,212,209,209,209,207,196,181,128,127,133,183,189,196,189,118,118,123,131,191,204,212,209,204,196,183,173,176,176,170,124,123,124,168,176,178,176,168,168,173,183,191,191,186,168,115,113,163,202,173,89,87,97,105,111,113,152,157,160,157,115,119,163,170,173,176,183,178,173,172,176,176,168,122,120,165,181,189,183,168,123,125,170,165,170,183,191,199,199,189,170,112,111,114,123,173,176,173,173,181,189,186,176,127,124,127,170,178,178,176,170,178,194,204,207,207,199,121,77,79,109,173,186,189,186,178,173,176,186,191,189,186,186,178,176,183,189,186,165,120,121,168,176,178,173,125,119,113,107,111,121,168,170,163,163,165,165,170,176,181,181,173,119,113,111,105,98,99,121,170,163,163,165,170,168,163,160,163,170,173,173,181,181,173,170,170,123,117,119,165,173,170,168,170,189,202,202,196,187,186,189,202,212,215,212,207,204,199,191,181,173,127,123,123,125,125,123,121,123,165,125,123,123,119,113,109,109,113,121,125,125,113,99,102,111,111,115,125,129,125,124,124,124,127,183,204,215,217,220,222,215,204,194,183,176,181,176,168,173,194,196,176,165,178,191,202,204,204,202,196,183,173,183,194,173,113,105,168,173,168,170,196,207,202,194,183,173,126,124,126,170,173,173,129,122,122,129,173,127,121,119,119,119,123,127,170,173,176,176,173,173,168,123,123,127,178,183,183,178,173,178,178,170,173,173,129,125,121,121,127,129,125,119,115,116,125,170,173,181,186,191,199,199,186,97,94,105,123,129,176,194,202,194,176,170,173,178,178,176,176,181,183,183,176,173,170,170,170,168,168,170,173,176,170,170,173,178,170,166,173,181,183,181,176,170,170,173,183,194,199,194,181,173,131,131,131,130,130,176,189,186,183,191,186,176,173,183,196,196,186,176,173,129,128,128,170,178,186,189,178,129,125,126,127,170,173,170,170,169,170,178,189,202,215,217,217,220,222,215,202,186,173,129,173,181,191,196,196,196,194,191,191,190,191,196,199,199,191,173,86,77,82,129,186,194,191,186,176,121,117,125,170,170,173,181,183,178,178,178,178,178,178,176,178,186,189,178,119,127,178,170,127,127,127,173,183,194,199,202,204,204,204,202,199,196,199,202,204,199,196,194,183,121,109,109,119,181,196,202,204,207,209,209,207,204,199,191,178,168,168,176,181,181,178,181,186,189,186,183,181,181,186,194,194,189,183,183,186,191,194,191,181,174,174,178,186,191,194,194,189,186,189,189,186,183,183,183,181,181,181,176,131,129,127,127,173,178,183,186,186,194,207,209,173,87,91,183,129,99,99,127,186,183,176,178,186,183,177,176,178,191,196,189,174,173,176,178,186,191,194,194,194,196,196,196,202,202,127,97,120,191,209,209,204,199,194,183,181,183,191,196,196,194,186,186,202,209,207,204,202,202,199,191,186,186,189,189,189,189,189,189,189,189,187,187,189,191,196,199,204,204,202,202,194,189,189,194,196,196,194,189,186,186,186,186,173,119,119,131,170,121,121,176,189,191,191,189,186,186,183,183,181,178,181,199,212,212,202,189,178,133,131,131,176,186,191,191,178,128,131,189,196,194,186,177,176,181,189,199,202,202,199,194,191,189,189,196,207,209,196,181,133,129,129,131,133,133,178,183,186,181,178,178,178,178,178,181,178,133,130,130,131,133,133,133,133,181,186,189,189,189,185,185,186,191,194,194,196,202,202,202,204,209,207,204,202,204,209,209,209,207,204,207,209,212,215,209,202,195,195,199,204,204,202,204,212,215,215,217,217,217,215,212,215,217,217,217,215,213,215,215,215,209,204,199,194,189,183,179,181,186,191,191,191,189,186,186,183,178,176,173,170,170,170,170,170,168,165,165,165,163,121,117,111,105,101,103,107,111,113,113,109,109,109,111,117,155,117,113,107,99,97,101,113,155,157,156,157,163,168,170,165,155,111,107,111,157,160,119,115,117,119,119,117,115,115,119,119,113,110,110,113,119,123,168,173,176,176,176,173,173,173,172,172,173,176,176,176,176,178,183,189,191,191,194,199,202,204,207,207,207,204,196,133,127,129,181,191,194,196,202,196,191,191,196,199,196,194,196,202,202,199,194,183,129,127,131,181,186,186,186,189,191,186,178,178,183,186,189,191,191,191,189,187,187,189,196,202,194,176,124,123,125,131,176,178,178,178,183,186,181,178,178,183,189,194,194,189,186,183,181,186,194,199,196,191,186,182,179,181,183,186,186,189,194,194,196,194,194,189,189,186,183,183,186,194,202,204,207,204,196,189,181,135,135,181,189,194,196,196,199,199,202,204,204,202,196,191,186,179,174,176,181,191,196,194,191,191,191,191,194,194,183,133,131,132,178,183,183,181,179,183,191,202,204,204,199,191,181,133,131,133,133,135,183,191,196,194,186,186,183,133,129,133,186,191,191,189,183,182,183,183,178,133,129,129,131,129,128,128,176,189,191,191,189,183,178,176,133,178,183,186,183,183,186,191,191,191,191,189,189,189,189,191,191,189,191,194,199,196,191,191,194,196,199,199,196,189,186,189,191,191,194,194,191,191,189,191,194,196,194,191,186,185,185,186,186,186,186,186,183,183,186,183,178,181,183,183,181,183,194,194,189,183,186,191,191,186,183,183,186,186,191,194,196,196,194,191,189,186,186,189,194,196,194,194,194,196,199,199,196,191,186,181,129,128,131,181,186,186,181,189,199,202,194,183,133,127,127,127,131,176,178,178,181,181,181,178,178,181,183,186,189,194,196,196,189,178,133,176,176,178,178,183,189,191,189,183,183,189,199,207,212,215,209,199,191,190,190,191,194,194,194,194,194,196,196,191,186,186,189,191,191,191,194,196,199,196,196,199,199,196,194,191,191,191,189,183,182,182,183,186,183,183,189,189,186,183,183,191,194,196,207,217,215,204,191,191,196,199,199,194,191,191,194,194,194,191,194,199,202,196,186,181,176,176,178,189,194,191,186,176,131,130,129,131,178,183,189,191,191,186,133,131,183,199,204,199,189,183,181,183,186,183,183,183,183,186,194,196,196,196,194,194,196,199,199,196,194,196,199,202,204,207,207,207,207,207,209,209,207,204,202,194,187,186,187,191,194,196,202,199,191,189,199,204,204,199,194,191,191,191,191,186,183,185,194,204,212,215,215,215,209,0,0,0,0,225,228,222,215,213,215,222,217,212,209,207,207,207,209,209,212,212,215,217,217,215,212,207,204,207,212,215,222,225,228,228,225,222,222,222,217,212,209,209,209,207,202,194,189,194,204,212,217,220,217,212,199,186,183,183,186,191,194,194,189,178,127,123,125,129,178,183,189,194,196,204,212,217,217,217,217,217,215,212,211,211,212,215,222,230,235,238,235,235,230,225,215,202,191,186,183,186,191,196,202,204,209,212,212,209,207,202,199,0,0,0,0,212,209,212,217,225,225,215,202,199,202,212,225,230,228,217,212,209,212,215,215,215,225,235,235,233,230,230,230,233,235,235,235,241,251,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,183,176,165,157,0,155,163,165,160,155,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,43,51,35,20,20,30,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,35,63,113,155,168,173,170,165,163,160,155,152,153,165,176,176,173,170,165,119,113,113,115,119,125,168,170,170,170,127,125,125,121,118,120,170,178,178,168,127,170,127,121,120,122,125,127,127,125,122,122,173,178,178,170,121,117,121,123,123,165,173,168,115,112,165,176,168,123,121,168,181,196,204,204,204,207,207,194,168,117,117,119,123,168,168,127,127,127,168,127,127,173,168,127,123,115,111,111,119,183,194,194,186,178,178,181,189,194,196,191,115,35,23,37,113,127,173,176,117,94,108,170,126,122,126,176,183,178,170,125,121,118,123,173,186,194,199,202,199,194,194,196,194,181,172,173,181,176,127,127,125,121,121,121,170,186,189,183,181,186,196,204,207,202,194,181,129,117,113,116,129,186,189,186,183,183,189,194,191,183,178,178,178,183,186,183,178,176,173,173,176,173,176,173,164,168,181,186,183,183,178,91,117,127,173,181,196,204,202,189,170,125,168,181,189,194,199,196,186,178,176,176,178,178,173,170,168,127,127,127,127,168,176,183,189,186,170,166,170,176,168,123,125,125,123,123,168,168,125,121,121,125,178,186,181,176,170,170,173,127,117,125,186,196,199,196,183,127,121,178,191,189,181,173,173,170,117,119,173,178,181,191,199,204,199,186,166,163,170,183,186,191,196,196,189,178,181,183,176,125,123,125,129,129,125,119,117,121,170,183,191,189,170,107,98,94,94,109,189,191,125,116,119,178,183,189,194,189,181,181,191,204,212,215,212,209,207,207,207,209,209,209,202,181,128,129,183,194,189,202,202,123,117,119,129,189,202,204,204,202,191,178,170,173,176,173,125,123,125,168,176,186,183,173,168,176,191,199,194,189,183,165,114,155,173,115,93,93,101,107,111,152,157,160,157,113,109,113,157,170,178,181,181,176,172,172,176,176,170,123,122,173,186,186,183,173,123,119,113,105,119,176,186,194,196,189,170,117,115,117,119,121,125,168,176,183,189,183,168,125,127,173,178,181,176,169,173,186,196,202,204,199,189,178,178,194,191,186,189,191,194,186,176,178,191,196,189,186,186,183,183,186,186,178,119,117,121,168,173,173,125,115,103,95,98,109,163,176,176,168,165,170,170,170,173,178,183,176,115,103,99,101,103,111,119,121,117,115,119,165,168,163,157,168,186,186,189,194,191,181,181,183,176,163,123,168,173,173,176,186,204,207,207,202,194,189,191,199,209,215,209,204,202,199,194,186,178,127,121,121,125,168,173,178,186,181,168,119,115,115,111,109,109,113,121,125,123,111,98,105,176,125,121,125,129,127,124,124,124,125,186,207,215,215,217,217,215,207,194,183,183,194,186,178,178,194,196,181,168,173,186,194,202,196,194,189,176,173,183,186,123,117,173,199,183,176,176,191,196,194,183,181,176,170,127,129,173,176,178,176,125,119,123,127,121,117,117,119,121,125,127,123,120,123,125,127,127,125,122,125,173,189,194,196,189,170,170,173,127,128,170,129,123,119,121,170,178,176,125,116,117,125,173,181,191,186,183,191,194,176,91,89,105,170,170,176,191,196,186,176,173,181,181,173,170,173,176,178,176,168,166,166,170,173,173,168,127,168,173,173,168,170,176,173,168,173,178,181,176,129,126,126,127,173,181,186,181,173,130,129,128,129,130,131,178,194,196,194,196,194,194,191,186,183,186,186,181,129,128,129,129,170,176,178,178,170,127,127,127,129,173,173,170,168,166,170,178,186,196,209,215,215,222,222,215,199,181,129,128,176,191,199,199,196,196,196,194,194,190,190,191,199,202,199,194,91,74,76,181,199,196,189,189,181,121,111,119,129,173,176,178,183,183,183,181,176,176,178,178,176,173,178,173,123,178,191,173,129,127,127,176,186,196,202,202,202,204,204,204,202,196,196,196,199,199,199,194,178,119,109,108,111,125,183,194,199,204,207,207,204,202,199,189,170,160,165,176,176,131,129,178,183,183,181,181,181,181,181,186,186,183,181,181,186,191,191,186,181,178,181,183,186,189,194,191,186,186,186,186,186,186,186,183,179,181,181,176,131,127,125,126,129,173,178,183,189,194,207,215,127,41,31,77,31,5,19,105,194,196,189,189,191,189,178,176,178,194,207,212,204,194,186,183,189,194,199,199,199,202,196,189,191,191,123,98,111,131,191,189,189,194,196,191,183,186,191,196,199,196,191,186,196,202,199,189,186,189,191,189,186,189,191,191,191,191,194,196,194,194,191,191,191,191,196,202,204,204,204,202,196,189,183,181,183,186,189,189,186,183,183,183,173,112,111,125,127,116,114,129,191,199,196,194,189,189,189,189,183,181,183,199,212,209,199,189,183,181,176,131,133,186,194,194,191,178,181,194,199,196,186,176,176,178,186,191,196,199,202,196,189,185,185,194,207,212,202,183,133,127,125,127,131,176,183,191,196,191,186,183,181,178,181,181,178,133,131,130,131,133,133,133,133,178,183,186,186,186,185,185,186,191,196,199,202,204,204,204,207,209,209,207,204,207,207,207,204,202,202,204,209,215,217,212,199,194,194,196,202,204,204,209,215,217,217,217,217,215,209,209,212,215,215,215,215,215,215,212,209,204,199,194,189,183,181,179,179,183,186,189,189,186,183,181,181,178,173,170,168,168,168,168,165,163,121,121,123,160,119,115,111,105,103,103,107,111,113,113,111,109,109,113,155,157,155,117,113,103,101,109,155,160,157,157,160,165,170,170,165,117,107,102,103,115,160,160,119,119,119,119,117,115,115,117,119,117,117,119,163,165,168,170,173,176,176,176,176,176,176,176,176,178,178,176,131,131,133,181,186,189,186,189,194,196,199,202,204,204,202,196,183,131,132,186,196,196,196,196,194,186,186,191,196,196,196,196,199,199,199,196,183,131,131,178,183,189,189,189,191,189,186,183,183,186,189,189,191,191,191,189,189,187,189,196,202,199,186,129,124,125,133,183,189,189,186,186,186,186,183,183,183,186,189,191,191,189,183,181,181,189,196,196,191,189,183,181,181,189,194,194,191,189,189,191,194,194,191,189,189,185,186,194,202,204,204,207,207,202,194,189,186,183,186,191,194,199,202,202,202,202,204,207,202,191,186,186,186,181,181,189,194,196,194,191,189,189,191,194,191,186,135,132,135,183,191,194,191,186,189,196,204,204,202,194,186,178,135,181,183,183,183,183,189,191,189,186,186,186,178,131,135,189,194,194,189,182,181,183,183,181,178,133,133,133,131,127,128,176,189,194,194,191,183,176,132,131,133,181,186,189,189,194,194,191,189,189,191,191,189,186,189,189,189,191,194,196,194,191,191,194,199,202,202,196,191,189,189,191,194,194,191,189,186,186,189,194,196,194,191,189,189,189,189,186,183,181,179,179,183,186,183,178,178,183,181,179,183,191,191,186,181,181,186,189,183,181,181,181,183,186,191,194,194,191,189,183,181,181,186,191,194,191,194,196,196,196,194,189,183,178,133,128,128,133,186,196,196,194,202,207,202,186,178,131,129,131,131,131,133,176,176,178,178,178,178,178,183,186,186,191,196,202,202,194,186,183,186,186,181,135,135,181,186,189,189,189,194,199,207,212,212,207,199,191,191,190,191,191,196,196,194,191,194,194,186,182,183,189,194,191,191,196,202,202,199,199,199,202,204,199,194,189,189,189,183,181,181,183,183,181,181,183,186,183,183,186,186,185,186,199,215,220,212,202,199,196,199,202,202,196,194,196,196,194,194,194,196,202,196,189,181,177,176,178,189,196,199,194,178,173,173,173,173,131,126,125,178,186,183,176,130,176,196,207,199,191,183,181,181,181,178,178,181,181,186,194,196,194,191,191,194,196,199,199,199,196,199,202,202,202,202,204,204,204,207,207,207,207,207,204,196,189,189,194,199,199,199,199,196,189,186,196,204,209,204,194,186,183,189,191,191,189,189,199,207,215,217,217,217,215,209,0,0,0,228,228,222,215,213,217,217,215,212,209,207,207,209,209,209,209,212,215,217,217,215,209,204,204,204,209,215,217,225,225,225,217,215,215,217,215,212,209,207,207,207,202,191,185,186,196,209,217,220,217,212,199,186,181,183,186,189,191,191,186,178,168,125,127,173,178,186,191,194,199,204,209,215,215,217,217,220,217,212,212,212,215,217,228,235,241,241,238,235,233,228,217,207,196,189,186,186,189,194,202,207,209,215,215,212,209,207,207,0,0,0,220,215,209,209,215,222,225,220,209,202,204,212,222,230,230,225,215,212,212,212,212,212,225,233,235,233,230,233,235,238,241,241,241,243,254,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,181,173,163,157,155,153,155,165,165,152,147 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,59,25,5,56,56,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,67,113,160,168,168,168,168,168,165,155,152,153,165,178,178,170,160,119,117,117,117,117,115,115,115,121,168,173,181,176,127,120,119,121,173,178,181,178,173,168,127,123,122,122,122,122,123,125,125,123,125,170,173,170,125,121,123,125,123,165,173,165,109,101,123,170,168,123,121,176,191,196,202,202,199,196,196,191,168,117,119,123,119,127,127,127,126,127,170,168,127,127,125,127,123,107,89,91,113,183,194,191,183,179,177,178,181,186,186,183,37,10,11,25,107,113,121,123,121,121,127,127,123,121,129,181,178,178,183,183,173,125,129,181,191,196,199,202,204,207,204,204,202,189,176,176,183,178,170,170,129,123,121,125,178,189,186,178,181,189,196,202,204,202,194,181,127,117,114,117,178,189,191,189,189,191,194,196,196,189,183,176,173,178,178,178,176,170,170,129,170,178,186,176,160,168,181,186,186,183,178,170,125,119,118,127,189,199,194,178,124,120,127,183,189,191,191,189,181,176,173,178,181,181,178,176,173,170,170,168,126,127,176,183,181,173,168,166,173,178,170,125,121,123,120,121,168,173,165,121,121,121,165,173,170,170,173,178,178,173,165,168,181,191,199,199,191,170,170,181,189,181,170,168,168,168,123,127,176,178,183,191,202,204,202,186,164,163,178,191,191,194,199,202,199,196,191,183,127,115,115,119,123,125,125,123,121,129,189,204,209,207,199,189,176,87,87,109,196,199,183,125,118,131,176,178,183,181,176,176,186,196,204,209,209,202,194,196,204,209,212,215,204,183,128,131,191,202,202,196,189,127,118,118,125,181,186,189,194,191,181,170,168,168,173,178,181,176,168,168,173,183,181,173,168,176,196,202,189,181,173,168,163,163,160,113,103,101,105,150,157,157,157,115,107,104,108,112,155,168,176,176,176,173,173,173,176,176,173,173,178,189,194,189,183,181,103,55,51,94,117,173,178,183,186,176,125,119,123,125,121,119,121,168,176,183,183,176,127,125,127,170,176,178,170,169,178,189,194,196,194,178,123,119,170,191,199,191,186,189,189,186,181,181,186,183,176,178,181,181,178,181,176,165,118,118,170,178,173,168,121,102,92,94,103,119,165,170,173,168,165,170,170,168,170,173,173,121,105,98,98,105,163,173,163,115,112,111,114,160,165,160,157,168,189,194,191,196,191,186,186,194,186,170,168,168,170,176,189,202,207,209,209,204,202,196,196,202,207,209,204,199,199,196,194,186,176,123,120,121,168,173,176,183,191,181,170,107,100,107,113,115,115,123,168,168,123,113,109,168,191,183,176,176,181,181,176,127,124,125,181,199,207,209,212,215,212,207,194,127,173,189,183,173,125,173,168,123,165,173,178,183,186,186,183,181,173,170,173,170,125,123,186,199,189,176,176,181,176,122,122,176,189,186,178,176,173,176,176,176,170,127,125,121,116,116,116,119,125,168,127,121,118,120,123,123,122,121,123,170,181,194,202,204,199,123,119,129,129,129,129,127,125,121,125,178,191,189,129,117,116,125,186,196,189,129,129,181,183,129,98,99,127,186,189,191,199,199,189,183,186,189,181,129,126,129,176,176,170,165,165,168,178,183,181,125,119,119,168,170,168,170,170,127,125,176,183,181,170,127,124,124,129,170,170,181,183,176,173,173,129,129,131,178,191,199,202,202,202,202,202,196,178,127,129,178,176,129,128,170,173,176,176,170,129,129,129,170,173,170,170,173,176,173,170,173,178,183,191,202,209,212,217,225,215,186,128,126,131,186,194,196,196,199,199,199,196,196,191,189,191,196,202,202,202,196,80,83,178,196,191,183,186,183,109,103,111,170,176,173,173,181,189,191,183,170,170,178,176,129,127,125,122,125,191,191,125,124,125,129,176,183,194,199,202,202,202,204,202,202,199,196,196,196,199,199,191,181,127,113,108,110,119,176,181,186,196,202,202,202,199,191,186,181,173,172,173,129,123,121,129,178,178,178,178,178,178,178,183,183,183,178,178,183,189,186,181,177,178,186,189,189,191,194,189,186,186,186,189,189,191,189,186,183,183,183,178,133,129,127,126,129,173,178,181,186,191,204,212,95,6,0,0,0,0,0,85,189,194,194,191,191,191,186,181,189,202,215,217,215,209,202,194,191,196,202,204,207,209,199,189,189,186,123,114,118,121,125,137,186,191,196,199,191,189,191,196,199,199,191,186,189,191,186,137,133,134,181,186,186,189,194,194,196,199,202,202,202,199,199,199,194,186,191,204,202,207,207,202,194,186,178,133,133,178,186,194,194,178,173,183,178,127,112,113,120,119,119,178,189,196,199,196,191,191,189,186,183,181,186,199,209,207,196,186,181,183,178,131,131,181,191,196,196,194,194,199,202,199,189,178,178,183,186,186,186,194,199,199,186,183,186,196,207,207,199,186,131,121,116,119,125,131,181,196,199,196,191,186,183,181,181,181,178,133,131,131,133,176,176,133,132,133,178,183,186,189,186,186,186,191,199,204,207,207,207,204,207,209,209,209,207,207,204,199,194,192,194,199,207,212,215,209,199,195,195,199,202,204,207,209,215,217,217,217,212,209,207,207,212,215,215,215,215,215,212,209,204,202,196,191,186,181,181,181,183,183,186,186,186,183,181,178,176,173,170,168,168,127,165,165,123,119,115,117,119,121,119,115,111,109,107,107,109,111,111,111,109,109,111,115,155,157,157,157,155,115,113,117,157,160,163,163,165,170,173,168,160,115,105,101,103,111,157,163,160,119,119,119,117,115,115,115,117,123,163,168,173,173,173,173,176,176,176,176,178,181,181,178,181,183,181,131,128,129,133,181,186,186,186,186,189,191,194,199,202,202,202,199,196,191,189,194,196,199,196,196,191,185,185,189,194,194,194,194,196,199,199,194,183,133,133,181,183,189,191,191,191,191,189,186,186,186,186,189,189,189,189,191,191,191,189,191,199,199,194,181,129,129,133,183,189,189,186,183,183,186,189,189,189,189,189,194,196,194,186,179,179,183,191,196,196,196,191,189,194,199,202,196,189,181,137,183,189,191,189,189,189,189,191,196,202,202,204,207,209,202,196,191,191,189,191,194,196,199,202,202,199,199,202,204,199,191,185,186,191,196,196,196,199,196,191,186,181,181,183,189,186,183,181,181,183,189,194,194,194,194,196,199,204,202,196,189,181,181,183,189,189,189,183,181,181,183,186,189,189,186,181,178,181,186,191,194,191,183,183,186,186,183,183,181,181,178,133,128,129,178,189,196,196,191,186,178,130,130,176,183,189,194,196,196,196,191,189,186,186,183,181,178,183,186,189,191,191,191,189,189,189,191,196,199,196,194,189,186,186,189,191,194,191,181,181,183,186,196,199,194,191,196,196,191,186,186,183,181,179,181,183,186,183,178,178,181,181,181,181,186,186,183,178,178,181,183,181,179,181,181,179,181,186,189,189,189,189,181,179,181,186,189,189,189,194,196,196,194,189,186,181,135,131,130,131,178,189,202,207,207,207,207,191,178,176,133,129,133,176,133,133,176,178,178,177,177,177,178,181,183,186,191,194,199,202,199,194,191,194,191,183,134,132,134,181,189,191,194,196,204,209,209,207,202,199,199,199,194,191,191,194,196,196,194,191,189,183,181,182,191,196,194,194,196,202,202,199,196,199,202,204,202,191,189,191,189,183,182,182,183,181,136,136,181,183,181,186,194,191,185,185,191,209,215,209,202,199,199,202,207,207,202,199,199,196,196,194,186,186,191,191,186,181,181,181,181,183,189,194,194,186,178,173,173,173,127,124,124,129,181,183,178,133,178,194,204,199,189,181,135,133,133,135,181,183,186,189,191,194,191,189,186,189,194,196,199,199,199,199,199,196,196,199,202,199,199,199,202,199,199,202,204,196,191,194,207,209,207,204,202,194,189,186,189,196,204,202,178,123,127,189,194,191,191,194,202,212,222,222,217,215,212,209,0,0,0,230,228,217,217,217,217,217,215,209,207,207,207,207,207,207,209,212,215,217,215,212,207,204,202,202,204,207,215,217,222,217,212,212,212,215,215,212,209,207,207,207,202,191,183,182,189,204,215,217,220,215,199,183,0,183,189,191,194,194,186,178,168,125,127,176,181,186,194,199,202,204,209,212,215,217,222,222,220,217,217,217,217,228,235,241,243,243,241,238,235,230,222,212,204,196,191,186,186,191,199,204,209,212,212,212,209,209,0,0,0,0,0,217,212,212,217,222,225,222,217,209,207,209,217,225,228,225,217,212,209,209,209,212,222,233,235,235,233,233,235,241,246,246,243,246,254,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,183,176,168,163,157,0,153,163,163,152,143 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,79,30,14,105,129,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,69,121,157,165,165,165,168,173,170,163,153,153,163,173,173,160,115,114,115,119,121,119,117,115,117,123,127,173,183,183,170,125,121,125,168,170,176,178,176,170,168,170,173,170,170,127,127,127,127,123,121,125,168,173,170,125,125,125,123,125,170,125,112,107,121,125,125,125,125,181,191,194,191,186,186,183,178,176,123,117,121,123,123,127,127,127,127,168,173,168,168,127,125,125,123,103,88,88,99,176,189,191,189,186,181,179,181,178,173,115,32,23,57,95,115,115,117,121,123,127,173,170,126,126,170,176,176,181,186,186,181,176,178,189,199,202,199,202,207,212,209,207,204,196,189,186,183,170,124,127,127,127,129,170,178,183,176,170,178,189,196,199,202,204,196,181,127,121,121,127,183,186,186,186,189,194,196,199,196,189,181,176,173,173,129,129,173,173,129,127,170,178,181,176,170,176,186,189,189,186,183,178,168,118,116,123,176,183,183,176,126,124,173,183,183,181,178,176,173,173,178,183,191,194,194,189,181,170,168,127,125,127,176,183,181,170,166,168,173,176,170,125,123,121,119,120,165,170,123,120,120,120,123,125,165,165,170,178,178,170,168,173,181,189,194,196,189,176,173,178,181,173,168,127,168,127,125,170,176,173,178,191,199,202,202,191,170,169,183,191,189,194,199,202,202,202,196,186,129,108,107,113,119,125,129,127,125,170,191,209,217,215,207,196,186,84,86,109,196,204,199,189,176,173,129,127,173,176,176,176,181,186,194,196,194,181,176,183,202,212,215,215,209,191,133,176,191,202,196,181,127,119,117,118,125,173,176,178,183,183,178,170,168,168,173,186,189,181,170,166,168,168,163,163,163,173,189,191,168,152,157,168,176,178,168,155,109,95,103,160,170,165,155,111,106,110,155,155,155,160,165,168,170,173,176,178,176,170,170,178,189,196,196,191,186,178,109,67,60,103,125,170,173,176,176,125,117,117,125,165,123,121,125,173,178,181,178,173,170,168,125,125,170,170,170,173,181,189,191,189,181,125,110,105,110,176,191,189,178,176,181,186,181,178,174,170,169,173,176,176,170,168,165,125,121,123,173,178,173,165,117,105,101,115,168,170,168,165,163,163,161,165,165,165,165,163,119,107,98,97,99,115,176,183,176,163,117,114,115,157,163,157,157,165,181,186,189,189,181,181,183,189,181,165,121,121,165,178,194,204,209,212,212,209,207,204,202,204,207,204,199,199,199,199,194,183,170,121,120,123,170,176,173,173,176,173,125,90,88,101,121,168,168,173,173,173,168,125,127,183,194,186,178,183,194,202,194,178,129,129,178,189,194,199,202,207,204,194,176,117,123,176,125,97,91,90,88,97,168,181,176,169,168,173,181,183,178,168,165,168,170,176,183,186,181,176,176,173,123,117,119,173,194,202,202,191,178,170,129,170,173,173,129,121,115,116,119,125,170,173,168,121,120,121,125,123,120,119,123,178,191,199,204,207,202,121,118,170,176,173,170,125,123,121,127,178,191,189,129,117,116,127,199,204,186,103,120,173,183,178,123,119,170,189,194,202,212,212,199,189,186,183,176,127,125,127,173,176,170,165,168,183,196,196,176,103,113,117,125,127,127,168,168,124,124,178,189,181,170,127,126,126,173,181,186,189,181,170,176,183,178,131,178,191,199,204,207,207,207,209,209,194,123,119,124,131,173,170,173,176,173,173,173,129,129,170,170,173,176,170,169,173,183,191,189,181,176,178,189,199,207,215,215,215,207,178,118,120,178,191,194,194,196,199,199,199,199,196,190,190,191,196,199,202,199,183,87,89,121,183,189,183,181,127,106,103,111,170,173,129,127,178,191,196,186,169,169,173,173,129,122,121,122,129,183,178,123,123,125,129,173,178,186,194,199,202,202,202,202,202,199,199,196,196,196,191,181,181,181,127,110,111,121,129,129,129,189,199,202,199,191,186,183,189,189,183,176,129,120,116,118,129,178,178,178,177,178,181,183,181,178,178,181,186,189,186,178,177,181,186,191,194,199,199,196,191,191,189,189,191,194,191,189,186,186,183,178,176,133,133,133,178,183,183,183,181,178,176,91,9,5,37,69,77,7,5,65,111,186,191,191,190,191,191,191,196,207,215,217,217,217,212,202,196,196,199,204,209,212,202,194,196,196,181,127,131,129,133,186,191,191,191,194,191,189,189,189,194,194,189,181,137,181,181,135,134,135,183,186,189,191,194,196,199,202,204,204,202,202,202,199,189,181,183,194,199,202,202,199,196,189,178,131,131,133,186,196,196,176,161,168,183,183,120,116,121,121,119,127,178,191,196,196,194,191,186,183,181,181,186,196,207,204,194,183,178,181,178,131,131,178,189,196,199,199,199,204,207,202,189,181,183,189,186,185,186,194,199,199,189,186,191,199,204,207,199,189,131,117,111,112,117,125,176,191,196,194,189,186,183,183,181,178,133,131,131,133,176,178,176,133,132,132,135,181,186,191,191,189,185,186,194,202,207,207,207,207,209,209,212,212,209,207,202,194,191,190,192,196,204,209,209,207,202,199,202,204,207,209,212,215,217,222,217,215,207,204,202,204,209,215,217,217,217,217,212,207,204,199,196,191,186,186,186,186,189,186,186,183,183,181,178,173,170,129,129,168,127,127,125,123,121,117,114,114,117,119,117,115,113,113,111,111,111,111,113,111,109,109,113,115,155,157,160,160,160,157,155,160,160,163,165,168,173,176,176,168,119,113,105,102,103,109,119,160,160,121,119,117,115,115,117,117,119,123,165,170,173,173,173,176,178,178,176,173,176,181,181,181,183,186,181,133,130,131,178,186,191,191,191,191,191,191,194,196,199,202,202,199,199,194,191,191,196,199,202,196,189,183,183,186,191,194,191,194,194,194,194,189,181,133,133,178,183,189,189,191,191,191,189,189,186,186,189,189,183,181,186,191,194,194,189,189,191,196,194,186,135,131,131,178,183,183,181,178,181,183,191,194,194,191,194,202,204,199,191,181,178,179,186,194,202,204,202,202,202,204,202,191,181,133,133,137,183,186,189,189,191,191,194,199,199,199,202,207,207,199,196,194,194,191,189,191,194,199,199,196,191,189,194,199,196,189,186,189,196,202,204,202,202,196,186,178,133,133,133,135,181,181,183,186,191,191,189,183,181,189,196,199,202,199,194,186,181,183,189,194,194,191,183,179,178,179,183,186,186,183,181,181,181,183,189,191,191,189,189,189,189,186,189,189,189,186,178,133,176,181,189,194,194,194,191,186,178,176,181,186,191,194,194,194,194,191,189,186,181,135,130,130,135,183,186,189,189,186,186,186,186,189,191,194,191,186,183,182,183,186,189,189,181,133,133,181,189,196,199,191,191,196,199,191,137,135,178,181,183,186,189,189,183,178,178,183,186,183,183,183,183,181,178,176,178,183,186,186,183,181,179,179,183,186,186,186,186,183,181,183,186,186,189,191,196,196,196,191,189,183,181,135,133,131,133,178,191,204,209,209,207,202,186,176,176,133,133,178,178,176,133,176,181,181,178,178,181,181,183,183,186,189,189,191,194,196,196,196,196,191,183,134,134,135,181,189,196,199,202,204,209,209,204,199,196,199,202,202,196,194,191,194,194,189,189,189,183,182,183,194,196,196,194,196,199,199,199,196,199,202,204,199,189,187,191,194,189,186,189,186,181,135,135,137,181,183,191,199,202,194,189,194,204,209,204,196,196,199,204,209,209,204,202,202,199,199,191,181,179,181,181,179,181,186,186,181,176,178,186,191,189,176,128,128,129,127,126,125,129,176,178,178,176,181,189,196,194,189,181,133,131,131,133,181,186,189,189,189,191,189,186,185,186,191,194,194,194,191,194,194,191,194,196,199,196,191,189,191,191,191,194,196,199,202,207,217,222,217,212,204,194,189,141,139,186,186,135,124,121,127,191,196,194,194,196,204,215,222,222,215,212,212,209,0,0,0,230,225,222,217,217,217,215,212,209,207,207,204,204,204,207,207,212,215,217,215,212,209,204,202,202,202,204,207,212,215,215,212,212,212,212,212,209,209,207,207,207,204,196,185,183,189,202,209,212,215,209,194,181,0,189,194,196,196,194,189,178,168,127,127,173,178,186,194,202,207,207,207,212,215,222,222,222,222,222,222,225,228,233,238,243,246,243,241,241,238,233,225,217,209,202,196,189,186,189,194,202,207,209,212,212,0,0,0,0,0,0,0,222,217,215,217,222,222,225,225,217,209,209,212,217,220,215,212,209,207,207,207,212,225,233,238,235,233,233,235,243,248,248,246,246,251,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,186,181,178,173,163,0,0,157,160,0,144 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,87,72,53,137,160,66,0,0,5,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,37,59,98,124,150,160,163,165,170,173,173,165,155,153,160,168,168,121,114,113,114,121,123,123,123,168,170,173,170,127,170,176,173,168,127,168,127,124,168,176,176,173,176,183,189,191,191,183,176,168,127,123,121,121,125,176,178,170,165,125,125,165,165,125,118,116,121,123,123,165,170,183,189,186,173,125,168,125,89,87,111,121,125,127,127,127,127,127,127,170,170,127,170,176,170,127,125,115,98,97,109,125,178,191,194,194,191,189,186,183,125,97,57,79,123,127,125,121,123,123,125,170,178,181,176,176,173,129,129,176,186,189,186,183,186,191,199,202,202,202,209,212,209,207,204,207,204,196,183,127,124,124,124,127,170,173,173,173,169,168,173,186,194,196,199,199,196,178,125,123,129,176,181,183,181,181,183,189,194,194,191,186,181,176,173,129,119,121,173,173,127,127,173,173,129,129,178,189,191,191,191,194,191,183,168,119,118,125,173,176,178,178,176,170,176,176,168,125,123,127,168,173,183,194,204,209,209,204,194,127,126,126,126,168,181,186,183,170,169,170,176,173,168,127,125,123,120,121,125,165,123,123,125,123,123,125,125,125,165,165,123,121,168,181,186,186,186,186,181,176,173,170,170,168,127,127,127,127,168,176,173,170,173,183,189,191,194,191,183,183,186,186,185,189,196,202,202,199,199,194,183,101,103,109,119,127,170,168,123,123,183,209,222,217,209,196,183,105,101,127,199,207,207,199,189,173,123,122,127,176,176,176,176,178,181,181,133,127,127,178,196,212,217,215,209,196,181,178,186,191,181,123,119,119,118,119,123,127,170,176,183,186,181,176,170,169,173,181,183,178,170,168,168,121,115,113,119,163,176,173,155,109,152,173,191,194,183,163,109,60,80,152,173,173,163,152,115,181,186,168,155,153,157,165,173,176,178,178,170,163,165,178,194,199,199,194,186,181,173,117,103,117,165,170,170,170,168,119,112,112,119,123,123,125,173,178,178,178,176,173,176,176,125,123,125,168,176,178,181,181,183,178,168,119,111,106,108,115,125,125,121,123,170,178,178,178,176,172,172,174,176,173,165,124,125,168,168,125,165,170,170,165,117,111,115,168,176,176,165,160,160,160,161,165,165,163,121,113,105,98,97,98,107,163,181,189,183,176,165,119,117,119,160,160,157,119,163,170,173,168,121,170,176,176,168,120,118,118,163,181,194,202,207,209,207,207,209,209,204,202,204,202,199,196,196,196,189,178,168,125,121,123,170,176,170,125,125,125,119,93,92,113,178,186,176,173,170,173,178,183,183,186,183,178,170,173,191,202,199,186,176,173,178,178,178,181,183,183,176,123,117,116,119,123,103,73,82,87,86,95,183,194,181,166,165,169,176,183,181,170,165,165,170,173,170,170,170,170,170,168,123,118,121,183,202,209,212,202,176,127,125,170,178,181,178,168,119,119,125,170,176,173,168,125,121,121,125,123,120,119,125,186,202,204,204,207,202,125,119,178,183,178,129,121,118,118,123,173,183,183,170,119,116,127,199,199,125,96,119,181,191,191,183,129,127,176,189,202,217,217,202,189,181,176,173,129,126,126,129,173,173,170,176,189,194,189,64,50,113,121,125,125,125,168,127,123,124,176,183,178,129,127,127,129,176,189,194,191,170,117,123,178,178,176,189,202,207,207,209,212,212,215,215,199,123,120,125,131,170,176,181,178,129,128,129,129,170,173,173,173,173,169,169,173,189,202,199,186,173,131,183,196,204,207,207,202,194,176,111,111,186,194,194,194,194,196,199,202,199,191,190,191,196,199,202,204,199,129,99,99,113,170,189,186,176,123,113,111,123,173,176,127,121,129,186,194,186,169,169,173,176,170,121,121,129,178,178,129,122,124,127,129,131,173,178,186,194,196,199,199,199,199,199,199,199,196,191,176,121,127,181,173,113,115,125,170,125,117,125,181,191,189,186,183,183,189,194,189,178,170,121,115,114,121,178,181,177,177,181,189,186,178,131,131,178,189,191,186,181,181,186,191,194,196,204,207,204,199,194,191,189,189,191,191,189,189,186,183,181,178,178,181,186,191,194,194,191,183,173,105,13,0,2,79,181,207,93,71,73,83,125,194,194,194,196,196,194,196,204,209,209,212,215,212,202,194,194,196,202,207,212,204,199,204,207,202,196,196,194,196,202,202,194,189,189,189,186,181,181,186,191,186,135,131,132,133,135,139,186,189,189,191,191,194,196,199,199,202,202,199,199,196,191,181,179,183,191,194,191,191,199,204,202,189,135,129,133,186,196,196,176,155,156,183,196,183,127,129,125,117,117,127,183,194,199,196,191,183,178,178,176,181,191,202,202,191,181,176,176,133,130,131,181,189,194,199,196,199,204,207,199,189,183,189,191,189,186,189,196,204,204,196,194,196,202,207,207,202,194,181,123,112,113,119,127,176,186,191,189,186,183,186,183,181,176,131,130,131,176,181,181,181,178,135,135,135,181,189,194,196,191,185,185,189,199,204,209,212,212,212,212,215,215,215,212,204,196,194,194,196,202,207,209,207,207,204,204,207,209,212,215,217,222,222,222,217,212,204,202,200,202,209,215,217,217,222,217,212,207,202,199,194,191,189,191,191,194,194,189,186,181,178,176,173,131,127,127,127,168,168,127,125,123,119,115,114,114,115,119,119,117,115,115,113,113,113,113,113,111,109,109,113,117,157,160,160,160,160,157,157,163,163,163,165,170,176,181,178,168,119,111,109,103,102,103,113,119,160,121,119,115,114,115,117,119,121,163,165,168,173,173,173,176,178,178,176,173,173,176,178,181,183,183,181,176,176,178,186,191,196,199,199,199,196,196,196,196,199,199,199,199,194,191,191,189,194,202,204,199,191,185,183,186,191,194,191,191,194,191,189,186,181,133,132,135,183,189,189,189,189,189,191,189,186,189,189,186,181,179,181,189,194,194,191,189,191,194,194,186,178,131,128,131,135,178,135,135,135,181,189,194,196,196,199,204,209,204,194,183,179,178,181,189,202,207,207,204,204,202,194,183,134,133,134,137,183,183,186,189,191,194,196,199,199,199,199,202,202,196,194,194,191,186,181,183,191,196,196,191,181,137,183,189,191,189,189,191,196,202,204,204,202,194,181,133,129,127,127,129,133,178,181,186,191,189,178,132,131,178,191,199,199,196,194,186,183,186,194,196,196,194,186,181,179,181,186,186,183,181,183,186,181,181,183,189,191,191,194,194,189,189,191,194,194,194,186,181,181,183,186,189,189,191,191,191,189,183,183,186,189,189,189,186,189,189,189,186,181,133,129,129,133,178,181,181,181,181,183,183,183,186,189,189,186,183,181,182,183,183,183,137,132,130,132,181,189,196,199,194,194,196,196,183,125,121,125,133,183,191,191,189,183,178,178,183,186,186,183,183,183,181,178,177,181,186,191,189,186,183,181,181,183,183,183,182,183,183,183,186,186,183,189,194,196,196,196,194,191,189,186,181,135,133,135,178,189,199,204,207,204,196,183,174,176,178,181,186,183,178,176,178,183,183,181,181,186,189,189,189,189,189,189,189,189,194,196,199,196,194,186,178,135,135,178,189,196,202,204,207,207,209,204,194,186,191,199,202,199,191,189,189,186,186,186,186,186,189,194,196,199,194,191,189,191,194,196,196,199,204,204,199,191,189,194,196,194,191,191,186,181,136,135,136,137,183,191,199,202,199,194,196,202,204,202,196,196,196,202,207,209,204,202,202,204,202,194,183,179,181,181,179,181,186,183,176,130,130,178,189,186,133,126,126,129,173,129,127,127,129,133,176,178,183,186,189,189,189,183,135,132,131,133,181,189,189,186,186,186,186,186,186,189,191,194,191,189,186,186,186,186,191,196,199,194,186,139,183,189,191,191,194,202,212,222,225,225,217,212,204,196,191,186,139,137,127,124,124,127,189,202,199,196,196,202,207,212,217,222,217,212,209,207,0,0,0,230,225,222,217,217,215,215,212,212,209,204,202,202,202,202,207,212,217,222,217,215,212,209,207,204,202,202,204,209,209,212,209,209,209,209,209,207,207,207,207,207,204,196,189,185,186,196,202,204,204,199,183,176,0,189,196,202,202,199,191,183,176,168,127,129,176,183,194,202,207,209,209,212,215,222,225,225,225,225,228,230,233,238,241,243,243,243,241,241,241,233,228,217,212,207,199,191,189,189,191,196,202,204,207,0,0,0,0,0,0,0,0,225,220,215,215,217,217,222,225,225,217,212,212,212,209,207,204,202,202,202,204,212,225,235,241,238,233,233,238,246,251,251,248,246,251,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,186,181,176,165,0,0,155,155,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,79,90,129,144,48,17,7,33,38,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,61,103,103,108,124,142,157,163,165,168,173,170,163,157,155,160,165,168,165,121,115,115,119,121,125,173,186,194,189,176,122,120,125,168,127,168,170,127,124,127,176,178,181,186,191,199,204,204,199,181,168,125,123,119,119,123,176,183,176,165,165,168,168,165,125,123,123,165,125,125,173,181,183,183,178,125,111,115,111,68,62,91,170,176,173,173,173,173,170,168,173,168,124,178,191,183,170,168,125,121,119,119,123,168,181,189,194,194,194,189,189,165,103,99,113,119,123,168,170,170,173,170,173,181,189,191,189,178,127,124,127,183,194,191,186,183,189,199,202,202,202,207,209,207,202,204,212,217,207,183,129,127,127,124,125,170,129,129,170,169,169,178,189,196,196,196,196,194,176,123,127,178,181,178,178,178,176,178,181,186,189,189,186,181,176,170,121,113,115,173,173,127,129,173,170,127,128,178,194,194,194,196,199,199,186,170,123,123,168,176,178,181,183,178,173,170,127,120,117,118,121,127,176,186,199,209,215,215,209,196,126,125,168,170,176,183,186,183,176,173,176,176,173,170,168,168,165,123,123,165,165,165,168,170,165,125,123,125,125,123,117,111,114,165,186,191,186,181,176,170,170,165,125,127,168,127,126,127,168,173,178,173,170,173,178,170,170,176,183,191,191,189,185,185,189,196,202,199,199,202,202,199,100,104,117,127,168,168,123,113,98,121,202,215,215,207,196,189,183,176,181,196,204,207,199,186,127,121,120,125,131,131,131,131,173,131,129,127,126,127,176,191,209,212,207,199,186,173,173,176,176,115,111,119,125,123,119,119,123,129,181,191,196,194,183,176,170,170,170,173,173,176,178,176,163,113,111,113,155,163,160,115,109,155,178,196,204,199,173,111,44,70,89,152,173,178,173,170,189,191,178,160,155,160,173,181,181,178,173,163,120,121,170,186,191,194,189,181,178,183,183,168,119,125,168,170,170,165,115,111,111,112,117,121,170,181,176,168,170,173,173,176,176,168,124,127,176,181,181,176,176,176,170,121,117,119,123,115,112,111,111,113,119,125,168,176,183,189,183,176,176,176,170,124,124,165,176,173,122,123,165,170,170,163,117,119,163,170,170,163,160,161,163,170,176,170,121,115,109,105,101,103,109,163,181,191,194,191,181,168,117,116,119,160,163,119,109,103,111,107,89,93,160,168,168,163,121,120,121,168,176,183,189,194,196,194,196,207,209,199,194,196,196,194,191,186,181,178,170,168,168,123,121,125,170,168,125,124,125,123,109,105,165,189,191,176,123,121,125,176,183,183,181,178,173,121,113,121,181,186,176,129,173,176,173,170,129,127,119,114,113,119,125,119,115,101,75,90,123,119,170,194,196,186,173,170,176,176,176,178,176,168,125,125,123,123,125,127,126,125,127,168,120,123,186,204,207,204,189,168,123,125,173,189,194,191,186,173,127,127,170,173,170,170,168,127,121,123,125,122,121,127,191,207,209,207,204,199,129,119,178,189,183,129,119,116,117,123,173,181,181,173,123,117,123,183,183,117,113,170,189,196,196,189,127,120,125,176,194,204,204,189,181,178,181,181,178,170,127,127,127,129,173,176,183,191,183,46,30,107,173,170,125,125,127,125,124,124,168,176,170,125,125,129,170,176,186,191,183,115,108,113,121,123,131,191,207,209,212,215,217,215,215,217,209,183,129,129,129,170,178,183,183,170,127,128,170,173,178,178,173,170,168,168,173,183,196,196,181,125,125,178,191,194,191,191,189,183,176,115,112,183,194,191,191,191,194,199,199,199,194,194,196,199,202,204,207,199,170,111,109,117,129,186,186,178,170,129,170,170,173,173,123,118,120,176,189,183,170,170,178,181,173,125,125,181,189,186,131,124,127,131,131,131,131,173,176,183,194,199,196,196,196,196,196,196,194,183,121,108,111,127,129,121,119,125,170,123,111,95,87,119,170,176,176,178,183,189,186,178,176,129,119,116,121,178,183,177,177,186,194,189,176,128,127,130,183,189,186,183,189,196,199,196,202,209,212,209,199,191,189,187,187,187,189,191,191,189,186,183,181,181,183,189,194,199,202,202,199,183,117,57,2,5,49,95,109,95,97,91,81,107,196,202,204,204,199,194,194,196,202,202,204,207,204,196,189,189,189,191,202,207,202,199,204,209,207,207,209,207,209,209,207,196,191,189,189,183,179,179,183,186,183,133,131,131,132,133,139,191,194,194,194,194,194,194,194,191,191,194,194,194,189,179,177,179,186,191,186,137,133,186,207,212,199,135,127,131,186,194,194,181,163,164,189,199,194,183,181,170,119,116,170,183,191,194,196,194,186,178,174,173,176,186,196,199,191,181,176,133,131,130,133,181,186,189,194,194,194,202,204,196,183,181,186,189,191,189,194,202,207,207,204,204,207,207,209,207,204,199,191,181,125,125,133,176,181,186,186,181,181,183,186,186,181,133,131,130,133,178,183,183,183,186,189,183,181,183,189,196,199,194,189,186,194,199,207,212,217,217,215,212,215,220,222,217,212,207,204,204,207,209,209,209,207,204,204,207,209,212,215,217,217,222,225,225,217,212,207,202,202,204,209,215,217,217,217,222,215,207,202,196,194,191,191,194,196,196,196,191,183,178,133,131,129,127,125,125,127,168,168,165,125,123,119,115,114,114,115,119,119,119,117,115,115,113,113,115,115,113,109,109,113,119,160,160,160,160,160,157,160,163,165,165,168,170,176,181,181,170,157,115,113,107,102,102,107,115,121,121,119,115,114,115,117,119,123,163,165,168,170,173,173,178,181,181,178,173,172,173,176,178,181,183,183,181,183,186,191,194,199,204,204,202,196,196,199,199,199,199,199,196,191,189,189,187,191,204,207,204,196,189,186,189,191,191,191,189,189,189,189,186,183,135,132,135,186,189,186,183,183,186,189,189,186,186,189,186,181,179,183,189,191,191,191,191,194,196,191,183,135,131,128,129,129,131,133,135,135,135,181,189,196,196,199,202,204,204,199,191,186,181,181,186,196,202,204,204,202,194,186,137,134,135,181,183,186,186,189,191,194,196,199,204,202,196,194,194,194,191,191,194,189,181,178,179,189,196,196,186,135,131,135,183,186,189,191,191,194,196,199,202,199,191,178,131,129,127,126,126,129,131,135,181,183,181,134,131,132,178,191,196,199,196,194,189,189,191,194,196,196,194,189,183,183,186,189,189,186,186,191,191,183,179,183,186,189,191,194,194,191,189,191,191,191,194,191,186,183,186,186,183,181,178,183,189,186,182,181,182,186,189,186,182,183,186,186,186,183,178,132,132,133,178,135,133,131,135,181,183,183,186,189,189,186,183,182,183,186,183,181,133,129,129,133,186,191,199,202,199,194,194,191,135,121,118,119,127,183,194,194,189,181,136,136,181,186,189,186,181,181,183,183,183,186,189,191,189,186,183,181,183,186,186,183,183,183,182,182,183,183,183,186,191,194,194,194,194,194,191,191,189,181,135,135,178,183,191,196,199,199,194,186,178,181,183,191,194,191,186,183,186,186,186,183,183,189,191,191,194,194,191,191,189,189,194,196,196,196,194,189,181,178,135,178,186,196,202,204,204,204,204,199,189,186,189,196,199,196,191,189,186,186,186,186,186,189,196,202,202,196,191,186,185,186,189,191,191,196,204,207,202,191,189,194,199,196,194,191,186,183,181,137,136,137,181,186,191,194,194,194,196,199,202,204,202,196,196,199,204,207,204,202,204,207,204,194,186,183,186,186,181,181,178,135,131,130,130,178,186,186,176,128,128,176,178,176,127,121,121,129,176,181,181,178,181,183,186,189,186,181,181,183,189,189,186,186,186,186,186,189,189,191,194,194,191,189,183,139,139,183,189,191,191,186,139,137,139,189,194,196,196,202,217,225,225,220,209,204,202,196,196,194,183,129,123,123,137,194,204,204,202,199,204,207,209,212,215,220,217,212,209,204,204,0,0,228,225,222,217,215,215,215,215,212,209,204,202,199,198,198,204,212,217,222,222,222,217,215,209,207,204,202,202,204,207,207,207,204,204,204,204,204,207,207,207,204,202,196,189,185,186,191,196,199,196,186,176,168,0,191,199,204,204,202,196,191,183,176,168,129,173,183,194,204,209,209,209,212,215,222,222,225,225,228,230,233,235,238,241,241,241,238,238,241,238,235,228,222,215,209,204,196,191,191,194,196,199,202,0,0,0,0,0,0,0,0,225,225,222,215,212,212,212,217,225,228,222,215,212,209,204,199,194,194,194,194,199,209,225,235,241,235,233,233,238,246,254,254,251,248,248,254,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,183,178,170,163,160,157,155,155,155,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,59,95,116,118,33,9,9,38,46,43,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,98,113,111,111,124,142,157,163,163,165,165,165,160,155,155,157,163,170,173,170,123,117,115,117,123,178,196,202,196,178,122,119,123,125,125,125,129,125,125,127,170,178,186,191,196,202,207,212,204,183,168,125,123,119,119,125,178,186,176,165,168,170,165,123,125,165,173,178,176,178,186,191,189,181,176,125,109,109,109,73,67,107,186,189,186,189,191,194,186,173,173,127,123,183,202,191,173,165,125,165,165,125,123,125,170,178,181,189,189,176,178,170,117,107,105,107,117,173,181,189,189,183,181,186,196,202,202,194,173,120,120,181,196,196,186,181,186,199,207,204,204,204,204,202,202,204,217,228,212,183,170,170,129,124,124,125,124,129,176,173,173,183,194,199,196,196,196,194,178,127,178,196,189,178,176,176,172,172,176,181,186,186,183,178,173,127,117,110,113,173,176,129,127,129,129,170,176,183,191,194,191,196,202,196,183,170,125,125,170,178,181,181,178,170,127,125,123,120,119,120,125,170,181,189,199,207,209,209,204,191,125,125,170,176,176,178,178,178,178,181,178,176,170,170,168,168,168,165,165,165,165,165,168,170,125,123,123,165,176,173,119,110,112,121,183,189,186,178,173,168,125,117,115,123,168,168,127,127,170,176,176,173,173,181,176,165,164,168,178,191,196,191,186,186,189,196,202,199,202,204,207,207,103,113,173,181,173,125,115,101,84,101,191,209,209,204,199,196,191,181,176,183,196,196,189,176,123,121,121,123,125,125,123,125,129,129,126,125,127,173,178,183,191,194,189,178,127,125,127,131,125,104,103,121,173,125,119,121,125,173,186,196,202,199,194,189,181,173,169,169,176,186,189,181,165,115,112,113,115,155,115,107,107,157,178,194,209,212,194,157,62,79,83,87,160,186,183,173,178,189,183,170,168,173,183,191,191,181,168,121,118,118,121,163,168,173,173,170,170,181,181,125,118,123,168,170,170,125,115,112,113,115,117,123,178,183,170,159,164,170,170,170,176,176,170,168,176,178,176,173,176,178,170,121,117,170,178,125,113,111,112,113,117,123,168,176,186,191,186,176,170,168,165,124,125,170,176,170,122,125,173,178,189,186,163,119,123,168,170,165,165,168,176,181,186,168,113,111,115,119,157,163,173,186,194,199,199,194,178,163,117,117,119,160,157,115,105,101,103,88,77,87,119,163,163,163,165,165,168,170,168,165,165,170,181,176,176,191,189,119,101,107,168,173,168,125,125,125,125,123,125,121,119,125,170,170,168,168,170,165,109,111,173,191,189,168,109,108,111,117,123,168,176,176,170,115,109,112,127,173,127,122,127,129,170,170,127,121,114,112,114,173,183,113,101,99,97,181,189,191,196,196,194,189,183,183,183,176,173,176,173,125,121,123,123,123,125,127,126,124,127,170,119,119,176,194,194,183,170,123,120,123,176,196,202,199,194,183,168,125,125,127,170,178,183,181,168,127,127,122,121,127,186,199,204,202,196,186,125,118,131,186,186,176,125,119,123,129,178,181,181,178,131,121,121,173,173,119,122,170,183,189,189,176,122,120,123,173,181,186,181,176,178,186,189,189,186,181,173,127,123,123,168,170,181,196,204,54,26,65,181,176,125,121,125,125,125,125,125,125,125,125,125,129,170,173,181,183,129,109,107,111,117,119,125,186,202,207,212,220,222,217,215,215,209,199,178,127,125,170,178,186,186,176,129,170,170,173,181,181,181,176,170,168,170,178,183,181,129,121,121,131,178,178,181,186,178,173,173,125,123,181,191,191,190,190,191,196,199,199,199,199,202,204,207,209,207,196,170,115,115,123,170,183,183,181,181,183,183,176,170,129,121,117,119,127,181,178,170,173,181,181,176,170,178,191,199,196,183,127,129,131,173,173,131,130,130,176,194,199,199,196,194,194,196,194,186,131,115,108,108,117,129,176,170,119,117,115,109,85,71,80,123,121,115,121,176,183,183,178,181,183,170,121,123,176,183,178,177,183,194,191,176,128,127,130,181,183,183,189,196,204,204,202,207,212,215,209,199,191,189,189,187,187,189,191,194,194,191,189,186,183,186,189,194,199,204,207,207,207,209,199,113,63,39,30,30,41,105,107,95,115,202,204,207,204,199,194,191,191,194,196,199,199,194,186,183,181,177,178,191,196,191,189,196,199,199,202,209,209,207,204,199,194,186,186,189,186,179,179,181,186,183,137,135,133,132,133,139,191,196,196,196,194,194,196,194,189,186,186,189,189,183,177,177,181,189,186,137,131,127,128,189,204,191,120,124,131,183,186,186,183,176,183,194,194,189,186,186,183,176,176,183,186,186,189,194,196,189,178,174,173,176,183,194,196,191,183,178,176,133,176,181,186,189,189,191,191,194,202,204,196,183,137,181,189,194,194,199,204,207,207,209,212,212,212,212,209,207,202,196,191,186,183,186,183,181,181,181,179,179,181,186,186,178,133,131,131,133,178,181,183,186,194,196,196,191,191,194,196,196,196,194,196,199,204,209,215,217,217,212,209,212,217,222,222,217,212,209,207,207,207,209,209,207,204,204,207,207,212,215,215,217,220,220,222,217,215,209,204,204,207,212,217,215,215,217,222,217,212,204,199,194,194,194,196,199,199,196,189,181,133,131,129,127,125,123,123,125,127,127,125,123,121,119,117,115,115,117,119,121,119,117,115,115,113,113,113,115,113,109,111,115,119,160,160,160,160,160,157,160,165,168,168,170,173,176,178,181,176,165,160,119,113,105,105,109,115,119,121,119,115,114,115,117,121,123,165,168,170,173,173,176,178,183,183,178,173,172,172,173,176,178,181,183,186,189,191,194,194,202,204,202,194,191,194,199,199,199,199,199,196,191,189,189,189,194,202,207,204,199,194,191,189,191,191,191,186,183,183,186,186,181,133,132,135,186,189,186,183,182,183,183,186,186,186,186,183,183,183,186,189,191,191,194,191,194,194,191,186,181,135,133,129,127,127,131,178,178,134,135,186,194,196,196,194,194,199,202,199,196,191,189,189,191,194,199,199,196,189,183,137,181,183,189,191,191,194,194,196,196,199,204,207,204,196,191,190,190,190,191,194,191,183,181,183,189,194,191,183,133,129,131,135,183,189,194,196,196,194,196,196,194,183,133,127,125,127,127,126,127,127,131,133,133,135,135,135,181,186,191,194,196,196,191,189,189,191,191,191,191,189,189,186,186,189,191,191,189,191,194,194,183,181,183,186,186,189,194,194,191,191,186,185,186,189,191,189,186,186,186,181,131,128,131,183,183,181,181,182,186,189,186,183,183,183,186,183,183,181,178,178,178,178,133,129,128,131,181,183,186,189,191,191,191,189,186,186,186,183,137,133,130,131,137,191,196,202,202,196,191,189,186,137,127,120,119,125,183,196,196,191,183,178,136,178,183,189,189,186,186,186,186,186,186,189,191,189,186,183,183,183,189,191,189,186,186,182,182,183,183,183,183,186,189,189,189,189,191,191,194,191,186,183,181,181,183,186,189,194,196,194,189,186,183,189,196,196,194,191,191,191,194,191,191,189,189,191,194,194,194,191,189,191,194,194,191,190,191,194,186,181,183,181,181,189,196,202,202,202,199,196,191,186,189,196,202,199,194,191,191,189,186,183,181,181,189,199,207,202,194,189,185,185,186,189,186,183,186,196,204,202,189,185,191,196,196,194,191,189,191,191,189,183,181,183,183,186,186,186,189,194,199,204,207,207,199,194,194,202,204,204,204,204,204,199,191,183,183,186,183,178,135,133,130,131,176,181,186,189,191,186,178,178,183,183,176,123,114,119,133,181,181,178,176,176,178,183,189,191,191,191,194,196,191,189,189,186,186,186,186,189,191,194,194,191,186,181,139,139,186,191,191,186,139,137,137,139,189,199,204,204,202,209,215,215,212,202,196,196,196,202,202,191,127,123,126,194,207,212,207,204,207,209,212,209,209,0,222,222,215,209,204,204,0,0,228,225,225,217,215,215,217,217,217,212,207,202,199,198,198,202,209,217,222,225,222,222,217,215,209,207,204,202,202,202,202,199,199,199,199,202,204,204,204,204,202,199,196,189,186,186,189,196,199,194,181,165,164,0,189,199,204,204,204,202,196,189,181,176,173,173,183,194,204,209,212,212,212,215,217,222,225,225,228,230,233,233,235,235,238,238,235,235,235,238,235,230,225,217,212,207,202,196,196,196,199,199,199,0,0,0,0,0,0,0,0,225,225,222,212,209,209,209,215,222,225,222,215,212,207,202,194,191,189,189,191,194,204,217,233,235,235,230,233,241,248,254,254,251,248,248,254,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,181,173,165,0,157,157,155,155,157,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,4,33,87,111,113,40,6,4,27,43,43,43,51,46,15,1,0,0,0,0,0,0,0,0,0,0,0,0,55,98,105,113,126,147,160,160,157,157,160,157,157,155,152,117,157,165,173,176,168,121,115,117,127,181,196,202,194,183,170,125,125,125,121,117,117,119,121,123,127,176,183,189,194,199,207,212,204,183,168,125,123,119,121,127,181,183,173,168,168,168,123,119,125,170,183,189,189,191,196,196,191,181,178,173,109,105,113,117,119,176,194,196,196,204,204,207,196,173,125,124,124,176,194,189,173,123,123,170,173,170,165,125,168,168,165,173,173,117,112,170,123,107,103,105,170,191,196,199,202,196,189,191,202,209,212,212,194,122,121,181,196,196,186,176,181,196,207,204,202,204,202,199,199,204,217,222,204,178,170,173,170,125,125,124,121,125,176,173,173,178,189,191,191,189,191,189,173,127,189,207,194,176,173,173,172,170,173,178,183,183,181,178,176,170,125,115,119,178,176,129,122,121,127,181,189,189,189,186,189,191,194,189,178,170,127,125,168,173,178,178,170,121,119,119,121,125,127,168,173,181,189,191,196,202,202,199,194,183,126,126,173,176,170,168,168,173,181,186,181,173,127,125,127,168,170,170,168,165,125,125,125,121,118,118,123,173,189,194,186,123,116,120,170,181,181,176,173,173,125,111,109,117,168,170,168,170,170,173,173,176,181,189,183,168,166,169,178,191,196,194,189,189,194,199,199,199,202,204,207,204,103,119,186,191,183,168,121,113,99,125,194,204,204,202,199,194,183,173,166,168,181,183,176,129,125,125,127,127,123,122,123,127,129,129,126,126,129,176,178,178,178,176,173,127,125,125,129,176,127,102,100,115,170,127,123,127,173,181,191,196,199,202,202,199,194,183,173,173,183,191,189,176,160,117,117,117,152,115,105,89,105,163,181,196,212,215,199,157,95,93,86,83,157,189,178,163,173,181,176,168,170,181,191,199,196,183,165,120,119,119,119,117,113,117,121,163,170,176,170,119,117,121,165,170,170,121,113,113,121,123,123,168,181,183,165,155,161,170,170,168,173,181,178,173,168,168,168,173,181,181,173,125,170,181,178,121,114,117,119,115,113,119,170,181,186,183,178,168,166,168,168,168,168,170,170,165,125,170,176,183,194,191,168,119,170,181,183,181,176,178,181,186,181,117,107,109,160,170,176,178,183,189,194,199,196,186,173,165,165,168,165,157,115,113,111,113,170,109,85,103,117,121,121,160,165,170,173,168,123,119,117,113,69,35,34,59,71,68,64,68,111,121,119,115,115,117,119,119,119,119,123,170,176,173,170,173,170,121,105,111,194,196,178,105,101,105,111,117,121,127,173,176,170,119,114,119,170,170,123,120,122,127,173,178,173,123,115,115,123,178,181,90,80,88,113,186,194,202,204,202,194,191,191,191,186,178,176,173,165,118,119,168,170,127,127,168,168,168,176,176,122,121,173,186,183,170,125,121,120,120,170,194,199,196,191,181,127,119,118,123,173,186,196,196,186,176,127,121,120,125,176,186,189,189,178,129,118,118,127,178,186,183,173,129,173,181,186,186,183,181,176,127,125,176,178,127,125,127,129,173,176,129,122,123,170,176,176,173,129,170,183,194,194,191,191,189,181,129,121,121,125,127,176,194,204,95,45,67,173,173,121,117,119,125,168,168,115,113,119,123,123,125,127,170,178,176,117,107,109,117,121,121,123,173,189,196,207,217,225,222,217,212,207,199,178,124,124,170,176,178,183,178,173,129,125,129,178,186,191,189,178,169,169,173,176,170,125,120,121,123,125,127,176,183,173,128,129,131,173,183,191,194,191,191,194,196,196,196,199,202,202,204,209,209,204,191,121,109,117,127,173,183,186,186,189,194,191,181,170,129,125,120,120,127,176,173,170,176,178,176,173,176,186,194,199,199,189,131,127,131,173,176,173,131,130,176,194,199,199,196,196,194,194,189,173,125,119,111,109,117,178,202,196,111,99,102,113,99,73,78,123,99,88,96,127,178,176,176,189,194,186,129,125,173,181,181,177,181,186,186,178,133,131,133,178,183,183,189,199,207,209,207,212,217,217,212,199,191,191,194,189,187,189,194,196,196,196,196,194,191,189,189,194,202,207,209,209,215,217,212,196,191,119,41,35,45,109,121,121,178,199,202,199,196,196,196,194,191,191,196,199,196,189,183,181,178,174,173,183,186,181,178,186,189,186,189,196,199,194,189,186,181,135,137,183,186,183,181,183,189,189,186,186,186,139,137,183,191,196,196,196,196,199,204,202,191,183,183,186,189,186,183,186,189,189,186,181,135,129,127,135,191,133,108,122,129,176,130,130,176,178,186,191,183,173,173,181,186,186,186,183,183,183,183,191,194,191,183,178,178,186,191,196,196,194,191,186,186,186,186,191,194,194,189,186,189,194,202,207,202,189,135,133,183,196,202,202,202,204,204,209,215,217,215,212,209,207,204,196,196,196,196,196,189,181,181,181,179,181,183,183,183,178,133,133,131,133,178,178,178,183,191,199,199,199,196,196,196,196,199,199,202,204,207,209,212,215,212,209,209,209,212,215,215,212,209,207,207,204,207,207,207,207,204,204,207,209,212,215,215,217,217,216,217,217,215,212,209,207,209,215,217,215,213,215,222,222,215,207,199,196,196,199,202,199,196,194,186,178,133,129,127,127,125,123,121,123,123,123,121,119,117,117,117,119,119,121,123,160,121,119,115,115,115,115,115,115,113,111,113,117,119,157,160,160,160,160,160,163,168,170,170,173,173,176,178,178,176,170,168,163,119,113,111,113,117,117,117,117,117,115,117,119,123,165,165,168,170,173,170,173,176,181,181,178,173,172,172,176,178,181,181,186,191,194,194,194,194,202,207,196,182,182,189,196,199,199,199,199,199,194,191,189,194,196,202,202,202,199,194,189,186,189,194,191,186,181,178,181,183,178,133,133,178,186,189,189,186,183,183,183,186,186,189,189,186,186,189,191,194,194,194,191,190,191,194,199,196,191,189,183,133,127,126,129,181,183,135,178,186,194,194,191,189,189,194,202,204,204,199,194,189,186,189,191,196,194,189,186,186,189,191,194,194,199,202,202,199,196,199,202,204,202,194,191,190,190,190,191,194,191,189,189,191,189,189,186,181,133,129,129,131,181,191,196,202,199,196,194,191,186,178,127,123,123,125,127,129,129,127,127,127,129,135,183,189,191,194,194,194,194,194,191,187,189,191,189,186,183,183,186,183,183,183,186,189,191,191,194,191,186,183,183,183,183,186,191,191,191,191,186,182,183,186,189,189,189,186,186,181,130,127,129,178,183,183,183,186,189,189,186,183,183,186,186,183,181,181,183,183,183,181,131,127,126,131,181,189,189,189,189,191,194,196,194,191,189,183,181,135,133,135,183,191,196,199,196,191,186,186,189,186,181,131,127,133,191,199,199,194,189,183,178,136,181,189,194,194,194,194,191,186,185,189,194,194,191,186,183,186,191,194,194,191,189,186,183,186,186,183,183,186,185,185,185,186,186,189,189,191,189,189,186,186,183,183,186,191,194,191,189,186,181,183,191,194,191,191,191,194,194,194,194,194,194,194,194,194,191,191,189,191,196,194,190,189,190,191,186,181,186,183,186,191,196,196,194,194,191,183,178,178,189,199,204,199,194,191,194,191,186,183,135,132,178,196,204,199,191,189,186,186,189,186,181,135,137,189,196,196,186,183,186,194,196,196,196,194,199,202,199,194,191,191,189,183,183,186,189,191,196,204,209,209,202,191,191,196,202,204,204,204,204,196,189,183,183,183,178,135,135,133,130,133,183,191,194,191,191,191,186,183,181,176,125,115,115,127,186,194,191,183,178,178,181,183,189,191,196,199,202,199,194,194,194,194,189,186,183,183,186,189,189,186,183,137,137,139,191,196,191,183,135,135,137,137,139,196,209,212,207,204,204,207,202,191,190,191,196,207,209,199,137,129,181,202,212,215,212,209,209,209,209,207,209,0,222,225,222,215,207,207,0,0,225,225,225,222,217,217,222,225,222,215,212,209,204,199,199,202,209,215,222,225,225,225,222,217,212,209,207,204,202,199,199,196,195,195,196,199,202,204,204,202,199,196,194,191,186,183,189,196,202,196,181,165,163,0,189,199,204,204,207,204,199,194,186,181,176,178,183,196,207,212,212,212,212,215,217,222,225,228,230,233,233,233,233,233,235,235,235,234,235,235,235,230,228,222,217,212,207,202,202,202,202,202,0,0,0,0,0,0,0,0,0,225,225,222,212,209,208,208,212,220,225,217,212,207,207,202,196,191,189,189,189,191,199,209,225,230,233,230,233,241,248,251,254,251,251,251,254,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,178,173,165,0,157,157,157,157,157,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,74,111,116,87,8,6,15,40,46,61,79,79,51,15,9,7,1,0,0,0,0,0,0,0,0,0,25,53,105,121,137,155,165,165,160,155,155,152,152,152,115,115,117,121,165,168,165,123,119,121,168,178,186,189,186,181,176,173,170,127,121,115,113,115,116,116,121,170,181,186,194,202,209,212,204,181,168,127,123,119,123,170,183,183,173,170,170,165,119,119,168,173,186,191,194,196,199,196,191,181,181,183,111,85,111,165,173,181,194,202,204,207,207,207,199,125,121,123,165,176,186,183,170,121,123,173,178,173,168,168,173,168,119,123,125,111,106,123,121,113,111,123,196,204,204,207,207,204,199,202,207,212,215,215,202,176,170,183,191,191,181,129,129,186,196,196,194,196,196,196,199,202,207,202,183,127,125,129,127,127,173,127,119,124,170,129,128,170,181,183,181,181,181,173,119,118,186,202,191,172,173,176,173,173,173,173,173,173,176,181,183,183,183,178,181,186,178,127,120,119,127,186,194,194,189,186,186,186,186,181,178,176,170,127,168,170,173,173,168,121,119,118,119,125,168,170,181,191,196,196,196,196,196,194,191,183,170,129,173,170,125,121,123,168,183,191,189,173,123,120,123,127,173,176,173,168,165,125,121,117,117,121,170,181,194,202,202,191,173,125,125,168,170,170,173,178,178,113,108,112,125,170,170,173,173,173,173,178,183,189,189,176,170,173,181,189,194,194,194,196,196,199,199,198,199,202,202,191,108,127,194,199,194,183,176,176,181,189,191,196,196,199,196,186,176,170,166,166,173,173,129,127,170,173,170,127,123,122,125,131,131,131,129,126,127,173,178,178,173,131,129,127,127,173,181,183,176,110,105,112,125,129,129,170,181,191,196,196,199,202,207,207,207,196,181,176,181,186,181,168,119,119,157,157,155,150,99,65,91,163,186,194,202,202,178,101,101,105,101,103,183,181,105,89,160,165,160,157,165,178,189,196,191,178,165,160,123,165,163,120,113,117,119,123,173,173,163,119,119,121,125,168,170,121,112,113,125,170,170,170,178,181,170,160,163,168,165,165,176,181,178,173,166,165,166,173,178,176,168,168,183,189,176,117,115,123,125,115,112,117,170,178,183,181,173,166,168,176,181,178,176,173,168,165,165,168,170,176,183,181,168,168,189,196,196,191,186,183,183,181,163,108,105,111,170,181,178,176,178,178,183,186,183,176,173,178,186,189,181,160,111,111,119,173,194,189,165,119,113,119,121,119,160,170,173,165,160,163,163,117,0,0,2,45,79,83,91,115,163,165,121,111,107,109,113,113,113,119,168,178,178,170,170,173,170,111,101,115,204,194,115,99,101,115,181,189,183,181,181,176,129,125,127,173,173,170,125,123,125,173,186,189,176,121,115,119,168,181,176,94,78,82,168,189,196,202,204,204,199,194,191,191,186,178,176,173,121,116,120,181,183,176,168,168,170,176,181,183,173,170,176,181,176,170,127,123,120,118,121,181,191,189,181,168,121,118,117,121,170,186,196,196,191,178,125,121,121,127,170,170,129,170,125,118,117,119,129,176,186,191,186,183,186,191,196,194,189,183,176,131,131,183,186,178,170,129,127,129,170,129,127,170,178,176,129,125,125,173,186,194,194,191,191,191,186,170,121,120,123,123,170,181,186,127,99,115,170,170,119,113,115,123,173,170,110,107,113,123,122,121,123,129,176,173,115,108,113,121,123,123,123,125,173,186,202,212,217,217,215,209,199,186,129,123,125,170,170,170,176,178,173,125,122,123,173,189,202,199,186,170,169,173,173,129,125,122,122,122,121,121,129,176,131,128,129,173,178,186,194,196,196,196,196,199,196,196,199,199,202,204,207,207,194,129,100,101,119,129,178,189,194,196,199,202,196,183,176,173,170,127,125,127,170,170,170,173,176,170,131,176,186,194,194,191,183,131,127,127,131,173,173,173,173,178,189,194,194,194,194,191,191,183,173,129,123,111,104,113,183,207,207,127,100,99,121,125,99,113,123,93,87,97,125,127,117,119,186,196,191,178,129,170,176,181,183,183,183,183,181,178,178,178,181,183,186,189,196,204,209,209,215,217,222,215,202,191,191,196,194,191,191,196,196,196,196,199,199,196,194,194,196,202,207,207,209,209,212,207,202,199,199,189,129,115,121,173,181,191,199,199,196,192,192,194,194,191,191,196,199,199,191,183,181,181,177,176,178,178,132,133,183,186,181,178,183,183,181,135,135,133,131,131,135,181,183,181,186,191,194,194,196,196,194,191,194,196,196,196,196,194,199,204,202,189,137,137,183,186,186,191,196,196,194,191,191,189,183,137,186,191,178,121,125,131,131,125,127,133,176,178,178,129,123,121,125,173,173,121,125,173,181,183,186,189,189,186,186,191,199,199,199,199,196,194,194,194,194,196,199,199,196,189,185,186,196,202,207,204,191,127,122,133,196,204,204,204,204,204,207,212,215,215,209,207,204,202,199,199,196,196,202,196,189,183,181,181,181,183,181,181,178,176,133,131,131,176,135,131,133,183,189,196,199,199,196,196,199,202,204,204,207,207,209,209,209,209,209,209,207,207,207,209,207,209,212,209,207,204,204,207,207,207,207,209,209,212,215,217,220,220,217,217,222,222,217,212,209,209,215,217,215,215,217,222,222,215,207,202,196,199,202,199,196,191,186,183,176,131,129,127,127,125,123,121,121,121,119,119,117,117,117,117,121,123,163,163,160,160,121,119,117,117,117,117,117,117,115,115,117,119,157,157,157,157,160,160,163,170,173,173,173,176,173,173,170,168,165,165,160,117,113,115,115,115,115,115,117,117,119,119,123,168,170,168,165,168,170,169,169,173,176,178,176,176,176,176,181,183,186,186,189,194,194,191,190,194,207,212,194,177,178,183,194,199,199,199,199,202,199,194,194,199,202,199,196,194,189,183,181,181,186,196,199,194,186,178,135,135,135,135,178,183,186,189,189,191,191,189,189,189,191,196,196,191,189,191,194,196,196,196,194,190,191,196,202,204,199,194,189,178,129,127,133,183,186,183,183,189,191,189,186,186,186,191,199,204,202,199,194,191,186,183,189,191,191,189,189,194,194,196,194,196,199,204,204,199,196,196,196,199,199,196,194,196,194,191,191,191,191,189,191,194,191,186,183,181,137,133,130,131,178,189,196,202,204,199,191,186,181,133,125,121,121,123,129,135,133,129,126,126,129,181,191,196,196,196,196,196,196,194,191,189,191,191,189,186,183,183,183,183,181,179,182,186,189,191,189,183,183,186,186,183,183,186,189,189,191,191,186,183,183,189,191,189,189,186,183,183,178,131,133,181,183,186,189,191,191,189,186,183,183,183,183,181,178,181,183,186,186,183,133,126,126,133,186,191,191,186,186,189,196,199,196,191,189,186,181,137,137,181,183,189,194,196,196,194,191,191,194,194,191,183,181,186,199,204,202,194,191,186,137,135,136,189,196,199,196,196,194,189,189,191,196,199,196,191,189,189,194,196,196,194,191,189,189,186,183,182,182,186,186,186,186,186,186,186,186,189,191,189,189,189,186,183,189,194,194,186,183,178,130,133,183,186,183,186,186,189,189,186,186,189,191,191,191,189,191,191,191,194,196,196,194,191,191,194,189,181,181,181,183,189,191,191,189,189,186,178,173,173,181,196,202,199,191,191,191,189,183,181,133,130,133,194,202,196,186,189,189,189,186,183,135,132,134,183,194,196,189,185,189,194,199,202,202,196,199,204,207,202,199,199,196,189,183,183,183,189,194,202,207,209,202,191,190,191,199,202,204,207,204,196,191,189,191,189,183,178,178,135,131,133,183,191,194,194,191,191,189,183,176,125,115,109,117,176,194,202,199,196,196,196,191,189,189,194,199,202,202,196,194,196,199,199,194,189,183,182,182,183,183,183,181,137,135,137,189,194,191,139,134,134,135,135,134,189,209,220,215,207,202,202,194,187,187,191,199,209,209,202,186,139,191,207,215,220,217,209,207,204,202,202,209,0,225,228,228,217,209,207,212,217,225,225,225,222,222,225,228,228,225,217,217,215,209,202,199,199,207,212,217,222,225,225,222,217,215,212,209,207,202,199,199,196,195,194,196,199,202,204,202,199,196,194,191,189,183,178,181,194,202,199,183,168,0,173,189,199,202,204,204,202,199,194,189,183,181,181,186,196,207,215,215,212,212,215,217,225,228,233,235,235,233,230,230,233,238,238,238,235,235,235,235,233,228,225,222,215,209,207,204,204,207,207,0,0,0,0,0,0,0,0,0,228,228,222,215,215,209,209,212,217,222,215,209,207,207,207,199,194,189,186,189,191,194,204,215,225,228,230,235,243,248,251,251,251,251,251,255,255,255,254,251,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,178,173,168,163,0,155,157,157,155,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,0,0,4,69,108,121,113,30,15,17,38,53,69,87,87,69,33,23,19,13,0,0,0,0,0,0,0,0,0,19,43,118,134,144,160,170,170,168,160,155,152,150,150,113,115,115,115,117,119,123,123,121,123,127,168,168,129,129,129,129,170,170,129,125,116,114,117,115,114,117,127,178,186,196,204,209,212,204,186,173,168,121,117,125,178,189,186,178,173,168,123,117,119,170,176,186,189,189,191,196,196,191,176,178,191,115,65,103,125,168,170,189,204,202,202,204,204,196,122,118,125,178,183,183,181,170,121,123,170,176,170,168,173,181,173,117,118,123,112,107,113,115,119,125,176,196,204,207,207,207,204,204,207,207,209,207,204,199,191,186,186,189,186,176,121,117,127,178,178,176,181,186,191,194,196,191,181,127,119,117,121,123,170,189,181,123,127,170,129,127,129,178,181,181,176,170,123,114,114,176,194,183,172,178,181,181,178,173,125,121,121,129,181,186,191,196,196,196,191,178,127,121,123,173,189,196,194,191,189,186,189,186,183,186,186,181,173,170,170,170,173,170,125,123,119,116,118,123,127,178,196,199,199,196,194,194,194,191,186,176,170,170,127,121,118,119,168,186,194,194,178,121,118,120,127,176,183,183,178,173,168,123,118,121,168,178,183,189,196,202,202,196,178,165,125,125,125,165,181,199,165,109,110,119,165,168,170,176,173,173,176,181,186,186,178,173,173,178,183,189,194,196,199,199,202,199,199,199,199,194,186,173,183,199,202,196,186,181,181,189,189,181,181,186,191,189,178,127,168,170,173,176,173,127,129,173,176,170,123,121,122,127,170,173,173,173,170,129,131,176,176,173,131,129,129,173,178,183,183,183,129,113,117,127,173,173,173,181,194,202,202,199,202,207,209,212,204,189,173,170,173,170,163,157,157,160,157,157,155,101,53,47,99,178,186,186,178,105,75,101,147,155,186,209,170,43,38,91,109,152,157,165,170,173,173,173,168,165,168,170,176,176,173,163,165,123,123,170,168,119,119,119,121,123,168,170,125,115,115,125,168,170,170,176,181,176,168,164,164,164,168,173,173,173,173,173,170,168,168,168,164,164,170,189,191,178,119,117,125,125,117,119,123,165,173,181,183,173,166,170,181,186,181,176,170,165,125,125,123,119,123,170,168,166,181,199,204,202,194,189,186,183,178,121,108,107,157,181,183,173,163,163,160,168,173,170,168,178,194,202,204,196,168,113,113,163,178,189,186,170,117,109,117,121,117,121,170,176,168,168,178,183,176,7,5,25,121,204,202,194,194,194,186,170,105,97,99,107,111,113,119,168,178,178,168,168,176,170,109,99,108,178,165,108,102,168,194,207,209,204,199,194,186,170,173,178,178,173,129,127,129,170,183,194,191,173,117,114,119,178,186,183,173,97,95,186,194,202,202,207,209,204,194,186,189,186,181,176,170,121,118,125,186,189,186,176,170,168,170,178,181,178,176,176,176,173,176,176,168,127,118,119,170,183,181,168,121,119,118,118,121,168,178,186,186,181,173,125,123,127,173,173,125,119,121,119,117,119,127,176,181,191,196,194,191,194,202,204,204,199,189,181,178,178,186,189,181,178,178,173,170,173,170,170,173,178,170,123,119,123,173,183,191,189,189,191,191,186,170,121,120,121,125,170,178,186,189,181,178,178,178,123,112,113,123,176,176,108,106,113,125,122,121,123,129,176,176,125,119,125,123,121,123,121,121,125,178,194,204,209,209,204,196,181,129,125,125,127,129,170,127,170,178,176,127,121,122,129,186,202,204,189,170,168,170,176,173,129,127,125,123,122,122,123,125,129,129,131,173,181,186,196,202,204,204,204,202,199,199,202,204,202,202,204,194,129,101,95,99,119,129,181,199,202,202,202,202,196,186,176,173,170,129,127,127,129,129,129,173,170,128,129,176,186,191,189,183,178,129,126,127,173,176,176,176,178,181,183,183,186,186,189,189,186,183,181,181,173,105,96,100,176,202,199,183,115,107,129,183,181,186,168,99,96,121,125,115,106,106,173,189,191,183,173,127,129,178,194,191,186,183,181,178,178,181,186,189,186,186,194,202,209,212,215,217,220,215,199,189,191,196,196,194,194,196,199,199,199,202,202,199,196,196,199,204,207,207,209,204,204,204,196,194,196,199,202,178,129,178,191,196,199,199,196,194,192,194,191,186,189,191,194,191,186,183,186,189,186,183,178,133,131,132,183,186,183,178,133,133,133,131,131,131,131,130,131,135,137,181,183,194,199,202,202,202,204,202,199,199,196,194,191,189,191,199,194,135,121,125,137,139,181,186,191,196,196,196,196,202,202,199,202,202,196,183,133,135,133,127,130,178,176,129,123,119,119,119,117,117,101,30,103,123,181,189,186,186,186,189,191,202,207,207,202,199,199,196,194,191,191,196,196,194,191,189,186,194,202,204,207,202,183,119,116,125,194,207,207,207,207,207,204,207,209,209,204,199,199,199,199,196,194,194,199,202,194,189,183,181,181,181,178,178,178,176,133,131,131,133,133,129,130,133,137,186,196,199,196,196,202,204,207,207,207,207,209,209,208,208,209,209,209,207,207,207,209,212,217,217,209,207,204,204,203,204,207,209,212,215,215,217,222,222,222,225,225,225,222,215,212,212,212,215,217,217,217,222,217,212,204,199,196,196,196,196,191,183,181,178,176,131,129,129,127,125,125,123,121,119,119,117,117,117,116,119,121,163,163,163,123,160,160,121,121,121,121,119,119,117,117,117,117,119,119,157,157,157,160,163,165,173,176,176,173,173,168,163,160,121,160,160,119,115,112,113,115,114,113,114,117,119,121,121,163,170,173,168,165,168,170,170,170,173,176,173,173,176,178,181,186,189,189,189,191,196,191,189,189,194,212,215,196,177,177,183,196,202,202,202,202,204,204,199,199,207,207,199,194,191,181,178,177,178,183,196,202,199,194,183,135,135,178,181,186,186,186,186,191,194,196,196,194,191,194,199,202,196,191,191,196,196,196,196,196,194,194,199,202,202,202,196,191,183,135,133,181,186,186,189,191,194,189,183,182,183,186,191,196,199,202,199,194,189,183,183,183,186,186,186,189,194,199,199,196,196,199,202,199,194,194,191,191,194,194,194,196,202,196,194,191,191,189,189,189,191,191,189,186,186,183,137,135,133,181,186,194,199,199,194,186,178,135,133,127,122,121,122,129,178,181,133,127,127,133,183,191,196,196,199,202,199,196,196,194,194,194,194,191,191,189,186,186,183,181,179,181,183,189,189,186,182,183,186,189,186,186,186,186,186,183,186,186,185,185,191,194,191,191,186,186,189,189,183,181,183,186,189,191,194,194,189,186,183,181,181,178,177,177,178,183,186,186,183,135,128,128,178,191,194,191,186,183,186,194,199,196,194,191,186,183,181,183,183,183,183,189,194,199,202,199,199,199,199,196,189,186,191,202,204,199,194,191,189,181,134,135,186,199,202,196,196,199,196,196,196,199,202,202,196,191,191,194,196,196,196,194,194,194,191,183,179,181,186,191,191,191,189,186,185,185,189,189,189,187,189,189,186,189,194,191,186,181,131,127,128,135,181,178,178,181,181,181,179,179,181,186,186,183,183,186,191,194,196,196,199,199,199,196,196,191,186,179,178,181,186,189,189,191,191,191,183,176,174,181,194,199,196,186,183,183,183,183,181,135,131,133,191,202,194,186,186,186,183,181,137,134,132,135,186,196,199,196,191,194,199,202,204,202,194,191,199,204,204,204,204,199,191,183,181,137,181,189,196,202,204,202,194,190,191,196,199,202,204,202,196,194,196,196,196,191,189,189,181,133,127,131,181,189,191,189,191,191,186,133,123,113,109,113,125,186,196,202,204,207,209,204,196,194,194,199,202,199,194,194,196,199,202,199,194,189,186,183,183,183,183,139,137,135,134,137,186,186,139,134,134,135,135,134,186,209,222,220,209,207,204,194,189,190,194,199,204,204,194,189,189,199,209,215,217,215,204,202,200,199,200,209,222,228,230,230,225,215,209,212,217,225,225,225,222,222,225,228,230,228,222,217,215,209,202,196,196,199,207,215,217,222,225,222,217,215,212,212,207,204,202,202,199,196,195,196,199,202,204,202,199,194,191,191,189,178,172,173,183,194,194,186,176,0,178,189,199,204,204,202,199,196,191,189,183,183,183,189,199,209,215,217,215,212,215,217,222,230,235,238,238,233,230,230,233,238,241,241,238,238,238,238,235,230,228,225,222,215,209,204,204,207,209,0,0,0,0,0,0,0,0,0,230,230,225,225,222,215,212,212,217,217,212,207,207,209,209,204,194,186,181,183,189,194,202,0,222,0,230,238,0,0,251,0,251,254,254,255,255,255,251,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,183,178,176,173,0,0,0,155,155,152,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,59,95,131,137,77,35,35,43,53,64,82,69,64,48,27,19,7,0,0,0,0,0,0,0,0,9,27,67,131,144,152,163,170,176,176,173,168,160,152,113,113,113,115,115,115,115,115,115,117,119,121,121,118,117,119,121,121,123,129,176,173,123,123,129,123,114,114,123,178,194,204,204,204,209,204,194,181,168,117,116,127,183,194,194,181,173,127,119,117,115,123,170,183,186,186,189,196,199,189,168,168,196,191,98,104,115,119,123,178,186,189,194,199,196,178,119,118,168,186,189,181,173,125,119,121,168,173,173,173,189,191,173,118,117,119,119,111,111,113,119,165,176,189,199,204,204,202,199,199,202,202,202,196,196,196,194,191,189,191,189,170,115,111,115,115,117,119,121,173,191,194,183,173,170,123,117,116,117,121,170,186,178,127,129,173,170,127,129,178,183,183,178,127,121,116,116,129,183,181,173,183,183,183,181,170,117,113,115,123,178,189,194,196,202,202,194,176,127,123,125,178,194,196,194,194,191,191,194,196,199,199,196,191,189,178,178,178,170,127,123,125,125,117,119,123,123,173,186,194,196,194,191,191,194,191,183,173,170,129,125,119,117,119,129,183,191,194,183,125,118,119,127,176,189,191,189,178,125,119,121,125,173,181,183,186,191,196,202,202,194,181,168,165,125,125,178,189,183,115,111,117,170,168,165,170,168,125,170,178,181,181,173,127,170,176,181,186,189,191,196,199,202,202,202,204,196,189,186,181,186,196,196,191,181,173,176,181,181,173,176,181,181,176,170,123,125,173,178,176,173,168,127,129,129,127,123,121,122,127,170,170,173,178,178,173,129,127,129,170,176,176,173,176,178,181,181,186,189,181,170,129,173,176,176,181,194,202,204,202,202,204,207,209,207,196,176,163,161,163,163,163,165,157,155,157,165,150,59,26,38,63,83,75,51,17,51,142,147,157,186,207,160,43,37,35,69,152,163,163,163,163,161,161,165,168,173,173,173,170,173,178,173,165,165,165,123,118,118,119,119,123,170,168,165,123,121,123,125,165,168,176,183,181,170,165,164,165,170,170,127,168,178,186,183,173,166,164,163,165,178,191,191,178,127,170,170,123,117,125,173,168,168,176,181,176,168,173,176,176,170,170,168,165,123,121,121,115,111,173,168,166,183,202,209,202,196,194,186,186,178,163,111,111,160,176,173,117,71,75,75,109,155,113,160,181,196,202,202,196,168,163,163,170,173,176,165,115,110,111,115,115,111,121,173,181,176,170,178,191,191,55,97,186,207,209,207,204,199,196,196,189,105,94,94,111,117,121,121,163,173,181,168,165,178,170,115,106,113,125,119,111,168,194,204,209,212,212,209,207,202,196,191,189,183,176,129,127,129,173,183,189,181,127,119,119,123,173,183,176,168,123,105,109,194,196,202,209,217,212,196,189,186,186,183,173,165,121,121,170,178,183,181,178,173,168,127,168,173,176,176,173,173,173,178,181,186,183,127,123,168,176,173,125,121,121,118,118,123,170,176,176,168,166,168,170,170,176,183,181,129,118,117,119,125,131,176,181,186,191,194,191,186,189,202,209,209,207,194,194,191,183,183,186,178,173,178,181,176,176,176,173,129,127,123,119,114,115,125,176,183,186,181,183,189,186,170,123,121,123,129,176,186,194,199,199,196,194,191,181,116,114,127,183,178,109,110,121,125,123,122,125,170,170,173,181,191,181,123,118,119,121,121,123,170,183,194,199,196,191,176,123,120,123,129,129,129,127,127,170,176,181,178,127,124,127,176,189,196,191,176,168,169,176,181,181,173,127,127,173,173,129,125,129,173,176,178,181,189,199,204,207,209,207,204,202,199,204,207,202,199,196,178,115,100,99,105,115,129,186,199,202,199,194,191,189,178,173,129,127,127,127,127,129,170,170,129,127,127,129,178,189,194,191,186,178,131,127,173,183,183,178,173,173,178,181,178,176,181,183,183,183,183,186,191,194,178,97,86,102,191,191,173,123,123,173,191,204,202,186,178,178,176,127,121,113,106,114,173,183,181,170,121,121,173,186,186,186,183,181,176,173,178,189,194,194,191,194,202,209,212,215,215,215,207,194,189,191,196,199,196,199,199,202,204,207,207,204,202,199,199,202,204,207,207,207,207,202,196,191,189,189,199,207,196,176,181,191,199,199,194,196,199,199,199,191,183,178,181,178,129,125,176,189,196,191,183,176,133,133,133,178,186,186,181,133,131,131,130,130,131,133,133,135,137,135,135,139,194,204,207,207,207,207,204,202,196,194,189,186,183,183,189,186,121,107,110,133,135,134,134,137,186,189,194,202,207,212,212,209,207,204,199,191,183,178,181,186,183,176,129,119,118,123,173,131,109,35,13,23,103,191,194,189,189,191,194,196,202,207,212,209,207,199,194,186,133,129,181,186,183,178,183,191,199,207,209,207,202,186,122,119,137,199,207,207,212,212,209,202,202,202,202,196,194,191,194,196,194,191,194,199,202,196,189,183,178,178,177,177,178,178,178,178,176,133,133,131,130,130,131,133,181,191,196,196,199,204,207,209,209,207,207,209,209,209,209,212,215,215,209,207,209,212,217,222,220,212,209,207,204,203,203,207,209,212,212,212,215,220,225,225,228,228,225,222,217,217,215,215,217,217,217,220,217,212,204,199,194,191,191,191,189,186,181,178,178,178,176,131,129,127,127,125,123,119,117,116,116,116,116,116,117,119,121,121,121,121,123,163,165,165,165,163,160,119,117,117,119,119,119,119,119,119,121,160,165,170,173,176,176,173,168,160,118,118,121,163,163,121,117,115,117,117,115,115,115,117,121,121,121,123,168,173,170,170,173,173,173,178,181,178,170,129,173,176,183,186,189,189,189,191,191,190,189,190,199,212,212,196,181,183,194,204,207,204,204,207,207,207,209,209,207,204,202,196,186,179,178,177,178,183,194,199,199,196,191,183,178,181,186,189,186,183,186,191,196,199,196,194,191,194,199,202,196,191,191,196,196,194,194,196,196,196,196,196,199,196,194,191,189,186,186,186,186,189,191,196,194,189,182,182,183,189,191,194,199,202,202,194,189,186,183,183,183,186,186,189,191,199,199,199,199,199,196,194,191,190,189,190,194,196,194,194,199,196,191,189,191,191,191,189,189,189,189,189,191,191,186,183,186,189,189,189,189,186,178,133,127,129,133,133,127,123,125,133,181,181,135,133,133,135,178,183,191,196,204,204,199,196,196,196,196,196,196,196,196,194,189,186,186,186,183,182,186,189,191,186,183,186,189,194,194,191,189,183,181,178,181,186,186,189,191,191,191,189,191,194,194,191,191,189,186,186,186,189,191,191,189,186,183,183,181,178,176,177,183,191,194,189,186,181,178,178,186,194,199,194,186,185,186,191,194,194,196,194,189,183,183,183,186,186,186,186,194,199,199,199,202,202,202,196,189,183,191,199,202,199,194,194,194,186,137,137,189,196,199,195,196,199,202,202,202,202,204,204,202,196,191,191,196,199,199,199,199,196,196,186,179,179,186,194,194,194,194,189,185,186,191,191,189,187,187,191,194,194,191,191,189,186,135,129,130,178,181,181,178,178,181,181,181,181,183,186,183,181,179,182,191,196,196,196,196,199,199,199,199,196,191,183,183,183,186,191,194,196,196,199,194,189,186,191,199,199,191,183,178,135,178,183,183,181,133,135,183,194,196,191,183,137,181,181,135,134,137,186,194,199,199,199,199,199,202,204,202,196,186,182,186,196,204,204,202,196,194,186,181,134,135,189,189,191,199,204,202,199,196,196,196,199,202,199,199,199,199,199,196,196,202,199,191,135,123,121,124,176,183,186,189,194,189,178,127,121,113,99,90,99,183,199,204,209,212,209,204,199,194,194,196,194,194,196,196,194,194,196,199,199,196,194,189,183,186,189,183,135,129,126,135,186,186,139,135,135,137,183,199,212,215,209,209,207,204,194,196,196,196,199,202,199,196,194,199,204,207,212,215,212,204,200,200,202,207,212,222,228,230,230,228,217,212,212,217,225,228,228,225,222,222,225,228,228,222,217,212,207,202,194,192,194,204,212,217,222,222,225,222,217,217,215,212,209,209,207,204,199,195,195,199,202,202,202,202,196,191,189,189,178,0,0,176,186,189,186,181,176,178,186,199,204,204,202,196,194,189,186,186,186,189,191,199,209,217,217,215,212,212,212,217,228,235,241,241,235,228,230,233,241,243,243,243,243,243,241,238,233,230,228,225,217,209,204,204,207,209,0,0,0,0,0,0,0,0,0,233,233,230,230,228,222,215,215,215,215,207,204,207,212,209,207,196,183,173,173,181,191,202,0,0,0,0,0,0,0,0,0,0,0,254,255,255,254,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,183,178,176,176,168,160,155,0,0,152,152 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,56,137,163,142,77,56,53,53,51,56,21,23,23,15,7,0,0,0,0,0,0,0,0,0,7,29,105,142,150,157,165,173,173,173,176,176,173,163,152,113,113,115,117,117,117,115,115,117,119,119,119,119,121,123,127,127,127,176,186,186,176,173,176,127,115,114,123,186,204,209,207,207,207,202,191,181,127,115,114,125,181,191,191,178,170,125,119,113,111,119,165,181,186,186,191,196,199,189,113,111,189,199,125,103,108,113,119,168,176,178,186,189,183,165,118,118,165,181,178,168,125,121,117,119,125,170,173,181,191,189,168,118,117,119,119,115,115,117,121,123,170,181,191,196,199,196,194,191,194,196,194,194,194,196,196,191,189,191,191,127,107,107,115,115,113,113,117,127,189,194,181,170,129,123,116,117,123,127,170,173,170,129,170,178,176,128,129,178,183,183,178,129,121,117,118,125,178,181,181,186,181,178,176,129,117,115,118,125,176,186,194,196,199,199,191,173,121,117,121,181,196,199,196,196,196,196,196,202,204,204,202,196,191,186,189,183,127,119,115,115,170,173,168,123,119,123,170,181,186,186,186,189,189,181,170,125,125,125,123,119,119,121,129,183,191,189,181,168,120,120,125,176,186,191,189,181,125,117,119,165,176,183,183,181,186,191,196,199,194,191,181,173,170,165,170,186,186,123,113,117,170,165,125,125,119,109,115,170,176,173,123,123,173,178,178,181,183,189,194,196,199,202,207,207,199,191,183,173,176,178,178,178,176,168,125,168,173,173,176,178,178,170,125,123,168,176,176,173,168,127,123,123,125,123,123,125,127,170,129,127,129,176,181,178,170,125,123,127,173,181,183,181,176,176,178,186,194,191,181,173,173,178,181,183,191,196,199,202,204,207,207,204,202,196,181,163,159,159,163,170,168,156,152,160,178,178,107,18,30,53,53,0,0,0,35,79,103,147,163,173,105,59,49,53,89,155,160,157,160,165,165,165,170,173,170,165,123,123,165,181,178,168,163,123,119,119,119,119,118,119,123,123,121,123,123,123,125,168,173,181,186,183,173,165,165,170,170,125,122,125,183,194,191,176,168,170,170,173,181,189,189,176,168,168,168,125,125,181,191,186,176,178,181,176,170,170,170,168,125,125,165,125,121,120,121,115,114,186,176,168,178,196,207,204,202,196,189,189,181,168,160,157,160,163,163,109,69,13,11,59,19,0,23,95,163,186,181,173,157,163,170,173,168,160,117,113,112,113,115,109,107,117,168,178,170,163,170,189,189,95,117,196,212,215,209,204,196,195,202,207,113,97,97,117,163,168,165,121,121,165,123,163,176,170,121,119,165,165,121,123,186,196,202,204,204,207,209,212,212,207,204,199,191,181,129,127,127,129,173,176,170,168,127,127,127,173,127,105,101,97,70,68,165,183,194,204,215,215,204,191,186,186,183,170,123,119,118,123,125,168,173,176,170,127,125,168,170,176,178,178,176,176,178,181,189,186,173,127,170,176,170,168,125,121,119,121,127,176,181,176,168,166,173,181,183,189,191,186,170,119,118,125,176,181,181,183,189,189,189,183,179,181,194,204,207,204,202,204,199,191,189,183,131,126,131,178,176,173,170,129,125,123,123,121,114,111,113,125,178,183,181,181,186,183,178,173,173,170,173,181,194,202,204,204,204,202,199,189,127,121,176,183,173,115,119,168,170,168,127,129,170,129,129,176,189,183,125,118,118,119,123,129,173,178,183,186,186,178,127,119,118,123,173,176,129,125,124,127,176,186,189,178,173,129,129,176,183,186,181,173,170,173,183,191,181,127,127,186,194,181,170,178,181,178,178,178,186,196,204,207,209,207,207,204,199,199,207,199,189,181,125,119,115,117,113,113,123,183,196,196,194,191,186,181,173,127,125,124,125,129,127,129,173,176,131,127,127,173,189,196,196,196,194,189,181,178,186,189,181,173,127,127,176,181,178,178,176,173,173,176,183,189,194,202,199,176,111,121,183,186,181,176,173,178,191,199,191,186,189,189,178,170,168,127,115,114,125,173,173,127,119,118,127,173,176,183,186,183,178,172,176,191,199,199,196,199,204,209,215,215,212,209,202,191,189,196,199,199,199,199,202,204,207,209,209,207,204,202,204,204,204,204,204,204,207,202,196,189,181,181,194,199,196,189,191,196,196,196,194,196,202,204,202,191,181,173,129,125,115,114,125,186,194,189,181,178,176,133,132,176,181,186,183,178,135,131,130,130,133,137,183,186,186,186,183,189,199,204,207,207,207,209,207,202,196,189,183,182,183,183,186,189,137,118,118,135,137,135,135,139,183,183,186,202,212,217,217,212,209,207,204,196,186,183,189,194,189,181,176,127,127,173,183,183,131,105,69,17,31,109,186,194,194,196,194,191,196,204,212,215,209,202,191,178,123,121,123,127,127,127,133,189,202,209,212,209,204,196,181,137,194,202,204,207,215,215,209,202,199,199,194,189,187,189,191,191,190,190,194,202,202,199,191,186,183,178,177,178,178,181,183,183,181,178,133,131,131,133,133,135,181,189,196,202,204,204,207,209,209,209,209,212,212,212,212,215,217,217,212,207,209,212,217,222,220,212,209,207,204,204,204,207,209,209,209,209,212,217,222,225,228,225,222,222,222,222,217,217,217,217,217,217,215,209,202,196,191,189,189,186,186,181,178,133,133,176,176,131,129,127,127,125,123,121,117,117,116,116,116,117,117,117,119,119,119,119,121,165,170,170,170,168,163,121,119,119,121,121,121,119,119,119,121,160,165,170,173,173,173,170,165,119,117,118,160,168,170,168,163,160,123,123,121,119,119,121,123,163,123,125,170,173,176,176,176,176,173,178,181,178,129,127,128,131,181,186,186,183,186,189,191,191,191,194,204,212,209,194,183,191,202,209,209,207,207,204,204,209,212,209,204,202,196,191,186,183,183,183,186,191,194,196,196,196,194,189,183,181,186,186,186,183,186,191,196,199,199,196,194,196,202,204,202,196,196,196,196,194,194,196,194,194,194,194,196,196,194,191,191,191,191,189,189,191,194,196,191,183,182,182,186,189,189,191,199,204,204,199,191,186,183,182,182,186,189,189,191,196,199,199,199,199,194,191,190,190,189,190,196,196,191,191,194,191,186,183,186,191,194,189,186,186,186,189,194,196,191,189,191,196,194,189,183,181,133,126,124,125,129,135,135,135,133,178,181,178,135,133,178,181,183,183,189,196,204,202,196,196,196,199,199,199,196,196,196,194,189,186,189,191,189,189,189,191,191,189,186,189,194,196,196,194,189,182,179,178,182,189,191,191,191,191,189,189,191,194,194,191,194,191,189,186,183,183,183,181,181,181,181,183,183,178,176,178,189,196,199,191,189,186,189,191,194,196,196,191,186,186,186,185,185,189,194,196,191,186,189,191,191,189,189,191,194,194,194,194,199,199,194,189,179,178,183,194,199,196,194,194,196,191,189,186,191,196,196,196,199,204,207,204,204,204,204,204,204,202,194,191,194,196,199,202,199,199,199,194,183,182,189,194,191,191,194,191,186,189,194,194,189,186,187,194,196,196,194,194,194,196,189,178,178,181,181,181,178,178,181,186,189,191,191,189,186,183,182,186,194,199,196,194,191,194,196,199,199,199,196,194,191,194,194,196,196,196,199,199,202,199,199,199,199,191,183,178,135,133,178,183,186,181,178,178,183,191,194,189,178,136,136,137,135,135,186,194,199,202,202,199,199,196,196,199,196,191,183,179,181,189,199,202,196,194,191,186,183,135,135,186,186,183,194,202,204,202,199,196,196,199,202,199,199,199,202,202,199,199,204,207,199,183,124,120,122,127,133,181,186,191,191,183,133,127,121,93,88,92,181,196,199,202,207,212,207,202,194,189,186,189,191,194,189,186,186,194,202,204,204,199,196,191,194,194,186,135,129,127,137,189,189,186,139,139,186,194,209,217,215,209,209,209,207,204,207,204,202,202,202,199,199,202,204,207,207,209,215,215,212,207,207,207,212,217,225,225,225,228,228,222,217,215,222,228,230,228,225,222,222,222,225,225,225,217,212,207,202,194,191,192,202,209,215,217,222,225,225,222,217,215,212,212,215,212,209,202,196,196,199,199,199,202,202,196,191,189,186,178,169,0,176,186,189,186,183,176,173,181,196,204,207,202,196,191,186,183,183,186,189,191,199,209,215,217,215,212,211,211,212,222,233,241,241,235,228,228,233,238,243,246,246,246,246,246,241,238,233,230,225,217,209,207,207,207,209,0,0,0,0,0,0,0,0,0,233,233,233,230,228,225,217,212,212,209,204,204,207,209,209,207,199,181,165,0,165,183,199,0,0,0,0,0,0,0,0,0,0,0,251,254,254,254,251,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,178,176,176,173,165,157,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,51,142,178,176,105,69,59,48,23,5,0,0,0,1,0,0,7,15,17,15,23,11,0,0,13,33,116,147,155,165,176,178,176,173,176,183,183,173,160,113,113,117,121,123,121,119,119,121,123,125,127,170,176,178,181,181,181,186,196,196,189,183,181,129,115,114,125,189,207,215,209,207,204,194,181,173,123,115,114,119,168,181,181,170,168,168,123,111,110,119,168,183,189,191,194,199,202,189,107,103,170,199,196,104,108,115,121,165,170,173,176,173,173,168,122,123,168,173,165,121,119,117,116,117,123,165,170,178,181,176,168,121,119,119,123,123,125,165,125,123,165,176,186,191,194,191,189,186,189,191,191,194,196,196,194,189,186,191,194,125,106,106,117,119,115,117,123,129,183,186,178,170,129,123,116,123,173,178,176,173,170,170,173,178,178,170,170,178,178,181,176,127,118,117,119,123,173,183,183,181,170,129,170,129,123,123,127,168,176,186,194,196,194,189,183,168,111,105,115,178,196,199,196,196,199,199,199,202,202,202,202,199,194,189,194,189,123,111,103,109,123,168,127,121,113,111,113,119,168,173,178,181,181,173,123,121,122,123,121,121,123,125,127,181,186,183,176,168,127,123,123,168,178,181,178,170,121,117,119,125,173,181,181,178,181,186,191,191,191,196,194,186,178,165,125,186,189,173,121,117,123,121,121,123,113,106,111,168,173,125,107,111,170,183,181,181,186,191,191,194,196,202,207,204,199,191,178,119,119,121,123,173,178,168,119,109,168,178,183,181,178,168,125,125,170,176,170,168,127,125,121,119,119,121,121,129,178,178,129,123,125,170,176,181,178,129,120,120,127,181,191,189,176,170,173,178,189,191,181,173,176,178,183,186,191,194,196,202,209,209,204,199,194,191,186,170,159,159,165,173,168,156,156,170,191,199,194,67,39,43,0,0,0,0,0,59,93,105,105,95,65,61,91,150,168,170,160,156,165,178,178,176,173,170,165,160,121,122,163,176,173,163,117,117,123,163,163,123,119,118,119,119,117,117,121,123,165,176,183,186,189,183,176,165,168,173,170,124,121,125,186,199,189,125,123,173,176,173,176,181,181,173,127,125,125,127,178,196,207,202,191,189,183,178,170,165,165,125,123,123,123,123,123,123,125,117,113,181,173,168,173,186,199,204,207,202,194,189,181,165,163,163,119,117,157,117,83,0,0,0,0,0,0,25,79,152,152,111,109,157,170,170,160,115,115,117,119,157,119,111,106,108,117,163,160,115,121,178,183,93,101,168,196,209,209,204,195,196,207,207,107,99,103,160,176,181,176,123,115,115,117,123,170,125,123,173,178,168,123,173,191,196,199,198,196,198,204,212,215,212,209,207,199,186,170,126,127,129,168,166,166,170,173,173,170,168,103,87,89,85,61,60,107,119,168,189,207,215,207,196,186,178,170,125,121,119,118,119,119,123,170,173,168,125,125,170,173,178,186,183,178,173,170,173,183,183,176,173,176,176,176,176,176,127,125,125,170,178,183,178,173,176,181,189,196,196,189,181,129,119,121,173,186,189,186,189,191,191,191,183,179,181,189,199,199,199,204,207,204,199,191,178,129,127,173,178,176,129,127,127,127,127,129,129,119,112,112,121,173,181,178,178,181,178,178,181,186,176,173,181,196,204,204,204,204,204,199,186,173,170,181,183,170,125,168,173,176,173,170,170,170,129,128,129,178,176,125,119,118,121,127,173,176,176,173,176,178,173,127,120,118,123,181,189,178,127,125,170,178,183,186,176,173,170,129,170,181,189,186,176,129,129,178,186,178,127,170,191,199,186,178,189,189,181,176,178,183,194,199,204,204,199,202,204,199,202,204,186,119,109,109,121,170,173,123,113,111,125,178,183,189,194,189,183,173,125,123,122,127,170,129,131,176,178,173,129,131,181,199,207,204,199,199,199,194,191,194,181,125,125,124,125,178,186,189,186,178,127,123,129,183,191,199,207,207,196,178,173,181,191,194,191,183,176,173,127,109,168,186,186,176,170,173,173,170,127,173,176,173,127,119,118,123,127,129,178,189,189,181,173,178,189,199,202,199,196,202,209,215,215,209,202,196,189,189,196,199,196,196,199,202,207,209,212,209,204,204,207,209,209,207,207,204,207,207,207,202,191,173,173,189,194,189,186,196,199,196,196,194,194,199,204,199,189,178,173,131,123,114,112,117,133,183,183,181,181,181,176,132,132,133,178,178,181,181,178,135,135,181,189,194,196,202,204,202,199,202,207,207,207,209,212,212,209,202,191,186,183,183,186,191,194,199,199,186,183,183,183,186,191,191,183,182,199,209,215,217,215,209,207,202,196,189,186,194,196,196,189,183,178,181,186,189,189,191,189,183,19,18,21,65,121,181,189,189,183,186,199,209,212,207,199,189,133,123,120,119,121,123,125,129,189,202,212,215,207,202,202,196,199,202,202,199,204,212,215,207,202,202,199,194,187,186,189,191,190,190,190,194,202,204,199,194,194,189,181,178,181,183,186,189,189,189,186,181,135,135,181,183,183,186,191,199,207,209,207,207,207,209,209,212,215,215,215,212,215,222,217,212,209,209,215,217,222,217,212,207,207,207,207,207,207,209,212,212,212,215,217,222,222,225,225,222,222,222,222,222,222,220,217,217,215,212,209,202,196,191,186,183,183,181,178,133,132,132,173,173,131,129,129,127,127,125,123,121,121,119,119,119,119,119,121,121,121,123,121,123,165,173,176,173,168,163,160,160,121,121,121,119,119,119,160,163,163,165,168,170,170,170,168,163,121,119,121,165,173,176,176,170,168,168,168,165,163,123,163,165,168,168,168,173,178,181,181,178,176,173,176,178,178,129,126,126,129,178,186,183,182,182,186,191,194,194,199,207,212,207,194,186,196,207,212,209,207,204,204,204,207,209,204,199,194,191,186,183,189,189,191,194,196,196,194,194,194,191,186,181,181,183,186,183,183,186,189,194,199,199,199,199,202,204,207,204,202,202,196,194,194,194,194,191,189,189,194,196,196,194,194,194,194,194,191,191,194,196,194,189,183,182,183,186,186,186,189,196,204,207,204,199,191,183,181,182,186,189,191,194,199,202,199,199,194,191,191,191,191,191,194,199,199,194,191,191,186,137,136,181,189,194,189,186,185,185,189,196,202,199,196,196,196,189,183,181,181,135,127,124,124,127,135,183,186,186,183,181,178,135,178,186,191,194,191,194,196,199,196,191,194,196,199,202,199,196,194,194,191,186,185,186,191,191,191,191,194,194,191,189,189,191,196,196,196,191,186,183,183,189,191,189,186,189,191,191,189,189,191,189,189,191,191,191,189,183,178,131,129,131,133,176,183,183,181,178,181,194,202,202,194,189,191,196,199,202,196,194,189,189,189,186,183,182,186,196,199,194,194,196,199,196,191,191,194,194,194,194,196,196,194,186,181,177,177,181,194,196,196,194,194,196,194,191,189,191,191,191,196,202,207,207,207,204,204,204,204,204,204,196,191,194,196,199,202,199,199,199,199,194,189,191,189,186,186,191,191,189,191,196,194,189,186,187,194,199,199,199,196,196,199,194,186,183,183,181,181,178,178,183,189,194,196,196,189,189,189,189,191,194,196,196,194,191,191,191,194,196,199,199,196,196,199,202,202,199,199,196,196,202,204,202,199,191,183,178,135,133,131,133,178,183,186,186,189,194,196,196,189,178,135,136,181,181,183,194,199,202,199,199,199,196,194,191,194,194,191,186,182,182,189,196,196,194,191,189,189,189,139,135,135,139,139,189,199,204,202,199,199,199,202,202,202,199,199,202,204,202,202,204,207,204,191,135,125,125,129,135,181,181,186,194,189,178,133,129,97,88,92,186,196,196,199,204,209,207,199,189,183,182,182,186,189,183,179,181,189,199,202,202,202,199,194,191,189,139,137,134,133,139,183,139,139,183,189,196,207,217,225,220,215,212,212,212,212,212,207,202,204,204,202,199,202,207,209,209,212,217,222,217,215,212,212,217,222,225,222,222,225,228,225,222,220,225,228,230,228,228,225,225,222,225,225,225,222,215,212,207,199,192,192,199,207,209,215,217,222,222,222,217,215,212,215,217,217,215,207,202,199,199,199,196,199,199,196,189,186,186,178,170,0,178,189,191,189,183,173,168,0,194,207,209,204,199,191,183,181,181,183,189,191,199,207,215,215,215,212,212,211,212,222,230,241,241,235,228,225,228,235,243,246,246,246,246,246,243,238,233,230,222,215,209,209,209,209,209,0,0,0,0,0,0,0,0,0,235,235,233,230,228,225,217,212,207,204,202,202,204,204,207,207,199,183,160,147,0,170,191,0,0,0,0,0,0,0,0,0,0,0,246,251,254,254,254,254,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,0,0,0,0,0,0,0,0,196,183,176,173,173,170,163,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,74,152,189,189,118,74,59,46,19,0,0,0,0,0,0,0,15,27,41,124,163,131,49,45,49,55,116,142,152,165,181,183,178,176,178,186,189,181,170,155,117,119,121,123,123,123,125,170,176,178,181,186,191,194,196,194,194,196,202,199,194,191,194,178,119,116,123,178,199,209,209,204,196,178,127,125,121,118,117,118,123,170,173,168,168,173,170,115,111,125,173,186,191,191,191,196,199,189,108,102,113,189,189,115,117,123,165,170,170,165,125,125,173,181,181,178,178,170,123,119,119,119,119,117,119,123,168,176,176,173,173,168,123,121,121,168,170,168,165,165,168,176,183,189,191,189,183,183,186,189,191,196,199,196,194,186,186,191,194,176,109,106,113,121,125,170,173,173,181,183,176,173,173,127,119,127,183,189,186,183,181,176,176,178,181,176,173,176,176,176,176,127,117,119,129,127,173,183,181,170,126,126,129,170,170,170,173,170,170,181,189,189,178,168,125,111,95,94,107,173,191,196,196,196,199,202,199,199,199,202,199,196,194,191,194,189,170,109,69,111,91,89,113,113,105,100,99,101,109,123,170,173,173,170,125,122,123,123,120,121,125,125,124,173,181,176,127,127,168,168,125,165,170,170,165,119,114,115,123,125,165,170,170,173,181,183,186,186,189,196,202,196,176,114,121,176,186,181,165,109,109,113,119,165,121,111,121,178,176,119,87,82,107,176,181,181,186,189,191,194,194,199,204,202,199,191,125,108,111,117,123,176,183,125,71,61,125,191,194,189,178,168,123,125,170,173,168,127,127,125,119,118,119,119,121,168,183,183,170,124,125,128,173,178,178,127,118,118,123,176,189,189,178,129,126,127,176,181,176,173,173,176,178,186,191,194,199,207,212,212,204,194,189,189,189,176,160,160,168,176,170,163,163,178,194,204,209,199,79,5,0,0,0,0,0,49,93,103,93,61,46,51,109,183,194,191,170,157,170,189,194,186,178,170,163,160,123,123,123,123,121,115,111,115,170,178,173,163,123,121,125,165,118,116,119,123,170,183,189,189,186,181,173,168,170,173,170,124,122,127,186,196,176,117,117,123,127,127,170,176,173,168,123,123,125,173,191,202,207,207,202,196,189,176,168,123,123,123,123,123,165,168,170,173,170,115,105,115,123,165,170,178,191,202,209,204,196,186,173,107,107,113,113,115,163,173,163,43,0,17,17,0,31,59,109,152,152,109,103,111,165,170,157,111,113,155,163,168,165,119,108,105,109,117,115,110,111,160,163,74,72,74,90,189,209,207,199,199,202,178,81,95,109,168,183,186,183,168,117,112,115,123,165,118,119,173,178,125,123,178,191,196,199,198,195,196,202,207,209,209,209,209,204,189,170,127,129,173,168,165,165,168,173,176,170,123,103,93,113,127,82,80,121,113,121,178,199,207,202,189,176,165,123,121,123,121,119,119,119,121,168,168,123,121,127,173,176,186,191,186,176,168,126,127,176,183,183,181,181,178,178,183,186,178,173,170,173,176,178,176,173,176,178,186,194,194,181,129,121,117,121,176,191,191,189,189,194,196,196,191,183,186,191,196,196,196,204,207,207,204,186,126,129,178,189,186,173,126,126,170,178,183,186,183,173,123,119,121,127,173,173,176,173,170,170,178,183,172,170,181,196,204,204,204,207,202,194,183,176,178,189,186,173,173,173,173,170,168,168,129,170,170,129,129,129,129,123,121,123,125,170,176,178,173,172,173,176,176,170,121,116,120,189,194,178,125,129,178,178,176,173,129,128,173,176,178,189,196,191,176,127,127,129,170,173,170,178,189,189,178,178,191,189,178,176,176,183,189,194,199,194,186,194,204,207,207,199,117,101,97,101,117,170,176,170,117,99,94,101,127,186,196,196,191,181,127,122,122,129,131,173,176,178,178,176,176,181,194,207,212,207,202,202,202,202,196,189,104,98,122,125,129,183,191,194,191,181,123,116,117,131,191,202,207,204,194,183,178,181,191,202,202,186,170,123,109,93,111,173,178,176,176,173,176,181,183,191,189,178,129,119,119,125,127,126,173,183,186,181,173,176,183,191,196,194,191,194,202,209,212,204,196,189,183,186,191,194,191,194,196,202,204,207,209,207,204,204,207,207,209,207,207,209,212,212,212,204,194,178,170,181,186,178,129,189,202,202,199,194,191,194,194,189,183,181,181,178,129,117,112,114,123,131,176,181,186,186,181,176,132,132,132,133,178,183,186,189,189,191,196,199,207,212,215,212,207,204,207,207,209,212,215,217,215,209,202,196,191,186,189,191,194,199,204,196,189,186,189,194,202,199,191,186,196,204,212,215,212,209,204,202,196,189,189,194,199,199,194,191,186,191,194,191,191,196,196,189,65,24,14,14,24,67,121,176,176,181,194,204,207,204,196,186,135,131,123,120,121,125,129,129,181,194,207,207,196,194,196,199,202,202,198,198,202,209,209,204,202,204,204,199,191,189,194,196,194,191,191,194,199,202,202,199,196,191,183,181,183,186,189,191,191,191,189,183,178,178,183,191,191,189,191,199,209,215,209,207,207,209,212,215,217,217,215,215,217,222,222,217,215,215,217,217,217,215,209,207,205,207,209,209,207,209,212,215,215,217,217,220,217,222,222,222,222,222,222,217,217,217,215,215,215,212,209,202,194,189,183,183,181,178,176,133,132,132,173,173,173,173,170,129,168,168,127,127,127,127,165,125,125,125,125,125,165,165,165,165,168,170,173,170,165,160,160,160,121,121,121,119,117,119,160,165,165,165,168,168,170,168,165,163,163,160,163,168,173,176,173,170,170,168,168,165,163,163,165,168,170,173,176,178,183,183,183,181,178,173,176,178,181,173,127,126,129,181,189,186,182,182,186,189,194,196,202,209,212,207,199,194,202,207,209,207,207,204,204,202,204,202,199,194,191,189,186,183,186,186,189,191,196,196,194,191,189,183,178,178,181,183,186,183,183,186,189,194,199,199,202,202,202,202,202,202,202,202,199,194,194,194,191,186,186,186,191,194,194,194,194,196,196,196,194,194,196,196,194,189,183,183,186,186,185,183,186,191,199,204,207,204,199,189,182,182,183,189,189,191,196,202,199,196,191,189,189,191,194,194,194,199,202,196,194,189,181,135,135,137,189,194,191,186,186,186,191,199,202,204,202,199,194,183,178,178,181,183,178,129,126,129,135,186,189,191,186,183,183,183,189,196,199,196,194,194,191,191,186,186,194,199,202,204,199,194,194,191,189,185,183,186,189,191,191,191,194,194,191,189,189,191,194,194,194,191,189,189,191,191,183,177,177,183,194,196,191,189,189,186,186,186,189,191,189,183,133,125,123,123,127,131,176,181,183,183,189,196,202,199,194,189,191,196,202,204,199,194,189,191,191,189,185,185,191,199,202,196,196,202,202,196,189,186,191,196,199,199,199,199,194,186,181,179,179,189,199,199,196,194,194,194,191,189,186,186,186,189,194,199,204,204,204,202,202,202,202,202,204,199,194,194,196,202,202,199,196,199,199,196,196,194,189,183,182,186,189,189,194,199,196,191,186,187,191,196,199,196,196,196,194,189,182,182,183,183,178,178,178,183,189,191,191,191,189,191,194,194,191,194,196,196,196,194,191,191,194,194,196,196,196,196,196,199,199,199,196,194,192,196,202,202,191,183,178,178,135,127,121,123,129,178,186,194,202,204,204,199,189,181,178,181,183,186,191,202,204,202,199,196,196,194,191,191,191,191,191,191,191,189,189,191,194,194,191,191,191,191,186,130,127,130,137,189,196,202,202,199,199,199,202,204,202,198,198,202,204,204,202,202,204,204,196,189,183,181,181,183,181,176,183,194,191,181,178,178,111,90,93,189,199,196,199,204,204,199,194,186,181,181,182,186,189,181,178,179,189,194,194,191,194,194,183,137,136,136,139,183,183,139,129,126,133,186,199,209,215,225,228,225,220,217,215,215,215,215,207,202,204,207,202,199,199,207,212,215,220,222,222,222,217,215,215,217,222,225,222,220,222,228,230,225,222,225,228,230,230,230,230,228,222,222,225,228,225,217,215,212,204,196,194,196,202,207,209,215,217,220,217,215,212,212,215,222,222,217,209,202,199,199,196,195,196,196,194,189,183,183,178,173,173,181,189,191,189,183,173,168,0,191,204,209,207,202,194,183,179,179,183,189,191,199,207,212,215,215,215,215,215,215,222,230,235,238,233,225,222,225,235,243,246,248,246,246,243,241,238,233,225,217,209,207,209,209,209,207,207,0,0,0,0,0,0,0,0,0,0,235,230,230,228,217,207,202,199,196,196,196,199,202,204,202,189,165,147,0,157,181,0,0,0,0,0,0,0,0,0,243,243,246,248,254,255,255,254,255,255,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,207,0,0,0,0,0,0,0,0,183,176,173,173,170,163,160,160,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,87,147,183,186,124,79,69,64,53,40,1,0,0,0,0,7,25,41,100,176,196,189,168,160,137,108,121,139,150,160,176,183,183,183,183,186,189,189,181,165,157,119,119,121,123,165,173,183,189,191,194,196,202,204,207,204,204,204,202,196,191,196,204,196,178,127,123,127,181,196,199,194,183,127,121,120,121,123,125,121,123,168,170,168,170,178,173,117,111,123,168,181,186,183,181,176,178,168,106,102,109,178,181,125,123,168,173,170,165,123,119,125,183,199,199,191,183,176,165,125,125,125,123,119,117,121,168,183,186,183,181,173,165,121,121,168,168,165,165,168,173,176,178,183,189,186,183,183,186,191,194,199,199,196,194,189,186,189,191,178,109,104,109,123,181,186,178,176,183,191,189,186,186,176,127,129,181,186,183,183,183,178,178,183,189,183,181,176,170,173,178,176,125,173,186,178,178,181,176,128,126,128,173,173,170,127,168,168,168,176,183,181,127,117,109,96,91,92,107,170,189,194,196,199,202,204,199,199,202,202,199,196,196,194,194,191,189,168,35,39,29,63,105,107,102,98,98,99,107,125,168,170,170,173,173,170,170,127,123,123,127,125,123,129,176,168,120,120,127,173,170,168,165,119,115,115,117,121,165,123,121,123,125,170,178,183,181,181,186,191,199,202,109,81,117,168,178,176,125,94,99,109,121,173,173,168,176,189,186,170,97,51,57,101,176,178,178,183,189,191,194,196,199,196,196,189,119,105,110,117,123,176,170,38,0,40,121,202,202,191,178,168,123,123,127,168,168,127,127,125,121,118,121,123,123,168,181,183,176,170,129,170,170,173,170,121,116,117,121,127,173,178,178,129,125,124,127,170,173,176,178,173,172,181,191,199,204,207,212,212,204,196,191,194,194,181,163,163,173,178,170,163,163,170,178,191,204,212,147,0,0,0,0,0,0,11,101,144,89,58,48,54,95,173,191,194,173,157,165,194,202,199,186,173,168,168,168,123,117,111,111,108,108,115,176,183,178,168,168,170,173,176,168,123,125,168,176,186,189,189,183,178,173,173,173,173,170,127,125,168,178,181,127,118,118,122,123,125,170,173,170,123,122,123,125,176,194,199,202,202,204,202,189,168,121,119,121,125,125,168,176,181,186,191,186,121,101,108,115,165,173,173,176,191,199,191,183,173,119,97,95,102,113,160,176,191,194,155,35,101,160,165,191,202,207,189,183,160,97,91,117,163,117,109,111,155,168,178,176,160,109,106,109,117,115,109,109,111,107,75,72,75,88,160,196,204,199,196,181,93,72,97,117,173,186,189,186,181,163,113,113,119,121,119,121,165,123,115,119,176,186,199,202,199,199,199,204,204,204,207,209,209,207,191,173,170,178,183,178,168,165,166,168,173,170,125,119,123,199,217,209,196,194,170,173,181,186,189,181,168,125,125,123,119,119,121,121,123,121,121,123,121,117,119,168,176,178,189,194,183,170,126,125,127,178,189,191,189,183,178,176,178,183,178,176,173,173,173,173,170,168,168,168,173,183,181,129,123,119,119,127,183,194,194,189,189,191,194,194,194,194,194,196,199,199,202,204,204,209,209,124,115,173,194,202,194,178,127,127,176,189,196,202,199,189,173,123,119,121,123,127,129,129,126,126,170,176,170,170,181,194,202,202,207,207,202,189,181,178,181,189,186,176,173,173,173,170,168,127,127,129,173,173,170,125,121,120,123,129,173,176,178,176,173,173,173,176,178,176,121,114,116,178,183,125,116,123,176,127,122,127,170,173,181,186,194,199,202,196,181,129,125,122,125,170,178,183,183,173,129,170,186,186,176,173,176,178,178,178,183,181,178,186,202,212,209,186,90,90,95,99,109,121,129,173,123,97,91,100,127,183,194,196,194,183,125,121,121,127,131,176,181,183,176,173,181,194,204,207,209,209,204,200,200,204,199,176,94,92,129,181,178,186,189,189,186,176,121,114,111,112,181,194,199,194,183,176,176,178,183,194,196,183,170,125,117,103,115,127,173,176,176,170,170,181,189,196,196,181,127,119,119,127,129,127,129,131,173,173,131,173,176,183,189,186,186,189,194,199,199,194,189,183,178,181,186,186,189,191,194,199,202,204,204,204,202,202,202,202,199,199,202,207,212,215,212,202,196,186,170,127,170,123,119,181,199,199,196,191,186,181,181,181,178,176,178,176,125,115,114,115,121,127,176,183,186,183,183,181,176,133,132,132,176,183,191,196,199,202,204,207,212,220,222,217,209,207,207,209,209,209,212,215,215,215,212,209,202,186,186,189,186,186,189,191,189,186,189,194,202,204,199,194,194,199,204,209,209,209,204,202,196,191,189,191,196,196,196,191,191,194,194,189,189,194,194,186,178,113,51,20,22,55,109,129,173,183,194,202,204,199,194,189,183,181,131,122,122,129,133,125,101,105,137,191,191,190,191,194,196,199,199,199,202,207,209,204,202,204,209,209,204,199,199,199,199,196,191,194,196,199,199,199,196,191,181,178,183,189,191,194,191,191,189,183,181,181,186,191,196,191,189,196,209,217,215,209,209,209,212,215,220,222,217,217,217,222,225,222,222,222,220,217,215,212,209,207,205,207,209,209,209,209,215,217,217,217,217,217,217,217,217,215,217,217,217,215,215,212,212,212,212,212,209,202,191,186,181,181,178,178,176,132,132,132,173,176,176,176,173,170,168,168,170,170,173,173,176,173,168,168,168,168,170,170,168,168,165,168,168,165,163,160,160,160,160,160,160,119,116,116,121,165,168,168,168,168,168,168,165,163,163,165,165,170,173,173,170,168,168,168,168,165,165,165,165,170,173,176,178,183,186,189,186,183,178,176,173,178,183,178,131,129,176,186,191,189,183,183,189,191,194,196,202,207,207,202,196,196,202,207,207,204,204,207,207,204,202,199,194,191,191,189,186,183,183,183,183,186,189,191,194,189,181,135,131,133,181,183,186,183,183,186,191,196,199,202,202,199,199,196,194,191,194,199,196,191,191,191,189,186,183,183,186,191,191,194,194,196,199,196,194,194,194,194,194,191,191,191,189,186,183,183,185,191,196,202,207,207,204,196,189,183,183,183,183,186,196,202,202,196,191,186,186,191,194,194,194,199,202,199,194,191,183,137,137,183,191,196,194,189,189,191,194,196,196,199,199,196,191,181,177,177,183,189,189,181,135,135,181,186,191,191,189,186,189,191,196,199,194,183,181,183,183,178,133,181,194,202,202,202,196,194,191,189,189,185,185,186,189,191,191,191,191,194,191,191,191,191,194,191,189,189,186,186,189,189,181,174,176,181,194,196,194,191,189,186,183,183,183,186,186,181,131,123,121,121,123,125,129,178,186,191,194,194,196,194,189,186,186,191,199,202,199,196,191,191,189,189,191,194,202,204,204,199,199,204,204,196,186,183,186,194,202,202,202,196,191,189,189,186,189,199,204,199,194,189,189,189,189,189,186,186,185,186,191,196,199,199,199,199,199,199,194,196,202,202,196,196,199,202,202,199,196,199,196,196,196,199,191,186,182,182,182,183,191,199,202,196,189,187,191,194,194,194,194,191,189,186,182,182,183,181,177,177,181,186,189,191,187,186,187,191,191,191,191,191,194,196,196,194,194,191,194,196,196,199,196,196,194,194,194,194,196,194,192,194,202,196,186,135,135,135,131,119,116,118,125,133,183,194,202,204,204,199,194,191,189,189,191,191,194,202,204,199,196,194,194,194,194,194,194,191,191,191,194,191,191,189,191,191,199,199,189,189,186,131,125,127,135,186,194,199,199,199,199,199,202,202,202,198,198,199,204,202,202,204,204,204,199,196,191,186,183,181,135,131,133,189,189,181,181,183,127,99,103,183,196,196,199,199,194,189,186,182,182,183,189,191,191,186,181,183,189,191,183,138,183,186,137,136,135,136,183,186,186,135,124,122,129,194,207,215,217,225,228,228,222,220,217,215,217,215,207,204,207,209,204,202,202,207,212,215,217,222,222,220,217,217,217,222,225,225,225,222,225,230,233,230,225,225,228,230,233,233,233,228,225,225,228,230,228,222,217,215,209,199,196,196,199,202,207,212,215,215,215,212,209,209,212,217,222,215,209,204,202,202,199,195,195,196,196,189,183,181,178,173,176,181,189,191,189,183,0,170,0,191,202,207,207,202,196,186,181,181,186,189,194,199,207,212,215,217,217,217,222,222,225,230,235,233,228,217,217,225,233,241,246,248,246,243,238,238,233,228,220,212,207,205,207,209,207,202,199,202,0,0,0,0,0,0,0,0,0,235,233,230,225,217,204,194,189,186,186,189,194,196,202,204,194,176,152,144,0,163,189,0,0,0,0,0,0,0,0,243,242,246,251,254,254,251,248,251,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,212,0,0,0,0,0,0,0,0,189,178,173,173,170,165,163,165,160,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,82,118,139,139,113,95,100,116,100,77,46,9,9,0,17,35,64,105,155,186,196,194,181,157,139,113,118,134,147,157,170,183,186,189,186,186,189,191,186,168,157,117,117,119,165,178,189,194,196,199,202,204,207,212,215,215,212,212,207,199,194,199,209,209,194,178,127,121,125,173,176,170,127,123,121,121,121,121,127,127,127,170,173,170,170,173,168,113,106,107,109,123,168,127,121,115,115,113,106,104,113,178,181,127,127,173,173,123,119,119,119,173,194,204,204,196,189,181,170,168,168,168,165,119,115,119,170,194,196,191,183,173,168,125,165,168,168,164,165,170,173,173,173,181,183,183,181,183,189,191,194,199,196,194,194,191,189,186,181,117,102,101,107,129,194,191,173,170,183,196,199,196,194,186,176,173,173,170,129,173,176,176,178,189,194,189,186,178,165,168,178,181,176,181,189,183,178,178,173,129,129,173,178,173,126,124,125,168,173,178,183,181,170,119,111,101,99,105,121,178,189,196,196,199,202,202,199,199,202,202,196,191,196,194,191,191,196,189,21,0,0,53,109,111,107,107,113,115,168,178,176,170,173,178,181,183,181,176,170,129,170,127,125,173,173,125,117,116,123,176,178,173,117,101,103,123,176,176,170,119,117,119,123,168,176,181,178,176,181,183,189,189,98,75,117,170,176,173,121,84,92,107,125,178,181,178,183,191,191,189,178,49,51,83,176,181,177,178,181,186,189,186,186,189,191,181,115,110,113,117,117,117,103,28,0,44,125,196,199,189,178,168,125,123,123,125,168,168,127,125,123,121,125,168,168,170,178,181,181,178,176,173,176,176,170,125,120,120,121,123,123,129,173,129,125,125,168,170,173,176,181,176,172,176,189,199,202,204,209,209,207,204,199,199,194,178,165,165,173,176,165,152,152,155,157,160,173,215,99,0,0,0,0,0,0,0,139,155,95,81,87,91,93,105,152,168,160,155,163,189,202,199,186,176,173,173,173,163,117,109,109,108,108,113,168,176,168,165,170,176,176,176,176,176,173,168,176,183,183,181,178,173,170,173,173,170,168,168,168,170,170,127,123,121,123,127,123,125,176,178,170,123,122,123,123,170,189,194,196,196,199,196,178,119,117,119,123,125,165,173,183,191,196,199,196,181,106,108,115,168,173,163,113,119,115,99,105,111,109,103,100,106,160,173,181,189,186,168,163,176,170,173,191,204,204,199,191,155,85,52,55,91,109,111,115,163,178,189,186,163,109,109,113,117,117,111,110,111,109,107,157,170,160,117,160,181,189,176,97,77,77,107,121,176,183,186,189,186,173,113,107,111,115,165,168,123,112,110,117,168,178,194,202,204,204,204,204,204,202,204,207,212,209,196,178,173,183,189,181,173,168,166,168,170,170,127,125,176,204,217,215,204,196,191,189,183,176,165,123,123,123,168,165,118,116,118,125,173,168,119,115,114,114,119,168,173,178,186,189,178,168,127,168,173,186,194,196,194,186,176,172,172,173,172,172,176,176,173,170,168,128,128,127,128,170,170,125,121,123,129,181,194,199,196,189,187,187,189,191,194,199,199,202,202,202,204,204,202,204,202,110,104,178,199,204,196,183,173,170,178,189,196,204,207,196,178,123,118,118,119,123,127,127,126,126,170,173,170,172,181,189,194,196,202,202,196,186,178,176,176,181,181,176,172,173,176,178,173,127,124,124,170,178,176,125,119,119,127,176,181,183,181,178,178,178,178,178,181,178,125,116,117,129,170,120,114,120,127,119,116,123,176,186,191,196,202,202,202,199,191,178,123,120,123,176,183,186,178,129,126,127,181,181,173,173,176,170,109,99,119,173,178,183,191,202,204,173,79,83,91,101,109,117,125,129,125,109,105,170,181,181,186,186,186,173,124,122,122,124,127,176,186,183,176,173,183,204,209,207,205,207,207,200,200,207,204,183,104,108,209,209,191,186,183,183,183,178,129,119,112,110,173,183,189,186,178,129,129,129,119,123,176,173,170,173,176,127,127,168,168,170,170,168,127,170,181,196,196,183,168,119,118,125,176,176,173,170,131,176,131,130,131,178,183,186,189,191,189,189,186,183,181,176,131,133,181,186,189,191,194,199,202,202,202,199,199,199,196,191,186,186,191,199,204,209,204,199,196,189,123,101,109,115,121,178,189,186,186,183,178,174,176,178,173,125,121,123,115,113,115,121,127,131,178,183,181,178,178,181,178,176,133,133,176,183,191,199,204,207,209,215,217,217,222,217,212,207,207,209,207,207,207,209,212,215,217,217,212,196,189,189,186,183,185,187,189,186,186,191,196,202,202,199,194,194,199,204,207,207,204,202,199,196,194,194,194,194,191,191,191,194,191,183,181,186,189,189,189,191,183,115,89,97,117,127,176,186,196,202,199,196,196,194,191,186,135,123,125,133,133,121,77,86,107,181,191,194,194,196,199,202,202,204,207,207,207,204,202,204,209,212,212,207,202,202,202,196,194,191,191,194,196,196,191,183,135,135,183,189,191,191,191,191,189,186,186,186,189,191,194,189,183,191,207,217,217,212,212,212,212,215,222,222,222,222,222,222,225,222,222,222,217,215,215,212,209,207,207,207,209,212,212,212,217,217,217,217,217,217,217,217,215,212,212,215,215,212,209,209,209,209,209,209,204,199,189,183,181,178,178,178,176,133,173,173,173,176,178,178,176,170,168,168,170,173,176,178,178,176,170,170,170,173,173,173,173,170,168,165,163,163,163,160,160,160,165,168,165,121,115,115,117,160,168,168,165,165,168,165,163,160,160,163,165,170,170,170,170,168,166,166,168,165,165,165,168,170,170,173,178,183,186,189,186,181,176,173,173,178,181,181,176,176,181,191,194,194,191,191,194,194,196,199,204,202,196,191,191,194,199,202,199,194,196,202,204,204,199,196,194,191,191,186,183,183,186,186,183,183,186,189,191,189,178,129,127,131,181,183,186,183,186,189,191,196,202,202,202,199,194,191,190,189,191,194,194,191,191,189,186,181,181,181,183,186,189,189,191,196,199,199,196,194,196,194,194,194,199,199,194,189,186,186,191,194,199,202,204,207,204,199,191,186,183,182,182,186,194,202,202,196,191,186,185,189,191,191,191,196,202,202,199,194,194,191,191,194,196,199,196,194,194,194,191,189,186,189,194,196,196,189,181,181,189,196,196,194,191,189,191,194,194,196,194,191,191,194,199,196,183,131,129,131,133,132,132,181,196,202,196,196,194,191,189,189,186,185,185,189,191,191,189,189,191,191,194,194,196,194,194,191,189,189,189,186,186,183,178,177,178,186,191,194,194,191,189,186,183,182,182,186,183,178,131,127,123,123,123,125,127,178,191,194,191,189,183,181,181,183,186,191,196,199,199,196,194,191,189,189,194,202,204,204,204,202,199,202,202,194,186,183,185,191,196,199,196,194,191,189,191,191,191,196,199,194,186,183,183,183,186,191,191,189,186,186,191,194,196,196,196,196,196,194,189,189,194,196,196,194,196,199,196,196,196,196,196,194,196,194,191,189,186,182,181,182,189,199,204,202,194,191,194,194,191,189,189,189,191,194,189,186,186,181,176,177,181,189,191,191,189,186,189,191,191,191,189,189,191,194,194,191,191,194,194,196,199,199,199,196,194,194,194,194,194,194,194,196,202,196,183,133,133,133,123,117,116,119,123,127,131,181,194,199,196,196,199,202,199,196,191,189,189,196,199,196,194,194,191,194,196,196,194,194,194,194,191,191,189,189,189,191,202,204,183,139,186,139,129,129,135,183,191,196,199,199,196,196,196,199,202,199,198,199,199,202,202,204,207,202,199,196,191,183,135,133,131,129,131,181,186,181,183,189,186,123,125,189,196,196,196,196,191,183,181,182,183,191,194,196,194,189,183,183,186,183,137,136,139,186,186,189,186,183,186,183,139,133,125,124,135,196,207,215,217,220,225,225,222,217,217,215,217,220,215,209,212,212,209,207,207,209,209,209,212,217,217,217,215,217,222,225,225,228,228,228,230,235,238,233,225,225,228,233,235,233,233,230,228,228,228,230,228,225,222,217,212,204,199,199,202,204,207,212,215,215,212,209,208,208,212,215,217,212,207,204,204,204,202,196,196,199,196,191,186,181,178,173,173,178,186,189,186,181,176,0,0,186,194,199,204,202,196,189,181,181,186,189,194,199,207,212,215,217,220,222,225,225,228,233,233,230,217,212,215,222,228,235,243,246,243,238,233,230,230,225,215,209,207,205,207,207,204,199,194,194,199,0,0,0,0,0,0,0,0,235,233,225,217,212,199,186,176,173,176,181,189,191,196,199,196,186,0,144,139,0,170,0,0,0,0,0,0,0,0,243,243,246,251,251,248,243,238,243,251,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,222,215,0,0,0,0,0,0,0,191,183,178,173,168,165,165,165,165,160,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,74,95,116,113,111,118,126,113,98,85,59,85,92,139,134,129,147,168,181,191,186,152,100,108,100,105,121,139,157,170,181,186,186,183,178,178,181,178,168,157,117,117,121,173,189,199,199,196,196,199,204,209,212,215,215,217,215,212,204,199,204,209,209,202,189,173,123,121,121,115,111,117,123,129,127,119,116,119,168,170,173,178,176,173,170,125,113,103,101,98,107,119,121,117,114,115,119,117,113,121,176,178,168,170,181,176,108,107,117,165,183,196,204,207,202,194,181,168,165,168,168,125,117,113,115,165,183,194,191,181,173,170,170,173,170,170,168,170,170,170,168,168,176,181,181,181,183,189,191,196,196,194,191,194,194,189,181,170,111,100,100,109,170,186,181,125,127,181,194,196,194,194,191,183,176,170,123,122,125,127,129,178,186,186,183,183,176,159,163,181,183,178,173,176,176,178,178,176,170,170,176,176,170,126,125,127,170,176,183,186,189,186,176,125,123,123,125,170,183,194,199,196,196,196,196,194,196,202,199,191,186,191,194,191,191,196,194,23,0,0,19,107,121,178,183,189,189,191,189,181,178,181,186,189,191,189,189,186,186,181,176,173,176,173,125,119,118,122,170,178,173,107,94,97,165,181,173,123,113,117,123,165,168,173,178,178,173,170,178,181,168,108,101,123,173,176,173,165,89,98,117,168,178,183,181,183,189,191,191,181,72,72,117,189,186,183,183,178,178,181,173,168,176,178,125,111,113,121,119,115,113,109,77,45,97,170,183,183,178,176,173,170,125,119,119,165,170,127,127,127,125,127,173,176,178,181,181,181,178,173,170,178,181,176,170,129,125,123,121,121,123,127,168,127,168,170,170,170,173,178,178,173,173,181,191,194,199,204,209,209,207,204,196,183,168,160,163,168,168,152,146,146,150,147,103,91,144,45,0,0,0,0,0,0,0,101,144,142,155,196,186,152,103,100,103,113,152,163,181,191,186,178,176,173,173,170,165,123,117,113,109,108,111,117,119,119,121,168,173,168,165,173,176,168,125,165,170,170,170,170,168,165,165,125,125,165,168,170,170,127,123,123,127,173,170,123,125,183,186,178,168,125,123,120,123,181,189,191,194,194,189,125,115,116,123,125,125,165,176,189,194,196,199,199,191,109,109,115,170,170,97,89,101,98,90,95,103,111,115,115,163,173,176,176,170,160,165,186,178,168,165,176,196,199,191,170,105,91,48,44,46,105,160,173,181,189,194,186,165,113,119,157,157,119,115,113,113,113,157,183,194,176,107,81,71,73,71,61,69,85,107,117,170,183,186,186,189,178,113,105,107,115,168,173,121,110,111,121,125,125,178,194,202,202,199,199,202,202,204,207,212,215,202,178,173,178,181,176,170,168,170,170,170,170,127,125,173,196,207,207,196,191,191,191,183,168,119,118,121,125,168,165,119,117,121,178,194,181,117,113,113,115,121,127,170,176,181,178,168,125,168,173,178,189,196,199,196,189,178,173,172,172,170,172,178,178,176,173,170,173,176,173,173,129,127,125,125,129,183,191,196,202,199,191,187,187,189,191,196,199,202,202,202,202,204,204,202,196,181,109,107,189,202,204,196,186,176,170,173,181,189,196,199,191,181,129,123,121,119,123,127,127,127,129,173,176,173,178,183,183,181,186,191,189,183,178,176,176,172,173,178,176,173,176,183,183,176,127,122,122,129,181,181,129,121,123,170,181,189,189,189,186,183,181,178,176,176,178,173,123,123,170,173,127,121,123,127,121,118,120,127,183,196,202,204,202,202,202,196,186,123,119,123,178,186,186,178,129,125,127,178,176,170,170,170,125,93,55,55,113,129,129,170,176,191,186,84,83,95,109,119,123,125,127,129,170,186,191,191,186,183,178,173,123,123,129,129,127,129,176,183,183,173,173,186,207,209,205,205,207,209,207,207,209,209,194,176,191,217,215,196,186,183,183,186,186,186,183,129,123,170,170,173,178,176,129,127,123,114,115,122,127,168,173,178,176,170,170,170,168,127,127,123,107,123,183,189,181,170,121,117,119,178,186,186,176,176,183,176,129,129,173,183,194,196,194,186,178,181,178,176,131,125,129,181,186,189,191,196,199,199,199,199,196,199,199,194,189,182,182,183,191,196,202,199,196,191,176,88,74,99,111,121,129,173,170,176,178,176,174,176,181,129,111,110,117,117,117,119,127,176,178,181,181,178,176,176,178,176,133,131,133,133,181,189,199,204,212,215,217,217,215,215,217,215,212,209,207,204,203,204,207,209,212,215,215,215,207,199,194,191,189,189,194,191,189,189,189,191,196,199,199,196,194,196,202,207,207,204,204,204,202,199,194,191,191,191,191,191,194,189,178,127,125,173,183,183,186,186,186,181,129,129,133,178,186,191,194,194,194,196,199,196,191,178,131,133,186,183,133,89,91,111,137,191,199,204,202,202,204,204,204,204,204,202,199,196,199,204,209,215,209,204,199,196,194,191,189,189,191,191,189,183,134,133,134,181,189,191,191,191,189,186,186,189,191,189,186,183,137,135,186,202,212,212,212,212,212,212,215,222,225,225,225,225,225,222,217,215,215,215,212,212,212,212,209,207,207,209,212,215,215,217,217,217,215,215,215,217,215,212,207,204,209,212,209,209,207,207,209,207,204,199,191,186,181,181,178,181,178,178,176,176,173,173,176,178,178,173,170,168,168,170,173,176,176,176,176,173,173,176,176,176,176,176,176,173,168,163,163,165,165,163,163,168,170,168,160,116,115,117,160,168,168,163,163,163,163,160,121,120,160,165,170,170,170,168,168,168,168,168,165,163,125,165,165,168,170,176,181,186,189,189,181,173,172,172,176,181,183,183,183,186,191,194,194,196,199,202,199,199,202,202,196,189,185,186,191,199,196,189,185,189,196,202,199,196,191,190,191,191,189,183,183,186,186,183,183,186,189,191,186,135,125,124,129,178,183,183,183,186,189,194,199,202,202,199,196,194,194,194,191,194,196,194,191,191,191,183,137,136,137,183,186,185,186,189,194,199,199,196,196,196,194,194,196,202,204,199,194,191,194,196,199,202,202,204,202,199,196,194,189,186,183,183,189,194,202,202,199,191,185,185,186,186,189,189,194,202,204,202,199,199,202,202,202,202,199,196,196,194,196,191,181,133,137,189,196,199,196,194,194,199,204,204,202,199,199,199,199,199,199,199,196,191,191,194,191,181,130,129,130,131,132,135,186,199,196,191,191,191,189,186,186,186,186,186,189,191,189,186,186,186,189,194,196,196,196,194,191,189,189,189,186,183,181,178,178,181,186,189,191,191,191,189,189,186,183,183,186,183,181,178,176,133,131,129,129,133,183,194,194,186,178,129,128,135,183,189,191,196,196,196,196,196,194,191,191,196,204,207,207,204,199,196,199,199,194,189,186,186,189,191,189,189,189,189,189,191,189,186,186,189,186,183,181,181,179,183,191,191,189,186,189,194,199,199,196,196,196,196,194,186,181,186,191,194,191,189,191,191,194,194,196,196,196,191,183,181,186,189,189,183,183,194,204,209,207,199,196,196,196,191,189,189,187,194,202,199,194,189,181,177,178,183,189,194,194,191,189,191,191,190,191,191,189,189,191,189,189,191,191,194,196,196,196,199,199,199,199,196,196,196,194,194,196,199,196,186,135,133,131,121,117,119,123,121,117,119,131,189,194,191,191,199,207,204,196,186,137,135,183,191,194,194,191,194,194,194,194,191,191,194,194,191,191,194,194,189,189,199,204,183,137,139,183,137,137,139,183,189,194,194,196,194,194,194,196,199,199,199,199,196,196,202,207,207,199,194,194,189,181,135,133,133,133,135,181,186,183,183,189,189,183,189,196,199,196,196,196,191,183,181,182,189,196,199,199,196,191,186,183,183,183,138,138,191,199,202,204,202,194,189,139,135,133,128,127,137,194,204,212,212,212,215,220,220,217,215,215,217,220,217,212,212,209,207,204,207,209,209,207,207,209,212,209,209,215,222,225,222,225,228,230,233,238,238,233,225,225,228,233,235,235,233,230,228,230,230,230,230,225,222,217,215,209,204,204,204,207,209,212,215,215,215,212,209,209,212,212,215,212,207,204,204,207,204,202,202,202,196,191,189,183,178,173,0,173,181,186,186,181,173,0,0,181,189,194,199,199,194,186,181,181,183,189,191,199,204,209,215,217,217,222,225,228,230,233,233,228,215,211,212,217,225,230,235,238,238,233,228,228,228,222,215,212,209,209,209,207,202,194,191,192,196,204,209,215,0,0,0,0,0,233,228,217,209,202,194,178,168,163,168,178,186,189,191,194,196,189,170,147,134,134,155,0,0,0,0,0,0,0,0,0,246,248,251,248,241,233,228,233,246,255,255,255,255,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,228,215,0,0,0,0,0,0,0,196,189,178,173,168,164,164,165,168,165,163,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,87,124,134,124,124,116,108,116,147,144,139,126,144,160,152,155,165,173,178,165,86,85,98,96,94,99,124,150,165,176,178,178,173,168,165,165,165,165,160,155,119,163,178,194,202,202,196,194,196,202,207,207,209,212,212,212,212,209,207,207,209,209,204,199,186,173,127,121,110,106,110,123,173,173,119,113,114,168,170,173,181,181,176,173,170,127,107,102,98,107,125,168,125,125,170,186,186,170,127,168,170,170,181,194,183,103,103,119,176,189,199,207,209,207,194,173,123,125,168,168,123,115,112,114,121,165,181,186,178,170,170,170,168,170,173,176,176,178,176,168,165,170,178,181,178,178,183,189,194,194,191,189,194,196,191,176,127,121,106,105,115,125,125,119,117,127,183,189,186,183,189,194,191,181,129,122,122,123,122,125,173,178,173,172,176,170,156,161,183,181,173,169,168,170,178,183,181,170,169,170,173,170,170,173,178,170,176,183,189,191,194,189,176,127,125,125,170,183,196,199,196,194,191,186,183,189,196,191,178,178,186,194,194,194,196,196,43,0,0,0,91,183,199,196,196,202,199,194,186,183,189,191,194,194,196,196,199,196,191,186,181,176,170,127,123,123,125,127,170,173,117,96,98,119,123,113,108,109,119,168,170,170,173,178,181,173,124,170,176,125,123,168,168,165,168,173,176,113,123,170,173,176,181,178,178,181,183,181,170,123,123,191,199,194,194,194,183,176,173,121,117,127,127,109,104,115,165,168,125,165,173,173,170,176,178,173,169,170,176,181,178,168,115,115,125,168,165,165,168,127,168,173,181,186,183,178,176,173,127,168,173,176,170,168,168,127,123,121,123,123,123,127,170,170,170,127,123,125,176,183,178,172,173,176,178,183,196,207,207,202,196,186,165,152,155,160,163,160,148,144,147,152,147,91,67,63,45,0,0,0,0,0,0,55,87,101,147,196,212,209,202,152,99,98,105,115,163,176,181,176,173,170,170,168,165,165,163,121,115,111,108,109,113,113,112,115,123,168,123,119,123,165,120,119,120,120,121,123,165,165,125,121,120,121,125,170,176,176,170,125,125,170,173,168,122,127,191,194,186,176,168,125,119,120,173,183,186,189,186,176,119,117,121,165,165,125,125,176,189,194,194,194,194,186,109,108,115,170,170,81,81,101,101,93,97,107,115,117,157,165,170,168,163,117,107,113,173,115,115,152,111,181,191,176,111,101,113,67,45,44,115,181,189,191,189,189,178,163,157,183,178,168,157,113,112,112,112,119,176,186,168,87,65,48,41,52,46,67,93,105,109,163,178,183,183,183,176,111,105,107,117,163,170,123,114,119,165,121,111,115,178,194,194,189,189,196,202,202,204,209,212,202,181,170,170,168,125,125,127,170,173,173,170,127,125,173,194,202,199,191,186,186,189,186,170,119,118,119,123,125,168,123,121,170,194,204,189,117,113,115,123,125,125,127,170,173,170,123,121,127,173,178,183,194,199,196,191,186,178,173,173,173,178,183,178,178,176,173,178,189,191,186,176,127,125,125,173,189,194,199,202,199,194,191,191,196,199,199,202,202,202,202,202,204,207,204,194,133,118,121,207,209,202,194,183,170,125,125,176,186,186,181,178,181,181,176,129,123,123,127,127,127,129,173,176,181,189,191,181,176,178,181,178,173,173,176,176,172,172,178,181,181,183,189,186,176,125,121,122,129,181,183,173,127,170,176,183,189,191,194,191,186,181,176,172,169,173,176,173,170,176,181,178,173,129,173,173,125,120,120,173,196,204,207,204,204,204,199,186,125,119,121,176,189,189,178,129,127,128,176,176,170,129,129,125,119,46,35,45,85,113,123,129,181,196,186,125,125,129,129,127,129,127,129,183,196,199,196,196,189,178,127,121,124,183,181,173,131,176,183,181,131,131,186,204,209,207,205,207,209,212,212,209,207,199,194,199,204,199,189,183,181,183,189,194,202,202,194,183,176,117,114,129,181,181,176,170,118,118,123,127,126,168,176,176,173,176,181,176,170,173,127,86,98,119,168,170,168,123,118,119,176,189,189,181,181,189,176,127,127,173,186,199,204,199,178,131,178,181,178,133,123,123,178,189,191,196,199,202,199,196,196,194,196,196,194,189,183,182,183,189,191,194,196,194,189,109,69,57,107,117,121,123,125,125,129,173,178,178,181,181,129,104,107,127,173,129,129,173,181,183,183,181,178,176,173,133,131,131,131,131,131,176,186,196,207,212,217,217,215,212,212,217,217,215,209,207,204,203,203,204,207,209,212,212,209,212,204,199,199,199,196,199,196,194,194,191,191,194,196,196,196,196,199,202,207,207,207,207,209,209,204,196,194,194,191,191,191,191,186,176,124,119,121,127,176,131,131,183,189,183,181,183,181,181,183,181,183,189,196,199,199,194,183,183,191,204,204,196,194,135,135,183,191,199,207,207,207,204,202,199,199,199,196,196,195,196,199,207,212,209,204,196,191,191,191,189,189,186,186,183,178,134,133,135,183,191,191,189,183,178,133,135,183,186,181,135,131,129,131,139,194,202,204,207,212,215,215,215,222,225,228,230,230,228,222,212,211,211,212,211,212,212,215,212,209,209,212,215,217,220,222,217,215,215,215,215,217,215,209,203,203,204,207,207,207,207,207,207,204,202,194,189,183,181,181,178,178,181,178,178,176,173,173,173,176,176,173,129,168,170,170,173,173,173,173,173,176,176,178,181,181,181,181,178,178,170,165,165,168,170,168,165,165,170,168,163,121,119,121,165,168,165,161,161,163,163,121,120,120,160,168,173,173,170,168,168,168,168,165,165,125,125,125,125,125,125,168,173,183,189,189,181,173,172,173,176,181,186,189,186,186,189,191,196,199,204,204,202,202,202,199,191,185,183,185,191,196,194,186,182,185,191,199,196,190,187,189,191,194,191,186,186,186,186,183,183,186,191,191,186,135,125,124,127,135,181,181,183,186,189,194,199,202,202,199,196,196,199,202,199,199,202,199,194,194,191,186,136,135,137,186,189,185,186,189,194,199,199,199,196,196,194,191,194,199,202,199,196,196,199,202,202,202,199,199,194,189,191,194,194,189,186,186,191,196,202,202,196,189,185,185,186,186,186,189,194,199,202,199,199,202,204,207,204,202,199,196,196,196,196,189,133,127,133,189,199,202,202,202,204,209,212,209,207,202,199,199,199,199,199,202,199,191,190,191,191,189,181,178,135,133,178,186,196,199,191,186,189,189,186,183,183,186,186,189,191,189,186,182,182,183,186,191,194,196,194,189,183,181,178,178,178,181,181,178,178,178,183,186,186,189,189,186,186,186,186,186,186,183,186,186,186,183,181,178,178,181,191,196,191,181,129,126,126,135,183,191,194,194,196,196,196,199,199,196,194,196,204,207,207,204,199,194,194,196,196,194,194,194,189,186,186,187,191,191,191,191,189,183,181,179,179,181,183,181,178,179,183,186,186,189,194,199,202,202,199,199,199,196,194,181,178,179,186,189,186,181,181,186,191,194,199,202,199,191,179,177,181,191,194,191,194,202,212,215,209,202,196,196,196,194,191,191,191,196,204,202,194,189,183,178,181,183,186,191,194,191,191,194,191,191,191,194,191,191,189,189,189,189,191,191,191,189,189,194,196,202,204,204,202,199,194,191,194,199,199,191,178,135,133,125,121,123,123,116,112,115,131,189,191,189,191,199,207,204,194,183,134,132,135,186,191,191,191,194,194,191,189,187,189,194,194,191,194,199,202,194,189,191,199,194,138,139,189,186,186,189,186,189,189,189,189,189,191,191,194,196,199,199,196,196,196,202,204,204,199,196,196,194,191,186,186,189,186,183,186,186,186,183,186,186,189,196,202,199,196,199,202,199,191,183,186,191,199,199,199,199,194,191,189,189,191,194,196,209,212,209,209,207,199,191,183,137,139,135,131,135,186,199,209,204,204,207,212,217,220,217,217,215,217,215,209,207,204,199,199,202,207,209,207,207,207,204,202,204,209,215,217,217,217,222,228,233,238,241,233,225,222,225,230,235,235,233,230,230,230,230,228,230,225,222,217,215,209,207,204,204,207,209,212,215,215,215,212,212,212,212,212,215,212,207,204,207,207,207,207,204,202,196,191,189,183,176,168,0,170,181,186,186,181,170,0,0,0,178,186,191,191,189,183,181,178,181,183,189,196,202,207,212,215,217,222,222,225,228,233,233,228,212,209,212,217,222,225,230,233,230,228,225,225,225,225,217,215,212,212,209,207,202,196,192,192,199,204,207,212,0,0,0,0,0,230,222,209,202,196,189,176,0,0,165,176,186,189,189,191,194,191,181,157,137,134,0,170,0,0,0,0,0,0,0,0,248,251,251,246,235,228,225,228,238,251,255,255,255,0,0,0,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,235,230,220,209,0,0,0,0,0,0,0,199,191,183,176,0,164,164,165,165,168,165,160 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,155,181,176,124,103,111,144,170,176,163,139,134,150,155,155,155,157,155,118,88,87,163,160,88,83,108,137,150,163,168,168,165,163,157,155,155,160,163,160,163,170,186,196,199,199,196,191,191,196,199,204,207,207,207,202,204,207,209,207,204,204,207,209,202,186,176,127,119,109,111,115,123,173,125,116,121,173,173,176,183,186,183,186,194,194,173,115,113,170,191,191,181,181,189,196,191,181,125,125,127,168,183,194,186,109,105,117,181,191,199,207,207,196,178,165,122,125,170,165,119,115,114,114,117,123,163,168,170,170,165,123,123,165,170,176,181,186,183,173,125,168,176,181,178,173,176,183,189,189,189,186,191,194,186,170,123,121,119,115,115,117,116,114,117,173,183,186,178,173,178,189,191,178,127,122,122,123,122,123,129,176,172,170,173,170,164,166,178,181,173,170,169,170,178,186,181,170,166,168,173,178,178,178,176,127,170,181,186,189,191,191,178,123,117,113,125,183,194,196,199,194,189,176,173,181,183,170,121,127,181,194,196,194,196,196,191,125,0,0,93,207,202,196,196,199,202,199,196,191,191,194,196,196,199,202,202,202,199,196,189,178,129,125,127,168,127,168,176,178,173,165,165,125,117,110,108,111,123,165,170,173,178,186,189,176,165,125,170,176,176,173,168,164,165,173,176,173,170,170,170,170,173,173,173,176,176,173,170,170,183,196,202,199,202,199,194,186,170,113,116,176,127,101,101,115,168,170,168,173,189,194,191,194,191,176,161,163,176,194,191,168,111,111,123,125,165,173,165,126,170,176,181,189,186,178,173,170,168,127,127,127,127,127,125,125,127,168,168,127,125,127,168,170,168,122,119,122,181,191,186,176,173,163,121,121,160,191,202,189,183,160,142,146,151,155,157,157,152,150,152,155,144,89,67,83,93,99,85,51,23,23,33,59,65,53,101,209,209,207,202,176,103,100,102,109,163,176,168,165,165,168,168,165,163,163,163,119,115,111,109,111,115,115,113,115,121,123,120,118,120,121,120,120,119,118,119,121,165,168,165,122,120,121,168,181,186,183,176,125,125,168,168,122,120,127,191,196,191,178,127,121,123,125,127,173,178,178,168,121,119,125,170,168,168,125,125,178,191,194,194,191,189,176,111,109,123,170,123,71,87,105,109,109,111,111,107,111,115,157,160,160,117,107,101,101,109,105,69,56,60,85,111,91,73,85,91,67,65,99,115,173,191,189,183,173,119,119,165,194,194,178,119,112,113,117,115,113,119,168,85,66,89,73,43,57,69,87,103,111,109,109,160,168,173,173,121,111,107,111,123,165,168,165,165,173,168,109,87,87,111,183,186,179,181,194,202,202,204,209,209,202,191,178,125,121,121,123,123,125,168,173,176,170,168,176,191,196,194,186,183,186,189,183,170,121,118,118,118,121,125,125,127,178,202,207,196,115,110,119,173,168,125,125,125,125,123,119,118,120,127,173,181,189,196,196,194,191,181,121,170,127,183,189,170,176,181,125,173,191,196,191,178,129,124,124,173,189,196,199,202,202,202,199,196,196,199,199,199,202,202,199,199,204,207,202,189,131,127,186,207,207,196,189,181,129,119,120,170,178,178,125,118,129,181,181,173,127,123,127,129,127,124,123,170,178,189,189,181,174,176,176,173,170,170,173,173,173,173,181,186,186,189,191,186,176,125,122,123,173,183,183,173,173,178,178,176,186,189,189,189,186,181,178,173,173,173,178,181,181,181,183,183,176,170,178,194,191,127,122,170,194,204,207,209,209,207,202,194,173,123,125,178,186,183,176,129,129,170,173,173,170,129,129,129,170,111,42,42,91,123,127,170,186,199,199,191,191,183,170,127,129,127,127,176,191,202,202,199,194,181,131,124,124,186,191,178,173,178,183,178,125,121,183,204,209,209,209,207,204,207,209,209,207,204,204,199,189,181,178,178,178,181,186,196,207,207,204,199,189,112,94,115,191,194,191,178,125,168,170,168,127,168,176,178,176,181,189,186,178,176,168,83,93,105,119,121,119,119,119,125,178,186,186,181,183,186,178,129,128,173,186,199,207,194,127,125,133,181,186,189,176,105,176,189,194,199,202,199,194,191,191,191,194,194,194,191,189,189,186,181,183,189,191,194,183,78,70,101,127,127,125,125,125,125,127,170,176,181,181,181,183,181,178,181,186,181,178,181,186,186,183,181,181,176,131,131,131,130,130,131,130,133,183,191,199,207,212,215,212,209,212,215,215,212,209,209,207,207,204,204,207,207,209,209,207,207,207,204,204,202,199,196,194,194,194,194,196,199,196,194,194,196,202,204,204,207,207,209,215,212,207,202,199,199,199,196,194,189,181,176,129,124,123,124,127,125,125,176,183,186,186,186,183,181,134,132,135,183,189,194,196,194,191,194,204,212,212,207,202,202,196,189,186,189,196,204,204,204,202,196,194,196,196,199,199,199,199,207,212,207,199,191,189,189,191,191,186,183,181,181,178,178,183,186,189,194,191,183,178,133,129,129,133,137,135,131,129,127,128,135,141,186,189,199,209,212,215,217,222,225,228,230,233,230,225,215,211,211,212,212,212,215,215,215,215,215,215,217,222,222,222,217,215,215,215,215,215,212,207,202,202,204,207,204,202,204,207,207,202,196,191,186,183,181,181,178,178,178,178,178,176,131,170,170,173,173,170,129,170,170,170,170,173,173,173,176,178,178,181,183,186,186,183,183,181,176,170,168,170,173,170,165,168,168,168,163,163,165,165,165,165,163,161,163,165,163,121,120,120,160,168,173,173,170,168,168,168,165,165,125,125,165,165,125,119,117,119,127,181,191,194,186,178,176,176,178,183,186,189,189,183,186,189,194,199,202,204,204,204,202,194,189,186,186,191,196,199,196,186,185,186,196,202,199,191,189,189,191,196,196,191,186,183,183,183,183,183,189,189,183,133,125,124,125,131,178,181,183,186,189,194,199,199,199,199,196,196,199,202,202,204,204,199,194,191,194,189,137,137,189,196,194,189,191,194,196,196,196,196,196,194,189,183,186,191,189,186,189,196,199,202,199,199,196,191,186,181,186,196,199,194,189,189,191,196,199,196,191,186,186,189,189,189,189,191,194,196,196,196,196,199,202,204,202,202,199,199,196,196,194,183,128,125,129,186,196,202,202,202,207,212,212,209,204,199,194,191,191,194,199,202,199,194,191,194,199,199,199,194,189,186,189,194,199,196,191,186,186,183,181,178,178,181,186,189,191,189,182,181,182,183,186,186,189,189,186,183,135,132,132,131,131,133,178,183,181,183,186,186,186,186,186,181,178,181,186,186,183,183,186,189,189,186,186,186,186,189,194,194,186,135,128,126,127,135,183,189,191,194,196,196,196,199,199,199,199,199,199,202,204,199,196,191,189,191,196,196,199,199,189,185,186,191,196,196,196,199,196,189,181,179,179,181,183,183,179,179,181,183,186,189,191,196,199,199,199,202,202,199,191,181,177,178,186,186,181,178,178,186,191,196,202,207,204,196,186,181,186,194,196,199,202,207,212,215,207,196,190,190,194,194,194,196,199,204,204,196,189,183,183,183,181,181,183,186,186,191,196,196,194,194,194,194,191,191,191,183,183,186,186,183,183,183,183,189,196,204,207,207,199,194,189,186,194,202,202,196,189,186,181,133,127,125,121,114,112,116,135,186,189,189,191,199,202,202,196,189,137,132,134,183,191,194,191,191,191,189,187,187,189,194,196,196,202,202,204,204,187,185,199,204,199,196,196,194,191,191,191,189,187,186,185,187,191,191,191,194,196,199,199,196,196,199,199,199,202,202,202,202,202,199,196,196,194,189,186,183,181,181,183,186,191,199,202,199,199,204,209,209,202,196,196,196,199,202,202,202,199,199,199,202,204,207,207,215,212,212,212,209,199,194,191,191,194,194,189,141,141,189,194,194,196,199,207,217,225,225,222,217,215,212,207,202,196,191,194,202,209,209,207,207,207,202,196,199,199,204,209,212,212,217,225,233,238,238,233,225,222,222,228,233,235,233,230,230,228,228,228,228,225,222,217,212,209,207,204,203,204,207,209,212,212,212,212,212,212,212,215,215,212,209,207,207,209,209,209,207,202,196,191,186,181,173,0,0,170,183,191,189,183,173,0,0,0,0,178,183,183,183,181,178,178,178,181,186,194,202,207,209,215,217,220,222,222,225,230,230,225,212,209,211,217,225,225,228,228,228,225,225,225,225,225,222,217,212,209,207,207,204,196,194,199,204,207,204,204,209,225,0,0,0,230,222,209,202,194,186,178,168,163,165,173,183,191,191,194,194,194,189,176,152,139,0,155,0,0,0,0,0,0,0,0,248,251,251,246,238,230,228,225,225,230,243,255,0,0,0,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,228,217,209,204,0,0,0,0,0,0,0,202,196,189,181,170,165,168,165,165,163,163,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,181,196,194,131,95,116,152,173,181,178,144,125,130,142,144,147,147,139,121,96,142,186,181,118,99,118,126,131,144,157,163,165,160,155,152,155,157,160,165,170,178,189,196,196,196,194,190,190,190,194,199,202,204,202,199,199,204,207,204,203,204,209,212,207,199,189,173,123,119,119,113,115,127,127,125,178,183,183,183,191,194,194,196,199,196,181,170,173,194,204,202,194,189,189,194,186,173,121,121,123,121,168,178,125,108,108,121,181,191,196,202,199,183,170,125,123,165,170,165,121,119,119,117,119,123,163,163,165,163,123,122,122,123,168,176,183,189,186,176,125,165,173,176,170,168,173,176,178,178,178,178,181,183,176,121,117,121,123,121,117,117,116,116,123,178,183,181,168,125,168,181,186,176,125,122,125,129,125,125,173,183,183,178,178,176,170,173,181,181,176,173,170,169,176,183,181,173,169,170,178,181,181,176,168,125,127,176,181,181,186,189,176,113,99,101,117,181,194,196,196,194,186,176,172,173,170,119,117,123,178,191,194,194,196,196,191,181,37,29,111,199,202,196,194,196,199,202,199,194,191,194,196,199,204,204,202,199,199,199,194,181,127,124,127,170,173,178,183,183,178,176,176,173,123,115,111,117,165,165,168,176,183,191,189,176,165,125,170,178,181,176,173,170,170,176,176,173,168,125,125,168,170,170,173,176,176,173,173,176,186,194,196,196,202,204,202,196,189,119,117,176,173,107,104,113,165,168,166,173,191,196,196,196,194,186,169,168,178,186,181,121,110,109,117,123,165,170,168,168,178,183,186,194,191,178,173,170,170,127,126,126,127,127,125,127,173,178,181,176,170,168,168,170,168,125,122,165,181,189,186,181,178,165,111,65,46,63,75,101,168,157,142,144,150,152,160,163,163,160,157,157,155,152,150,165,181,194,194,176,99,49,31,35,47,55,91,186,194,199,194,157,103,102,103,103,155,170,165,160,163,165,168,168,170,170,168,123,117,111,109,113,119,121,119,117,121,121,120,121,125,165,123,123,121,121,121,123,125,165,168,165,123,123,170,183,186,183,176,127,127,173,170,123,121,127,181,186,183,170,117,117,170,176,170,170,168,123,115,114,119,127,170,170,168,125,125,176,186,191,194,186,176,165,163,163,168,165,117,84,99,115,117,119,119,113,107,106,109,115,157,160,155,107,100,96,105,107,81,63,61,59,53,60,64,64,66,77,85,93,103,107,85,85,173,168,98,102,163,181,186,176,160,119,163,176,173,157,117,111,83,83,176,111,54,101,163,178,176,163,111,98,98,115,111,93,94,107,111,117,163,168,170,170,173,178,173,111,88,84,95,170,181,178,181,196,204,204,207,212,212,204,196,183,127,119,123,168,168,127,168,168,170,168,170,178,189,194,189,181,181,181,183,176,165,119,117,117,118,121,123,123,125,176,194,202,196,112,110,168,186,176,127,125,123,121,121,121,119,118,121,168,181,191,199,199,196,189,105,76,93,117,173,173,93,98,115,113,123,189,191,183,176,170,125,127,181,191,196,202,204,207,207,204,199,196,196,196,196,199,199,199,198,202,207,202,133,125,173,194,202,194,186,181,176,129,120,119,125,173,170,119,115,119,176,181,176,129,127,176,178,129,122,120,125,173,178,178,178,178,181,178,176,170,129,170,170,173,173,181,189,189,189,189,181,129,124,125,170,178,183,181,173,173,178,176,174,181,183,181,178,178,181,183,186,189,189,189,191,191,183,178,176,173,169,173,191,194,181,170,176,189,199,202,204,207,209,204,196,183,173,173,181,186,178,173,170,173,173,173,173,170,173,173,176,170,107,44,42,83,125,176,186,196,202,202,196,191,186,176,129,126,125,126,173,189,199,199,196,189,178,176,131,173,189,189,181,178,178,186,183,117,92,99,199,207,209,209,207,204,204,207,209,209,209,204,194,178,125,125,131,178,181,186,196,204,209,209,207,194,115,99,111,191,199,194,168,125,168,176,176,176,176,178,178,178,181,186,186,176,170,119,96,101,113,119,118,117,117,121,127,178,186,183,178,178,181,178,131,131,176,183,194,199,183,124,122,131,183,191,194,178,102,176,186,194,196,199,196,191,183,181,183,189,194,194,194,194,191,183,176,178,186,189,183,105,74,77,127,176,176,176,173,170,129,129,173,178,176,173,176,186,191,191,191,189,183,183,183,189,191,189,183,181,176,176,176,176,133,131,131,131,176,183,181,133,135,196,207,209,209,215,215,215,212,209,209,209,209,207,204,204,207,207,207,207,207,207,207,204,202,199,196,192,192,192,192,196,199,199,194,192,194,199,202,202,202,207,212,217,212,204,199,196,199,202,199,196,186,178,176,176,131,127,127,125,125,127,133,181,186,186,183,186,183,134,132,134,178,178,181,191,194,196,202,209,215,212,207,204,204,202,196,186,137,186,199,202,202,199,194,194,196,196,199,199,199,199,202,204,199,191,186,183,186,191,189,183,181,178,181,181,183,189,191,194,194,189,183,178,178,133,132,133,135,133,131,131,129,129,135,137,136,137,191,204,212,215,217,222,225,228,230,233,230,225,217,212,212,212,212,212,212,215,215,217,217,222,222,222,222,220,217,215,215,217,217,215,212,207,203,203,207,207,204,202,202,204,204,199,194,189,186,183,183,183,181,178,176,176,176,131,131,170,170,173,173,170,129,170,170,170,170,173,173,176,178,183,183,183,186,186,186,183,183,181,176,168,166,168,173,170,165,163,163,123,123,163,168,168,168,168,165,163,165,165,163,121,120,120,123,170,176,176,173,170,168,168,165,163,165,168,170,168,123,115,115,117,127,181,191,194,194,189,186,186,186,189,189,189,186,181,181,183,186,191,196,199,202,204,202,194,191,194,196,199,202,202,202,196,194,196,204,209,207,199,194,191,196,202,202,194,186,182,183,183,182,183,186,183,178,131,125,125,125,129,133,178,183,186,191,194,196,196,196,196,196,199,199,202,204,207,207,196,181,137,189,191,186,186,196,204,202,196,194,196,196,196,194,189,186,183,182,182,183,183,181,135,137,189,191,194,194,194,191,189,181,179,183,196,202,199,194,191,191,194,194,194,189,186,191,194,191,189,191,191,194,194,194,194,194,199,199,199,199,196,196,196,196,199,194,183,128,126,131,186,196,199,199,199,204,209,212,207,202,191,181,137,178,186,191,196,194,191,194,196,202,204,202,199,194,191,191,194,194,194,191,189,183,181,135,134,133,135,183,191,194,189,183,183,186,189,186,183,181,181,181,178,133,131,131,131,131,133,181,186,189,189,189,186,186,186,183,178,176,177,186,186,182,183,186,186,183,183,183,186,186,189,194,191,183,135,131,129,129,178,183,189,191,194,196,199,199,199,199,202,202,199,196,194,196,196,194,191,187,187,191,196,199,202,194,187,189,194,199,199,199,202,202,194,189,183,183,183,186,189,186,181,181,183,186,191,194,196,194,194,196,199,202,199,194,183,179,181,186,183,181,179,181,191,196,199,204,209,209,207,199,194,194,196,202,202,204,207,209,209,202,191,189,190,196,202,199,202,204,204,202,191,183,182,186,186,181,135,178,181,183,191,196,199,196,194,196,196,191,191,189,181,135,133,178,181,183,183,186,191,199,204,209,207,196,186,182,182,189,196,199,199,196,194,189,178,133,129,123,119,121,131,183,189,191,194,194,194,196,196,196,196,186,135,135,183,194,194,194,191,189,187,189,191,196,199,199,202,204,202,207,207,187,182,194,207,209,209,204,199,194,194,194,194,191,187,186,187,191,194,191,194,196,199,199,199,199,199,196,196,199,202,202,204,204,204,199,199,194,191,183,135,129,133,178,183,191,199,204,199,196,202,209,215,212,207,204,204,204,204,204,204,204,204,204,209,212,209,207,204,204,209,212,212,207,202,202,204,207,204,204,199,191,139,129,125,139,196,209,222,228,225,222,217,215,209,202,194,191,191,199,209,212,209,204,202,199,196,191,191,194,199,204,209,209,215,225,233,235,235,228,220,215,215,222,228,233,233,230,228,228,228,228,228,225,222,217,212,209,204,204,203,203,204,204,207,207,204,207,209,209,212,215,212,209,207,207,207,207,209,212,209,204,196,191,183,178,170,0,0,168,183,194,191,183,173,0,0,0,0,176,181,183,183,181,178,176,176,178,183,191,199,207,209,215,217,222,220,217,222,225,228,225,215,211,212,220,225,228,228,230,233,230,228,228,228,228,225,217,209,204,204,204,202,199,196,202,207,204,199,194,202,215,228,230,233,230,225,215,207,194,183,173,168,163,163,170,181,191,194,196,194,194,194,189,173,0,0,0,0,0,0,0,0,0,0,0,248,248,251,246,238,230,222,212,202,196,228,246,0,0,0,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,225,215,209,207,0,0,0,0,0,0,0,0,199,194,186,176,168,168,165,163,160,160,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,189,196,186,100,82,100,134,155,168,165,142,124,129,134,139,139,142,142,137,139,165,183,178,160,150,139,131,129,137,150,160,165,163,157,152,152,152,155,163,173,181,186,186,191,194,194,191,190,190,191,196,199,202,199,196,202,204,207,204,204,207,209,209,209,207,199,181,125,123,121,115,115,123,127,170,183,183,183,183,186,189,191,194,196,194,186,183,196,207,207,204,202,191,183,181,176,170,121,117,113,111,117,117,108,105,109,123,176,186,189,194,189,170,123,123,125,168,173,170,165,165,163,123,123,165,168,165,163,123,123,123,123,123,165,173,181,186,183,170,123,125,168,168,124,125,170,173,168,125,127,127,168,127,119,110,111,121,125,123,121,123,125,125,173,181,181,173,123,118,123,173,178,173,125,125,170,170,127,129,178,191,194,191,186,181,181,181,181,183,178,173,170,169,170,178,178,176,176,178,181,183,181,170,125,125,127,173,178,178,186,189,176,99,69,73,111,178,196,202,196,194,191,181,176,173,123,116,117,123,176,186,191,194,194,194,191,186,105,91,119,196,202,196,194,196,199,202,199,194,194,196,199,202,204,204,202,196,199,202,196,186,129,124,127,176,186,194,196,189,178,176,176,176,165,117,113,121,168,168,173,181,183,183,178,170,123,123,170,178,178,178,181,178,173,170,165,125,123,121,123,165,173,176,181,186,181,170,170,176,181,183,186,189,196,202,202,196,191,127,119,168,173,117,108,112,125,173,170,168,178,189,191,191,194,196,191,183,178,173,165,123,115,108,111,119,123,165,173,178,189,194,196,202,199,189,178,170,127,126,126,127,127,127,125,170,181,189,191,186,178,170,168,168,168,168,165,165,170,173,173,178,186,183,160,47,40,42,38,65,173,178,155,152,157,160,165,170,170,168,163,160,165,173,178,181,189,199,202,199,181,83,33,33,53,67,87,144,173,186,178,103,101,107,109,105,113,160,160,157,160,163,168,173,178,178,173,165,121,115,113,119,165,165,123,121,123,123,123,165,173,173,125,119,121,125,125,121,119,123,168,173,168,127,170,178,181,181,176,170,178,183,178,168,127,170,173,168,125,115,109,113,176,183,176,170,123,113,111,113,121,127,168,170,168,125,123,168,176,183,186,170,117,120,183,189,176,163,119,119,173,170,163,163,160,117,109,109,115,160,170,176,173,157,107,104,152,160,111,99,89,66,54,62,73,62,58,91,97,81,81,83,75,73,157,157,93,98,157,165,168,165,160,165,181,196,199,189,165,113,95,99,163,95,61,160,189,196,189,176,119,100,97,101,95,87,89,103,111,115,121,165,168,173,178,186,186,176,117,95,105,125,181,186,191,202,207,209,209,215,215,209,202,186,125,120,168,181,186,181,173,127,125,125,165,173,181,183,178,170,168,170,168,165,123,119,118,119,123,127,127,125,123,127,178,183,170,111,112,181,196,186,173,168,125,121,168,176,168,121,121,168,178,189,194,196,191,176,90,71,87,115,127,111,78,87,105,105,102,170,178,178,178,178,173,178,189,191,196,202,207,209,209,207,202,196,194,194,194,196,199,198,196,199,209,202,125,121,133,189,189,183,181,176,173,170,123,121,122,125,127,123,118,123,176,178,176,170,173,189,194,181,124,121,124,129,129,129,173,183,189,183,176,170,129,128,129,173,176,181,186,183,181,178,170,127,127,170,176,178,183,181,173,173,178,178,176,183,183,176,170,173,183,191,199,202,202,199,199,196,183,173,169,170,169,169,178,189,189,178,173,178,189,194,194,199,204,202,196,189,181,181,186,183,176,170,173,176,173,173,170,173,176,178,178,125,99,46,43,73,117,176,191,196,191,191,186,178,181,183,173,126,126,127,176,186,191,189,183,178,173,178,183,186,189,183,178,178,178,183,186,117,87,93,176,196,204,207,207,204,207,207,209,209,204,196,186,129,118,118,125,176,176,183,196,202,207,212,207,199,173,109,113,181,196,189,124,124,168,173,178,183,183,181,178,176,176,178,178,170,123,115,115,125,168,125,119,117,118,121,168,178,186,186,177,176,177,181,176,131,131,173,181,183,173,123,123,173,189,196,194,129,103,173,186,189,191,191,194,186,177,174,178,189,194,194,191,191,189,181,176,178,183,186,173,84,76,88,127,173,178,181,181,178,173,173,178,183,176,123,121,178,189,191,191,191,186,183,183,189,194,191,189,181,178,178,181,181,178,178,176,133,181,186,133,124,122,131,194,202,204,212,215,215,209,209,209,209,212,209,207,204,204,207,209,209,209,207,204,202,202,199,196,194,192,192,192,196,202,202,196,194,196,196,196,196,199,204,212,217,209,196,192,194,196,199,199,194,186,178,178,178,176,133,131,129,131,176,181,183,189,189,186,189,189,181,135,135,134,132,133,189,199,202,207,212,212,209,204,202,202,204,204,191,137,135,189,194,194,191,189,191,196,199,199,199,196,194,194,194,189,181,137,137,183,189,186,183,178,135,135,135,181,186,189,191,194,189,183,183,189,191,186,181,137,135,135,135,133,135,137,139,137,139,191,204,209,212,215,217,225,228,228,228,225,222,217,215,215,215,215,215,212,212,215,222,225,225,222,222,222,217,217,217,217,217,217,215,212,209,207,209,212,209,204,202,202,202,202,196,189,186,183,181,183,183,183,178,176,131,131,129,129,170,173,173,170,170,129,168,168,170,173,176,178,181,183,186,186,186,183,181,181,181,181,178,173,168,166,168,173,170,163,121,117,117,117,123,168,170,168,168,165,165,168,168,163,121,120,121,163,170,176,176,173,170,168,168,163,123,125,170,173,168,121,115,115,121,129,178,186,189,191,191,191,194,194,194,191,189,183,181,136,136,137,183,189,194,199,202,199,196,196,199,204,207,207,207,207,207,204,207,212,217,215,207,202,199,199,202,202,194,186,182,183,183,183,183,183,181,133,127,125,127,129,129,129,133,181,186,191,194,194,196,195,195,196,199,202,202,204,209,204,186,129,128,139,191,191,194,199,207,204,199,196,194,194,196,194,186,182,181,181,183,186,181,135,133,134,181,183,186,186,189,189,189,181,178,181,191,199,202,196,191,189,189,191,189,186,189,191,194,191,189,191,194,194,194,191,191,194,196,194,194,191,191,191,194,196,196,196,189,135,133,137,191,199,196,194,194,199,204,209,207,196,181,131,127,129,135,181,183,181,181,186,194,199,202,202,199,196,196,194,191,191,194,194,191,189,183,178,134,133,134,181,191,194,191,189,191,191,189,181,178,135,135,135,135,133,133,133,133,133,135,183,191,194,194,191,189,186,183,183,178,176,178,186,186,183,186,186,183,135,135,178,181,183,186,189,186,181,178,135,135,178,183,186,191,194,196,199,199,199,199,199,202,204,199,194,191,192,194,196,191,187,187,189,194,199,204,199,191,194,196,199,199,202,202,199,191,189,189,189,189,189,194,191,189,186,183,186,191,194,194,191,189,194,199,202,199,194,191,186,186,186,183,183,183,186,194,196,199,204,209,212,209,209,204,202,199,199,202,202,204,204,204,196,189,187,191,202,207,204,204,204,202,199,189,182,182,189,191,183,134,134,135,183,191,194,194,194,196,196,196,191,186,181,135,127,126,131,178,183,183,189,196,199,204,207,204,196,183,179,182,183,189,194,196,199,199,191,181,135,129,127,131,183,191,194,194,196,199,194,189,186,189,196,202,194,183,183,189,194,194,191,189,187,189,191,196,199,202,204,204,207,204,209,209,191,183,189,204,209,209,207,202,196,194,194,196,196,194,194,194,194,194,194,194,196,199,199,202,202,199,196,191,191,191,194,199,204,202,196,194,191,189,137,125,118,121,129,137,189,199,202,199,194,196,204,209,212,209,209,209,209,207,207,204,204,202,207,209,209,204,196,191,199,209,217,217,217,217,217,217,212,209,209,209,202,141,123,109,119,141,202,209,215,217,217,215,204,196,191,189,189,194,207,215,215,209,199,194,191,145,143,143,145,194,202,204,209,217,228,233,233,230,222,212,207,209,217,225,230,230,230,228,226,228,228,228,225,222,215,212,209,207,204,204,204,204,204,204,202,202,202,204,209,212,212,212,209,207,204,204,204,207,209,209,207,199,191,186,178,168,0,0,0,183,194,191,181,173,0,0,0,0,176,181,186,186,183,178,176,174,178,183,194,202,207,212,215,217,222,222,217,217,222,225,225,217,212,215,222,228,230,230,235,238,235,233,230,230,230,225,217,207,202,202,202,202,199,202,204,207,202,189,183,189,207,217,228,233,228,225,217,209,196,181,168,160,160,0,165,176,186,194,196,194,194,199,199,191,170,0,0,165,0,0,0,0,0,0,0,0,248,246,241,228,217,209,199,183,178,202,228,248,0,0,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,235,230,0,0,0,0,0,0,0,0,0,0,0,194,186,178,168,168,165,163,160,163,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,199,170,90,40,35,64,134,155,152,144,134,134,137,142,142,144,150,150,150,152,155,155,160,163,155,144,142,142,147,155,163,163,157,155,152,150,151,160,178,183,178,174,178,189,194,194,194,194,194,196,196,196,196,199,204,209,209,209,209,212,212,209,207,204,199,181,121,117,117,117,121,173,176,170,170,173,173,173,170,168,173,181,186,186,189,196,204,207,207,204,202,194,181,173,168,168,119,111,107,109,117,117,108,107,115,165,173,178,181,183,176,121,117,119,123,170,178,178,176,176,170,165,163,168,170,168,163,123,163,163,121,113,117,123,168,170,170,125,119,121,165,165,123,124,168,170,125,121,121,121,121,121,113,106,106,121,168,127,127,170,173,176,178,181,178,170,119,117,119,168,173,168,168,170,170,129,129,173,181,189,191,191,189,183,178,178,181,183,181,176,170,169,170,173,173,173,178,178,178,181,178,170,124,125,168,176,178,181,189,191,181,61,0,0,71,168,191,196,191,194,194,189,186,176,119,115,118,127,176,186,191,191,194,191,183,173,90,84,109,199,199,194,196,199,199,199,196,194,196,199,202,204,207,204,199,195,196,199,196,183,170,125,168,181,194,202,202,189,176,170,170,170,123,115,113,121,168,176,186,186,168,125,165,165,121,121,165,170,170,176,181,178,170,123,118,118,119,123,165,168,176,181,189,191,181,168,165,170,173,173,176,178,183,189,186,181,178,125,119,125,173,125,113,112,168,186,178,125,125,176,186,189,194,202,207,199,181,165,123,165,125,99,100,115,121,165,178,186,194,199,199,204,202,196,183,126,125,126,127,168,168,125,125,176,186,194,194,189,181,176,170,166,168,170,168,125,121,117,119,170,183,183,170,55,46,53,46,83,202,204,176,168,173,173,173,173,170,165,163,165,173,183,189,189,189,194,202,202,191,160,95,83,95,97,93,97,150,170,165,111,107,109,107,105,109,115,155,160,163,165,168,176,178,178,173,165,123,119,121,168,178,176,168,165,168,168,168,176,181,173,119,114,117,123,123,115,113,115,125,173,173,168,168,170,173,173,173,176,186,189,181,173,173,176,168,121,114,111,109,115,173,181,176,170,119,111,111,117,127,125,125,168,127,121,119,119,123,170,178,121,113,118,189,194,173,115,113,178,191,181,168,165,160,115,113,117,165,178,186,191,189,183,170,157,157,155,113,109,105,99,83,81,89,71,65,111,111,79,78,83,83,84,109,113,109,115,165,163,160,119,117,163,189,202,207,204,189,163,109,99,81,65,66,160,189,194,183,173,163,117,109,103,99,95,97,103,105,109,115,123,168,176,186,194,196,194,189,181,125,168,183,194,202,207,209,212,212,215,215,212,204,186,123,121,127,181,191,191,183,168,123,122,123,165,170,170,165,119,116,117,117,119,121,121,121,123,127,170,170,127,123,125,168,127,119,113,117,183,196,191,181,173,168,168,186,194,186,170,168,170,176,176,176,173,168,121,107,91,113,125,168,111,84,99,127,107,80,82,117,173,181,183,183,186,191,191,194,199,207,209,207,204,202,196,194,194,194,196,199,199,198,202,209,204,131,121,127,131,129,173,176,131,131,170,129,123,122,123,129,129,127,173,178,176,173,170,178,196,204,196,178,125,125,125,125,125,129,178,191,189,176,129,127,128,129,173,176,178,181,178,173,129,129,173,176,170,129,173,178,176,173,173,178,181,183,189,183,173,170,173,183,196,204,207,204,199,196,191,183,170,168,170,169,169,176,189,194,178,123,127,181,186,183,181,186,191,189,186,186,186,186,181,173,170,173,176,173,170,170,173,176,181,183,178,127,107,97,111,127,183,194,189,127,125,125,125,178,191,183,173,173,176,176,178,181,178,173,131,129,178,189,191,186,176,173,176,181,181,178,127,114,114,129,186,194,196,202,204,207,209,209,204,186,178,176,125,117,117,123,131,128,176,191,199,207,215,207,196,176,119,121,178,191,191,178,170,170,170,176,181,183,181,176,176,176,176,176,168,123,121,170,178,181,176,127,121,121,127,176,186,189,186,178,176,178,183,181,130,128,128,131,176,129,124,125,178,194,199,189,120,106,173,186,186,183,186,189,183,176,173,178,189,191,189,189,189,183,178,176,181,183,183,170,89,89,115,123,125,168,176,181,178,176,178,186,189,178,113,108,119,183,191,189,189,189,183,183,186,191,191,189,181,176,173,178,183,183,183,178,133,178,183,176,125,122,129,181,189,194,204,209,209,207,204,207,207,209,209,209,207,207,209,209,209,209,207,204,202,199,199,199,199,199,196,196,199,202,204,202,202,202,202,199,196,199,204,212,212,204,194,192,192,194,194,194,194,191,191,186,181,135,176,178,178,183,189,189,189,191,194,191,191,191,186,183,183,178,134,135,191,199,204,207,209,209,207,204,202,202,204,204,199,183,133,133,139,183,183,139,189,196,202,202,199,194,189,186,183,137,135,135,137,183,186,186,186,181,133,127,125,129,135,183,186,189,189,186,189,194,194,191,186,183,183,183,186,141,141,189,191,191,194,202,209,212,212,215,217,220,222,222,220,217,215,215,215,217,217,217,217,212,212,215,222,225,225,222,222,222,217,217,217,217,217,215,212,212,212,212,215,215,212,207,204,202,199,196,191,186,181,181,181,183,183,183,178,173,129,127,127,129,173,173,170,129,129,129,168,168,173,176,178,181,183,186,186,189,186,183,178,176,178,178,176,170,166,166,170,173,170,123,115,111,111,115,121,168,170,168,165,165,168,170,170,165,160,123,163,168,170,170,170,170,168,165,163,121,119,123,170,173,168,123,119,119,123,127,173,178,178,181,186,189,191,194,194,191,189,183,181,136,136,136,137,186,191,196,199,199,199,202,204,207,209,207,207,209,212,209,212,217,217,215,209,204,199,202,202,199,194,186,183,186,189,189,189,186,178,129,124,125,131,133,131,129,131,178,189,194,194,196,196,196,196,196,199,199,199,202,202,196,137,127,127,135,189,196,199,202,202,199,199,194,190,190,194,196,191,183,183,186,191,189,183,135,134,135,181,183,183,186,189,191,189,183,179,179,189,196,202,199,194,189,189,186,186,186,186,189,191,189,189,194,199,196,194,190,190,191,191,191,189,186,186,186,189,194,194,196,194,189,186,189,194,199,196,194,194,194,199,204,204,194,137,129,126,126,129,131,131,128,128,133,186,196,199,199,196,196,196,194,194,194,196,199,199,196,194,189,181,135,135,183,194,196,194,194,194,191,183,135,134,134,134,134,135,178,181,183,181,178,181,189,194,196,194,191,186,182,182,183,183,183,186,191,191,191,191,189,181,134,133,135,181,181,183,183,183,181,181,183,186,189,191,194,196,196,199,199,199,196,199,199,202,202,199,194,192,192,196,196,194,189,189,189,194,199,204,199,196,196,199,199,199,202,199,191,183,183,189,191,191,191,194,194,194,191,186,186,189,194,194,191,189,191,196,199,196,194,194,191,191,189,186,183,183,183,189,194,196,202,207,209,209,207,207,202,194,191,194,199,202,204,202,194,189,189,194,204,204,202,202,202,202,199,189,182,182,189,191,183,134,133,135,183,189,189,189,191,194,196,194,189,181,135,129,124,124,131,178,181,183,191,196,199,199,202,202,196,186,182,183,186,186,189,191,196,196,191,181,135,131,131,181,199,202,196,192,196,199,191,182,181,186,196,202,196,191,189,194,196,194,189,186,187,191,194,196,199,199,204,207,207,204,209,212,199,187,191,199,204,204,202,202,199,196,191,191,194,196,196,196,196,196,196,196,199,199,202,202,202,202,199,191,186,182,182,189,196,196,191,186,183,181,133,119,116,117,123,133,181,194,199,196,191,191,196,202,202,204,209,212,212,209,207,202,196,196,199,202,196,191,189,189,202,217,225,228,230,230,228,225,212,204,204,209,209,199,141,111,118,127,137,141,196,207,212,204,189,136,137,139,143,199,212,215,212,204,196,189,142,142,143,145,145,191,194,202,209,217,228,230,228,225,215,207,202,204,215,225,230,233,230,228,226,228,228,228,225,222,217,212,209,207,207,207,207,207,207,204,202,200,202,204,209,212,212,212,209,207,204,204,204,204,207,209,209,202,191,186,178,168,0,0,0,178,189,189,178,0,0,0,168,173,176,183,189,191,186,178,174,174,176,186,194,202,209,215,217,222,222,222,217,216,217,222,225,217,215,215,222,228,230,233,235,241,238,235,233,233,230,225,217,207,200,200,202,202,202,204,207,207,196,181,173,178,191,207,222,230,228,222,215,207,196,183,165,155,152,0,0,168,181,189,191,189,189,196,204,204,189,0,0,165,186,0,0,0,0,0,0,0,251,246,235,217,207,202,194,183,176,183,202,230,0,0,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,181,176,173,168,165,163,163,163 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,4,116,139,142,144,142,142,142,144,152,155,152,147,142,139,142,152,160,155,150,152,147,147,150,157,163,165,163,155,150,151,165,181,186,178,170,172,181,194,199,202,199,196,196,196,195,196,202,207,212,212,212,212,215,215,207,196,194,186,170,113,109,113,121,176,194,196,181,166,164,166,168,125,122,121,123,168,178,191,199,202,202,204,202,199,194,178,168,121,119,109,107,108,123,178,181,127,121,125,173,173,170,170,170,165,117,115,117,123,173,186,186,186,186,178,165,123,165,168,165,123,123,163,123,113,105,107,111,115,119,121,121,118,118,123,125,124,124,170,173,168,125,123,120,121,125,117,107,105,121,127,168,170,178,178,178,178,183,181,170,121,117,119,125,127,125,173,176,127,122,127,176,181,183,186,191,191,183,170,129,178,189,189,181,173,170,170,173,173,173,176,176,178,181,181,170,125,126,170,178,181,183,191,191,181,35,0,0,41,176,191,196,191,194,194,191,189,181,121,117,123,176,183,189,191,194,194,189,176,117,84,78,103,186,191,191,196,199,199,199,196,196,196,199,202,202,204,204,199,195,196,196,191,178,170,129,170,178,189,196,194,183,170,165,168,165,123,117,117,121,165,176,189,183,110,113,124,165,121,120,121,123,123,165,173,168,121,118,117,119,125,168,173,173,176,176,181,183,173,165,165,168,168,168,168,173,176,176,170,125,123,121,121,165,170,168,123,119,165,178,168,117,121,173,189,191,194,202,209,204,186,165,123,125,121,79,79,113,125,173,186,194,199,199,196,196,199,196,181,124,124,127,170,173,170,127,127,178,189,191,191,189,183,178,173,170,173,176,170,163,117,115,116,165,173,170,119,71,69,85,85,113,204,199,157,165,178,181,183,181,170,160,155,165,183,194,194,191,189,191,194,196,183,168,155,147,173,189,147,93,101,152,168,194,165,109,101,101,107,115,155,163,168,168,168,173,176,173,165,123,119,121,163,178,186,183,173,170,176,178,183,189,189,178,121,115,118,125,123,114,112,115,125,173,178,176,173,170,173,170,170,173,183,186,176,170,173,173,168,123,115,115,121,170,173,176,173,170,121,114,117,168,170,125,122,127,123,119,117,116,117,168,178,168,119,123,178,176,117,93,73,109,173,163,117,121,119,113,117,163,178,189,194,196,194,191,181,163,115,113,115,152,152,152,115,93,91,93,103,155,155,107,95,97,103,103,107,115,168,189,183,176,163,113,110,121,186,202,204,202,199,181,119,99,77,71,83,119,183,186,176,168,165,163,119,113,111,109,107,105,105,107,119,163,173,181,194,199,199,194,194,191,181,178,183,189,194,199,204,207,207,209,209,204,196,181,123,117,117,123,178,191,189,170,122,122,124,125,165,125,123,117,115,115,115,115,116,119,121,125,127,168,168,127,125,127,127,125,119,115,121,173,183,183,181,176,170,176,191,199,191,183,181,181,173,119,113,113,110,111,117,117,123,170,178,170,119,176,183,121,78,74,103,121,127,176,189,191,189,189,191,196,204,207,204,202,199,196,196,194,194,196,202,202,202,204,207,204,189,129,119,115,116,127,129,128,127,131,176,170,127,170,181,178,173,176,176,173,170,170,176,194,204,202,186,129,125,125,127,127,125,170,186,186,170,127,127,128,170,176,178,178,176,176,170,129,170,178,178,170,125,129,170,173,173,176,178,183,186,186,181,170,129,131,181,191,199,202,199,194,189,183,181,176,170,173,173,173,181,194,199,178,113,115,170,181,178,173,176,181,186,186,186,189,186,181,173,170,173,173,168,127,170,176,181,186,194,202,204,204,194,181,181,191,196,186,121,119,121,124,183,199,194,189,186,183,178,178,178,178,173,129,129,178,189,191,181,130,130,173,178,181,178,178,186,189,183,186,189,191,196,202,204,207,204,194,130,128,131,129,122,121,131,131,126,131,186,194,204,209,199,178,125,123,129,178,189,194,196,191,178,170,170,173,178,178,178,178,186,186,181,170,165,168,178,181,186,183,176,127,127,178,191,194,191,186,178,178,183,186,181,170,128,128,131,176,131,126,127,178,191,194,176,118,113,178,189,183,178,183,191,189,178,177,181,189,189,183,183,181,178,173,176,183,186,189,176,105,109,168,127,122,123,129,176,176,173,178,186,191,186,113,104,111,191,196,189,183,183,183,183,183,183,183,176,131,129,129,173,183,186,181,131,128,129,176,183,181,135,178,183,183,186,194,204,207,202,202,204,204,204,207,207,209,209,209,209,209,209,207,204,202,202,202,202,202,202,202,202,202,199,199,202,204,207,207,204,202,202,204,209,207,199,194,196,196,196,194,194,194,196,202,199,186,178,178,183,189,194,194,191,191,196,196,194,194,194,191,191,196,194,191,194,196,199,199,202,204,207,207,204,202,202,204,204,202,196,137,129,130,133,137,183,189,196,204,204,196,189,183,183,137,135,133,135,183,183,186,189,189,183,131,124,122,124,131,178,181,183,189,191,186,183,183,183,183,189,191,191,194,194,194,196,199,202,207,212,215,215,215,215,215,215,217,217,215,212,212,215,222,225,225,225,222,215,212,215,222,225,222,222,222,222,222,217,217,217,215,212,209,209,212,215,217,215,209,207,204,199,194,191,186,181,178,176,178,181,181,178,173,129,125,125,127,129,170,170,129,128,129,168,170,173,176,181,183,186,189,189,189,189,186,181,176,176,176,176,173,170,168,170,173,176,168,119,111,109,110,113,121,165,170,168,165,164,168,170,170,165,163,165,168,168,165,123,123,123,123,121,119,117,117,121,125,165,127,127,125,123,123,125,170,173,173,173,178,183,186,191,191,191,191,186,183,181,137,137,181,186,194,199,202,202,202,202,204,207,207,207,207,209,209,209,212,217,215,207,204,202,196,196,199,196,194,186,183,189,194,194,191,189,178,129,124,127,133,135,133,131,133,181,191,194,196,196,199,199,199,199,199,196,194,194,194,186,135,129,128,131,183,196,202,202,199,195,196,191,187,187,191,196,194,191,189,194,196,191,183,139,139,183,189,189,189,191,194,194,191,186,181,181,189,196,202,199,194,189,186,183,182,183,186,189,189,189,189,196,202,202,196,191,190,191,191,191,189,186,139,139,183,189,194,196,199,196,194,189,191,194,196,196,194,194,199,204,202,191,137,129,126,126,127,129,128,127,126,129,183,194,196,196,194,194,194,196,196,199,199,202,204,204,202,196,191,186,189,194,199,202,196,194,191,183,135,134,134,135,134,134,135,181,186,189,186,186,186,194,196,194,191,186,183,181,182,186,191,194,194,196,199,196,196,194,186,133,133,178,183,183,181,181,181,183,186,189,194,196,199,199,199,199,196,194,194,194,196,199,199,196,196,196,196,196,199,199,194,191,191,191,196,199,199,196,196,196,196,196,199,199,194,183,179,179,186,194,196,194,194,194,194,189,183,183,189,194,196,194,189,191,194,196,196,194,191,191,191,191,186,183,181,134,135,181,191,199,202,204,204,204,204,196,186,183,186,194,202,204,204,199,191,190,194,199,199,196,196,196,199,199,189,182,181,186,191,186,137,134,135,178,178,178,183,189,194,196,194,189,181,131,127,125,126,135,181,178,181,191,196,194,191,194,196,196,194,189,189,189,189,186,186,189,194,191,183,181,135,178,189,202,202,194,192,194,196,189,182,181,189,199,202,199,194,196,196,196,189,186,185,189,194,194,191,191,194,199,202,199,199,204,207,202,194,196,202,202,200,202,202,202,194,189,187,189,194,196,196,196,196,199,199,202,202,204,204,204,204,202,196,189,182,181,183,191,194,189,183,137,135,129,125,119,119,123,129,135,186,194,196,194,191,191,191,194,199,204,209,212,209,204,199,191,190,194,194,189,186,186,191,209,222,225,228,230,233,230,222,209,199,199,204,209,209,204,186,137,133,127,129,139,194,199,196,137,132,133,137,143,199,209,212,209,202,194,143,141,142,191,196,194,191,191,202,209,217,222,225,222,217,212,204,200,202,212,228,235,235,233,228,226,226,228,230,228,225,217,215,209,207,207,209,209,209,209,207,202,202,202,204,207,209,209,209,207,204,204,204,203,203,207,209,209,202,194,183,176,165,0,0,0,173,183,183,176,0,0,0,168,173,178,186,191,194,189,181,174,173,176,186,196,204,209,215,217,222,225,225,222,217,217,225,225,222,217,217,222,228,228,230,235,238,238,235,233,230,230,225,217,209,202,202,204,207,207,209,212,207,194,178,168,168,178,191,212,228,225,215,207,204,202,191,173,157,152,0,163,168,176,183,186,183,183,194,207,209,199,176,0,173,186,199,0,0,0,0,0,0,0,248,238,222,209,204,196,183,173,170,186,0,0,0,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,183,181,176,168,165,165,163 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,126,144,150,144,142,144,152,157,152,147,142,139,139,144,152,152,150,152,147,142,144,152,163,168,168,163,152,157,170,186,189,181,173,170,176,189,199,204,202,199,196,195,196,199,204,209,212,212,212,212,212,209,199,183,176,131,117,105,104,111,125,189,209,217,207,181,166,166,170,170,123,120,119,122,170,186,194,194,196,199,199,191,183,176,168,115,107,103,108,121,178,191,194,183,173,173,178,176,168,125,125,123,117,116,119,125,178,191,194,194,194,183,165,121,123,123,121,121,121,123,119,112,107,109,112,115,117,119,119,118,117,121,125,165,168,170,173,170,168,125,121,125,173,168,112,109,117,123,125,168,178,178,176,176,181,181,173,123,119,121,123,125,168,181,178,120,118,123,170,170,178,189,196,194,181,128,129,183,194,194,186,176,176,173,176,178,178,178,178,181,183,186,178,170,168,173,183,186,186,189,183,165,27,0,0,49,196,199,202,196,199,196,189,186,183,170,168,178,186,191,194,196,199,196,189,173,117,105,105,123,181,191,194,199,199,202,199,199,199,199,199,199,199,202,202,196,196,196,194,183,173,170,170,168,173,181,183,178,168,125,124,125,125,123,121,121,125,165,168,176,165,105,110,125,168,123,121,121,121,123,125,125,119,117,118,121,168,176,176,176,176,170,165,165,168,125,125,170,173,168,165,168,173,173,168,125,120,119,120,123,168,170,170,170,165,117,101,100,109,123,181,191,191,191,196,202,199,186,165,121,163,121,80,81,121,173,181,191,199,199,199,196,191,194,191,178,125,127,178,181,178,173,170,170,181,186,186,186,186,183,183,178,176,176,178,176,165,121,117,119,163,163,157,115,97,89,91,91,103,111,81,72,101,173,183,191,194,176,147,139,160,189,196,194,194,191,186,181,176,170,163,155,155,178,202,173,101,97,105,173,209,176,107,100,103,109,113,155,163,170,170,168,170,170,168,123,119,118,121,165,178,183,181,173,173,183,191,196,196,196,189,173,125,165,168,125,115,114,117,127,178,186,186,183,178,176,173,168,168,176,178,170,166,166,168,168,168,125,127,176,178,173,168,170,170,123,117,121,170,170,125,122,123,121,117,116,115,121,178,189,181,170,165,168,123,107,79,54,52,89,97,101,111,111,109,157,170,183,191,194,194,191,186,176,155,111,117,170,181,176,165,155,99,101,117,155,117,115,113,109,109,109,107,109,157,178,194,191,183,168,113,109,117,181,196,199,199,202,191,165,107,97,97,93,111,173,181,176,170,168,165,165,119,113,107,103,105,107,115,163,173,178,186,196,196,194,189,186,191,191,191,183,125,123,176,186,186,189,196,194,178,176,173,123,105,99,105,125,181,181,168,123,125,168,165,125,125,123,121,119,123,121,117,115,117,125,170,170,127,125,125,127,168,168,125,119,119,125,127,168,170,176,173,168,176,186,189,186,186,191,191,178,113,110,110,109,111,121,121,121,168,186,191,191,186,176,125,100,98,111,109,109,125,191,196,191,189,191,196,202,204,204,202,199,196,196,194,194,196,202,204,202,204,207,207,199,178,116,113,116,127,129,127,128,176,181,181,183,191,194,186,176,173,173,170,170,170,173,183,191,191,183,129,127,127,170,129,127,170,181,178,129,128,129,173,173,176,178,178,176,176,176,178,181,181,178,170,125,125,127,129,170,173,176,181,183,181,173,129,128,129,173,178,183,191,194,189,183,181,181,181,178,176,176,178,186,199,202,183,111,100,105,125,173,178,183,189,189,186,186,189,189,186,181,178,178,173,127,124,168,176,183,194,204,212,212,207,199,183,181,194,202,196,125,121,123,173,194,202,196,194,196,191,183,181,183,183,176,127,129,176,183,186,178,129,129,131,176,181,183,183,191,199,207,202,196,196,196,199,202,202,196,183,129,128,173,178,173,176,189,186,131,173,183,189,194,194,178,114,115,123,170,176,183,194,202,199,189,181,176,173,173,176,176,178,186,191,181,168,125,168,173,178,183,186,178,168,127,178,194,196,191,186,183,183,186,186,183,176,173,173,178,183,178,127,127,131,178,181,125,118,120,181,186,181,178,183,191,194,186,183,183,186,181,178,178,178,173,170,173,183,191,194,178,105,111,170,129,123,123,127,170,173,172,176,181,186,186,125,109,117,189,191,181,173,178,183,183,183,178,131,123,122,123,129,178,186,186,178,128,126,126,129,183,196,199,199,199,194,189,189,196,202,202,204,207,204,202,202,204,209,212,209,207,207,207,204,204,204,202,202,202,204,204,204,202,196,189,186,191,199,207,209,209,204,204,204,204,202,196,196,202,202,199,194,194,191,196,204,204,191,181,183,191,194,194,194,194,196,199,199,199,196,199,199,199,204,204,204,204,199,196,196,196,202,207,207,204,199,202,204,204,207,207,191,130,128,132,139,186,191,196,202,199,194,186,183,181,137,133,133,137,186,186,186,189,191,186,135,127,124,125,131,178,181,183,191,191,183,179,178,179,183,191,194,196,202,204,202,202,204,207,212,217,220,220,217,217,215,215,215,215,215,212,212,217,225,230,230,228,222,217,215,217,222,225,222,222,225,222,222,222,222,217,215,209,207,207,209,215,215,212,207,204,202,196,191,183,181,178,178,176,176,176,176,173,127,125,124,125,127,129,129,129,129,129,129,170,176,178,183,186,189,191,189,189,186,186,186,183,181,178,178,178,173,170,170,170,176,176,168,119,111,110,110,117,123,165,168,165,164,164,168,170,170,165,165,168,168,163,119,113,113,115,117,115,113,113,117,119,121,125,127,170,170,127,125,127,173,178,178,176,178,181,186,189,191,194,194,191,186,183,183,183,189,191,196,199,202,202,202,202,204,207,207,207,207,207,204,207,209,212,207,199,199,196,194,194,194,194,191,186,186,191,196,196,194,189,178,129,125,127,135,178,135,135,181,189,194,196,196,196,199,199,202,202,196,191,189,189,189,183,139,135,131,131,139,194,202,204,199,196,196,191,187,189,191,196,196,194,191,196,196,191,186,189,191,196,196,196,196,196,196,196,191,189,186,189,191,196,202,202,199,194,186,182,181,183,189,191,189,189,191,196,202,204,199,194,191,191,194,194,194,189,139,138,139,186,194,199,199,199,191,185,185,186,194,199,199,196,202,207,204,194,181,133,127,127,129,133,133,129,128,129,135,183,189,189,189,189,189,191,196,196,196,199,204,207,202,194,191,194,199,204,207,204,199,194,183,134,132,133,178,181,178,135,135,181,189,191,189,189,189,194,196,191,186,183,182,181,182,189,196,199,196,196,196,199,199,199,189,134,133,183,189,186,181,179,181,186,191,194,196,196,196,196,196,194,194,191,189,191,194,196,194,191,194,199,202,202,202,196,191,190,191,194,196,199,196,195,195,195,196,195,196,196,194,186,181,181,186,196,199,199,199,194,186,182,182,183,191,196,196,194,191,189,191,194,196,194,191,189,191,194,191,189,181,131,130,134,183,194,199,202,202,202,199,194,185,182,183,189,199,204,207,204,199,194,196,199,196,195,195,195,199,199,189,182,181,186,191,191,183,178,135,134,133,132,178,189,194,194,191,189,181,133,129,127,131,178,181,178,181,189,194,191,189,189,194,196,196,194,191,186,186,183,186,189,191,194,189,186,183,186,194,202,199,194,194,194,194,189,183,186,194,202,202,199,196,196,199,194,189,186,186,189,194,194,189,186,186,189,191,189,189,194,194,194,196,204,209,209,204,202,204,202,194,189,186,186,189,194,199,199,199,202,204,204,204,207,207,204,204,202,199,196,189,183,183,191,194,191,183,137,135,135,137,135,135,133,131,131,135,189,199,196,194,189,189,189,194,202,207,207,207,204,196,190,190,191,194,190,187,190,204,217,225,225,225,225,225,222,215,204,196,196,202,207,207,204,199,191,137,129,129,137,186,191,194,139,135,136,141,189,196,204,209,207,204,196,145,142,145,196,207,202,196,196,204,215,217,215,212,212,212,212,207,200,200,212,228,235,238,235,228,226,226,230,230,228,225,217,212,207,204,204,207,209,209,207,204,204,202,202,204,207,207,207,204,204,204,204,204,204,204,204,207,207,202,194,181,170,0,0,0,0,163,173,176,170,0,0,0,0,170,178,186,194,196,194,183,174,173,176,186,196,207,212,217,222,225,228,228,225,222,222,225,228,225,222,222,225,228,228,228,230,235,235,235,233,230,228,225,217,212,207,204,0,0,212,215,215,204,189,0,166,166,0,178,202,222,222,209,204,204,207,202,183,163,157,163,168,170,176,178,181,181,183,194,207,212,207,189,178,181,186,194,207,228,0,0,0,0,0,251,243,233,222,209,196,178,165,0,181,0,0,0,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,191,186,181,173,165,165,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,134,147,144,142,150,157,157,150,139,131,131,131,137,147,150,150,147,142,137,139,147,157,163,165,163,160,165,176,186,189,189,181,174,176,186,199,204,202,199,196,196,199,204,207,209,209,209,207,207,204,202,189,173,127,123,107,99,102,111,170,194,209,222,217,199,178,168,170,173,170,125,122,125,170,176,181,186,189,191,186,181,178,176,170,119,109,106,121,176,183,189,189,183,176,176,178,178,170,123,121,119,117,117,121,125,178,191,196,199,199,189,165,120,121,119,117,117,119,117,117,115,117,121,163,121,117,119,121,121,121,123,165,170,173,170,165,165,165,165,165,173,183,181,125,115,117,119,119,125,173,176,173,170,173,176,170,127,123,125,125,168,178,183,170,116,116,123,129,125,173,189,196,189,173,129,178,196,202,202,189,181,181,178,178,186,189,186,183,186,189,189,183,181,176,181,189,191,186,183,170,111,5,0,0,61,199,202,202,199,202,194,178,176,178,178,181,189,191,194,194,196,199,199,191,176,125,119,127,176,183,194,202,199,202,202,202,202,202,199,196,196,196,196,196,196,199,196,189,176,129,127,127,127,170,181,181,170,123,122,124,165,165,123,121,123,165,165,164,165,124,115,119,165,165,165,165,165,168,173,170,125,119,117,119,125,173,178,178,176,173,165,121,121,125,125,165,176,178,170,165,168,173,170,168,123,120,119,121,165,173,178,183,181,170,101,90,92,107,168,183,191,191,189,189,191,194,186,163,118,163,170,112,113,176,178,178,183,194,194,194,191,186,186,183,173,168,181,191,189,178,173,173,176,176,178,178,178,181,181,181,178,176,178,181,181,176,170,165,165,165,157,113,113,107,97,95,95,97,87,67,65,99,170,178,181,191,168,93,89,144,189,196,194,194,191,178,150,150,170,168,157,160,170,176,163,147,99,95,160,168,150,101,100,107,111,111,115,160,170,173,170,168,170,170,165,123,163,165,168,170,173,168,125,170,189,202,202,199,196,194,186,176,170,168,121,115,114,119,168,181,191,194,191,183,176,170,166,166,176,183,178,168,166,166,168,173,173,176,178,176,168,127,168,127,121,117,119,125,125,123,123,123,121,117,116,116,168,189,194,191,176,165,125,121,111,77,47,47,85,97,101,107,103,101,160,176,183,189,189,189,186,178,157,105,111,165,186,196,191,163,93,93,165,178,160,110,110,111,111,111,109,107,115,165,178,189,186,176,163,113,109,115,176,191,196,199,199,194,181,113,103,103,97,103,163,176,178,176,170,170,170,163,113,101,99,105,113,123,173,181,183,189,194,194,186,179,179,189,196,199,183,122,120,125,170,170,125,121,111,106,113,119,115,87,89,103,125,176,173,165,165,173,173,168,125,123,125,125,165,170,173,125,117,119,170,178,173,168,125,125,127,168,168,125,121,123,127,127,124,125,168,168,168,170,178,178,176,181,196,196,183,119,113,119,117,119,121,119,118,125,178,191,196,186,127,125,123,127,121,109,109,131,194,196,194,191,194,196,202,202,202,202,199,196,194,191,191,196,202,204,202,202,204,207,202,183,121,117,127,176,173,129,173,181,183,183,189,196,196,183,170,170,170,170,173,173,176,181,183,183,178,170,170,173,170,170,176,181,178,170,129,170,176,178,178,176,178,181,183,183,183,186,191,191,183,173,125,121,121,125,129,129,129,170,176,176,170,129,129,129,173,173,173,173,181,183,183,181,183,186,183,181,181,183,186,194,196,183,121,95,92,97,129,194,202,196,189,178,181,186,191,191,191,191,189,181,168,123,124,170,181,194,204,209,202,199,189,170,170,189,202,204,186,170,173,189,196,199,194,194,196,194,189,189,191,183,131,124,127,176,181,186,181,130,131,173,176,181,181,181,186,199,212,212,207,202,199,196,196,194,189,178,131,173,183,186,183,189,199,196,181,131,173,178,181,178,127,112,116,129,127,129,181,191,199,199,196,194,189,181,173,173,173,172,176,183,178,123,122,125,165,170,173,173,168,125,123,170,186,194,191,189,186,189,189,186,181,181,183,183,189,191,181,127,123,125,129,131,121,120,123,176,176,173,176,183,189,191,189,183,181,178,173,173,176,176,170,127,125,173,183,186,170,107,109,123,129,129,127,127,170,173,176,178,178,176,176,173,127,178,186,181,172,172,178,186,183,181,178,129,121,120,123,173,183,191,191,186,176,131,127,127,178,196,204,207,209,204,189,178,181,186,191,202,207,204,199,199,202,209,212,207,202,199,199,202,202,202,199,199,199,199,202,202,202,191,137,134,136,191,204,212,212,212,207,204,202,196,194,196,204,202,196,194,196,191,194,199,199,191,186,186,191,191,186,186,194,199,202,199,199,196,199,199,204,207,204,202,204,199,194,192,196,202,204,204,199,194,199,202,207,209,209,204,189,133,135,139,186,191,196,196,194,191,186,183,181,137,132,132,137,186,189,189,189,189,186,183,178,131,129,131,135,183,189,194,194,186,182,181,182,189,199,202,202,207,207,204,202,204,207,212,217,222,222,220,217,217,217,217,217,217,212,212,217,225,228,225,222,220,217,217,222,222,222,225,225,225,222,220,222,222,222,215,209,207,207,207,212,212,207,202,202,199,194,186,181,178,178,176,176,176,133,131,127,124,123,124,125,127,127,125,125,129,170,173,176,181,186,189,191,194,194,191,189,183,181,181,181,183,181,181,178,178,176,170,170,173,176,168,121,115,111,113,121,165,165,165,165,165,165,168,170,168,165,165,168,163,119,113,111,112,113,115,113,109,111,115,117,121,125,170,176,176,173,173,178,183,186,186,183,183,183,186,189,191,191,194,191,189,189,189,191,194,196,199,202,202,202,202,202,204,207,207,207,207,207,207,204,207,207,202,196,196,194,191,191,189,189,189,186,186,191,196,196,194,189,178,129,125,129,135,181,181,183,191,196,199,199,196,196,196,199,199,199,196,189,185,186,189,189,186,183,137,135,183,196,202,202,199,202,199,196,191,194,199,202,199,196,196,199,199,194,191,196,199,202,199,199,196,196,199,196,194,189,191,191,196,199,199,202,202,199,191,183,182,186,191,194,191,191,191,196,202,207,204,202,196,194,194,194,194,191,183,139,183,189,196,199,199,196,191,185,183,186,194,199,202,202,207,212,209,196,186,135,131,131,133,137,181,137,133,131,131,131,135,181,186,186,186,186,186,186,189,196,202,202,191,186,186,191,202,209,207,204,199,191,178,132,132,135,183,186,186,178,178,183,189,191,191,191,191,194,194,189,186,183,183,183,186,191,196,194,191,189,191,196,199,202,191,135,135,186,191,189,183,179,181,189,196,196,196,194,189,183,183,186,186,186,186,189,191,194,191,190,194,199,202,202,199,191,189,189,191,194,196,196,199,195,195,195,196,195,195,196,196,191,186,186,191,196,199,199,199,191,183,182,182,189,194,196,191,189,189,186,189,191,196,196,189,186,189,194,199,199,189,132,131,134,183,191,194,196,199,202,199,196,189,186,185,189,196,202,204,207,207,202,199,202,199,196,195,196,199,196,189,182,182,186,191,191,186,178,134,134,132,132,178,186,189,186,186,186,181,135,133,131,133,178,183,183,186,189,191,191,189,189,191,194,196,196,191,186,183,183,186,189,191,191,189,189,189,194,196,194,191,194,196,194,189,183,186,191,199,204,204,199,196,196,196,194,189,189,189,191,191,189,189,186,183,183,183,139,137,139,139,186,196,207,212,215,212,207,202,199,196,194,189,187,187,194,202,202,202,204,204,204,204,204,204,202,199,199,199,196,194,191,191,194,194,191,186,181,181,183,189,191,191,189,137,130,131,186,199,202,194,187,186,187,189,196,202,207,207,204,199,191,190,196,199,196,196,204,215,222,225,225,222,215,209,209,209,202,191,189,194,202,204,202,196,191,141,135,135,139,189,189,189,186,186,143,189,191,196,202,209,209,209,204,196,191,194,202,207,209,207,207,212,217,217,209,205,205,209,212,209,202,202,209,225,233,238,233,228,225,226,230,230,228,222,215,209,204,199,199,202,204,207,207,204,204,202,202,202,202,202,199,199,199,199,202,204,204,204,204,204,204,202,194,178,165,0,0,0,0,0,163,168,165,0,0,0,0,168,178,186,196,199,196,183,176,174,178,189,199,207,212,217,225,228,230,230,228,228,228,230,230,225,222,225,228,230,228,228,230,233,235,235,235,230,228,222,217,212,207,204,0,209,212,217,215,202,183,0,166,166,0,173,194,215,217,207,203,204,209,202,183,168,165,170,176,176,176,178,181,183,189,199,207,215,212,202,194,189,189,189,199,217,0,0,0,0,0,251,246,238,225,204,183,163,155,0,178,0,0,0,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,189,181,173,165,165,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,113,129,147,165,168,160,139,113,90,108,113,118,139,152,150,144,137,134,137,144,152,157,160,160,165,170,176,181,186,189,186,181,181,189,196,202,202,199,199,202,202,204,207,209,207,204,204,202,199,194,181,131,127,123,107,95,104,115,173,189,199,209,212,204,189,127,119,125,168,127,170,181,178,170,168,176,181,178,173,176,178,178,176,168,127,127,173,181,183,178,176,173,170,170,176,178,173,125,119,115,113,115,117,123,173,186,194,199,199,186,163,121,123,121,117,117,117,115,115,119,163,173,170,123,119,121,123,165,165,165,168,173,173,125,117,119,165,168,170,181,194,194,181,168,119,116,116,119,127,168,168,127,125,127,168,127,127,127,168,170,178,173,122,116,119,170,170,124,123,176,186,173,126,127,183,199,202,199,189,181,183,183,183,191,194,189,186,186,189,183,181,181,181,186,194,191,183,176,123,103,1,0,0,93,199,204,204,202,199,186,170,168,173,181,186,191,194,191,191,194,199,199,191,178,129,119,125,178,183,191,199,199,199,202,202,204,204,202,196,194,194,194,196,196,199,199,186,129,124,124,124,125,173,183,183,170,123,123,168,170,168,123,121,125,165,165,163,165,170,165,165,165,165,168,173,178,183,189,183,168,121,118,119,165,173,178,176,170,125,121,119,125,170,170,170,176,176,168,125,165,168,168,125,125,121,121,125,173,183,194,199,191,173,100,90,94,111,170,183,189,186,183,183,189,194,186,121,114,121,173,178,183,189,183,178,178,181,181,183,181,176,176,176,168,173,186,194,183,168,127,170,176,176,172,172,173,176,178,178,178,178,181,183,186,183,181,178,176,170,157,108,109,109,101,103,111,107,91,72,73,157,170,157,142,150,85,65,67,99,186,191,183,181,178,99,43,53,168,173,163,173,163,150,144,150,107,85,144,144,99,95,99,107,107,109,115,155,168,173,170,168,170,170,170,173,178,176,170,168,125,120,120,173,194,202,199,196,196,194,189,176,127,121,117,113,113,115,125,178,191,196,191,181,176,168,165,166,181,191,189,178,168,166,170,176,176,176,173,168,126,126,127,125,117,115,116,117,119,123,127,125,121,117,115,116,168,189,194,194,176,123,123,125,121,71,43,53,117,121,115,109,97,95,117,173,181,178,178,181,178,157,101,97,115,176,189,202,202,117,76,78,176,181,117,109,110,113,113,111,109,109,119,170,178,183,178,160,119,111,108,111,165,183,191,194,189,189,196,117,83,95,95,103,119,173,181,178,170,170,170,163,111,99,101,115,123,168,178,186,186,189,191,189,181,177,178,189,196,202,189,168,125,168,127,123,109,100,97,100,106,107,91,81,88,119,176,178,170,125,165,168,168,125,122,122,125,127,127,170,176,170,123,125,176,178,170,127,125,125,127,168,127,125,123,127,173,173,127,125,127,127,127,168,176,176,173,178,191,194,183,125,121,127,127,123,119,118,118,123,168,176,191,181,124,125,127,170,125,119,121,178,189,194,194,194,194,199,202,202,202,202,199,196,194,190,190,194,199,202,196,196,202,204,199,183,131,133,181,181,178,176,178,183,181,178,183,186,183,173,129,129,170,170,176,178,178,178,178,178,178,178,181,178,169,170,186,191,178,129,129,176,183,183,178,178,183,189,191,189,189,191,202,207,199,178,123,118,118,121,125,125,123,125,173,178,176,173,173,173,176,176,131,125,131,178,183,183,186,189,189,186,183,183,181,181,183,178,129,101,90,91,121,202,207,191,127,123,129,183,191,196,202,202,199,194,176,123,122,125,170,183,196,194,181,178,170,121,123,176,189,202,196,183,186,194,196,194,189,189,194,194,191,191,189,178,124,121,125,173,181,186,186,176,176,176,181,183,179,178,181,194,209,215,212,204,199,196,191,189,186,178,176,181,191,189,183,186,196,191,176,129,129,173,176,178,178,122,170,183,126,124,173,186,191,191,196,202,202,191,178,176,176,172,170,173,173,123,122,125,123,119,116,116,119,121,121,168,181,189,191,189,189,189,189,183,181,183,189,191,196,196,183,123,119,119,121,125,122,122,125,127,121,125,129,173,181,183,183,181,173,129,127,129,173,178,170,123,115,111,117,125,121,113,115,123,127,170,170,170,173,178,183,186,183,125,126,173,189,196,189,173,170,173,186,189,183,178,176,131,125,121,125,178,189,196,199,202,199,191,133,128,131,186,196,207,212,207,183,125,122,123,129,189,199,202,196,194,199,207,209,204,196,191,191,194,194,194,194,194,194,194,196,202,202,194,136,132,133,186,199,207,212,212,209,204,199,189,186,191,199,199,191,191,194,191,189,191,194,191,189,183,183,178,133,133,183,194,194,189,186,189,194,196,202,204,199,194,196,194,192,192,196,202,202,199,194,194,196,202,207,212,212,209,207,194,183,139,139,186,194,194,194,191,189,186,183,137,132,131,135,186,191,189,186,183,186,186,186,178,131,131,137,186,194,199,202,196,194,196,196,202,207,209,207,207,207,204,202,202,207,212,217,222,225,222,217,217,222,222,222,217,212,211,212,217,222,217,215,215,217,222,222,225,225,225,228,228,222,220,222,225,225,217,212,209,207,207,209,209,204,199,199,199,191,181,133,133,133,133,133,133,131,129,127,124,123,124,125,125,125,124,125,168,176,181,183,186,191,194,194,194,191,189,186,178,176,176,178,181,181,178,178,178,178,170,168,170,173,168,123,119,115,119,163,165,165,164,165,168,170,170,170,168,165,165,165,123,117,113,112,113,115,115,113,109,109,113,117,123,168,176,181,181,183,186,189,191,191,189,189,189,189,186,186,189,189,191,191,189,191,194,196,199,199,199,199,202,202,202,202,204,207,207,209,207,207,207,202,202,202,202,199,196,196,194,191,189,189,189,186,186,191,194,194,191,186,178,129,127,129,133,178,183,189,196,202,202,199,196,194,196,196,196,196,196,189,185,186,191,194,191,189,186,183,191,199,199,199,199,202,202,199,199,202,204,207,204,202,199,199,199,196,196,202,202,199,196,196,196,196,199,196,191,189,189,194,196,196,196,196,199,199,196,189,186,191,194,194,191,191,191,196,202,207,209,207,202,196,194,194,194,191,189,186,189,194,199,199,196,196,191,186,186,191,194,199,202,204,209,215,212,202,189,181,135,135,181,186,189,186,181,133,129,129,131,181,189,191,186,181,177,177,181,189,194,194,181,178,179,189,199,207,202,199,196,189,135,132,133,181,189,194,191,186,183,186,191,194,194,194,194,194,194,189,186,183,183,186,189,194,194,189,186,185,189,196,202,202,194,178,178,189,194,189,186,181,183,191,196,199,196,191,135,131,133,178,181,186,186,189,191,194,191,190,191,199,199,199,196,191,189,189,191,194,194,196,199,199,196,199,199,196,195,196,199,196,194,194,196,199,199,199,194,189,183,183,189,194,196,194,186,186,186,185,185,189,194,196,189,186,191,196,204,207,199,181,178,183,191,191,191,194,196,199,199,199,196,194,191,191,194,196,202,207,209,207,207,207,204,202,199,199,199,196,191,183,183,189,191,189,183,137,135,135,135,134,135,181,181,178,178,181,178,135,178,178,178,178,183,191,191,189,191,194,194,191,189,189,191,194,194,189,181,181,186,189,189,189,186,189,191,194,194,186,186,191,191,186,181,178,183,191,196,202,204,202,199,194,191,191,191,194,196,191,187,187,189,189,186,183,183,137,136,136,136,183,196,207,209,212,212,207,199,196,199,199,196,191,191,196,202,204,204,204,202,202,202,202,202,199,196,194,194,196,196,194,194,194,194,191,186,183,183,189,194,199,202,199,186,133,133,186,202,204,196,187,186,186,187,194,202,204,207,204,199,191,191,199,204,207,207,215,222,225,222,225,220,209,205,207,209,202,187,185,187,194,199,199,194,191,189,141,139,186,191,191,186,189,191,191,194,194,199,202,209,212,209,207,202,199,199,204,207,212,215,217,220,222,217,209,204,204,207,212,209,202,199,207,217,228,235,233,228,226,226,230,228,225,222,212,207,199,196,198,202,204,207,207,207,204,202,202,202,199,196,194,194,194,196,199,202,204,204,202,202,202,199,191,176,163,0,0,0,0,0,157,163,163,0,0,150,0,168,181,189,196,202,199,189,178,176,178,189,199,207,215,222,225,230,233,233,233,230,230,230,228,225,222,225,230,233,230,230,233,233,235,238,235,230,225,217,215,212,207,207,207,209,215,215,212,196,181,0,168,168,170,173,189,207,212,207,204,207,209,196,178,168,173,176,181,178,178,178,181,189,194,202,209,215,215,209,202,196,191,187,194,212,0,0,0,0,0,251,243,233,215,189,165,152,147,0,176,0,0,0,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,191,181,173,165,163,160 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,160,170,170,152,72,0,0,0,0,85,139,152,150,142,134,139,139,144,160,165,165,165,170,176,178,178,181,183,186,186,186,191,194,199,199,199,202,202,202,202,207,209,209,204,204,204,199,194,186,181,178,173,123,115,117,123,168,176,186,194,202,204,194,109,93,96,107,117,173,196,191,170,125,127,170,173,176,183,189,189,183,176,170,173,178,186,186,178,168,125,125,127,168,170,173,123,115,111,109,108,109,117,125,170,183,199,189,117,117,168,173,165,119,116,117,115,114,115,168,178,170,121,119,123,163,165,168,168,170,170,165,113,109,117,165,170,173,178,191,199,196,181,125,116,115,117,121,121,119,117,115,121,127,168,127,168,170,176,176,170,125,123,173,181,173,122,121,125,170,127,125,127,181,191,189,181,173,176,183,186,186,194,191,189,186,189,186,178,177,178,181,189,191,186,170,123,121,117,71,0,1,113,191,204,207,204,199,181,172,170,176,183,189,194,196,194,191,190,194,199,194,181,127,116,117,125,170,178,191,196,196,196,199,204,207,202,194,191,191,196,196,194,196,196,181,125,124,124,123,125,176,178,173,170,170,173,176,173,168,123,123,125,165,164,163,168,176,173,168,125,125,173,181,186,191,189,181,165,121,119,163,173,178,176,168,121,119,117,121,170,181,181,173,168,125,124,124,125,165,119,119,121,121,121,125,178,194,202,204,202,189,165,111,109,119,170,181,186,183,181,181,189,196,189,123,114,121,176,189,196,199,191,186,183,176,170,170,170,170,170,170,166,168,178,178,127,117,117,127,178,178,173,170,170,176,178,181,181,183,186,186,186,183,183,183,183,173,157,165,168,163,150,101,165,155,93,95,152,168,168,97,39,31,37,47,0,51,178,165,144,95,129,49,0,41,163,163,157,178,163,142,142,142,78,74,152,157,90,86,109,115,107,111,115,115,163,173,170,165,165,165,168,176,183,181,173,165,121,119,123,181,194,196,196,196,196,194,183,170,119,117,119,115,111,112,117,170,183,189,186,181,176,170,165,166,181,191,189,173,168,168,173,176,173,170,168,127,126,126,127,127,117,113,115,119,119,125,168,127,121,117,115,116,125,178,189,189,168,117,120,170,123,67,49,119,178,194,191,113,92,92,101,160,168,160,115,117,111,93,89,90,117,176,186,199,196,85,63,83,115,160,119,113,117,117,115,113,111,113,121,170,181,183,181,165,121,113,108,109,119,170,178,183,178,189,202,89,51,61,95,105,119,170,176,173,165,160,121,111,97,96,109,173,183,178,176,183,186,189,191,189,183,179,181,189,196,204,199,178,173,173,168,121,106,103,105,107,111,107,88,84,115,170,178,178,165,114,114,119,123,122,121,122,125,125,125,168,173,173,168,170,173,170,124,123,124,125,127,168,127,125,127,173,178,181,178,170,125,123,123,127,173,176,176,178,186,186,178,127,129,170,170,127,119,118,123,127,127,170,176,173,127,125,125,127,170,127,121,129,183,189,191,191,194,196,199,202,202,202,199,196,194,190,189,191,196,194,186,189,199,199,191,181,176,178,178,178,178,178,178,178,178,178,181,178,170,128,129,129,128,170,181,181,178,177,176,176,177,181,186,178,168,168,186,191,181,170,170,181,183,178,176,178,189,196,196,194,191,194,204,212,207,178,119,117,118,121,123,122,120,123,178,186,186,181,178,178,181,178,131,127,129,129,176,183,186,186,183,181,181,181,173,125,127,170,170,127,98,99,123,194,202,99,49,75,121,186,191,196,202,202,196,196,191,168,121,123,168,176,181,170,111,103,109,119,127,168,173,191,194,186,186,191,194,191,187,187,194,196,189,186,181,170,122,120,125,176,181,186,189,186,183,183,186,191,189,179,177,186,207,212,212,207,202,194,186,183,183,178,178,186,196,191,173,131,186,186,178,131,170,130,170,178,186,189,194,196,178,124,125,176,181,181,189,191,191,191,186,183,183,178,173,173,173,165,124,125,123,117,114,114,119,125,127,170,178,186,189,186,186,189,191,189,183,189,196,196,199,194,176,121,118,117,118,125,129,129,125,120,118,119,121,125,129,173,176,170,127,123,121,125,170,176,173,121,94,84,92,111,115,117,121,123,125,170,173,173,176,181,189,194,191,125,124,129,191,199,186,169,165,181,191,194,186,178,173,129,127,125,127,178,191,199,202,204,207,202,181,128,129,183,196,204,204,199,183,125,120,112,89,96,186,191,194,191,191,202,207,202,194,189,189,189,187,186,187,187,189,191,194,196,202,204,194,137,136,186,191,196,202,204,199,194,189,139,137,139,191,196,191,189,189,189,185,186,189,194,191,183,137,135,130,129,131,181,137,125,117,133,183,191,199,202,199,196,194,194,192,194,199,199,196,194,194,196,202,204,207,209,212,209,207,199,186,138,139,189,194,194,191,191,189,189,186,181,132,132,135,183,186,186,186,183,183,183,183,181,137,137,183,189,199,207,209,207,207,207,209,212,209,207,204,204,204,204,202,202,204,209,217,222,225,222,217,217,222,225,225,222,215,211,209,212,215,215,215,215,217,222,225,225,225,225,228,230,228,222,222,228,228,222,215,212,209,209,209,207,202,199,199,196,186,133,129,129,131,131,131,131,131,131,131,170,127,125,125,125,125,127,168,173,181,186,189,191,191,191,191,189,189,186,181,173,170,170,173,176,173,172,173,178,176,170,168,168,168,165,125,121,121,123,163,165,165,164,165,170,173,170,168,165,165,168,165,121,119,117,117,117,117,117,113,108,109,113,121,127,173,178,183,183,186,191,194,191,189,189,189,189,189,186,183,183,186,189,189,191,191,194,199,199,199,196,194,196,199,202,202,202,204,207,209,207,204,199,198,199,202,202,202,196,194,194,189,189,191,191,189,186,189,191,191,191,189,178,127,125,129,133,178,183,191,196,202,202,196,191,191,194,196,196,194,191,186,186,189,194,199,196,194,191,191,196,202,202,199,199,204,204,204,204,202,204,207,204,199,196,194,194,194,196,202,199,194,191,191,191,196,196,196,189,186,187,191,196,196,194,194,196,196,196,194,191,191,194,196,196,194,194,199,204,209,209,207,204,199,196,194,191,191,194,194,196,196,196,196,194,194,194,191,191,191,191,196,202,209,212,215,212,204,194,183,181,181,189,194,196,194,186,137,133,131,135,183,191,194,189,181,176,176,178,186,189,186,179,178,179,186,194,196,196,194,194,189,135,133,135,186,194,196,196,194,191,189,191,196,199,196,194,191,191,189,183,135,135,181,189,191,194,189,185,185,189,199,204,204,194,186,183,191,194,191,186,186,189,189,194,196,194,183,130,130,131,135,178,183,186,189,194,196,194,191,194,196,196,194,194,194,194,194,194,196,196,196,199,199,199,199,202,199,196,196,202,199,196,196,199,199,199,199,191,189,186,189,194,196,196,191,189,191,189,185,185,189,191,186,179,183,194,199,204,204,199,191,186,194,199,194,189,189,194,196,199,199,199,196,194,194,194,194,196,202,207,212,212,209,207,204,202,199,199,199,196,191,189,191,189,186,137,137,183,186,181,135,135,178,177,177,178,178,135,135,181,186,186,183,186,194,194,191,194,199,196,194,189,187,189,191,194,189,183,181,183,186,186,186,189,191,191,191,191,186,181,181,181,178,131,131,178,191,196,196,202,202,199,191,186,186,191,196,199,194,189,187,189,191,191,189,189,183,137,137,139,186,199,207,204,204,202,199,196,196,199,199,199,199,196,196,196,199,202,199,202,202,202,204,204,202,199,194,194,191,189,189,191,191,191,191,186,183,183,186,191,199,207,209,199,186,183,194,202,204,199,194,189,189,191,196,204,204,202,202,199,196,196,202,207,209,212,217,222,222,217,217,215,212,207,207,207,202,189,183,185,191,196,194,191,191,191,189,189,191,196,199,196,189,187,191,196,202,202,202,204,207,204,204,204,204,202,199,202,209,217,222,222,225,222,215,207,204,205,209,207,199,149,199,209,225,233,233,228,226,228,228,228,225,222,215,207,199,196,196,202,207,209,209,209,207,204,202,202,199,194,192,192,192,194,196,202,204,202,196,194,196,196,191,178,163,0,0,0,0,0,0,0,160,0,147,142,152,173,181,189,196,204,202,194,183,178,178,186,196,207,215,222,228,230,233,235,235,233,233,230,225,222,220,225,230,235,233,233,235,238,238,238,235,230,225,217,212,209,207,207,207,209,212,215,209,196,183,176,173,176,176,178,189,202,209,209,215,217,212,191,176,173,178,183,186,181,177,178,186,194,196,202,207,212,212,209,204,202,196,191,194,207,0,0,0,248,251,248,243,230,212,183,157,147,144,0,165,199,0,0,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,191,181,173,165,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,165,116,5,0,0,0,0,0,0,111,142,134,124,131,137,134,142,168,181,168,163,173,183,183,178,178,181,183,186,189,191,191,196,199,202,202,199,199,199,202,204,204,202,204,207,204,199,196,194,191,183,176,127,123,127,170,178,178,176,181,196,183,111,95,94,97,103,121,183,183,173,126,127,173,181,186,191,194,194,189,181,176,176,178,186,189,178,127,123,124,124,124,124,165,119,109,107,106,107,109,115,121,123,165,173,121,109,115,181,189,176,119,116,117,117,114,114,165,176,168,121,119,121,123,163,165,170,173,168,119,103,102,115,165,170,173,176,181,191,196,189,170,121,119,119,117,115,114,115,115,121,168,168,168,173,178,183,181,176,170,173,183,186,176,125,124,125,127,127,126,129,178,183,131,118,116,125,178,178,181,191,191,189,189,191,186,178,176,177,181,189,189,178,125,121,127,173,107,0,0,115,196,207,209,209,207,194,176,174,178,186,189,194,199,199,194,191,194,196,191,178,125,115,114,115,119,129,181,186,189,191,194,196,202,199,194,191,194,199,199,194,189,186,176,127,127,127,125,125,168,168,127,170,178,181,178,170,125,121,122,125,165,168,168,173,176,170,125,123,123,170,181,186,189,183,173,123,123,168,176,183,183,173,119,111,115,115,119,170,183,183,173,125,123,123,125,168,123,112,113,115,115,121,168,183,196,202,207,207,199,121,107,117,165,173,178,181,183,181,183,191,194,186,121,116,121,173,186,196,202,199,191,183,168,121,123,165,173,176,173,166,166,170,168,119,115,116,123,173,181,181,173,172,178,183,183,183,186,189,189,186,183,183,189,191,176,165,173,183,191,178,89,152,170,34,40,150,160,150,97,79,31,25,13,0,0,5,11,41,75,71,1,0,19,150,155,165,173,160,139,142,147,74,69,157,176,99,93,160,173,152,115,115,155,168,178,170,163,160,157,160,173,178,176,168,163,121,120,165,181,191,196,199,199,199,194,186,173,117,116,127,168,121,114,115,125,173,176,178,178,181,176,168,168,173,173,168,126,127,173,176,176,176,173,168,127,127,168,168,127,119,115,119,125,125,168,173,170,127,121,117,117,123,176,183,178,125,119,120,123,117,105,107,189,199,209,207,186,109,101,107,109,93,88,93,95,87,85,89,90,85,101,178,176,101,82,75,95,111,157,160,160,160,157,117,117,119,119,119,165,181,189,186,181,173,123,111,111,119,163,165,170,176,178,168,75,59,65,97,113,163,168,165,121,115,109,99,96,94,95,115,181,189,181,173,176,181,186,191,191,189,186,186,189,191,204,204,178,127,173,176,125,113,111,113,115,119,119,109,111,125,170,173,173,121,113,114,119,168,168,125,127,168,125,124,170,178,181,178,173,170,168,125,124,124,123,124,127,168,127,168,173,178,183,181,173,123,121,122,125,170,176,176,178,183,183,176,127,170,178,181,178,170,127,129,129,129,170,176,178,178,170,127,176,183,173,121,121,131,181,183,186,189,194,196,199,199,199,202,199,194,190,190,191,194,186,181,183,194,191,178,129,127,127,127,131,176,178,178,176,176,176,178,181,173,129,129,129,128,173,183,186,178,177,176,176,178,189,194,186,169,168,178,186,181,176,178,181,176,129,129,178,191,196,194,194,191,194,202,207,199,176,121,119,121,125,125,122,121,127,186,196,196,191,186,186,186,183,178,176,123,105,121,183,183,178,173,129,173,178,129,123,123,127,170,127,111,115,173,194,196,48,0,34,75,170,186,189,189,189,186,186,186,168,120,123,168,168,125,119,117,111,109,115,127,173,178,181,178,173,178,186,191,189,187,189,194,194,186,178,176,129,124,124,131,178,183,189,194,194,189,191,191,196,199,186,174,177,196,209,209,204,199,194,186,183,183,181,181,189,194,183,109,98,109,178,186,183,173,129,130,178,189,199,204,202,183,124,124,173,178,176,173,127,119,125,178,183,186,186,181,178,178,173,168,165,165,123,117,117,125,168,168,170,176,181,183,183,186,191,196,191,183,189,199,202,199,191,129,118,118,118,121,129,173,170,125,120,119,119,120,121,127,129,129,125,123,121,120,121,129,176,176,123,96,89,93,109,117,121,127,121,121,129,176,176,176,181,189,194,186,131,127,173,189,194,181,169,168,189,196,196,189,176,131,129,129,129,131,178,191,199,199,199,202,196,181,131,131,183,196,202,202,196,191,178,131,125,112,107,119,186,191,186,185,191,199,199,196,189,189,189,187,186,187,189,189,189,189,186,191,204,202,191,186,183,183,186,189,183,135,132,133,137,137,139,191,199,199,194,189,186,183,182,186,194,196,186,137,137,133,132,133,137,131,116,111,117,131,186,199,202,202,196,194,194,194,199,202,196,186,183,191,199,204,207,207,209,207,204,202,199,186,137,138,189,191,191,189,189,189,189,189,181,133,133,135,135,135,178,183,183,183,183,183,183,186,189,189,191,202,209,212,212,212,212,215,212,209,207,202,202,204,204,202,202,204,209,215,222,225,225,222,222,225,225,225,222,215,212,211,212,215,215,215,215,217,222,225,228,228,225,225,228,225,225,225,228,228,222,215,212,209,209,207,204,199,199,196,189,137,129,125,125,129,129,129,128,128,131,176,176,173,170,127,127,168,170,173,178,183,189,191,191,189,189,186,186,183,181,178,173,170,170,173,172,172,170,172,173,173,168,165,165,165,165,125,123,123,123,163,165,168,165,168,173,168,163,163,165,168,173,170,165,163,163,123,121,117,115,111,108,109,117,125,170,173,178,181,183,186,191,194,194,189,183,183,186,186,183,182,182,183,186,189,191,194,196,199,199,196,191,189,189,196,202,202,204,204,209,212,209,204,199,198,198,199,199,196,191,191,191,191,191,196,196,189,183,183,186,186,186,183,133,125,127,129,133,178,183,186,191,194,196,194,189,189,191,194,191,189,186,185,185,189,194,196,196,194,190,191,196,204,207,204,204,207,207,207,204,202,202,204,202,194,192,194,194,191,194,196,194,189,187,187,189,194,196,194,189,186,187,189,194,194,194,194,196,194,191,189,191,194,196,202,199,196,196,199,204,207,207,204,202,196,194,194,191,194,196,199,199,196,194,194,194,194,194,196,194,194,194,199,207,212,212,212,209,207,199,191,186,189,196,202,202,196,191,186,183,181,183,189,194,196,191,183,178,178,181,186,186,186,183,181,181,183,186,191,191,194,191,189,181,135,181,191,196,196,199,199,194,189,189,194,196,194,191,191,191,186,133,126,127,135,186,194,194,191,189,189,194,202,207,204,199,194,194,196,196,191,186,186,189,191,194,194,189,178,131,130,133,135,135,178,181,186,194,199,199,196,194,194,194,192,192,196,196,199,196,196,196,196,196,194,196,199,199,196,194,194,199,199,199,202,202,202,199,199,194,189,189,194,196,196,196,194,194,196,194,189,189,191,189,179,177,181,194,202,204,204,199,194,194,199,199,194,186,186,189,194,196,196,196,196,194,194,196,199,196,199,204,209,212,212,207,204,204,202,202,202,199,196,194,194,191,183,137,183,189,189,183,178,178,181,178,178,183,183,135,178,186,191,191,186,186,194,194,194,196,199,199,194,189,187,189,191,194,189,183,178,181,183,186,186,189,194,191,189,189,183,181,178,135,131,129,130,137,191,196,196,199,199,196,191,185,185,189,196,196,194,191,189,189,191,191,191,189,189,186,186,189,194,202,204,202,202,199,196,196,196,199,199,199,196,194,189,189,194,199,199,202,202,204,207,207,204,202,199,191,186,185,185,186,191,194,194,191,186,186,186,194,204,215,217,212,202,199,202,204,202,199,196,196,194,196,202,204,202,196,194,196,202,207,212,212,212,212,215,217,217,215,215,215,215,212,209,204,202,191,186,187,194,196,191,189,191,191,191,194,199,204,209,209,199,191,194,199,204,204,204,202,202,202,202,204,202,198,195,198,209,217,222,225,225,222,217,212,209,209,212,207,149,147,149,202,217,230,235,230,228,228,228,228,225,222,215,207,199,196,198,204,209,212,212,212,209,207,204,207,202,196,192,192,192,194,196,199,202,196,191,191,194,194,191,181,168,157,0,0,0,0,163,165,168,165,152,142,155,173,181,189,196,202,202,196,189,183,181,186,196,207,215,222,228,230,233,235,235,233,230,228,225,220,220,225,233,235,235,235,238,0,0,0,238,233,225,217,215,209,207,204,204,209,212,212,209,202,191,186,183,181,178,181,189,199,207,215,225,228,217,199,183,183,189,194,194,186,178,178,186,191,194,196,204,209,209,207,204,204,199,194,191,202,225,238,243,248,251,248,243,233,220,194,165,152,150,147,0,178,212,243,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,191,178,173,168,163,160 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,160,0,0,0,0,0,0,0,0,3,82,103,105,90,103,121,129,157,183,165,163,173,183,186,181,178,181,183,186,186,186,186,191,199,202,202,202,199,196,196,199,199,199,204,207,209,204,199,196,194,186,176,168,125,125,173,178,173,121,118,125,170,127,111,101,100,105,117,168,170,168,127,168,178,191,194,191,191,191,189,183,181,178,178,181,183,176,127,124,125,127,165,125,125,117,109,106,107,109,113,117,119,121,119,111,103,103,119,183,194,178,121,115,117,119,115,117,168,173,168,163,163,123,123,163,168,170,173,168,117,99,99,115,125,173,178,173,170,176,186,189,178,168,125,123,119,115,116,119,121,125,170,170,173,178,189,194,189,181,178,181,186,186,181,178,173,170,170,170,129,131,173,173,123,114,111,119,131,131,131,186,191,191,194,196,191,183,177,177,181,189,189,178,168,127,181,189,109,0,0,95,194,202,204,207,207,194,181,178,181,183,189,194,199,202,199,194,194,191,186,176,129,119,116,116,119,129,176,173,176,183,186,186,189,194,191,189,191,196,194,189,181,173,129,129,170,170,127,125,127,126,126,170,181,183,178,168,123,121,122,125,168,176,178,178,170,125,122,122,122,165,173,181,183,176,165,122,125,176,181,189,189,173,107,101,109,109,113,125,178,181,173,125,124,165,173,178,170,111,113,114,114,123,178,189,196,199,202,204,199,61,57,109,163,170,170,170,178,181,183,189,189,178,121,117,121,168,176,181,189,191,181,121,93,105,123,173,178,176,176,170,173,173,168,121,118,119,123,168,178,183,181,183,191,191,186,183,183,189,189,186,183,186,194,196,189,176,173,181,194,181,59,71,165,20,22,95,147,144,137,137,59,31,19,5,0,0,0,0,55,45,0,0,23,142,142,152,155,147,103,142,163,80,70,147,165,147,101,163,183,157,113,117,165,178,186,173,160,157,157,160,170,173,168,123,121,121,121,165,176,189,199,202,202,202,199,191,170,114,115,176,191,189,170,121,123,121,121,123,170,176,173,127,127,127,126,124,125,173,183,186,178,178,176,170,127,168,170,170,168,125,123,168,173,176,178,178,178,176,170,125,123,168,178,183,176,165,125,125,121,121,170,194,204,204,209,212,204,181,121,113,107,91,87,90,92,87,88,111,95,68,85,173,119,95,95,103,113,119,163,170,170,165,121,121,160,160,119,117,160,178,189,189,189,183,170,121,119,123,123,123,168,176,170,109,83,73,81,105,165,173,168,121,117,115,105,95,95,95,99,117,176,183,178,173,173,176,183,191,194,191,189,186,183,189,196,194,115,115,127,168,121,117,119,121,121,123,127,123,117,117,123,165,125,115,112,115,125,181,181,176,176,173,127,168,181,191,191,189,183,178,176,173,168,125,123,124,170,170,127,127,168,173,176,176,129,123,121,122,125,129,170,173,176,181,178,170,127,170,186,194,191,186,178,170,128,129,173,181,189,191,181,170,178,189,181,125,121,125,131,176,181,186,191,191,194,196,196,199,199,194,191,194,196,189,181,178,183,186,178,125,120,119,119,120,131,178,181,181,176,173,173,176,181,176,129,129,129,173,181,189,189,183,181,178,178,181,191,202,199,178,169,170,176,178,178,183,181,129,122,125,178,189,191,191,189,189,191,196,199,191,176,127,127,129,170,129,125,123,170,191,204,204,202,196,194,194,194,191,189,107,86,104,181,181,173,125,121,125,176,170,124,124,129,129,119,117,129,176,183,186,69,26,57,93,129,178,170,115,105,115,176,186,173,120,123,168,119,108,115,168,168,107,99,119,178,181,173,123,121,127,178,186,189,191,194,196,191,183,178,173,170,170,176,181,186,186,191,199,199,196,194,194,199,204,194,174,174,189,207,207,199,194,191,186,183,183,183,183,191,191,176,99,92,92,173,191,191,173,128,170,181,189,202,207,204,186,126,126,178,183,176,123,115,105,91,89,121,181,186,186,186,183,178,173,170,168,125,119,119,123,125,125,168,173,173,178,183,189,196,199,191,181,186,196,202,199,183,123,117,119,125,129,170,173,129,123,121,121,123,123,125,129,129,127,127,127,125,120,121,170,178,178,127,109,97,101,117,123,129,129,120,119,129,178,178,173,176,186,189,183,178,173,178,186,189,183,176,178,199,202,199,189,176,131,129,129,129,131,178,189,194,194,191,189,186,181,176,178,189,194,196,194,194,199,199,196,202,199,137,129,189,191,186,185,186,189,191,194,194,194,194,189,189,191,194,194,191,183,135,136,191,199,196,194,189,139,137,137,137,135,132,133,139,189,189,196,207,212,207,196,191,186,185,189,194,196,191,186,186,183,181,186,189,181,125,115,116,127,183,194,196,196,194,194,194,202,207,207,194,137,133,137,196,202,204,207,209,207,202,199,194,186,138,138,186,189,189,186,183,186,186,186,181,133,133,133,130,130,133,137,183,186,186,189,191,194,191,191,196,204,212,212,207,207,209,212,212,209,207,204,202,202,202,202,202,204,209,215,222,228,228,225,225,228,225,225,225,222,217,215,215,217,217,215,215,215,217,225,225,225,225,225,222,222,225,228,230,228,217,212,209,209,207,204,202,199,194,189,181,131,125,124,125,127,129,129,128,128,170,176,178,176,173,170,168,168,170,176,181,183,189,191,189,186,183,181,181,181,178,173,170,170,170,173,173,173,173,173,173,170,165,125,123,125,125,125,125,123,121,123,168,170,168,168,168,163,123,123,163,123,165,170,170,170,168,165,121,115,111,108,108,113,123,168,170,173,176,178,178,183,191,196,194,186,182,181,182,182,182,182,182,186,189,191,194,194,196,196,196,194,186,183,185,191,199,204,207,207,209,212,209,207,202,199,199,199,196,191,189,186,189,191,196,199,196,189,137,135,137,183,181,131,125,125,129,133,181,183,183,186,189,191,194,194,191,189,189,189,189,189,186,185,185,186,191,194,196,194,190,190,196,209,215,212,209,209,207,207,204,202,202,202,199,194,194,196,199,196,191,191,189,189,189,189,191,194,194,194,191,189,189,189,191,194,199,199,199,191,186,186,189,194,199,202,202,199,199,199,202,202,199,196,191,189,189,191,194,196,199,199,196,194,191,191,194,196,196,196,194,194,199,207,209,212,212,212,212,209,207,202,196,199,202,204,204,199,194,194,191,189,183,186,191,194,191,189,186,183,186,186,186,189,191,186,183,181,186,189,194,194,194,189,186,183,189,196,199,199,199,199,191,186,186,191,194,191,190,191,191,183,127,123,125,135,186,191,196,196,194,194,196,202,204,204,202,196,196,196,194,191,186,186,189,191,194,189,183,178,135,133,133,178,135,132,133,181,191,202,204,199,196,194,192,192,192,196,196,199,196,196,194,194,191,191,194,196,196,194,189,189,194,199,202,204,207,202,199,199,196,194,191,196,199,199,196,194,196,199,196,191,194,196,191,178,177,181,191,199,202,199,196,194,196,199,194,186,178,181,183,189,196,199,199,194,192,194,199,202,199,196,199,204,207,209,207,204,204,204,202,202,199,199,199,199,196,186,183,189,191,189,186,183,183,183,183,186,191,189,181,181,189,191,189,183,186,191,194,191,194,196,196,194,191,191,194,196,194,189,181,135,135,178,181,186,191,194,191,191,191,189,183,183,181,135,131,133,183,196,199,196,196,196,194,191,186,185,186,191,196,194,194,191,191,191,191,191,189,189,194,196,199,199,199,202,204,202,202,199,199,199,199,199,196,194,189,185,186,194,199,202,199,204,207,209,207,204,202,199,194,189,185,185,186,194,199,199,196,194,191,191,199,207,215,222,217,212,209,207,204,199,196,196,196,196,199,204,202,196,194,194,199,209,220,222,215,209,209,212,215,213,213,213,215,215,215,212,202,199,196,194,196,202,199,189,186,189,191,194,199,207,215,222,220,209,199,196,199,202,207,209,207,207,207,207,207,204,198,195,198,207,217,225,222,217,215,212,212,215,217,217,209,196,147,148,199,215,230,235,233,230,228,228,228,228,225,215,207,202,198,199,204,209,212,212,212,209,209,209,209,204,199,194,194,194,194,194,196,196,194,189,186,191,194,191,186,176,160,0,0,0,0,165,176,178,178,163,150,155,170,178,186,194,199,202,196,191,186,183,186,194,204,215,222,228,230,233,235,235,233,230,228,225,222,222,228,235,238,238,238,241,0,0,0,238,233,228,222,217,212,209,204,204,209,215,215,209,204,202,196,191,186,181,181,186,194,204,215,228,230,222,207,196,196,202,204,202,194,186,181,186,191,191,194,202,209,209,207,207,204,199,194,191,199,220,235,243,246,251,248,243,238,228,204,178,163,155,147,0,0,189,225,254,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,189,178,173,173,165,160 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,126,144,150,134,157,168,181,183,181,181,183,186,186,183,178,176,183,194,202,204,202,199,196,194,191,191,194,202,207,207,204,199,194,186,178,170,125,121,121,125,170,168,123,115,110,125,178,181,170,123,123,123,123,123,125,127,173,186,194,196,191,189,186,189,186,183,178,173,173,176,176,170,170,173,178,181,176,168,123,117,113,113,115,117,117,119,121,117,105,100,102,117,176,183,170,117,115,117,121,121,119,170,176,173,173,173,168,165,168,170,173,173,168,115,98,97,111,123,173,178,173,165,168,178,181,173,165,125,165,125,123,125,170,170,170,173,176,176,183,189,194,191,183,178,181,183,181,181,183,181,173,170,170,131,129,127,127,129,123,119,129,176,131,131,183,191,191,194,199,199,191,183,181,181,189,191,189,183,183,191,191,115,0,0,97,189,199,199,202,196,189,183,181,183,186,189,194,199,199,196,194,191,189,181,176,173,129,125,123,127,176,176,166,169,178,178,176,176,183,183,181,183,183,183,181,173,125,123,125,127,127,125,127,168,168,127,173,181,183,178,170,125,125,165,168,173,181,183,178,168,122,121,122,123,125,168,173,176,170,125,122,125,170,176,181,186,121,75,87,99,105,111,123,170,173,170,168,165,173,183,189,183,114,115,117,117,165,186,196,199,199,191,181,56,25,34,99,163,168,165,163,170,173,176,178,181,173,121,118,121,165,165,123,163,165,115,92,58,95,176,183,181,176,178,186,183,178,170,125,123,123,119,119,127,181,189,199,207,199,186,179,181,186,189,183,178,183,194,199,194,181,165,155,160,99,35,40,63,29,31,75,142,152,150,152,81,41,25,33,47,27,7,0,37,21,0,0,69,150,150,150,144,101,97,103,103,81,81,103,155,157,109,111,152,107,108,117,173,183,186,170,160,159,160,168,173,170,163,121,123,121,123,165,173,183,194,196,199,199,199,191,119,112,115,183,199,202,189,173,123,117,115,117,125,170,127,125,125,127,127,126,170,186,196,194,183,178,178,176,173,170,168,168,170,173,173,178,181,183,186,183,186,183,176,170,173,178,186,189,183,173,173,170,125,165,186,202,204,204,204,212,209,196,173,119,115,111,101,95,99,111,168,178,115,88,113,176,157,103,109,160,165,168,173,178,173,163,121,163,168,163,117,116,121,176,183,183,183,181,173,165,163,163,123,123,170,181,170,109,97,93,97,115,173,173,163,121,160,160,115,105,105,105,107,117,165,176,176,173,170,170,178,186,189,189,186,183,183,183,183,107,89,107,119,115,116,121,170,170,125,121,123,121,102,102,113,125,123,112,110,115,168,183,183,183,186,178,173,183,194,199,199,196,191,189,183,178,170,170,168,170,176,176,129,126,127,127,129,170,129,125,125,127,129,127,127,129,173,176,173,127,127,170,191,204,202,196,186,129,128,173,183,189,194,196,189,131,127,181,178,129,125,125,127,131,178,183,186,189,189,191,196,199,199,194,191,196,199,191,182,181,183,181,131,121,119,118,118,120,176,186,189,183,176,131,129,131,173,170,127,127,170,181,189,189,186,183,183,183,183,186,196,207,209,191,176,170,173,178,183,186,178,125,120,123,176,183,183,183,183,183,186,189,189,183,178,173,173,176,176,173,129,127,178,194,204,207,207,202,202,202,202,202,199,117,88,109,183,181,173,125,118,122,173,173,127,129,178,173,113,110,121,125,170,189,189,178,176,181,186,186,173,109,91,81,127,191,189,170,168,170,119,105,113,173,173,98,90,97,173,183,173,119,118,123,176,181,186,191,196,196,191,186,181,176,176,181,189,191,191,191,196,202,202,196,196,196,202,204,196,181,179,189,199,196,186,183,181,181,183,183,183,183,189,189,178,115,101,109,176,191,189,173,130,176,186,189,199,202,196,183,170,173,189,191,181,121,119,115,83,71,89,168,183,189,191,189,183,178,176,170,121,115,113,113,115,119,127,170,170,176,183,191,199,199,186,173,181,194,204,196,176,119,117,123,170,170,170,173,170,125,121,123,129,127,127,170,170,129,170,176,170,125,127,176,183,183,176,121,107,111,125,173,176,170,120,120,173,183,181,172,172,181,183,178,178,178,181,186,189,186,186,191,202,202,194,183,176,131,131,131,129,173,181,189,189,186,176,129,176,181,181,183,189,191,189,186,189,202,207,202,196,196,191,191,199,202,196,191,191,186,185,191,196,199,196,194,194,196,199,199,196,186,133,132,139,194,199,202,199,139,134,134,141,194,191,141,191,202,204,204,209,217,215,204,199,199,199,196,194,191,191,191,189,189,189,194,196,191,183,135,127,135,186,189,189,189,191,191,196,207,212,209,196,135,130,131,186,194,199,204,207,207,202,199,194,186,139,139,186,191,189,186,182,183,183,183,137,133,133,131,129,129,131,137,186,189,191,191,194,194,194,194,199,207,212,207,199,199,204,207,207,207,207,204,199,196,199,202,207,209,212,217,225,228,228,228,228,228,228,225,225,225,225,222,222,217,217,215,212,215,217,222,225,225,225,225,222,222,225,228,230,225,217,212,209,207,207,204,199,196,191,183,133,127,124,124,125,129,131,131,129,129,170,176,176,176,170,168,168,168,170,176,181,186,189,189,189,183,178,178,181,181,176,168,127,127,168,173,176,178,181,181,178,170,125,121,119,121,123,125,123,121,121,123,165,168,168,165,163,123,163,163,115,95,95,117,165,168,168,163,119,111,109,108,109,115,123,168,168,168,173,178,178,183,189,191,191,186,182,181,181,182,182,183,186,189,191,194,194,196,196,196,194,191,186,183,183,189,199,204,207,207,207,209,207,204,204,202,202,199,194,189,186,186,189,191,196,199,194,181,135,132,133,137,133,123,121,123,131,181,189,191,191,189,191,194,196,194,194,191,189,186,186,189,186,186,186,189,191,194,196,196,194,196,202,215,222,217,212,207,204,204,202,202,199,199,199,196,199,202,204,199,189,187,189,194,196,196,199,199,199,199,199,196,196,194,191,196,202,202,199,191,186,186,189,194,199,204,202,199,199,199,196,194,191,187,186,185,187,189,194,196,199,196,191,186,189,194,199,202,199,196,194,196,204,209,212,215,212,212,215,215,217,215,209,207,207,207,202,199,196,196,194,186,181,178,181,186,186,186,189,189,186,186,189,191,194,191,186,186,189,194,196,196,191,189,183,183,189,199,202,202,202,199,189,185,185,189,191,191,191,191,191,183,129,125,129,181,186,189,191,191,194,194,199,202,204,204,202,199,196,196,194,191,189,186,189,191,191,186,183,181,178,133,135,178,135,131,131,181,194,199,202,199,196,194,194,194,194,194,196,196,196,194,194,191,189,186,189,191,194,191,186,186,191,199,202,204,204,202,199,199,196,194,194,196,202,204,199,194,194,196,194,191,194,199,194,183,178,179,186,191,194,194,194,194,194,191,183,133,129,131,133,178,194,202,202,196,194,194,199,202,199,194,194,196,202,204,204,204,204,204,204,202,202,202,204,202,199,189,186,191,194,186,186,189,186,186,183,186,191,191,183,183,186,186,183,181,181,186,186,186,189,191,194,194,194,194,196,199,196,189,178,134,134,134,178,181,189,194,191,191,194,191,189,191,189,183,181,181,191,202,204,199,194,194,194,191,189,186,186,191,194,194,191,191,191,191,191,189,186,183,189,202,207,202,196,196,202,204,204,204,202,199,196,194,191,189,186,185,186,194,202,202,202,204,209,209,209,204,199,196,194,191,186,186,189,194,199,202,202,199,196,196,202,207,215,215,212,212,212,209,204,199,196,196,194,194,196,199,196,194,196,202,209,215,222,222,215,209,209,215,215,213,213,213,215,217,217,212,204,202,202,202,204,207,199,189,139,139,186,191,199,209,220,225,225,215,207,202,202,202,207,212,215,215,215,212,212,209,204,202,202,209,217,222,217,212,208,208,209,217,225,225,215,202,196,199,204,217,233,238,235,230,225,225,225,225,222,215,209,204,204,204,207,209,209,209,209,207,207,207,209,204,199,196,194,194,191,191,191,191,189,186,186,189,194,191,186,176,163,0,147,0,0,165,176,183,183,168,155,157,168,178,186,191,196,199,196,194,189,186,186,191,202,212,217,225,228,230,233,233,233,230,228,225,222,225,230,238,241,241,238,241,0,0,0,0,0,230,225,222,217,212,207,0,0,0,0,212,209,207,202,196,191,186,183,183,191,199,217,230,233,225,212,207,207,209,209,204,199,191,186,186,189,191,194,202,209,209,209,207,204,196,189,187,194,217,235,243,248,251,246,243,241,228,207,181,163,152,152,0,0,176,209,246,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,191,181,178,176,170,163 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,160,157,126,49,118,163,178,183,181,183,189,191,189,183,176,173,176,186,196,202,202,199,196,191,189,186,191,196,202,202,196,191,186,181,173,168,123,119,115,117,119,127,176,125,101,123,186,191,183,173,173,168,125,123,123,168,181,191,194,194,191,186,186,186,186,183,178,170,168,173,181,186,183,183,186,189,183,176,173,173,170,165,121,115,113,117,123,123,111,102,104,117,168,170,165,117,116,119,163,123,121,165,170,170,173,176,173,165,168,170,170,168,123,113,100,98,103,117,165,170,165,125,165,170,170,125,119,119,165,170,173,176,178,176,176,176,176,178,181,183,186,189,183,181,181,179,178,179,183,181,170,127,127,127,126,126,129,183,191,189,183,183,178,178,183,189,189,191,196,199,194,191,189,189,191,191,191,191,194,191,186,178,111,105,168,191,199,199,196,191,189,189,189,189,191,194,194,194,194,191,189,186,178,173,173,176,173,129,127,170,183,181,165,166,170,170,169,170,178,178,173,173,173,170,170,127,122,120,120,121,122,123,168,181,178,170,173,178,181,178,170,168,168,170,168,170,176,178,173,165,123,125,165,165,125,125,165,168,168,165,123,125,168,173,173,163,54,45,74,99,109,117,165,170,173,170,173,170,176,183,191,186,117,119,123,123,170,183,194,199,194,168,85,20,21,44,119,170,170,121,117,163,165,165,170,178,178,165,121,123,168,168,123,122,123,115,97,69,109,173,178,178,176,176,189,183,176,127,125,125,125,121,117,121,176,191,204,212,202,186,179,181,186,186,181,177,181,189,194,189,178,157,105,93,59,33,36,47,81,83,79,155,173,163,186,194,89,23,31,71,155,137,27,45,29,10,0,83,150,160,157,150,101,99,95,72,75,85,93,150,176,160,109,104,101,107,165,178,183,178,165,159,160,165,173,170,168,163,123,163,125,125,168,173,178,183,186,189,189,186,178,115,112,119,186,196,199,194,183,168,118,115,117,125,170,127,125,126,170,173,170,173,189,199,199,189,176,176,181,181,170,124,124,173,183,183,183,186,189,191,189,189,183,176,173,181,186,189,191,191,183,183,178,168,168,189,202,207,204,204,207,207,194,173,121,117,121,113,101,105,121,173,178,170,173,178,178,165,105,105,160,170,173,176,178,168,121,160,173,176,123,116,117,121,163,165,168,168,168,168,165,165,165,163,163,173,181,173,121,117,111,111,121,165,160,120,160,170,168,160,117,115,115,117,119,123,168,170,168,166,166,173,181,183,183,183,186,186,176,115,88,86,111,119,112,117,170,181,176,123,113,111,107,97,98,113,170,165,113,112,123,178,183,186,189,189,178,178,196,204,202,202,199,196,189,181,173,173,178,181,181,181,176,170,170,170,129,170,173,173,170,170,176,176,129,127,170,176,176,129,126,127,176,194,204,202,196,183,127,128,181,191,194,194,194,183,127,122,127,131,129,127,129,129,133,181,186,189,189,191,194,196,199,199,191,191,196,202,196,191,186,183,178,131,125,121,121,123,127,181,189,191,186,176,129,129,129,127,125,123,125,170,181,183,181,176,176,183,189,191,194,199,207,209,196,181,173,176,181,186,186,176,123,121,123,170,173,173,176,178,181,183,186,183,181,176,176,176,178,181,178,173,170,178,191,199,204,204,204,202,204,202,202,199,191,127,176,186,183,176,129,121,123,173,176,176,183,194,191,117,97,95,103,125,199,196,189,186,191,196,202,209,209,107,78,77,121,189,183,178,176,123,108,111,125,127,105,93,98,170,189,178,121,119,123,173,178,181,186,191,191,189,183,181,178,181,186,194,194,191,191,196,202,202,199,199,202,202,199,196,191,189,189,191,183,176,173,174,176,181,186,186,186,186,183,176,129,131,183,183,186,183,176,176,178,183,186,191,189,183,176,173,183,194,194,186,170,127,123,85,76,85,115,176,186,189,186,183,181,183,176,117,113,111,110,111,117,170,178,170,176,183,191,196,194,176,125,170,189,199,194,170,119,121,129,173,170,169,173,173,129,121,119,123,123,125,170,173,173,173,178,176,173,176,186,191,194,189,170,109,111,170,181,181,176,127,129,181,189,181,170,170,178,183,178,177,177,181,189,194,191,189,189,191,186,178,176,131,131,173,176,173,173,178,186,183,131,117,111,129,178,183,186,189,189,186,186,189,196,202,191,132,129,132,183,199,209,209,207,202,191,185,189,196,202,202,199,196,199,202,202,202,194,139,137,186,194,196,202,199,186,134,135,189,196,194,186,189,204,212,209,209,215,215,209,209,209,204,199,194,191,191,194,191,191,191,196,199,199,196,191,191,194,191,183,139,183,189,191,196,207,212,212,204,189,134,133,141,191,196,202,207,207,204,199,194,191,189,186,189,191,191,186,182,183,183,181,135,133,133,131,130,131,135,183,189,191,194,194,194,192,192,192,202,209,209,202,194,194,199,202,204,202,202,199,196,194,199,207,212,215,215,217,222,225,225,222,225,228,228,228,225,225,225,225,222,217,215,215,212,212,215,217,222,222,222,222,225,225,228,228,228,225,217,215,209,207,204,202,199,194,186,135,129,125,125,127,129,131,173,131,170,170,173,176,176,176,173,170,168,168,170,176,183,189,189,189,186,181,176,176,178,178,173,127,125,125,127,173,178,183,186,186,181,170,123,118,117,118,121,125,123,121,121,121,123,123,163,165,163,165,168,165,109,86,80,83,113,121,123,121,115,109,108,109,113,119,123,125,125,127,173,178,183,186,189,189,186,183,183,183,183,183,186,189,189,191,191,191,194,196,196,194,194,194,189,185,185,191,202,207,207,204,202,202,199,199,202,204,204,202,194,186,183,186,189,191,196,196,189,137,133,132,132,135,129,121,120,123,135,183,191,194,194,194,196,196,196,194,194,194,191,189,186,189,189,189,191,194,196,199,202,204,204,204,209,217,220,215,207,202,202,202,202,202,199,199,199,199,202,204,204,196,189,187,189,199,204,207,207,207,207,204,204,204,202,199,196,199,204,204,199,194,191,189,189,194,199,202,202,202,199,199,196,196,191,187,186,186,187,191,191,194,194,191,186,185,186,194,202,204,202,199,196,199,204,209,212,212,212,212,215,220,225,222,217,215,209,207,202,199,196,196,194,183,177,176,177,178,178,183,186,189,186,186,189,194,196,194,191,191,194,194,194,191,186,181,178,178,186,196,199,202,202,196,189,183,183,186,194,194,191,191,189,186,181,135,178,186,186,186,183,186,191,196,199,202,207,209,204,202,199,199,196,191,191,189,189,191,189,186,186,186,178,133,133,181,181,134,135,186,194,194,191,191,194,194,194,194,194,194,194,196,196,194,191,189,183,181,183,186,189,186,185,185,191,199,202,202,199,199,199,199,194,189,186,189,196,202,199,194,192,194,191,187,189,194,196,189,181,179,181,186,186,189,191,191,191,186,135,127,125,127,127,129,186,199,202,199,194,196,199,199,199,196,194,194,196,202,202,202,204,207,204,204,204,207,207,204,196,186,186,194,194,189,189,191,189,183,135,135,183,186,183,183,183,183,181,178,178,181,178,178,183,189,191,191,189,191,194,199,196,191,181,135,134,134,134,178,186,189,189,189,191,186,185,191,194,194,186,186,194,202,204,199,194,194,194,194,194,189,189,189,194,194,189,191,194,194,191,189,183,134,134,196,207,202,195,195,196,199,204,209,207,196,191,189,189,189,189,186,189,194,199,202,204,207,209,212,212,207,199,194,189,186,183,183,189,191,194,196,199,199,199,199,202,209,215,212,207,207,209,207,202,196,191,191,191,194,194,194,191,191,202,215,220,217,215,212,209,209,212,215,217,217,215,215,215,217,215,212,207,207,204,207,209,207,202,189,138,138,139,186,194,204,217,222,222,220,215,212,207,204,207,215,220,220,217,212,212,212,212,212,209,215,222,222,217,209,207,208,212,222,228,230,222,212,207,207,212,225,235,241,238,230,225,222,222,222,222,215,212,207,207,207,207,207,207,207,204,202,202,202,207,204,199,196,194,194,191,189,189,189,186,183,183,189,194,194,189,181,0,155,147,0,0,0,176,183,186,168,152,155,0,178,0,189,191,194,196,194,189,186,183,189,199,209,215,222,225,228,230,230,230,230,228,225,225,228,233,241,241,241,238,241,0,0,0,0,0,0,0,0,0,215,0,0,0,0,0,0,0,0,0,202,0,191,191,191,194,0,222,233,233,222,212,212,215,212,209,204,199,196,194,191,189,186,191,202,212,212,212,209,204,196,186,185,191,217,238,246,248,248,246,243,241,225,204,181,160,150,0,0,0,168,199,238,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,194,183,181,181,170,160 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,183,186,111,17,29,142,170,178,181,186,191,191,191,186,178,174,174,181,189,196,199,199,199,194,189,186,189,194,194,191,186,183,181,176,170,168,127,121,115,113,112,119,176,170,84,119,183,189,178,168,170,173,127,123,123,168,181,191,194,191,191,186,183,183,181,178,173,166,165,170,186,194,191,189,189,191,189,178,181,186,186,173,121,112,111,113,123,168,123,113,113,119,165,168,168,163,121,123,165,165,121,121,123,123,165,170,168,123,123,163,165,121,117,113,109,103,107,113,117,121,121,123,125,165,125,121,117,119,168,176,178,178,181,178,176,173,176,178,176,176,178,186,186,183,183,181,179,179,181,178,129,126,126,125,125,129,181,189,194,191,186,186,183,181,183,183,181,181,189,194,194,194,194,196,194,191,186,189,194,191,183,178,173,127,173,189,199,199,196,191,194,194,194,191,191,194,194,191,189,183,181,176,172,170,173,176,173,127,127,173,189,191,173,168,168,169,169,173,178,176,129,127,125,125,125,125,123,121,120,121,122,125,173,186,183,173,170,176,178,176,168,125,165,165,123,121,125,168,168,165,168,170,173,170,125,122,123,165,168,168,165,125,168,178,173,99,44,45,97,121,163,168,173,176,173,173,176,176,178,183,189,183,115,119,165,168,170,178,186,189,178,109,77,59,77,119,170,170,163,113,113,121,123,121,165,176,181,173,165,165,173,176,176,176,176,173,168,125,123,108,105,125,168,111,92,107,113,117,119,125,168,127,125,127,178,189,196,202,196,186,181,183,189,189,181,178,178,181,176,165,165,163,111,89,63,43,41,43,81,79,51,89,144,142,189,215,155,13,1,57,196,157,37,37,31,27,0,81,139,157,160,157,147,160,163,75,72,73,70,95,186,189,165,111,109,170,181,178,173,170,160,160,163,168,170,165,163,163,163,165,165,165,170,176,176,176,178,176,170,168,125,116,116,170,189,194,194,194,186,173,123,119,125,170,170,127,127,173,186,186,176,170,181,194,196,186,173,173,183,183,129,121,122,176,186,186,189,189,189,191,191,189,181,173,173,183,191,191,189,194,194,191,186,170,166,181,202,207,204,202,196,189,178,165,121,119,119,111,103,103,113,160,168,168,173,176,176,165,103,101,117,163,165,170,170,123,118,123,178,173,121,117,119,117,113,112,117,121,123,165,168,168,165,165,165,173,181,183,181,173,165,163,165,163,120,119,165,173,170,165,163,160,123,123,123,163,165,168,166,165,165,168,176,178,178,181,186,194,117,91,88,91,119,123,115,117,170,173,125,115,107,107,109,105,105,165,178,165,117,121,181,189,189,191,191,181,170,178,196,202,196,196,196,194,183,170,127,170,181,183,181,178,176,176,183,181,176,173,176,176,176,178,183,181,173,129,173,183,183,131,125,127,176,189,191,189,186,173,127,131,186,194,194,189,186,178,127,121,124,125,125,127,129,133,178,183,186,191,194,194,196,199,199,196,191,191,196,202,202,196,191,181,176,133,131,127,127,127,131,178,186,191,186,176,129,129,131,127,122,121,123,129,173,170,125,125,127,173,186,194,196,199,204,204,196,186,178,176,181,183,181,129,123,123,125,127,127,127,129,178,183,189,189,186,181,176,173,173,178,181,181,176,173,178,183,189,196,202,204,202,202,199,196,199,202,194,189,189,183,176,131,127,131,181,178,176,189,204,207,204,100,94,100,115,194,199,196,196,199,202,207,222,233,212,99,61,85,176,191,189,181,125,111,112,121,127,123,115,121,181,191,183,168,125,127,173,173,176,176,178,178,178,176,176,176,181,186,191,194,194,194,196,199,199,199,202,204,204,199,196,199,194,186,186,181,174,174,174,176,181,189,194,194,186,178,129,127,173,181,183,181,181,181,181,178,178,178,181,178,176,170,173,183,194,194,191,186,170,103,81,77,77,77,119,170,178,178,181,186,194,194,123,119,117,112,112,123,181,189,176,176,181,183,186,183,129,122,125,176,191,189,129,121,129,176,173,170,170,173,176,129,121,117,117,118,123,129,178,178,176,176,181,183,189,194,196,199,196,181,96,97,127,181,183,181,176,181,186,189,181,172,172,181,183,181,178,178,183,191,196,194,186,178,173,130,129,130,131,131,178,183,178,123,79,47,59,101,111,117,127,133,178,183,186,186,189,191,194,191,191,186,132,129,128,128,186,207,212,209,202,194,186,186,194,202,204,202,196,199,202,202,202,199,196,196,204,202,196,196,196,194,191,189,191,191,186,183,185,199,207,207,204,209,215,215,212,207,199,196,194,194,194,189,189,189,194,196,202,204,204,204,204,202,191,138,137,138,139,141,191,202,209,212,209,202,191,186,191,196,199,204,207,207,204,199,199,199,196,191,191,191,191,186,183,183,186,183,137,135,135,135,137,137,183,186,191,194,196,196,194,192,191,194,204,212,207,196,186,186,194,196,199,199,199,199,196,194,199,212,215,212,209,209,212,215,215,215,215,222,225,222,222,222,222,222,217,215,215,212,212,212,215,217,222,222,220,222,225,225,228,225,225,222,217,215,209,204,199,199,196,189,181,131,125,125,127,129,131,131,131,170,129,170,173,176,176,176,176,173,170,170,173,181,186,189,189,183,181,178,176,173,176,176,173,127,124,124,127,173,181,183,186,183,178,173,125,119,117,118,123,165,125,123,123,121,119,119,123,163,165,165,168,170,123,99,84,84,105,117,121,119,115,111,111,115,121,121,123,123,125,168,176,181,186,189,189,186,183,183,186,186,189,189,191,191,191,189,189,189,191,194,191,189,191,196,194,191,191,196,204,207,204,199,196,195,194,194,199,204,204,199,191,183,182,186,191,194,196,196,189,181,137,133,133,135,133,125,123,129,137,183,189,191,196,196,196,196,194,189,191,196,196,189,183,186,189,191,196,202,204,207,209,212,212,212,212,212,209,204,196,196,202,204,204,204,202,198,198,199,202,202,199,194,191,189,191,196,204,209,209,209,209,207,209,209,207,202,199,202,204,204,202,196,196,194,191,194,196,196,199,202,199,202,202,199,196,194,189,189,189,191,191,191,191,189,185,185,186,194,204,207,207,204,204,204,204,207,209,209,209,212,215,217,222,222,217,212,209,204,199,196,196,196,191,186,178,177,177,178,178,181,186,186,189,189,191,194,196,194,194,194,194,194,189,183,178,177,176,177,183,191,196,196,199,196,189,185,185,189,194,194,191,186,185,186,186,186,186,186,186,181,181,183,191,196,199,202,207,209,207,202,196,196,191,189,189,191,191,191,189,186,189,186,178,131,133,181,186,186,189,191,191,183,181,183,186,189,189,191,194,194,194,194,194,194,191,186,181,179,179,181,186,186,186,186,194,202,202,196,194,194,194,194,186,137,133,135,189,196,199,196,194,196,191,186,186,189,194,189,183,181,183,186,186,189,191,194,189,183,178,129,125,125,123,121,129,189,196,194,191,194,196,199,199,199,196,196,194,196,199,202,204,207,207,207,207,209,212,204,191,183,183,191,194,189,189,189,186,181,133,132,135,181,181,183,183,181,178,178,178,135,135,135,181,186,189,189,183,183,189,194,196,191,183,178,135,135,135,178,183,186,183,183,186,182,181,186,196,194,189,186,191,199,202,196,191,191,194,196,196,191,189,186,191,191,189,189,191,194,194,191,139,131,131,183,199,199,195,195,195,195,204,212,212,202,194,191,191,194,194,191,191,194,194,196,204,207,209,212,215,209,202,191,183,182,181,182,186,189,191,194,196,196,199,199,204,209,215,215,207,207,207,204,196,191,189,187,191,191,191,189,187,189,204,220,225,217,209,208,209,215,217,217,222,222,217,215,215,212,212,209,209,207,207,207,209,209,204,194,139,138,139,186,191,199,209,217,222,220,217,215,212,207,207,212,220,220,215,212,209,208,212,217,217,222,225,225,217,209,209,212,217,225,230,230,225,217,212,212,217,228,235,238,235,230,228,222,222,222,217,215,212,209,209,207,207,204,204,202,199,198,198,199,204,202,199,196,196,194,191,189,186,186,183,182,183,189,194,196,194,183,0,0,0,0,0,0,0,183,183,165,150,152,0,178,0,186,189,191,194,191,186,183,181,186,196,207,212,217,222,225,228,228,230,230,230,228,228,228,235,241,241,238,238,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,230,225,215,209,215,217,217,212,204,202,202,204,199,189,183,189,202,212,215,212,209,207,199,186,183,189,217,241,248,248,248,248,243,238,222,204,186,163,152,0,0,160,170,194,233,254,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,189,186,181,165,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,39,0,0,0,55,147,173,181,186,189,191,189,186,183,178,178,183,189,191,194,196,199,196,189,186,189,189,186,181,178,176,170,168,165,165,165,121,115,113,112,113,123,121,82,104,165,176,127,121,123,168,168,122,122,125,170,181,186,189,186,183,181,178,176,173,168,165,164,170,189,196,196,191,191,191,186,178,178,186,186,173,115,111,111,115,165,178,178,165,123,163,170,170,173,170,165,165,170,170,123,116,116,117,119,163,165,123,121,122,163,121,115,117,119,117,113,115,115,115,115,117,121,123,121,117,117,123,173,178,176,176,178,178,176,170,173,176,173,170,176,189,194,194,189,186,183,183,181,178,176,176,176,131,129,176,189,186,181,178,181,186,186,183,183,183,178,177,178,186,194,196,199,199,196,191,186,186,191,189,178,127,123,119,121,178,194,199,196,194,196,196,194,190,191,194,196,196,191,183,178,173,170,170,173,173,129,126,127,176,191,196,183,173,169,169,173,181,181,173,123,121,121,121,121,125,170,170,127,129,129,168,176,183,178,170,170,173,173,165,119,118,121,121,115,113,117,125,165,168,170,176,178,173,123,121,123,165,170,170,168,165,173,181,178,101,66,79,178,181,176,170,173,176,176,176,178,178,181,183,186,178,112,117,168,173,170,170,173,173,163,109,101,163,191,186,178,170,111,105,109,117,115,115,119,168,176,176,170,168,176,183,191,194,189,181,176,176,173,105,100,119,121,90,79,93,105,113,117,123,168,170,170,173,183,186,189,191,189,183,183,181,186,189,183,178,176,168,115,111,157,173,168,101,87,89,81,45,35,3,0,0,3,57,142,150,97,3,0,0,178,91,35,16,23,45,39,77,93,147,160,163,173,199,209,181,70,60,58,87,176,186,168,111,160,196,189,173,163,160,163,165,170,170,165,163,163,163,163,165,165,165,170,173,173,176,176,170,125,122,123,123,125,178,194,199,199,196,189,178,170,170,176,176,170,127,168,183,196,194,176,127,170,178,181,176,168,170,178,178,127,120,121,176,186,189,191,194,191,191,194,191,183,176,176,186,191,191,189,191,196,196,194,181,168,170,191,202,199,191,176,163,123,123,123,123,121,113,103,103,109,115,121,160,160,168,168,117,105,107,117,119,119,121,123,118,116,121,168,125,123,123,121,113,110,111,117,123,168,176,178,173,170,168,170,176,186,194,194,181,176,173,168,163,160,121,165,170,170,168,170,168,168,168,165,168,173,176,173,168,166,168,173,176,176,178,183,183,101,89,89,99,123,127,115,114,119,121,117,113,111,113,123,123,123,170,176,123,121,173,191,199,196,199,194,170,168,178,183,176,173,181,189,186,178,127,125,126,176,181,181,178,176,181,186,183,176,176,176,178,178,181,186,183,173,129,178,191,189,173,126,127,178,183,181,181,181,173,131,176,183,186,186,181,176,129,124,123,124,125,124,127,131,176,181,181,186,191,194,194,196,196,196,196,194,194,194,199,202,196,189,178,176,176,176,131,129,129,131,178,186,191,186,176,129,131,173,131,123,122,123,129,129,124,122,123,124,127,181,191,196,196,196,199,196,189,178,176,178,178,170,127,127,129,129,129,129,127,127,176,183,189,189,186,181,173,129,129,173,181,181,178,176,176,178,181,191,202,204,204,202,199,196,196,202,196,194,194,186,178,173,178,186,189,178,173,181,207,215,217,194,125,110,112,176,194,202,204,207,204,204,215,225,222,202,91,94,127,194,194,183,170,117,117,125,173,170,168,176,191,196,186,176,170,170,170,168,168,127,127,129,129,125,127,173,181,183,186,189,194,196,196,199,199,199,204,204,202,199,199,199,194,183,183,181,178,178,176,176,178,189,196,196,189,176,126,125,126,170,173,176,181,183,183,178,176,176,176,176,176,173,170,178,189,194,199,199,181,101,83,74,72,72,113,165,173,170,173,183,196,196,173,173,173,125,121,170,186,189,183,178,176,173,173,173,125,122,124,170,183,181,123,121,170,178,173,173,176,178,173,125,119,117,117,118,119,125,176,183,181,174,181,189,194,194,194,202,199,183,70,73,96,123,176,181,181,183,183,183,178,174,176,181,183,183,181,181,186,196,202,196,183,131,130,128,127,130,173,176,181,189,186,113,41,23,31,89,119,127,131,133,176,178,181,186,191,199,202,196,196,194,191,191,178,125,129,194,202,194,186,183,181,181,189,202,207,202,194,196,199,202,199,196,191,196,204,204,196,194,199,204,207,207,202,196,189,185,186,196,202,199,199,204,212,215,212,204,196,191,191,194,191,187,187,187,191,199,204,209,212,212,209,207,194,139,137,138,136,134,138,194,207,209,207,204,202,199,202,204,204,207,207,207,204,202,204,207,204,196,189,189,186,183,183,186,191,186,183,183,183,183,186,186,186,189,191,196,199,199,196,192,192,196,207,212,204,189,133,135,183,189,189,189,194,196,196,194,199,209,212,202,191,145,194,202,207,209,212,215,217,215,215,215,217,215,212,209,212,212,212,212,215,217,217,217,215,217,222,225,225,225,222,220,217,212,204,199,196,194,191,183,133,127,124,125,129,131,131,131,129,127,125,127,168,170,173,176,176,176,176,176,176,181,186,189,183,178,173,173,170,170,170,170,170,168,126,127,173,181,183,183,181,178,176,176,173,168,165,165,170,173,170,165,123,121,119,119,119,123,163,165,168,170,168,123,113,107,109,117,123,123,119,117,119,125,165,125,123,125,127,173,178,183,189,189,189,186,183,183,186,189,186,189,191,194,191,191,187,187,187,189,189,186,189,196,199,196,194,199,204,207,202,199,195,194,192,194,199,207,209,202,191,182,181,183,191,196,199,199,194,189,186,181,137,181,183,181,137,181,186,186,186,189,194,196,196,191,189,186,189,196,199,191,183,182,186,194,202,209,212,212,215,215,212,209,207,204,199,191,191,196,202,207,207,207,202,198,199,202,202,196,196,196,196,194,191,191,196,199,204,204,204,204,207,209,207,204,202,204,207,204,202,199,199,194,191,191,194,194,196,199,202,202,202,202,199,194,189,189,191,191,191,191,191,191,189,189,189,196,204,209,209,209,209,209,204,204,207,209,209,209,209,209,209,209,209,207,204,199,196,194,191,191,191,191,189,183,181,181,181,181,183,186,186,189,191,194,194,194,194,196,196,194,189,181,178,177,177,178,186,191,191,191,194,194,191,189,189,194,194,191,189,185,183,186,189,189,189,186,183,178,178,183,194,199,199,199,202,204,202,199,194,189,181,177,181,189,191,191,189,189,189,183,133,129,131,178,189,194,196,191,186,181,179,181,181,181,181,189,194,194,194,194,194,194,189,186,181,179,179,181,186,189,191,191,194,199,202,194,189,189,191,189,137,128,126,128,181,191,196,196,199,199,191,186,185,189,189,186,183,181,186,189,191,189,191,191,189,186,183,135,129,123,119,118,121,135,186,186,183,189,191,194,199,202,202,199,194,191,194,199,204,207,209,207,209,215,215,204,183,181,182,189,191,191,189,186,186,181,134,133,178,183,183,186,183,178,135,135,135,135,134,135,181,183,186,186,183,183,189,191,194,191,189,183,183,181,178,178,181,183,183,186,189,183,181,186,196,194,186,182,186,196,202,196,190,190,191,196,196,191,186,185,189,191,191,189,189,191,196,199,191,138,136,138,189,196,199,196,196,196,204,215,215,204,196,196,199,202,199,196,194,194,191,191,196,202,207,212,212,207,202,194,189,183,182,183,186,191,194,196,196,199,199,202,207,212,217,217,212,209,207,199,194,191,189,187,189,191,191,189,187,189,204,220,222,215,209,209,215,217,217,217,217,215,212,207,207,204,202,204,204,204,204,207,212,212,207,196,186,141,141,186,191,196,204,212,220,217,215,212,209,207,204,212,220,222,217,212,209,207,209,217,222,225,222,222,217,215,217,222,225,225,228,228,225,217,215,215,222,228,233,233,233,230,228,225,222,222,222,217,212,209,207,204,204,202,202,199,198,198,198,199,204,204,199,199,199,196,194,191,191,191,186,183,183,189,194,194,194,189,178,168,0,0,0,0,173,183,181,163,144,150,0,181,0,183,186,186,189,189,183,181,178,183,194,204,212,215,217,222,225,228,228,230,230,228,228,230,235,241,241,238,237,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,222,215,204,204,215,222,222,217,207,204,209,212,204,189,178,0,196,207,212,215,212,209,204,191,187,196,225,243,251,251,251,251,246,238,225,209,196,181,0,0,165,173,181,199,230,246,251,254,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,191,186,178,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,108,165,178,186,186,186,189,186,186,183,183,189,189,191,191,194,196,196,189,186,189,189,186,178,173,170,163,119,119,123,123,119,113,115,115,113,119,121,94,90,115,125,125,119,119,123,125,120,121,123,123,168,178,183,178,178,178,173,170,170,168,166,165,173,189,196,196,191,191,189,183,177,177,183,181,165,112,111,115,123,173,186,186,176,168,168,170,170,173,170,165,163,168,173,165,116,116,116,116,123,168,123,121,123,170,168,121,123,123,121,119,119,119,117,115,115,117,119,117,115,117,125,173,173,168,168,173,178,170,169,170,173,170,168,178,191,199,199,194,189,189,189,183,183,183,189,191,183,178,183,189,183,176,174,181,194,191,183,183,186,181,176,177,181,191,199,202,202,199,194,189,186,189,189,176,119,111,105,109,168,189,194,194,194,199,199,194,190,191,196,199,202,194,183,181,176,173,173,176,173,127,127,129,178,191,194,186,178,176,173,178,183,181,129,115,111,117,123,123,129,178,183,183,181,178,173,173,173,170,168,170,168,127,121,116,116,119,119,114,111,115,125,165,165,168,173,176,170,123,121,122,165,170,173,170,170,173,176,168,111,107,163,183,186,176,169,169,173,176,176,178,181,183,186,181,165,106,114,168,176,170,168,168,163,117,115,119,165,189,189,181,170,108,102,109,113,113,112,113,117,163,173,173,168,170,183,196,199,191,173,163,163,173,123,113,170,170,103,92,109,117,123,123,123,123,123,125,176,183,186,186,186,183,183,181,176,183,186,181,176,170,157,109,109,152,178,183,150,109,160,144,95,35,0,0,0,0,87,144,157,157,47,0,0,89,39,25,23,61,87,79,69,73,83,150,168,191,207,212,202,67,45,60,157,165,155,65,52,97,196,183,163,155,157,165,178,181,176,168,165,165,163,163,123,123,125,165,168,170,178,178,173,125,123,127,168,170,183,199,204,207,202,194,189,183,183,183,178,168,126,168,183,194,189,170,125,125,124,123,127,129,170,173,170,125,122,122,173,183,186,194,194,191,194,194,191,186,178,178,186,191,191,189,191,199,199,199,196,178,125,165,189,186,170,117,113,117,163,170,173,170,119,107,107,113,117,121,163,163,170,165,115,115,123,119,117,117,119,119,118,117,118,121,121,165,170,165,117,113,121,170,178,183,189,189,181,176,173,173,173,181,196,191,176,173,170,163,163,163,160,160,160,165,170,173,176,176,170,168,170,181,189,186,178,173,170,170,170,173,176,178,168,105,93,91,101,127,170,113,112,117,121,121,123,123,123,170,170,168,170,168,120,121,181,196,202,202,204,191,123,127,181,170,110,113,122,170,178,173,127,125,123,129,178,183,181,178,178,181,176,173,176,181,181,181,183,186,183,131,128,176,191,191,178,131,173,189,189,183,186,186,181,181,181,178,173,173,131,129,125,124,125,129,129,129,133,176,176,176,133,178,183,186,186,191,194,194,194,194,194,191,194,196,191,181,133,133,176,176,131,128,128,131,178,186,191,189,178,129,129,131,173,129,125,127,131,131,125,123,124,124,127,176,186,191,191,194,199,202,196,183,176,173,170,127,127,170,178,178,176,176,173,170,173,176,181,186,183,178,129,123,123,129,176,181,178,176,176,173,176,186,199,204,204,204,202,196,196,194,191,196,202,196,186,181,189,196,196,181,168,173,202,217,217,212,207,170,117,170,186,194,199,204,207,209,212,217,222,215,173,103,113,178,183,178,170,127,125,170,176,173,176,183,194,194,183,178,178,176,170,127,123,121,121,125,121,118,119,170,181,181,181,183,191,196,199,199,199,202,202,202,199,202,202,199,191,181,178,178,178,178,176,173,173,178,186,189,183,173,126,125,126,129,129,173,181,183,183,181,178,176,176,178,181,176,168,170,181,191,202,207,199,173,101,70,70,111,168,176,176,168,123,125,178,181,173,181,183,176,170,176,183,186,186,181,173,128,128,129,125,123,124,129,178,176,123,120,127,170,170,176,183,183,173,125,121,121,119,119,118,118,127,181,181,174,178,189,194,189,191,199,194,173,54,55,79,105,125,176,178,181,181,178,178,178,181,186,186,183,183,183,186,194,199,196,183,131,133,131,131,176,181,178,181,189,194,176,53,33,42,115,127,173,176,176,133,133,178,186,191,199,209,209,207,207,207,212,204,123,124,178,183,133,131,131,131,131,181,196,204,202,194,194,199,204,199,189,137,137,191,194,189,191,202,209,212,215,215,212,207,199,199,199,196,195,196,204,212,215,209,204,196,191,187,187,187,187,187,187,194,199,207,207,207,209,215,212,204,191,186,141,136,132,137,191,202,202,202,202,202,204,207,209,209,212,212,209,207,207,207,209,207,196,186,139,139,139,183,189,191,191,189,191,191,191,189,186,189,189,191,196,199,199,196,194,194,199,209,212,204,189,131,131,133,135,133,133,139,189,191,191,196,207,204,145,140,140,144,196,204,209,212,215,215,212,212,212,212,209,204,202,207,212,212,212,215,217,215,215,212,212,217,222,222,222,222,217,215,209,202,196,191,191,186,181,131,125,125,127,131,173,131,129,127,125,123,121,123,127,168,170,173,173,176,176,176,178,183,183,178,170,168,168,168,168,168,165,168,170,170,176,181,186,183,178,173,173,176,178,181,181,181,181,181,181,176,170,125,121,119,119,119,121,123,165,168,165,163,163,123,119,115,121,165,168,125,125,165,173,173,168,127,127,170,176,181,183,186,186,189,189,189,189,189,186,185,185,189,191,191,191,189,189,187,189,189,187,189,199,202,199,196,196,204,204,202,196,196,196,196,199,207,212,215,207,194,182,181,183,194,199,202,202,199,196,194,189,186,189,191,194,194,191,191,189,185,186,191,196,194,191,189,186,189,196,199,191,182,181,183,194,202,209,212,215,215,215,207,202,199,194,191,189,189,196,202,204,207,207,204,202,202,207,204,196,196,202,204,199,194,189,186,186,191,194,196,199,202,204,204,204,202,204,204,202,199,199,194,189,189,191,194,192,194,196,199,199,199,199,196,189,183,183,189,189,186,186,191,194,196,194,194,202,207,209,209,209,212,209,204,202,204,209,209,207,204,202,199,196,196,199,196,196,194,191,190,191,194,194,194,189,186,183,183,183,183,183,186,189,191,191,191,191,194,196,199,196,191,183,178,178,183,186,191,194,194,191,191,194,194,196,196,196,194,191,189,186,185,186,189,191,189,186,178,177,178,186,196,199,199,198,199,202,199,196,191,186,178,174,176,183,191,191,189,189,186,178,129,128,129,178,189,196,196,189,183,183,186,186,181,178,179,186,194,194,194,191,194,194,191,189,186,183,183,186,191,194,196,194,194,196,199,194,189,186,186,186,137,128,125,127,137,191,199,199,202,199,194,187,187,191,189,183,178,178,183,191,189,183,181,183,186,186,186,178,129,123,118,117,119,129,135,133,133,137,186,191,199,204,204,199,191,190,191,196,202,207,209,209,209,215,215,204,183,181,182,186,191,191,189,186,189,186,178,178,186,189,186,186,181,178,135,134,134,134,134,135,178,183,183,183,186,189,194,196,194,194,191,189,189,186,183,183,181,183,186,191,194,189,186,194,196,191,183,181,186,196,202,199,190,190,191,194,196,191,186,185,186,191,194,189,185,186,196,207,207,207,196,186,186,194,202,202,202,199,204,212,209,202,196,199,207,209,207,202,196,194,189,185,185,194,202,207,207,204,199,199,199,196,194,191,194,199,202,202,202,199,199,202,207,212,215,215,212,212,207,199,194,194,194,191,189,189,189,189,189,191,204,215,212,207,207,212,222,225,222,217,212,209,204,200,199,198,198,199,202,202,202,207,212,212,207,202,194,191,191,191,194,196,202,209,212,209,204,204,204,202,202,207,220,222,222,217,212,208,209,217,222,222,217,217,217,215,217,225,222,222,225,225,222,220,217,215,222,228,230,230,230,230,228,225,222,222,222,217,215,207,204,203,204,204,202,202,199,202,202,204,207,204,202,202,202,199,199,196,196,196,194,189,189,191,191,191,194,189,181,168,0,152,0,0,176,183,183,160,142,144,0,181,0,183,183,183,186,186,181,176,176,181,194,202,209,215,217,222,225,225,228,228,228,228,228,228,235,241,241,238,237,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,215,207,199,199,209,220,220,217,209,209,215,0,212,0,0,0,194,204,212,215,215,212,209,207,202,209,230,246,254,255,254,251,248,243,230,220,209,199,186,173,176,181,189,199,222,238,243,248,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,189,176,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,163,181,199,181,181,186,186,186,183,186,191,194,189,186,186,189,189,186,183,189,191,189,181,173,168,119,112,113,121,163,121,109,109,117,117,121,168,176,123,121,170,183,173,120,120,122,122,125,125,125,168,173,176,173,170,170,170,168,168,173,173,170,176,183,191,194,191,186,186,186,183,181,181,178,168,121,119,163,168,176,181,178,176,168,163,165,168,170,168,163,123,165,173,173,121,117,116,117,163,168,163,122,165,173,173,170,168,165,123,123,125,121,119,119,115,114,115,115,117,123,168,168,125,124,125,170,176,169,168,170,170,166,166,178,194,199,199,191,183,181,186,189,183,183,183,181,178,181,186,189,178,176,178,189,196,196,189,186,189,186,178,176,177,191,202,204,202,199,194,189,186,189,189,181,119,103,99,107,127,183,183,189,191,196,199,196,194,194,196,199,199,189,181,181,183,181,178,176,173,173,170,173,181,191,191,183,173,183,183,176,176,178,125,100,104,115,170,178,181,181,183,189,186,178,170,127,127,126,127,170,170,127,121,119,123,165,125,121,115,119,121,121,119,121,165,168,168,125,122,122,165,170,170,170,165,123,121,119,117,119,165,176,181,178,173,173,176,178,176,176,178,181,183,173,115,108,113,168,170,168,168,168,163,119,119,165,173,183,186,176,119,107,108,115,117,117,115,112,112,119,178,181,121,160,176,186,199,189,115,95,111,168,181,183,189,194,191,183,181,176,178,178,173,123,120,121,168,178,183,183,181,181,181,178,170,178,181,163,119,157,155,111,109,113,170,183,168,176,194,147,95,31,0,0,0,0,142,152,157,168,142,59,29,33,7,0,95,144,160,97,14,29,91,150,170,191,204,209,191,89,91,170,176,170,147,35,10,61,183,163,157,116,119,173,189,189,181,176,170,168,163,123,122,122,123,125,125,165,173,176,170,168,170,170,168,173,183,196,204,207,204,202,196,191,186,181,173,168,126,168,178,127,119,123,127,168,125,123,127,170,170,129,127,125,125,129,173,181,189,191,191,191,194,194,191,183,178,178,189,194,194,194,196,202,202,199,196,183,125,113,113,99,95,103,109,117,168,183,186,181,165,117,115,117,123,170,181,189,186,170,165,163,168,125,123,123,123,125,125,121,121,119,121,168,176,170,125,165,176,186,191,194,191,189,186,181,176,170,165,168,168,170,170,168,168,159,163,160,157,156,155,156,163,173,170,170,173,173,176,181,189,189,181,176,173,170,168,173,181,183,178,119,113,111,111,168,173,113,113,121,181,199,196,183,173,170,127,127,170,168,119,123,186,196,199,199,194,170,121,127,178,170,113,115,122,127,173,176,170,126,124,126,178,186,178,176,178,173,168,173,183,191,189,183,181,183,181,131,128,131,181,183,183,183,194,199,202,199,196,194,191,189,183,176,127,125,127,131,131,131,131,181,183,181,181,181,176,127,126,127,129,131,133,178,186,189,191,189,186,183,186,186,181,133,129,131,133,131,129,129,129,131,178,186,191,191,183,129,126,128,173,176,176,173,173,176,131,125,125,129,173,178,183,186,186,194,202,207,207,199,186,176,170,129,170,181,191,191,181,176,178,189,181,170,178,186,183,178,127,120,121,125,170,176,176,176,176,173,173,181,189,196,202,199,196,194,194,191,189,194,199,196,189,186,194,202,204,191,168,170,199,215,217,215,212,202,176,178,189,189,189,191,202,209,212,212,217,215,191,117,115,168,173,170,170,170,170,168,170,173,178,181,186,183,178,181,186,189,181,168,119,117,121,123,119,115,118,129,178,181,176,176,181,189,196,196,196,199,202,196,196,199,196,191,186,178,176,173,131,131,131,129,131,173,178,178,178,170,127,127,170,173,173,176,181,183,181,181,178,176,176,178,181,176,168,166,170,186,204,209,204,178,65,60,75,178,189,186,181,168,109,96,102,125,125,173,181,181,178,178,181,181,181,183,178,170,129,129,125,123,127,170,173,176,129,123,123,125,125,173,183,181,176,170,129,127,125,121,118,116,121,176,181,176,176,183,186,186,191,196,189,127,90,101,111,113,123,178,183,181,178,178,181,181,186,191,189,186,186,189,189,189,191,191,186,178,181,181,183,191,191,186,181,181,189,186,183,181,131,127,131,178,181,178,133,133,178,183,189,196,207,212,212,212,212,217,209,118,122,133,135,131,133,131,125,121,127,137,191,194,189,191,199,204,199,189,136,135,137,183,139,138,196,207,209,215,217,217,215,209,204,199,195,195,202,207,212,212,209,204,199,191,186,186,187,191,191,194,199,204,204,203,203,207,215,215,209,199,191,191,189,186,189,191,196,199,199,199,202,207,212,215,215,215,215,212,209,207,207,207,204,194,139,137,138,183,191,191,191,191,194,194,194,191,185,185,189,191,194,196,196,196,191,191,194,199,204,209,209,199,186,133,131,131,119,104,109,135,143,143,194,204,204,194,142,143,194,204,212,217,222,222,217,215,215,212,209,204,149,145,149,209,215,215,215,217,217,212,211,212,215,220,222,222,217,215,212,207,199,194,191,191,189,183,135,129,129,129,133,173,129,127,125,125,121,117,117,121,168,170,170,170,173,170,170,176,178,178,173,165,165,168,168,168,164,164,168,173,176,181,183,183,176,168,165,170,178,183,183,183,186,189,186,181,176,170,165,123,119,119,121,123,163,165,163,121,119,121,123,121,119,123,168,173,170,168,170,176,176,173,168,168,170,176,178,181,178,181,186,191,196,196,191,186,185,185,189,191,191,191,191,191,191,194,196,196,199,202,199,196,195,195,199,204,204,199,196,202,207,209,212,215,215,209,196,186,183,189,194,202,202,196,196,196,199,196,194,194,196,199,199,199,196,191,186,186,191,196,196,194,191,189,194,196,196,189,182,182,186,191,199,207,209,212,212,209,202,194,189,189,189,189,191,196,199,204,207,207,204,204,207,207,204,196,196,202,202,196,194,189,183,182,182,185,186,191,196,202,204,202,202,202,199,196,191,191,189,186,186,191,194,192,194,199,196,194,194,194,194,189,183,183,189,183,181,183,191,196,199,199,202,204,207,207,207,207,209,207,202,202,204,209,212,209,204,199,194,189,189,189,191,194,194,191,191,191,194,196,194,189,186,183,186,183,183,183,186,189,191,191,191,191,191,194,196,194,189,178,135,178,186,191,196,196,194,194,196,196,196,199,199,196,194,189,189,186,185,185,189,191,191,186,181,177,178,189,196,199,199,199,199,199,196,194,191,191,186,178,178,183,189,189,183,183,183,178,129,129,133,181,189,191,189,183,181,186,194,189,179,179,186,194,196,196,191,191,191,194,194,194,191,191,191,194,196,196,194,191,189,191,191,191,189,189,189,189,183,133,129,131,181,194,199,202,199,199,199,196,194,191,189,186,181,178,183,189,183,135,133,178,183,186,183,178,133,127,121,119,123,123,123,123,125,131,181,191,202,204,204,199,191,189,190,194,202,207,209,209,207,209,212,207,194,189,189,194,194,191,186,185,189,189,186,189,194,191,181,135,135,135,134,135,135,178,178,181,183,183,183,183,189,191,196,196,196,194,194,194,191,189,189,186,183,186,189,191,194,196,194,194,194,189,182,182,186,194,199,196,191,191,191,194,194,194,189,186,189,191,191,186,183,186,199,209,215,215,212,199,194,196,202,204,204,204,202,199,199,199,199,204,212,212,209,204,199,194,186,182,181,189,199,204,207,207,202,202,202,202,202,202,204,209,209,207,204,199,196,199,204,209,209,207,209,209,209,202,196,196,196,196,194,189,187,191,196,199,202,204,202,199,204,212,222,228,225,217,212,207,202,200,198,196,198,200,202,204,202,204,209,209,207,204,199,199,199,199,196,199,202,204,204,199,199,199,199,196,196,202,215,217,220,220,215,209,209,215,220,217,215,217,217,215,212,212,212,215,220,222,220,217,217,217,217,225,230,233,230,228,228,225,222,222,225,222,215,209,204,204,207,209,209,207,207,209,209,209,209,209,207,204,204,202,202,202,202,202,202,199,199,196,194,191,189,186,181,168,0,0,0,0,168,186,186,163,142,142,0,176,0,186,186,183,183,181,178,174,174,178,189,199,207,212,217,222,225,225,225,225,228,228,228,228,233,241,243,241,238,238,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,212,204,198,199,209,217,215,209,212,215,220,0,0,0,0,0,0,207,212,217,217,215,215,222,225,228,235,248,255,255,255,254,251,246,241,230,222,217,204,0,0,178,186,191,196,220,241,246,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,170,160 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,160,176,194,176,170,176,183,186,183,183,189,191,186,181,181,183,183,181,181,186,189,186,178,170,163,117,113,113,121,168,121,102,103,115,123,168,183,191,191,189,194,202,194,168,120,120,127,176,173,168,170,173,173,173,168,170,173,170,168,173,176,176,176,178,183,186,189,186,189,191,189,181,178,176,170,168,165,168,173,173,168,168,165,121,119,123,165,168,163,121,121,123,168,170,163,119,117,119,165,168,165,123,165,170,173,170,170,170,170,170,165,121,125,170,125,117,119,123,125,173,176,168,123,122,125,173,176,170,169,173,170,166,168,181,191,196,194,186,170,170,181,186,183,176,131,127,131,181,186,183,176,176,183,194,199,196,194,191,191,191,186,177,177,189,199,202,199,191,186,186,189,189,186,176,117,81,89,113,176,183,179,179,186,189,194,194,194,194,194,191,186,181,178,178,183,183,178,173,173,173,173,176,183,191,189,170,122,176,178,170,173,178,123,94,100,111,173,186,186,183,181,183,181,173,168,127,127,127,127,168,168,127,125,125,168,170,170,168,165,123,119,115,114,116,121,125,165,165,165,125,165,168,168,125,119,115,113,115,117,119,163,170,176,178,178,181,181,178,173,170,170,170,168,121,114,113,121,168,165,168,170,170,165,165,168,173,176,178,178,168,117,109,113,119,163,168,170,160,121,178,194,183,99,103,121,176,183,101,85,75,109,170,189,194,199,204,202,196,194,191,191,191,186,173,125,122,125,170,173,173,176,178,178,173,163,121,113,107,109,113,115,111,110,113,165,176,173,181,194,103,23,9,7,11,5,29,134,139,147,168,199,212,150,31,0,0,91,176,207,150,9,21,83,147,165,176,176,176,165,144,155,191,186,176,170,75,36,54,111,115,117,117,160,176,186,186,183,181,176,170,165,163,123,122,123,165,165,125,168,168,165,168,176,176,176,176,183,194,202,204,207,204,199,191,181,170,166,168,170,176,168,111,108,114,168,183,183,173,173,173,173,129,127,129,173,178,183,186,189,189,189,191,194,191,186,183,181,183,194,199,196,196,199,204,202,194,194,186,165,113,99,90,88,93,107,119,170,183,186,181,168,121,115,111,117,176,191,202,202,183,168,165,165,165,125,165,168,173,173,168,125,123,121,127,173,173,176,181,189,191,196,196,194,191,189,186,178,170,123,121,118,121,168,170,163,157,163,160,159,159,157,157,157,156,156,160,165,173,176,178,181,181,178,176,173,168,168,173,183,189,186,170,125,117,115,125,170,119,125,178,194,207,204,194,181,170,126,126,168,127,121,168,189,191,191,191,183,123,119,123,170,168,125,127,173,173,173,176,176,173,129,126,129,173,173,176,176,172,170,176,189,196,191,186,181,178,176,129,128,128,131,176,178,183,194,202,204,204,199,196,194,191,189,176,127,125,131,181,183,181,186,194,194,186,181,178,133,127,124,125,125,126,127,131,135,181,183,178,131,129,131,133,133,129,128,128,129,129,129,128,129,133,178,189,194,196,194,181,129,128,131,178,181,176,176,178,176,129,129,173,183,186,183,181,181,189,202,209,209,196,186,181,178,173,173,183,194,191,178,170,178,191,183,170,181,189,189,183,173,125,120,121,127,129,170,170,173,173,173,178,183,189,194,194,191,191,194,191,186,186,191,191,186,183,194,204,209,202,174,176,202,212,215,215,215,207,189,189,196,191,170,127,183,204,207,209,215,212,196,123,119,127,168,127,168,173,170,168,170,176,176,165,168,178,178,183,189,194,191,178,125,116,117,125,121,116,118,129,178,176,127,125,170,178,186,191,191,191,194,191,189,189,183,183,181,173,129,125,123,123,127,129,131,173,173,176,173,170,170,173,181,183,183,181,178,181,183,183,181,178,176,176,178,176,168,165,166,181,202,204,194,125,67,65,97,183,191,186,181,170,111,98,99,109,121,168,176,178,178,178,176,170,170,178,181,178,170,127,125,127,173,173,173,178,178,173,129,125,125,129,170,176,178,181,181,173,127,123,119,118,123,176,181,178,173,176,181,186,191,194,173,101,105,125,176,173,176,186,191,186,183,183,181,183,189,194,191,186,189,194,191,187,187,189,189,186,186,189,191,194,194,186,179,179,183,186,186,183,178,173,178,183,183,183,181,178,178,178,183,191,204,212,217,217,212,207,194,122,126,135,133,131,133,133,129,123,109,106,105,109,119,135,191,199,199,194,186,137,137,139,139,139,189,194,196,202,209,212,215,212,207,202,196,196,204,212,215,212,209,207,202,194,189,189,191,194,196,199,202,207,207,204,204,209,212,212,207,196,194,199,204,204,199,196,196,199,199,199,202,209,215,217,217,215,215,215,212,212,209,207,204,194,139,137,138,186,194,194,191,191,194,194,194,189,185,185,189,194,196,196,194,189,186,186,191,194,199,204,207,204,199,189,139,137,123,110,112,125,137,139,145,202,207,202,199,202,209,217,225,230,230,228,228,225,222,215,209,202,145,143,145,204,215,217,222,225,225,217,212,215,217,222,222,217,215,212,209,204,199,194,194,191,191,189,183,135,129,129,131,131,129,127,127,127,123,117,117,121,165,170,170,170,168,165,165,170,173,173,168,125,125,165,168,165,164,164,168,173,178,178,176,173,165,123,123,168,178,181,178,178,181,186,183,176,173,170,170,168,165,125,165,165,165,165,163,119,115,115,117,115,117,123,170,176,173,170,170,170,173,173,170,170,173,176,178,178,177,178,183,191,196,196,194,191,189,189,191,191,191,191,194,194,196,199,202,202,202,199,199,196,195,194,196,204,204,199,194,196,202,207,215,217,215,207,196,191,194,194,199,204,202,199,196,199,202,199,196,194,196,199,199,196,196,194,191,191,196,199,202,199,196,194,196,199,196,189,186,186,191,196,199,202,204,204,204,204,199,189,186,186,189,189,191,194,196,202,204,207,204,204,204,204,199,194,194,196,196,194,191,191,185,183,183,183,185,189,194,199,202,202,202,199,194,189,183,183,186,186,189,194,196,192,194,196,194,192,192,192,194,191,189,186,186,181,179,183,194,202,202,202,204,207,204,203,203,204,207,204,199,199,204,209,215,212,207,202,196,189,181,181,186,191,191,189,191,191,191,191,191,189,186,183,183,183,186,186,189,189,191,194,194,194,194,191,191,189,181,133,132,135,186,191,194,194,194,196,196,196,196,199,199,194,191,186,185,186,186,186,186,189,191,186,181,181,183,189,194,199,202,199,196,196,194,191,191,194,194,191,189,189,189,183,181,178,178,178,133,133,178,186,189,189,183,181,181,183,189,186,181,189,199,202,202,196,194,191,194,194,196,194,194,194,196,199,199,196,191,187,187,187,187,189,191,196,196,194,191,183,137,181,189,196,199,199,199,196,196,194,194,191,191,189,183,178,181,181,178,129,129,135,183,189,186,181,178,135,129,125,127,125,123,125,127,129,178,191,202,204,202,196,191,191,191,191,199,204,207,204,204,204,207,207,202,199,199,202,199,196,189,186,189,194,191,189,194,189,178,131,133,135,135,178,181,183,186,186,189,186,186,186,189,191,194,194,196,196,196,194,189,186,183,183,183,186,191,194,196,196,194,191,189,183,182,182,186,189,189,189,191,191,194,194,196,194,191,189,189,191,194,189,186,186,196,207,212,217,217,209,202,199,199,202,207,204,199,196,196,199,207,209,217,215,209,204,202,196,186,182,182,191,199,204,209,209,204,202,202,202,204,204,207,209,209,207,199,194,192,194,202,207,207,202,199,202,207,202,199,196,199,196,196,194,194,196,199,199,199,196,196,196,202,209,222,228,225,217,212,209,207,207,204,202,202,204,207,207,207,204,204,204,204,204,204,202,199,196,196,202,207,204,194,189,191,196,196,195,195,196,199,204,215,217,215,212,209,212,215,215,215,217,215,209,208,208,208,212,217,217,217,215,215,215,217,222,228,230,230,228,225,222,222,222,225,222,217,209,204,204,207,212,215,215,215,217,217,215,215,212,209,207,204,204,204,204,204,204,204,204,204,202,199,194,191,186,181,168,0,0,152,0,168,189,191,176,147,142,0,0,0,0,186,183,181,181,176,174,174,178,186,196,204,212,217,225,225,225,225,225,228,230,230,228,233,238,243,243,241,238,241,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,217,212,202,198,200,212,217,215,212,215,220,225,0,0,0,0,0,0,0,215,222,222,222,225,233,235,235,241,251,255,255,255,255,254,251,246,238,233,228,222,191,0,172,176,181,186,202,225,238,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,176 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,147,144,152,152,142,155,173,183,183,181,183,183,183,181,178,181,181,181,181,183,186,181,173,163,155,117,117,116,121,173,178,103,102,111,163,173,189,202,204,202,204,209,207,191,125,121,168,178,178,173,173,173,173,173,168,173,178,170,127,168,173,176,173,170,170,176,183,189,191,191,186,173,168,168,168,168,165,165,170,163,119,119,121,119,119,123,165,163,121,119,118,121,165,168,123,119,119,121,165,170,168,163,165,168,168,170,176,181,183,183,125,119,125,183,181,168,168,176,178,181,178,127,123,124,168,176,176,176,173,170,166,166,173,186,194,196,196,181,165,164,170,178,178,129,123,122,127,178,186,181,176,178,189,196,199,196,196,194,194,194,189,181,178,183,191,194,189,178,174,178,189,189,178,125,44,22,45,115,176,183,181,181,183,183,186,189,191,191,189,181,176,176,176,176,176,178,173,129,129,170,170,173,181,186,178,122,119,127,170,127,170,178,129,98,106,117,173,183,186,183,178,178,178,173,168,168,170,170,127,127,125,123,123,123,125,168,173,176,170,125,117,114,114,116,119,123,168,170,170,170,168,168,165,123,115,113,113,113,112,113,119,165,170,176,181,183,181,173,165,123,121,119,114,113,115,123,168,165,123,165,170,168,165,165,170,173,173,170,168,163,121,121,121,160,168,186,196,189,186,196,191,83,0,0,9,35,31,23,67,75,117,178,194,202,204,209,207,204,202,199,196,194,194,189,176,125,125,125,125,125,165,168,165,119,103,53,35,73,99,107,111,111,111,115,163,168,168,181,189,87,0,0,0,59,73,85,97,99,144,176,212,222,204,59,0,0,91,168,194,178,44,53,85,142,157,157,95,71,101,152,170,196,191,181,183,181,58,55,89,109,117,155,163,173,178,178,181,181,176,170,170,168,163,123,163,168,168,165,125,124,124,168,178,181,181,178,181,189,199,204,207,204,196,183,170,164,164,168,181,186,176,112,107,113,129,189,194,183,178,181,178,170,127,170,181,191,191,189,186,189,189,191,191,186,183,186,191,196,202,202,199,199,202,204,199,191,191,186,170,121,111,93,89,91,103,115,123,170,178,176,168,121,111,97,99,168,191,204,204,186,121,115,119,125,127,170,173,176,176,173,168,125,125,127,170,176,186,194,194,194,196,196,196,194,194,191,183,176,125,119,116,117,173,181,165,165,176,165,163,168,168,165,160,155,156,159,165,173,178,178,173,170,168,168,168,165,165,168,178,183,183,176,168,119,117,125,173,178,189,189,194,199,199,189,178,170,127,126,127,168,168,178,183,183,183,183,176,123,119,121,127,127,173,181,181,176,170,173,183,189,186,127,123,124,131,181,183,176,174,178,189,194,191,183,178,176,133,131,129,129,129,129,131,181,191,199,202,199,194,191,194,194,191,181,131,127,125,178,189,189,194,202,196,183,176,133,131,127,124,125,127,129,131,135,181,186,189,183,131,125,123,125,129,131,131,131,131,133,133,129,129,133,183,194,199,202,204,202,189,178,176,178,181,178,173,173,131,129,129,178,186,186,181,173,173,181,199,204,196,176,131,176,178,173,173,178,186,183,170,128,173,183,176,170,181,186,186,183,176,129,120,119,121,125,129,170,173,173,176,176,178,183,186,186,186,189,191,189,181,181,181,181,181,181,191,202,209,209,196,194,204,207,207,209,207,196,191,199,207,202,121,109,113,189,202,204,207,207,196,168,123,127,127,127,127,168,127,170,176,183,178,121,121,178,181,186,191,194,196,194,173,114,107,121,125,119,123,173,178,173,124,123,125,173,181,186,186,186,183,181,178,176,170,170,173,170,127,121,119,119,125,170,176,173,173,173,170,129,170,176,183,189,183,173,170,176,189,194,191,186,176,173,173,170,168,166,170,181,194,194,186,165,93,87,111,176,183,178,173,168,119,105,104,109,121,170,176,173,173,176,170,125,123,170,178,173,121,113,119,173,181,178,176,181,189,189,181,173,129,127,129,173,186,194,191,183,173,127,125,125,170,178,186,186,176,170,170,181,183,170,90,75,105,129,183,183,186,194,196,191,186,181,178,178,186,191,189,186,189,199,202,196,191,191,191,189,186,186,189,194,194,186,181,179,181,183,186,186,183,178,181,186,186,186,186,181,176,174,176,186,202,207,215,215,202,191,186,135,181,186,178,131,131,133,131,125,109,102,99,98,100,109,127,183,191,194,194,189,186,186,189,189,186,186,186,189,196,204,209,209,207,202,199,202,207,212,215,215,215,212,207,204,204,202,202,202,199,202,202,204,207,204,207,209,209,207,202,194,192,199,209,212,204,202,202,199,196,196,199,209,215,217,217,217,215,215,215,215,212,209,204,196,183,138,139,189,196,199,194,191,191,194,194,189,185,185,189,196,202,199,191,185,183,185,189,191,194,199,204,204,204,196,194,191,143,125,123,133,135,137,141,196,204,207,207,215,222,228,230,233,230,230,230,230,228,222,212,204,149,144,147,204,217,222,225,228,228,225,222,222,222,222,222,217,215,209,207,202,196,194,191,191,191,189,183,176,129,129,131,131,170,129,129,127,123,118,117,121,168,173,173,173,168,164,164,165,168,168,125,121,123,125,165,165,164,164,168,173,176,170,168,168,125,119,119,165,176,176,173,173,176,181,178,173,170,170,173,176,173,173,173,170,168,165,163,119,114,113,113,113,115,123,170,176,173,170,169,169,170,170,173,176,176,178,181,178,178,181,186,191,196,196,196,194,194,194,194,194,194,194,196,199,202,202,204,202,202,199,196,196,196,195,195,199,202,199,194,192,192,199,209,215,209,202,199,199,202,202,202,202,202,199,199,202,204,199,196,194,196,196,194,194,194,194,196,196,199,199,199,202,199,196,199,202,202,196,194,196,199,202,199,196,196,196,199,196,194,189,186,186,183,183,189,191,194,196,202,204,204,204,202,199,196,189,186,186,186,189,189,191,191,189,189,186,185,189,194,199,202,199,199,196,189,139,138,183,189,189,191,196,196,194,194,196,194,192,192,192,194,196,196,191,183,179,179,186,199,207,207,207,204,207,204,203,203,204,207,202,199,199,202,209,212,212,209,207,202,191,181,179,183,186,186,186,189,189,186,186,186,186,183,182,182,183,189,189,189,189,191,194,194,191,191,191,191,191,183,133,132,135,183,189,191,191,191,191,191,189,189,191,194,191,189,186,183,186,189,189,186,186,189,183,181,183,186,183,186,194,196,194,191,189,186,186,189,194,194,194,196,196,191,186,181,178,181,181,181,181,183,186,186,183,181,181,181,178,178,178,183,194,204,204,202,196,194,194,194,196,196,194,194,196,199,202,199,194,189,189,191,189,189,191,199,202,202,199,194,189,186,189,194,199,199,196,194,191,189,186,189,189,189,189,186,181,135,135,131,126,127,178,189,191,186,181,181,181,181,135,133,129,129,129,133,135,181,191,204,204,202,196,194,196,199,194,199,204,204,202,202,202,204,204,204,204,204,207,207,202,194,189,189,196,191,183,186,186,135,132,135,178,178,178,181,186,189,191,191,191,189,186,189,189,189,191,194,196,196,191,186,183,182,182,183,189,194,199,199,194,191,189,183,182,182,182,183,183,182,182,191,194,194,196,196,196,191,189,189,191,194,194,191,189,194,202,207,212,212,207,199,196,199,202,204,204,199,196,198,204,212,217,220,215,207,204,204,199,189,183,186,196,202,207,215,215,209,204,202,202,204,207,207,207,207,204,196,192,191,194,202,204,202,198,195,196,202,204,202,199,196,194,194,196,202,199,196,194,194,194,196,199,199,204,212,225,225,217,215,212,215,212,212,212,212,209,209,207,207,207,204,202,202,204,204,204,196,191,194,204,209,204,189,185,189,194,199,196,196,195,194,196,207,212,212,209,207,207,209,212,215,217,215,209,207,207,208,212,215,217,217,215,215,215,212,217,225,225,225,222,222,217,217,222,222,222,217,212,204,204,207,212,217,217,222,225,225,222,215,212,209,207,207,204,204,204,207,207,204,204,202,202,202,199,194,189,181,173,0,0,152,0,168,191,196,183,155,142,0,0,0,0,186,186,183,181,178,176,176,181,186,194,202,209,217,225,228,225,225,225,230,235,235,230,233,238,246,246,243,241,241,241,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,0,0,207,204,207,0,0,217,212,200,198,202,217,225,222,215,217,222,228,0,0,0,0,0,0,0,222,222,222,222,228,235,238,238,241,251,255,255,255,255,254,251,246,241,238,235,233,212,0,0,172,178,181,183,199,225,251,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,11,7,0,0,0,0,0,0,0,0,0,0,0,100,113,108,108,113,55,92,147,170,176,176,178,181,181,178,178,183,183,181,181,181,181,176,168,157,152,157,163,157,121,176,199,113,106,110,117,119,176,199,202,202,204,207,209,202,181,127,173,178,176,173,176,176,173,170,166,170,176,170,125,125,168,170,168,125,124,127,176,183,186,183,173,165,125,123,121,119,119,121,123,117,115,118,123,121,121,165,163,121,119,118,118,121,163,165,123,121,121,123,168,170,170,168,165,165,168,173,181,186,191,191,123,114,119,189,191,181,181,189,186,181,170,125,124,168,173,173,176,178,176,168,165,168,181,194,199,202,199,183,166,165,170,176,131,125,122,122,127,178,183,183,181,186,196,199,199,196,196,196,194,194,191,183,181,181,186,186,181,173,172,174,183,186,173,119,26,12,45,115,127,178,183,186,181,181,181,183,189,189,183,176,174,176,176,173,170,170,129,127,127,129,170,173,178,181,173,122,121,123,125,125,129,178,178,129,127,129,170,176,181,181,181,181,181,176,173,178,181,178,170,125,123,123,119,119,121,165,176,181,173,125,119,117,119,123,125,165,170,173,176,176,176,176,173,165,121,117,115,113,111,110,113,123,165,173,178,181,176,168,123,119,115,114,111,111,117,170,173,123,117,121,163,121,117,123,165,165,168,170,168,165,168,170,173,173,173,189,204,202,202,204,189,63,0,0,0,0,0,0,61,97,165,186,199,207,207,209,207,204,204,202,199,194,194,191,181,127,123,123,121,119,121,117,107,89,25,6,0,25,85,105,109,111,113,155,163,163,163,170,176,71,0,0,0,79,97,95,97,134,163,186,204,207,204,173,0,0,85,137,170,191,160,83,77,137,155,160,91,44,65,163,178,189,189,178,181,186,89,65,87,109,117,155,160,168,170,173,178,183,176,170,170,170,168,165,163,165,170,168,125,123,122,165,176,178,178,170,170,178,191,199,202,199,189,178,168,165,166,178,191,199,194,173,119,123,173,186,191,186,181,183,183,173,127,170,186,196,194,189,183,183,186,189,186,181,181,191,199,204,207,204,202,202,202,202,196,191,191,186,170,127,178,119,93,92,97,107,111,115,125,168,125,117,103,87,83,95,181,196,189,168,106,108,113,125,173,173,173,170,173,173,170,129,170,173,178,183,194,196,196,194,194,194,194,196,196,194,189,181,168,123,118,118,178,186,170,186,196,165,121,170,178,176,173,168,168,168,170,176,181,178,170,165,123,123,123,125,125,125,168,173,170,173,168,123,123,127,181,199,202,191,183,183,181,176,170,170,168,127,170,176,181,178,178,176,178,178,173,125,121,122,125,127,170,176,176,129,127,173,186,199,204,173,122,123,178,196,196,186,181,181,183,186,186,181,178,133,176,176,178,176,131,128,129,178,191,194,194,186,181,181,189,194,194,186,178,123,109,114,183,189,194,196,194,183,133,131,131,129,129,135,183,186,191,196,199,202,207,202,183,127,119,119,125,131,178,181,183,183,183,176,131,131,183,202,207,204,207,212,207,196,183,181,181,181,176,131,129,129,131,176,181,181,176,172,172,176,189,189,176,126,124,126,131,173,170,173,173,170,129,128,170,173,129,129,173,176,173,170,129,125,119,119,121,127,170,173,178,178,173,170,176,178,181,181,183,189,189,183,178,176,176,178,176,178,183,189,196,204,204,202,196,194,191,189,176,125,181,202,209,204,181,109,101,99,111,189,202,204,196,183,173,168,125,127,168,123,120,127,170,181,186,170,117,168,176,186,191,194,199,199,178,108,94,117,170,168,173,183,189,181,129,125,127,173,181,186,186,181,176,170,129,125,121,125,170,129,125,121,119,123,170,178,178,176,173,173,129,128,129,173,178,181,129,117,117,170,194,204,204,196,186,176,170,168,168,168,168,173,178,178,176,165,109,105,117,170,176,170,165,165,125,117,113,117,125,176,178,173,172,176,173,125,123,127,129,123,110,106,112,178,186,181,181,183,191,194,191,183,176,170,176,186,196,202,196,191,183,176,170,173,176,181,189,194,186,123,120,129,173,109,83,74,103,125,178,183,186,194,194,183,173,129,129,131,178,186,186,186,191,204,209,207,204,199,194,183,178,178,183,191,194,189,183,183,186,186,189,189,186,181,181,186,186,186,186,183,176,174,174,181,191,196,194,181,127,135,186,191,191,191,186,135,133,135,135,133,127,121,107,102,102,106,117,129,139,191,199,196,196,199,202,202,196,191,191,191,199,204,207,207,207,204,202,204,209,212,215,217,220,217,215,215,217,217,212,204,202,202,202,204,204,207,209,212,209,207,202,192,191,196,204,209,209,207,204,202,196,192,194,202,212,215,217,217,217,215,215,212,212,209,204,196,186,183,186,194,202,202,199,194,194,194,194,191,186,186,189,196,202,202,194,185,185,186,189,191,194,199,204,204,202,199,196,199,204,204,199,191,141,139,143,196,207,209,212,217,225,230,230,228,228,228,230,233,230,225,215,209,202,149,199,209,217,222,225,225,225,225,225,225,225,222,222,217,212,207,204,199,194,191,191,191,191,189,183,176,131,129,131,170,170,170,168,127,121,117,118,123,170,176,176,176,168,165,164,165,165,165,123,120,121,123,165,168,165,165,168,168,168,123,121,125,123,119,118,125,170,173,170,169,173,178,178,176,173,173,176,176,178,178,176,173,168,165,163,123,117,114,113,113,115,121,168,173,173,170,169,169,170,173,173,176,178,181,181,181,183,186,189,191,194,194,194,194,194,194,194,194,194,196,199,202,202,202,202,202,199,199,196,199,202,196,195,196,199,199,196,194,190,192,204,209,204,196,196,204,204,202,196,194,191,194,199,202,202,199,194,194,194,194,191,189,189,194,199,202,199,196,198,199,202,202,207,209,209,204,202,202,204,204,202,196,194,194,191,191,191,191,189,186,182,182,183,189,189,191,194,199,199,202,202,199,196,189,185,183,183,185,189,194,196,194,189,186,189,191,194,199,196,196,196,191,183,137,138,186,191,191,191,194,196,191,190,191,196,196,196,196,196,199,199,194,183,181,183,194,204,209,212,209,207,207,207,204,204,207,209,204,199,196,199,204,209,209,209,204,199,191,186,181,181,181,181,181,183,186,183,183,183,183,183,183,183,186,186,189,189,189,189,189,189,189,191,194,196,194,186,135,133,135,181,186,189,189,189,186,183,179,179,183,189,189,189,189,185,186,189,186,186,186,183,181,178,181,178,174,178,186,189,181,178,178,181,183,186,191,191,194,196,196,194,191,186,183,183,183,183,186,186,183,181,181,178,178,178,135,134,135,181,191,199,196,194,194,194,194,196,199,196,196,199,199,199,194,189,189,191,196,202,199,196,199,202,204,204,199,194,189,189,194,196,199,196,194,189,186,183,183,185,186,189,189,186,178,135,133,127,125,126,178,191,191,183,176,176,181,186,183,135,129,129,133,133,135,181,189,199,202,199,192,191,196,202,196,199,202,202,199,199,202,202,202,199,199,202,207,207,204,196,191,191,191,181,133,135,178,133,133,178,181,178,178,178,183,191,194,194,191,191,189,189,189,187,187,194,196,196,194,189,183,182,183,189,191,196,204,202,194,186,186,186,186,183,186,186,183,182,183,191,196,196,196,196,194,191,189,186,191,196,196,194,191,189,191,199,204,202,194,189,191,194,199,202,207,207,204,204,209,215,217,217,212,207,204,202,199,191,189,194,202,207,209,217,217,212,207,204,204,204,207,207,204,204,204,202,194,194,199,204,204,202,198,196,198,199,204,204,202,196,192,192,196,202,196,190,190,191,194,199,202,196,192,199,215,225,222,217,217,215,212,212,215,215,212,209,207,207,207,204,204,202,202,204,204,199,189,186,194,204,199,186,183,186,191,196,196,196,196,196,196,199,204,204,199,199,204,212,215,215,215,217,215,209,209,209,212,215,217,217,215,212,209,207,212,215,217,217,217,215,215,217,222,225,225,222,215,207,204,207,215,217,217,222,225,225,220,215,212,209,207,207,204,204,204,207,204,204,202,202,202,202,202,196,191,183,176,165,0,150,0,168,189,196,183,155,142,0,0,0,0,189,189,183,181,181,181,178,181,183,189,196,207,217,228,228,228,228,228,233,241,241,235,235,241,246,248,243,241,238,238,238,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,207,209,215,222,220,212,202,199,204,220,230,225,220,220,225,230,0,0,0,0,0,0,0,0,222,222,222,228,235,241,238,238,246,255,255,255,255,254,248,243,238,235,238,238,228,199,181,181,181,178,177,183,209,241,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,51,1,0,0,0,0,121,150,152,116,38,11,3,0,0,0,0,0,0,0,0,37,72,69,0,0,98,150,168,173,176,178,181,178,178,181,183,178,176,178,176,173,165,157,155,163,170,163,119,165,181,121,113,115,113,108,110,178,194,204,207,207,207,204,191,176,178,178,173,173,181,181,173,168,166,168,170,127,123,122,123,127,127,124,123,124,170,178,181,173,123,123,125,121,115,114,115,119,119,115,114,119,165,163,123,165,123,119,119,119,123,163,165,168,163,123,123,163,165,165,168,168,168,165,168,176,183,186,189,189,170,114,116,183,189,183,181,186,186,181,170,125,125,168,170,170,173,178,176,168,165,170,189,202,204,204,202,189,173,170,178,176,127,125,124,124,129,178,183,186,186,191,199,202,199,196,196,196,194,194,191,183,181,181,183,186,183,178,176,181,186,186,181,170,97,61,111,123,127,178,186,183,178,176,176,181,183,186,183,181,178,176,176,176,170,127,127,127,127,129,173,176,176,176,170,127,123,123,125,129,170,176,183,189,181,173,170,173,181,186,186,186,183,183,183,186,191,189,176,168,127,123,121,119,121,168,183,186,176,125,123,125,168,173,173,173,178,181,181,183,189,191,189,178,165,123,123,123,117,113,113,119,165,173,178,176,168,123,121,119,119,117,115,114,123,173,173,119,110,113,115,109,109,117,123,163,170,176,176,170,170,178,181,178,176,183,196,202,207,209,207,186,57,0,19,0,0,3,75,163,178,191,204,209,207,207,204,202,204,204,199,194,194,191,181,127,125,123,119,115,115,111,101,87,26,14,14,39,99,115,155,152,155,165,170,168,160,163,155,65,17,0,0,93,101,87,91,139,178,191,202,202,202,181,0,0,49,139,165,183,157,73,41,77,152,168,139,35,44,165,173,181,178,170,170,170,109,91,97,107,115,155,157,160,165,170,181,186,181,170,169,170,170,170,168,168,173,170,165,123,122,125,170,170,168,123,122,127,176,183,189,189,183,176,173,173,178,186,196,199,194,189,186,181,176,178,181,178,178,186,186,176,127,170,183,194,191,186,181,181,186,186,183,179,186,194,202,202,204,202,199,202,199,199,194,191,191,181,127,125,178,168,107,97,101,107,109,109,117,165,125,115,103,87,79,76,117,170,168,119,106,108,113,127,178,178,129,127,128,176,183,183,186,186,189,194,196,196,194,191,191,191,191,194,194,194,191,186,176,168,123,119,165,165,115,183,194,107,105,165,176,176,176,178,176,176,178,183,183,181,170,123,118,118,123,165,127,124,125,127,125,170,170,168,168,168,176,202,204,186,170,168,170,166,166,170,173,173,176,186,186,176,168,173,181,178,176,168,123,123,125,127,170,173,129,126,126,173,183,196,204,178,123,125,189,202,202,194,183,178,178,178,181,181,178,178,181,183,186,183,133,129,131,181,189,191,189,181,178,178,181,189,194,189,181,121,106,112,176,181,183,186,183,178,176,176,181,183,189,196,202,202,202,204,204,207,212,212,199,135,119,116,119,129,178,189,194,191,191,189,178,131,181,204,209,204,204,212,215,207,191,183,183,183,178,129,127,131,131,131,131,131,173,173,173,173,176,173,131,128,126,125,128,176,173,170,129,128,129,170,170,129,126,126,129,127,125,125,125,125,123,123,127,129,173,176,178,178,170,129,173,178,178,178,181,186,183,181,176,173,173,176,176,176,176,173,173,189,202,196,183,176,176,170,109,99,115,194,204,204,199,178,103,87,84,106,194,202,202,196,186,125,117,127,173,125,118,121,121,127,186,183,111,106,168,186,194,196,202,199,173,105,103,173,183,178,178,189,194,191,183,173,170,176,183,189,186,178,129,123,121,115,113,119,127,125,121,119,121,129,181,189,183,178,176,173,129,128,128,129,170,127,112,108,109,125,191,204,207,199,191,181,170,170,173,170,121,107,103,111,121,121,115,115,121,125,170,165,125,168,170,168,123,121,127,176,181,176,173,176,176,170,127,123,123,119,110,106,112,173,181,183,183,186,191,196,194,186,173,129,181,196,204,202,196,194,189,181,176,176,176,176,186,194,183,110,108,127,176,119,103,109,119,129,176,178,186,191,183,127,113,116,123,131,178,183,183,186,194,207,212,212,209,204,196,181,176,176,181,191,196,194,189,191,191,191,191,189,186,181,179,183,186,183,181,178,178,176,174,176,183,181,115,95,96,119,183,194,194,191,191,189,186,186,186,181,183,191,194,186,127,119,121,127,137,189,199,204,207,212,215,215,212,209,207,207,207,207,207,204,204,204,204,207,209,212,212,215,217,217,217,222,225,225,215,207,204,202,202,204,207,209,212,212,209,209,204,196,194,196,202,207,212,212,209,204,196,191,191,194,204,209,215,217,217,215,212,209,209,207,204,196,191,189,191,196,204,204,202,199,194,194,194,191,189,186,189,194,199,202,196,191,189,191,194,191,194,199,204,204,202,196,196,202,212,217,217,207,199,194,199,207,212,215,215,217,222,228,228,228,226,228,230,233,230,228,217,212,209,207,207,215,220,222,217,216,217,222,225,228,225,222,217,215,209,204,202,196,194,191,190,191,191,189,186,178,176,173,173,173,170,170,168,125,119,117,119,165,173,178,178,176,173,168,168,165,163,123,121,120,121,163,168,173,173,170,168,165,121,113,111,117,119,119,119,125,168,170,170,169,173,181,183,181,176,173,173,173,173,176,176,173,168,168,168,165,123,119,115,117,119,123,165,168,170,170,173,173,173,173,173,173,176,178,181,183,183,189,191,191,189,189,189,191,194,194,194,194,196,199,199,199,199,199,199,202,202,199,199,204,207,202,196,196,202,204,204,202,192,194,202,204,199,191,191,199,204,199,189,182,182,189,196,199,202,196,194,191,191,191,186,185,185,191,199,202,199,196,196,199,204,207,215,222,222,212,207,204,204,204,204,202,196,191,187,187,189,191,191,186,182,181,183,189,187,187,187,191,196,199,202,202,202,196,189,185,183,186,191,196,196,194,189,186,191,196,196,194,191,191,189,183,138,137,139,189,191,191,191,194,194,191,189,190,194,199,202,202,199,199,196,194,189,189,194,202,207,212,212,209,209,209,207,204,207,209,207,202,196,196,196,202,204,204,204,199,194,191,191,189,181,179,179,179,181,183,186,183,137,137,181,186,186,186,186,186,186,189,187,187,189,191,194,196,196,194,183,131,130,133,181,186,186,189,189,189,181,179,179,181,186,189,189,189,189,189,186,185,185,186,183,178,176,174,173,170,176,186,186,133,126,127,133,181,186,189,191,191,194,194,196,194,191,186,181,178,181,186,183,181,178,178,178,135,135,134,134,178,137,181,183,181,183,186,189,194,199,199,199,202,204,204,199,191,187,187,191,199,204,204,204,204,204,204,202,202,196,194,196,196,196,196,191,189,186,185,183,183,185,189,191,191,183,178,135,135,127,124,126,178,186,186,181,176,176,183,189,186,135,131,131,133,133,135,181,189,194,196,196,192,190,194,199,199,199,199,199,199,199,202,202,199,191,189,194,202,204,202,196,191,189,135,124,123,127,129,129,135,183,183,181,178,178,183,189,194,194,194,194,194,194,191,187,187,191,194,196,194,189,186,183,186,191,194,199,207,204,194,186,189,191,194,191,189,189,189,189,189,194,196,196,196,194,194,191,186,186,191,196,199,199,194,189,189,194,199,194,187,186,187,189,191,199,209,215,215,215,215,212,209,209,209,209,207,202,196,191,191,196,204,209,212,220,222,215,209,204,202,199,202,199,196,196,204,204,199,196,204,209,207,204,202,204,202,199,204,207,207,199,192,192,196,199,191,189,189,191,196,199,196,192,191,196,209,217,220,222,220,212,207,207,215,220,217,215,209,209,209,209,209,204,199,199,204,202,189,137,137,186,189,186,185,186,186,189,191,194,196,202,194,191,196,196,141,139,196,212,215,215,217,222,225,222,215,215,215,217,217,215,215,209,207,204,207,215,217,217,215,215,215,217,222,225,225,225,217,207,202,207,212,217,217,222,222,222,217,212,209,209,207,204,204,203,204,204,204,202,199,199,199,202,202,196,191,186,178,168,0,150,0,168,186,191,181,152,139,0,0,0,0,189,189,186,183,183,183,181,181,183,186,194,204,217,228,230,230,228,230,235,243,243,238,238,241,246,246,243,235,233,233,235,238,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,222,225,220,207,204,209,222,230,230,222,225,230,233,0,0,0,0,0,0,0,0,222,215,215,225,235,241,238,233,235,248,255,255,255,254,251,243,238,235,235,238,233,220,207,202,194,183,177,178,202,233,254,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,217,170,0,0,0,0,160,170,178,176,160,157,163,170,157,98,0,0,0,0,0,0,0,0,0,0,53,134,160,168,173,176,178,178,177,178,178,176,173,173,173,170,163,157,157,165,170,163,117,115,117,117,119,163,123,110,110,165,191,202,204,204,204,207,199,183,173,127,125,168,183,183,173,168,168,168,168,127,123,122,122,123,168,127,125,165,176,183,181,168,117,120,125,121,114,113,115,119,118,116,116,123,168,163,119,121,121,121,121,163,168,170,170,170,170,168,165,163,123,121,123,165,165,165,168,176,178,178,178,183,181,119,118,173,183,178,174,176,181,183,181,170,127,127,168,170,170,176,176,170,166,173,189,204,207,207,202,186,170,170,176,173,127,127,129,127,131,176,186,189,189,191,196,199,196,194,194,194,194,189,183,181,181,183,189,191,194,196,196,194,194,191,189,186,186,127,127,127,170,183,186,178,173,173,173,176,181,183,183,183,183,178,176,176,170,127,126,127,127,129,173,176,176,173,129,127,123,123,127,170,176,176,181,189,178,170,170,176,189,194,194,189,189,191,191,194,196,194,183,173,168,125,119,119,123,173,186,186,170,121,121,165,178,186,189,189,189,186,186,191,199,202,196,186,170,165,170,178,178,168,119,117,123,170,176,170,123,119,119,123,165,165,163,163,168,176,170,119,113,111,108,106,107,117,123,168,181,186,183,176,170,176,181,178,173,176,191,202,207,209,209,202,59,0,21,0,0,69,113,183,189,196,207,209,207,204,202,202,204,202,199,196,194,191,181,170,168,168,123,117,115,113,111,111,111,115,117,157,157,157,157,157,170,186,189,181,168,157,144,79,31,15,19,97,99,65,67,99,176,186,196,196,189,89,0,0,17,155,160,155,137,75,29,41,93,139,95,31,33,103,152,163,163,160,160,157,113,107,107,109,117,155,157,157,160,168,178,186,186,176,169,169,173,176,173,173,176,173,168,124,123,125,165,125,122,121,120,122,127,168,170,173,173,173,173,173,178,186,189,191,186,186,191,189,176,129,125,123,129,181,183,176,127,129,181,186,186,181,178,181,186,186,181,179,186,194,196,196,196,196,196,199,196,194,191,189,186,176,119,117,168,170,123,115,115,117,113,113,121,176,176,125,121,113,87,81,109,119,123,123,117,115,119,129,181,181,129,126,129,189,202,204,202,199,199,202,199,194,191,191,194,191,189,189,191,191,191,191,186,178,168,119,113,103,99,121,121,97,98,119,168,168,168,173,170,173,181,189,189,181,170,121,116,116,121,168,168,125,124,125,125,170,173,173,170,125,125,181,186,168,124,127,168,166,166,173,178,181,178,183,183,170,127,176,183,181,178,173,127,125,127,170,181,178,170,127,127,173,176,178,181,129,124,129,191,199,199,196,186,178,133,133,176,178,183,186,186,189,191,189,178,131,133,183,189,189,189,186,181,179,179,183,194,194,183,127,118,127,176,133,176,176,176,176,181,191,199,204,199,202,207,204,204,204,204,204,212,215,207,189,125,118,121,127,133,186,191,191,194,196,186,131,176,202,207,203,203,209,215,212,196,186,186,189,181,127,125,131,131,130,129,130,131,173,173,131,129,129,176,183,181,129,131,178,173,129,128,128,170,176,173,129,126,127,127,125,125,127,129,173,173,170,173,173,170,170,170,170,129,129,170,178,178,176,178,186,183,181,176,173,173,176,176,176,173,170,169,178,194,189,173,172,176,173,113,98,100,183,202,202,199,202,204,113,94,104,181,199,204,204,191,111,97,117,176,173,125,125,119,119,173,176,106,94,125,186,196,199,199,191,127,110,119,183,186,178,176,181,186,189,189,181,176,173,176,181,181,173,125,121,115,109,108,113,119,117,113,117,123,173,186,194,189,181,176,173,170,170,170,170,129,123,112,108,111,127,189,196,199,196,191,183,181,183,191,186,123,99,79,89,111,123,123,123,119,115,117,119,121,168,176,176,168,125,127,173,176,173,170,173,176,176,129,125,125,127,123,117,119,127,173,181,186,189,191,194,194,186,117,113,127,191,196,194,191,191,189,181,178,176,173,174,181,186,123,107,107,129,183,176,170,178,173,173,173,176,183,189,181,121,104,113,125,181,189,189,186,186,199,209,215,212,209,209,204,191,178,178,186,194,196,191,189,191,194,194,191,189,183,181,179,181,186,181,176,176,178,178,176,176,181,176,107,92,96,121,183,194,194,194,199,202,196,194,191,186,183,191,199,202,194,181,135,133,135,183,196,204,212,217,217,217,217,217,215,212,212,207,204,202,202,204,207,209,209,209,209,212,215,215,215,222,225,225,217,209,207,207,207,207,209,215,215,209,207,209,209,204,204,204,207,209,215,215,209,207,202,194,191,192,196,204,209,215,215,212,209,205,207,204,202,196,191,191,194,199,202,204,204,199,196,194,191,191,191,189,189,191,196,199,199,196,196,196,194,194,196,202,204,202,199,196,199,204,212,220,220,215,209,207,209,212,215,215,212,212,217,222,228,228,228,230,230,233,233,228,220,215,215,215,215,217,222,222,217,215,216,222,225,225,222,217,215,212,209,204,199,196,191,191,191,194,196,194,191,186,181,176,173,173,173,170,127,123,119,119,123,173,178,178,178,176,173,170,165,163,123,121,121,121,123,165,170,176,176,173,170,125,119,110,107,108,113,119,123,165,168,173,173,173,176,181,186,183,181,176,173,172,173,173,173,170,168,168,168,168,165,123,121,123,125,125,165,168,170,173,176,176,173,170,170,170,173,176,178,181,183,186,191,191,187,186,187,189,196,196,196,196,199,199,199,199,198,198,199,202,202,202,202,204,209,207,202,202,204,207,209,207,202,199,202,202,194,186,185,191,199,196,183,179,181,189,194,199,199,196,194,191,194,191,186,183,185,191,199,204,202,199,199,202,204,209,217,228,228,217,209,204,204,207,207,204,199,191,186,186,189,191,191,189,182,181,183,189,187,186,187,189,196,202,204,204,204,202,194,186,185,189,196,199,196,191,186,189,194,199,196,191,189,183,139,139,138,138,186,191,194,191,191,194,196,191,189,189,194,199,202,199,196,194,191,191,191,196,202,204,204,207,209,209,209,209,204,202,204,207,204,199,196,196,199,199,202,202,199,194,190,191,196,194,183,179,179,181,181,186,189,186,137,136,137,186,189,186,186,186,189,189,189,189,189,191,194,194,194,191,181,130,129,131,178,183,186,191,194,194,191,183,181,183,183,183,181,186,189,191,189,186,186,186,183,178,174,173,172,173,183,194,191,176,123,122,126,133,181,183,189,191,191,191,194,196,191,183,129,126,133,181,181,178,178,181,181,178,134,133,135,181,137,133,129,127,131,135,183,191,199,202,202,204,207,207,199,191,187,187,189,194,199,202,204,204,204,202,202,202,202,202,202,202,199,194,189,186,186,186,186,186,186,189,196,196,183,135,135,135,129,126,127,135,181,181,178,176,181,186,189,186,183,181,181,183,181,181,186,194,194,191,194,194,192,194,202,204,202,199,196,196,199,199,199,194,185,185,191,199,204,202,196,191,183,127,119,121,125,127,129,181,191,191,186,183,181,183,189,191,191,191,194,196,199,196,191,189,189,191,196,196,194,186,183,183,191,196,202,204,204,196,191,191,196,196,194,191,191,194,194,196,196,196,194,194,194,191,189,186,186,189,194,199,202,196,189,186,191,194,194,189,187,187,187,187,194,207,215,217,215,212,209,204,202,204,209,207,202,196,191,191,194,204,212,215,220,220,215,212,204,196,194,191,189,186,189,202,204,199,196,204,212,209,207,207,209,204,199,204,207,207,202,196,196,199,196,194,191,194,196,196,194,192,192,196,204,212,212,215,222,217,209,204,207,215,222,220,220,217,212,212,212,209,202,196,198,202,204,194,137,133,135,186,191,191,189,186,185,189,191,194,196,186,141,194,196,141,135,137,207,215,217,222,225,230,228,222,217,217,215,215,215,209,204,202,202,207,215,222,225,222,215,215,217,217,222,225,225,217,204,200,202,209,215,217,220,222,217,215,212,209,207,204,204,203,203,204,207,204,202,199,198,199,199,199,196,191,186,181,173,0,150,152,168,183,186,176,152,139,0,0,0,0,191,191,189,186,186,183,181,181,183,186,191,202,215,228,233,230,230,230,235,243,243,241,238,241,246,243,238,233,231,231,235,238,235,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,215,222,230,233,228,230,0,0,0,0,0,0,0,0,0,0,217,209,209,217,233,243,241,228,225,235,246,251,251,251,248,246,238,235,233,235,235,235,230,225,209,191,181,183,202,225,246,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,241,186,1,0,0,0,165,189,191,189,178,181,191,199,204,204,139,7,0,0,0,0,0,0,0,0,5,95,142,150,155,163,170,178,178,178,176,170,168,170,170,168,157,153,157,163,165,160,115,109,109,115,121,168,178,165,117,165,186,196,199,202,204,207,199,183,127,124,123,127,178,178,168,166,170,173,173,168,127,123,123,125,170,168,125,168,183,191,183,125,117,120,168,165,119,117,117,121,121,121,121,163,165,121,115,117,119,121,163,168,173,173,173,170,173,173,168,123,117,115,119,163,165,123,123,168,170,165,165,176,178,123,121,173,181,178,174,174,176,186,189,183,176,170,170,170,170,173,176,176,173,173,183,196,207,209,202,178,123,124,129,129,127,129,131,129,129,176,186,194,194,194,196,196,194,194,191,191,191,183,179,178,181,189,194,196,202,207,207,204,199,194,191,189,183,176,170,129,170,183,183,178,176,176,173,173,173,176,178,181,181,178,178,176,173,129,127,127,125,127,173,178,178,170,125,123,125,125,127,170,176,178,178,176,170,127,168,178,191,199,196,194,194,196,199,199,199,196,189,176,127,121,119,119,125,173,181,176,117,113,119,173,186,191,194,194,191,191,194,199,202,202,196,186,176,168,173,183,191,183,163,115,117,163,168,163,119,118,123,170,176,176,170,168,173,176,170,123,117,111,107,105,109,123,173,181,194,196,189,176,173,176,178,173,165,170,183,196,202,202,194,168,41,0,3,0,15,111,178,186,191,199,207,212,209,204,202,202,202,199,199,199,196,189,183,178,178,181,183,173,123,121,121,163,173,181,181,173,119,103,99,109,176,196,202,194,173,150,105,91,47,45,63,103,103,57,43,39,134,152,163,173,163,87,0,0,0,139,101,95,101,97,25,31,51,53,65,40,34,75,93,107,147,152,152,113,111,115,155,155,155,155,155,117,117,157,168,176,181,173,170,173,176,176,173,176,176,173,168,124,123,125,165,123,123,123,123,125,125,125,125,127,127,127,127,127,129,173,176,176,170,173,183,186,181,170,121,116,121,173,178,173,127,129,176,181,181,178,181,183,189,186,181,179,183,191,191,189,191,191,194,194,191,189,183,183,181,170,115,111,121,168,168,123,121,121,119,119,173,186,189,189,191,189,173,123,121,123,125,127,170,129,125,127,181,181,131,127,176,202,215,215,209,204,202,204,202,196,194,196,196,194,189,189,189,191,194,196,196,189,170,121,105,93,96,109,107,100,102,117,163,163,163,163,163,170,181,186,186,181,173,123,114,114,121,176,176,168,125,127,168,170,176,176,173,124,122,125,125,123,124,176,181,176,170,178,186,189,176,168,168,168,127,176,186,181,178,176,170,168,170,178,191,189,176,129,127,170,170,129,127,127,127,173,183,186,183,191,183,176,129,129,129,176,183,189,194,196,196,191,181,135,178,186,191,191,191,194,194,189,183,183,191,196,189,176,133,178,178,131,131,131,133,178,189,202,209,209,199,199,204,204,204,204,204,207,209,212,209,199,183,131,127,129,131,178,183,186,189,191,183,133,181,199,207,207,207,209,215,215,199,186,186,186,176,121,120,127,131,131,131,131,173,173,173,131,129,130,178,183,183,176,173,173,129,129,129,129,173,176,176,170,127,129,129,125,127,173,173,181,181,181,178,173,129,127,125,127,170,170,173,176,173,170,176,186,189,183,176,170,170,173,176,178,178,173,172,178,189,181,173,173,183,194,194,109,94,113,196,196,194,202,217,220,173,121,176,196,207,207,196,113,91,99,127,178,183,181,127,119,119,117,105,100,125,186,196,196,191,181,123,115,125,178,181,176,176,176,173,178,183,183,176,168,125,127,170,173,129,121,115,108,106,109,113,110,110,117,125,173,186,194,191,181,173,170,170,173,176,173,129,123,117,113,117,129,178,181,186,189,189,189,189,194,199,196,178,117,81,92,121,173,176,173,123,112,113,115,117,123,168,170,170,168,127,168,168,170,170,173,176,178,173,170,173,178,181,170,125,125,129,178,186,189,191,194,194,183,103,96,98,123,183,186,186,186,181,178,178,176,173,173,178,178,123,116,118,170,181,186,189,191,183,178,176,176,181,186,181,129,116,123,178,189,194,194,186,185,194,209,215,212,212,215,215,207,194,191,194,196,191,183,181,186,191,189,186,186,183,181,181,186,186,181,174,174,176,178,178,176,181,178,123,107,123,178,186,194,194,191,196,202,199,196,196,189,183,189,196,204,204,199,189,181,135,183,194,204,212,215,215,212,212,212,209,209,209,207,204,202,200,202,207,209,209,207,207,207,212,215,215,222,225,225,217,212,207,207,209,209,212,217,215,207,203,207,209,209,209,209,212,212,215,212,207,207,204,199,192,192,196,202,207,212,212,209,207,207,207,204,199,194,191,191,191,194,196,199,202,199,194,191,189,189,191,191,191,194,196,196,196,199,202,199,194,191,194,202,199,194,194,194,199,207,212,217,217,217,217,215,212,209,209,212,209,207,207,212,222,228,230,230,230,233,230,225,217,215,215,217,215,215,217,222,222,217,217,225,225,225,220,217,215,212,207,202,199,196,194,191,194,196,199,199,196,191,181,176,173,173,173,170,127,125,125,165,170,178,181,181,178,176,170,165,160,119,117,117,119,123,165,168,170,173,173,173,168,163,119,111,108,107,113,123,168,168,170,176,178,176,178,181,183,186,183,181,176,173,176,176,173,170,168,165,165,168,165,123,123,125,168,168,170,173,173,173,173,168,125,125,127,129,131,173,173,176,181,186,191,191,189,187,189,191,196,196,196,199,204,204,204,199,198,198,199,202,204,204,202,204,209,209,209,207,207,207,207,207,207,204,204,199,191,183,183,189,196,196,186,182,183,194,199,199,199,196,194,194,194,191,189,185,185,191,199,204,204,204,204,204,204,207,215,225,225,217,212,209,209,209,209,207,199,191,186,185,189,191,191,189,186,183,186,191,191,189,191,194,199,202,204,204,204,202,194,186,186,194,199,199,199,194,191,194,196,199,196,191,189,186,183,183,186,186,191,194,196,196,196,196,199,199,191,190,196,199,199,194,186,183,183,186,194,202,204,202,199,202,204,204,204,204,199,199,202,204,204,199,199,202,202,202,202,199,194,190,190,191,196,194,186,183,183,183,183,186,189,186,181,137,137,181,186,186,189,191,194,194,194,191,191,191,191,191,191,191,183,135,131,135,181,183,189,191,194,196,196,191,183,181,178,133,133,176,183,189,191,189,189,189,186,181,181,178,176,181,191,196,194,181,125,124,126,133,135,181,186,191,191,191,194,194,189,178,126,123,127,135,181,178,181,186,189,183,178,135,181,186,183,133,125,122,123,127,135,189,199,204,204,204,204,202,196,194,191,189,189,191,196,199,202,204,207,204,202,199,199,202,204,204,202,199,194,191,189,189,191,189,186,189,196,199,186,133,129,131,133,129,129,135,178,178,176,133,178,186,191,191,194,194,196,199,194,189,191,196,194,189,191,199,199,199,204,207,204,199,194,194,194,196,194,189,185,185,191,202,207,204,199,191,178,127,122,124,131,135,178,189,199,199,194,189,183,183,186,186,186,189,191,196,199,199,194,191,189,191,199,202,199,191,183,182,186,194,199,202,202,202,199,196,194,194,191,191,191,194,196,199,196,194,194,191,191,189,186,183,183,186,189,194,196,194,189,185,186,191,189,189,189,189,189,189,191,202,207,207,204,204,204,202,196,199,204,207,202,196,191,186,186,202,212,217,217,217,215,212,207,196,191,191,187,185,189,202,207,199,194,202,207,207,204,204,202,199,199,204,204,204,202,202,202,199,196,199,202,199,199,196,194,191,194,207,215,212,212,212,217,217,212,205,207,215,215,212,215,217,215,215,212,207,199,196,196,199,202,199,141,133,135,189,199,199,194,189,186,186,189,186,141,135,133,186,196,194,136,132,191,212,222,225,228,228,228,225,220,215,212,209,209,204,199,198,199,207,217,228,228,225,217,215,215,215,217,222,222,215,202,199,200,207,215,217,222,222,222,215,212,209,207,207,204,204,204,204,207,207,204,202,199,199,199,199,194,191,186,181,176,0,152,152,168,181,183,173,152,142,0,0,0,0,191,191,189,189,186,183,181,183,183,186,191,202,215,228,233,233,230,230,235,243,243,241,235,238,241,241,235,231,230,233,235,235,233,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,220,222,230,233,230,233,233,0,0,0,0,0,0,0,0,0,209,199,199,207,228,243,243,222,207,215,233,241,241,243,246,246,241,233,230,233,238,241,241,235,222,202,191,191,207,225,241,251,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,155,139,0,0,0,0,108,189,189,183,181,189,199,196,199,209,212,183,0,0,0,0,0,0,0,0,0,0,77,103,126,147,165,178,178,176,173,165,160,165,168,163,155,153,155,160,157,157,115,107,107,113,119,163,178,176,165,168,181,186,191,196,202,202,194,178,127,125,125,170,178,173,164,164,173,178,178,176,170,127,125,125,125,119,117,123,181,189,178,124,122,125,178,178,173,170,125,123,123,125,125,123,123,117,111,113,119,123,163,168,173,173,170,168,173,170,165,119,113,113,121,165,165,122,122,123,123,122,123,170,170,119,119,173,183,186,181,176,176,183,189,189,186,183,178,170,127,170,178,183,178,173,176,189,202,207,196,170,121,123,129,131,129,131,131,129,129,178,189,196,199,199,196,196,194,194,191,189,189,183,178,178,183,191,196,199,202,204,207,204,199,194,191,186,178,173,170,127,129,176,178,178,178,178,176,173,169,169,170,173,173,178,178,173,129,129,127,123,123,127,173,183,186,178,168,125,168,170,168,168,173,178,176,168,168,126,126,173,189,199,199,196,196,199,199,199,196,194,186,170,121,119,119,123,165,168,168,125,112,112,123,181,191,191,191,189,189,194,196,199,199,196,189,181,176,170,170,181,186,181,123,113,113,119,163,123,119,119,168,181,181,176,170,170,173,176,170,163,119,113,107,108,119,178,191,199,202,204,194,178,173,178,181,173,165,168,178,189,191,191,181,160,109,23,23,51,107,168,189,186,194,199,207,209,209,207,204,204,199,196,196,199,196,189,181,181,183,194,204,196,178,165,123,163,178,189,189,181,115,96,95,101,170,194,199,194,170,107,103,97,91,99,99,147,150,75,32,7,41,95,137,150,163,176,51,0,0,59,65,77,95,91,17,23,35,27,61,63,54,77,89,101,109,147,147,107,107,152,168,170,160,155,115,111,109,113,119,163,165,168,173,178,178,173,168,170,176,173,165,123,123,125,165,125,168,170,170,170,127,125,125,125,125,125,124,123,124,125,127,127,121,121,129,181,186,183,125,114,118,129,176,170,127,129,176,178,178,178,181,186,191,191,183,179,181,183,183,183,186,186,186,189,189,183,176,173,176,168,115,110,113,123,125,121,118,119,121,127,183,194,196,202,207,207,199,196,186,173,129,131,178,176,129,125,181,183,173,129,178,204,215,215,212,207,202,204,204,202,199,199,199,194,191,189,189,191,194,199,202,191,170,119,97,89,96,107,109,109,113,121,123,163,123,121,123,170,181,183,178,173,173,165,114,115,127,183,183,176,170,170,168,168,170,176,170,123,122,123,123,122,168,194,199,186,181,186,194,196,173,113,117,127,168,173,181,176,173,176,173,173,178,186,191,186,176,129,127,129,129,129,131,176,178,181,181,177,174,181,181,133,128,127,128,133,186,194,199,202,202,196,189,183,186,194,199,196,194,196,202,202,196,191,194,199,196,183,178,178,133,131,131,131,135,186,199,207,209,204,199,199,204,204,207,207,209,209,209,209,209,204,196,183,133,131,176,178,181,181,183,183,181,176,186,202,209,215,215,215,215,212,199,186,183,181,129,117,116,122,131,176,178,178,178,176,173,131,131,173,176,176,176,176,173,131,128,128,129,129,173,176,176,170,129,173,170,127,170,178,178,183,186,186,183,178,129,123,119,123,173,176,176,176,170,127,173,189,191,186,176,170,170,176,178,178,178,178,176,178,183,176,129,173,181,204,217,176,85,90,181,189,191,194,204,209,189,168,173,194,207,209,204,183,97,89,111,178,196,194,181,123,109,106,105,107,121,178,189,189,181,170,123,117,121,127,170,176,181,176,172,172,178,178,173,125,122,122,127,173,173,127,121,111,108,111,111,109,111,121,127,170,181,191,191,181,170,168,169,173,176,176,170,127,121,117,119,123,127,129,176,186,191,191,191,191,194,191,178,170,168,170,173,178,181,183,176,119,117,119,117,119,121,125,127,127,170,168,166,168,173,178,181,186,183,178,181,183,186,181,129,125,129,178,189,191,191,194,194,183,103,91,89,103,129,178,181,181,176,178,181,178,176,174,178,178,173,170,170,173,178,186,194,194,189,186,181,178,181,186,183,178,183,189,191,191,194,194,189,185,185,199,212,215,215,215,217,215,209,202,199,194,183,172,172,176,186,186,183,183,181,181,183,189,189,183,178,176,176,178,178,178,181,181,176,178,191,189,189,191,189,183,189,191,191,194,199,196,194,194,196,204,209,209,202,191,139,186,196,204,209,212,209,207,207,207,207,207,209,209,209,204,202,204,209,209,207,204,202,207,212,217,217,222,225,225,217,212,207,207,209,209,212,215,212,204,203,204,207,209,212,215,215,212,209,204,203,204,207,204,196,194,199,202,204,207,207,209,207,207,207,204,202,196,191,191,191,189,189,196,199,199,194,191,189,187,189,191,194,196,194,194,194,196,199,196,189,187,191,196,196,191,190,191,194,204,212,215,220,222,222,215,209,207,207,207,207,202,149,199,209,222,228,228,228,228,228,225,217,212,212,212,209,209,215,222,225,225,225,228,228,222,217,215,212,209,204,202,199,196,196,194,194,196,199,199,196,189,181,173,173,173,173,170,168,168,173,176,176,181,181,178,173,170,163,121,117,115,113,115,119,163,165,165,165,165,168,168,165,123,119,117,113,111,119,168,173,170,173,178,181,178,178,181,183,183,186,181,178,178,181,181,178,173,168,125,125,125,125,123,125,165,170,173,173,176,176,173,168,123,121,122,127,129,131,131,133,133,178,186,191,194,191,189,191,194,194,194,199,204,207,209,207,202,199,199,202,204,204,202,202,202,207,209,212,212,212,207,204,204,207,207,204,202,191,185,185,191,199,199,194,189,194,202,202,199,196,194,191,191,194,194,191,186,189,194,202,207,207,207,207,204,204,204,209,217,222,217,215,212,215,215,212,207,199,189,185,185,189,194,194,194,191,189,191,196,196,196,196,199,202,204,202,202,199,199,194,189,189,194,199,202,199,196,196,196,199,196,194,194,194,191,191,194,196,196,196,199,199,199,199,199,202,202,196,194,199,199,196,189,181,179,181,183,194,202,204,202,199,199,202,202,199,196,196,196,202,204,207,204,204,204,202,202,199,196,191,190,190,191,194,191,189,189,189,186,181,181,183,186,186,183,181,178,181,186,191,196,199,196,196,196,194,194,189,186,189,189,186,181,181,183,186,189,189,189,191,194,194,189,183,178,133,131,130,131,176,186,191,194,194,191,189,186,186,186,183,186,191,194,191,186,178,131,133,178,181,183,189,194,194,191,194,194,189,181,129,125,127,135,181,181,186,191,194,189,189,183,189,194,189,137,125,121,122,125,133,186,199,204,207,204,202,196,191,191,194,196,194,196,199,202,204,207,209,209,202,196,196,199,202,204,204,204,202,196,191,189,189,186,186,189,196,199,189,129,126,127,131,133,133,135,178,176,127,126,129,181,191,196,199,199,204,207,202,196,194,194,191,181,183,194,199,196,199,204,204,196,191,191,191,194,191,186,185,189,196,204,207,207,202,191,181,135,133,135,183,189,194,199,204,202,199,191,189,186,189,186,185,185,186,194,199,199,196,191,191,196,204,207,202,194,186,183,186,191,196,196,199,204,204,199,191,190,189,189,190,191,194,196,196,194,194,191,191,186,183,181,181,181,183,186,191,191,186,185,186,186,186,185,189,194,196,194,191,194,196,191,191,194,202,199,196,194,199,202,202,199,191,183,183,196,209,212,215,212,212,212,209,202,196,196,191,189,196,207,207,199,194,196,202,199,199,199,196,196,202,207,204,202,202,204,204,199,194,199,204,199,196,194,194,192,196,212,220,217,215,215,215,215,209,207,207,209,204,196,204,212,215,212,209,204,202,199,198,198,202,202,186,136,139,196,202,202,196,189,186,186,186,139,133,126,125,127,186,194,139,130,136,204,222,225,222,222,222,222,217,212,207,204,204,202,198,196,199,207,222,228,230,225,217,212,209,209,212,215,217,212,202,198,199,204,212,217,222,225,225,217,215,212,209,207,207,207,207,207,209,209,207,204,204,202,202,202,196,191,186,181,176,0,150,0,168,181,181,176,157,147,150,0,0,0,191,189,189,189,186,183,181,183,186,189,194,202,215,228,233,233,230,230,235,241,241,238,233,233,238,238,235,231,231,233,235,235,233,233,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,0,0,0,0,0,0,0,225,225,228,233,233,230,230,233,0,0,0,0,0,0,0,0,199,190,190,199,217,241,241,217,199,202,215,228,230,235,243,243,238,230,229,230,238,243,246,241,228,209,199,199,209,225,238,248,254,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,144,178,181,183,189,194,196,199,207,215,212,103,0,0,0,0,0,0,0,0,0,0,0,15,108,147,176,170,168,157,152,152,155,163,160,157,157,155,152,152,152,113,107,106,113,119,119,163,173,173,168,170,176,186,194,196,196,191,178,168,127,168,176,181,176,166,166,178,181,178,178,178,176,168,121,118,112,111,119,173,178,173,168,168,176,186,194,191,183,173,165,122,123,121,117,117,115,107,107,119,165,168,168,170,176,173,170,168,168,163,111,106,113,163,173,170,163,122,122,122,123,168,181,173,114,115,176,191,194,186,176,174,178,183,189,189,189,183,173,126,168,183,189,181,173,173,181,194,196,181,124,123,127,170,129,129,176,173,127,129,178,189,196,202,202,196,194,194,194,191,191,186,186,186,183,186,194,196,199,199,199,196,196,196,196,194,189,178,127,120,120,125,176,181,177,178,181,178,173,169,168,168,168,169,176,178,127,117,121,125,123,122,123,173,189,196,191,181,176,176,170,168,170,176,176,170,170,173,127,123,125,183,199,202,199,196,196,196,196,194,189,176,119,111,115,121,165,165,115,113,113,113,119,170,186,191,189,187,187,189,194,194,194,196,194,183,173,170,170,173,176,176,165,113,110,115,121,123,121,118,119,168,181,178,170,168,170,170,170,168,163,121,119,117,121,173,191,199,202,207,204,194,176,170,178,186,183,168,163,170,181,183,183,178,170,165,119,119,176,189,189,191,191,196,199,199,202,207,209,209,204,199,195,196,199,194,181,176,178,181,196,204,199,181,165,121,121,165,176,183,181,163,105,101,111,168,183,189,183,170,155,150,152,202,196,181,168,170,152,36,26,81,103,137,137,152,160,69,0,0,27,45,59,87,69,10,11,12,29,61,87,152,152,109,144,111,147,111,103,101,111,168,170,157,115,109,105,105,111,115,115,117,165,176,178,170,163,163,168,173,170,165,124,124,125,125,165,168,170,170,168,127,127,127,127,125,125,125,124,123,125,127,121,119,119,121,170,191,196,176,116,119,129,176,170,126,129,178,183,181,178,178,186,196,196,189,179,179,181,178,173,173,170,170,178,186,183,127,123,173,170,117,111,111,117,121,118,116,118,125,176,194,199,202,207,212,212,212,209,204,191,178,178,181,183,178,178,189,186,133,129,176,196,209,212,209,207,204,204,207,207,204,202,199,194,189,191,191,191,194,196,199,191,173,105,90,89,97,113,117,123,163,121,119,119,121,121,123,170,178,173,116,117,165,123,117,121,176,183,181,173,170,170,168,168,173,173,170,125,125,125,123,123,173,202,204,189,183,191,204,204,181,107,103,119,168,170,173,170,168,168,168,168,176,183,186,178,129,127,129,170,173,176,186,194,196,194,191,189,183,183,181,133,129,129,133,181,191,202,207,207,207,202,196,194,196,202,204,199,199,202,207,207,202,196,196,202,202,194,181,135,131,131,131,133,181,194,204,209,207,204,199,199,204,209,209,212,215,212,209,207,207,204,202,191,178,133,178,181,181,178,178,178,178,181,189,202,215,222,217,209,209,207,191,183,178,131,127,123,123,129,176,181,183,183,183,183,178,173,173,173,173,173,173,176,178,173,131,173,131,131,178,181,176,129,129,176,178,173,173,183,186,183,186,189,189,183,170,117,111,115,129,181,181,176,170,126,129,186,191,178,170,170,173,178,181,176,174,176,178,178,178,173,127,121,116,191,212,202,101,85,88,125,183,189,194,199,186,127,125,181,196,202,199,194,183,74,62,99,194,199,194,170,111,106,106,111,119,170,178,176,168,125,123,121,119,119,125,173,178,176,173,173,176,176,173,127,123,123,125,170,176,173,168,121,115,111,111,113,119,125,127,127,173,186,191,183,170,169,169,170,173,173,173,129,123,119,117,117,119,125,173,183,189,181,181,181,127,108,117,176,181,178,176,178,181,186,189,183,178,168,125,123,125,125,125,127,170,170,166,166,176,186,191,194,189,183,181,178,183,183,176,129,129,178,191,196,196,199,199,189,125,99,97,113,125,170,176,181,176,178,181,181,181,181,181,183,183,181,178,178,178,178,183,189,191,186,183,183,183,186,186,186,189,194,194,191,194,199,194,186,186,191,204,212,212,215,220,222,217,202,194,194,183,166,166,176,183,186,186,183,181,181,186,191,194,189,186,181,181,181,181,181,181,183,186,186,189,189,186,189,186,183,182,182,183,191,199,202,202,202,202,202,207,209,207,202,194,191,194,202,209,209,207,205,205,207,207,204,207,212,209,207,204,207,209,212,207,196,196,207,217,222,220,222,222,222,217,212,207,205,207,212,215,215,212,207,204,204,207,212,217,222,217,209,203,202,202,204,207,209,209,207,204,202,196,199,204,207,204,204,207,207,204,196,194,194,191,185,185,194,202,199,196,196,191,187,187,191,196,196,196,194,196,196,196,191,187,187,191,194,194,192,191,191,194,202,209,217,222,225,220,215,209,207,207,207,202,149,143,141,145,212,225,225,222,225,228,225,217,212,204,200,202,204,209,217,225,228,225,225,225,222,217,215,209,204,202,199,196,196,194,191,191,194,196,196,191,186,176,170,170,170,173,170,168,168,176,178,178,178,176,170,165,163,119,115,113,111,113,115,119,160,165,163,160,123,163,165,163,123,121,121,121,123,165,170,173,173,176,178,178,178,178,178,181,183,183,181,178,181,183,183,178,173,168,125,123,122,123,125,165,168,170,173,173,176,176,170,125,121,120,123,131,173,173,173,176,178,181,186,191,194,191,191,191,191,189,191,196,204,207,207,204,202,202,202,202,204,202,202,199,199,204,207,209,212,212,209,204,203,204,204,204,202,196,191,191,196,204,202,196,196,202,204,202,199,196,194,189,189,191,194,194,194,194,196,202,207,209,209,209,209,207,207,209,212,215,217,217,215,217,222,215,209,199,189,186,185,189,194,196,199,196,196,199,199,199,199,196,199,202,202,202,199,199,196,194,191,194,199,202,204,202,199,196,199,196,194,194,194,196,196,196,199,199,202,202,202,202,202,196,194,194,196,196,196,194,196,194,186,182,181,183,189,194,202,204,202,199,199,199,196,196,199,199,199,202,204,207,207,209,207,202,199,196,194,191,190,190,191,194,194,194,194,194,189,177,176,178,183,189,189,186,183,183,186,191,199,202,196,194,191,194,191,186,181,183,186,189,189,189,191,194,194,191,191,191,189,183,181,178,176,133,133,132,132,176,186,191,194,196,191,189,189,191,189,186,183,183,183,186,183,178,135,178,183,186,191,194,194,194,194,194,194,191,189,183,178,135,178,183,186,191,194,191,189,189,191,196,199,196,186,133,125,127,127,133,186,199,207,207,204,199,194,190,191,196,199,196,196,199,204,207,207,212,212,207,196,194,194,196,202,207,212,209,204,196,189,185,183,186,194,199,199,189,129,124,125,129,133,133,135,181,135,126,125,127,133,183,194,196,194,199,204,204,196,194,194,183,177,178,186,191,191,194,199,199,191,186,189,191,194,194,186,185,186,194,202,204,202,199,194,189,186,189,189,191,196,202,202,199,202,202,199,194,194,194,194,191,186,186,189,196,199,196,191,191,199,204,207,202,196,191,189,191,194,194,196,196,199,202,199,194,190,189,189,190,191,194,196,199,196,194,191,191,186,139,183,183,181,181,183,189,191,189,186,186,186,186,189,191,196,196,194,191,191,186,183,183,191,196,196,194,194,196,199,199,196,194,189,183,189,199,207,209,209,209,209,209,204,202,202,204,204,207,207,204,199,192,192,196,196,194,196,199,204,209,212,209,204,204,204,202,194,189,191,194,194,191,191,194,196,202,215,225,222,217,217,215,209,207,207,207,202,195,195,202,209,212,212,209,207,204,204,202,199,204,202,137,136,196,207,209,207,199,191,189,189,186,139,133,125,123,125,133,141,141,134,133,191,212,215,212,212,212,212,212,207,199,194,199,202,202,199,202,209,222,228,230,228,217,212,209,209,209,212,215,212,207,200,200,202,207,215,222,225,225,217,215,212,209,209,207,207,207,207,209,209,209,209,209,207,207,207,202,194,183,181,178,0,150,0,168,181,181,176,165,152,150,0,181,191,191,189,186,186,186,183,181,186,191,194,196,202,212,225,230,233,233,233,235,238,241,235,230,231,235,238,238,235,235,235,235,235,235,235,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,212,215,222,228,0,0,0,235,233,225,228,233,230,222,225,233,0,0,0,0,0,0,0,0,199,190,189,194,0,0,0,228,204,198,204,215,225,235,241,241,235,230,230,233,235,243,246,243,230,215,207,204,209,222,0,246,254,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,168,181,189,194,194,194,204,215,217,72,0,0,0,0,0,0,0,0,0,0,0,0,25,53,137,65,95,121,137,144,147,155,163,165,163,157,152,150,147,109,107,108,111,115,119,160,165,165,165,165,170,181,186,189,191,189,183,178,173,173,181,186,186,176,173,176,176,170,173,178,178,170,121,116,115,117,125,176,178,176,173,173,178,186,191,194,189,178,168,125,123,119,115,111,106,104,106,121,168,170,173,176,181,181,176,170,165,117,102,100,107,165,178,176,165,122,123,165,168,173,178,165,113,115,170,183,189,183,174,173,176,181,183,183,183,181,173,127,127,178,189,183,176,173,178,189,186,173,124,125,170,170,125,126,176,176,127,127,176,186,196,202,199,194,192,194,194,196,194,191,191,194,194,194,196,196,196,199,196,195,195,195,196,196,189,129,118,116,120,129,181,183,181,178,178,178,176,173,173,170,169,170,176,173,119,114,117,127,127,123,125,176,191,199,199,191,189,189,181,173,170,170,168,127,170,178,170,125,126,178,191,199,196,196,194,191,191,189,181,121,107,106,109,119,168,165,115,109,103,105,119,178,189,189,187,189,189,189,191,191,189,194,191,181,176,170,168,170,176,173,119,109,109,123,173,168,121,117,119,168,173,168,165,168,170,168,168,165,123,123,123,163,168,181,194,199,199,202,199,186,170,168,181,189,183,163,117,160,170,176,176,173,170,163,113,112,176,194,196,194,196,199,196,195,196,202,209,212,209,204,199,199,196,181,170,170,173,181,189,191,183,176,168,163,121,119,119,163,165,163,117,111,115,163,173,178,176,170,168,170,181,191,196,199,194,189,173,83,77,137,150,142,95,95,97,81,43,35,43,43,61,97,83,13,10,16,39,75,103,160,168,170,165,150,147,147,109,103,100,107,115,111,105,103,105,113,163,163,115,119,165,170,165,120,120,121,163,165,165,165,165,165,165,165,165,165,168,170,168,127,127,168,170,170,127,127,125,125,127,127,123,123,121,119,123,181,191,181,122,122,170,173,129,127,173,183,186,181,177,177,186,196,196,189,181,181,186,181,170,125,122,123,173,183,181,127,123,127,125,115,109,105,113,123,123,119,123,173,189,199,202,204,207,209,212,212,209,209,202,191,189,191,194,194,194,196,191,178,129,129,181,199,204,204,204,204,204,207,207,204,204,199,191,189,191,191,191,191,194,196,196,186,113,96,97,111,119,123,165,163,117,115,117,121,123,163,168,173,123,109,109,116,119,123,168,176,176,168,125,124,125,168,173,178,181,178,176,176,173,124,122,125,189,194,183,181,189,202,217,209,97,93,111,127,170,170,127,125,125,123,123,127,170,173,170,127,127,170,173,178,189,199,207,207,204,204,202,196,189,181,133,133,176,183,189,199,207,209,212,215,212,207,202,202,204,204,202,202,204,204,202,199,199,202,204,207,199,186,135,133,133,133,178,189,202,207,207,204,204,204,204,207,209,209,209,215,212,212,207,204,202,199,194,181,135,178,181,178,178,178,181,183,186,189,199,215,222,215,204,199,194,181,178,173,131,173,176,178,178,181,186,186,189,189,189,183,176,173,173,173,173,173,178,181,181,181,181,178,176,183,186,178,127,126,176,181,178,178,186,189,186,189,191,191,186,170,113,108,109,127,181,183,178,170,126,127,181,183,170,127,129,170,178,181,176,176,181,181,178,176,173,125,120,120,181,199,189,113,93,95,121,178,181,183,186,178,125,121,127,178,183,181,189,189,75,59,62,168,186,189,176,121,115,115,117,119,123,125,127,123,121,121,121,117,117,121,168,173,173,173,173,176,173,170,168,127,125,125,168,173,181,178,125,110,110,119,127,127,129,127,127,173,186,191,186,178,173,170,170,173,173,176,173,125,119,114,114,117,121,125,127,125,121,123,121,109,104,108,173,181,181,178,178,181,186,191,191,186,178,173,173,176,173,168,168,173,176,170,170,181,191,194,191,183,178,173,173,181,186,183,176,173,178,189,196,196,199,199,191,176,123,117,123,129,173,173,173,173,178,183,186,191,191,189,189,189,186,186,183,181,178,181,186,186,183,181,186,191,191,189,186,191,196,191,189,194,202,202,199,194,194,199,202,199,204,215,222,215,183,177,186,191,176,172,176,183,189,186,183,181,181,186,194,194,194,191,189,189,186,183,183,186,189,194,191,183,179,179,186,194,189,183,181,182,189,199,204,207,207,204,202,204,209,212,207,196,189,186,194,204,209,209,207,205,207,207,204,204,207,209,207,204,207,209,212,204,196,196,209,222,222,217,215,217,217,217,215,209,207,209,212,215,215,215,212,212,212,212,215,222,225,225,215,207,204,204,207,209,212,215,212,207,196,194,194,202,204,204,204,207,209,207,202,202,202,199,189,186,194,199,202,199,196,194,191,189,189,194,196,199,199,199,199,191,189,189,191,194,196,196,194,194,196,199,204,209,215,217,220,217,217,215,215,215,212,209,202,144,141,142,202,217,222,222,222,225,222,215,209,202,199,200,204,207,212,217,217,217,217,217,217,215,212,209,204,199,199,199,196,191,186,183,186,191,191,189,181,173,170,168,170,170,170,170,168,173,176,176,173,165,163,160,121,117,113,111,109,111,115,119,160,160,121,121,121,163,165,165,163,123,163,163,165,165,168,173,173,173,176,178,178,178,178,181,181,178,178,178,178,181,181,178,173,168,125,122,122,123,165,168,168,170,170,173,173,173,129,123,121,121,127,176,178,178,178,181,183,186,186,186,189,189,189,186,183,183,186,194,202,204,204,202,199,199,199,199,202,199,199,196,196,199,202,204,207,209,209,207,204,204,204,204,204,202,199,199,202,204,204,199,199,202,204,202,199,199,196,189,186,186,191,194,194,191,191,196,204,209,209,209,209,209,209,209,209,212,217,217,217,217,222,215,209,199,191,187,186,189,191,194,196,199,202,202,202,199,194,194,194,199,202,202,202,202,199,194,194,196,202,204,207,207,202,199,196,194,192,194,196,196,196,196,196,196,196,196,199,199,199,196,189,189,191,191,189,186,189,191,189,186,186,186,189,194,199,199,199,199,199,196,196,199,202,202,202,202,202,204,207,209,207,202,196,196,194,194,191,190,190,194,196,199,196,196,189,177,176,178,183,191,191,189,186,189,189,194,199,202,194,186,186,189,186,179,178,179,183,189,191,191,194,196,196,194,191,189,186,181,178,178,178,178,183,181,178,183,189,191,191,191,189,186,189,191,189,181,178,176,176,176,133,129,131,178,186,189,189,191,191,191,189,186,189,194,194,191,189,183,183,186,189,189,189,187,189,191,196,202,204,202,194,186,181,181,137,181,191,204,209,209,204,199,191,190,191,196,199,199,196,196,202,204,204,207,212,207,196,192,192,194,199,207,212,212,209,202,191,186,186,191,196,202,199,191,135,127,129,135,178,178,181,189,181,131,127,129,133,181,186,183,183,186,191,196,196,196,194,183,177,177,181,183,181,186,194,191,181,181,191,196,199,196,189,185,186,194,196,194,191,194,194,191,189,191,194,194,196,199,194,191,199,207,204,199,196,199,199,196,194,191,189,189,189,189,189,194,199,204,204,202,199,196,194,191,191,194,194,196,196,199,199,199,196,194,194,196,199,199,199,202,196,194,194,189,183,138,139,183,186,186,189,191,191,189,186,186,186,189,194,199,202,199,196,191,189,139,133,133,139,189,191,191,194,196,199,196,196,194,189,139,137,186,199,207,209,208,209,209,207,204,204,204,204,204,202,196,194,192,192,194,196,194,196,202,209,215,215,212,212,212,209,202,191,185,186,189,189,189,191,194,199,204,215,225,225,222,217,212,209,209,212,207,196,191,191,202,209,212,209,204,202,204,207,207,204,207,199,129,129,196,212,217,212,202,194,191,191,191,189,183,131,127,129,133,139,186,137,133,136,189,196,199,199,196,196,199,196,145,145,199,207,207,204,204,209,217,228,230,225,217,209,209,209,212,215,217,215,209,204,202,200,204,209,215,217,217,215,209,209,209,209,209,209,209,209,209,207,209,209,209,212,212,212,207,196,186,181,181,165,150,152,173,181,181,176,168,160,157,0,181,189,191,189,186,186,186,183,183,189,196,199,196,199,207,217,228,230,230,233,235,238,238,233,230,231,235,241,241,241,238,238,238,238,238,238,238,238,0,0,0,0,0,0,0,0,0,0,0,0,0,222,217,215,217,220,217,0,217,230,233,225,220,222,215,207,212,225,0,0,0,0,0,0,0,212,202,191,189,194,0,0,0,235,215,199,199,207,222,235,241,241,233,228,0,0,0,241,243,243,235,225,215,207,207,217,233,243,248,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,66,64,0,0,0,0,30,157,178,165,116,64,0,0,0,0,0,0,0,118,170,191,189,186,189,176,118,95,0,0,0,0,0,0,0,0,0,0,0,0,37,31,23,21,0,0,63,129,142,144,147,168,173,170,168,165,160,152,111,109,111,108,109,117,160,160,160,163,168,170,176,181,181,181,183,183,183,183,181,186,194,196,191,181,173,168,165,166,173,178,173,123,119,121,165,176,181,183,181,176,176,178,181,183,189,194,186,173,165,125,121,117,111,105,104,109,125,170,176,178,186,191,189,183,176,170,123,107,105,113,165,176,178,168,123,165,170,170,165,123,117,115,117,125,173,178,178,174,173,176,176,176,178,181,181,178,170,127,170,183,181,173,129,173,181,183,176,129,129,178,176,127,126,173,176,125,123,131,183,196,202,199,194,192,192,196,202,202,199,199,199,199,196,196,196,196,196,196,195,195,196,199,196,189,127,120,121,129,173,178,178,178,176,176,178,181,183,183,181,176,170,170,129,121,116,119,170,176,129,129,178,191,196,196,196,196,196,189,176,123,117,117,121,127,178,176,170,170,176,178,183,191,194,191,189,186,186,178,123,107,105,107,115,173,181,181,173,91,68,103,181,189,189,189,191,191,189,187,187,189,191,186,178,178,170,165,168,176,176,121,111,111,165,181,181,123,117,121,168,168,163,163,168,170,165,163,163,123,123,123,165,170,181,191,194,191,191,186,170,123,163,176,183,176,121,114,115,160,163,165,168,165,119,106,105,165,189,191,194,199,199,199,196,196,202,207,212,209,207,204,202,186,127,125,170,173,178,178,173,170,170,170,165,119,107,99,103,115,165,168,160,157,163,170,173,170,168,168,173,178,181,186,196,199,196,183,150,142,147,152,139,92,91,93,101,147,160,103,85,101,144,101,67,51,45,61,97,163,178,186,186,178,160,152,152,152,107,96,96,101,105,99,99,105,117,173,173,117,121,165,165,120,119,120,121,117,113,117,125,168,168,170,170,168,165,168,170,170,168,168,170,176,173,170,170,129,127,127,170,173,178,173,121,120,127,181,178,129,127,173,173,170,170,181,191,191,183,177,178,183,191,191,186,181,186,194,186,173,123,120,122,178,186,178,170,127,121,113,107,101,101,117,170,170,127,168,183,199,204,207,204,207,207,209,207,209,209,204,199,196,196,202,202,204,202,196,186,135,129,131,133,181,186,196,199,202,204,204,204,207,202,196,191,191,190,190,191,194,196,196,186,115,107,113,121,123,163,165,123,116,114,117,123,165,168,170,170,125,112,110,116,125,168,170,168,125,123,121,122,125,173,181,189,189,189,189,189,186,168,124,125,176,181,176,176,181,194,225,207,84,85,113,173,181,176,168,125,123,123,122,122,123,125,125,125,129,170,176,186,196,204,209,209,209,212,209,204,191,178,176,178,183,189,194,202,207,209,212,215,215,209,204,202,202,202,204,204,202,194,191,194,199,204,209,209,204,194,183,178,178,178,186,196,207,207,204,204,209,209,209,209,209,207,207,209,209,209,207,204,202,199,191,183,178,178,178,177,177,181,183,189,189,189,194,204,209,202,189,183,181,176,176,173,176,183,186,186,183,183,189,191,191,191,191,186,178,131,131,173,173,173,176,181,183,183,183,178,178,189,189,178,127,125,131,178,176,176,181,186,186,189,191,191,183,170,115,110,111,127,178,181,176,170,125,125,170,173,127,123,123,125,129,176,176,178,181,181,178,178,176,170,125,124,176,183,173,119,107,111,129,176,170,129,170,170,127,123,121,120,120,121,176,191,168,69,68,117,170,181,181,170,125,125,123,117,116,119,123,121,115,111,115,119,121,123,168,173,173,176,178,176,170,168,127,168,168,168,168,176,183,181,117,91,98,168,178,176,173,129,129,176,186,189,183,181,176,173,170,170,173,176,173,125,115,112,113,117,117,113,105,100,105,108,109,108,105,107,168,181,183,183,183,183,186,189,191,186,178,173,178,183,181,173,170,176,178,176,176,183,191,191,186,178,173,172,173,181,189,189,181,176,173,181,189,191,196,196,186,178,176,131,131,173,178,173,169,170,176,183,189,196,196,194,194,191,189,189,186,183,181,183,186,183,178,178,189,202,196,186,186,191,194,186,186,196,207,212,212,207,202,199,189,177,178,202,212,204,177,173,181,191,186,178,181,186,189,186,183,183,183,189,191,196,199,196,194,191,189,186,183,186,191,196,194,181,176,177,189,199,196,189,182,182,186,194,202,207,207,204,202,204,209,212,207,191,136,135,183,199,207,209,209,207,207,207,204,202,204,207,207,204,204,204,207,202,196,202,212,222,222,215,212,215,215,217,215,212,212,212,212,212,215,215,217,222,217,217,217,225,228,228,222,215,212,209,209,209,212,215,212,202,194,190,191,199,204,207,204,207,209,209,204,204,207,204,194,186,186,194,199,199,196,196,196,194,194,194,196,199,202,199,196,189,187,189,194,199,199,196,196,199,204,207,209,209,212,215,217,217,217,217,222,222,222,220,212,202,145,144,199,212,217,217,222,222,215,209,207,202,202,204,209,209,212,212,211,212,215,215,212,212,212,207,204,202,199,199,196,189,181,178,181,186,189,183,176,170,168,168,168,170,170,170,168,168,168,168,163,121,117,117,117,115,111,107,107,109,113,117,121,121,119,119,160,165,168,168,165,165,165,165,165,165,168,173,173,173,173,176,178,178,178,178,178,176,173,176,176,173,173,173,170,165,125,123,123,125,127,168,168,168,170,170,173,170,129,125,122,122,129,178,181,181,183,186,189,189,186,183,183,186,189,183,182,182,186,191,196,204,204,202,196,196,196,196,196,194,191,189,189,191,194,196,202,204,207,207,204,202,204,204,204,204,202,202,204,204,204,199,199,202,202,199,196,199,194,189,185,185,189,191,191,187,186,191,202,209,209,209,212,209,209,209,209,212,217,217,215,215,215,212,207,199,194,189,189,189,189,189,189,194,196,199,199,194,189,186,191,196,202,202,202,202,199,194,194,196,202,204,207,209,204,202,199,196,194,194,194,191,191,191,191,191,191,189,191,196,196,194,189,186,189,189,139,137,139,189,191,191,189,189,186,189,191,194,194,196,196,196,196,199,202,202,202,202,202,202,204,207,204,199,194,194,196,196,196,191,191,196,199,202,202,199,194,186,181,183,189,191,191,191,191,191,194,196,199,199,194,186,185,186,183,181,179,181,183,189,189,191,194,196,196,194,189,186,181,178,178,181,183,189,189,186,181,181,186,186,183,183,181,178,183,189,186,178,176,133,133,131,127,125,127,178,186,189,186,186,186,183,178,135,181,189,194,194,189,183,183,189,191,189,187,187,189,196,202,204,207,204,199,194,196,196,189,186,194,207,209,209,204,196,191,190,190,194,196,199,196,196,199,199,196,199,204,204,196,192,192,194,199,204,207,209,209,204,199,196,194,194,194,196,196,194,186,181,183,189,191,194,196,199,191,181,135,133,133,135,178,135,133,133,135,183,191,196,194,183,178,178,178,181,181,186,194,183,173,176,194,202,202,199,194,186,186,191,191,186,185,189,191,189,186,186,191,194,194,194,186,183,196,209,209,202,199,199,199,199,199,199,194,183,137,137,183,191,196,199,202,199,199,199,196,191,191,194,196,196,199,199,199,202,202,204,204,204,204,202,202,199,196,194,194,189,183,137,137,139,186,191,194,196,194,191,186,186,186,191,196,202,204,202,196,191,186,137,131,130,133,139,186,191,196,199,196,194,194,194,189,133,123,127,194,209,212,209,209,212,212,207,202,202,199,199,196,194,194,192,192,196,194,191,194,204,209,212,215,215,215,215,215,204,194,186,186,189,189,191,194,199,202,204,215,225,228,225,217,212,212,217,217,212,196,191,191,202,209,209,202,191,190,194,202,207,207,204,191,125,125,194,215,222,215,204,199,199,199,199,196,194,189,183,139,139,186,189,186,136,134,135,137,141,141,139,139,143,141,139,143,202,215,212,204,204,209,215,225,228,225,215,209,209,209,215,222,225,222,215,207,204,202,202,204,209,209,209,209,209,209,209,209,209,209,209,207,204,204,207,209,212,212,215,215,209,199,189,186,183,173,152,0,176,183,181,173,168,0,165,0,178,186,189,189,189,186,186,183,183,191,196,199,196,196,199,207,217,222,225,230,233,235,235,233,230,231,238,243,246,243,243,241,238,238,241,241,238,238,0,0,0,0,0,0,0,0,0,0,0,0,0,228,222,217,215,209,204,0,209,225,230,220,212,207,196,191,199,212,0,0,0,0,0,0,0,0,204,196,190,191,0,0,0,238,225,207,199,202,220,233,238,238,233,228,0,0,0,241,241,241,241,233,225,215,212,222,230,238,243,254,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,176,183,176,199,0,0,33,126,181,186,186,178,178,199,113,0,0,0,0,0,0,0,77,90,74,66,69,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,142,137,124,0,0,47,139,139,142,150,168,173,176,181,186,183,165,155,152,113,108,108,115,160,165,168,173,173,173,176,176,170,170,170,170,178,181,186,191,199,204,202,191,176,168,165,165,170,176,173,165,125,165,173,178,181,181,178,176,176,178,176,173,181,189,183,170,125,123,121,119,117,111,111,123,168,176,181,186,194,199,199,194,183,178,173,123,117,119,123,170,178,173,165,168,170,125,116,114,119,123,125,125,170,178,181,174,174,174,174,174,176,183,189,189,181,127,125,170,129,121,123,129,176,181,183,178,181,186,183,173,128,176,176,122,120,123,181,199,202,199,194,192,192,196,202,207,207,207,204,202,199,199,196,196,195,195,195,196,199,199,199,191,176,176,183,173,170,170,170,170,168,170,176,183,189,189,183,176,129,128,170,170,129,170,183,189,183,176,176,183,189,191,194,196,199,196,176,98,95,106,119,127,170,173,176,178,178,174,176,183,191,191,186,186,191,189,173,117,109,109,119,181,196,207,204,66,44,73,173,189,191,194,194,191,189,186,185,189,191,181,168,168,163,123,165,176,178,170,117,113,121,181,186,170,121,121,163,165,163,164,170,170,163,163,168,168,123,123,165,170,181,186,186,181,176,165,121,119,163,173,178,170,160,115,115,117,115,117,160,160,115,108,108,123,181,186,191,196,199,202,204,204,204,207,209,207,207,204,194,168,117,123,170,173,170,168,165,125,165,165,121,109,97,95,97,113,173,183,178,170,170,170,168,163,160,160,165,170,173,170,181,191,196,189,168,157,155,152,142,97,97,101,144,163,173,157,144,147,147,105,95,81,59,59,99,186,196,202,196,183,168,157,157,157,111,97,96,100,103,97,97,101,111,165,168,115,117,160,160,121,163,173,163,105,100,105,121,165,170,173,173,170,168,168,170,173,173,170,173,173,170,173,181,176,127,127,176,189,196,194,181,127,127,170,176,173,173,178,178,176,176,186,196,196,189,181,181,186,189,186,181,181,191,196,189,173,125,123,170,189,194,183,181,181,117,105,101,100,105,127,181,178,170,176,194,204,207,207,207,207,207,207,207,207,207,204,202,196,196,199,202,204,199,196,194,191,181,131,122,116,115,121,129,176,186,186,191,199,202,196,191,191,194,194,196,196,199,194,170,111,111,119,123,121,123,163,123,116,116,121,165,168,168,170,176,178,165,117,121,170,173,168,125,124,122,122,123,168,181,191,196,196,196,196,196,194,186,181,178,176,170,168,168,173,186,202,99,74,85,181,191,191,183,173,127,125,125,123,122,122,123,123,123,127,173,181,191,202,204,204,204,207,212,215,207,191,176,174,181,189,194,196,199,204,207,209,209,204,196,194,194,199,202,204,202,194,187,186,191,199,207,212,212,212,204,189,181,178,181,189,199,207,209,209,209,212,212,212,212,209,207,205,207,207,209,209,209,204,196,189,183,181,181,178,177,178,181,186,189,189,183,183,186,186,186,181,181,183,181,178,176,178,186,189,183,182,183,189,191,191,191,191,183,173,127,127,131,131,131,173,176,178,178,178,174,176,186,189,178,127,125,129,173,173,173,176,178,183,191,191,189,181,170,125,123,127,173,176,176,173,127,125,125,129,170,125,121,119,123,127,129,170,176,181,181,178,181,181,176,170,129,173,173,127,123,121,127,181,181,170,122,121,125,170,168,121,118,117,119,168,191,191,173,123,125,170,181,183,176,170,170,168,119,114,115,123,123,111,108,110,121,123,125,170,176,178,178,178,176,170,127,126,127,173,176,178,178,178,170,111,85,90,168,181,181,176,170,170,178,186,186,181,178,176,173,173,173,173,173,170,125,117,114,115,121,119,111,103,98,105,107,109,113,109,107,119,178,186,189,186,183,183,183,183,181,173,168,173,181,181,176,173,178,181,178,176,181,189,186,183,178,173,173,178,189,194,194,189,176,130,131,176,181,189,189,181,176,176,173,173,176,181,178,172,173,178,181,186,191,194,191,194,194,191,189,186,186,183,186,186,183,178,178,189,204,196,176,178,186,181,131,176,196,207,212,215,212,209,204,186,170,169,178,194,191,179,178,186,191,186,181,183,189,189,189,189,189,186,186,189,199,199,196,191,191,186,183,182,183,189,196,199,189,179,179,189,196,194,189,183,183,186,191,196,202,204,204,204,204,207,209,204,137,132,132,137,196,207,209,209,205,207,207,202,200,202,204,207,204,202,199,196,194,194,202,215,222,217,212,212,212,215,217,217,215,212,212,209,209,212,212,217,222,222,222,222,225,228,228,225,222,217,212,209,207,209,209,207,202,191,189,189,194,204,207,204,202,204,204,204,204,207,204,194,183,135,137,191,199,199,199,202,202,196,194,194,196,199,194,189,186,187,191,199,202,202,199,196,199,204,209,212,209,212,215,217,222,222,222,225,228,228,225,222,212,202,151,204,212,217,217,217,215,209,207,204,204,204,209,215,215,215,212,211,212,215,215,212,212,209,207,202,202,199,199,194,186,178,176,177,183,186,178,173,170,170,168,168,170,170,173,170,168,168,165,121,115,113,113,113,113,109,105,103,105,109,115,119,119,119,119,160,165,170,170,170,168,168,168,168,168,170,176,176,173,173,170,170,173,173,176,176,173,173,176,173,170,165,165,165,125,123,123,125,127,168,168,166,168,168,170,170,170,129,127,123,125,173,181,183,186,186,189,189,189,186,182,182,183,189,186,183,183,183,189,194,202,204,199,194,196,196,196,194,189,187,186,186,189,189,191,194,199,202,202,202,202,204,207,207,204,204,202,204,204,202,202,199,199,199,196,194,191,189,186,186,186,189,189,189,187,187,191,202,209,212,212,215,215,212,212,209,212,217,215,212,207,207,207,204,199,196,194,194,191,189,186,141,141,186,191,194,189,185,183,186,196,202,202,199,199,196,194,194,196,199,202,204,204,204,202,202,199,196,196,194,189,187,189,189,189,186,185,186,191,194,191,186,186,186,186,139,136,138,186,191,191,189,189,183,183,183,189,191,194,196,196,199,199,199,196,199,199,202,202,204,204,199,194,191,194,196,199,199,196,196,199,202,204,202,199,196,194,191,191,191,191,191,191,191,194,194,194,196,196,194,189,189,194,191,189,186,186,186,186,186,189,194,196,199,194,189,183,178,176,177,181,186,186,183,176,131,131,176,176,178,178,176,133,178,186,183,178,176,176,176,131,127,124,126,133,181,186,183,181,178,178,133,129,129,178,186,189,189,183,183,189,194,194,191,189,194,202,207,207,207,202,199,199,202,204,194,186,191,202,207,207,202,196,191,190,189,191,196,199,199,196,196,194,191,191,196,199,196,194,194,196,199,199,202,204,207,204,204,204,199,194,192,192,194,196,194,194,194,194,199,202,207,204,196,189,181,178,135,135,133,131,129,128,128,133,189,194,189,181,178,178,181,183,186,196,199,178,170,174,196,204,202,199,196,191,191,191,189,185,185,186,189,183,135,135,181,186,189,189,183,183,194,207,207,204,202,199,196,196,202,202,196,186,136,135,137,183,189,191,194,194,196,196,199,196,194,194,194,196,199,199,199,199,202,204,209,209,207,204,202,199,196,194,194,191,183,138,137,138,186,191,196,196,196,194,191,189,189,191,199,202,202,199,196,191,189,139,133,133,135,139,186,194,199,199,194,191,191,191,186,125,117,117,183,207,212,209,212,215,212,207,199,196,196,199,196,196,199,196,196,196,194,189,194,202,207,209,212,212,212,212,209,202,191,186,186,189,189,191,196,204,204,207,215,225,230,225,217,212,212,222,222,215,202,195,196,207,209,204,196,190,189,190,194,199,202,204,194,130,130,199,217,222,215,209,207,207,204,202,199,199,194,194,191,186,189,194,191,189,137,134,135,135,135,135,137,137,137,137,143,207,220,215,207,204,207,212,217,225,222,215,209,209,212,217,225,228,228,217,212,207,204,202,202,204,204,204,204,207,209,209,207,207,207,207,204,202,202,204,207,209,212,215,215,209,202,191,189,186,176,155,0,178,183,178,0,165,165,0,0,0,181,186,186,186,186,183,182,183,191,199,199,196,195,195,199,209,215,222,225,230,233,235,233,231,233,238,246,248,248,248,246,241,241,241,243,241,241,0,0,0,0,0,0,0,0,0,0,0,0,0,228,222,215,209,204,0,0,0,0,0,217,209,202,191,185,189,199,0,0,0,0,0,0,0,217,212,202,194,191,0,0,228,235,230,215,199,196,207,222,230,233,230,228,228,0,0,0,243,243,241,238,235,230,225,233,238,238,241,248,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,191,191,194,191,0,0,160,189,189,186,186,186,183,191,194,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,157,194,196,7,0,35,147,134,142,152,163,170,173,181,191,191,178,165,160,152,113,111,115,163,178,189,183,173,170,173,173,168,165,123,117,115,165,181,189,196,204,204,199,183,173,168,166,170,176,173,168,168,168,173,176,170,121,121,168,173,176,168,125,168,176,173,125,121,119,117,119,123,123,165,173,176,181,186,191,199,204,204,199,194,181,170,123,119,117,121,165,173,170,165,165,165,121,114,113,123,168,165,165,173,183,183,178,178,178,176,176,178,186,194,196,186,168,125,123,115,112,121,173,178,181,181,181,186,191,186,173,129,178,178,123,120,122,176,196,204,202,194,192,194,196,202,207,212,209,204,199,199,199,199,199,196,196,196,196,199,199,199,194,181,178,178,111,117,127,127,168,127,168,176,183,183,181,176,170,129,129,178,183,183,186,194,196,191,176,168,170,181,186,189,194,202,207,191,94,92,107,125,168,170,173,178,181,181,178,178,186,191,191,191,194,199,194,176,119,115,119,170,191,202,204,196,57,53,83,170,186,194,196,196,194,191,187,186,191,191,173,117,117,121,165,173,176,178,176,165,113,109,165,186,183,165,121,123,168,168,170,173,168,161,163,173,173,165,165,168,170,176,178,176,168,123,118,117,118,163,173,176,170,163,121,119,113,108,107,112,117,115,114,117,163,173,183,191,194,196,202,207,204,202,204,207,207,207,196,173,113,111,121,168,168,168,168,165,123,119,119,117,111,101,99,107,160,181,191,191,186,176,168,157,150,114,152,160,168,168,168,176,186,191,186,168,168,165,157,142,105,139,144,147,155,165,157,150,144,139,105,99,83,63,52,58,178,196,199,194,181,163,157,160,160,115,105,101,103,101,95,93,95,101,115,119,114,114,117,121,163,178,189,170,102,99,105,121,168,170,173,173,173,168,125,127,170,176,176,173,173,168,168,176,176,129,170,181,191,199,199,194,181,170,129,170,173,176,181,183,178,178,189,199,199,191,183,181,186,186,183,181,183,194,196,186,173,170,170,181,191,191,186,191,191,101,92,101,105,115,176,189,183,178,186,199,207,204,204,204,207,207,207,207,207,204,204,202,199,196,196,199,199,196,194,196,199,202,191,127,117,109,111,109,107,110,116,125,186,196,194,186,186,199,207,199,194,196,181,117,111,115,119,118,118,121,123,121,119,119,123,165,168,165,168,178,186,178,125,123,168,168,127,125,127,127,127,173,183,194,202,204,204,202,199,196,194,194,194,191,183,170,127,127,170,181,178,95,82,168,202,204,199,191,176,125,125,125,125,123,123,125,125,123,127,173,181,191,199,202,202,202,204,209,212,204,189,174,176,186,194,196,199,199,204,209,209,202,191,183,183,186,194,202,204,199,189,186,186,191,202,207,209,212,215,209,194,181,135,178,183,191,204,212,212,212,212,209,209,212,212,207,207,207,207,209,212,212,204,191,183,183,189,189,186,183,183,186,186,186,183,178,174,173,176,178,181,183,186,183,181,176,176,186,189,183,182,186,194,194,191,191,189,181,129,119,119,125,129,129,131,173,176,176,176,174,176,186,189,178,131,127,129,129,129,129,170,176,178,183,186,183,181,181,183,189,189,183,176,176,173,129,126,127,129,129,123,117,119,129,173,170,129,170,176,178,178,178,181,176,170,170,176,173,127,127,170,181,196,194,176,120,118,123,176,176,127,121,121,125,170,183,186,181,176,173,176,178,181,178,170,170,173,125,114,114,121,125,117,110,115,123,123,123,168,176,178,178,178,176,176,173,170,170,176,178,181,181,168,127,127,102,102,125,173,176,176,173,176,181,186,186,181,181,181,178,178,176,173,129,127,125,123,125,127,129,127,121,115,115,119,113,111,119,115,109,115,173,183,189,189,183,181,181,178,173,165,123,125,170,176,176,176,183,186,178,176,181,186,189,183,181,178,181,189,196,202,202,194,178,129,128,130,176,181,186,181,176,173,173,178,183,186,186,186,189,186,183,181,186,186,186,189,194,194,191,189,189,189,189,186,183,176,174,186,199,183,122,127,176,129,123,126,194,207,209,209,212,212,209,196,173,170,177,183,189,186,186,189,189,186,183,186,189,189,189,189,189,186,183,186,199,196,189,186,186,186,183,182,181,183,191,199,202,194,189,189,189,186,186,186,186,186,189,191,196,202,207,207,207,207,207,199,139,133,134,183,202,209,209,207,205,207,209,204,200,202,204,207,204,202,194,191,190,191,199,212,217,215,212,212,215,217,217,217,215,212,209,209,207,209,212,215,222,222,217,217,217,222,222,225,222,217,212,209,207,207,207,207,202,196,189,189,191,204,207,204,196,196,199,199,202,204,202,194,141,129,128,137,194,196,196,199,199,194,191,191,194,194,191,187,187,189,196,204,207,204,202,199,199,204,209,212,212,212,215,217,222,222,225,225,228,228,228,225,222,215,215,215,217,220,222,222,212,207,204,207,207,207,209,212,215,220,222,217,215,217,217,212,209,204,199,199,199,199,194,191,183,178,177,178,183,183,178,173,173,173,170,170,168,170,173,173,173,170,165,121,115,111,111,111,109,105,103,101,103,107,113,117,117,119,121,163,168,170,170,170,173,173,173,173,173,178,181,181,173,168,123,121,123,165,170,173,176,176,176,173,168,165,125,125,123,123,123,127,168,170,168,168,168,168,170,173,173,170,129,129,131,181,189,189,191,191,191,191,191,191,186,182,183,189,191,189,186,186,186,194,199,202,199,194,196,196,196,194,191,187,186,186,187,189,189,191,194,196,196,199,202,207,207,207,204,202,202,202,202,202,202,199,199,196,191,189,186,186,183,183,189,191,191,191,191,191,194,202,207,209,212,215,215,217,215,212,212,215,212,207,199,199,202,202,202,199,199,196,194,191,186,139,134,133,137,186,189,185,183,185,194,202,199,196,196,196,196,199,199,202,199,199,202,199,199,196,196,196,196,194,189,187,189,189,189,186,185,185,186,189,189,185,185,186,186,183,139,183,186,186,186,189,186,183,181,182,183,189,194,196,199,199,199,196,194,196,199,204,204,202,199,194,190,190,191,196,202,202,202,202,202,204,204,202,199,194,194,191,191,191,189,191,191,191,191,189,189,186,189,191,194,196,196,196,196,194,194,189,185,183,185,191,194,196,191,186,181,177,176,177,183,183,178,129,123,123,125,129,129,133,176,133,176,183,186,183,178,176,133,133,131,129,126,126,129,135,183,183,178,135,135,133,128,126,128,133,183,189,186,186,189,196,199,196,194,196,204,207,207,204,202,199,199,199,196,189,185,191,199,202,199,194,191,191,191,190,191,196,196,194,191,191,189,186,186,191,196,196,199,199,199,199,199,199,202,204,204,207,207,204,199,194,194,196,196,196,194,189,189,191,199,204,204,199,191,183,181,178,135,133,131,129,127,126,131,183,191,186,178,177,181,186,189,194,202,204,183,172,176,196,204,199,199,199,196,194,194,191,189,186,189,186,178,133,132,134,135,181,183,181,183,194,202,204,204,202,196,191,189,194,202,202,196,186,137,137,181,181,183,186,189,191,194,196,196,194,189,189,191,196,199,196,195,196,204,207,209,207,204,202,202,196,196,196,196,189,183,139,139,186,191,194,196,196,196,196,191,191,194,199,202,202,196,194,191,191,189,186,183,186,186,189,194,199,199,191,186,189,191,189,133,117,115,125,191,202,207,212,215,212,204,196,194,199,202,202,202,204,202,196,196,191,189,194,199,204,209,212,209,204,196,191,189,183,183,183,186,186,191,196,202,204,204,209,217,225,225,217,212,215,220,222,217,209,207,209,215,215,207,202,199,196,194,191,191,194,202,202,191,191,209,220,217,215,212,215,215,209,202,196,194,191,194,194,189,189,191,191,189,141,139,141,137,135,135,137,139,139,143,196,215,222,220,207,203,204,209,215,217,217,212,209,207,209,215,225,228,228,222,215,209,204,202,202,202,202,199,199,202,202,204,204,204,204,204,202,199,199,202,204,207,209,209,209,207,199,191,189,189,176,155,0,176,186,178,165,164,165,0,0,0,176,183,183,183,183,183,183,186,194,199,202,199,195,195,196,204,212,217,225,228,230,233,233,233,235,241,246,251,251,251,248,243,241,243,246,243,243,0,0,0,0,0,0,0,0,0,0,0,0,0,222,217,212,202,196,0,0,0,0,0,222,209,204,194,185,185,189,0,0,0,0,0,0,225,222,217,209,199,196,0,209,217,228,228,212,194,189,194,204,215,225,228,228,225,228,0,0,0,243,243,241,243,243,238,243,243,241,241,246,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,118,98,25,0,0,0,0,0,0,0,0,0,181,196,199,204,183,27,56,173,189,186,178,183,189,191,196,186,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,189,186,0,0,0,113,121,139,152,157,165,168,173,181,183,178,170,160,155,152,115,113,157,181,189,183,168,163,168,173,170,168,125,114,105,112,168,181,189,196,199,196,183,176,170,168,170,176,173,170,168,170,173,170,118,110,113,121,125,123,119,117,121,165,168,125,119,117,114,115,121,165,173,181,183,186,189,194,199,207,207,202,191,173,123,119,117,117,121,125,123,121,119,121,121,119,115,115,121,165,123,123,173,181,183,183,186,186,183,178,178,189,194,196,191,176,168,121,112,111,127,186,191,183,178,181,186,189,176,121,125,178,181,129,123,123,176,194,204,204,196,194,194,196,202,204,209,207,199,199,199,199,199,199,202,202,202,199,196,196,196,191,178,121,93,81,101,125,121,123,168,176,181,183,178,170,125,127,176,181,186,191,191,196,202,199,189,168,123,125,176,186,186,191,199,209,202,111,104,117,165,165,170,176,181,183,186,189,191,194,191,191,191,196,202,194,123,109,114,168,186,196,202,199,189,73,91,113,173,186,194,199,202,202,199,194,189,191,186,163,113,114,168,186,189,183,181,178,168,115,95,108,176,181,173,165,170,178,178,173,173,168,163,163,173,173,168,168,168,168,168,168,163,123,121,118,118,119,165,170,170,168,165,160,121,115,107,105,110,115,119,121,123,163,168,178,186,189,191,199,199,196,194,196,204,204,194,123,110,109,113,123,168,168,170,173,170,121,116,116,119,160,168,176,176,176,178,183,189,186,170,160,152,113,113,152,160,165,165,170,176,186,191,176,155,173,170,155,107,105,147,152,147,147,150,152,152,144,105,103,105,97,79,52,51,79,165,178,178,168,153,155,157,160,157,152,113,109,101,95,85,83,95,109,115,115,115,117,121,168,186,191,173,105,104,117,165,168,168,173,176,173,165,123,124,170,178,178,176,173,170,127,127,129,170,178,186,186,181,186,191,189,178,170,129,170,176,178,178,170,173,186,196,196,189,181,181,183,183,181,183,189,194,191,181,173,173,178,183,189,183,183,186,168,65,64,93,109,121,176,183,181,181,191,202,204,202,202,204,204,204,207,209,209,207,204,202,199,196,196,199,199,196,192,192,202,209,207,199,189,133,123,112,106,108,112,119,133,191,189,178,109,79,81,111,170,115,103,105,113,119,121,118,117,119,121,119,119,121,123,163,165,125,168,178,183,181,125,121,125,168,170,176,181,181,178,183,196,204,207,207,207,204,202,196,194,194,196,199,191,176,128,128,173,178,173,123,127,202,209,209,204,191,170,119,117,121,123,123,125,129,127,125,129,173,181,189,196,202,204,204,207,207,207,199,186,176,178,189,194,196,199,199,204,212,212,202,189,182,181,183,191,202,202,196,189,187,189,194,202,207,207,207,212,209,194,135,131,131,133,181,194,207,209,212,209,204,204,209,212,209,207,204,202,204,207,207,194,181,179,186,196,196,196,199,196,191,186,183,181,176,173,172,176,181,181,176,176,178,178,173,173,183,189,189,189,194,196,194,191,191,189,183,131,118,117,119,125,129,131,173,176,178,181,178,181,186,186,178,173,131,127,123,125,127,129,170,170,170,173,178,181,189,199,204,202,191,181,178,181,176,173,176,173,125,115,103,113,183,186,170,126,128,170,173,176,178,181,181,176,176,181,178,170,173,178,191,202,199,173,117,116,125,183,186,178,170,170,170,170,170,170,173,176,178,173,173,176,176,170,173,178,173,116,113,119,125,125,125,127,125,123,123,168,173,176,178,178,178,181,183,181,181,181,178,173,168,121,125,186,183,125,125,127,129,170,176,178,183,186,186,186,186,189,186,183,178,131,125,124,127,170,176,176,173,170,170,173,176,168,117,113,119,121,117,123,165,173,178,183,181,178,176,173,168,125,121,120,123,168,173,178,186,189,183,178,186,191,191,189,183,181,186,196,202,204,202,196,181,130,129,131,176,183,186,183,181,176,178,183,189,189,191,196,196,194,186,183,186,183,178,183,194,199,196,194,194,196,194,189,181,174,170,178,194,127,111,119,133,129,123,125,191,204,204,202,204,209,212,207,191,183,186,189,191,189,186,186,189,189,186,183,186,186,186,186,183,183,183,186,194,191,185,183,185,189,189,186,182,182,189,196,204,204,196,189,182,182,183,186,189,191,191,191,194,199,207,209,209,204,204,202,191,139,139,194,207,209,207,205,205,207,209,207,204,204,204,204,204,202,196,192,191,192,199,209,215,215,215,215,217,222,222,217,215,212,209,209,207,209,209,212,215,215,215,215,215,215,215,217,217,215,212,209,209,209,209,209,207,202,196,191,199,209,209,202,196,194,194,196,199,202,202,199,189,130,127,133,189,194,194,191,191,186,183,189,194,194,194,191,191,196,204,209,209,209,207,207,204,207,209,212,215,215,215,217,222,225,225,228,230,230,228,228,225,225,228,228,225,225,225,222,215,207,207,209,207,204,199,199,207,217,225,222,220,220,220,215,202,194,191,191,194,196,191,186,183,178,178,178,183,183,181,176,176,176,173,170,168,168,170,173,176,170,165,157,115,111,107,105,105,103,101,99,101,105,111,115,117,157,160,165,168,170,170,170,173,176,178,178,178,181,183,183,170,123,115,113,115,121,165,170,173,176,176,173,168,165,125,123,121,121,123,127,170,173,173,170,168,170,176,176,176,173,131,173,178,189,194,196,196,196,194,194,196,196,191,186,186,191,191,189,186,186,189,194,199,199,196,194,194,196,196,196,194,194,191,191,189,189,191,191,194,196,195,195,199,204,207,207,204,202,202,202,202,202,202,199,196,194,189,189,189,186,183,183,189,194,199,202,199,196,196,199,199,196,202,209,215,217,217,215,215,217,212,204,199,198,199,202,199,199,199,199,194,194,189,137,132,131,135,189,191,191,186,189,196,199,199,199,199,199,202,204,204,204,202,199,202,199,191,186,187,191,199,199,194,191,191,191,189,186,185,185,186,189,186,185,183,186,186,186,189,189,189,185,185,186,186,183,182,182,183,189,194,196,199,202,196,189,189,191,196,202,202,199,196,191,190,189,191,196,202,204,204,202,199,199,202,202,196,191,189,187,187,187,187,189,191,194,189,186,185,183,183,189,196,199,196,196,196,196,196,191,186,183,185,189,191,194,189,186,181,178,178,181,183,181,131,123,123,125,127,125,123,125,129,129,176,189,189,186,181,176,133,131,131,133,135,133,133,178,186,186,178,133,133,133,128,127,128,133,183,189,191,186,189,196,202,199,196,196,202,204,204,204,204,202,196,194,186,185,186,194,199,196,189,183,186,191,194,191,194,196,194,186,183,183,183,183,186,191,196,202,202,202,199,199,199,202,202,202,202,204,207,204,202,199,196,196,194,191,189,182,181,182,189,194,196,194,189,183,181,183,181,178,135,129,127,128,133,183,186,183,181,178,181,186,194,199,207,204,191,177,181,194,196,191,191,191,194,196,196,194,194,191,189,186,183,135,134,134,134,135,135,135,181,189,196,202,202,202,194,186,182,186,196,204,204,199,191,189,183,183,183,183,186,189,189,191,191,189,183,181,186,194,196,196,195,196,202,207,207,207,207,204,202,196,196,199,199,194,191,189,186,186,189,191,194,196,199,199,196,194,196,199,202,199,196,194,194,196,196,194,194,194,191,191,194,199,196,186,139,183,191,194,194,127,120,123,133,183,196,207,212,209,199,191,194,202,204,202,202,202,199,196,191,186,183,189,196,202,207,207,204,194,137,131,135,135,137,139,183,186,189,194,199,202,202,202,207,215,217,215,215,215,215,215,212,209,209,215,217,215,209,207,207,204,199,191,189,190,196,204,204,204,207,215,215,215,215,217,217,212,202,191,187,186,189,191,189,189,186,183,140,141,191,194,189,139,136,137,139,143,191,199,215,222,217,207,203,203,207,212,215,215,212,207,204,207,212,222,225,228,222,215,209,204,202,199,199,196,194,191,191,191,194,196,199,202,202,202,196,194,196,199,202,204,207,207,204,196,189,186,186,173,155,0,173,186,178,0,165,168,165,160,0,0,181,183,183,186,186,186,189,194,199,204,202,202,199,199,204,209,217,225,228,230,230,230,230,233,238,243,248,254,254,248,243,243,246,246,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,212,207,199,191,0,0,0,0,0,222,212,207,196,186,185,186,191,0,0,0,0,0,222,225,222,215,207,204,0,209,215,225,225,207,186,178,181,189,199,212,222,225,222,225,0,0,0,246,243,243,248,248,243,246,248,243,241,248,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,163,183,186,142,20,0,0,0,0,0,0,0,0,178,194,191,181,157,147,160,178,183,181,178,178,178,186,194,186,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,0,0,0,0,108,131,142,150,163,165,168,173,178,178,165,152,152,155,152,113,117,165,173,168,163,121,163,170,176,176,170,117,105,111,123,170,178,186,189,183,173,170,168,168,170,176,176,173,168,168,168,165,119,114,115,119,118,117,116,116,118,125,168,168,123,121,115,113,114,123,176,189,189,189,191,194,199,204,204,196,183,125,117,117,119,117,121,123,119,114,113,114,117,119,117,115,117,119,119,121,173,181,183,189,194,194,186,178,178,183,189,191,189,181,173,123,113,115,178,196,199,191,183,178,178,176,123,117,123,178,181,173,127,129,178,196,204,204,199,196,196,199,202,204,204,199,198,199,202,202,199,199,204,204,204,199,195,195,196,191,123,91,85,83,109,119,109,118,173,186,194,191,178,127,124,127,183,189,194,196,196,202,204,196,176,123,121,127,178,183,183,186,194,199,191,165,113,111,113,113,121,176,186,186,189,194,196,194,189,186,189,194,196,189,117,106,113,170,183,194,199,199,189,115,109,119,173,186,196,202,204,204,202,199,191,183,173,121,116,121,189,202,199,189,178,170,123,113,89,105,168,176,173,178,183,183,181,176,176,173,170,170,170,165,123,163,163,123,121,121,119,119,121,121,119,121,165,168,168,165,163,160,160,160,115,113,121,163,163,165,165,163,165,170,176,178,183,189,191,186,181,183,194,194,165,103,103,111,123,168,170,173,176,181,176,163,116,117,168,181,191,202,204,191,176,168,165,160,117,115,115,152,157,163,165,165,165,173,178,186,196,168,86,157,160,152,107,107,152,160,155,150,147,150,150,147,107,107,150,163,107,77,54,57,99,160,165,160,153,155,157,163,165,165,165,163,115,103,63,57,87,105,113,117,119,160,168,178,186,186,168,115,117,165,170,168,170,178,181,178,165,123,124,170,178,176,173,176,173,127,125,128,176,183,189,181,176,177,183,189,189,181,170,129,173,173,125,117,121,178,194,196,189,181,178,181,181,178,181,186,189,183,176,172,176,178,183,183,181,178,170,101,63,66,97,117,127,173,170,121,127,186,199,202,199,202,204,204,204,204,207,209,207,204,202,199,199,199,202,202,199,194,192,199,207,209,207,204,207,204,191,131,125,123,127,178,189,189,129,77,11,2,4,15,35,77,101,115,121,125,123,121,121,121,121,119,121,123,125,125,123,165,170,176,176,125,122,127,178,183,189,194,189,181,183,196,202,204,207,207,207,204,202,196,194,196,199,199,183,129,128,170,176,176,178,186,199,204,207,204,189,125,113,113,117,125,127,127,129,129,170,173,176,178,183,194,204,209,209,209,207,204,199,186,176,181,191,194,194,194,196,199,204,207,202,194,186,186,189,194,199,202,202,196,194,194,199,204,207,202,202,204,202,189,133,127,125,125,131,183,196,202,204,204,196,196,204,207,202,194,189,183,189,194,194,189,181,181,186,194,199,204,207,204,194,186,181,183,181,176,176,181,186,183,172,169,176,178,173,173,178,189,191,194,196,196,194,191,191,191,189,181,127,119,121,127,173,176,178,181,186,189,189,189,189,186,178,176,131,123,121,122,127,129,127,125,124,125,129,173,186,199,207,204,194,183,183,189,186,186,183,178,129,109,89,91,183,191,173,126,128,170,170,173,181,189,191,189,186,189,186,178,181,189,196,202,194,123,114,116,129,189,194,191,183,178,173,168,165,164,166,170,173,168,127,170,170,168,170,181,176,119,114,117,168,173,173,170,125,123,127,170,173,173,178,181,181,183,183,183,183,183,176,125,122,120,123,186,191,176,125,124,125,129,176,183,186,189,191,196,196,196,194,189,181,173,127,127,131,181,183,178,170,170,176,183,183,170,121,119,121,121,123,127,121,123,165,173,178,176,170,165,125,123,121,120,121,127,170,178,183,186,183,183,189,194,191,189,183,183,191,202,204,199,194,189,178,131,173,181,183,186,186,186,183,181,183,189,194,191,194,196,194,194,191,191,191,186,176,176,189,199,202,202,202,202,194,186,181,174,169,176,199,123,100,106,186,181,128,127,186,202,202,199,199,202,207,209,204,202,199,194,191,191,189,183,183,189,189,183,181,181,181,181,178,181,186,194,196,191,185,185,189,194,196,191,186,186,189,191,199,204,199,186,181,181,183,189,194,194,196,196,196,202,207,209,209,204,204,207,199,189,189,196,207,209,207,205,205,209,209,209,207,207,204,204,204,204,204,202,199,202,204,209,212,215,217,220,222,222,222,215,212,209,207,207,207,207,209,209,207,209,209,209,209,209,209,212,212,212,212,212,212,212,212,212,212,212,209,207,209,217,212,204,199,196,192,192,194,202,207,207,202,186,133,135,183,186,186,183,139,138,139,186,194,196,196,196,199,204,209,209,209,209,212,212,209,209,212,215,217,217,217,217,222,222,225,228,230,230,230,230,228,228,230,230,230,230,228,225,217,212,212,212,209,199,192,190,192,204,217,222,222,217,222,215,199,191,189,190,194,194,191,186,181,181,181,181,181,181,181,178,178,178,176,170,168,165,168,170,170,163,119,115,111,107,101,99,101,101,99,99,101,103,107,113,119,160,165,168,168,168,168,168,173,176,176,178,178,178,181,176,165,119,112,111,113,117,123,165,168,168,168,168,165,125,123,121,119,117,119,123,127,170,173,170,168,170,178,181,181,176,176,176,181,191,196,199,202,202,199,196,199,199,194,189,191,194,189,183,185,189,191,194,196,199,196,194,194,194,196,196,196,196,196,194,191,191,194,196,199,199,196,195,196,202,204,204,202,202,202,202,199,199,202,202,196,191,186,186,186,186,183,186,191,196,202,202,199,199,196,191,183,137,141,199,207,215,217,217,222,222,215,207,199,199,202,199,196,196,196,194,194,191,189,139,134,134,141,194,202,202,199,199,199,202,202,202,202,204,204,204,204,204,204,202,204,199,189,185,185,189,199,202,199,196,196,194,194,191,191,191,194,194,191,186,185,186,191,191,194,194,189,185,185,186,186,186,186,186,189,194,196,196,199,199,194,187,186,187,194,196,196,194,194,191,190,190,194,196,202,202,199,196,191,191,194,196,196,191,187,187,187,187,187,189,191,194,191,189,186,183,183,186,194,196,196,194,194,194,194,191,189,186,186,189,194,194,191,186,186,183,186,183,178,131,123,121,127,173,127,123,120,121,123,123,127,183,191,191,189,181,135,135,178,186,191,191,189,191,194,191,183,137,135,133,129,133,137,186,191,191,189,186,189,199,202,199,196,199,204,202,202,204,207,204,196,186,185,185,189,194,196,189,183,182,183,191,196,196,194,194,189,181,178,179,183,186,189,191,196,202,202,196,194,194,196,202,202,202,199,199,202,202,199,196,194,191,189,186,183,181,179,182,186,189,191,191,186,183,183,189,189,189,186,178,133,133,181,183,181,183,186,183,183,186,196,207,212,209,196,183,181,183,178,176,133,176,186,194,199,199,194,189,186,186,189,186,183,181,135,135,134,133,135,186,196,202,202,199,191,183,182,186,196,204,207,204,202,199,194,191,189,189,189,186,183,183,183,181,137,137,186,194,196,196,196,199,202,204,204,204,207,204,199,194,194,196,199,199,196,194,189,185,185,189,194,199,199,199,194,192,194,196,199,199,196,196,196,202,202,199,199,199,196,194,191,196,194,183,137,139,191,199,207,196,137,131,131,133,181,194,207,204,191,183,191,204,204,199,196,199,196,191,186,137,133,135,186,191,194,196,194,183,130,127,128,130,133,139,183,183,186,191,194,199,199,196,199,207,212,215,212,209,207,207,207,207,209,212,212,209,207,207,207,207,202,196,189,190,194,199,202,199,196,204,212,215,217,222,222,215,202,191,186,186,189,194,194,191,189,140,138,141,194,196,191,186,139,137,139,189,194,202,212,217,217,209,203,202,204,209,212,215,212,207,203,203,207,215,222,222,217,215,209,204,202,202,199,196,191,189,187,187,189,190,194,199,199,196,191,189,191,194,199,202,204,204,199,194,186,186,183,0,152,0,165,181,178,165,168,173,165,160,0,176,181,183,183,189,189,189,189,191,196,202,204,204,204,204,207,212,217,225,228,230,230,230,228,230,233,238,246,251,251,246,243,243,246,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,212,212,207,199,191,0,0,0,0,0,0,209,202,196,191,191,194,194,0,0,0,0,0,217,225,225,222,215,215,215,212,215,225,222,204,183,176,178,183,191,202,212,217,222,225,0,0,0,0,243,246,251,248,243,248,248,243,243,251,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,181,189,199,202,176,108,40,0,0,0,0,0,0,129,189,194,178,126,152,165,183,178,177,181,183,178,183,194,194,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,118,129,144,157,170,173,176,181,178,157,146,152,157,157,155,117,119,121,121,121,120,121,168,178,183,178,125,113,115,123,168,173,176,173,165,123,123,125,165,170,178,178,173,170,165,125,125,165,168,125,121,121,119,118,119,123,165,170,170,168,168,121,113,113,123,178,191,191,191,191,194,194,196,196,191,176,121,116,117,119,119,121,165,123,115,113,114,119,123,119,116,116,119,121,127,178,186,189,194,196,194,186,176,173,176,181,181,181,178,170,121,111,119,186,199,199,196,189,178,125,117,113,117,129,178,178,129,127,131,186,202,207,204,202,196,196,199,202,204,202,198,198,202,204,202,196,196,202,204,202,199,196,195,196,196,90,85,88,101,123,119,98,118,176,191,196,191,178,127,125,173,186,194,196,199,202,207,207,191,123,121,123,173,181,181,181,183,186,183,176,165,115,101,93,93,99,168,189,191,191,194,194,189,189,186,183,186,189,181,125,114,123,170,170,178,196,199,186,117,108,111,165,189,199,202,202,202,194,191,183,170,123,119,121,176,194,199,196,183,168,117,112,111,100,119,170,173,173,181,183,178,178,178,181,183,181,176,165,119,118,119,121,117,116,117,115,114,117,119,121,160,168,173,173,168,160,121,163,170,178,183,186,183,181,176,168,165,165,168,170,170,173,178,183,178,170,173,178,173,117,102,103,125,173,170,170,173,178,181,178,168,123,168,183,196,202,215,217,204,173,115,105,95,92,107,157,176,178,173,168,165,170,178,181,189,212,170,76,101,147,150,147,150,160,165,163,157,152,144,106,107,147,150,152,157,147,103,61,55,85,160,165,160,157,157,163,170,173,176,181,186,183,165,48,34,67,101,109,119,165,173,181,189,189,181,165,119,121,165,170,168,173,181,186,178,125,123,127,173,176,173,173,176,176,129,129,173,181,189,191,186,178,178,183,191,199,194,181,173,173,129,117,110,112,170,189,191,186,178,178,176,173,170,176,183,183,181,176,176,178,183,186,186,183,176,125,109,92,117,176,176,178,173,117,95,103,173,191,196,199,202,202,202,202,204,207,207,204,199,196,196,196,199,202,202,207,202,199,202,204,202,202,204,204,207,204,202,204,196,189,191,196,194,183,111,75,22,0,0,25,79,109,117,123,170,170,168,168,165,123,121,123,125,125,125,117,117,119,123,170,168,168,178,186,189,191,191,181,170,173,183,194,199,202,204,207,207,204,199,196,196,202,202,189,170,127,129,176,178,178,183,186,194,199,196,186,121,111,111,117,127,168,127,125,125,170,178,178,178,183,194,204,209,212,209,207,204,199,186,133,178,189,191,191,191,191,191,191,196,202,202,199,199,202,202,202,204,207,207,202,202,202,207,207,199,194,196,194,183,129,124,123,123,127,135,183,191,196,196,189,189,194,199,191,178,131,128,133,183,189,186,181,183,186,186,191,202,207,204,194,186,183,186,189,183,181,189,196,191,178,172,178,181,174,173,176,183,189,191,194,196,194,190,190,194,194,189,183,173,129,173,181,186,186,189,191,196,196,194,191,189,183,181,176,125,122,125,131,173,129,125,123,123,123,125,176,191,202,199,189,181,186,194,194,191,186,183,189,119,80,80,170,189,178,170,178,178,176,176,183,194,196,196,189,189,186,183,186,191,196,196,186,122,116,119,176,189,191,194,199,189,178,170,165,164,166,170,170,125,124,127,168,168,173,183,178,125,117,121,170,178,176,127,122,123,168,173,170,170,173,181,178,178,178,176,183,189,181,125,122,121,125,176,186,178,168,124,124,129,178,186,189,194,199,204,204,204,199,196,191,183,181,178,183,189,186,181,170,170,178,183,183,173,127,127,123,121,123,123,119,118,123,168,173,170,127,123,122,123,121,120,120,123,170,176,178,183,183,186,191,194,191,189,186,189,196,204,202,189,176,173,173,176,183,191,189,186,183,181,181,181,183,189,191,191,191,191,190,191,194,196,199,189,176,174,183,194,199,199,202,199,191,183,186,181,172,178,209,129,94,98,191,189,133,128,181,199,199,194,191,194,202,209,212,215,209,199,191,194,191,183,181,181,183,181,181,181,181,177,176,178,189,196,196,191,186,186,191,194,194,191,191,191,189,186,191,199,194,183,181,182,186,191,196,196,199,199,199,202,207,209,207,204,207,209,202,191,189,194,204,209,209,207,207,209,212,212,209,209,207,204,204,207,209,209,209,209,209,212,215,217,222,222,222,222,217,212,205,205,207,207,207,207,207,207,205,207,209,209,209,207,207,204,207,209,212,215,212,212,209,209,212,215,217,217,222,225,215,207,204,199,192,191,192,199,209,212,209,199,189,183,137,137,137,139,138,138,139,189,194,196,196,196,202,207,209,212,209,209,212,212,209,209,212,217,222,222,217,217,217,217,222,225,228,230,230,230,230,230,228,228,230,230,230,228,225,217,217,220,215,202,191,186,189,198,212,217,217,217,220,215,204,196,191,191,194,194,189,183,181,181,181,181,181,181,181,181,178,176,173,170,165,165,168,168,163,117,111,107,105,99,93,92,95,99,99,99,99,103,107,111,119,163,165,168,168,168,165,165,165,168,170,173,173,173,168,165,123,117,113,112,115,119,123,123,125,123,122,123,123,123,121,117,116,116,117,119,121,125,129,170,168,173,178,183,181,178,178,178,183,189,194,199,202,202,202,199,199,199,196,194,196,196,189,181,185,189,194,196,196,196,196,196,194,194,196,196,196,196,196,194,191,194,196,202,204,204,202,199,196,196,199,199,199,202,202,202,199,199,202,202,196,189,183,181,181,183,186,191,194,196,194,194,194,194,191,183,131,129,131,186,199,207,212,217,222,222,217,209,202,199,199,194,191,189,189,191,191,189,186,139,139,141,194,202,209,209,207,204,202,202,202,202,204,204,202,199,199,199,202,204,204,204,196,189,189,194,199,202,202,202,202,199,199,199,199,199,204,204,202,194,191,191,194,194,194,194,189,185,186,189,189,189,191,194,194,199,199,196,199,199,196,191,187,189,194,196,196,194,191,191,191,194,196,199,199,199,194,189,181,181,186,194,194,191,189,189,189,189,189,189,191,194,194,194,191,186,185,186,191,196,196,194,194,191,191,191,191,189,191,194,196,196,194,191,186,186,183,176,127,120,119,120,127,176,127,120,119,121,123,121,121,133,189,194,194,191,183,183,189,199,202,204,202,204,202,199,194,186,181,133,133,181,194,199,199,194,185,185,189,199,204,199,199,204,204,202,199,202,204,202,191,185,186,189,189,189,189,186,183,182,182,191,199,199,196,194,186,179,178,181,186,189,189,191,196,199,196,186,181,183,191,199,202,199,199,196,196,194,191,186,183,183,181,181,183,183,186,191,191,191,191,191,189,186,186,191,194,196,199,189,181,181,181,181,178,183,191,191,189,191,202,212,215,209,194,178,133,129,125,121,121,121,133,189,199,199,194,186,181,183,189,191,191,189,183,178,178,134,134,183,194,202,202,199,191,183,183,189,199,204,204,204,204,204,204,202,196,194,191,189,181,135,133,133,133,137,186,194,196,196,199,202,204,204,202,202,204,204,199,194,192,196,199,202,202,199,186,182,183,189,196,202,202,199,194,191,191,192,196,196,196,196,202,204,204,202,202,202,199,194,191,194,191,138,136,139,189,199,207,207,196,186,137,133,133,181,196,196,183,137,189,204,204,196,191,194,191,189,181,131,125,125,131,135,137,183,186,181,130,127,128,130,133,137,139,183,186,189,194,196,196,194,194,204,212,215,209,202,199,202,204,207,204,204,204,204,204,202,202,202,204,202,194,191,191,194,194,191,189,196,207,215,215,217,217,215,207,194,189,187,194,199,199,196,191,183,183,189,194,194,189,189,186,141,143,194,199,204,209,217,220,212,204,204,207,209,215,215,212,207,203,203,204,209,215,217,217,212,209,207,204,204,204,202,196,191,189,189,189,190,191,194,196,194,189,187,189,191,196,199,204,204,199,191,186,183,181,0,150,0,0,173,168,163,168,176,165,160,168,176,181,181,183,191,194,194,189,189,194,196,199,202,204,207,209,212,217,225,228,230,230,228,228,225,228,235,241,246,246,243,243,243,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,217,215,204,194,0,0,0,0,0,0,0,194,191,194,202,202,196,194,191,0,0,0,222,225,222,222,222,217,215,212,212,222,222,207,186,176,176,181,186,191,202,212,217,222,0,0,0,0,0,0,251,248,243,248,248,243,242,248,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,176,191,194,199,209,220,199,212,108,0,0,0,0,0,1,155,178,51,48,124,176,186,183,183,191,191,183,186,196,194,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,51,61,134,147,173,176,178,183,178,155,147,152,157,163,163,157,157,121,120,119,119,120,163,178,186,183,178,165,123,125,170,176,173,125,119,117,119,119,123,173,181,181,176,168,125,125,165,168,170,165,125,170,170,168,170,178,183,181,178,176,178,168,117,117,125,178,189,191,191,194,194,186,181,181,181,168,121,117,121,123,121,121,165,165,119,114,115,123,165,123,117,117,121,168,176,186,191,194,194,194,191,181,127,123,127,127,123,127,168,125,111,93,101,170,189,191,189,189,127,106,85,105,131,178,178,176,129,127,133,194,204,207,207,204,199,196,199,204,207,202,199,199,202,202,196,192,194,202,202,199,199,196,196,199,199,93,95,127,170,168,125,119,123,170,183,186,178,123,117,127,183,191,196,199,199,204,207,199,173,115,122,173,183,181,173,173,178,178,173,170,165,115,105,93,65,71,117,189,194,189,191,194,191,189,186,181,176,173,168,168,168,170,165,120,121,176,186,173,115,108,105,119,189,194,194,194,186,178,163,117,104,106,117,119,163,181,191,178,123,115,109,107,112,165,176,183,183,173,170,170,165,168,176,183,189,183,176,163,118,118,163,123,116,115,117,115,112,115,160,168,176,186,183,173,165,117,121,165,176,189,194,194,194,191,189,178,165,163,168,170,170,165,170,170,164,163,168,170,123,115,111,119,170,176,173,170,173,176,181,178,170,173,186,202,204,209,220,225,215,165,105,93,75,65,168,202,194,176,150,71,160,176,183,186,194,204,155,91,107,144,147,163,170,163,165,168,157,150,144,106,106,147,160,155,103,107,103,83,55,61,160,163,160,160,163,173,178,181,181,189,194,194,194,83,32,57,99,107,157,173,181,183,186,186,178,165,119,119,123,165,170,178,183,181,170,121,124,170,170,170,173,176,178,178,178,178,181,186,194,196,191,183,183,189,196,202,202,191,181,181,173,127,117,110,115,178,183,181,181,178,170,123,125,176,183,183,183,181,181,183,186,186,186,186,173,123,125,186,196,191,189,186,173,57,50,95,173,186,196,196,199,199,196,199,202,204,204,199,196,196,196,196,199,199,204,209,209,207,204,202,200,200,202,202,204,204,207,207,204,199,199,202,199,199,207,215,202,55,0,55,111,111,111,165,178,178,176,176,170,165,123,123,123,125,125,116,110,110,119,170,176,181,186,186,183,181,176,168,125,125,168,178,189,196,202,207,207,204,196,191,196,207,204,186,129,126,128,176,173,170,173,173,173,178,178,125,115,110,110,119,127,125,121,113,113,123,176,183,183,189,199,207,209,209,207,207,207,199,186,131,176,186,191,191,191,191,187,186,189,199,202,204,207,207,207,204,209,215,215,209,204,204,207,207,194,189,191,189,178,127,124,124,125,127,131,178,189,194,191,181,133,178,183,181,133,129,128,130,178,189,181,130,181,191,178,176,189,196,194,189,189,191,196,196,189,183,186,196,194,181,173,173,176,176,176,176,181,183,189,194,194,194,191,191,194,194,191,191,181,176,181,189,194,194,196,199,199,199,194,191,194,191,189,183,176,129,129,173,178,131,125,127,125,122,123,173,186,189,186,181,181,183,189,194,191,186,186,191,189,88,78,103,186,189,186,191,189,176,174,183,194,196,196,186,181,181,183,186,189,191,191,178,127,127,181,189,186,181,186,194,196,194,186,173,168,168,170,168,125,124,124,127,170,181,189,189,178,168,168,176,181,178,168,122,125,170,173,170,170,170,168,170,170,170,170,181,194,189,173,125,122,125,173,178,181,173,127,127,129,178,183,189,196,204,207,207,202,202,202,202,202,199,194,194,191,186,178,176,176,178,178,176,173,170,170,170,125,121,119,118,117,121,170,176,170,127,127,125,123,121,120,119,121,168,176,176,178,181,186,186,189,186,183,183,189,199,202,191,127,109,109,129,186,194,194,191,183,178,178,177,178,181,186,191,191,191,191,190,191,196,199,196,189,178,178,183,189,191,194,194,194,189,183,186,189,181,181,202,202,106,111,189,186,133,129,181,199,196,183,182,189,202,209,215,222,215,202,194,194,191,186,178,135,178,178,178,183,186,183,178,181,189,194,194,189,186,186,186,186,186,189,189,186,181,181,186,191,189,183,182,183,189,194,196,196,194,196,196,196,202,207,207,207,209,207,191,183,183,191,202,209,212,207,207,209,212,212,212,209,207,207,209,209,212,212,212,215,215,215,217,222,222,222,217,215,212,209,204,204,207,209,209,209,209,209,207,207,209,209,207,204,199,199,202,209,215,215,215,209,204,202,204,212,217,222,225,222,215,209,209,204,199,194,196,204,212,215,209,204,199,191,139,134,135,183,183,139,183,191,196,196,194,194,196,204,209,212,212,209,209,209,207,207,212,215,220,222,217,217,216,216,217,222,225,228,230,230,233,230,230,228,230,230,230,230,230,228,225,225,228,222,215,204,199,202,209,215,217,222,217,215,212,204,199,194,191,191,189,186,181,178,178,178,178,183,183,178,176,170,168,165,165,165,165,165,157,115,109,103,97,92,91,91,93,97,99,98,98,101,105,111,157,163,165,165,168,168,165,163,121,119,121,168,173,165,123,121,119,117,115,115,117,121,123,123,123,123,122,123,123,123,121,117,116,117,117,117,116,119,127,173,173,176,181,183,181,181,181,183,186,189,191,196,199,202,199,196,196,196,194,194,196,196,194,186,189,189,191,196,199,194,194,194,199,199,199,196,196,196,194,191,191,194,199,202,204,204,204,204,196,194,194,196,199,202,204,202,199,199,202,199,194,186,181,137,137,181,186,191,194,191,189,186,189,189,186,139,131,129,131,139,191,202,209,212,215,217,217,212,202,194,191,186,138,138,141,189,191,189,186,186,189,194,202,204,209,209,207,204,204,202,202,204,204,204,202,196,191,194,199,204,207,207,204,202,199,202,202,202,202,202,199,202,202,204,204,204,207,209,209,204,199,196,196,196,194,191,186,186,189,191,191,191,194,196,202,202,202,199,196,199,199,196,191,191,196,199,199,196,194,194,194,196,196,196,196,196,191,183,178,177,181,189,194,191,191,191,191,191,191,191,194,194,194,191,191,189,186,186,191,194,196,196,194,189,189,189,189,191,191,191,194,196,196,191,183,176,129,127,125,119,117,120,127,173,127,119,119,125,127,122,121,131,186,194,196,194,191,186,189,196,202,202,199,199,199,199,196,194,189,137,137,189,199,199,196,191,185,186,194,204,209,204,202,204,202,196,191,194,199,196,189,185,186,191,189,183,183,186,186,183,183,191,196,199,194,191,186,183,181,186,191,191,191,194,196,196,186,133,127,131,183,191,194,196,196,196,196,191,186,181,181,181,179,178,179,189,196,196,191,190,191,194,194,191,189,191,196,199,202,194,183,178,135,178,181,186,196,199,199,202,207,207,207,202,181,125,117,117,117,115,114,119,127,183,194,196,191,183,176,174,181,189,189,189,186,186,183,181,181,186,194,199,199,196,191,183,181,183,191,199,202,204,202,202,204,204,202,196,191,189,181,131,129,129,132,137,183,189,191,196,199,204,204,202,202,199,202,202,196,194,194,194,199,202,204,202,191,183,185,191,199,199,199,196,194,192,192,192,196,196,194,194,199,202,204,204,204,202,199,191,189,191,189,138,137,139,189,194,199,202,196,189,181,137,135,133,181,181,135,135,186,202,207,199,191,189,186,183,181,133,125,125,127,129,129,135,183,183,181,135,181,183,181,183,183,186,186,189,194,194,191,190,194,204,212,215,212,204,196,199,204,204,199,194,196,199,199,196,196,199,204,207,202,196,191,190,191,194,191,189,194,204,209,209,212,215,209,199,191,189,191,194,199,199,194,191,191,196,196,191,186,186,189,191,196,202,204,204,209,222,225,217,215,212,212,215,217,217,212,207,203,203,207,212,215,215,215,212,209,209,207,207,209,207,204,202,196,194,191,191,194,196,196,194,191,189,191,191,194,196,199,202,196,194,189,186,178,0,152,0,0,157,157,157,168,173,165,0,170,176,178,178,183,191,199,199,194,191,194,194,194,199,204,209,212,212,215,222,228,230,230,228,225,225,228,233,241,243,243,243,243,243,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,228,222,207,194,0,0,0,0,0,202,194,186,186,194,204,207,202,194,186,189,0,0,0,217,215,217,222,222,215,209,209,212,217,215,196,176,170,176,181,183,189,202,212,217,0,0,0,243,0,0,251,246,243,246,246,243,242,246,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,255,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,178,189,194,196,207,212,207,204,82,0,0,0,0,0,0,0,0,0,0,77,173,186,189,189,191,194,191,194,191,181,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,71,150,170,176,178,173,155,150,152,157,163,165,160,160,163,160,121,121,121,123,176,186,186,181,173,170,170,176,178,173,125,117,117,117,116,117,168,178,181,176,168,121,123,165,168,125,120,121,178,183,181,186,191,194,189,183,181,181,170,119,117,123,173,181,186,189,189,183,170,165,168,170,165,123,121,125,125,123,119,121,123,119,115,117,123,165,125,121,119,123,170,181,191,196,196,191,189,183,168,118,118,121,121,119,121,129,125,86,54,61,109,176,178,173,129,117,107,97,111,176,181,176,173,131,131,181,199,207,209,212,209,202,196,199,204,207,204,199,202,202,199,194,192,194,196,199,199,196,196,199,199,196,173,125,176,178,176,176,173,168,127,127,123,99,82,91,168,191,199,199,199,202,207,204,189,125,122,173,189,194,181,165,165,173,173,165,165,168,119,107,99,88,101,168,183,189,189,191,194,191,186,181,173,168,121,121,168,181,183,123,113,114,121,170,168,121,115,109,121,178,178,178,176,163,117,111,106,103,107,121,107,83,79,103,111,113,113,113,117,176,186,194,199,186,165,123,121,117,121,170,181,183,178,168,121,119,123,170,168,117,116,119,119,114,117,173,191,196,196,186,165,111,107,117,165,178,194,199,196,196,199,196,183,163,121,163,168,168,163,165,165,164,164,168,165,121,119,119,123,168,170,170,170,173,176,181,178,173,178,196,207,209,209,222,228,217,115,95,93,84,84,204,209,196,115,91,13,61,183,183,183,189,168,89,95,160,150,110,157,165,157,160,160,152,147,147,111,109,150,157,152,103,97,83,65,54,53,69,99,160,163,165,176,181,178,183,191,196,199,189,91,62,91,105,109,163,176,176,170,168,168,168,165,123,118,121,163,168,176,178,176,165,123,125,170,169,169,173,176,178,181,181,181,186,194,199,199,196,189,189,191,196,202,202,194,183,178,170,127,117,109,110,123,168,170,178,178,170,123,123,170,181,186,186,186,186,183,183,183,183,178,125,121,173,194,202,199,196,191,181,64,53,95,186,194,199,199,199,199,196,196,202,202,202,199,199,196,196,199,199,202,204,209,209,204,202,202,202,204,204,202,200,202,204,207,207,204,202,202,199,199,209,215,209,85,6,81,107,109,111,165,178,178,178,173,168,125,123,123,125,168,168,123,114,113,121,168,176,186,191,183,176,168,125,123,122,122,123,170,178,189,196,202,204,199,189,186,194,202,196,183,129,127,127,129,168,168,168,168,125,123,124,125,117,111,113,125,168,119,112,109,110,115,173,189,191,191,196,204,209,209,204,204,207,199,183,131,133,186,194,196,194,191,189,186,189,196,199,202,204,207,204,204,209,215,215,207,203,203,207,204,196,189,189,186,178,129,127,127,127,129,133,186,199,199,186,131,125,127,133,133,131,130,131,133,176,178,130,126,178,194,181,133,181,186,189,186,189,196,199,196,191,183,181,186,181,173,170,172,173,176,176,176,178,183,189,194,196,199,196,194,194,194,191,186,178,176,181,191,194,194,194,196,196,196,191,194,196,196,194,189,181,176,173,176,178,173,131,176,173,127,127,176,181,181,178,178,178,178,186,191,191,186,186,189,186,98,89,113,186,191,194,196,191,176,174,181,189,191,189,181,174,176,178,181,181,181,181,176,170,173,183,186,178,173,176,189,202,204,202,189,176,170,170,129,125,124,125,168,176,183,189,189,186,181,178,181,183,183,176,168,170,176,173,173,170,168,166,168,168,168,170,183,191,186,173,127,125,127,170,173,176,176,170,170,170,176,181,189,199,209,212,204,199,202,207,209,209,207,202,199,196,189,181,181,181,178,176,173,173,176,178,181,173,123,119,119,119,123,170,173,170,168,170,170,127,123,120,119,121,170,178,178,173,173,173,178,178,178,176,176,181,191,191,131,107,102,103,176,194,196,194,189,183,178,178,178,178,178,181,186,189,191,194,191,191,191,183,129,127,178,189,183,183,183,183,186,191,194,196,196,194,189,189,202,202,123,131,194,186,129,129,183,196,194,182,181,186,199,209,212,217,215,204,196,191,189,183,135,134,135,178,181,189,196,196,194,191,189,183,183,183,183,186,186,181,178,178,178,178,176,176,181,183,183,183,182,183,189,191,191,191,189,191,194,194,199,202,207,212,209,196,117,123,135,186,199,209,212,212,209,212,215,215,215,212,212,212,212,209,207,204,209,212,215,217,217,222,222,217,212,209,209,209,207,207,212,212,212,212,212,212,209,209,209,207,204,199,195,194,196,207,215,217,215,209,202,199,202,209,215,220,222,217,212,212,212,209,209,207,207,209,212,215,209,204,202,199,186,135,135,139,186,186,189,194,194,194,194,194,199,204,209,212,212,209,209,207,204,204,207,209,212,217,217,222,217,217,217,217,222,225,228,230,233,233,230,230,230,233,233,235,233,230,228,230,233,233,228,217,212,209,209,212,215,217,217,217,212,209,202,194,191,191,191,189,183,178,176,173,176,183,183,178,173,165,163,163,165,165,163,160,117,111,107,101,95,91,91,91,92,95,99,98,99,101,105,111,157,160,160,163,165,165,165,160,118,116,118,168,170,165,119,118,119,121,119,119,121,125,125,125,165,168,168,168,168,127,125,121,119,121,121,117,116,117,127,173,173,176,183,186,186,186,186,189,191,191,191,194,199,202,202,199,196,196,196,194,196,196,196,191,191,191,194,196,199,194,192,194,199,202,202,199,199,196,194,191,191,194,199,202,204,204,207,207,199,192,194,196,196,202,204,202,196,196,199,196,191,183,181,137,137,181,183,189,191,191,189,186,186,186,183,139,137,133,135,141,191,199,204,209,212,215,215,212,204,194,189,141,137,137,141,189,189,189,189,191,196,202,204,207,207,209,207,207,207,207,207,204,204,202,196,191,186,189,196,204,204,207,207,209,212,209,202,199,199,196,196,196,204,207,209,209,209,209,212,209,204,202,199,196,194,191,189,191,194,194,194,194,196,199,202,202,202,199,196,196,199,199,196,196,199,199,202,202,199,196,196,196,196,196,196,194,191,186,179,178,181,189,191,191,191,191,191,194,194,196,196,194,189,186,186,186,186,189,191,194,196,196,194,191,186,183,183,183,186,189,191,194,196,194,183,129,124,125,127,123,121,123,127,129,125,118,119,131,178,131,129,176,183,189,194,194,191,186,186,191,199,199,194,186,181,181,186,191,189,183,181,189,191,189,187,189,191,194,199,207,212,209,204,204,199,191,187,187,191,191,189,185,189,191,191,186,181,183,186,189,189,191,196,196,194,191,189,189,189,194,196,194,194,196,196,191,135,126,124,127,178,186,189,189,191,194,194,191,189,183,183,181,181,178,179,191,199,194,190,190,194,199,202,196,189,186,191,196,194,189,181,135,135,178,186,194,202,202,199,199,199,194,186,178,127,117,113,114,115,114,115,121,133,181,186,191,191,183,176,173,178,181,181,181,186,189,189,186,186,189,191,196,199,196,191,183,181,181,186,194,199,202,199,199,199,196,196,194,194,191,181,132,130,132,135,137,139,183,186,191,202,207,204,202,196,196,196,196,196,194,194,196,199,204,207,207,199,191,191,196,199,196,194,194,194,192,194,194,194,194,194,194,194,196,199,202,204,204,196,191,189,191,191,139,137,139,186,189,191,194,191,186,183,181,135,133,132,132,131,133,183,196,202,199,194,189,183,181,181,178,133,127,125,125,129,135,186,191,191,189,191,191,189,191,191,194,191,189,191,191,190,190,196,207,212,212,215,207,199,196,202,202,196,192,191,194,196,196,196,199,204,209,207,199,191,190,191,196,194,189,182,189,199,204,209,212,209,199,191,186,186,189,194,194,194,191,196,199,196,191,186,185,189,194,199,204,204,204,212,228,230,225,222,217,217,222,222,222,215,209,204,204,209,212,215,215,215,212,212,209,209,209,209,212,209,207,204,199,196,196,196,199,196,196,194,194,194,194,191,191,194,194,194,194,191,186,181,0,0,0,0,0,147,147,163,173,168,168,176,176,173,174,178,191,202,204,202,199,194,192,192,196,202,209,212,212,215,217,225,228,228,225,222,222,228,233,238,243,243,243,243,246,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,233,230,222,207,196,0,0,0,0,0,0,189,181,183,194,204,207,202,194,186,189,0,0,0,209,204,209,225,228,0,209,204,204,212,215,202,173,160,163,168,173,181,191,204,215,225,0,0,246,248,254,251,246,241,241,246,246,246,254,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,255,0,248,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,186,199,202,202,202,194,100,0,0,0,0,0,0,0,0,0,0,0,0,129,176,186,191,196,194,191,194,194,186,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,137,157,168,168,160,152,150,152,155,160,160,157,160,163,160,160,163,123,121,168,181,181,176,170,173,173,176,176,170,123,117,119,119,115,115,123,173,176,176,170,117,115,125,165,120,118,121,181,186,189,194,196,196,194,189,186,183,170,117,116,119,125,170,176,178,176,125,119,119,125,168,168,121,120,121,125,125,121,119,119,119,117,119,123,125,165,125,121,125,170,181,194,199,196,191,186,173,119,116,118,127,129,127,129,173,129,91,71,83,119,127,127,121,119,117,117,113,127,176,176,129,129,173,178,189,202,207,209,215,215,204,196,196,202,207,207,202,202,202,199,196,194,194,196,196,194,194,199,199,194,178,121,115,127,176,181,186,181,173,123,117,109,85,71,79,176,196,199,196,196,202,207,202,181,127,176,191,199,202,183,121,125,173,173,123,123,173,168,113,107,119,176,178,181,183,186,189,189,183,173,168,165,123,119,119,168,194,199,123,112,114,163,176,173,170,165,121,121,123,121,163,165,117,109,107,109,107,113,117,95,74,75,92,99,105,123,176,183,194,194,196,194,119,97,107,113,113,119,165,173,176,170,123,117,117,123,168,168,121,117,119,160,160,160,178,196,204,199,176,87,76,95,115,163,176,189,194,194,196,202,199,181,121,117,121,163,165,163,165,170,173,170,168,125,121,123,123,125,168,170,170,170,170,176,178,176,176,181,196,207,209,209,220,222,196,79,78,95,97,115,207,207,199,168,115,3,2,75,81,150,157,79,71,95,176,150,110,147,155,155,157,160,152,147,111,147,147,152,155,152,111,103,79,65,56,51,48,51,152,157,165,173,168,163,173,189,194,191,99,87,103,160,115,107,157,165,160,118,118,121,165,170,170,163,163,163,123,165,168,168,125,125,170,170,168,166,170,178,178,176,173,178,189,199,207,204,199,194,191,191,191,196,196,191,181,170,125,119,113,109,109,113,117,123,168,173,168,123,123,127,176,181,186,189,186,181,178,178,176,123,111,115,176,196,202,199,199,199,196,89,75,115,189,196,202,202,199,199,196,196,199,202,202,202,202,202,202,202,204,204,207,207,202,198,196,199,207,212,209,202,200,202,204,207,209,207,202,199,195,195,204,212,212,121,53,97,103,107,111,119,165,170,170,165,123,121,121,125,168,176,181,181,176,173,168,168,170,183,191,178,170,125,123,121,121,122,123,127,173,178,186,191,194,191,181,178,183,189,186,178,170,128,128,129,168,168,170,127,124,122,123,176,181,127,127,170,125,115,111,111,112,117,178,194,196,194,194,199,207,209,202,202,204,196,178,129,133,186,194,196,194,194,194,189,191,196,199,199,202,202,202,202,209,215,212,207,203,203,204,204,199,194,189,183,181,178,133,131,131,131,135,191,204,199,178,124,123,124,127,131,131,133,178,178,176,133,129,127,181,194,183,133,178,183,186,186,189,196,196,194,191,183,178,173,172,169,172,176,178,178,176,173,173,183,191,196,199,202,199,196,194,189,183,181,178,176,181,189,191,189,189,189,189,189,189,191,196,196,194,191,186,183,181,178,176,176,178,186,186,181,176,173,176,178,178,176,170,129,176,186,189,183,178,176,170,103,98,117,183,191,194,199,194,178,174,176,181,181,181,176,174,174,178,176,173,170,173,173,170,173,178,178,173,128,170,186,199,204,202,191,181,173,170,129,125,124,127,173,178,178,178,178,183,183,183,183,183,183,181,181,181,181,176,176,176,176,173,170,166,166,173,183,183,173,121,119,127,173,173,170,170,173,173,170,129,129,173,189,204,215,215,202,199,202,209,212,212,209,202,202,199,196,189,186,183,178,170,176,181,181,186,189,183,168,125,125,123,125,168,170,168,170,173,176,168,125,123,123,123,168,178,178,129,121,119,125,127,125,123,127,173,183,181,127,111,106,111,181,194,194,186,183,183,181,183,186,183,181,178,178,183,189,189,189,191,186,115,88,88,115,183,178,178,178,178,181,189,202,207,202,191,189,191,196,194,189,196,199,186,131,131,183,194,194,186,182,183,194,204,204,207,209,204,196,189,183,178,135,135,178,181,186,191,199,204,204,199,189,176,133,176,181,186,186,183,176,133,133,133,133,176,178,183,183,183,183,183,186,186,189,189,189,191,196,199,199,202,207,209,199,121,99,111,129,183,196,209,215,215,215,215,217,217,217,215,215,217,215,207,199,199,204,209,212,212,212,212,215,212,209,207,209,209,212,212,212,212,212,215,215,215,209,207,207,204,202,196,194,194,196,207,217,220,217,209,202,200,204,209,215,217,217,215,212,212,212,215,217,217,215,215,215,215,209,204,199,196,191,137,134,136,183,189,191,194,194,194,196,199,204,209,212,212,212,209,209,207,204,203,203,204,209,215,222,225,225,225,222,222,222,222,225,228,230,230,230,230,230,233,235,235,233,230,228,230,233,233,230,225,222,215,212,212,212,215,217,215,212,209,204,196,191,191,191,189,183,178,176,173,176,181,183,178,170,163,123,160,163,163,160,119,113,107,105,103,99,95,93,95,95,97,99,99,99,103,107,113,157,160,157,157,160,163,163,121,117,116,119,168,173,168,123,121,123,125,123,121,123,165,165,165,168,170,173,176,173,170,168,127,125,123,123,121,121,123,129,173,176,181,186,191,194,194,194,194,194,194,194,194,199,202,202,202,199,199,196,194,196,199,196,194,194,191,194,196,199,194,192,192,199,202,202,202,199,194,191,190,190,194,196,199,202,204,207,207,199,192,192,196,196,202,204,199,194,194,194,191,183,137,135,135,137,181,183,186,189,189,191,191,189,183,139,183,186,186,189,189,191,199,204,207,209,209,207,204,199,196,196,194,141,140,186,189,191,191,194,199,204,207,207,207,209,209,212,212,212,212,209,207,204,202,194,186,183,185,194,199,199,202,207,215,220,215,202,195,195,195,194,195,204,212,215,212,209,209,212,209,207,202,199,196,191,191,194,196,196,194,194,196,199,199,202,202,202,196,195,195,199,204,204,202,202,202,202,204,204,199,194,194,196,199,199,196,194,191,186,183,186,189,189,189,189,191,191,194,194,196,196,194,183,179,179,181,189,191,191,191,196,196,194,191,183,178,133,176,183,186,186,191,196,194,186,133,124,125,129,129,127,127,131,173,127,119,120,133,186,183,178,181,181,186,191,196,196,191,189,191,196,196,191,181,177,177,179,186,189,186,186,189,187,185,185,189,196,202,204,209,212,207,199,202,199,191,187,186,189,191,191,189,191,191,191,183,178,135,181,189,194,194,196,194,194,191,191,194,196,199,199,196,196,196,194,189,131,124,124,129,178,183,183,183,186,189,194,194,191,186,183,183,183,178,179,196,202,194,189,191,199,204,204,196,186,181,183,189,189,183,135,133,135,183,189,196,199,194,189,186,183,176,127,125,125,119,114,114,114,114,117,125,176,178,176,181,189,186,178,174,176,176,174,174,183,194,191,186,186,186,189,194,196,194,191,186,182,182,183,191,196,196,196,191,186,181,181,191,199,196,189,181,181,183,186,183,183,139,183,191,204,209,204,199,194,191,191,194,196,196,196,199,199,204,207,207,204,199,196,202,202,196,192,194,194,194,196,194,194,192,194,194,192,192,192,196,204,202,196,189,187,194,194,186,139,183,189,191,191,191,191,189,186,183,137,133,132,131,132,133,137,183,191,196,191,186,183,178,135,178,131,123,122,125,131,181,189,191,194,191,189,191,194,199,204,204,196,191,194,194,191,194,199,204,204,202,209,204,196,194,199,202,199,194,191,192,199,199,199,202,207,212,209,202,191,190,191,199,199,191,183,183,191,202,212,212,207,199,191,186,182,183,186,189,189,191,194,196,196,194,189,186,189,191,196,199,202,207,215,230,233,228,222,217,217,225,225,225,215,209,207,207,209,212,215,215,215,215,215,212,209,209,212,212,209,209,207,204,202,202,202,202,196,194,196,196,196,194,194,189,187,189,191,194,194,189,183,176,0,0,0,0,142,139,152,165,165,168,178,178,172,170,176,189,0,204,207,204,199,194,192,194,199,207,212,215,215,222,225,228,225,222,220,222,225,230,235,241,243,243,243,246,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,233,230,222,209,202,199,196,189,189,0,0,0,191,194,202,207,204,199,191,183,183,0,0,0,207,199,207,0,0,0,209,199,196,204,209,202,176,155,152,155,165,178,189,199,212,225,235,243,246,248,254,254,246,238,238,243,243,251,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,255,255,255,255,251,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,186,199,202,196,191,98,0,0,0,0,0,0,0,0,0,0,0,0,0,51,144,170,191,196,191,189,191,204,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,118,139,150,152,152,152,152,150,148,150,152,157,157,156,156,157,157,160,168,163,121,168,181,178,168,168,168,168,168,170,165,119,116,119,119,116,115,119,125,170,176,173,111,108,117,125,121,119,123,173,183,189,196,199,199,194,191,189,186,168,117,116,117,121,165,170,170,121,113,113,121,168,173,170,121,118,119,165,173,170,125,123,121,121,123,123,123,123,125,123,125,170,178,191,199,199,194,186,170,119,119,129,183,183,181,181,178,176,176,186,204,199,176,127,121,123,127,176,176,178,178,129,126,126,129,176,189,202,209,212,217,217,209,199,195,199,204,207,202,202,202,199,196,191,196,196,194,191,194,199,194,121,97,74,77,112,170,186,194,186,173,123,113,113,107,81,89,186,196,196,194,194,202,204,194,178,176,189,196,202,204,186,121,123,176,176,115,114,178,186,123,117,168,178,178,173,173,178,181,173,123,115,111,119,123,123,121,165,189,191,163,118,163,189,191,181,173,170,163,117,113,113,163,176,163,111,111,119,121,119,115,107,95,99,107,97,97,165,189,191,194,189,178,115,90,84,95,115,119,119,121,168,173,168,121,115,117,123,165,165,123,119,117,160,165,170,178,189,196,194,119,81,78,101,117,121,163,173,181,183,189,196,194,176,115,111,115,121,123,163,168,176,178,173,125,119,119,123,123,125,165,168,170,168,168,168,170,170,173,178,189,196,199,202,199,173,72,48,54,87,101,155,191,191,189,165,160,8,5,10,3,0,12,63,77,91,107,113,111,113,150,152,160,165,160,150,111,150,155,157,160,160,160,150,103,93,85,69,51,50,91,111,157,163,117,113,157,178,181,103,73,82,163,170,117,107,115,157,119,117,117,160,168,173,178,183,178,165,119,118,119,123,125,168,176,173,165,164,170,181,176,121,117,123,181,196,204,207,204,202,196,191,189,189,191,189,178,127,119,113,111,110,112,115,117,121,125,127,127,123,123,125,168,176,181,183,183,178,173,168,123,99,97,105,176,194,199,196,196,204,202,170,111,125,183,196,204,202,199,196,196,199,199,202,202,204,204,207,207,207,207,207,207,204,199,196,196,202,209,215,209,204,202,204,207,209,209,207,202,196,192,192,199,209,207,178,91,101,105,109,109,108,115,123,121,118,118,119,123,168,176,183,189,194,196,194,183,173,170,178,181,178,173,127,125,123,123,125,127,129,170,170,173,181,183,181,173,170,173,176,178,178,178,173,173,170,170,170,170,127,125,125,170,186,199,199,183,168,117,115,121,170,129,173,186,194,196,194,194,196,204,204,202,196,191,183,131,129,178,189,191,191,194,194,194,191,194,196,196,199,202,202,199,202,207,215,212,207,204,204,207,204,202,196,186,183,183,183,183,183,183,181,181,191,202,194,131,123,123,124,127,129,131,176,178,181,176,133,132,133,186,189,181,133,176,181,186,186,189,191,191,189,186,181,176,172,170,170,176,181,181,173,129,125,125,173,186,191,194,196,194,189,186,181,178,181,181,181,183,186,189,186,183,181,181,181,183,189,194,194,194,194,191,191,191,181,174,174,183,189,189,186,176,129,173,178,181,178,127,109,99,115,181,181,127,121,117,105,102,117,178,189,194,196,191,181,174,176,176,176,178,176,176,176,176,173,129,125,127,127,129,129,170,170,129,128,170,178,189,191,189,183,178,178,178,173,127,125,127,173,176,173,127,127,173,181,181,181,181,183,186,189,191,186,181,178,181,183,181,178,170,166,173,183,183,119,83,47,107,170,170,127,125,168,168,127,124,123,129,186,207,217,217,207,200,204,209,212,212,207,202,202,204,204,202,196,186,170,123,176,186,186,186,189,186,176,170,173,168,127,127,168,168,170,173,170,168,170,173,173,170,170,176,178,129,118,116,117,121,121,121,125,173,176,129,125,127,125,123,176,189,186,176,173,176,183,191,199,199,191,181,178,178,181,181,181,183,176,105,86,85,104,173,173,176,178,177,178,186,199,207,196,181,183,189,186,186,191,202,202,191,181,178,186,191,189,186,183,183,194,202,199,196,199,202,194,189,181,135,135,178,183,186,191,194,199,202,207,202,189,133,132,133,178,186,186,183,178,133,131,129,131,176,183,189,189,183,181,181,181,183,186,191,194,194,202,202,199,199,202,194,113,91,103,117,131,186,199,209,215,215,215,217,220,220,217,217,217,220,215,207,199,199,204,207,207,204,204,204,207,207,204,204,204,207,212,215,212,212,215,215,212,209,207,204,204,204,202,199,196,196,202,212,220,225,222,215,207,207,212,215,215,215,215,215,215,215,215,217,222,222,217,215,212,212,207,196,189,189,186,137,134,134,137,183,191,194,196,194,199,204,209,212,215,212,209,209,209,209,207,204,204,207,209,215,222,228,228,228,225,225,225,225,225,225,225,225,225,228,228,230,230,233,230,228,228,230,230,233,230,228,225,222,215,212,212,215,215,212,209,212,207,196,191,191,194,189,183,178,176,173,176,178,181,176,165,123,121,121,160,160,119,113,107,103,101,103,105,103,101,101,99,99,101,101,103,107,111,115,157,157,155,119,157,160,160,121,118,117,121,170,176,170,165,163,165,165,125,123,125,165,165,164,164,168,176,176,173,170,168,168,127,125,125,125,127,129,173,176,181,183,191,196,199,199,199,199,196,194,191,194,196,202,202,204,202,199,196,196,196,199,199,196,194,191,194,196,199,196,194,192,196,199,202,202,199,196,191,191,191,194,196,199,199,202,207,207,199,192,192,194,194,199,202,196,194,191,189,186,137,134,134,135,137,183,186,186,186,189,189,189,186,139,139,183,189,194,194,194,191,199,207,207,207,204,196,194,192,194,202,207,202,194,191,191,194,196,199,204,207,209,209,209,212,215,217,217,217,215,209,207,207,202,194,186,185,186,191,196,196,196,202,215,222,217,204,195,195,195,194,196,204,212,212,209,207,207,209,209,204,202,199,194,190,194,199,199,194,191,191,194,199,199,199,199,199,196,195,195,199,204,207,204,202,202,204,207,207,202,194,192,194,202,202,199,199,196,194,189,189,186,183,183,183,186,189,191,191,194,194,189,181,178,178,181,189,191,189,189,194,194,189,183,178,133,131,132,181,186,186,191,196,196,189,176,127,127,129,129,129,129,176,176,129,121,121,133,181,178,176,178,178,183,194,202,204,202,196,196,196,196,194,186,179,179,186,191,191,191,191,194,189,187,187,194,202,204,202,204,204,196,192,196,199,194,189,187,189,194,194,194,194,191,189,181,129,125,127,181,191,194,194,194,194,194,191,191,196,199,199,196,194,194,191,186,131,125,125,133,183,186,183,179,181,189,194,194,189,183,181,183,183,179,181,199,204,194,190,196,202,204,199,189,181,179,181,183,183,178,132,131,133,181,189,194,191,181,133,133,133,129,124,124,129,127,121,117,114,113,115,125,133,133,133,178,186,189,183,176,176,176,173,174,183,194,194,186,183,183,189,191,194,191,189,186,186,183,183,189,191,194,191,189,181,177,178,191,202,199,191,189,191,194,194,191,189,186,186,194,207,209,204,196,191,190,191,194,196,196,196,199,202,202,204,207,207,202,199,199,199,194,194,196,194,196,199,196,194,192,194,194,194,192,192,196,202,202,194,189,187,191,194,191,189,189,194,194,194,194,194,194,191,189,181,137,137,135,133,135,133,133,178,183,183,186,183,135,131,127,122,119,120,125,135,186,189,191,191,191,189,191,196,207,212,212,204,196,191,191,194,199,204,204,196,192,199,196,192,194,199,204,204,199,194,196,202,202,202,204,209,215,212,204,196,191,196,204,204,196,189,183,186,196,204,204,202,199,194,186,182,181,183,186,186,189,191,194,196,194,191,191,194,194,196,196,199,204,217,228,230,225,217,215,217,222,228,225,215,207,207,209,209,212,215,215,215,215,215,215,212,212,215,215,212,212,209,209,207,207,207,204,199,194,196,196,199,199,196,191,187,187,189,191,194,191,189,183,176,0,0,163,150,139,142,152,160,168,183,181,176,174,176,183,0,204,209,209,202,196,192,194,199,204,0,0,217,225,228,228,228,225,222,222,225,230,235,238,241,241,243,246,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,235,233,225,209,207,204,202,194,194,202,0,0,0,0,0,212,207,196,186,176,173,0,0,0,0,0,209,0,0,0,209,194,187,191,204,199,181,155,151,0,168,183,191,199,212,222,233,241,246,248,251,251,248,241,241,238,241,246,255,255,255,254,255,255,255,255,255,255,255,0,255,0,0,255,255,255,255,255,251,0,228,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,189,202,199,196,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,144,183,191,186,186,189,196,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,53,0,0,0,0,0,0,0,0,0,0,0,0,0,35,181,181,173,155,139,134,137,144,150,152,150,152,160,163,160,157,157,157,163,173,170,168,176,186,181,168,165,163,123,123,123,125,119,116,119,121,117,116,117,119,123,168,125,106,104,115,168,165,121,121,165,176,189,199,202,202,196,194,194,186,168,119,119,125,165,170,176,170,115,110,114,125,173,178,173,123,119,123,176,183,181,173,168,165,125,165,125,123,122,123,125,168,170,178,186,196,199,194,183,125,118,121,178,189,189,183,178,173,176,183,189,196,202,196,181,173,170,173,181,186,189,186,173,126,126,129,176,186,199,207,212,215,215,209,202,196,199,204,204,202,199,196,191,186,181,189,196,191,189,194,191,125,106,96,73,78,119,178,189,196,191,178,125,113,119,168,119,121,189,199,196,194,195,199,199,189,181,186,194,199,202,202,186,121,123,173,168,111,108,173,189,168,119,163,168,170,165,119,123,168,163,107,95,92,111,168,176,168,115,121,163,123,123,176,194,194,176,121,121,117,113,109,115,176,191,186,117,115,123,176,170,123,168,194,191,181,99,71,93,168,178,181,178,163,111,95,91,107,165,165,119,117,123,168,168,121,113,113,165,168,165,163,119,116,117,160,168,170,173,173,121,81,80,113,160,165,121,117,120,165,168,170,181,183,168,113,109,111,117,121,123,165,170,173,163,118,117,118,118,119,121,123,125,165,165,163,123,121,123,168,176,181,183,183,181,117,95,67,51,63,97,107,165,183,163,81,10,17,19,81,85,45,0,0,59,95,85,99,113,152,150,150,152,157,165,165,155,152,157,170,176,173,170,165,155,152,115,101,97,95,73,81,105,117,157,113,110,115,173,170,97,75,91,165,165,115,109,115,163,160,119,119,160,163,170,181,194,191,176,121,117,117,119,123,165,178,173,161,160,173,181,168,114,112,116,170,189,196,199,202,204,199,194,187,187,189,189,181,127,117,112,112,117,123,125,125,168,168,127,125,125,123,121,123,165,168,170,176,173,165,117,109,89,92,102,170,189,194,194,196,202,207,189,113,115,178,196,204,199,195,196,199,199,202,202,204,207,207,209,212,212,212,212,209,207,202,199,202,207,215,215,209,204,204,204,209,212,212,207,204,196,194,195,199,207,204,186,111,107,113,119,111,104,108,119,118,117,118,123,168,176,181,186,189,194,202,204,194,181,173,173,176,178,178,173,168,127,168,170,173,173,170,129,127,127,170,170,127,127,127,170,178,183,186,183,178,176,173,173,170,168,170,173,176,183,196,196,181,127,119,123,183,194,194,189,186,183,181,183,191,194,196,199,199,191,176,129,127,129,178,189,189,189,194,194,191,194,196,196,196,199,202,204,202,199,204,209,212,209,207,204,204,202,199,194,183,178,181,183,186,191,194,191,186,189,194,189,176,127,127,129,131,133,133,176,178,178,133,132,176,183,189,186,178,131,133,178,183,186,186,186,183,183,181,178,176,176,176,176,178,178,173,127,123,121,121,123,131,176,181,181,178,178,178,178,181,186,189,189,186,189,189,186,183,183,179,178,181,186,191,191,194,196,196,196,196,186,174,174,183,189,189,186,170,124,129,181,181,181,170,101,76,74,119,178,125,113,111,111,113,123,176,183,186,189,189,181,176,176,176,173,176,176,173,173,173,129,121,119,121,125,127,129,127,127,129,129,129,173,176,178,178,176,178,183,183,178,170,129,170,176,178,170,125,124,168,173,176,176,178,181,186,196,196,189,181,181,183,186,183,178,170,168,170,186,189,117,55,22,48,63,103,119,125,170,170,125,122,121,125,186,207,217,217,209,202,204,207,209,212,209,202,202,207,212,212,207,191,123,111,123,178,183,186,186,186,181,178,178,173,168,168,168,170,173,176,170,168,173,183,186,181,176,178,183,176,121,117,118,121,125,127,170,176,129,112,114,173,173,123,129,183,181,127,124,129,183,199,207,209,199,189,181,178,178,174,173,176,173,119,104,105,125,173,173,176,178,178,178,181,189,194,181,131,178,186,179,178,186,194,199,194,186,186,186,186,186,186,183,186,194,199,194,189,194,196,194,183,135,133,135,181,183,189,194,196,199,202,204,202,189,176,133,176,178,181,181,178,176,133,129,127,127,133,186,194,191,183,178,135,135,178,183,191,194,194,196,194,189,191,189,111,77,75,125,133,137,189,199,209,215,215,217,217,222,217,217,215,217,215,209,199,198,199,204,207,202,199,199,199,202,202,202,202,204,204,209,212,215,217,215,212,209,204,202,202,204,204,204,204,204,207,212,217,222,225,222,217,215,215,217,217,215,212,212,215,215,217,217,217,222,222,217,215,209,207,202,191,141,139,183,139,136,135,135,137,189,196,199,199,202,207,212,215,215,215,212,209,212,212,209,209,209,212,215,217,222,225,225,225,225,225,225,225,228,228,225,224,225,225,228,228,230,230,228,228,228,230,230,230,230,228,225,222,217,217,215,215,215,209,209,209,207,199,191,189,191,186,178,176,173,176,178,178,176,170,163,121,119,119,119,119,115,109,101,98,99,103,107,107,105,105,105,103,103,103,105,109,113,117,155,155,118,118,119,157,160,160,121,160,165,173,173,170,165,163,165,168,165,125,125,168,168,165,164,168,173,176,173,168,127,127,127,127,127,129,170,176,178,181,183,186,191,196,199,202,202,199,194,191,191,191,196,199,202,202,202,202,199,199,199,202,202,199,194,191,191,199,202,199,196,194,194,196,202,204,202,199,196,196,196,196,199,199,199,202,204,207,202,194,192,194,192,194,196,194,189,189,186,181,135,134,134,135,181,186,191,191,189,186,186,183,183,183,183,186,189,191,196,199,196,202,204,202,199,196,192,191,192,194,204,212,209,204,199,199,202,204,204,207,209,212,212,212,209,212,217,222,217,215,212,207,204,199,194,189,186,191,196,202,196,196,202,212,222,222,209,202,199,199,199,202,207,207,204,202,204,204,204,204,202,199,194,191,190,194,199,199,191,189,190,194,199,202,199,199,199,199,196,195,199,204,204,202,199,199,204,207,207,202,196,192,196,204,207,202,202,199,196,194,186,181,135,137,181,186,189,191,191,191,191,189,183,179,178,181,189,191,189,187,189,186,181,135,133,132,131,133,183,189,189,194,199,199,191,178,129,127,127,129,131,173,178,178,129,123,123,125,127,123,123,127,135,183,194,202,207,207,202,199,199,199,196,194,191,191,194,196,196,194,194,196,199,199,202,202,202,202,199,196,196,192,190,194,202,199,194,191,194,196,199,199,194,191,186,181,127,123,124,135,189,191,194,194,191,191,189,189,191,191,191,191,191,189,186,183,135,127,127,178,189,191,183,179,179,189,196,194,183,177,177,181,183,179,183,199,204,196,194,199,204,196,186,181,179,181,183,183,181,135,130,129,133,183,191,196,191,181,131,131,131,129,125,127,176,173,125,117,113,113,115,121,127,127,129,178,186,189,183,178,176,176,176,178,186,191,191,186,181,183,189,191,194,191,189,186,183,181,181,183,189,191,191,189,186,181,183,196,204,202,191,187,191,194,194,194,191,191,191,199,207,207,204,196,191,190,191,194,196,196,199,199,202,204,204,207,207,202,196,194,189,189,191,194,194,196,199,199,196,196,196,199,196,194,194,196,199,199,194,189,187,189,189,189,191,196,199,196,196,196,196,199,196,194,186,186,186,183,178,135,133,129,133,178,178,186,189,183,133,125,121,119,122,133,186,191,191,189,187,189,191,194,199,204,207,207,204,196,183,186,194,202,207,204,196,192,192,192,191,194,202,207,204,202,199,202,204,202,199,199,207,215,215,207,202,196,202,207,207,199,189,181,181,183,191,194,196,202,199,191,183,182,183,186,189,189,189,191,194,194,194,196,199,199,199,196,196,204,215,225,225,217,212,209,212,217,225,225,215,207,207,209,209,212,212,212,215,215,215,215,212,215,215,217,215,215,212,212,212,212,209,207,199,196,196,196,199,202,202,196,191,187,189,191,194,194,191,186,181,0,0,170,160,142,101,139,155,173,183,189,189,183,181,183,0,202,212,215,207,199,194,194,199,204,0,0,0,228,230,230,230,230,228,0,228,233,235,238,238,241,243,246,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,238,235,225,212,209,212,209,199,194,194,196,202,215,0,0,222,209,199,186,0,168,0,0,0,0,0,0,0,0,0,0,194,185,187,199,202,189,160,152,155,176,189,196,202,209,220,230,238,243,246,248,251,248,246,243,235,233,238,246,248,243,243,246,255,255,255,255,255,255,255,0,0,255,255,255,255,255,0,255,0,225,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,196,215,204,194,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,170,178,181,186,150,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,173,176,173,142,130,127,129,137,150,155,155,155,165,168,168,168,168,165,165,173,173,170,181,186,178,168,165,165,123,120,121,125,125,123,125,165,121,117,117,116,117,121,117,110,110,170,183,178,125,117,119,168,186,196,202,199,196,196,191,181,165,123,165,176,181,186,189,181,121,113,119,125,165,170,168,123,123,173,181,181,173,173,173,168,125,165,168,165,125,125,168,170,176,178,183,194,199,194,129,115,114,121,178,189,189,186,178,172,173,178,181,183,191,194,189,183,178,170,176,183,194,196,183,129,128,131,173,181,194,207,212,212,212,209,204,199,202,204,204,199,196,191,183,133,128,130,191,194,191,189,176,113,110,115,119,127,189,189,191,194,191,178,123,113,115,123,121,125,181,196,196,196,199,202,196,189,189,194,199,199,202,202,186,121,119,123,123,114,113,163,170,121,117,119,163,165,121,113,117,168,170,115,89,84,103,173,183,173,102,104,114,121,165,176,178,170,111,101,105,107,107,111,160,183,194,189,165,115,119,181,181,165,176,196,204,204,107,23,19,43,87,165,178,168,123,170,186,191,183,165,114,114,119,163,163,115,110,112,163,163,121,121,121,119,117,119,163,168,165,113,74,58,70,165,178,181,165,118,119,160,121,117,160,170,165,113,109,109,111,117,119,123,165,165,123,119,119,119,117,118,119,121,119,121,121,121,117,115,117,163,170,173,170,168,117,95,93,99,111,176,186,183,191,181,97,13,0,11,37,93,163,173,13,0,13,31,35,99,152,157,152,150,150,157,165,165,160,160,170,183,189,181,168,157,155,157,113,81,88,109,109,103,113,157,163,155,114,157,176,178,170,113,157,160,157,115,111,117,160,121,119,119,119,121,168,186,196,196,186,168,119,119,119,121,125,176,173,161,161,170,176,127,117,115,119,173,183,186,191,196,202,202,196,191,189,191,191,183,168,121,113,115,170,178,173,173,176,170,125,125,123,119,115,113,113,113,115,121,123,115,107,102,98,103,123,173,181,189,191,194,196,204,183,69,73,176,196,199,196,195,196,199,202,202,202,204,207,209,212,215,215,215,212,212,209,207,207,209,215,217,215,209,204,204,207,209,212,212,209,207,202,199,199,204,207,204,194,127,123,173,181,127,109,113,123,123,121,123,168,178,183,186,186,189,194,202,204,199,189,178,173,176,181,181,173,168,168,168,173,176,176,173,170,125,124,125,125,123,123,125,129,178,189,191,189,181,176,176,181,178,176,176,176,173,173,178,176,173,170,170,176,191,199,196,189,176,123,121,129,181,189,189,191,194,183,123,120,123,125,133,181,186,191,194,196,194,196,196,196,194,199,204,207,202,199,199,204,207,209,207,202,196,194,194,189,178,135,178,181,183,189,194,191,186,186,186,186,183,181,178,176,133,176,181,183,181,176,131,131,176,186,189,186,181,131,127,131,178,183,183,181,178,178,178,176,178,181,181,178,178,176,127,123,123,123,122,122,123,125,127,127,127,131,178,183,189,196,199,196,194,194,194,194,191,189,181,178,181,189,191,194,196,196,196,199,199,191,178,176,183,186,183,178,125,121,129,183,178,178,183,186,89,77,111,178,129,115,115,123,129,173,176,178,178,181,183,181,178,176,173,170,173,173,170,170,129,123,118,117,119,127,170,170,125,125,127,129,129,129,170,173,176,178,181,183,186,183,178,176,178,183,186,181,173,125,125,125,125,168,173,181,186,196,196,189,181,181,183,181,178,173,170,168,170,186,191,125,65,39,44,37,51,123,178,191,186,127,122,122,127,186,204,215,215,209,204,204,207,207,209,209,204,204,209,217,222,215,196,119,106,107,123,176,181,183,186,181,178,178,176,170,168,170,173,176,176,168,126,168,178,183,183,181,183,183,176,125,119,121,127,173,181,183,181,121,102,105,178,181,125,129,181,178,123,121,125,183,202,209,209,202,191,183,183,181,174,173,176,176,131,127,173,178,176,173,173,178,181,181,176,173,173,131,131,178,186,179,177,181,186,191,191,189,186,183,183,183,183,183,186,196,196,186,183,191,196,191,181,132,132,133,181,183,186,194,199,202,202,202,199,191,183,181,181,181,176,176,176,176,133,129,127,126,129,183,191,189,181,135,135,134,134,178,186,189,183,181,178,133,178,137,93,74,75,137,181,183,186,196,207,209,212,215,217,217,215,212,212,212,209,199,196,196,202,207,209,204,199,199,199,199,199,202,202,202,202,207,212,217,220,217,212,204,199,199,199,202,204,207,209,212,215,217,220,222,225,222,217,217,220,217,215,212,212,212,212,215,217,222,222,222,222,220,215,209,204,199,191,139,138,139,139,139,137,136,137,186,196,202,202,202,207,215,217,217,215,212,212,212,212,212,212,215,217,222,222,222,222,222,222,222,222,222,222,225,225,225,225,228,230,230,230,230,230,230,230,230,233,233,230,230,228,225,225,222,222,217,217,212,209,207,207,204,199,189,183,183,181,173,170,173,178,178,176,168,163,121,117,115,115,115,115,111,105,99,97,98,103,107,107,105,105,107,105,103,105,107,109,113,152,155,155,118,118,119,157,157,160,165,168,170,170,170,165,161,161,165,168,168,165,165,170,170,168,170,173,176,176,170,168,127,126,126,127,129,173,176,178,181,183,186,186,189,191,196,199,199,196,194,191,191,191,196,199,199,202,202,202,199,202,204,204,204,202,196,191,194,199,202,199,196,194,194,196,202,204,202,202,202,204,202,202,202,202,199,202,204,207,204,196,194,194,192,194,194,189,183,183,181,137,135,135,135,137,183,191,196,196,191,183,182,182,182,186,189,186,186,191,196,202,204,204,202,196,192,192,194,194,196,196,202,209,209,207,207,207,209,209,209,209,209,209,209,207,207,209,215,217,217,217,212,209,204,199,194,191,194,196,204,207,204,202,204,209,217,222,215,209,207,207,207,207,204,202,196,194,199,199,199,202,202,199,196,191,194,196,199,196,191,190,191,196,202,204,202,202,199,199,199,199,199,199,199,196,196,199,204,207,207,204,202,196,199,207,207,202,199,199,199,196,186,135,134,135,183,186,191,194,194,194,194,191,189,183,181,183,191,194,189,189,189,186,181,135,178,178,176,178,186,189,191,196,199,199,191,181,127,125,126,129,131,176,181,178,127,123,122,121,120,119,120,123,133,183,194,199,207,207,202,196,196,199,202,202,199,196,196,196,196,194,194,199,207,209,209,207,202,199,196,196,196,192,190,194,202,202,196,196,196,199,199,196,194,191,189,183,133,126,127,135,189,194,194,194,191,189,186,186,186,186,185,186,186,183,181,181,181,135,135,183,191,194,186,181,181,186,191,186,178,176,177,181,183,183,189,199,204,202,199,202,202,194,183,179,183,189,189,186,183,135,131,131,178,191,199,202,202,189,178,133,133,129,127,129,178,176,125,117,114,115,119,123,125,127,173,178,183,186,183,178,176,178,183,186,186,186,186,181,176,181,189,194,194,191,186,183,178,176,176,181,189,196,194,194,191,189,191,199,204,204,194,189,189,191,194,194,194,191,194,199,207,207,204,199,194,191,194,196,196,196,199,202,204,207,207,207,207,202,196,189,139,137,139,186,189,194,199,199,199,199,196,199,202,199,196,196,196,194,194,191,189,189,187,189,194,196,199,199,196,195,196,199,199,196,191,189,189,186,181,135,131,129,133,178,178,186,194,194,189,135,125,123,131,181,191,196,194,189,189,189,194,196,196,189,183,181,186,183,131,137,191,202,204,204,202,196,194,192,194,199,204,204,202,199,202,204,204,199,196,198,204,212,212,209,204,204,207,209,204,194,186,181,179,181,183,186,194,204,204,196,189,186,189,189,191,189,189,189,189,191,194,199,202,204,202,196,194,202,212,222,222,215,209,207,207,215,225,225,215,209,207,209,212,212,215,212,212,212,215,215,215,215,217,222,217,217,217,215,215,215,212,209,204,199,196,196,196,199,202,202,194,189,189,191,194,194,194,189,186,178,0,176,173,152,98,99,155,173,183,191,199,196,191,189,0,0,215,215,209,202,196,199,202,207,0,0,0,0,230,230,233,233,0,0,233,235,241,241,241,241,243,248,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,241,228,215,215,220,217,207,194,189,183,189,207,0,0,217,215,209,199,186,178,0,0,0,0,0,0,0,0,0,0,202,189,187,194,199,191,168,155,157,173,189,199,204,209,217,230,238,241,243,246,248,248,248,243,233,225,222,228,230,228,228,233,243,255,255,255,255,255,255,0,255,255,255,255,255,255,0,255,246,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,204,204,194,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,98,85,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,111,131,0,0,0,0,0,0,0,0,0,0,0,0,3,116,165,170,147,134,131,129,133,150,160,160,160,168,170,170,170,173,170,168,170,168,168,176,176,168,163,165,170,168,121,120,165,176,183,186,178,125,121,119,116,115,116,119,165,181,191,191,183,165,111,109,119,176,191,194,191,189,186,181,173,121,121,173,186,194,199,196,194,176,125,125,119,116,123,165,121,125,176,178,165,123,168,176,165,123,125,170,173,170,170,168,170,176,178,181,189,194,194,127,115,114,123,181,189,191,191,183,176,173,173,173,178,183,186,183,181,176,125,127,176,191,194,183,131,131,173,131,176,191,204,209,209,209,209,207,204,204,204,202,199,199,194,183,131,126,128,191,194,191,186,176,123,129,189,194,194,199,194,189,191,186,170,123,119,117,111,109,117,170,186,194,196,199,202,199,196,196,199,199,202,202,202,189,123,113,109,115,121,168,123,103,105,119,123,123,121,115,113,121,178,183,181,102,89,107,165,176,163,98,102,119,168,178,181,170,107,95,95,99,103,103,109,121,173,181,181,165,114,113,170,173,123,173,194,204,207,109,12,9,21,77,170,186,173,163,170,191,199,189,115,112,114,121,165,121,112,111,117,163,121,117,118,160,165,163,121,121,170,178,170,91,71,79,157,178,183,170,160,163,163,113,101,109,165,168,119,110,109,110,115,119,121,123,121,123,123,123,121,118,119,121,117,111,111,113,115,115,113,113,119,163,163,163,160,105,87,95,113,168,189,194,196,199,163,89,25,33,63,79,85,81,99,65,9,7,0,0,77,152,155,148,147,150,160,165,168,165,170,183,191,189,178,163,155,168,173,113,73,78,111,157,163,163,168,173,173,168,173,183,186,183,173,165,157,117,115,111,113,117,115,115,117,115,117,165,189,199,199,191,173,123,121,121,123,165,173,173,166,165,169,170,168,168,127,129,176,176,176,181,191,196,202,199,194,191,189,183,176,170,123,117,123,189,191,178,170,168,125,123,121,117,112,110,109,110,109,111,113,115,107,103,107,123,181,181,170,168,181,191,194,191,181,69,49,69,178,196,196,196,195,196,202,202,202,202,204,207,209,212,215,217,215,212,212,212,212,212,212,215,215,215,212,207,207,207,209,212,212,209,207,207,204,204,207,207,207,202,186,178,183,189,181,121,119,125,127,127,168,173,178,183,186,186,189,191,196,202,196,183,173,170,176,178,176,168,125,124,125,168,170,173,178,178,170,127,125,127,123,119,119,127,178,189,189,183,178,176,183,186,183,178,173,173,169,169,169,168,169,173,173,170,176,189,189,178,123,111,111,123,176,181,183,186,183,131,120,119,121,119,117,127,183,194,196,196,196,199,196,194,191,196,202,204,202,196,196,199,204,207,204,194,189,189,189,183,178,135,135,135,178,181,183,183,186,186,186,186,191,191,183,176,132,176,186,191,186,178,132,131,178,189,189,183,181,133,125,125,131,178,181,178,178,176,176,178,178,181,178,173,176,178,131,125,125,127,125,123,123,122,123,125,127,131,181,189,194,199,202,199,194,194,196,196,196,191,181,178,181,189,194,196,199,196,194,196,199,196,186,181,181,178,173,131,123,120,176,189,178,181,196,209,196,111,123,178,173,125,125,170,176,176,178,178,178,176,178,178,176,173,170,129,173,173,176,173,170,123,118,118,123,170,176,173,125,124,127,129,129,127,129,170,176,181,183,189,191,191,186,183,186,189,191,189,183,129,121,115,115,121,170,176,181,189,191,183,176,176,178,176,173,170,168,165,168,176,178,121,95,95,89,42,61,194,202,207,199,173,124,123,127,181,199,209,212,212,207,204,207,207,209,209,204,202,209,217,225,222,202,123,106,105,115,127,173,181,183,181,178,176,173,173,170,173,178,181,178,127,125,125,170,178,181,181,183,181,173,127,123,127,173,186,191,194,191,129,109,114,189,191,176,176,186,181,123,121,127,186,199,207,207,202,189,183,183,183,178,178,183,181,176,173,178,181,176,173,131,173,181,183,176,127,123,125,173,183,189,181,178,183,183,186,186,181,178,183,189,189,182,181,183,191,189,178,181,194,199,194,181,132,132,176,181,183,183,191,194,194,189,186,186,189,186,186,186,183,178,176,178,181,178,176,129,127,131,181,189,186,181,135,135,135,134,178,186,183,178,135,133,130,132,181,119,89,99,137,186,186,186,191,199,204,209,215,217,215,212,207,207,207,204,198,196,199,204,209,212,207,204,202,199,199,199,202,202,202,199,202,207,215,217,212,207,202,199,199,199,202,204,207,212,215,217,217,220,222,225,225,217,217,217,215,212,212,212,212,215,217,222,225,222,220,222,222,217,209,202,196,191,186,139,139,183,186,186,141,139,186,196,202,204,204,207,215,217,217,217,215,212,215,215,215,215,217,222,222,222,222,222,217,217,217,215,215,217,217,222,225,228,230,233,233,233,230,230,230,233,233,233,230,230,228,228,225,225,222,222,222,217,215,209,204,202,199,196,183,173,173,176,131,127,168,176,178,170,165,123,119,117,113,111,113,111,109,105,99,98,98,103,107,105,102,103,107,105,103,103,107,107,111,115,155,155,155,155,157,157,160,163,170,176,176,170,168,163,161,161,168,170,170,168,170,176,176,176,176,178,176,176,173,168,127,126,126,129,173,176,178,178,181,183,183,181,181,183,191,196,199,196,194,191,191,196,199,202,202,202,202,199,202,204,207,207,207,204,199,194,196,202,202,199,194,191,194,196,202,202,199,199,202,204,207,207,204,202,202,202,207,209,207,202,199,196,194,194,191,186,181,181,181,137,135,135,137,181,183,191,196,196,191,183,182,182,183,186,191,189,189,194,199,202,204,204,202,196,194,196,199,202,202,202,204,207,207,207,209,209,212,212,212,212,212,209,207,205,205,207,209,215,215,215,212,207,202,199,196,194,196,199,204,207,209,209,209,212,215,217,215,212,212,212,212,209,202,196,191,191,194,194,196,199,202,202,199,196,196,196,196,191,190,191,196,202,204,204,204,202,202,199,202,202,199,196,191,190,191,196,202,204,204,207,204,199,196,199,199,194,194,196,199,196,186,137,135,181,186,189,194,196,199,196,196,194,191,186,183,186,191,194,194,191,191,189,183,183,186,189,186,181,181,186,194,199,199,196,191,186,173,126,125,126,127,131,178,178,129,123,122,121,120,121,125,129,178,186,194,199,202,202,196,191,192,199,204,204,199,196,196,199,202,199,199,204,209,215,212,207,199,196,196,196,199,194,192,194,199,199,196,196,196,196,194,191,191,194,191,189,183,181,178,181,189,194,194,191,186,183,186,189,189,186,185,186,186,181,178,183,189,189,189,191,194,191,191,189,183,181,183,181,178,178,183,186,189,191,196,202,204,204,204,204,202,194,186,186,191,196,196,194,191,183,178,181,194,202,204,204,202,191,183,176,133,129,129,176,181,176,125,119,119,125,129,173,131,131,173,176,181,181,181,176,176,181,189,191,186,183,178,131,129,133,183,191,191,186,181,178,176,174,176,183,194,202,202,196,191,191,194,199,204,207,202,194,189,189,191,194,194,191,194,196,204,209,207,202,196,194,194,196,196,199,202,207,209,209,212,209,207,204,196,189,137,135,135,135,139,183,189,194,196,196,194,194,199,202,199,194,192,192,194,196,196,194,191,191,194,196,199,202,199,195,195,199,199,194,191,191,186,186,183,135,128,128,133,181,183,183,189,199,199,189,135,133,135,183,191,196,196,194,191,191,196,196,186,123,114,114,129,133,128,133,191,202,202,204,204,202,199,196,199,202,207,204,202,199,202,204,204,202,198,198,202,207,209,209,207,207,209,209,199,189,182,182,183,186,186,186,194,199,202,196,191,186,189,189,189,186,186,186,183,186,191,196,202,204,202,196,194,199,212,222,222,215,209,204,204,212,225,228,222,212,209,212,215,0,217,215,212,212,212,212,212,215,222,222,222,222,222,217,217,217,215,212,207,202,196,194,194,199,202,202,196,189,189,189,191,194,194,191,186,181,0,178,183,168,97,98,152,168,181,191,202,204,0,0,0,0,215,215,212,204,202,202,204,209,212,0,0,0,228,228,233,233,0,0,235,0,243,246,246,246,246,248,0,0,0,0,0,0,0,0,0,0,0,0,225,225,228,0,0,0,0,0,217,220,225,222,209,196,186,178,178,191,209,0,212,215,222,217,204,191,0,0,0,0,0,0,0,0,0,0,0,199,191,191,191,183,168,0,0,163,183,202,209,212,222,230,238,241,243,248,248,248,248,243,233,222,215,215,212,209,209,217,230,246,255,255,255,255,255,0,255,255,255,255,255,255,255,0,251,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,178,194,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,220,255,189,46,0,0,0,0,0,0,0,0,0,0,0,21,157,178,178,183,181,144,139,150,163,163,163,165,168,168,170,170,168,165,165,163,163,168,165,123,121,163,173,170,123,121,170,189,199,202,189,168,123,121,119,116,117,163,183,196,194,186,181,165,110,107,111,165,178,178,173,170,173,170,123,115,115,168,186,196,202,199,199,189,178,170,117,112,116,125,121,123,170,168,120,120,170,178,165,122,123,170,178,178,173,125,168,178,178,178,183,189,191,186,170,127,173,183,186,189,191,189,181,173,128,126,170,186,186,176,170,129,121,121,127,181,183,173,129,131,131,130,131,183,199,207,207,207,209,209,209,207,204,202,199,202,199,194,183,131,176,194,194,191,189,186,189,196,202,202,199,202,196,191,189,178,165,168,176,168,109,101,107,121,173,183,189,194,199,202,202,199,196,196,199,199,199,189,121,105,93,93,121,181,123,57,77,173,173,119,107,103,111,165,183,191,191,191,107,113,119,119,114,102,113,186,191,199,202,181,97,91,93,99,101,100,103,117,165,168,165,117,111,110,119,119,117,170,189,194,199,93,12,10,47,121,196,194,170,105,93,115,183,173,110,114,123,170,168,119,113,119,170,176,168,119,119,165,178,176,121,109,168,189,196,196,181,113,107,160,170,163,160,168,165,100,90,101,168,176,168,117,111,111,115,119,117,116,116,119,165,163,119,119,123,123,113,107,106,109,115,121,114,113,119,121,119,119,121,115,92,105,121,170,183,189,191,183,111,97,75,107,157,155,101,62,73,87,113,152,39,15,69,152,152,146,146,155,163,170,170,170,181,191,194,186,173,163,165,189,199,189,94,93,117,163,170,176,176,183,186,183,183,189,191,186,176,163,117,117,119,111,109,109,111,113,113,111,111,121,183,196,199,191,173,123,120,121,125,168,170,173,173,170,169,170,173,173,173,170,173,172,172,173,183,194,199,199,191,186,178,170,127,127,125,119,127,199,199,178,165,121,119,119,121,117,112,111,111,112,112,113,117,117,111,109,115,165,186,183,119,114,173,189,191,181,61,9,41,111,189,199,202,199,199,199,202,202,200,200,202,207,209,212,215,217,215,212,207,207,209,209,209,209,212,212,212,212,209,209,212,212,212,209,207,207,207,207,207,205,207,204,194,181,178,178,176,123,119,121,127,168,168,170,170,176,181,183,183,186,189,189,183,168,123,127,173,173,170,127,124,123,123,124,127,170,178,181,178,173,173,170,127,113,112,119,173,183,183,178,173,178,186,186,181,173,170,170,169,168,169,169,170,173,125,116,115,173,178,168,117,107,111,125,178,181,183,181,176,125,120,121,125,116,110,112,178,194,194,194,199,199,196,191,190,194,202,204,202,199,196,196,202,207,204,191,187,189,186,181,178,135,135,176,178,181,178,178,183,189,186,186,191,191,183,132,130,176,191,196,191,183,176,176,186,191,189,183,181,173,127,124,125,131,176,178,178,176,176,178,181,178,129,126,131,191,178,129,125,127,125,125,125,123,125,127,131,178,189,194,194,194,194,191,191,191,194,194,191,189,181,178,181,189,196,196,196,194,194,196,199,199,196,189,181,131,127,125,123,122,178,194,178,194,202,209,202,170,173,183,178,173,173,176,178,178,178,183,183,176,176,178,176,173,129,127,173,181,186,183,176,125,123,125,173,178,178,173,124,124,129,170,129,127,127,129,173,183,191,196,199,202,199,194,191,191,191,191,183,127,115,112,112,119,127,168,170,178,178,173,170,173,176,173,170,173,170,165,165,165,123,113,111,176,183,81,123,215,209,209,202,181,125,123,127,178,191,199,207,209,204,204,207,204,204,204,199,202,207,215,222,220,202,125,110,110,115,121,127,176,181,181,176,173,173,170,170,173,178,181,178,168,125,126,168,176,181,183,183,181,170,127,127,173,186,196,202,204,199,189,178,183,196,194,183,183,189,178,124,124,173,186,196,202,202,196,186,181,181,181,181,183,186,183,176,173,176,181,178,176,127,125,176,183,176,125,119,123,176,183,189,186,181,186,183,183,181,178,177,183,196,199,186,181,183,186,178,174,178,191,196,191,183,176,133,178,183,183,183,189,189,181,125,123,129,183,189,189,189,186,181,181,186,189,186,183,178,178,181,186,189,186,183,181,181,181,178,183,189,189,181,181,183,133,135,189,183,125,127,135,183,186,186,186,194,202,207,212,212,212,207,204,202,202,202,199,202,204,209,212,212,209,207,204,199,199,199,199,199,196,196,196,204,209,209,207,202,199,199,199,199,199,202,207,209,215,217,217,217,222,225,222,217,215,215,212,212,212,215,215,217,222,222,222,217,217,222,222,217,207,196,194,191,189,141,141,141,186,189,189,189,189,196,204,204,207,209,215,217,217,217,215,212,215,215,215,217,217,217,222,222,225,225,220,215,215,212,212,211,212,215,222,228,230,233,233,230,230,230,228,230,230,230,230,228,228,225,225,225,222,217,217,217,215,209,204,196,194,191,183,172,170,173,127,123,127,173,176,168,163,121,119,115,111,109,109,109,107,105,103,101,101,105,107,105,103,102,105,103,102,102,105,107,109,111,115,117,155,157,157,160,160,165,173,178,176,173,168,165,165,165,168,170,170,170,176,178,178,178,178,178,176,173,173,170,168,127,127,170,176,178,178,178,181,181,178,177,177,181,186,194,196,196,194,194,196,199,204,204,204,202,202,199,202,207,209,209,207,207,202,199,199,202,202,196,191,190,191,194,199,199,194,194,196,199,204,207,207,204,202,202,207,209,212,207,204,199,194,194,191,186,183,183,183,181,135,133,133,137,183,191,196,196,189,183,182,183,186,191,194,194,194,196,202,202,199,202,204,204,202,202,202,202,202,202,204,207,207,204,207,207,209,212,215,215,215,212,207,204,205,207,209,212,212,209,209,204,202,199,199,196,196,196,196,199,209,215,215,212,212,212,212,212,212,212,212,207,199,191,189,189,189,191,191,196,202,207,204,202,199,194,191,190,190,194,199,207,207,207,204,204,202,202,202,202,199,194,189,189,191,196,199,199,199,204,204,196,191,189,186,186,191,194,196,196,189,181,181,186,189,191,196,199,199,196,194,194,191,189,183,183,189,194,196,196,191,189,183,186,189,191,186,181,178,186,194,199,199,194,191,191,186,176,127,125,125,127,176,183,176,129,125,123,127,135,181,183,186,191,196,196,199,199,194,191,192,202,207,209,204,202,204,207,207,207,207,207,209,209,209,204,196,194,194,196,202,199,196,194,194,191,194,194,194,191,186,185,186,191,191,189,189,191,189,183,186,189,189,183,135,135,181,189,191,189,186,189,186,183,178,183,191,196,196,196,191,189,191,194,183,178,178,181,183,189,191,194,194,199,202,204,207,209,207,204,199,196,194,194,199,199,199,199,199,196,194,196,204,207,207,204,196,189,181,176,133,129,129,176,183,178,129,125,125,173,181,183,181,178,176,176,176,178,178,176,176,181,189,191,189,183,133,127,126,128,178,186,186,181,178,177,177,178,181,191,202,207,204,199,194,194,196,199,204,207,204,196,191,191,194,194,194,191,191,194,204,209,207,204,196,194,194,194,196,202,204,207,209,212,212,209,207,204,202,194,186,137,135,133,133,133,137,186,191,191,189,187,194,199,199,194,191,191,194,199,199,199,196,196,196,196,202,207,207,202,199,199,196,191,189,189,183,183,183,129,126,127,135,186,186,178,181,194,202,194,181,133,135,181,189,194,196,196,194,194,199,191,137,113,111,111,129,181,130,139,194,199,199,199,202,204,204,202,202,204,207,207,204,199,199,204,204,204,199,199,202,204,207,209,207,207,207,204,194,182,182,186,194,194,189,186,186,191,194,194,189,186,186,189,186,183,183,183,183,183,189,194,199,202,204,196,191,199,212,228,228,222,212,204,202,209,225,228,225,217,212,215,217,0,222,217,212,209,209,212,212,215,222,225,225,222,222,222,217,217,217,215,209,204,199,196,194,196,199,199,194,189,189,189,191,191,191,189,186,181,178,183,191,178,97,96,142,160,176,189,199,207,209,0,0,0,215,215,209,204,202,204,207,209,215,217,0,0,225,225,228,233,0,0,238,0,248,251,248,248,248,251,0,0,0,0,0,0,0,0,0,0,0,230,225,220,225,0,0,0,0,0,217,217,220,217,204,194,186,177,174,178,194,199,207,217,230,230,217,204,0,0,0,0,0,0,0,0,0,0,0,207,196,189,183,176,168,0,0,0,176,199,212,215,222,233,241,243,246,248,251,248,248,248,243,233,222,217,212,208,207,209,228,241,251,255,255,255,255,255,255,255,255,255,255,255,255,255,254,246,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,220,220,0,1,0,0,0,0,0,0,0,0,0,0,0,142,160,176,183,189,186,165,144,142,155,163,160,160,163,165,170,168,119,117,163,163,160,163,123,119,117,121,165,163,119,123,178,194,202,202,191,178,163,117,117,121,121,168,181,189,183,181,181,170,119,109,113,121,165,165,119,115,121,125,119,112,111,119,176,191,196,196,196,196,183,178,168,115,115,119,125,121,121,123,119,119,170,176,168,123,123,168,176,176,168,123,168,183,186,183,183,186,189,191,191,183,181,181,181,183,186,186,181,176,129,125,127,183,191,186,129,125,119,113,115,107,97,125,173,173,130,129,130,178,191,202,204,204,207,209,209,204,199,198,199,199,202,202,196,194,194,194,189,189,194,199,207,212,212,207,199,196,196,189,181,170,168,183,189,178,121,103,93,101,123,168,173,181,194,202,202,194,191,189,189,191,194,176,75,65,83,85,165,189,165,51,49,109,191,109,71,63,99,168,183,191,196,191,168,119,115,113,110,115,194,202,204,207,204,189,107,93,94,97,103,101,105,160,168,165,121,115,111,112,117,117,117,123,168,123,47,18,23,83,163,181,194,194,165,88,82,90,117,121,117,170,181,176,115,111,119,173,183,189,186,178,165,168,186,189,114,108,165,191,199,199,194,163,79,72,111,117,119,168,165,97,91,121,178,186,183,170,121,119,121,119,116,114,113,116,168,170,121,123,165,165,117,108,106,111,168,176,176,165,163,163,118,116,119,160,117,115,121,165,160,163,173,163,109,97,97,163,181,178,170,99,97,111,163,165,152,109,152,163,150,147,152,160,163,168,168,173,183,194,194,181,157,155,178,202,209,204,183,168,170,173,176,178,183,189,191,191,189,191,191,183,173,119,115,117,160,160,107,107,109,105,105,105,107,115,173,186,186,183,173,123,120,123,125,125,125,170,176,173,173,178,181,181,178,173,173,176,178,183,186,191,194,186,173,173,168,125,125,125,119,119,173,199,199,178,123,115,111,113,119,125,125,125,125,123,123,123,123,125,125,119,117,121,173,173,111,107,165,186,178,89,0,0,95,131,189,199,202,204,202,202,202,202,200,202,202,207,209,212,215,217,217,209,202,199,202,207,204,207,209,212,212,212,212,212,212,209,209,209,209,207,209,212,209,207,209,207,196,178,129,127,125,119,121,125,170,176,173,170,169,170,173,176,173,168,168,170,127,123,123,168,173,168,127,127,168,125,125,125,124,127,173,176,173,173,176,176,129,113,107,107,121,181,183,173,170,178,183,181,176,173,176,176,176,173,173,176,181,176,119,113,114,127,173,127,117,105,115,176,194,194,189,181,170,121,120,129,183,129,110,108,123,186,191,191,194,194,191,190,191,196,202,204,204,202,196,196,202,207,204,196,194,191,186,178,135,133,176,181,183,181,178,178,181,186,186,183,183,183,178,132,131,178,191,196,194,186,181,183,189,189,191,186,181,173,127,123,123,125,176,181,183,178,178,178,178,131,124,123,127,186,189,181,131,125,125,125,125,127,129,131,173,183,194,199,196,191,187,187,189,191,191,189,186,181,179,179,183,191,196,194,189,189,194,199,199,202,202,194,181,129,124,124,124,124,170,176,176,186,202,207,202,186,181,183,183,181,181,186,183,181,178,181,181,176,174,176,178,176,129,127,173,186,199,199,178,125,127,176,183,186,181,125,122,124,170,173,170,127,122,122,170,186,199,204,207,209,207,199,191,191,191,189,178,121,114,113,115,123,127,123,121,127,170,170,170,173,173,173,176,186,178,168,165,125,115,113,165,191,194,176,168,186,202,204,199,181,124,122,125,176,183,191,196,199,199,202,202,202,199,199,199,199,202,207,212,207,181,121,115,115,117,119,125,170,176,176,176,173,170,170,170,170,176,181,181,173,170,168,170,176,183,189,186,178,127,124,129,181,194,202,207,209,204,199,194,196,194,189,183,181,178,131,129,173,181,189,191,194,194,191,186,181,178,177,178,181,183,183,181,176,173,178,183,181,125,120,127,176,131,123,119,119,125,176,186,186,183,181,183,181,178,177,178,186,199,204,196,189,189,189,177,174,178,186,191,189,186,181,181,181,183,186,186,186,181,127,117,117,125,181,183,186,183,183,183,186,189,191,189,186,186,189,191,191,191,189,186,186,186,186,189,194,196,194,191,191,191,189,183,183,181,135,133,137,183,186,186,185,191,199,204,209,209,207,204,202,199,199,199,199,204,207,207,207,209,209,207,204,202,199,199,199,199,194,192,196,202,204,204,204,204,204,204,202,199,199,199,204,209,212,215,215,215,215,217,215,209,204,202,204,209,215,217,217,217,217,220,215,212,212,212,212,209,202,196,191,191,189,186,186,186,186,189,191,191,194,199,204,209,209,212,215,215,215,215,212,212,212,215,217,217,217,217,217,222,225,228,225,217,215,215,212,211,211,212,215,222,225,228,230,228,228,228,228,228,228,230,230,230,228,228,225,222,222,217,217,215,215,209,204,194,189,189,183,176,176,176,120,119,123,170,173,168,121,119,117,115,113,109,109,109,107,105,103,105,105,107,109,111,109,105,105,103,102,102,105,107,109,109,111,115,117,155,157,160,163,170,173,178,178,170,168,168,170,168,168,168,170,173,178,176,176,178,178,181,178,173,170,168,168,129,127,129,176,178,181,181,183,181,178,177,177,178,186,191,191,191,191,194,199,202,207,209,207,204,204,204,204,207,207,207,207,204,202,202,202,202,202,199,194,191,191,194,196,196,194,192,192,192,196,202,204,207,204,204,207,212,212,209,204,199,194,191,191,189,189,191,189,181,133,131,131,135,183,191,196,194,186,182,183,191,194,199,202,202,199,199,199,199,199,202,204,204,204,202,202,199,199,202,204,204,202,199,199,202,207,209,212,215,215,212,209,207,207,209,212,212,207,207,207,202,199,199,199,199,196,194,191,192,204,215,217,212,209,209,207,207,207,209,209,207,199,194,189,187,186,187,189,191,199,207,207,202,199,191,189,189,191,194,202,207,209,207,204,204,202,199,194,194,196,194,190,191,196,196,194,191,194,199,199,194,183,137,137,183,191,196,199,196,194,189,186,189,191,194,196,199,196,196,191,191,189,186,181,136,178,186,194,196,191,186,183,183,191,194,189,178,176,186,194,196,196,191,191,194,196,191,181,131,127,133,183,186,186,181,176,178,186,191,191,189,189,191,196,199,202,199,196,194,196,202,207,212,212,212,212,212,212,212,212,209,204,202,202,199,196,194,194,196,199,202,199,191,186,183,186,191,191,191,186,185,186,186,186,186,191,191,186,178,181,183,181,135,132,134,181,186,189,191,189,186,183,181,178,181,186,194,194,189,178,178,186,189,133,133,178,183,191,196,196,194,194,194,196,202,207,209,207,202,196,194,194,191,194,196,199,202,204,204,204,204,207,207,204,202,194,183,178,178,173,129,127,129,181,181,178,176,173,176,181,189,189,186,181,176,176,178,178,176,176,181,186,191,191,186,176,127,127,128,133,183,186,181,178,178,181,189,194,199,202,204,202,194,191,194,196,202,204,207,207,202,194,194,194,191,191,191,190,191,196,204,204,202,196,194,191,191,196,204,207,207,204,204,207,207,204,207,207,202,194,189,183,137,133,131,133,139,189,191,189,186,187,194,199,196,192,192,196,199,196,196,196,199,199,199,204,212,212,209,207,202,191,183,185,189,181,135,129,126,125,129,183,189,183,133,131,181,194,191,181,132,133,181,186,191,194,199,196,196,199,186,123,115,115,127,186,196,199,191,191,196,196,196,199,204,204,202,202,204,209,207,204,202,199,202,204,202,202,204,204,204,207,209,207,202,199,196,186,182,183,191,199,196,189,183,181,183,183,186,189,189,189,191,189,183,183,183,183,186,189,194,196,202,202,194,191,196,212,230,235,228,215,204,202,209,222,228,225,222,215,215,217,222,222,215,209,207,209,212,215,217,222,222,222,222,225,222,222,217,217,215,212,207,204,196,194,191,194,194,189,186,186,189,189,189,186,183,186,183,183,191,196,183,99,94,98,150,0,181,194,207,212,215,215,215,215,212,207,202,202,204,204,209,215,0,0,0,0,0,0,0,0,0,238,248,254,251,248,248,251,254,0,0,0,0,0,0,0,0,0,0,0,233,228,225,222,225,0,0,0,0,0,0,215,209,204,196,189,178,176,177,186,191,202,215,228,233,225,209,0,0,0,0,0,0,0,0,0,0,0,209,207,196,183,176,173,0,0,0,173,191,207,215,225,235,246,248,248,251,254,251,251,251,254,248,238,230,222,212,209,217,233,246,254,255,255,255,255,255,255,255,255,255,255,255,0,0,254,251,243,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,183,165,0,0,0,0,0,0,0,0,0,0,0,0,0,137,168,173,181,189,183,157,131,129,142,155,160,157,157,163,168,165,109,104,117,160,163,165,168,121,113,115,121,119,117,123,176,189,196,196,194,183,163,111,111,121,165,165,165,168,173,181,186,178,170,125,121,121,125,125,119,115,117,119,117,113,112,115,125,178,186,189,189,186,178,178,176,123,119,123,165,118,118,123,122,121,165,170,168,125,125,127,127,124,122,125,181,194,194,191,186,186,186,186,189,183,176,173,176,176,178,178,178,181,173,126,127,181,194,196,176,125,117,111,104,92,86,173,183,181,173,131,131,176,186,199,202,204,207,207,207,202,199,198,198,199,204,202,199,196,199,196,189,189,202,207,212,215,217,207,189,181,181,178,173,168,168,181,183,173,113,61,28,33,87,119,165,173,183,196,194,189,189,186,173,173,183,121,30,23,62,79,119,183,178,73,51,37,16,10,16,51,105,168,176,183,191,186,176,163,119,115,117,176,199,204,204,196,189,178,163,111,105,101,105,107,115,170,170,168,168,121,114,115,123,123,121,119,111,53,27,19,39,103,168,178,183,181,170,111,88,89,99,113,123,181,186,170,110,108,117,176,186,189,189,186,176,168,178,181,115,111,173,194,196,196,196,183,101,73,91,109,117,160,165,160,111,178,189,191,189,181,170,168,165,160,117,117,123,170,178,170,123,123,168,168,123,115,113,121,176,178,183,181,176,168,119,117,160,168,165,160,160,119,109,104,109,115,111,107,115,183,196,199,194,170,160,160,163,157,113,113,155,160,160,165,168,163,157,163,165,170,178,181,178,160,113,117,181,202,207,199,183,178,181,181,176,176,181,186,194,194,191,191,191,183,170,157,115,115,119,119,109,109,107,102,99,101,104,111,119,121,123,165,168,125,123,125,123,122,123,168,173,170,173,186,194,194,191,186,186,189,194,196,194,191,186,173,168,170,168,125,125,123,119,123,181,194,191,173,121,111,108,109,119,173,183,186,183,176,168,165,165,168,170,165,123,123,165,121,111,110,165,181,178,5,0,3,117,173,189,199,204,204,204,204,202,202,202,202,202,204,209,209,215,217,217,209,196,191,192,199,202,204,207,209,207,207,209,209,212,209,209,209,209,209,212,212,212,212,212,207,194,178,127,125,125,125,170,181,183,186,183,178,176,176,173,170,125,119,119,119,119,123,168,173,170,127,125,170,178,176,173,170,125,125,127,127,127,127,129,170,127,121,112,112,129,186,183,173,128,129,173,176,176,178,183,186,181,176,176,183,189,181,123,118,121,170,178,170,117,102,115,181,199,202,199,189,173,123,123,176,186,176,117,114,123,176,181,183,186,191,191,191,194,196,202,207,207,199,195,195,196,202,202,202,199,194,183,135,133,133,176,181,183,178,176,178,181,183,181,181,176,176,176,133,133,183,191,194,194,189,183,186,186,186,189,189,178,131,127,123,122,125,173,183,183,181,176,176,173,127,122,122,127,186,196,194,181,129,127,131,176,173,173,131,131,181,191,199,199,194,189,189,191,191,189,186,183,181,179,181,186,194,194,189,187,187,194,199,202,204,204,194,176,125,123,124,125,129,170,173,176,181,191,199,199,189,181,178,178,181,189,196,196,189,181,181,181,181,178,178,176,173,127,125,127,181,194,191,176,125,129,181,189,189,181,127,122,125,170,173,173,125,120,120,127,186,199,207,212,212,207,199,194,194,191,183,170,119,115,117,125,170,129,122,119,123,170,176,176,176,173,176,183,196,194,176,165,125,121,119,165,194,199,183,126,127,181,196,196,181,124,122,124,173,181,186,191,194,196,196,196,196,196,196,196,196,196,199,199,186,127,121,119,119,121,123,127,127,127,170,176,178,178,173,170,170,170,176,178,181,178,173,168,173,183,191,189,173,121,120,127,183,196,204,209,212,207,204,202,199,191,186,183,181,176,173,176,183,189,191,189,189,189,189,189,186,181,178,178,178,181,181,183,181,176,178,183,181,129,123,121,117,113,115,121,121,121,129,178,181,181,181,181,178,178,178,181,186,196,202,199,194,191,186,177,176,178,183,183,189,189,186,183,183,183,186,183,181,178,129,121,121,131,178,178,178,181,183,186,189,191,191,189,186,189,194,196,194,191,189,189,191,191,191,194,196,199,199,196,194,191,189,178,133,133,178,181,183,189,189,186,186,189,196,204,207,209,209,207,204,202,202,199,199,204,207,204,202,204,204,204,204,202,202,202,202,196,192,191,194,196,199,202,204,207,209,212,209,204,202,202,204,209,212,212,215,212,209,209,207,202,196,194,196,204,212,215,215,212,212,212,207,204,202,202,202,199,194,191,191,189,189,189,191,189,189,189,191,191,191,196,204,209,212,212,212,212,212,209,209,212,212,215,217,222,217,217,215,217,225,228,228,222,217,217,217,212,212,215,217,217,222,225,228,228,228,225,225,225,228,230,230,230,230,228,225,222,222,217,217,215,212,209,199,186,183,186,183,178,178,178,127,121,123,165,168,163,119,117,117,117,115,113,111,111,111,109,109,109,111,111,113,150,150,109,105,103,103,103,105,107,109,109,109,111,113,117,157,163,165,170,173,176,173,168,165,168,168,168,164,165,170,176,176,170,169,173,178,178,176,170,128,128,129,170,129,170,176,181,183,186,183,181,178,177,177,178,183,186,186,186,186,189,194,196,204,209,209,207,207,207,207,207,207,207,204,199,199,199,199,202,202,202,199,196,194,196,196,196,194,192,192,192,194,199,207,207,204,204,207,209,209,207,202,194,194,194,191,189,191,196,196,186,133,131,132,137,186,191,194,189,182,182,189,196,202,204,207,207,204,202,199,199,202,202,204,204,202,199,196,196,196,202,204,202,198,196,196,199,204,209,212,215,215,215,212,209,207,209,212,209,202,202,204,199,199,199,199,199,196,194,191,191,199,212,215,212,209,207,199,196,202,204,204,204,199,194,189,187,186,186,187,189,196,204,202,196,194,191,190,191,194,199,204,209,209,204,199,202,199,191,183,137,186,191,196,196,199,199,189,181,183,189,191,189,139,137,138,186,194,196,196,199,196,194,191,189,191,194,196,196,196,194,194,191,189,189,181,135,134,178,189,194,191,189,189,191,196,199,191,178,176,183,189,189,189,186,186,194,196,196,191,183,181,186,191,191,189,186,183,191,199,202,196,191,191,194,199,202,204,204,202,199,202,204,209,215,217,217,217,212,209,209,209,207,202,199,199,199,196,194,194,194,194,196,191,186,181,181,183,189,191,194,196,194,191,189,186,183,186,189,183,177,177,181,178,135,135,178,181,181,181,183,183,183,178,178,176,178,181,183,183,178,131,129,135,178,128,128,135,186,194,196,196,191,191,191,191,199,207,209,207,202,196,191,189,183,183,189,199,207,209,207,204,202,202,202,199,196,191,183,181,178,178,131,128,129,181,189,191,191,183,178,178,183,191,194,189,183,181,181,181,178,181,181,186,191,191,186,178,131,129,129,176,183,189,186,183,181,186,191,196,199,199,199,196,191,191,191,194,199,204,204,204,202,199,196,196,194,194,194,194,191,189,194,196,196,196,194,189,187,196,204,207,204,202,199,199,202,207,212,212,204,199,196,191,186,135,131,131,135,189,194,191,187,186,189,194,194,194,196,199,196,194,189,189,191,194,199,204,212,215,212,209,204,191,182,182,186,181,133,127,126,128,181,189,186,181,132,130,133,183,186,178,131,131,178,183,191,196,202,202,196,194,189,137,137,181,189,196,204,204,194,191,194,199,199,199,202,202,199,202,207,212,212,207,204,202,202,202,200,202,204,204,203,204,209,207,199,191,186,183,183,186,194,196,196,191,186,137,135,135,137,183,189,191,194,191,186,183,183,189,191,194,194,196,196,194,189,189,194,209,228,233,225,212,199,196,204,217,225,225,222,217,215,217,217,217,215,207,204,204,209,212,217,222,222,222,222,225,225,222,222,217,215,212,207,202,196,191,191,191,189,186,183,183,186,183,183,181,181,186,186,186,196,202,186,139,95,97,142,160,173,186,199,207,212,215,217,217,209,204,200,200,202,204,209,0,0,0,0,0,0,0,0,0,0,238,248,255,254,251,251,254,255,0,0,0,0,0,0,0,0,0,0,0,238,235,230,222,222,228,0,0,0,0,0,0,209,204,199,196,189,183,183,186,189,196,207,222,228,225,209,0,0,0,0,0,0,0,0,0,0,0,209,212,204,191,181,173,168,168,173,181,194,202,212,222,235,246,251,251,254,254,254,255,255,255,254,248,241,235,228,222,225,233,241,248,254,255,255,255,255,255,255,255,255,255,255,0,0,254,251,246,235,230,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,17,0,0,0,0,0,0,0,0,0,111,157,168,176,181,173,139,120,120,137,152,160,163,157,155,160,117,103,99,113,160,160,165,170,121,112,111,115,117,117,123,168,178,186,191,189,178,119,108,109,119,123,121,119,123,165,176,178,170,170,170,165,123,125,168,123,113,113,113,113,113,115,119,125,170,176,168,119,119,125,176,176,123,123,168,170,118,117,165,168,165,165,165,165,125,165,127,125,124,125,181,196,204,202,196,194,191,183,176,176,170,127,129,173,173,172,173,178,186,183,128,126,176,191,196,178,125,121,119,107,93,91,191,196,194,183,181,178,181,189,199,202,204,207,209,207,204,199,198,198,202,207,204,202,199,202,196,186,189,199,207,207,202,186,168,115,115,125,173,173,168,168,173,170,119,97,44,10,13,49,125,173,173,176,183,186,178,178,181,172,176,191,176,34,28,75,97,123,186,191,181,103,27,0,0,14,79,170,176,168,163,168,176,178,173,163,160,170,186,194,196,194,183,173,173,173,165,121,100,105,121,189,191,176,168,170,165,117,117,123,165,163,123,115,67,49,55,99,168,176,178,178,178,178,176,115,97,101,113,163,178,178,163,111,108,111,163,176,176,181,183,176,163,160,157,114,114,181,194,194,191,196,196,186,67,49,93,113,115,157,168,173,189,194,194,186,181,178,178,176,163,119,121,176,186,183,170,123,123,165,165,163,121,119,123,173,178,186,189,183,173,123,121,168,170,168,163,160,121,107,101,102,109,113,115,163,189,202,207,204,196,186,173,160,115,113,115,155,155,117,163,168,160,157,163,168,168,165,119,105,105,107,117,176,194,196,186,176,173,176,173,168,165,170,181,189,191,189,189,191,186,173,117,113,115,117,117,111,111,109,102,99,103,105,105,105,107,109,117,123,123,125,125,123,125,165,173,173,127,168,183,196,202,199,196,196,196,199,199,196,189,176,127,168,178,176,127,123,119,119,168,181,183,176,165,121,117,111,111,123,181,196,202,199,186,168,161,163,168,170,165,125,165,165,123,117,115,125,176,181,13,1,91,181,183,189,196,202,204,204,204,204,202,202,202,202,204,207,212,215,217,217,209,194,189,190,194,199,202,204,204,204,204,204,207,209,209,209,209,207,207,209,212,215,215,215,207,191,178,129,129,170,173,181,191,194,191,186,183,186,183,176,127,123,119,117,116,118,125,173,176,129,125,125,173,183,186,181,173,125,122,123,123,121,121,123,121,123,125,123,125,178,189,186,173,127,126,129,173,178,183,186,183,176,127,168,181,186,178,125,123,168,173,176,168,109,96,105,173,194,207,207,196,176,123,125,173,181,173,127,123,123,125,127,131,178,189,194,196,196,196,199,204,207,199,195,194,196,199,202,204,204,191,181,133,133,133,176,178,178,176,133,176,178,178,178,178,176,174,176,176,176,181,186,186,189,186,183,186,186,186,189,186,178,131,127,124,123,125,176,183,183,181,178,176,173,127,123,124,129,189,199,196,186,173,131,178,186,183,178,129,127,129,183,194,199,196,191,189,189,191,189,186,186,183,181,183,189,194,194,189,186,189,196,199,202,204,202,183,127,124,125,127,129,173,176,176,178,178,181,186,191,186,176,172,173,178,189,199,199,191,186,186,189,189,186,181,176,170,129,126,125,129,176,173,127,124,127,176,183,186,181,170,125,127,173,178,178,129,121,119,123,181,196,207,209,207,204,199,196,194,191,181,170,125,123,129,176,181,176,125,121,125,173,181,181,178,173,176,183,191,191,170,124,168,176,165,119,178,196,189,126,124,170,191,196,183,129,125,129,176,181,186,191,194,196,196,196,194,194,194,194,194,194,189,181,129,123,121,125,127,170,170,127,123,123,170,178,183,181,176,173,170,170,173,176,181,178,168,123,125,176,189,191,173,118,117,125,186,196,202,207,209,204,202,199,194,189,191,194,189,178,131,131,181,189,189,189,186,186,186,189,186,183,181,178,176,173,176,178,178,176,178,181,183,181,173,127,116,112,115,125,127,127,131,178,183,183,183,183,183,181,181,181,183,191,194,191,191,189,183,178,178,178,181,183,186,189,186,186,183,183,183,181,181,183,178,131,131,178,181,178,178,181,186,189,194,194,189,186,189,191,194,196,194,191,191,191,194,194,194,194,196,202,202,196,189,186,183,133,130,132,181,189,189,194,194,191,189,191,194,199,204,209,209,212,209,207,204,202,199,202,202,199,198,199,199,202,204,207,207,207,204,199,192,191,194,196,196,199,202,207,212,215,215,209,207,207,209,212,212,215,215,212,207,204,199,196,194,192,192,199,207,212,209,207,204,204,202,199,196,194,194,194,191,189,189,191,194,194,191,189,189,189,189,189,191,196,202,207,209,209,209,209,207,207,207,209,215,217,222,222,217,215,212,215,222,228,230,228,225,225,225,222,222,225,225,222,222,225,228,230,228,222,222,222,225,228,230,230,228,228,225,222,222,217,217,215,212,207,194,183,181,181,181,178,178,181,176,125,119,119,121,119,117,115,117,117,115,113,113,113,113,113,150,150,150,150,150,152,150,109,105,105,105,105,105,107,107,107,107,107,111,117,160,165,170,170,170,170,168,163,163,165,168,165,164,165,173,176,173,168,168,170,178,178,176,168,128,128,129,170,173,173,178,181,186,186,186,183,178,178,181,181,183,183,183,183,182,182,183,189,196,204,207,207,207,207,209,209,209,209,204,202,199,199,199,199,202,202,199,196,196,199,199,196,194,194,194,196,199,204,207,209,207,204,207,209,209,204,196,194,194,196,194,189,191,196,199,191,137,132,135,181,189,194,191,182,181,183,194,202,207,207,209,207,202,199,199,202,204,207,207,204,199,196,195,195,195,196,199,199,198,196,198,202,207,209,212,215,215,215,215,212,209,209,209,204,196,194,199,199,199,199,199,199,199,196,194,192,196,204,207,209,209,202,189,141,191,196,199,199,196,194,191,189,189,189,189,191,196,199,199,194,194,191,191,194,196,199,204,207,204,199,196,199,196,186,136,135,137,191,199,202,202,199,186,177,179,182,186,186,183,139,186,191,191,191,194,196,194,194,191,191,194,194,194,196,196,196,194,194,191,191,186,136,134,136,186,191,189,189,191,194,199,202,194,183,176,178,178,178,178,131,133,186,189,191,191,189,189,191,191,189,183,181,186,194,204,204,199,194,194,196,202,207,207,207,207,204,204,209,215,217,217,215,209,204,199,199,202,199,199,196,199,199,196,196,194,191,189,186,183,179,179,181,186,191,194,196,199,199,194,189,186,183,183,186,186,181,178,178,178,178,178,181,181,178,177,178,178,178,176,176,176,176,176,133,133,129,127,127,129,129,126,127,133,183,191,196,194,189,186,186,189,196,204,207,204,199,194,189,183,181,182,189,204,212,212,207,199,194,194,194,194,194,191,186,183,183,181,176,173,173,183,191,196,196,189,181,178,183,194,196,194,191,189,191,189,186,186,183,186,189,189,183,176,133,133,133,181,191,196,194,189,186,189,191,194,194,196,196,194,189,189,191,194,196,199,199,202,202,202,202,199,199,199,199,196,194,186,183,186,189,191,191,189,186,194,204,204,202,199,196,196,199,209,215,212,207,202,199,196,189,139,135,133,137,189,194,199,194,187,187,189,189,191,196,199,196,191,186,185,186,189,196,207,212,212,209,209,207,196,185,183,186,186,183,135,129,129,135,181,181,176,133,132,131,176,183,181,132,130,133,186,199,207,207,202,194,189,189,191,194,189,189,191,199,199,189,186,194,202,202,196,196,199,196,199,207,212,215,212,207,204,202,200,200,204,207,207,203,203,207,209,202,191,186,189,191,191,189,191,196,196,191,181,134,132,134,181,189,191,194,191,186,183,186,194,199,199,196,194,191,187,187,189,196,207,222,225,217,209,196,195,202,212,222,222,217,215,215,215,215,215,212,207,204,202,204,209,215,222,225,225,225,225,225,225,222,217,212,209,207,199,194,191,189,186,186,183,181,181,181,181,179,179,181,186,186,189,196,199,186,152,99,98,134,0,163,176,189,199,207,215,217,0,209,204,200,200,202,207,212,0,0,0,0,0,0,0,0,0,0,238,248,255,254,251,251,251,254,0,0,0,0,0,0,0,0,0,0,0,246,243,238,230,225,225,0,0,0,0,0,0,0,204,204,204,199,194,186,183,186,0,0,209,217,217,209,194,0,0,0,0,0,0,0,0,0,204,209,212,207,194,183,173,176,183,191,196,202,204,207,217,233,243,248,251,254,255,255,255,255,255,254,254,251,246,235,228,225,225,225,230,241,254,255,255,255,255,255,255,255,255,255,0,255,254,254,248,241,230,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,157,176,150,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,186,0,0,0,0,0,0,113,155,53,111,147,160,168,170,157,124,117,121,147,163,168,170,163,115,111,108,104,105,119,163,160,160,121,115,112,112,115,119,123,168,170,170,173,181,173,121,111,107,109,119,123,119,119,121,121,119,117,115,119,123,123,125,168,168,119,111,111,112,112,115,121,168,173,178,176,113,103,104,115,170,170,119,123,176,178,121,119,125,168,170,168,165,125,123,125,125,127,170,181,194,204,207,204,199,196,194,186,173,129,123,121,129,181,178,172,172,178,189,183,127,125,173,189,191,178,127,127,178,176,117,176,196,207,207,199,194,189,189,194,196,202,207,212,215,212,207,204,202,202,204,207,207,207,204,199,189,181,183,191,194,194,121,47,45,73,105,165,178,178,176,178,183,176,163,117,105,67,59,85,189,186,176,172,176,178,165,123,173,181,191,199,194,121,109,165,168,178,191,196,202,204,95,1,19,87,178,189,189,170,93,69,109,173,178,168,163,173,181,181,181,176,163,160,168,173,168,160,99,107,176,204,204,183,168,168,165,119,117,119,123,163,168,173,183,183,183,186,186,183,181,181,183,186,186,178,168,163,163,163,165,163,121,115,111,110,113,117,121,163,170,168,119,113,111,111,119,183,194,191,191,199,199,194,41,18,28,101,111,117,168,181,191,196,191,181,173,173,176,173,160,117,119,168,183,181,168,123,163,165,163,123,121,119,119,163,173,178,181,176,165,121,123,173,173,168,160,160,168,163,107,103,106,109,113,157,183,199,204,204,204,199,189,170,157,155,157,160,115,109,109,113,119,160,168,170,165,119,98,93,97,109,117,165,181,181,170,165,165,165,121,107,105,115,163,170,165,160,168,181,186,111,75,97,115,160,121,115,115,117,113,115,119,115,107,105,107,113,121,121,117,115,119,123,170,176,178,173,127,127,181,196,204,202,199,196,194,194,194,194,186,168,124,168,178,173,168,123,117,119,168,173,170,125,125,165,170,168,165,173,189,202,212,209,194,168,160,163,170,168,125,125,168,176,176,123,115,119,127,173,111,97,183,194,191,191,196,199,202,204,204,204,204,202,202,202,204,207,212,215,217,217,209,199,190,190,194,199,202,204,203,203,204,204,204,204,207,207,204,204,202,204,209,215,220,215,202,183,173,131,176,176,176,183,191,191,186,178,178,186,183,173,127,127,127,119,117,121,127,129,127,125,123,121,127,178,183,181,173,127,123,123,123,121,123,121,119,119,123,127,170,181,189,181,170,127,127,170,176,181,181,178,173,125,122,124,173,178,173,127,127,170,127,125,121,106,98,103,123,183,204,209,196,173,123,123,129,170,173,173,129,123,120,121,125,133,186,194,196,196,196,199,204,204,202,196,196,196,196,199,202,202,189,176,131,131,176,176,178,176,133,133,176,178,176,176,178,178,174,176,176,176,178,181,179,181,181,183,186,189,189,189,183,176,131,129,127,127,129,176,183,183,183,181,178,176,131,127,127,173,186,194,191,181,173,176,181,186,183,176,127,125,126,176,189,194,194,191,189,189,186,186,186,186,183,183,186,191,194,194,189,187,191,196,199,202,202,194,131,121,129,176,131,131,176,178,176,181,181,176,176,178,176,172,172,176,176,181,186,189,183,186,191,196,196,194,186,176,129,129,129,129,129,127,125,124,124,125,129,176,178,183,178,173,176,178,183,183,173,123,122,127,181,194,202,204,204,202,199,196,194,189,183,173,170,173,178,186,189,181,173,168,170,176,178,181,176,173,173,181,183,176,123,122,181,189,125,91,90,183,186,168,126,173,186,191,186,178,176,178,181,183,186,189,194,199,199,199,196,194,194,191,191,189,181,131,125,123,125,129,176,178,170,123,121,123,173,181,178,176,173,173,176,176,176,178,178,170,121,117,119,129,183,189,181,120,117,129,191,196,196,204,204,202,194,189,182,183,191,202,199,181,123,117,123,176,186,191,191,186,183,183,183,178,178,178,176,131,131,129,129,129,173,181,183,183,181,176,125,117,117,125,129,173,178,186,189,189,189,189,186,183,183,181,181,186,189,183,183,181,181,183,183,181,181,183,186,186,186,186,183,183,181,181,183,186,186,183,181,183,183,181,181,183,186,191,194,191,189,186,191,194,194,194,191,191,191,194,194,194,196,196,199,199,199,194,189,186,183,135,133,178,189,194,194,196,199,196,194,191,191,194,202,207,209,212,212,209,207,204,202,202,199,198,198,198,199,202,207,209,212,209,209,204,202,199,202,202,199,196,199,202,207,212,215,212,212,212,215,217,217,217,217,212,207,202,199,196,194,192,192,196,207,209,207,204,202,202,202,199,196,194,194,194,194,191,191,194,196,196,194,189,189,187,187,189,191,196,199,204,204,207,209,207,204,202,204,207,212,215,217,217,215,212,212,215,222,228,233,230,230,228,228,225,225,228,230,228,225,228,230,230,225,217,217,217,222,225,225,225,225,225,222,222,220,217,217,215,212,207,194,186,181,183,181,178,178,181,173,121,113,113,115,115,113,113,115,115,113,113,113,115,115,152,155,152,152,150,152,150,111,107,107,107,107,107,105,103,103,105,107,107,109,117,163,170,170,168,168,163,123,121,123,163,165,165,165,170,176,176,173,170,170,176,183,181,176,168,128,128,170,173,173,176,178,181,183,186,186,183,181,183,186,186,183,183,186,186,182,181,182,186,191,199,204,204,204,207,209,212,217,215,212,207,204,202,199,199,196,196,195,195,196,199,199,196,194,194,199,202,204,207,209,209,207,207,207,207,207,204,199,194,194,196,194,191,191,194,196,191,183,135,137,181,189,194,191,182,181,189,199,202,204,204,204,202,199,198,198,199,204,207,207,204,199,196,196,195,195,195,196,199,199,199,202,207,209,212,212,212,212,215,215,215,212,209,209,202,189,189,194,199,199,199,202,202,204,202,196,194,196,199,199,202,207,199,141,137,139,186,189,194,194,196,196,196,196,196,199,199,196,196,196,194,194,194,194,196,196,195,196,202,199,194,194,194,194,189,183,137,139,191,199,202,202,199,186,179,181,182,183,186,186,189,191,194,191,191,191,194,194,194,191,191,194,194,196,196,196,196,196,196,194,194,191,183,137,181,186,186,183,186,186,189,194,196,191,183,176,133,133,131,129,126,127,176,181,186,189,191,191,191,186,181,176,176,181,194,204,204,202,196,196,199,204,207,209,209,209,209,209,215,217,217,215,207,196,191,189,189,191,191,194,196,196,196,196,199,199,191,186,183,181,179,179,183,191,194,196,196,196,194,189,183,183,183,183,186,189,186,183,181,176,132,133,178,178,177,178,178,181,181,178,178,178,176,131,125,125,125,129,131,129,128,127,128,133,181,189,194,191,186,183,186,189,196,202,204,202,196,191,186,183,182,183,196,212,220,215,204,194,189,189,191,194,191,194,194,191,189,186,181,178,178,181,189,191,191,186,181,181,186,189,191,191,191,194,199,199,194,189,183,186,191,189,178,132,132,133,178,183,194,202,199,194,191,189,189,189,191,191,191,191,189,186,189,189,191,191,191,194,199,202,204,204,202,202,199,196,194,186,183,182,181,183,189,191,191,196,202,204,202,199,196,196,196,204,207,207,204,202,199,194,189,183,186,186,186,183,189,199,204,199,194,191,187,187,194,196,196,191,187,186,187,189,196,204,209,209,207,204,204,199,191,189,189,191,196,196,181,125,121,129,176,176,181,181,176,176,183,181,132,130,176,194,212,222,217,202,186,183,186,194,194,183,135,135,183,186,183,186,196,204,202,199,199,196,194,196,204,212,212,209,209,207,204,202,202,207,209,207,204,204,207,209,204,196,194,199,202,194,183,183,189,194,194,186,135,133,135,181,186,191,191,189,183,183,191,199,204,204,202,196,191,189,189,191,199,204,212,215,215,207,199,195,199,209,217,217,215,215,215,215,215,215,212,207,202,200,202,207,215,217,222,225,225,228,228,225,222,215,212,209,207,199,194,189,186,183,183,183,183,183,183,183,181,181,181,183,183,186,191,194,189,173,144,98,96,137,0,170,181,191,204,212,0,0,212,207,202,202,204,209,215,0,0,0,0,0,0,0,0,0,0,233,246,254,254,251,251,251,248,0,0,0,0,0,0,0,0,0,0,0,0,246,243,235,230,0,0,0,0,0,0,0,0,0,209,212,207,196,186,0,0,0,0,0,0,212,207,196,0,0,0,0,0,0,0,0,0,204,209,212,207,194,178,168,178,196,209,215,209,207,204,212,225,235,241,246,248,254,255,255,254,248,254,255,254,248,238,228,217,212,211,212,225,243,254,255,255,255,255,255,255,255,255,255,255,254,254,254,246,233,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,144,196,207,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,189,0,0,0,0,0,0,173,228,124,131,150,155,160,160,150,126,121,137,170,176,173,176,170,152,109,109,111,157,168,168,165,119,113,112,115,115,117,123,173,189,183,165,123,165,121,113,108,106,111,170,178,163,123,121,113,111,114,114,114,114,117,123,165,125,115,111,113,119,115,115,165,181,186,186,186,119,102,101,107,125,125,115,119,181,186,170,123,121,123,168,170,165,123,121,123,125,127,173,186,196,202,199,194,194,196,196,189,176,127,119,119,170,186,186,176,170,173,181,176,125,125,176,191,189,173,125,129,186,189,181,189,196,209,212,204,196,189,186,189,189,194,202,209,215,215,212,207,204,207,207,207,207,207,199,186,173,129,173,178,125,87,45,37,39,77,117,176,181,176,176,194,202,199,194,199,225,225,186,168,186,189,178,173,178,176,121,118,168,183,191,196,194,183,176,181,183,189,191,194,202,207,196,101,115,181,191,196,202,199,91,48,75,119,173,170,165,170,176,170,165,156,152,156,165,170,170,168,113,113,170,199,204,191,176,165,121,117,117,119,121,163,173,181,191,194,194,194,191,189,186,183,186,191,191,191,191,189,178,170,160,121,160,163,160,117,111,111,115,119,157,119,115,112,111,113,163,183,191,191,191,196,194,178,36,23,22,59,119,165,173,186,191,196,191,173,163,165,168,163,117,115,113,117,170,170,121,120,163,165,121,120,121,119,119,121,123,121,119,119,117,117,119,165,173,165,115,113,170,178,160,109,109,111,109,115,176,194,199,199,199,202,199,186,173,163,163,160,117,109,108,110,115,160,168,168,163,115,96,92,99,119,160,165,176,173,165,164,165,160,109,99,96,102,107,101,81,76,86,109,111,70,55,79,121,173,170,119,121,163,165,170,170,121,111,113,121,173,183,170,110,109,113,123,173,181,181,173,127,127,181,202,207,202,196,194,191,191,189,186,173,123,122,127,170,168,127,123,116,118,165,168,124,123,165,176,183,183,181,178,181,194,204,207,191,168,161,168,178,173,168,168,176,189,178,111,103,111,121,127,127,170,194,194,189,191,196,196,202,204,204,204,204,202,202,202,204,207,209,212,215,215,212,204,199,196,199,202,204,204,204,207,209,207,202,199,199,202,202,202,199,202,209,217,217,207,186,131,130,173,178,176,129,173,181,181,170,127,129,176,173,127,127,176,181,125,119,125,127,122,121,123,123,117,111,119,170,173,173,176,176,170,125,123,125,125,120,119,123,127,173,178,181,173,129,128,170,176,178,178,178,170,127,124,123,124,168,173,170,170,170,170,123,117,117,115,107,107,121,176,194,196,186,129,123,123,127,129,173,176,173,125,120,121,125,173,186,191,194,194,199,202,204,204,202,196,194,194,194,191,194,194,181,131,127,129,176,178,178,176,133,133,176,176,176,178,181,183,178,176,174,173,178,181,181,179,181,183,191,194,194,191,186,173,131,173,173,173,173,178,183,186,186,183,181,178,173,131,173,176,178,181,178,173,173,178,183,183,181,176,129,127,129,176,183,191,191,191,191,189,186,186,183,183,183,183,189,194,196,194,191,191,194,196,199,202,202,191,129,122,173,181,173,130,173,176,173,178,181,173,172,173,173,172,173,178,173,129,128,128,170,181,194,202,204,202,191,176,128,129,173,173,170,129,127,127,127,127,129,131,178,189,191,189,186,183,181,181,176,127,127,173,183,194,199,202,202,202,196,194,191,189,186,181,181,181,183,189,186,181,176,176,176,170,170,173,173,170,176,183,186,168,121,125,191,186,88,77,82,173,183,173,127,170,176,178,183,181,181,186,186,183,181,181,186,194,199,202,202,199,196,194,191,186,178,131,129,129,129,170,176,173,127,123,123,127,176,181,176,168,168,170,176,181,181,181,176,125,117,113,117,125,176,183,181,122,120,173,194,196,196,199,202,199,191,183,179,179,186,199,196,176,116,112,115,127,183,194,194,186,181,176,173,173,173,176,173,131,129,123,119,123,170,181,183,181,176,131,125,121,121,123,129,176,183,191,191,189,186,189,186,183,183,183,183,186,189,181,176,178,183,189,186,181,181,183,183,183,183,183,183,183,183,181,178,183,189,191,189,186,183,181,181,183,183,186,189,189,189,189,191,194,194,191,189,189,189,191,194,194,196,199,199,196,191,186,186,189,191,189,186,191,194,194,196,199,202,199,194,194,191,191,196,204,209,212,212,212,209,209,207,204,202,199,199,199,202,204,207,209,212,209,209,209,209,209,209,204,202,199,196,199,202,207,212,212,212,215,217,222,222,222,217,212,207,202,202,202,199,196,196,202,207,209,207,202,199,202,202,199,196,194,194,194,194,191,189,194,199,199,196,191,187,187,189,191,194,196,199,199,199,202,207,207,202,202,202,204,207,212,215,215,215,212,212,215,222,228,233,230,230,228,228,225,225,230,233,230,225,225,225,225,217,215,212,215,217,217,222,222,222,222,222,217,217,215,215,212,212,207,199,194,191,189,186,181,178,176,127,117,109,109,109,109,109,111,113,113,113,113,115,152,155,157,157,152,150,150,152,150,111,109,109,109,107,105,101,99,97,101,103,105,107,115,163,168,165,163,163,119,115,115,119,123,125,125,168,170,173,176,176,178,181,183,186,183,176,170,129,170,173,176,176,173,176,178,183,186,186,186,186,189,189,189,186,186,189,191,191,186,186,189,196,199,204,204,204,207,209,215,222,222,217,215,209,204,202,199,196,195,195,195,196,199,199,194,192,194,202,207,207,207,209,209,209,207,204,204,204,204,199,191,189,191,191,189,191,189,189,186,186,183,181,181,186,191,191,183,183,194,199,199,199,199,199,199,199,199,199,199,204,207,207,204,202,199,199,199,196,196,199,202,204,207,209,209,212,212,209,209,209,212,212,212,212,207,204,196,141,141,191,196,199,199,202,204,207,204,199,196,196,196,195,199,204,199,141,137,136,137,139,186,191,194,196,199,199,202,204,204,196,189,191,194,194,194,194,196,196,195,195,196,196,191,191,191,194,191,191,194,194,194,196,199,199,196,191,189,189,186,186,186,189,189,194,194,191,191,194,196,196,196,194,194,194,194,194,194,196,199,199,199,199,196,194,191,191,191,186,178,135,135,181,183,186,189,183,176,133,133,131,130,129,126,127,176,183,183,189,191,194,191,186,178,176,176,181,191,202,204,202,199,199,202,207,209,212,212,209,209,212,217,217,217,209,202,191,183,139,139,139,186,191,196,196,196,199,202,199,194,189,186,186,183,186,189,194,196,196,196,196,191,183,182,183,183,183,183,186,186,186,181,133,130,131,178,183,183,186,186,186,186,183,181,181,178,129,124,123,125,176,178,135,131,129,131,133,178,186,191,189,183,182,186,191,199,204,202,196,191,186,183,183,186,194,207,217,222,215,202,191,187,189,191,191,191,194,196,194,191,186,181,178,176,176,181,183,183,181,181,181,183,183,183,183,183,191,199,202,194,189,186,191,194,191,178,131,131,133,178,186,194,202,204,199,191,189,186,186,186,189,189,186,186,183,186,186,186,186,186,189,196,202,204,204,202,199,196,194,191,186,183,182,181,182,189,199,202,204,204,204,199,199,196,194,191,191,194,196,202,202,199,191,189,189,191,191,186,182,183,191,202,202,202,199,191,187,189,191,191,189,191,191,191,191,194,202,204,207,204,202,199,196,191,189,189,194,204,204,186,123,119,121,129,178,186,186,181,181,186,181,132,130,176,194,215,225,222,204,186,181,183,194,196,183,133,132,134,135,137,186,199,202,199,199,202,196,191,194,202,207,207,207,207,207,207,202,204,204,207,207,204,204,204,204,204,202,204,207,207,196,183,137,181,186,186,183,137,134,135,181,183,186,189,183,182,186,191,202,207,207,204,202,199,196,196,199,202,204,207,209,209,207,202,196,196,204,212,215,212,212,212,212,212,215,212,207,202,200,200,204,212,215,222,222,225,225,225,225,222,217,215,212,207,202,196,189,183,182,182,183,186,186,186,189,189,186,183,181,179,181,189,191,194,189,173,134,94,129,0,173,183,191,196,0,0,209,209,207,204,204,207,209,215,0,0,0,0,0,0,0,0,0,0,228,241,248,251,251,251,246,243,243,243,0,0,0,0,0,0,0,0,0,246,243,241,235,230,0,0,0,0,0,0,0,0,0,0,0,209,196,0,0,0,0,0,0,0,0,204,202,0,0,0,0,0,0,0,0,204,207,212,217,212,196,176,165,178,202,220,228,222,209,204,207,215,225,233,238,243,254,255,254,244,244,248,255,254,246,235,228,217,212,208,211,217,238,248,251,255,255,255,255,255,255,255,255,255,255,255,255,251,238,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,0,0,129,196,199,152,124,72,46,36,160,181,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,25,0,0,0,0,0,0,176,220,139,131,142,150,155,157,152,137,134,147,170,170,163,165,170,160,113,117,163,168,170,170,168,121,112,112,121,160,123,168,186,199,189,121,113,115,117,115,110,108,115,196,222,183,163,115,109,112,173,173,163,114,115,119,123,121,115,117,168,170,119,119,173,186,189,189,191,183,111,103,104,115,117,113,119,173,181,173,165,119,117,168,173,125,121,121,127,168,168,170,183,191,191,186,183,186,194,196,191,178,127,117,116,125,178,181,181,176,176,178,170,124,123,173,186,183,123,117,121,178,189,191,194,196,202,202,194,186,178,176,178,176,178,189,199,204,207,209,209,207,209,209,204,202,196,181,123,119,115,123,127,77,17,19,31,67,117,165,170,165,119,123,194,202,204,204,207,217,215,183,165,168,173,173,176,181,176,121,119,173,181,178,183,189,186,183,186,191,191,191,189,191,199,199,178,170,181,189,194,209,222,178,69,76,109,173,178,176,178,178,176,165,155,151,157,170,178,183,194,183,113,117,191,204,196,181,123,107,109,121,165,165,168,178,186,191,194,196,196,194,191,189,189,189,189,191,194,194,191,186,178,168,163,165,176,181,176,160,115,113,117,117,115,117,115,115,119,165,178,183,183,186,189,178,113,73,83,57,55,168,176,173,181,194,196,189,160,115,121,163,121,113,113,112,113,163,163,117,116,165,165,123,121,123,123,121,121,117,114,115,118,117,118,119,119,123,119,108,105,117,176,170,121,119,121,115,117,170,189,194,194,194,199,204,199,183,168,160,119,117,113,113,117,119,160,165,165,165,119,103,99,117,168,170,173,178,173,165,165,168,163,111,100,99,105,111,99,80,74,84,107,111,81,73,115,186,191,186,168,163,165,165,163,121,117,117,123,173,194,202,183,108,107,113,165,176,181,178,170,125,123,170,194,202,199,191,189,189,189,183,176,125,121,122,127,127,125,125,119,117,119,165,165,124,125,170,181,186,189,183,173,165,168,178,183,176,163,163,176,183,181,173,176,189,194,115,83,91,109,119,125,173,183,194,183,178,186,194,199,202,204,204,204,202,202,202,202,204,209,209,209,209,215,215,212,212,207,204,204,207,207,207,209,209,207,199,196,196,199,199,199,202,204,209,215,209,194,131,128,131,178,181,173,123,121,123,121,119,121,127,129,126,125,129,183,186,170,125,129,127,120,120,123,123,111,102,102,113,123,170,181,186,178,168,125,125,127,123,121,125,170,176,176,173,129,128,129,173,176,176,178,173,168,125,125,125,125,127,168,170,170,170,168,123,116,121,127,123,115,121,170,178,181,176,129,127,127,127,129,170,173,170,127,125,123,125,131,183,189,189,194,199,204,204,202,196,191,183,181,181,183,186,186,176,127,123,127,133,178,178,176,133,133,133,176,176,178,183,183,181,178,174,174,181,186,183,181,181,186,194,196,196,191,186,173,173,178,181,178,178,181,183,183,183,181,178,178,176,176,176,173,170,129,129,129,131,178,183,181,178,176,176,178,178,178,183,186,189,191,191,191,186,186,183,182,182,186,191,196,196,196,194,191,191,194,196,202,204,194,178,129,173,176,131,130,131,131,173,176,176,173,173,176,176,173,176,178,178,170,127,126,129,181,194,202,204,199,189,173,129,129,170,170,173,173,170,170,131,131,131,131,181,196,202,199,194,186,178,176,173,129,129,176,186,191,194,194,196,196,194,189,189,189,189,186,186,183,186,186,178,170,173,178,173,127,124,127,168,168,173,186,191,170,124,178,194,117,82,79,111,194,194,178,168,127,127,168,173,176,178,183,186,181,173,130,173,183,194,199,204,204,202,199,194,183,178,176,178,176,173,173,173,125,119,123,127,170,178,183,178,170,166,168,176,183,189,186,178,123,113,113,121,127,173,176,173,123,121,173,194,199,199,199,199,196,191,189,182,182,189,191,183,127,116,114,117,127,181,189,186,178,131,129,127,127,129,131,131,131,127,118,116,119,170,181,181,176,131,123,120,120,125,127,129,176,183,191,189,186,186,186,183,182,183,183,186,191,191,183,176,178,186,186,183,181,181,181,183,183,183,183,183,183,183,178,133,176,186,191,191,183,178,178,181,181,181,183,186,186,186,189,191,194,194,191,189,186,186,189,189,189,194,196,196,191,186,181,186,191,194,194,194,194,194,191,194,199,199,196,194,194,191,191,196,202,204,209,212,212,212,212,209,204,204,204,204,204,204,204,204,207,207,207,207,209,212,212,209,204,202,199,196,199,202,204,209,209,212,215,217,222,222,217,215,209,204,202,202,204,204,202,202,204,207,207,204,199,199,199,199,196,194,194,194,196,194,189,186,189,194,199,199,194,189,187,191,194,196,199,196,194,194,196,202,202,202,199,199,202,204,207,209,212,212,212,212,215,217,225,228,228,225,228,228,225,225,230,233,230,225,217,217,215,209,209,209,212,215,217,222,222,222,220,217,215,215,212,212,209,209,207,204,202,196,194,186,181,176,170,125,117,111,107,105,103,103,107,111,113,113,113,115,155,157,160,157,152,150,152,155,155,150,111,109,107,103,99,95,93,93,95,99,101,105,113,157,163,160,160,121,113,111,112,117,121,123,125,168,170,173,176,181,186,186,186,186,183,176,170,170,173,176,178,176,173,173,176,183,186,189,189,191,191,189,189,186,189,194,196,196,194,191,194,196,199,202,204,207,209,212,215,222,222,217,215,212,207,202,202,199,199,199,199,202,202,202,194,191,192,199,204,204,207,207,207,207,207,204,202,202,202,196,189,183,183,183,183,186,183,181,183,186,189,189,183,186,189,189,189,191,199,199,199,199,199,199,199,202,204,202,202,202,204,207,204,202,202,202,202,202,202,204,207,209,209,212,212,212,212,209,209,209,209,209,209,204,199,196,189,139,139,191,196,199,199,202,204,207,204,202,199,199,196,195,199,204,202,189,139,136,136,138,183,189,194,196,199,199,202,204,202,191,183,183,189,191,189,189,194,199,199,199,199,196,191,190,191,194,194,196,202,204,202,199,196,196,194,196,199,196,191,189,189,186,186,189,191,191,194,194,196,199,196,196,194,189,189,191,194,194,196,196,199,199,199,196,194,196,196,186,134,131,132,135,183,189,186,133,126,128,176,178,176,133,131,173,183,189,186,186,191,194,191,186,181,178,181,186,194,199,202,202,199,199,204,209,212,215,215,212,212,215,217,217,215,209,199,191,183,139,137,137,139,191,196,199,196,199,199,196,191,191,194,194,191,191,189,186,186,191,194,194,191,183,182,183,183,181,135,178,181,183,181,133,131,133,183,191,194,194,191,191,191,186,183,183,181,131,125,125,131,183,186,183,135,135,133,133,133,181,186,186,182,182,186,194,199,202,202,196,189,183,181,182,189,202,212,217,215,209,199,191,189,189,189,189,189,189,191,189,183,178,173,131,127,127,173,181,181,178,176,176,176,176,176,173,176,186,194,196,189,183,189,196,199,194,181,132,131,133,178,181,189,199,202,199,191,186,185,186,186,183,181,181,183,183,183,189,189,186,186,189,194,202,204,202,199,196,194,194,189,186,186,186,183,186,194,204,209,209,209,204,199,196,196,191,187,185,185,187,196,204,202,196,191,191,189,186,183,182,183,183,186,194,202,202,199,194,189,189,187,187,191,196,194,191,191,196,199,202,202,202,199,194,186,183,186,194,202,199,186,127,121,120,121,129,176,178,181,186,194,189,178,133,133,183,202,215,215,204,191,178,181,191,199,194,181,134,134,134,135,186,199,199,198,198,199,196,191,191,196,202,204,204,207,207,204,202,199,199,196,196,202,202,202,199,204,207,207,207,204,196,186,137,137,181,137,137,137,178,181,183,181,181,183,183,182,186,191,196,202,202,204,204,204,204,204,204,207,207,207,207,207,204,202,196,196,199,207,212,212,212,209,212,212,215,212,207,204,200,202,204,207,212,215,217,222,225,225,222,217,217,215,212,209,204,199,194,189,183,183,186,189,191,191,194,194,191,186,179,178,183,191,196,199,199,191,157,97,134,157,181,189,191,194,0,0,0,204,207,207,207,209,212,0,217,0,0,0,0,0,0,0,0,0,225,235,246,248,248,248,243,241,241,241,0,0,0,0,0,0,0,0,0,243,243,241,233,228,0,0,0,0,0,0,0,0,0,0,0,207,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,204,212,217,215,199,176,0,173,199,225,235,230,215,202,202,204,215,225,233,243,254,255,248,241,242,246,254,248,241,235,233,230,222,215,215,225,235,243,246,251,255,255,255,255,255,255,255,255,0,255,255,255,246,235,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,0,0,66,191,209,204,189,191,176,134,46,64,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,183,137,121,125,142,152,163,165,155,144,144,152,147,107,147,163,165,165,168,173,173,170,163,121,119,113,115,163,168,168,173,186,194,173,104,102,111,119,163,163,119,165,196,215,181,123,115,114,165,191,191,183,165,119,117,119,121,119,123,173,170,119,119,176,186,186,186,194,194,125,106,104,111,115,115,121,170,170,168,168,123,116,123,168,125,121,123,127,168,123,123,170,183,186,182,179,182,191,196,191,181,129,117,114,116,121,129,183,186,183,183,173,125,124,173,183,178,117,114,115,125,189,196,196,194,191,183,176,176,176,176,173,172,173,178,181,186,189,196,202,204,204,204,202,186,111,91,95,103,107,119,125,83,24,24,37,113,165,168,125,119,114,113,176,194,199,196,199,204,199,176,163,121,123,163,168,170,163,121,168,183,176,165,170,183,186,186,189,194,194,191,189,186,191,191,178,168,168,176,186,199,204,181,115,99,117,176,189,191,189,186,183,176,168,160,168,183,191,196,202,191,43,19,103,186,181,119,101,93,103,163,176,178,181,189,191,194,194,194,194,194,194,194,191,189,186,186,189,186,186,183,178,168,163,168,181,194,194,176,113,105,115,119,119,160,163,160,157,157,163,168,168,173,173,160,101,95,115,109,105,170,168,118,165,186,189,168,93,97,115,160,121,115,113,111,113,168,165,118,120,165,165,123,123,163,163,123,123,118,117,163,181,176,168,123,111,106,113,112,108,115,168,170,163,163,165,163,160,170,183,189,191,194,202,207,204,189,165,119,119,117,115,119,160,160,163,165,165,168,168,121,119,163,170,173,178,178,173,165,165,170,168,119,111,163,170,168,160,107,97,115,176,176,107,95,168,191,196,191,170,163,168,121,107,107,115,123,170,183,196,199,173,108,109,125,181,183,186,178,168,123,118,118,170,189,189,186,189,191,189,178,168,124,123,127,170,127,125,121,116,116,121,125,125,125,168,173,178,186,186,176,123,117,117,121,125,163,123,163,176,183,181,176,176,189,194,99,79,89,111,123,170,181,183,183,125,125,186,196,202,204,204,204,202,202,202,202,204,207,209,209,208,208,212,215,217,217,209,207,207,207,207,207,207,209,204,196,195,196,199,199,199,202,204,207,209,199,183,130,129,173,178,178,129,121,118,117,114,116,123,170,129,125,124,170,186,189,181,176,176,173,127,122,122,123,111,101,101,113,121,125,173,178,176,170,168,127,129,127,127,129,176,178,176,129,128,170,178,181,181,181,181,178,170,129,127,127,125,125,125,127,168,168,168,125,123,176,181,173,121,123,168,173,170,168,170,170,129,129,129,127,127,127,170,173,127,122,122,173,181,183,189,194,196,199,196,191,178,127,127,131,176,183,186,178,127,123,125,131,176,176,133,132,132,132,176,178,181,181,181,183,186,183,181,183,186,183,181,181,183,189,189,189,186,181,172,172,178,181,181,181,181,181,178,178,178,178,178,178,176,176,170,127,127,128,129,131,176,178,178,176,178,183,186,186,183,181,181,178,183,189,191,191,189,186,183,183,189,194,196,196,196,191,191,191,194,196,202,202,196,186,176,173,173,131,131,131,131,173,172,172,176,178,181,178,178,178,181,178,176,170,129,173,181,194,202,202,191,178,176,173,173,129,128,128,131,173,131,131,176,173,131,181,199,204,204,199,191,181,176,173,129,129,173,181,183,183,186,189,191,189,186,186,189,189,189,189,186,186,183,173,166,168,173,170,125,124,127,127,125,168,181,189,178,176,183,181,87,83,121,194,207,204,183,168,123,123,127,170,173,173,178,183,183,173,129,129,173,183,194,199,204,204,202,194,183,181,183,183,181,178,178,176,119,116,121,127,127,176,191,189,176,166,166,173,183,194,191,178,117,108,113,125,173,176,176,170,124,123,173,191,199,199,199,199,196,194,191,189,186,191,191,173,125,121,121,123,129,176,178,131,127,126,126,126,126,127,131,131,131,125,118,117,121,173,178,178,170,123,118,118,125,176,178,176,176,181,189,189,186,189,189,186,182,183,186,189,191,191,183,174,176,181,181,178,181,181,178,181,181,178,178,178,178,178,176,130,131,183,191,186,178,178,181,186,186,186,186,186,186,183,183,189,191,191,189,186,183,183,183,183,183,186,191,191,189,183,181,183,189,194,191,189,191,191,191,194,196,196,194,194,194,191,191,194,196,199,204,207,209,212,209,207,202,202,204,207,204,204,202,199,202,204,204,204,207,212,212,207,204,202,199,196,199,199,204,207,209,212,212,215,217,217,212,207,202,199,199,202,204,207,204,202,204,204,202,199,196,196,199,199,196,196,196,199,196,194,186,137,139,189,196,199,199,191,189,189,194,196,196,194,189,189,191,196,199,199,199,202,204,204,207,205,207,209,212,212,215,217,222,225,222,222,225,225,225,228,233,233,228,222,215,209,207,204,204,207,212,215,215,217,217,217,217,215,215,212,212,209,209,207,207,204,204,199,194,186,178,173,165,123,119,113,109,103,101,102,105,109,111,111,113,115,155,160,163,160,152,150,152,157,155,147,109,107,101,97,91,89,91,91,91,93,97,103,111,119,160,160,160,121,113,110,111,117,123,123,125,127,173,178,181,183,186,186,183,181,176,173,170,176,178,181,181,178,173,173,176,183,191,191,194,196,194,189,185,186,191,196,199,199,194,191,194,196,196,199,202,207,209,209,212,215,217,215,212,209,207,202,202,202,204,204,204,204,207,204,196,191,190,194,202,202,202,204,207,207,207,204,204,202,202,194,183,137,178,135,133,133,131,131,135,183,191,194,191,186,186,186,191,196,202,199,199,199,199,202,204,207,207,204,202,202,204,207,207,204,202,202,202,202,204,204,209,212,212,215,215,215,215,212,212,209,209,209,204,196,141,141,139,138,139,191,199,199,199,199,202,204,204,204,202,199,196,196,202,209,204,196,189,141,139,183,186,191,194,199,199,199,196,196,194,186,139,137,139,183,139,139,189,196,202,202,199,194,191,191,194,196,196,199,207,209,209,202,194,192,194,196,199,199,194,191,189,185,183,185,189,191,194,196,199,199,199,196,191,189,189,189,189,189,189,189,191,196,199,196,194,194,194,189,135,131,132,135,186,191,189,129,124,127,181,186,183,183,183,186,189,191,186,181,186,189,189,189,186,183,186,191,199,204,204,202,199,202,207,212,217,217,217,215,215,215,217,217,212,207,199,191,186,139,138,137,183,194,202,202,199,199,196,191,186,189,194,196,196,191,183,179,181,186,191,191,189,186,183,183,181,133,130,131,176,178,178,178,178,181,189,196,196,194,194,194,191,189,186,183,181,176,129,129,178,189,191,186,178,178,133,131,130,135,183,186,183,183,186,194,199,202,202,199,194,186,181,182,189,204,212,212,207,202,199,194,191,189,186,183,181,176,178,178,131,127,125,123,121,121,127,176,178,178,176,131,127,129,129,129,173,183,191,189,179,178,186,194,196,191,186,178,132,133,176,176,181,191,199,196,191,186,186,189,189,181,176,176,178,181,186,191,191,189,189,191,194,196,199,199,196,196,194,194,191,189,189,189,189,191,202,207,212,215,212,207,199,196,196,194,187,185,185,187,196,207,207,202,196,194,189,186,183,183,183,182,182,189,196,202,202,202,199,191,187,189,194,196,194,191,194,194,196,199,202,204,202,194,186,181,181,191,196,194,189,181,129,121,119,125,125,125,133,189,202,199,189,178,133,176,191,204,207,202,194,181,181,189,199,199,191,186,186,137,137,186,199,202,198,198,199,196,191,190,194,199,204,207,207,204,202,199,196,191,187,189,196,202,199,199,204,207,204,202,202,196,189,183,183,137,134,135,183,191,194,189,183,137,181,183,183,183,186,186,191,194,199,207,209,207,204,207,212,215,209,204,202,196,196,196,194,194,204,212,215,212,209,209,215,215,212,207,204,204,204,204,204,207,212,215,217,222,222,217,217,217,217,215,212,207,204,202,196,189,186,186,189,191,194,194,194,194,189,181,179,186,196,202,204,204,199,178,144,142,163,186,191,191,191,0,0,0,0,0,0,209,212,215,0,215,215,0,0,228,230,230,230,0,0,228,238,243,246,243,246,243,241,241,238,0,0,0,0,0,0,0,0,0,246,243,241,230,217,212,0,0,0,0,0,0,0,0,0,215,202,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,204,209,220,222,207,181,164,168,191,222,238,235,217,202,194,199,209,228,235,246,254,255,246,241,241,246,251,246,238,238,241,243,241,235,230,230,233,235,238,248,255,255,255,255,255,255,255,255,255,255,255,255,254,243,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,33,14,189,199,204,202,196,186,186,217,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,152,134,114,121,137,152,170,181,170,144,103,103,105,103,107,157,173,181,183,181,178,170,115,109,111,115,117,163,170,170,170,178,178,111,94,93,113,123,173,178,173,170,178,178,163,119,121,165,178,191,194,191,181,165,119,119,121,121,121,125,125,117,119,176,186,183,183,196,196,176,115,109,117,123,123,168,178,173,168,170,125,116,116,117,123,121,123,127,125,114,110,114,183,189,183,182,186,194,199,191,181,170,121,116,115,116,129,191,194,194,191,183,170,170,181,189,183,121,115,115,123,186,199,199,196,186,129,123,170,183,186,181,176,173,173,131,131,176,181,189,191,186,189,191,117,69,66,78,95,111,173,186,189,183,125,99,119,168,165,123,163,118,114,165,181,178,170,178,189,186,170,123,117,115,117,117,115,111,117,176,186,176,119,121,178,189,186,186,194,194,191,189,189,186,181,168,119,119,160,170,173,163,157,157,115,117,173,191,194,186,181,178,176,176,176,181,191,196,196,194,170,0,0,0,41,43,55,75,97,113,176,186,186,189,194,194,194,194,189,186,189,194,196,196,191,183,181,181,181,181,178,170,121,117,121,173,191,191,170,97,87,113,160,163,170,168,160,117,111,115,115,113,115,117,111,97,93,105,115,163,168,116,112,119,170,163,80,73,79,107,121,121,121,117,112,117,176,170,160,168,165,123,121,123,163,163,123,121,123,168,194,212,202,183,123,105,99,165,183,173,168,170,168,163,119,160,160,163,170,181,189,196,202,204,209,204,183,119,119,160,157,117,119,160,160,163,163,163,170,173,170,165,165,163,165,170,173,165,123,163,170,173,163,123,178,183,178,173,173,178,189,191,178,99,76,101,176,189,186,165,163,170,119,102,103,119,170,178,186,189,181,119,110,117,189,196,194,191,178,168,125,118,116,121,176,183,186,191,194,189,176,127,125,125,168,173,168,165,121,113,116,121,123,125,165,170,170,170,178,176,165,117,115,117,117,119,119,121,163,173,178,178,176,173,181,186,111,87,97,121,173,183,186,176,125,118,123,189,199,202,204,204,204,202,202,202,202,204,209,209,209,208,208,212,217,217,215,209,207,207,207,207,204,204,204,202,199,196,199,202,199,199,202,202,202,202,191,178,131,131,173,131,129,123,121,119,118,115,118,170,178,173,126,126,178,191,196,196,191,189,186,181,129,123,129,125,109,111,125,125,121,121,119,125,173,176,178,178,176,173,173,176,178,170,128,128,178,189,194,194,194,196,191,178,170,129,168,168,125,124,124,127,170,168,127,170,189,189,176,123,125,170,173,170,168,170,173,129,129,127,125,124,126,176,178,129,120,118,123,131,176,178,181,186,189,189,181,127,120,121,127,178,189,191,183,129,123,123,129,133,133,133,132,132,132,176,178,181,181,181,186,194,194,189,186,183,178,178,178,178,178,176,173,176,176,172,173,176,178,178,178,181,178,176,173,176,178,178,178,176,173,129,127,127,129,173,173,176,174,174,176,178,183,189,186,181,178,173,128,131,183,191,194,194,191,186,186,191,196,199,199,196,194,194,194,194,196,199,199,194,183,176,173,131,173,173,131,173,173,170,172,176,178,178,178,178,178,178,176,176,178,176,176,181,189,194,194,178,131,178,186,183,173,128,127,129,131,130,131,178,178,131,176,191,199,199,199,191,186,181,178,131,129,129,173,176,176,178,181,183,183,181,183,186,186,186,189,189,189,183,170,165,166,170,129,125,125,127,125,122,123,176,189,186,186,186,113,78,84,202,202,207,202,181,125,119,120,127,173,173,170,173,181,183,176,131,130,131,176,181,189,196,202,199,191,183,181,186,189,183,181,183,181,118,113,117,121,121,170,196,194,181,168,165,170,183,194,194,170,109,105,109,127,178,181,178,173,127,125,173,186,194,199,199,199,196,194,191,189,186,189,189,173,129,127,127,127,131,173,131,126,125,125,127,129,173,176,178,178,178,129,121,123,170,176,178,173,125,118,117,121,178,189,186,181,178,178,183,189,191,191,191,189,183,186,189,191,191,191,181,174,174,176,174,176,183,183,178,178,178,178,176,174,176,176,173,131,173,183,186,178,173,181,191,191,191,194,191,186,183,182,182,186,189,189,189,186,186,183,183,181,181,181,186,186,186,181,179,179,183,189,186,183,183,189,191,191,191,191,191,191,191,191,191,194,194,194,194,199,204,207,207,202,196,196,199,204,202,199,196,196,199,204,204,204,207,209,212,209,204,202,199,196,196,199,202,207,209,209,212,212,212,212,207,199,196,196,196,202,204,204,204,202,202,199,199,196,196,196,196,196,196,199,202,204,202,194,141,133,133,141,194,199,199,194,191,191,194,194,191,189,187,187,189,191,194,196,199,202,204,207,207,205,207,209,212,212,215,217,222,217,215,217,222,225,225,228,233,230,225,217,209,207,202,202,202,204,207,209,209,212,215,215,215,215,212,212,212,209,207,204,204,202,202,196,189,181,173,168,125,121,117,113,109,103,101,102,107,107,109,107,109,111,150,155,160,160,155,150,152,152,147,107,103,101,97,91,88,88,89,91,91,91,93,101,111,119,160,163,163,160,115,112,113,121,125,165,165,168,176,183,186,186,186,186,181,176,170,170,173,178,183,183,183,181,176,173,176,183,194,196,196,199,196,189,185,185,191,196,199,199,194,194,196,199,196,196,202,207,207,207,209,212,212,209,209,207,204,202,202,204,204,202,202,204,207,207,199,192,191,192,199,202,202,204,207,207,207,204,204,207,202,191,183,135,133,129,123,121,123,125,129,178,186,194,194,189,185,185,191,199,202,202,202,202,199,199,202,207,207,207,204,204,204,207,207,207,202,202,202,202,204,204,207,209,212,215,215,215,215,212,212,209,207,204,199,189,137,137,138,139,141,194,202,202,202,199,199,204,207,207,204,199,196,196,204,212,207,199,194,189,189,189,191,194,196,199,202,202,194,189,186,183,137,135,135,137,134,135,183,191,194,194,194,191,189,194,196,199,199,202,207,212,215,209,196,192,194,196,195,196,196,194,189,185,182,183,189,196,199,199,202,202,202,199,194,191,189,189,189,187,185,183,185,191,196,196,191,191,189,186,183,135,135,178,186,191,189,133,126,128,189,194,191,189,191,189,189,189,183,178,181,186,189,191,191,186,189,194,199,204,204,202,199,204,209,215,217,222,222,220,215,215,215,215,209,202,196,189,186,186,139,139,189,199,204,204,199,199,194,186,137,183,191,196,194,189,181,181,186,191,194,189,185,186,186,183,178,131,129,130,133,176,181,186,186,189,194,196,194,192,192,194,194,191,189,186,183,178,176,133,181,191,194,186,181,178,133,130,130,133,181,183,181,181,186,191,196,199,202,202,199,191,183,182,191,204,212,207,202,199,199,196,191,183,176,133,131,127,127,125,121,119,119,121,120,120,123,129,173,176,176,176,129,126,126,127,176,186,191,186,177,174,181,191,191,189,189,183,176,133,133,133,176,183,194,196,191,189,191,194,191,181,174,174,178,181,189,194,196,194,191,194,196,196,194,194,194,194,194,194,194,194,191,189,187,194,202,207,209,212,212,204,199,196,196,196,194,191,189,191,199,207,207,204,199,191,189,191,191,189,183,183,183,189,191,194,196,202,207,202,196,194,196,196,194,194,196,196,196,196,199,202,202,199,194,186,179,179,186,191,194,191,186,133,125,133,127,123,127,189,202,204,194,183,133,176,189,196,196,194,191,186,185,189,194,196,194,196,196,191,186,191,204,207,202,199,199,196,191,190,194,199,204,207,209,204,202,199,194,189,186,187,194,199,202,204,207,207,202,196,196,194,191,191,189,178,132,133,186,204,204,196,186,137,137,183,186,183,182,182,182,189,196,209,212,207,203,207,215,222,217,207,199,192,194,194,192,192,199,212,217,212,209,209,212,215,212,209,204,204,204,204,204,204,207,209,215,217,217,217,217,217,217,217,215,209,209,209,204,196,189,186,189,191,194,194,194,191,189,181,181,189,199,207,204,202,199,189,163,147,165,186,194,196,196,0,0,0,0,0,0,207,209,215,0,217,0,0,0,225,228,228,230,0,0,230,238,243,243,241,241,241,241,238,238,0,0,0,0,0,0,0,0,0,246,0,243,233,215,0,0,0,0,0,0,0,0,0,228,212,196,191,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,207,212,222,225,215,191,165,165,181,209,230,233,215,196,189,196,212,230,241,248,255,255,248,243,243,248,248,241,235,238,246,248,246,243,235,230,229,230,238,248,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,168,170,163,183,199,199,196,194,185,189,204,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,173,178,147,142,139,155,181,186,168,101,93,101,142,105,107,157,176,183,186,189,189,178,111,106,111,117,117,121,165,165,163,168,176,170,107,96,119,168,176,173,163,123,123,121,121,121,163,173,181,186,191,194,189,176,163,119,117,116,117,119,117,116,119,176,183,186,191,202,199,186,165,121,165,173,176,183,189,183,176,173,168,123,116,115,117,121,123,173,178,106,93,113,183,194,194,191,189,191,196,183,170,127,125,123,123,173,189,196,199,199,196,191,186,189,191,191,189,173,119,119,168,183,196,204,199,181,121,117,173,202,204,189,176,129,127,127,129,131,176,178,178,173,111,95,91,76,73,97,103,173,196,199,202,207,202,181,125,125,123,125,173,176,170,170,168,121,109,115,168,170,163,117,109,59,89,107,105,105,115,173,186,123,113,119,181,189,186,186,189,191,191,189,186,186,176,160,119,117,115,115,117,110,113,160,111,105,117,183,186,160,103,105,163,163,168,186,194,196,199,186,89,0,0,0,0,23,59,97,165,181,189,191,191,196,199,196,199,196,189,185,185,189,196,196,191,181,178,181,181,178,173,163,115,109,101,113,170,173,119,86,74,119,170,173,173,165,157,109,108,113,111,103,95,95,107,101,93,99,113,157,163,116,115,157,160,74,71,77,82,105,163,163,160,121,117,121,170,170,165,168,123,118,119,123,163,123,121,119,121,183,199,209,209,183,97,95,113,189,204,202,186,173,165,160,118,116,115,165,170,170,186,196,204,209,212,199,112,107,117,168,163,121,119,121,121,121,121,121,163,170,170,170,165,160,122,122,123,122,120,122,173,176,165,165,178,183,176,170,173,186,189,176,89,44,44,77,115,178,183,170,165,165,121,111,112,123,176,181,181,176,168,163,125,183,202,202,199,189,178,170,165,121,118,118,123,181,191,194,194,189,178,168,121,121,117,113,121,168,125,116,117,121,121,123,168,165,123,168,173,168,119,114,115,117,115,111,111,115,119,165,170,173,173,170,165,119,117,121,181,191,194,191,183,129,125,127,181,191,196,199,202,202,204,204,202,202,204,207,209,212,209,208,209,215,217,215,212,209,207,204,204,207,204,202,202,202,202,202,202,202,204,204,204,202,199,191,181,131,129,131,131,127,123,121,121,119,118,119,127,178,186,183,178,181,191,202,207,207,204,202,199,191,178,176,183,186,176,129,129,127,123,118,117,118,170,191,196,199,196,186,181,178,173,129,128,129,181,199,204,202,202,202,194,181,128,129,176,178,170,124,124,170,178,176,168,168,178,181,170,123,125,176,181,176,170,168,127,127,127,127,125,125,170,176,173,127,122,120,122,123,125,127,131,176,181,178,127,121,120,123,133,186,194,191,178,127,122,123,131,178,181,181,178,176,176,176,176,178,183,189,194,199,202,202,194,183,178,176,176,173,172,170,170,173,178,181,178,173,129,131,176,178,173,130,131,176,178,178,176,170,129,128,127,128,173,183,186,183,176,174,178,178,181,178,178,178,178,173,126,127,178,191,196,199,196,186,186,191,196,196,199,202,202,199,199,199,196,199,196,189,178,131,129,129,131,131,131,173,176,173,173,173,173,176,178,178,176,176,176,178,181,181,176,176,181,186,178,129,129,183,194,194,181,128,128,131,173,130,173,181,181,131,131,178,189,194,191,189,186,183,181,176,128,128,173,176,176,178,181,179,179,178,179,183,181,181,183,186,186,181,173,169,169,170,129,123,121,123,123,123,123,170,186,189,191,189,88,77,115,194,202,204,199,181,121,117,120,170,178,176,170,170,173,176,173,173,176,176,131,131,176,186,191,191,183,181,183,189,191,189,186,186,181,129,119,118,121,123,170,189,186,176,168,166,170,178,186,181,119,107,105,111,168,178,181,181,176,170,127,127,173,186,194,196,199,199,194,191,189,189,191,189,178,173,131,127,127,131,131,127,126,125,126,129,173,181,189,191,194,196,186,173,176,178,176,173,129,125,120,120,129,183,191,189,183,178,178,181,186,191,194,194,189,186,189,191,194,191,189,183,178,176,178,178,183,186,183,176,174,181,181,181,181,181,181,176,127,173,183,189,122,115,186,194,183,186,196,194,183,182,183,183,183,183,183,183,186,189,186,183,181,181,181,183,183,183,181,179,179,181,183,186,183,183,189,191,191,189,187,189,191,189,191,191,196,194,191,191,196,202,204,199,196,191,191,194,199,199,194,192,196,202,204,202,202,207,212,212,209,204,199,196,196,196,199,204,207,209,209,207,207,209,207,202,196,196,196,199,202,204,204,202,202,196,196,196,202,202,199,195,195,196,199,204,207,204,194,135,129,131,139,191,196,196,194,194,196,199,194,189,187,189,189,187,189,191,194,196,202,207,209,207,205,207,207,209,209,215,217,222,215,212,215,217,217,217,225,228,225,215,209,207,204,204,202,202,202,202,202,204,207,209,212,215,215,212,212,212,212,209,204,202,199,191,183,176,173,168,125,123,119,117,115,111,107,105,105,107,107,107,106,106,109,111,150,155,155,152,150,150,150,109,101,95,95,93,89,87,88,91,93,91,91,93,101,111,119,157,163,165,160,121,117,117,121,165,173,176,173,176,181,183,186,186,186,183,173,170,173,178,181,183,181,181,181,176,131,131,181,194,202,202,202,202,196,189,186,189,194,199,199,196,196,199,199,199,199,204,207,207,207,207,207,207,207,204,204,202,202,204,204,202,196,194,196,202,204,204,202,196,199,202,202,202,204,207,207,207,207,207,207,202,194,181,133,129,125,117,116,117,121,123,129,183,194,196,189,185,186,194,199,204,204,207,204,199,196,196,202,207,207,207,204,204,207,207,207,204,202,202,207,207,207,207,209,212,212,215,215,209,207,209,207,204,199,194,186,138,138,141,186,191,199,204,207,204,202,204,209,212,209,204,199,196,199,204,209,207,199,191,186,186,189,191,191,194,196,202,202,191,139,136,137,139,135,134,134,133,135,186,189,182,182,189,189,189,194,196,199,199,202,207,212,215,212,204,199,196,196,196,196,196,196,194,189,186,186,191,202,204,202,202,204,204,199,196,194,194,191,189,187,186,185,185,189,194,194,191,189,186,186,186,189,186,183,189,189,183,133,129,181,191,194,194,194,194,191,186,183,178,176,176,181,186,189,189,189,191,194,196,202,204,202,199,204,207,212,217,225,225,217,212,209,212,212,204,199,196,194,191,191,189,189,194,202,204,202,196,196,196,186,136,137,183,189,189,183,181,183,191,196,196,189,186,189,189,186,181,135,131,131,131,176,183,189,189,191,199,196,192,192,192,196,202,199,194,189,183,178,176,133,178,189,191,186,183,183,181,133,133,135,181,181,178,178,181,189,196,199,199,199,196,191,189,189,194,202,207,204,199,196,196,191,183,176,129,127,129,127,125,119,117,118,121,123,127,127,125,125,127,173,178,181,178,127,125,127,181,191,191,186,178,176,179,186,186,186,191,189,181,176,176,176,131,133,183,194,199,196,194,196,196,189,178,177,178,183,189,191,194,196,194,196,196,196,192,191,191,192,194,194,196,196,194,189,187,191,199,202,202,204,207,204,204,199,196,196,199,199,202,202,202,204,204,204,196,187,187,189,194,194,189,189,191,189,183,139,186,196,204,207,204,202,202,202,196,194,196,199,199,196,195,194,195,199,202,191,179,178,186,194,196,199,196,189,183,186,181,127,125,176,196,204,196,183,176,178,189,191,189,189,191,191,191,191,189,186,186,191,194,189,186,191,204,209,207,199,196,194,191,191,194,199,202,207,209,207,199,196,194,191,187,189,191,196,202,207,209,207,196,194,194,196,194,194,191,178,131,132,183,202,202,194,186,137,135,183,191,189,182,181,182,189,199,209,212,204,202,204,217,228,228,212,199,192,192,194,192,192,199,212,222,215,209,209,212,215,215,209,207,204,207,207,207,204,204,207,209,212,212,212,212,215,217,217,215,209,209,212,207,199,191,186,189,191,194,196,194,191,189,183,183,191,199,207,207,199,196,191,178,160,170,189,199,204,204,0,0,0,0,0,196,202,0,212,0,0,0,222,222,225,225,225,225,0,228,233,238,241,238,235,230,230,233,233,233,0,0,0,0,0,0,0,0,0,0,0,0,0,222,0,0,0,0,0,0,0,0,0,225,209,196,196,202,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,222,225,225,212,194,168,160,165,183,207,217,204,189,189,199,217,235,246,251,254,255,254,248,246,248,246,235,230,238,243,243,243,241,235,229,229,233,241,251,255,255,255,255,255,255,255,255,255,255,255,255,255,254,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,183,189,183,189,194,190,191,194,189,191,202,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,147,176,168,98,29,0,0,0,37,194,189,178,165,155,163,181,183,155,83,85,103,147,109,107,152,170,178,183,186,189,176,117,111,115,117,117,119,163,163,159,163,173,176,123,113,165,170,168,121,119,117,117,119,123,165,168,173,181,186,191,194,191,181,170,123,117,116,116,117,117,116,117,125,178,191,199,202,196,189,176,173,181,183,186,189,194,191,186,178,173,168,121,117,117,123,168,181,194,183,119,125,176,189,191,189,178,176,181,173,123,121,125,129,181,191,196,196,199,199,196,191,191,194,194,191,183,168,119,121,173,186,196,202,199,173,117,119,173,191,196,186,113,110,113,119,127,176,183,189,186,181,77,40,81,105,111,115,170,196,204,207,207,209,207,194,176,125,119,123,176,178,173,163,97,89,78,80,105,119,117,107,69,45,59,91,95,103,119,186,191,165,113,114,163,176,181,181,183,186,189,189,189,183,173,165,163,157,113,107,111,110,113,155,101,89,107,204,163,53,54,69,107,115,160,186,194,194,194,186,17,0,0,0,87,101,123,181,191,194,194,194,194,196,199,199,202,202,194,186,185,186,194,199,194,181,177,181,186,181,173,117,105,97,99,111,157,117,101,90,86,173,181,181,173,157,109,105,109,155,117,105,89,87,105,113,115,101,105,157,163,163,163,160,115,84,87,181,186,183,178,165,121,119,117,121,168,168,165,168,123,118,121,165,165,123,121,119,119,170,191,207,209,111,88,89,178,199,209,207,194,173,163,165,165,118,113,119,165,165,178,191,199,207,207,183,105,104,113,165,163,160,119,119,119,119,119,119,163,168,170,173,170,165,123,122,123,123,120,121,170,173,168,165,170,173,169,166,169,176,176,123,76,55,65,111,123,176,181,170,122,123,168,170,163,163,170,176,173,168,170,173,181,194,202,202,196,183,176,170,168,165,123,125,165,178,189,191,186,178,176,168,119,113,108,106,113,165,168,123,119,121,119,117,123,123,121,168,173,165,115,113,114,117,113,109,109,111,115,121,123,125,168,168,119,116,121,176,194,202,202,194,181,127,125,131,183,194,196,199,199,202,204,204,204,204,204,207,209,212,209,209,212,215,215,212,207,207,204,202,202,202,202,199,199,202,204,204,204,204,204,204,202,199,194,186,133,125,123,127,129,129,129,127,123,121,123,131,183,191,196,196,194,196,204,212,212,209,209,207,204,196,183,183,199,204,196,181,173,129,125,121,118,118,176,199,207,209,207,199,189,178,173,129,128,170,181,194,202,202,202,196,181,170,129,183,191,194,183,127,127,178,191,186,168,121,119,123,127,127,168,176,181,178,173,168,127,127,127,127,129,129,173,170,127,127,170,170,125,122,122,125,131,178,178,173,125,122,123,131,183,191,194,186,127,121,121,125,178,191,194,194,191,186,178,173,131,176,183,191,199,202,207,209,202,186,176,173,173,173,173,173,176,183,189,191,183,173,128,128,131,176,131,130,173,176,173,173,170,170,129,129,129,170,178,186,191,186,178,176,178,181,178,173,129,131,181,183,176,131,176,186,194,199,199,191,186,189,191,194,196,202,204,202,202,196,196,196,191,178,131,129,128,128,129,129,131,176,181,181,173,131,170,176,178,178,176,176,176,178,181,181,178,176,176,173,128,126,131,189,194,191,178,128,128,176,178,173,173,181,178,173,131,176,183,186,186,183,183,183,183,176,129,129,178,178,178,181,181,179,179,181,183,181,129,127,173,181,183,181,173,173,176,176,170,121,118,119,123,168,170,173,181,183,186,183,119,99,168,186,196,202,196,178,120,117,121,170,173,170,129,173,176,173,170,173,181,183,176,130,131,178,186,186,183,186,189,194,196,196,194,189,181,173,129,125,123,127,176,178,178,170,168,166,170,176,178,173,117,106,105,115,168,176,178,178,176,173,129,126,127,176,186,194,196,196,194,191,191,191,191,186,178,131,127,126,126,129,127,126,126,127,127,131,178,186,194,196,199,202,196,186,183,181,176,129,170,173,131,173,178,186,191,189,181,178,178,181,183,189,191,189,189,186,189,191,189,189,191,191,183,183,189,191,191,191,186,176,173,181,186,189,191,194,189,181,123,127,178,178,115,110,176,181,173,174,186,191,186,186,191,186,181,178,177,178,183,186,186,181,178,178,181,183,183,181,181,181,181,183,186,189,186,183,186,191,191,189,187,189,189,189,189,194,196,194,192,194,202,209,207,199,191,190,191,194,196,196,194,194,196,202,202,199,199,204,212,212,209,204,199,199,196,199,202,207,207,207,204,204,204,207,204,202,196,196,199,202,202,202,202,199,196,194,192,196,204,207,204,196,195,195,199,202,204,204,194,137,132,134,141,189,191,191,194,196,199,202,199,191,189,191,191,187,187,191,194,196,202,207,209,207,207,207,207,207,207,212,217,217,212,211,212,217,215,215,217,225,217,209,204,204,204,204,202,199,199,199,199,199,204,207,209,212,212,209,209,207,207,207,202,196,191,181,173,127,127,125,123,121,117,115,113,111,111,109,107,107,109,109,107,106,107,107,107,111,150,147,147,147,111,105,97,93,93,93,91,89,91,95,95,93,91,95,103,113,119,119,121,160,160,123,121,117,119,165,176,178,178,181,183,186,189,189,189,186,178,176,176,178,178,176,173,173,173,131,131,173,181,194,199,202,202,199,196,191,186,186,189,194,194,194,194,199,199,199,199,204,209,209,207,204,204,204,204,202,202,202,202,204,204,199,194,189,189,194,202,207,207,204,202,204,204,204,204,207,207,207,207,207,204,202,191,181,131,127,123,117,114,115,117,121,127,178,191,196,194,189,189,196,202,204,207,207,202,196,195,196,199,204,204,204,204,204,204,207,207,204,204,204,207,209,209,209,209,212,212,215,212,207,202,202,199,196,191,189,186,141,186,191,196,199,202,207,207,204,202,204,207,209,204,199,194,194,196,204,207,207,199,191,141,139,183,186,189,191,194,196,194,186,136,135,137,183,183,139,137,134,137,191,191,182,182,186,191,194,196,196,199,199,202,204,209,212,212,209,204,202,199,199,196,196,196,196,194,194,194,196,202,207,204,204,204,202,199,199,199,196,194,194,194,191,191,191,194,194,196,194,191,189,186,189,194,191,189,189,189,183,178,181,186,189,191,196,196,194,189,186,181,173,129,129,133,178,181,183,186,189,194,194,194,196,199,199,202,204,209,215,222,222,212,204,202,204,207,202,199,196,196,194,191,191,191,196,202,202,196,191,191,194,186,137,136,137,181,181,178,177,183,194,199,196,194,191,194,191,189,183,178,133,131,131,133,181,181,183,189,199,199,194,194,196,199,202,202,196,189,178,133,133,133,176,186,191,186,183,186,189,186,186,183,181,181,177,176,178,189,196,199,196,194,194,194,194,194,199,204,204,199,194,191,189,186,181,176,129,127,127,129,125,118,116,119,123,127,173,176,131,127,125,127,176,183,183,173,126,127,133,181,183,183,183,183,186,186,181,181,186,186,183,178,176,129,125,127,178,189,194,191,194,196,199,194,183,181,181,181,183,189,191,194,196,196,196,194,191,190,192,194,196,199,202,199,194,189,187,191,199,199,196,199,202,207,207,202,194,196,202,204,209,209,204,204,204,204,199,191,187,189,194,194,191,194,199,196,183,135,137,189,202,204,204,204,207,204,202,199,202,204,207,202,195,192,194,199,204,196,183,181,186,194,199,199,199,194,191,194,191,181,129,176,191,196,191,181,176,178,189,191,186,186,191,194,196,194,189,181,181,183,189,186,186,191,202,207,204,196,194,191,191,194,194,194,196,202,207,204,196,191,191,191,189,191,191,194,196,202,207,204,196,191,191,196,194,194,191,181,133,133,178,191,194,191,183,135,133,137,189,194,189,183,183,189,199,207,209,204,203,207,217,228,228,215,204,196,194,194,194,192,196,209,217,215,209,209,209,215,215,212,207,204,207,207,207,204,202,204,207,207,207,207,209,212,217,217,215,212,212,212,209,202,194,189,189,191,196,199,194,191,191,189,186,191,199,207,207,202,196,191,181,176,183,196,204,207,212,0,0,0,0,0,0,0,0,209,215,0,0,225,225,228,228,225,225,0,0,233,238,238,233,225,215,215,217,222,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,217,207,202,202,204,202,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,228,220,204,183,160,152,155,168,189,199,194,186,191,202,222,238,246,248,251,255,255,254,251,248,243,230,222,230,238,241,241,238,233,230,233,238,243,251,255,255,255,255,255,255,255,255,255,255,255,255,255,254,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,183,199,196,194,191,190,194,196,196,199,204,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,189,189,191,191,191,191,189,72,0,0,23,165,183,189,178,157,176,183,183,91,48,71,105,152,147,109,113,157,165,170,176,176,157,115,117,117,115,114,115,160,160,160,163,173,178,173,123,123,165,121,113,116,115,116,123,170,170,170,173,181,189,194,194,194,189,178,170,123,117,117,119,117,116,117,123,176,189,191,186,189,186,183,183,189,189,181,183,191,194,191,183,178,173,127,123,121,127,173,183,191,191,176,125,127,176,181,178,169,166,170,129,121,118,120,170,189,196,196,194,196,196,194,186,186,189,191,189,178,125,117,121,176,189,194,191,168,105,105,117,121,115,115,119,106,106,109,117,127,178,191,199,204,199,41,0,10,113,178,183,194,204,209,207,207,207,204,199,181,123,118,119,163,173,170,119,94,92,87,86,102,113,111,103,81,38,30,39,81,123,181,196,196,178,115,111,113,163,173,178,178,181,186,191,189,181,173,170,176,168,111,101,113,115,117,115,105,91,155,220,111,51,57,83,99,109,160,186,191,191,191,183,0,0,0,103,199,199,196,199,202,199,196,196,194,194,196,202,207,204,199,191,186,189,194,202,196,186,181,186,189,186,176,113,91,87,105,160,160,109,98,99,113,181,186,183,173,117,107,104,111,155,155,109,87,83,97,117,160,101,99,168,173,178,173,160,117,117,186,207,204,204,196,176,121,117,117,119,160,165,168,170,121,119,163,170,165,123,123,121,120,123,178,202,204,105,89,97,189,202,207,207,199,170,117,160,170,121,114,118,163,165,173,181,186,189,189,165,111,110,117,160,160,121,119,118,118,119,119,121,163,168,168,173,176,176,170,170,173,168,122,122,170,176,173,170,170,169,166,166,168,169,170,168,117,107,170,181,178,181,178,163,118,121,173,181,170,160,161,170,168,163,165,170,178,191,196,194,189,178,173,173,173,173,178,186,176,170,178,178,165,165,173,173,123,115,109,108,115,125,165,125,123,121,117,115,119,121,121,168,173,125,114,112,115,121,121,113,111,111,113,115,117,117,123,168,123,119,125,183,199,202,199,189,176,125,121,125,176,191,194,199,202,202,204,207,207,207,207,209,209,212,212,209,212,215,212,207,204,202,199,196,196,199,199,196,195,196,202,204,207,204,204,204,202,194,183,133,125,121,121,125,173,181,186,178,127,123,129,186,196,202,204,204,204,207,212,215,212,207,207,207,207,199,181,178,204,212,209,196,181,173,129,125,119,121,178,199,207,209,209,202,194,181,173,129,129,170,176,183,191,194,196,183,170,129,176,194,202,204,191,173,170,186,199,196,176,119,114,116,123,170,170,170,176,176,176,173,170,168,127,168,176,176,173,170,127,170,181,183,170,125,125,129,176,181,181,173,127,127,125,129,176,186,186,173,122,120,122,131,186,199,204,202,199,191,181,131,130,131,183,191,199,204,207,209,202,186,173,131,131,173,176,178,186,194,199,202,194,178,129,128,129,131,131,131,181,178,170,169,170,173,173,173,176,176,178,186,186,183,176,176,181,186,183,131,126,127,178,191,189,178,131,131,178,194,196,191,186,186,189,191,196,202,204,202,196,194,191,191,181,131,129,131,129,129,131,131,173,178,183,183,173,130,131,176,181,181,181,181,178,176,178,178,178,176,173,129,126,125,131,183,183,181,173,129,131,181,186,181,178,178,178,173,176,178,181,181,181,183,186,189,189,183,173,176,181,181,176,176,181,181,183,191,194,186,115,109,123,178,186,181,173,173,176,178,178,129,119,119,127,178,181,176,176,178,176,176,181,176,178,181,181,189,191,178,127,123,123,125,125,121,125,176,181,173,129,173,186,189,181,173,131,173,178,181,183,189,194,199,202,202,199,191,181,176,178,173,129,176,189,183,176,168,165,166,173,178,181,173,117,106,107,119,127,170,176,173,176,173,129,126,126,131,181,191,196,196,194,191,194,194,191,183,176,129,126,126,127,129,127,126,129,131,173,176,183,189,191,194,196,199,199,191,181,181,176,170,173,181,189,186,183,183,186,183,176,173,176,181,186,189,186,186,189,189,189,186,183,183,189,191,189,191,199,202,202,199,191,181,176,181,183,186,194,196,191,176,117,121,176,176,118,115,131,178,173,173,181,189,189,191,194,186,181,178,177,178,183,186,178,173,174,178,178,181,181,183,183,183,186,189,191,191,186,182,183,191,194,191,189,189,189,186,189,191,194,194,194,199,207,215,212,202,191,190,194,196,196,196,194,196,199,199,196,194,196,204,212,215,212,207,204,202,202,204,207,209,207,207,204,204,204,207,204,202,199,199,202,202,202,202,202,199,194,192,192,196,204,207,207,202,199,199,199,202,204,207,199,191,141,141,186,189,187,189,194,199,202,204,202,196,194,194,189,186,186,189,194,196,199,204,209,209,207,207,204,204,204,209,215,217,212,212,215,217,217,215,217,222,215,209,207,207,207,204,202,199,196,196,196,199,202,204,207,209,209,207,204,202,202,202,196,191,181,131,125,123,123,123,121,117,113,109,107,107,109,109,107,107,111,115,113,111,111,107,103,105,109,109,109,109,107,103,97,93,93,95,95,95,97,99,97,95,95,99,107,113,119,119,119,119,123,163,123,119,121,165,176,181,183,186,186,189,191,191,191,189,181,176,173,170,129,125,123,121,123,125,131,178,183,186,191,194,189,186,189,191,189,182,183,189,191,191,194,196,199,199,202,207,212,209,204,202,202,204,204,204,202,199,202,202,202,202,194,186,139,183,194,202,204,202,202,204,207,204,204,207,207,207,204,202,202,196,189,181,133,129,123,117,115,116,117,121,127,178,191,196,196,194,194,199,204,207,207,204,202,199,196,196,199,202,202,202,202,204,204,204,204,204,204,204,209,212,212,209,209,212,215,212,209,202,194,194,194,189,186,185,186,186,191,199,202,204,204,207,207,204,204,204,204,204,196,191,189,189,194,199,204,204,196,191,141,139,138,139,186,191,191,189,186,137,135,135,139,186,189,189,183,137,183,196,199,189,186,194,199,199,199,199,199,199,202,204,207,209,212,212,209,207,204,202,199,196,196,196,196,194,194,196,199,204,204,204,204,202,199,202,202,199,196,196,196,199,199,199,196,196,196,196,196,194,191,191,196,196,196,194,189,186,186,186,183,181,183,191,194,189,183,181,178,129,125,127,129,131,176,178,178,186,191,191,189,189,194,199,202,199,202,209,215,217,209,199,196,196,196,196,196,196,194,191,189,189,189,194,199,202,196,189,186,189,186,181,137,137,137,178,177,176,181,191,196,194,194,194,196,194,189,183,135,131,127,125,127,131,176,178,183,194,196,194,196,199,196,194,194,194,186,133,130,131,133,135,186,191,189,186,186,194,199,196,191,186,183,178,176,181,194,196,194,191,194,194,196,196,199,204,207,202,194,186,181,181,181,181,178,131,127,125,127,127,119,117,119,123,127,173,178,178,131,123,123,131,183,186,183,176,129,127,129,131,178,183,189,191,189,181,178,181,181,178,133,127,121,119,123,133,178,181,183,186,189,194,191,186,183,183,181,183,186,191,196,196,199,199,196,194,194,196,199,199,202,202,199,194,187,187,194,202,199,194,191,196,202,202,196,194,194,199,202,207,209,207,204,204,204,204,202,196,194,194,191,191,196,204,207,194,137,134,139,194,199,202,202,204,204,202,202,207,209,212,209,202,196,195,202,204,199,189,181,181,183,191,194,191,191,191,196,196,189,181,181,186,189,183,176,134,178,186,189,186,183,186,191,196,196,191,181,179,181,186,186,186,191,199,202,199,194,191,191,194,196,196,191,191,196,202,199,191,189,189,189,191,194,194,194,194,196,202,202,196,191,191,194,191,191,194,191,181,136,178,183,186,186,181,131,129,135,186,196,196,191,189,189,194,202,204,204,204,209,217,225,225,215,207,202,202,202,199,196,202,212,222,217,212,209,212,215,215,212,207,204,204,207,204,202,202,202,204,204,204,204,207,209,215,215,215,212,212,215,212,207,199,191,191,194,199,199,196,194,194,191,186,186,194,207,209,202,191,183,178,186,199,207,209,212,215,222,0,0,0,0,0,0,0,209,215,0,0,228,228,230,230,228,225,0,0,233,238,238,233,222,211,208,209,212,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,191,191,196,204,207,207,204,207,207,199,191,191,0,0,0,238,0,0,0,0,0,0,0,0,0,0,0,0,225,225,215,199,178,157,152,152,157,170,181,183,183,189,202,217,235,243,246,251,254,255,254,251,248,243,228,218,222,235,241,243,241,238,235,238,243,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,251,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,194,196,196,194,194,199,199,204,212,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,207,199,196,199,202,199,202,209,168,0,0,0,55,150,147,63,85,170,178,178,65,24,60,105,155,155,113,109,111,115,157,160,117,107,109,115,117,114,114,114,119,160,163,168,173,178,176,165,118,121,121,111,117,112,115,165,173,173,170,173,181,191,196,196,194,189,181,173,163,119,117,117,116,116,121,170,186,186,173,119,170,178,181,183,189,186,176,173,181,191,194,191,183,176,170,125,125,170,181,183,183,183,176,124,124,127,170,173,168,166,170,170,125,117,116,123,183,194,194,194,196,196,189,181,178,181,183,181,176,123,117,119,127,178,183,173,96,96,102,111,111,106,106,111,113,115,119,123,129,178,186,196,202,202,51,0,0,79,186,199,202,204,207,209,207,204,202,196,178,123,117,113,114,168,178,168,163,186,189,181,165,117,105,101,111,53,22,17,55,189,196,202,199,183,117,110,112,163,178,181,178,181,189,189,186,178,173,176,183,178,113,97,160,165,155,107,106,109,181,207,165,61,66,101,103,111,163,183,191,194,191,181,17,11,71,191,204,204,202,202,202,199,199,199,196,191,194,199,204,204,199,196,191,191,191,196,196,194,189,194,194,191,181,115,86,84,119,176,165,103,94,107,160,176,181,183,178,157,109,109,113,115,117,117,96,88,96,109,115,105,103,168,181,183,170,119,157,168,191,204,204,204,196,176,119,115,117,119,121,163,168,170,115,115,163,170,165,123,165,168,163,123,168,186,186,121,109,181,194,199,204,207,207,168,105,111,173,165,119,160,163,160,163,168,168,111,106,113,117,119,119,119,160,160,119,119,119,119,121,123,163,163,123,165,173,183,189,191,186,176,163,165,173,178,178,181,183,181,176,170,170,176,178,183,191,186,186,189,191,191,183,123,118,121,173,176,165,159,161,173,170,165,123,119,119,170,183,186,186,181,178,181,178,173,178,189,176,123,125,125,114,116,176,181,168,121,113,115,123,125,123,123,123,121,117,115,117,119,123,168,165,121,114,113,119,173,178,170,119,115,113,115,115,117,123,170,173,121,119,181,202,204,196,186,176,123,119,119,125,183,194,199,202,202,204,207,207,209,209,209,212,212,212,212,212,212,209,204,199,199,196,194,194,199,199,196,195,196,202,204,204,204,207,204,199,186,131,121,118,119,125,173,181,191,191,178,123,123,178,196,204,207,207,209,209,212,212,209,207,202,204,207,207,199,129,127,199,212,215,207,194,181,176,170,127,127,176,194,204,209,207,202,196,183,170,129,129,129,129,170,176,183,183,176,129,170,181,196,204,207,196,178,173,183,196,194,181,127,117,117,123,170,168,125,168,173,176,178,176,170,168,170,173,176,176,173,170,173,181,181,176,173,176,178,181,183,181,178,173,129,125,123,125,178,178,129,123,123,125,176,189,199,204,204,202,194,181,131,129,130,178,189,196,202,204,202,189,173,129,131,176,176,176,181,189,196,202,204,199,186,173,129,129,131,131,173,181,178,173,173,173,173,173,173,176,176,176,181,181,176,131,173,186,194,191,176,125,124,129,186,189,176,125,122,123,176,186,183,183,183,186,191,194,199,202,199,194,191,186,181,173,129,173,176,173,173,173,131,131,176,181,178,173,130,131,178,183,186,189,189,181,173,173,176,178,176,173,131,127,126,129,176,176,173,176,173,173,183,189,186,183,183,178,176,178,181,181,179,178,183,194,202,202,194,181,178,181,178,172,173,178,181,189,196,199,191,104,94,117,181,194,186,173,170,170,173,178,173,125,123,173,189,186,173,173,178,169,170,191,194,189,178,173,176,183,189,186,170,117,115,121,119,119,173,178,170,127,170,183,186,181,173,129,131,131,173,181,189,196,202,202,202,202,194,178,170,178,178,129,178,199,194,181,170,165,166,178,189,183,170,119,109,119,170,123,125,170,170,173,173,170,129,129,173,181,189,194,194,191,191,194,194,189,181,176,129,127,129,173,176,176,176,176,176,178,181,186,189,191,191,191,191,194,186,176,176,181,173,170,181,191,191,181,176,176,176,173,173,176,181,186,189,189,186,186,186,186,183,181,178,183,189,191,196,204,209,207,204,202,194,186,176,125,131,186,189,186,176,115,116,173,178,124,124,176,183,178,178,183,189,194,196,191,181,178,178,178,183,191,191,178,172,173,176,176,176,178,181,183,186,186,189,189,189,183,182,183,189,194,189,189,191,189,186,186,191,191,191,194,196,207,212,212,202,194,191,196,196,194,191,196,199,199,194,192,192,199,207,212,212,215,212,207,204,204,207,209,212,209,207,204,204,204,207,204,202,202,202,202,202,202,202,202,199,196,192,192,196,204,207,207,204,204,204,204,202,204,207,204,199,196,194,194,189,187,189,194,199,204,207,207,199,194,191,187,186,186,189,194,196,202,207,209,209,204,202,202,199,199,204,212,215,215,215,215,215,212,212,215,217,215,212,209,209,207,204,199,196,194,194,196,199,202,204,207,207,207,204,202,202,199,196,191,183,176,127,123,123,123,123,119,113,109,105,101,101,105,107,105,105,113,152,152,150,113,107,101,101,103,103,103,103,103,101,97,97,97,97,99,99,101,99,97,97,101,105,111,115,119,119,119,121,123,163,125,123,125,168,176,178,183,186,191,191,194,194,191,189,181,173,127,123,121,119,115,114,115,121,173,183,183,133,129,133,131,131,178,186,186,181,181,186,189,189,191,199,202,202,202,207,209,207,202,202,202,204,202,199,199,199,199,202,202,204,199,189,135,135,139,189,196,199,202,204,207,207,209,212,212,207,202,196,191,189,183,181,135,129,123,116,116,117,121,125,129,178,186,191,194,196,196,202,204,207,207,204,204,202,199,199,196,196,196,196,202,204,204,204,202,202,202,204,209,209,207,204,207,212,215,212,204,194,189,189,191,189,185,185,186,186,191,199,202,202,204,207,207,204,204,204,204,202,196,189,187,187,189,194,199,199,196,191,186,139,137,138,189,194,196,191,186,139,137,137,183,189,191,194,191,186,191,204,207,202,199,202,202,202,199,199,199,202,202,202,204,207,212,212,212,209,207,204,199,196,196,194,194,194,191,191,196,199,199,202,204,202,199,199,199,196,194,194,196,202,204,202,196,196,196,199,199,196,194,196,199,202,202,199,196,194,191,189,178,131,176,183,186,178,173,173,173,127,125,129,176,133,176,178,176,181,186,186,183,186,194,202,202,199,198,202,209,215,209,202,196,194,192,194,194,194,189,187,187,186,186,189,196,202,202,194,186,183,181,181,183,186,186,181,176,176,181,191,194,194,194,196,196,194,189,181,131,125,122,121,122,127,176,181,183,189,194,194,194,191,186,178,183,189,181,129,128,131,135,181,189,194,191,189,189,194,199,199,196,191,189,183,181,189,199,196,189,189,194,196,199,199,202,204,204,199,189,178,177,177,178,178,133,129,123,123,125,127,125,121,123,123,125,131,181,183,173,122,121,129,183,191,191,186,176,127,125,126,131,181,189,194,194,186,181,178,133,127,119,115,113,117,123,127,129,129,133,176,178,183,186,183,183,183,183,186,191,194,196,199,199,199,202,202,202,202,202,202,199,199,196,191,186,187,194,202,202,194,190,190,191,194,191,191,194,196,196,202,204,207,204,204,207,209,212,209,204,196,194,194,196,204,215,204,186,135,135,183,191,194,194,196,199,199,202,207,209,212,212,209,202,202,204,207,199,189,178,133,132,135,178,176,178,186,194,196,191,183,181,181,178,176,134,134,135,181,183,183,182,183,189,194,196,194,186,181,183,191,191,191,194,196,196,196,191,189,189,194,199,196,191,189,194,199,196,191,191,194,191,194,196,194,191,186,189,194,199,202,196,194,191,189,191,196,199,194,186,183,183,183,181,133,126,126,131,181,194,196,196,191,191,194,199,202,204,209,212,215,217,215,212,212,212,215,212,209,207,209,217,225,222,212,209,212,215,215,212,207,204,202,202,199,199,196,199,202,204,204,204,207,209,212,215,212,209,212,215,215,209,202,196,194,196,199,199,196,194,194,191,189,185,191,207,212,202,189,176,173,191,204,212,215,215,222,225,0,0,0,0,0,0,0,0,0,0,225,225,228,230,230,228,225,225,0,233,241,241,238,228,215,208,209,212,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,183,181,183,191,199,207,209,212,207,199,186,183,199,0,0,233,228,0,0,0,0,0,0,0,0,0,0,0,220,217,212,202,186,165,157,152,152,157,165,173,178,181,189,204,225,238,243,248,254,255,254,251,248,243,228,217,220,241,248,251,248,243,241,243,248,251,251,251,255,255,255,255,255,255,255,255,255,255,255,255,254,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,176,194,196,196,196,196,194,202,212,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,186,202,199,196,199,202,204,209,212,209,31,0,0,0,7,13,9,49,139,157,165,87,38,83,150,163,165,157,111,108,109,115,117,111,104,107,115,119,117,115,115,121,163,165,165,170,178,183,176,116,119,123,116,176,116,117,163,173,176,173,176,183,196,202,199,196,189,176,163,121,119,121,119,116,116,123,181,189,181,119,112,117,165,170,178,186,183,173,170,173,183,194,194,186,178,170,127,168,178,189,186,178,176,176,170,125,125,129,173,170,170,178,176,129,118,115,121,183,194,196,196,199,199,191,181,176,176,178,176,170,121,115,114,114,119,123,115,100,101,109,117,115,110,113,127,181,181,173,170,129,170,173,181,194,196,178,65,59,89,181,202,204,204,204,207,204,199,196,191,178,168,119,109,107,168,191,189,191,194,194,191,186,123,103,101,115,113,69,33,51,176,191,199,194,178,117,111,115,176,186,186,181,186,189,186,183,181,178,176,186,183,157,97,173,178,160,99,100,117,189,199,181,57,52,91,107,111,157,173,186,191,189,176,113,115,178,194,199,202,202,202,199,202,204,207,199,189,183,189,196,199,196,194,191,189,186,186,196,202,199,199,196,194,186,117,87,85,160,176,165,98,88,99,115,163,173,183,183,170,117,115,115,105,111,170,178,157,107,109,115,117,107,99,173,168,157,155,119,163,181,191,196,199,186,117,111,113,119,121,160,163,165,123,110,110,117,163,121,123,168,170,168,123,123,168,173,173,181,194,199,202,202,202,191,103,99,117,183,183,176,170,163,121,120,160,165,100,97,107,117,119,118,118,160,123,121,119,121,121,123,123,123,119,115,117,165,183,199,207,196,178,170,173,176,178,176,181,196,199,191,178,178,186,191,194,194,191,189,191,194,196,189,170,123,168,173,170,165,168,176,181,178,170,123,116,115,119,173,178,183,181,181,181,176,169,169,173,125,117,119,119,112,113,170,178,168,121,117,121,165,165,123,121,119,116,115,115,117,121,123,165,165,165,121,119,163,178,186,181,165,117,115,117,121,125,168,176,178,103,88,111,194,202,194,186,178,129,121,118,121,183,194,199,202,202,204,207,209,209,209,212,212,212,212,209,209,209,207,202,199,196,194,191,194,199,202,199,196,199,202,202,204,204,207,204,196,181,125,117,117,119,127,131,178,183,178,121,117,123,183,202,207,207,207,209,209,209,209,204,202,199,202,207,207,196,124,121,196,207,212,209,202,189,183,181,186,173,127,173,194,202,204,202,196,183,173,170,173,170,129,128,128,176,178,129,119,121,178,194,204,212,204,183,173,178,183,183,181,176,170,127,127,127,123,119,121,168,176,178,176,173,168,168,170,170,176,176,170,170,176,176,181,186,189,186,183,181,181,181,176,131,125,123,129,183,183,173,129,129,129,176,186,196,202,202,199,191,183,176,131,131,176,183,194,199,199,191,173,127,127,176,181,178,176,176,181,189,196,199,196,189,178,131,131,131,173,176,173,176,181,181,178,173,169,169,170,131,131,176,176,173,129,131,183,196,196,183,127,125,128,178,178,129,123,120,119,125,133,133,176,181,186,191,194,196,196,196,196,194,183,131,129,176,178,176,176,178,178,173,131,173,173,173,131,131,131,178,183,189,191,191,183,173,172,173,178,178,176,173,131,127,128,173,173,176,178,178,178,183,189,191,191,189,181,176,176,178,181,181,179,183,194,204,207,199,189,181,181,173,170,173,181,181,189,194,196,186,107,97,127,191,204,196,178,127,125,123,123,127,127,127,176,189,186,173,173,186,166,164,189,196,191,181,170,173,186,199,194,117,103,105,173,123,119,125,129,125,124,129,178,178,173,129,129,129,127,127,173,186,196,202,204,204,202,194,129,117,127,170,123,168,196,202,189,173,165,166,183,191,183,127,121,123,186,189,122,121,129,170,173,173,176,181,181,181,181,183,191,189,186,189,191,191,186,178,176,131,131,176,183,186,189,191,186,183,183,183,186,189,189,189,189,189,191,186,176,176,178,170,128,176,186,186,176,172,173,173,173,176,178,183,189,191,191,189,186,181,176,131,131,176,183,189,196,204,209,209,207,202,204,202,191,114,107,117,178,178,173,178,114,114,131,173,127,128,176,183,186,186,183,186,191,196,191,181,177,177,178,183,191,191,186,176,176,176,174,174,176,178,181,186,189,186,186,186,183,182,183,186,186,181,189,191,191,186,183,191,191,191,191,194,199,207,207,202,196,194,194,191,186,186,194,199,199,192,191,194,202,204,204,204,209,212,209,207,207,209,212,212,209,207,204,204,204,204,202,202,202,202,202,202,202,202,202,202,199,196,196,199,204,207,204,204,207,207,204,202,202,204,204,202,202,199,196,194,191,191,194,199,204,207,204,196,194,191,189,189,191,196,199,199,202,207,207,204,202,199,196,196,196,199,207,209,209,207,204,204,204,204,209,215,215,212,212,209,204,199,194,194,194,196,199,199,202,202,204,204,204,202,202,202,199,191,183,176,170,127,125,125,123,119,113,107,103,101,98,98,101,103,103,105,111,152,152,152,150,109,101,99,99,99,101,101,99,99,99,99,99,99,101,101,101,99,97,99,107,113,115,119,157,160,163,123,163,168,170,170,173,176,178,178,183,186,191,191,191,191,189,186,181,129,121,117,117,117,115,113,114,123,178,189,181,121,116,118,125,127,133,183,183,179,181,186,189,189,194,202,204,204,204,207,207,204,202,202,204,202,196,194,195,199,199,199,202,207,204,191,137,134,134,139,189,199,207,209,209,212,212,215,215,209,199,189,181,178,178,178,178,129,121,115,116,119,123,127,133,181,183,183,191,194,199,202,207,209,209,207,207,204,202,199,196,195,196,199,204,207,207,204,202,202,202,204,207,207,202,196,196,207,215,212,199,189,141,189,194,191,189,186,189,191,194,199,202,202,204,204,207,207,207,207,207,202,196,191,187,187,189,194,199,199,196,191,186,138,137,139,191,199,202,199,194,191,189,189,189,191,194,196,199,196,202,209,209,207,204,204,202,199,196,196,199,202,204,202,202,204,207,209,209,207,204,202,199,194,194,194,191,191,189,186,191,191,189,196,207,204,199,196,196,192,192,192,196,202,204,202,194,191,194,194,196,196,196,196,202,204,202,199,199,196,194,186,133,129,130,176,178,131,127,125,127,125,129,178,183,183,181,181,133,133,135,181,183,189,196,202,204,199,196,198,207,212,215,209,202,196,194,194,194,191,187,187,189,189,187,189,196,204,204,199,189,181,178,179,186,191,189,186,177,176,178,191,196,196,196,196,196,194,189,178,129,123,122,121,120,127,183,189,186,186,189,191,189,183,176,132,176,183,178,129,128,133,181,186,194,196,194,191,191,191,194,196,199,196,194,189,189,196,202,194,186,186,194,199,199,199,199,202,202,196,186,177,177,177,178,133,127,123,122,122,123,131,176,173,127,123,125,176,183,189,178,124,123,131,186,191,191,191,183,133,127,127,131,178,186,191,191,189,183,178,129,119,111,110,112,119,125,129,129,129,129,128,128,133,135,178,183,186,186,189,191,194,196,196,194,196,202,207,207,207,204,202,199,196,194,189,187,189,196,202,202,199,194,190,187,187,190,196,199,196,195,196,202,207,207,207,209,212,215,215,212,207,202,199,199,204,215,209,194,137,131,131,137,183,183,186,189,191,196,204,207,209,209,207,204,204,207,207,202,194,183,134,131,132,133,134,176,186,189,191,189,183,178,176,133,132,133,135,135,181,183,189,189,186,189,194,199,196,189,186,186,191,196,199,199,199,196,194,191,189,189,194,196,194,186,183,186,194,196,196,199,202,196,196,196,191,183,137,181,186,196,202,199,194,189,186,191,199,204,202,194,189,183,183,181,131,126,126,127,133,183,194,196,194,194,196,202,204,207,212,215,212,209,207,212,217,225,228,225,222,217,217,225,228,222,215,209,209,212,212,209,207,202,199,196,194,194,196,196,202,207,209,207,207,209,212,212,212,209,209,212,212,209,204,199,196,199,199,196,194,194,196,194,189,186,191,209,215,204,186,173,165,186,204,212,215,217,225,228,0,0,0,0,0,0,0,0,0,222,222,225,228,230,230,228,225,225,0,235,241,243,241,233,222,211,211,217,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,199,209,217,217,212,202,189,186,199,0,228,225,217,215,220,228,0,0,0,0,0,0,0,0,215,215,212,204,191,176,163,152,150,147,155,163,173,176,178,191,209,228,238,246,251,251,251,248,248,246,233,220,222,243,254,255,254,248,246,246,248,248,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,248,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,181,194,194,189,189,183,168,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,194,199,202,196,194,199,204,209,209,207,186,7,0,0,0,3,25,55,73,139,155,163,155,103,155,163,170,170,163,115,111,113,115,113,110,108,111,121,163,163,121,121,163,165,163,163,168,178,189,189,163,121,123,168,194,173,121,121,165,173,176,178,186,199,202,199,196,183,165,119,119,163,168,168,163,123,170,181,181,125,112,110,117,165,168,173,178,178,173,170,170,181,191,194,189,181,170,168,173,183,189,183,173,170,173,176,170,170,173,178,176,173,178,176,127,120,119,127,189,199,202,202,204,204,196,183,178,176,176,173,127,117,114,112,111,113,115,111,119,127,168,168,170,178,189,199,199,194,181,170,125,125,129,178,194,202,207,209,196,178,186,202,207,204,204,202,199,194,191,186,178,173,163,111,109,170,191,194,194,194,194,194,186,121,107,111,163,186,199,99,91,165,183,189,183,168,115,113,125,186,194,191,186,191,191,186,183,186,183,181,189,194,170,85,165,178,163,101,101,157,189,196,168,53,48,105,111,107,109,113,160,181,181,176,173,183,189,191,194,196,202,202,199,202,207,209,199,183,165,125,178,189,191,186,183,183,181,179,196,204,204,204,202,196,186,105,87,87,107,165,170,113,96,101,109,115,165,178,183,176,117,115,111,99,104,181,199,196,163,155,160,160,85,37,103,105,107,117,109,105,99,103,170,181,115,97,105,113,121,163,163,163,160,115,110,109,112,119,119,121,165,168,165,123,122,163,168,176,183,189,194,196,194,173,83,79,97,173,186,186,183,173,123,121,122,173,194,119,107,115,119,121,123,163,123,121,119,119,121,121,121,121,119,115,113,114,121,176,199,209,196,176,170,176,176,173,173,173,181,186,178,170,176,191,196,194,190,191,194,196,196,196,194,186,176,173,173,168,168,176,181,181,178,173,165,119,118,125,178,181,173,170,173,173,170,170,170,173,123,118,121,121,117,118,168,173,168,125,121,123,165,168,165,125,116,114,115,116,119,121,163,165,173,183,183,170,168,178,183,178,163,115,114,119,125,170,173,176,170,85,78,89,123,176,168,127,173,170,127,119,121,181,194,202,199,199,202,204,209,209,209,212,212,215,212,209,207,207,204,199,196,194,191,191,194,199,204,202,202,202,202,202,202,202,204,202,189,176,125,119,119,121,121,119,119,123,119,114,115,129,191,202,207,207,207,209,209,209,207,202,199,196,202,207,204,191,123,120,202,207,207,204,196,189,186,189,194,178,109,106,168,186,194,199,194,183,178,178,178,176,170,170,170,181,176,121,106,101,123,186,202,212,209,189,173,173,173,173,178,181,183,178,170,123,117,117,119,125,173,176,173,170,168,168,168,170,176,176,170,170,173,176,183,191,194,186,178,173,178,181,176,129,127,129,181,194,194,183,173,131,131,176,183,191,199,199,194,191,186,181,176,173,176,181,189,194,191,181,129,125,127,176,178,178,178,178,176,178,183,189,191,186,181,176,173,173,176,176,173,178,189,191,183,176,169,170,173,131,130,131,131,128,126,127,178,191,194,186,176,129,173,178,176,131,127,123,121,125,129,125,125,129,178,191,196,196,196,196,196,194,183,127,127,181,183,174,176,181,181,176,173,173,131,131,173,131,131,176,181,183,186,189,181,173,173,178,181,178,176,176,173,129,129,173,178,178,181,181,183,186,189,194,196,191,181,176,176,181,189,191,189,189,189,194,199,199,189,183,178,173,172,178,186,183,183,183,183,181,123,119,181,196,207,202,181,123,119,119,118,123,127,129,173,181,178,170,173,186,165,161,176,189,186,178,170,170,186,199,178,99,99,109,176,125,116,119,125,127,127,129,170,170,128,128,129,170,127,125,127,178,194,204,207,207,202,194,110,107,112,123,125,170,191,199,189,176,166,168,178,186,176,121,121,170,191,189,122,119,123,129,170,176,186,194,191,183,181,183,186,186,183,183,183,183,181,178,176,178,181,183,186,191,199,199,196,189,183,181,183,183,186,189,191,191,191,189,181,178,173,129,128,131,181,178,173,173,176,176,178,181,183,186,191,191,191,186,181,131,121,117,121,133,186,194,204,209,212,209,202,198,199,202,191,107,102,115,131,117,112,121,117,119,173,131,126,129,178,183,189,186,178,176,189,196,194,189,183,178,177,177,178,186,186,186,186,183,181,178,178,181,186,189,189,186,181,183,183,183,183,181,127,119,181,189,191,186,179,186,191,191,191,189,194,199,202,199,196,194,191,186,183,185,191,199,199,194,192,196,199,196,194,194,202,207,207,207,207,209,212,209,207,202,202,202,204,202,202,202,202,204,202,202,202,204,204,204,204,202,202,204,207,207,204,204,207,207,207,202,202,204,207,204,202,202,199,196,196,196,196,202,204,204,199,196,194,194,194,196,202,202,199,196,199,202,202,199,196,196,196,196,196,199,202,204,204,200,199,200,202,204,207,212,212,209,209,204,199,194,192,192,196,199,202,202,204,202,202,199,199,199,199,199,196,189,178,170,170,129,127,123,117,113,107,103,101,99,98,98,99,103,103,105,111,152,152,152,150,111,105,103,101,99,99,99,97,97,99,101,99,99,99,99,97,95,95,101,113,155,157,157,160,165,168,165,165,170,178,181,183,183,183,181,183,186,189,191,191,186,183,181,178,129,121,117,119,119,117,115,117,127,183,189,176,119,115,116,125,131,178,183,183,181,182,186,189,189,196,202,207,204,204,204,202,196,196,199,204,204,196,194,194,196,199,196,202,207,204,194,137,134,133,135,189,202,212,215,215,212,212,212,215,209,196,183,135,131,131,135,135,129,121,116,117,121,125,129,135,183,183,183,189,196,199,204,207,212,209,207,204,204,204,202,199,196,199,202,204,207,207,204,202,199,202,207,207,204,196,191,191,202,212,209,196,141,140,186,194,196,194,191,194,196,199,202,204,204,204,204,204,204,207,209,207,202,196,194,191,191,191,196,199,202,199,194,186,139,138,183,196,204,207,204,204,204,199,196,196,196,196,199,204,207,207,209,207,204,202,202,199,196,196,199,204,207,207,204,202,202,204,207,204,202,202,199,196,194,191,191,191,191,186,183,183,139,139,191,207,207,199,196,194,192,192,194,199,202,204,202,194,191,189,189,189,191,191,196,202,204,199,194,191,191,189,181,130,129,131,133,176,131,125,119,121,125,129,181,186,189,186,178,129,125,127,133,183,189,199,204,204,199,198,199,207,212,217,217,212,207,202,199,196,194,191,194,199,196,191,191,196,202,202,199,191,183,178,179,186,189,189,186,181,177,178,191,199,202,199,196,191,189,186,135,129,125,125,123,120,127,186,191,183,178,181,183,181,178,133,131,133,181,178,130,129,135,186,191,196,196,196,196,191,190,189,191,199,199,194,191,194,202,202,189,183,186,196,204,202,199,196,196,196,194,186,178,178,178,178,133,127,122,122,123,125,181,191,186,176,127,129,183,194,194,186,176,133,181,189,191,189,189,189,183,178,178,181,183,189,191,189,183,178,133,127,119,111,110,113,125,178,181,176,133,129,128,127,129,135,178,181,186,186,186,189,189,189,189,186,189,196,204,209,207,204,202,199,196,196,194,191,194,199,199,202,202,199,191,187,186,191,202,204,202,196,196,202,207,212,212,209,209,209,212,215,215,212,209,207,207,212,209,199,183,129,127,128,131,135,137,139,186,194,199,204,202,202,199,199,202,204,204,202,199,194,186,178,135,135,178,183,186,186,181,178,178,178,176,132,131,134,178,181,183,191,199,196,191,189,194,196,196,191,186,186,191,199,204,204,199,194,194,191,189,189,189,191,189,181,135,135,183,196,202,207,204,196,194,191,183,135,133,133,137,191,199,199,194,186,185,189,196,204,204,199,191,183,186,183,178,133,133,127,124,127,181,189,189,191,196,199,202,207,212,212,207,202,202,209,222,233,233,233,228,225,225,228,228,225,215,207,204,207,209,209,207,202,196,194,192,194,196,199,204,209,212,209,209,212,212,212,212,209,209,209,209,209,207,202,199,199,199,196,194,194,199,196,191,191,196,212,220,207,186,168,163,176,194,204,209,215,222,228,228,0,0,0,0,0,0,0,0,217,217,222,225,228,228,228,225,228,0,235,238,241,238,233,222,212,212,217,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,217,225,225,222,209,196,191,199,0,0,217,212,212,212,217,222,220,0,0,0,0,0,0,209,212,212,207,196,181,165,152,144,143,147,157,168,173,173,181,196,212,228,235,243,246,246,246,246,246,235,222,222,241,254,255,255,248,246,243,243,243,246,248,255,255,255,255,255,255,255,255,255,255,255,255,255,251,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,116,168,178,170,147,90,40,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,189,189,189,189,189,199,212,217,207,191,27,0,0,105,134,152,173,170,163,165,165,163,163,165,168,170,173,170,157,113,115,155,117,110,109,113,119,165,173,170,168,165,165,165,163,161,165,176,186,189,173,163,163,173,183,173,119,115,121,170,176,178,183,194,196,191,189,176,163,121,168,183,183,176,173,176,181,176,165,115,110,109,165,173,168,168,170,170,170,173,173,181,189,191,189,183,176,170,176,183,176,127,168,170,170,173,173,176,178,181,176,170,173,173,127,125,127,173,191,202,204,204,204,204,199,189,181,178,176,173,127,119,119,119,115,125,127,117,125,170,173,178,189,199,204,207,204,194,176,125,123,127,178,191,202,207,209,212,202,194,194,199,202,204,204,202,199,191,183,173,170,170,163,117,118,170,183,189,189,191,194,191,181,163,119,165,181,191,204,186,111,121,176,183,178,125,115,117,170,191,199,199,194,191,189,189,191,194,191,189,196,202,119,11,37,105,160,155,157,168,183,183,87,71,99,183,113,99,95,89,93,160,173,181,189,194,191,186,187,196,202,199,199,202,207,207,202,186,123,115,117,178,183,174,172,178,183,183,194,202,202,204,202,196,178,81,85,87,91,115,176,183,178,117,109,111,155,163,170,165,115,113,105,97,104,176,196,199,183,170,160,91,36,35,97,101,91,91,87,88,85,80,83,87,90,95,119,160,163,163,160,163,165,121,117,113,113,117,119,121,165,165,163,123,165,168,168,173,178,178,176,168,123,97,72,75,109,168,173,173,176,165,123,165,176,194,202,183,168,163,165,170,173,168,123,121,121,121,123,123,121,119,117,117,115,115,119,168,189,196,189,168,168,176,176,173,173,168,165,163,163,166,176,189,196,196,191,194,196,196,199,194,194,191,183,176,165,123,165,170,176,178,181,181,176,168,125,170,181,178,165,125,125,123,165,178,189,191,176,168,125,125,168,178,178,173,170,168,125,125,168,173,173,168,121,117,119,123,123,163,165,165,176,191,194,178,165,168,173,168,123,117,117,123,168,173,173,176,173,93,84,101,109,99,86,86,119,127,129,121,123,181,194,199,199,196,199,202,207,209,209,209,215,215,212,207,204,204,202,199,194,194,191,189,194,199,204,204,202,202,204,202,199,199,196,191,178,129,123,121,123,123,118,113,113,116,117,116,119,183,202,204,204,207,209,209,209,207,204,202,196,194,199,199,196,183,125,124,199,207,207,202,189,178,176,183,186,168,101,100,113,168,181,189,189,181,178,181,181,178,176,178,183,183,127,113,105,99,115,176,194,207,204,186,173,173,173,173,181,183,189,189,178,123,117,117,121,168,173,176,173,168,168,170,170,170,176,178,173,176,178,181,186,189,186,178,129,129,176,181,176,129,126,131,186,199,199,189,176,129,129,173,181,189,194,194,189,186,186,183,178,178,178,181,183,183,181,178,131,127,126,127,129,176,183,186,181,178,178,181,181,181,178,176,173,173,176,176,176,186,194,196,189,178,173,176,178,173,131,131,129,128,127,128,176,186,189,189,183,181,183,183,181,178,176,176,173,133,129,119,103,100,113,178,194,199,194,191,189,183,131,125,126,178,181,176,178,186,186,183,178,173,131,131,176,173,131,173,173,173,176,178,178,176,178,183,183,176,172,173,176,173,131,173,176,178,181,183,189,191,194,199,196,189,181,178,181,186,189,194,194,191,189,187,189,194,191,186,181,173,173,181,186,181,178,176,176,178,178,183,189,194,196,191,173,117,115,119,123,127,129,129,170,173,170,129,173,181,168,164,173,186,183,173,126,126,176,181,123,102,102,117,127,121,115,116,125,170,173,173,128,128,128,129,170,173,170,126,125,170,189,202,204,204,199,191,109,107,111,121,129,173,178,178,178,173,170,168,173,178,168,121,123,170,178,176,123,121,121,123,129,181,196,202,194,181,176,181,183,183,181,178,178,178,178,178,181,191,196,191,189,191,199,202,199,194,183,178,178,181,183,186,191,191,189,186,183,178,131,130,129,131,173,173,173,176,181,181,183,186,189,194,194,191,186,181,178,127,117,115,119,178,191,196,207,212,215,209,199,195,198,202,194,113,109,119,123,109,106,115,173,173,178,130,126,131,183,191,191,189,173,131,186,199,199,199,194,189,183,177,177,181,189,194,196,194,186,181,181,183,189,191,191,183,176,178,183,183,181,133,89,79,129,181,186,183,176,181,189,189,189,186,189,194,196,196,194,194,191,186,186,189,194,202,204,202,199,199,199,194,191,192,196,202,204,207,207,209,209,204,202,196,196,202,204,204,202,204,204,202,202,202,202,204,207,207,207,207,207,207,207,207,204,204,202,204,207,204,204,207,209,207,204,202,199,196,196,199,202,202,204,202,199,199,196,196,199,202,204,199,194,189,194,199,199,195,195,196,199,199,199,199,202,202,202,200,200,204,207,207,209,209,207,204,204,199,194,192,192,194,199,204,204,207,204,202,199,196,194,191,194,194,191,183,176,170,170,168,125,117,109,103,101,101,103,101,99,99,101,103,107,109,150,152,152,150,150,147,109,107,105,103,101,97,95,95,97,99,97,95,95,95,93,93,97,105,117,163,163,163,165,168,170,168,170,176,183,189,189,191,191,186,183,186,189,189,189,183,181,178,176,131,125,121,119,119,119,119,123,173,183,183,133,125,119,121,129,178,183,186,186,183,183,183,186,189,194,202,204,204,202,202,199,195,195,196,204,207,202,195,195,196,196,194,196,202,199,189,137,134,133,137,189,204,215,217,217,212,209,207,207,204,194,181,135,129,127,129,133,129,123,121,123,127,129,133,181,186,189,189,194,199,202,207,209,215,212,204,200,202,204,204,202,204,204,204,202,202,202,199,196,196,202,207,204,202,194,190,191,202,209,209,199,141,139,141,191,196,196,199,199,202,204,209,209,207,204,202,199,202,204,204,202,196,194,191,194,196,196,199,202,204,202,196,191,186,186,191,202,207,209,209,209,207,204,202,202,202,199,199,202,207,207,204,199,199,199,199,199,196,196,202,209,212,212,209,207,207,207,207,204,202,202,202,199,196,191,191,191,191,186,138,137,136,137,189,204,204,196,196,196,196,194,196,202,204,204,202,196,194,189,187,186,186,187,191,202,204,196,183,135,176,178,176,130,131,133,133,133,131,123,116,116,123,127,133,181,189,186,176,127,124,125,131,178,183,194,199,202,202,202,204,207,212,217,222,217,212,209,204,199,194,194,202,207,204,199,196,199,199,196,191,189,189,183,183,186,183,183,191,189,181,178,183,194,196,194,189,183,183,181,135,129,129,133,131,123,129,183,189,183,177,177,177,178,135,132,132,133,135,135,131,129,178,189,191,194,194,194,196,194,190,190,191,199,199,191,190,194,202,202,189,186,189,202,207,202,196,191,191,191,191,186,181,181,183,181,176,131,127,127,127,131,191,199,194,181,131,176,191,196,194,191,186,189,191,194,194,189,191,191,186,186,191,194,194,194,191,186,181,176,129,125,123,117,113,117,133,189,194,189,183,176,129,129,135,181,183,183,183,183,181,183,183,183,182,181,182,189,199,207,207,204,202,199,199,199,199,199,199,199,194,194,199,199,194,189,189,194,204,207,202,196,194,196,207,215,215,212,209,208,212,220,220,217,217,212,209,209,209,204,194,137,128,126,127,131,135,139,183,191,199,202,199,199,196,196,196,196,196,199,202,202,196,189,181,178,183,189,186,176,127,127,133,178,181,178,176,176,183,186,189,196,204,199,189,186,189,191,194,191,189,186,189,202,209,207,199,194,191,191,191,189,191,191,186,137,131,130,132,189,199,202,199,189,186,183,135,131,131,133,135,183,194,196,191,183,183,186,194,199,202,199,191,186,186,186,178,181,183,133,122,122,127,137,139,183,191,194,196,202,209,209,204,198,199,207,225,235,238,235,230,228,225,225,228,225,215,204,202,203,204,207,207,202,196,192,192,196,199,202,207,212,212,209,209,212,215,215,212,209,207,204,204,207,204,202,202,202,202,196,194,196,202,199,196,194,199,209,215,202,181,165,160,161,173,186,196,204,212,222,228,0,0,0,0,0,0,0,0,0,222,222,225,228,230,230,230,230,0,235,235,238,235,230,222,209,207,212,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,225,228,225,215,202,194,0,0,0,212,212,209,207,207,212,215,209,207,204,0,204,202,202,202,207,204,199,189,170,152,144,142,143,152,165,173,170,176,186,202,217,230,238,243,243,241,241,243,235,222,217,233,248,255,254,248,246,241,238,238,241,246,254,255,255,255,255,255,255,255,255,255,255,255,255,254,248,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,33,95,152,139,43,0,0,7,79,137,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,108,108,178,178,176,181,196,202,178,126,3,0,57,139,139,155,191,178,176,173,170,157,155,165,173,176,173,160,111,109,117,160,115,106,106,115,163,170,178,178,173,173,168,165,165,163,165,170,176,178,173,168,165,170,168,123,116,114,117,168,173,173,176,181,181,176,173,165,121,163,186,196,186,168,168,178,181,170,121,115,113,112,168,173,165,124,125,165,170,176,178,181,183,183,181,178,176,173,173,173,119,114,125,173,170,170,173,176,178,181,173,168,170,173,170,173,176,178,186,199,204,204,204,202,194,186,181,178,178,176,173,127,168,176,181,196,199,123,117,123,170,186,199,204,207,204,199,183,123,117,123,176,194,204,204,204,207,207,202,196,194,189,189,196,199,202,199,191,176,119,117,123,123,163,170,170,170,181,186,189,189,183,181,178,170,170,183,181,191,183,101,104,173,189,181,125,117,119,173,189,199,202,196,186,181,186,191,196,196,194,194,194,69,0,0,15,117,176,181,176,176,157,76,93,209,189,117,97,87,73,68,107,165,183,196,202,191,183,185,191,196,194,194,199,204,209,209,202,170,112,107,165,176,170,168,176,186,189,194,199,199,202,202,194,165,64,81,83,79,97,176,191,196,160,113,113,113,112,115,155,117,155,109,99,115,168,183,196,194,194,105,38,23,59,117,157,82,76,81,99,117,101,87,87,101,176,183,170,163,121,120,165,173,170,170,123,119,121,121,123,165,165,165,168,176,178,173,173,176,173,123,109,109,97,77,88,117,121,121,121,163,121,121,168,178,191,189,176,168,165,170,181,178,165,165,168,168,170,173,170,165,123,119,121,123,121,123,165,176,181,173,123,165,173,176,176,178,176,166,161,163,168,181,186,191,194,196,194,194,196,196,194,194,196,191,168,115,115,119,123,168,181,191,191,183,173,123,123,168,170,168,168,125,115,117,178,196,199,189,178,168,170,186,202,199,183,168,165,165,165,173,181,178,176,173,173,176,176,170,168,165,163,163,181,189,173,121,120,123,123,123,123,163,170,176,178,178,178,181,125,121,168,121,90,76,76,109,125,173,127,125,181,194,196,196,196,196,199,204,207,207,209,212,212,209,204,202,202,199,194,191,191,189,189,191,196,202,202,202,202,204,204,199,191,186,181,129,123,121,121,125,125,119,113,113,119,125,125,176,199,209,207,204,207,207,207,207,204,204,202,194,192,194,191,183,176,128,129,194,204,207,199,181,127,125,129,170,117,101,101,115,125,173,181,181,178,178,181,181,178,176,176,183,173,113,113,113,111,127,173,183,194,194,176,129,173,176,178,183,186,191,194,186,123,116,119,125,170,176,176,173,170,170,170,168,170,176,181,181,183,189,186,181,176,170,125,123,127,176,186,186,176,129,131,183,196,196,189,173,129,129,173,178,183,189,189,181,181,181,181,181,178,178,181,178,173,131,173,176,173,127,124,124,173,191,196,191,181,178,176,176,176,176,176,173,173,176,176,178,186,191,194,189,181,176,176,178,178,176,176,176,178,178,178,178,181,183,183,183,186,189,191,189,186,189,189,189,186,178,121,78,79,89,113,183,196,194,183,173,129,126,124,125,131,176,178,183,191,194,189,183,178,173,173,178,178,173,131,131,130,129,130,176,181,186,189,186,176,172,176,183,181,176,131,128,129,178,186,191,194,196,196,191,183,181,183,186,186,186,186,189,191,189,186,187,194,194,191,183,173,173,178,178,178,178,174,173,176,186,194,191,189,186,178,125,113,113,123,170,173,170,129,129,129,128,129,176,183,172,169,181,191,189,173,125,124,127,170,125,109,106,111,121,119,115,116,127,176,178,173,128,128,129,170,176,178,176,129,123,126,181,196,202,199,191,181,117,113,117,125,173,173,105,90,121,168,173,173,176,176,168,125,168,173,173,170,129,123,121,122,127,183,199,202,189,176,174,181,181,181,178,176,176,178,181,183,189,204,207,196,186,189,196,199,196,191,181,176,174,178,181,183,189,189,181,178,178,176,131,131,131,131,131,131,173,178,181,181,183,186,191,196,196,189,181,176,178,131,121,119,129,183,191,196,204,209,212,209,199,195,198,204,196,129,119,125,127,112,110,131,191,186,183,131,126,173,186,196,196,191,131,129,186,196,199,199,196,194,191,186,183,186,189,191,194,189,183,178,178,181,186,191,191,181,174,176,178,178,176,127,59,47,117,133,181,181,176,179,183,186,186,186,189,191,191,191,191,191,191,191,194,196,202,204,209,207,204,204,202,196,194,194,196,202,204,204,204,204,202,196,196,194,194,202,207,207,207,207,204,202,199,199,202,204,207,209,209,209,209,209,209,209,207,204,199,199,202,204,207,209,212,209,207,202,199,199,199,202,202,204,204,204,202,202,202,199,199,196,196,191,186,185,189,196,196,195,196,199,202,204,202,202,202,202,202,202,204,209,209,209,207,207,204,202,199,196,194,194,194,199,202,204,207,207,207,202,199,194,189,186,186,186,183,181,176,173,170,168,121,111,103,100,101,103,103,105,105,103,103,107,111,115,152,152,150,147,147,111,109,107,105,103,101,97,95,95,95,97,95,91,91,93,92,93,99,109,155,163,165,165,168,170,170,170,173,181,186,189,191,194,194,189,186,186,189,189,189,183,178,176,173,131,129,123,118,117,119,121,127,176,183,181,176,133,131,131,133,181,186,189,186,186,186,183,186,189,194,202,204,202,202,202,202,199,195,196,202,204,202,196,196,199,196,191,191,194,191,183,135,134,134,139,191,204,215,217,217,212,204,199,199,199,194,183,181,129,124,125,129,129,127,129,135,178,178,178,183,189,191,194,196,202,207,207,212,215,212,204,199,200,202,204,207,207,207,204,194,191,194,194,191,194,199,202,202,202,199,192,192,202,209,209,202,191,141,186,194,199,202,204,204,204,207,212,212,207,202,199,196,196,199,199,194,189,141,186,194,196,199,199,202,202,199,199,199,196,196,202,207,209,209,209,209,207,202,202,202,202,196,194,194,199,199,196,194,196,199,202,196,194,199,207,215,220,217,215,212,212,209,207,207,207,207,207,204,202,196,194,191,186,139,137,137,136,138,189,202,202,199,199,196,196,196,199,202,204,202,202,199,196,191,187,187,186,187,189,199,202,194,178,130,130,133,133,129,133,176,129,127,127,121,115,115,121,123,123,127,181,183,133,127,124,125,127,133,137,186,194,196,202,204,207,209,209,212,215,217,215,212,209,202,196,196,204,207,204,199,199,199,196,191,187,187,191,191,189,183,179,181,194,196,186,177,178,186,189,186,183,181,181,181,181,135,178,183,186,135,178,186,189,183,178,177,178,178,133,132,133,135,135,178,133,130,178,186,186,186,189,191,194,194,191,194,196,199,196,191,190,194,204,204,196,194,199,207,207,199,191,186,186,186,186,183,181,181,181,181,178,178,176,133,133,181,191,196,191,181,176,178,191,194,191,191,191,196,196,199,196,196,194,191,186,189,194,199,196,194,191,189,183,178,131,127,125,125,121,121,176,194,199,194,186,181,176,178,186,191,189,186,183,178,178,178,181,183,182,181,182,189,196,202,202,199,199,199,199,202,202,202,202,196,191,189,191,194,191,191,190,194,202,204,202,194,187,187,199,212,217,215,212,212,215,220,220,220,220,215,209,207,207,207,202,191,139,129,128,133,139,186,189,196,202,204,202,202,199,194,189,186,185,191,202,204,202,194,183,178,181,181,176,121,117,121,129,183,191,191,186,183,186,189,191,196,202,191,181,179,181,183,191,194,191,186,189,202,209,207,199,189,186,186,189,194,196,194,186,137,132,129,130,137,189,191,186,137,135,135,133,129,131,133,133,181,191,194,191,183,183,185,189,196,199,196,191,189,186,181,135,181,189,181,125,122,127,137,139,183,189,194,194,199,207,209,202,198,199,209,228,238,241,238,233,228,225,225,225,225,215,204,200,202,204,209,209,204,199,194,194,196,202,204,207,209,209,207,207,212,215,217,215,212,207,202,202,202,202,202,202,204,202,196,196,199,202,202,196,196,199,207,209,196,178,163,159,159,161,170,178,189,202,215,222,0,0,0,0,0,0,209,212,222,225,222,225,228,230,230,230,230,233,233,235,238,238,233,222,207,202,207,212,0,0,0,0,0,0,0,0,0,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,228,225,212,199,191,189,194,202,204,207,204,202,199,202,207,209,207,204,202,199,191,189,191,199,202,202,196,181,160,147,142,142,147,160,168,168,173,183,202,217,233,241,241,241,235,235,235,228,212,211,225,243,251,251,248,243,241,235,233,235,243,254,255,255,255,255,255,255,255,255,255,254,254,254,254,248,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,38,0,0,0,61,165,178,191,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,59,126,90,82,124,103,65,108,131,121,139,155,150,155,168,173,173,168,152,142,109,155,168,173,168,111,102,105,117,119,109,105,109,117,165,178,183,183,181,178,173,165,165,168,170,168,168,170,176,173,170,168,163,119,116,116,165,168,165,163,163,119,115,121,165,163,115,113,196,194,115,111,121,170,176,168,123,123,121,125,168,170,125,123,123,125,168,176,176,178,173,168,125,127,168,170,170,125,119,116,119,170,173,173,176,176,173,176,176,170,170,170,173,181,183,183,186,196,202,199,199,194,186,181,178,178,181,178,173,170,173,181,189,204,202,108,106,121,170,186,194,199,202,199,183,105,97,113,176,194,202,207,202,199,199,202,202,199,194,183,178,178,183,189,191,183,119,101,97,111,163,176,181,168,163,176,186,191,189,181,173,173,170,168,117,121,165,107,85,95,173,189,183,165,117,119,168,183,194,199,191,170,165,176,183,194,196,186,183,117,35,0,0,0,107,189,194,189,173,155,105,113,199,199,181,117,97,69,59,61,111,186,199,202,196,186,183,189,194,186,181,186,196,204,209,209,191,121,102,125,181,174,170,174,183,186,189,194,199,199,199,183,99,43,69,77,74,93,163,173,170,155,152,152,113,111,115,117,157,168,160,160,157,160,170,186,191,186,83,35,34,157,189,97,70,71,93,168,189,183,160,117,168,183,181,168,121,120,121,165,173,176,170,165,123,121,121,121,163,170,173,173,181,183,173,170,176,170,121,121,163,163,115,107,113,163,163,121,119,118,119,121,163,168,123,123,163,163,165,170,170,165,170,183,194,196,196,191,178,165,163,165,165,125,125,170,173,168,123,123,125,165,168,176,181,178,168,168,170,170,173,178,189,194,196,196,196,199,199,196,196,199,194,115,109,110,115,121,168,186,194,189,181,125,113,106,105,123,181,189,181,111,100,105,121,183,183,176,170,178,196,212,209,194,125,122,124,170,178,181,181,176,183,189,191,189,181,168,123,119,117,123,168,165,121,119,119,121,163,165,165,170,178,186,186,183,181,181,183,191,196,194,176,115,117,125,173,170,129,181,194,196,199,196,195,196,202,204,204,204,204,207,204,202,199,196,191,189,186,189,189,191,191,194,196,199,199,202,204,204,196,186,176,129,121,115,116,121,129,173,170,123,123,129,173,170,181,204,212,209,207,207,209,207,204,204,204,202,199,196,194,183,173,129,173,183,196,202,202,194,176,123,121,125,127,107,102,107,123,129,176,178,176,173,176,176,176,173,170,170,170,125,117,119,173,189,183,173,173,178,127,118,123,173,176,176,178,183,194,199,183,116,114,119,127,170,173,176,173,173,173,170,168,129,173,176,183,191,194,186,170,119,114,115,123,170,181,191,194,191,181,173,178,191,191,183,173,128,128,131,176,178,178,178,173,176,178,181,181,181,181,183,181,131,129,131,183,189,178,127,127,176,194,202,194,183,181,178,131,129,131,173,173,176,176,178,178,181,183,189,183,178,174,174,176,178,181,181,181,183,181,178,178,181,181,174,174,183,194,196,194,194,196,199,199,194,191,183,121,105,104,115,178,191,191,181,127,126,127,127,125,125,129,173,183,194,196,191,186,183,178,176,181,178,176,173,173,131,128,128,131,181,186,186,181,176,178,186,194,191,186,173,123,120,126,183,191,196,196,191,183,178,181,183,186,186,183,183,183,183,189,189,191,199,199,194,183,176,173,173,176,181,181,176,173,176,189,199,199,191,186,173,121,112,111,127,176,183,181,170,170,170,129,170,178,178,172,173,183,191,189,181,126,124,170,178,176,121,107,108,115,117,116,116,127,178,181,176,129,129,170,173,176,178,176,170,125,126,176,191,196,194,186,176,121,117,121,170,183,127,85,68,113,125,170,178,183,178,168,168,176,181,183,183,178,170,123,122,127,181,191,191,183,178,176,178,178,176,176,178,178,183,189,189,194,207,209,196,186,186,189,191,189,183,176,174,174,176,178,178,181,183,178,176,173,173,131,176,176,173,130,130,173,176,176,178,181,183,191,196,196,191,181,176,178,133,127,127,176,181,183,194,204,209,212,209,204,199,202,207,202,133,125,131,176,127,127,178,189,189,186,181,173,173,181,191,194,176,124,129,183,191,191,191,191,191,194,194,194,189,181,125,119,119,125,131,133,178,183,186,189,183,176,176,176,133,131,127,71,29,23,53,121,181,183,183,186,186,186,186,189,189,189,187,187,187,189,194,202,204,204,207,207,209,209,209,207,204,199,196,199,199,199,199,199,199,196,191,189,187,189,199,204,207,207,207,202,196,196,196,202,204,207,209,209,209,209,209,209,207,207,204,199,199,199,202,207,212,215,215,209,207,204,204,202,204,204,204,204,204,204,204,202,199,194,189,186,186,185,186,191,196,199,199,199,202,202,204,202,202,199,199,202,207,209,212,209,207,204,202,199,196,196,196,194,196,199,202,202,204,207,207,204,202,196,194,189,186,183,181,178,178,176,176,173,168,121,113,105,101,103,105,105,109,111,107,105,109,113,152,152,150,113,111,109,107,105,103,103,101,99,97,97,95,95,93,91,89,91,93,93,95,101,111,155,160,163,165,170,173,176,176,181,183,183,186,189,191,191,186,185,186,189,191,189,183,181,178,131,131,131,125,118,117,119,123,129,178,181,181,178,176,178,183,186,186,186,186,189,189,189,186,186,189,194,202,204,202,202,204,207,202,196,196,202,204,204,202,202,202,202,194,186,185,186,183,137,137,137,186,196,207,212,215,215,212,202,194,194,196,196,191,183,133,125,124,127,129,129,133,178,181,183,186,189,189,191,196,202,204,204,207,209,212,209,204,202,200,202,204,207,209,207,202,194,190,190,190,190,191,196,199,199,204,204,202,199,202,207,207,202,196,196,196,199,202,207,209,207,207,207,209,212,209,204,199,194,191,191,191,141,136,136,141,191,199,202,202,199,199,199,204,204,207,207,207,207,207,207,207,207,204,202,202,199,196,191,186,186,189,191,191,191,196,199,199,194,194,202,212,222,225,222,215,215,212,207,207,209,212,209,207,202,199,196,194,186,139,139,139,183,186,186,191,202,204,202,196,194,196,196,196,199,202,202,199,202,199,194,191,191,191,189,191,196,202,196,189,135,132,133,133,130,133,176,129,123,121,117,115,117,125,123,120,122,178,183,133,125,125,125,125,129,135,183,189,194,196,202,204,207,207,207,209,215,217,217,212,204,196,196,199,204,204,199,196,199,196,189,187,187,191,194,191,181,178,181,191,196,189,181,181,189,191,186,181,183,186,186,183,181,186,191,196,191,191,194,191,183,181,183,186,181,133,131,135,183,183,183,181,178,178,181,178,135,178,186,191,191,191,196,202,199,194,191,194,199,204,204,204,207,209,209,204,194,186,183,183,183,178,176,176,176,178,178,178,181,186,189,186,191,191,191,186,178,133,178,186,191,191,191,191,194,199,202,199,199,196,189,186,189,191,196,194,191,191,194,194,186,135,133,133,133,127,127,178,189,194,191,189,181,178,181,189,194,194,186,181,178,177,178,183,186,186,183,186,191,194,191,189,191,196,202,202,202,202,202,199,196,191,189,189,189,189,191,194,196,199,202,202,194,186,185,189,207,215,215,215,215,215,217,217,222,222,215,207,204,203,204,207,204,202,191,139,139,189,196,199,199,204,209,209,204,202,194,185,179,181,189,202,204,204,196,186,181,176,123,110,110,113,121,176,194,202,202,191,186,183,181,186,191,191,186,179,179,181,183,191,196,194,186,185,204,209,207,194,181,135,137,186,194,199,196,189,183,137,133,132,137,186,186,181,137,135,135,131,127,127,129,131,135,183,189,189,189,186,186,189,196,202,196,189,189,183,178,133,178,183,183,133,129,135,181,183,186,191,191,191,196,204,207,204,202,202,212,225,238,243,241,233,228,225,222,222,225,217,207,202,203,207,212,212,209,204,202,196,196,199,204,207,207,207,204,204,209,215,222,217,212,204,202,199,199,196,194,196,202,202,199,199,202,202,199,196,196,199,202,207,196,178,165,163,163,165,0,0,178,194,207,217,225,225,222,217,212,209,209,215,225,225,225,225,230,233,230,228,228,230,233,233,235,0,0,0,0,0,0,209,217,0,0,0,0,0,251,254,255,254,246,233,217,212,212,0,0,0,0,0,0,0,0,0,0,0,228,222,207,194,181,176,181,191,194,194,196,194,189,189,196,209,212,204,196,191,183,181,186,194,199,199,199,191,173,155,142,142,147,0,163,0,173,189,207,228,238,243,243,238,235,235,230,212,204,202,215,235,246,246,243,241,238,233,229,233,243,251,254,255,255,255,255,255,255,255,254,254,254,254,251,246,238,235,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,186,186,202,129,0,0,0,0,0,0,0,0,0,0,0,0,7,4,0,0,0,0,25,113,15,0,0,0,0,15,39,0,0,0,0,0,0,23,147,168,173,186,186,173,165,165,163,157,147,99,97,101,111,155,157,115,107,104,105,111,113,110,111,119,160,168,178,186,186,183,178,173,165,165,170,170,165,164,170,183,181,176,173,168,121,116,121,176,168,119,117,121,115,112,114,165,163,78,65,76,89,95,105,117,168,176,173,170,170,168,168,173,170,165,125,125,125,165,168,173,173,168,121,119,121,123,127,168,127,125,117,117,129,178,181,178,173,172,173,178,178,173,173,170,181,194,194,191,191,194,191,186,183,178,178,178,178,178,178,165,163,165,170,178,189,181,104,108,168,176,183,191,196,196,119,62,71,97,129,191,199,202,202,194,191,191,192,196,199,196,189,173,125,118,121,168,165,111,98,96,111,165,173,170,123,160,178,183,189,186,168,119,119,121,115,97,107,113,109,102,107,173,189,186,168,119,119,165,178,189,191,186,168,121,123,176,186,189,191,194,91,57,11,0,0,103,189,196,194,186,176,157,155,178,181,173,163,160,107,64,63,101,183,196,202,202,194,189,194,196,189,176,174,176,183,202,209,204,181,113,170,186,183,178,181,186,186,183,186,194,194,189,109,83,52,80,99,97,109,152,152,152,115,155,157,152,115,157,155,115,155,157,155,115,115,160,176,173,115,58,50,58,155,157,97,86,97,163,178,191,194,186,173,168,165,121,121,121,121,121,160,168,170,168,163,163,165,163,163,165,170,173,170,173,173,168,165,170,170,168,178,186,186,176,123,123,170,173,163,121,119,119,117,115,114,117,121,123,121,119,119,119,123,176,194,209,217,215,204,189,173,168,168,165,125,125,170,170,165,123,121,121,121,125,170,173,168,121,121,121,119,119,168,183,194,199,202,202,204,202,199,199,199,183,115,112,114,121,165,173,183,183,170,123,115,109,104,104,123,196,202,202,113,68,71,93,113,165,168,165,173,194,212,212,191,124,122,125,170,176,176,178,178,186,191,194,194,186,170,121,115,111,113,119,123,123,121,120,123,165,165,165,168,181,191,194,189,183,186,191,196,204,204,199,186,127,125,125,125,127,176,191,199,202,196,195,195,199,202,202,202,202,202,202,199,194,189,183,181,183,189,194,196,196,196,194,194,196,199,202,202,196,186,173,123,116,114,117,127,183,194,191,176,125,123,125,127,181,204,212,209,207,209,209,209,207,207,204,202,202,199,196,181,123,113,129,189,194,194,191,181,129,121,123,127,127,109,104,113,170,183,183,178,127,127,170,178,178,176,170,129,129,125,123,170,189,194,186,129,127,127,119,114,117,129,173,129,127,170,183,186,127,112,112,119,127,170,173,173,173,173,176,173,126,126,129,173,181,189,191,183,129,115,111,112,119,129,178,186,191,196,191,178,176,183,186,181,176,129,128,129,176,176,173,131,129,173,178,181,181,181,181,186,189,178,130,131,186,199,199,191,178,178,186,194,189,183,181,176,127,126,128,131,176,176,178,178,178,178,181,183,183,178,174,174,176,181,183,183,183,181,178,177,178,183,181,170,169,178,194,199,196,196,199,202,202,199,196,189,176,121,117,125,178,189,191,186,173,131,178,178,131,127,129,129,176,186,191,189,186,183,181,181,183,181,176,173,173,131,129,129,131,176,181,181,181,181,186,194,196,194,194,191,129,118,121,178,191,196,196,186,178,178,181,181,183,183,183,183,183,183,189,196,199,204,204,194,186,178,176,176,178,189,191,186,176,178,194,209,212,204,194,178,123,112,107,115,183,194,186,178,178,178,176,176,183,181,176,173,176,178,183,178,129,129,186,194,189,129,111,109,117,117,115,117,129,183,183,173,170,170,173,176,178,178,176,170,127,129,176,189,194,191,189,178,125,123,125,170,170,105,93,98,121,125,168,178,181,176,168,168,181,191,202,204,199,181,127,122,125,173,181,183,181,176,176,178,176,176,181,183,183,186,191,191,194,202,202,191,181,181,183,186,183,178,176,176,178,178,176,176,176,178,176,173,173,131,173,178,181,181,173,131,131,173,173,176,178,181,186,194,196,196,194,183,173,119,119,127,133,176,181,191,207,212,215,212,207,204,204,207,199,176,127,173,178,178,176,181,186,183,183,183,181,178,176,178,176,123,121,125,181,186,183,183,186,191,194,194,194,189,176,121,115,115,119,127,131,176,183,183,183,181,176,133,133,133,176,133,105,22,7,34,115,181,191,194,194,191,189,189,189,189,189,187,186,186,187,194,199,204,207,204,204,207,209,212,209,204,199,196,196,194,194,196,196,196,196,191,187,186,187,194,202,204,204,204,196,192,192,196,202,204,207,209,209,209,207,207,207,207,207,207,202,199,199,202,207,215,217,215,209,207,207,207,207,207,207,207,204,204,204,204,202,199,191,186,185,183,185,189,194,202,207,207,204,202,202,199,199,199,199,199,202,207,209,209,207,204,202,199,196,196,196,196,196,199,199,202,204,204,207,207,204,199,194,191,186,183,181,178,178,176,176,173,170,127,121,115,107,103,103,105,107,111,113,109,107,109,115,152,152,150,113,109,105,103,103,103,103,103,101,99,99,95,93,89,87,89,91,95,95,97,103,113,155,160,163,165,170,173,176,178,183,183,186,186,189,189,186,185,185,189,194,194,191,189,186,183,176,176,173,129,123,121,125,129,131,178,181,181,178,178,181,186,189,186,186,186,189,191,189,189,189,191,194,199,199,199,199,204,209,204,199,199,202,207,207,204,204,207,207,199,191,185,186,186,183,139,139,189,199,204,204,204,202,202,199,194,194,199,202,196,189,178,127,125,125,127,129,135,178,178,183,191,191,191,191,196,199,199,202,204,207,209,207,207,204,202,202,204,207,209,207,202,196,194,191,191,191,194,194,196,199,207,209,207,204,204,202,196,194,194,199,199,199,202,207,209,209,207,207,207,209,209,207,202,196,191,186,186,137,133,135,141,191,199,202,204,202,202,202,204,207,209,209,207,204,202,202,204,207,204,202,199,196,191,186,183,183,186,189,191,191,194,194,191,190,194,202,212,220,222,217,215,212,207,204,207,212,215,209,199,189,141,189,191,186,141,186,186,194,196,196,196,202,207,204,196,191,194,196,196,199,199,202,202,202,199,196,191,191,191,191,191,196,202,202,196,189,183,181,176,176,178,178,133,127,123,119,117,123,131,129,122,125,181,186,176,127,125,127,129,131,137,183,186,189,191,196,199,202,204,207,209,215,222,225,217,209,199,196,199,202,202,196,196,199,196,191,189,191,194,194,191,183,179,181,189,191,189,186,189,194,194,189,183,186,189,189,186,183,189,196,202,199,199,202,196,186,183,189,191,186,178,135,181,189,189,186,183,181,178,135,133,132,133,178,183,189,194,199,202,199,194,194,196,202,204,207,207,209,207,204,199,189,183,181,181,176,131,129,131,131,131,131,133,183,194,196,194,191,183,176,129,127,127,133,178,183,186,189,189,191,196,199,199,199,196,191,189,191,194,194,194,190,191,194,196,189,181,135,181,181,135,133,178,189,191,194,191,186,181,181,183,189,189,183,178,178,178,183,189,191,191,191,194,191,189,181,137,139,194,199,202,199,196,196,196,194,191,189,186,185,186,191,196,199,199,202,202,199,189,186,191,202,207,207,207,209,212,212,217,220,217,212,207,203,202,204,209,212,207,199,186,183,191,202,204,202,207,212,212,209,202,191,183,181,182,189,199,204,204,196,191,186,133,115,107,108,113,125,183,199,207,204,194,186,181,179,181,183,186,183,181,183,183,183,189,194,194,186,186,207,212,204,183,130,133,137,186,194,196,191,186,181,137,137,181,183,189,189,183,181,181,137,133,127,124,124,127,135,135,178,183,189,191,194,196,199,202,196,189,189,186,178,133,133,178,135,133,133,137,183,186,189,194,194,191,194,202,207,204,202,202,212,225,238,243,238,228,225,222,220,222,225,225,212,207,207,215,217,215,212,209,207,202,199,199,202,204,207,204,203,204,209,215,222,217,209,204,199,199,194,191,189,191,196,199,199,202,202,202,196,194,196,196,196,202,196,183,176,173,176,0,181,178,178,191,0,0,222,222,222,222,217,212,212,215,225,228,228,228,230,230,228,225,222,225,228,233,235,0,0,0,0,0,0,0,0,0,0,0,0,248,251,254,255,254,243,230,215,209,209,0,0,0,0,0,209,202,196,0,0,0,0,228,209,194,176,168,169,178,183,183,186,189,183,183,191,207,209,202,191,181,176,176,183,191,196,199,196,191,176,157,143,142,147,0,0,0,173,194,217,233,241,246,248,243,241,241,233,215,204,202,215,233,241,241,238,238,238,233,229,233,241,248,251,255,255,255,255,255,255,255,254,254,254,251,251,243,235,230,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,124,33,0,14,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,168,160,147,79,0,0,0,0,0,0,0,0,0,0,22,178,189,181,160,126,118,144,165,189,129,0,0,0,100,90,66,0,0,0,0,0,57,57,147,183,194,202,202,191,183,173,157,142,99,96,97,101,105,107,105,105,111,111,107,107,111,115,163,168,165,165,173,183,183,178,173,168,163,163,168,168,164,165,173,191,186,178,176,170,121,117,163,183,163,113,115,121,117,111,112,123,121,74,59,66,75,80,97,113,163,178,178,176,176,170,168,173,170,168,168,165,125,125,168,176,176,170,123,119,119,121,123,127,170,129,117,111,125,181,186,183,176,170,172,181,183,178,173,173,183,194,196,189,181,181,183,181,178,178,176,170,127,170,173,164,163,165,125,125,176,176,112,123,178,183,183,186,186,127,55,50,71,173,196,202,202,202,199,194,191,190,191,194,199,199,196,189,170,116,113,115,119,121,115,111,163,165,163,121,119,119,163,165,176,173,119,113,114,115,111,109,111,111,104,103,105,121,178,181,127,119,121,168,181,189,191,189,176,120,119,170,181,183,194,194,109,45,0,0,1,105,189,196,194,194,189,168,113,109,107,107,115,163,163,103,91,115,178,191,199,204,202,196,199,199,194,183,174,169,170,186,207,209,196,170,181,191,191,186,186,189,186,186,181,178,173,163,91,89,99,176,186,170,163,157,113,111,111,152,157,152,152,160,155,103,100,101,102,103,109,160,170,160,89,57,65,101,117,117,109,111,160,168,176,186,194,191,176,121,113,111,119,163,121,120,121,163,163,163,165,173,178,181,176,173,173,173,168,123,121,163,165,165,170,176,189,196,199,189,173,168,170,170,165,163,163,123,118,116,115,121,165,165,119,115,113,113,116,173,196,217,228,222,204,186,173,168,168,165,124,125,168,168,125,123,123,123,121,121,123,121,119,117,117,116,114,115,123,178,194,199,202,204,204,202,196,191,183,119,113,117,123,165,170,170,173,125,117,117,121,121,109,103,119,204,207,215,117,65,72,102,113,119,115,107,117,181,199,196,178,125,123,165,173,168,165,170,178,186,189,194,199,196,183,163,113,107,111,119,163,168,165,163,163,170,168,164,165,178,189,191,186,186,189,191,194,199,204,204,196,181,121,105,105,121,173,191,202,202,199,196,196,196,199,202,199,199,199,199,196,191,186,181,179,181,186,194,199,202,199,194,191,191,194,199,199,191,181,129,123,119,117,121,129,189,204,202,186,119,105,107,119,181,207,212,212,209,209,209,207,207,207,204,202,199,196,191,115,99,96,121,176,178,181,181,129,117,111,119,127,127,115,107,117,178,191,189,176,123,124,129,178,183,181,176,170,129,127,127,173,189,191,178,126,126,127,121,117,119,127,129,127,125,126,129,129,117,111,112,119,125,127,168,170,170,173,173,170,125,126,170,176,176,178,178,176,129,121,114,113,117,127,170,173,176,186,189,178,176,181,186,186,181,131,128,131,173,173,131,128,129,176,178,181,183,181,181,186,191,186,178,181,194,204,207,202,186,173,173,178,181,183,183,176,127,126,129,173,178,181,181,181,178,178,181,186,186,181,176,178,181,183,183,183,181,178,177,177,181,186,181,172,169,176,191,196,196,196,196,199,202,202,196,186,176,127,125,176,183,183,183,183,178,178,183,186,181,178,178,131,129,176,183,186,183,183,183,186,186,183,178,173,173,173,173,173,176,176,174,178,183,189,194,194,196,196,199,199,183,124,124,178,189,194,191,186,181,178,178,178,181,181,183,186,186,189,191,196,202,204,202,194,189,183,181,178,186,194,196,189,178,181,199,217,225,209,196,183,131,117,106,108,186,194,186,181,183,189,186,186,191,183,183,178,124,122,129,173,129,170,191,199,194,178,121,119,121,119,117,121,129,183,183,173,173,173,173,176,178,176,173,173,173,176,183,191,194,194,194,189,176,129,129,173,129,107,102,113,121,119,121,127,125,127,127,129,186,202,212,215,207,189,129,123,125,170,173,176,176,176,178,178,176,178,189,191,183,181,183,186,186,191,191,186,181,178,178,173,173,176,176,178,181,178,176,174,174,176,178,176,173,173,176,181,186,189,181,176,173,173,176,178,181,181,183,186,191,196,199,194,113,102,107,127,133,178,191,202,209,215,215,215,209,204,207,207,196,181,131,173,178,181,181,183,183,176,131,176,178,178,176,176,131,122,120,125,178,183,182,182,183,189,189,191,194,194,186,131,119,118,125,131,133,178,183,181,178,176,133,176,178,181,186,189,181,65,43,109,176,186,196,204,202,199,194,191,191,191,191,189,189,189,189,191,194,199,202,202,202,204,209,209,209,204,199,194,194,192,192,194,196,199,199,196,191,189,189,194,199,202,204,199,194,192,192,196,202,207,209,209,209,207,207,207,207,207,209,207,204,199,198,199,207,212,212,209,207,207,207,209,209,212,209,209,207,207,207,207,207,204,196,191,186,185,185,189,196,207,212,212,207,204,199,196,196,196,196,199,202,204,204,207,207,204,196,191,191,194,199,199,199,199,202,204,204,204,204,204,199,196,191,186,183,181,181,178,178,176,173,170,168,165,123,117,109,105,103,105,107,111,111,107,107,109,111,150,150,150,113,109,103,102,102,103,105,103,101,99,97,93,91,87,87,87,91,95,97,101,105,113,119,160,165,170,170,173,176,178,181,183,186,189,189,186,185,183,186,194,196,199,199,196,196,194,186,183,181,178,176,133,133,176,176,181,181,178,176,176,178,186,186,186,186,189,191,191,189,189,189,189,191,194,194,194,196,204,209,207,202,202,204,207,209,207,207,209,209,207,196,191,191,191,186,137,137,189,196,196,191,189,186,189,191,194,196,202,202,196,191,181,131,125,121,121,125,133,178,181,186,194,194,189,189,191,194,196,196,202,204,207,207,204,204,204,202,204,207,207,207,204,199,196,196,196,196,196,196,196,199,204,209,212,209,204,194,141,137,141,189,191,191,196,202,207,207,207,204,204,207,207,204,202,199,194,189,186,141,137,139,189,194,199,202,204,204,202,202,202,204,207,207,207,202,200,200,204,207,204,202,196,194,191,186,185,185,191,196,194,191,191,191,190,190,191,199,207,212,212,212,209,207,204,204,209,215,215,207,194,138,137,140,186,186,189,189,191,196,202,202,202,204,207,204,199,191,191,194,196,199,199,199,202,204,199,194,189,189,189,189,191,196,199,202,202,196,194,191,189,183,183,186,181,176,129,123,121,129,178,178,129,131,186,189,181,129,127,131,133,135,181,183,183,186,189,191,194,199,204,209,215,217,222,222,217,209,202,199,199,202,199,196,199,202,196,189,191,194,194,196,196,191,186,183,186,189,191,194,196,196,194,189,183,183,183,183,181,181,186,196,202,202,204,202,196,186,183,186,191,186,181,178,183,189,189,183,181,183,181,135,133,133,133,133,178,189,191,196,196,196,191,191,194,199,202,204,204,202,196,194,189,181,178,178,176,131,128,128,129,129,128,128,129,181,194,199,196,186,131,119,116,117,121,127,131,178,183,189,189,194,196,196,196,196,194,194,194,196,196,196,194,191,194,196,196,191,183,181,183,186,181,178,181,189,194,194,194,186,181,135,133,178,178,178,135,135,178,183,191,194,194,196,196,191,183,137,136,139,191,199,196,191,189,189,189,191,191,189,186,185,186,194,199,202,199,199,202,199,194,191,196,199,199,199,199,202,204,209,215,217,215,212,207,203,202,204,212,212,207,194,139,135,135,189,191,194,207,215,215,212,204,194,186,186,191,194,199,204,204,199,196,191,178,117,107,108,113,125,181,196,207,204,196,189,186,183,181,181,181,181,181,183,181,181,186,191,191,189,189,207,212,196,130,127,131,181,189,194,191,186,181,137,137,137,183,189,189,189,186,186,186,181,133,127,123,122,127,133,129,129,133,181,191,199,199,199,196,191,186,189,186,181,135,133,133,133,131,133,137,181,186,194,196,196,191,194,202,207,202,199,199,207,222,235,241,233,222,220,217,217,222,228,228,222,215,215,217,222,220,217,215,212,207,202,199,202,204,204,204,204,207,209,215,222,217,209,204,199,199,194,186,142,186,191,196,202,204,204,199,192,191,194,191,189,191,191,186,183,181,183,191,199,194,189,194,0,0,215,217,217,222,222,217,212,215,222,228,230,230,230,228,225,222,217,215,222,230,235,0,0,0,0,0,0,0,0,0,0,0,248,248,251,254,255,251,243,230,215,209,212,0,0,0,0,0,0,202,0,0,0,0,0,228,215,199,178,168,168,170,173,176,181,183,186,186,196,207,207,199,189,178,174,176,181,189,194,196,194,189,176,157,144,142,0,160,0,0,173,202,228,238,243,248,251,248,246,246,241,228,211,209,225,235,238,235,235,235,238,233,230,233,238,243,248,254,255,255,255,255,255,255,254,254,251,251,251,246,235,225,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,225,178,82,79,113,82,0,0,0,0,0,0,21,0,0,0,0,0,21,0,0,100,134,40,0,0,0,0,0,0,0,0,0,0,0,0,105,196,191,186,181,176,173,168,170,181,155,0,0,0,82,35,0,0,0,0,0,0,59,69,152,178,194,204,204,202,199,189,168,103,98,99,107,111,107,103,101,105,155,155,111,107,111,119,168,173,163,119,163,176,176,168,160,121,121,123,165,165,165,168,178,191,189,181,173,168,123,123,168,176,117,110,115,165,121,111,112,119,163,113,85,81,79,78,83,107,121,173,176,173,170,165,165,168,168,168,168,165,125,127,173,181,189,183,168,119,117,121,125,173,178,176,115,110,125,183,189,183,176,170,172,181,183,176,170,170,176,183,183,173,127,170,181,183,181,178,173,126,123,125,170,170,170,170,121,111,123,178,178,183,189,189,183,127,89,69,52,65,129,199,202,199,199,202,202,199,196,194,194,196,199,202,202,202,196,181,118,116,123,178,189,178,170,165,121,119,119,115,112,111,119,160,119,119,123,121,115,121,121,113,104,103,103,111,170,170,125,123,127,176,186,191,191,186,178,123,120,163,181,186,191,113,43,0,0,0,83,157,186,194,194,194,194,170,105,103,101,99,98,109,163,168,165,168,176,183,191,202,202,196,194,196,196,194,183,172,172,181,202,207,202,191,194,196,194,191,189,189,191,191,186,176,107,87,65,91,181,196,196,186,181,176,160,107,101,107,113,109,111,155,115,101,98,98,101,107,155,176,178,155,85,79,103,160,170,176,181,181,173,165,165,178,189,186,165,115,111,109,119,163,121,120,121,163,161,163,170,183,194,194,191,183,181,178,170,121,118,163,165,163,168,178,191,199,199,191,176,163,163,123,123,163,163,121,118,123,176,183,183,173,121,115,113,113,116,168,183,207,217,207,186,168,125,165,165,165,165,168,170,168,123,122,125,168,165,121,118,118,118,119,119,118,116,117,165,181,189,191,194,196,196,191,181,170,119,109,110,117,125,168,170,125,119,111,111,123,178,181,119,94,95,191,202,204,102,83,105,123,165,170,98,89,101,125,173,173,170,168,163,168,170,163,121,165,178,189,191,196,202,207,199,168,105,101,109,121,170,176,176,170,170,170,165,163,165,178,189,189,185,186,191,191,190,190,194,196,196,191,127,86,83,107,176,191,202,204,202,199,199,199,199,202,202,199,199,196,194,189,183,181,179,181,186,194,202,204,204,196,189,186,189,189,186,181,176,129,125,125,125,119,121,183,204,207,191,115,97,99,115,189,209,212,212,209,207,207,202,202,204,202,196,194,186,173,75,90,98,129,125,121,170,178,127,109,106,111,125,168,123,119,123,178,189,186,173,124,124,129,178,183,183,178,176,170,127,126,170,181,183,176,127,127,170,127,123,125,127,127,127,127,127,129,127,117,113,114,117,121,121,123,125,129,170,170,127,125,127,176,178,173,129,127,127,129,127,121,117,121,129,129,127,127,173,178,173,131,178,191,194,186,178,173,173,173,173,129,128,131,178,181,181,183,186,186,189,191,191,194,196,199,202,202,196,183,172,170,173,178,183,186,181,131,129,173,178,181,181,181,178,181,181,186,191,191,186,181,181,183,183,181,181,181,178,178,177,181,186,183,174,172,176,186,194,199,199,196,196,199,199,194,183,173,127,173,189,189,131,125,129,176,178,183,186,186,191,189,181,131,173,178,181,181,183,183,186,189,186,183,176,173,173,178,183,183,178,176,181,189,194,194,189,191,199,204,202,191,181,178,181,186,189,189,186,183,181,181,178,176,178,181,183,186,189,191,194,196,196,194,191,189,186,186,186,191,194,191,183,178,183,199,215,217,202,186,178,176,127,110,111,173,183,178,178,189,196,191,194,196,191,194,196,122,118,125,170,127,126,181,191,191,186,173,129,125,123,123,121,119,170,178,178,173,173,173,178,178,178,176,176,178,186,191,194,194,194,194,194,186,178,178,183,183,170,119,119,117,113,115,115,111,115,125,129,191,204,209,209,202,186,170,125,127,127,129,173,176,176,178,176,131,173,186,186,173,127,129,173,176,178,183,183,181,178,129,126,127,129,176,183,186,183,178,176,176,178,181,178,173,173,178,181,183,186,181,178,181,181,181,183,186,186,183,179,181,189,196,194,109,97,104,176,186,194,209,212,212,215,215,215,209,202,202,202,194,183,173,131,176,183,186,189,189,125,120,125,173,176,176,181,181,127,122,125,178,183,183,182,183,186,189,191,194,199,199,191,176,131,176,178,178,181,186,183,178,176,178,181,186,191,196,199,194,133,131,186,189,189,194,202,204,202,194,189,189,191,191,191,191,191,191,189,189,189,194,196,199,202,207,209,209,204,199,194,194,194,194,196,199,202,199,196,194,194,194,199,199,199,199,196,192,192,192,196,204,209,212,209,209,207,207,207,207,209,209,212,207,202,196,198,202,207,204,202,202,202,204,207,209,212,212,209,209,209,209,212,212,209,202,199,196,191,189,191,199,207,209,209,207,204,202,199,196,196,196,199,199,199,202,204,207,204,196,190,187,190,196,202,202,202,202,204,204,204,204,202,196,191,189,183,181,178,178,178,176,173,170,168,127,165,125,121,115,109,107,107,109,109,109,105,105,105,107,111,150,152,150,109,103,102,102,103,105,101,99,97,95,91,89,87,87,89,93,97,101,103,105,107,113,157,168,176,173,170,170,178,181,183,186,186,189,189,186,186,191,196,199,202,204,204,204,202,196,191,189,189,186,183,181,181,181,183,178,133,131,131,133,181,186,186,189,189,191,191,189,183,137,137,139,186,186,186,189,199,207,209,204,204,204,207,207,207,207,207,209,207,204,199,196,191,183,133,133,186,196,191,185,183,183,185,186,191,196,196,196,194,189,181,129,121,112,112,117,129,178,183,189,194,191,183,181,183,189,194,196,199,204,207,207,204,204,204,202,204,204,204,204,204,204,202,199,199,199,196,196,196,199,202,207,212,212,207,191,136,133,135,137,139,139,189,196,204,204,204,202,202,202,202,199,199,199,194,191,191,194,194,196,202,199,199,202,202,202,202,196,196,199,204,207,204,200,199,200,204,207,207,202,199,196,194,191,191,194,202,202,196,191,191,191,191,191,194,196,199,199,202,204,207,204,202,204,209,215,215,209,199,140,138,140,186,186,189,191,191,196,202,202,202,204,204,204,202,196,189,189,194,199,202,202,204,204,199,191,186,181,181,181,186,194,199,199,199,199,199,199,196,189,186,189,186,183,176,125,123,133,183,183,133,133,181,186,181,133,133,135,178,178,181,181,181,183,186,186,189,196,204,212,215,215,215,212,207,204,202,202,199,199,196,196,202,202,191,183,185,191,194,194,196,196,191,186,186,186,189,191,194,194,191,189,186,178,135,133,133,133,181,191,199,202,204,204,196,186,182,183,189,186,181,178,181,186,186,186,183,183,183,181,178,135,133,133,178,186,189,194,196,194,191,190,191,194,196,199,196,191,183,181,178,133,176,176,176,131,128,129,131,131,128,128,129,183,194,199,194,181,125,116,114,115,117,123,129,176,183,189,194,196,196,194,191,191,191,191,194,196,199,199,196,196,196,196,196,194,189,186,186,191,186,181,181,186,191,194,194,189,181,132,130,131,132,133,135,135,135,181,189,196,196,199,199,194,189,181,138,186,194,196,191,186,185,186,189,189,189,189,186,186,189,194,202,202,199,199,202,199,196,194,199,199,199,196,196,196,199,207,212,215,215,212,209,204,204,207,212,209,204,194,137,121,102,97,101,127,202,215,215,215,209,202,196,199,199,199,202,204,204,199,194,191,183,123,110,109,111,119,129,191,204,204,196,196,196,194,189,181,179,179,181,181,181,181,189,194,199,196,199,207,207,191,130,128,131,183,191,194,189,183,183,181,136,136,137,183,186,183,183,186,189,183,133,127,125,125,127,129,127,125,125,129,183,194,199,199,196,191,186,189,189,186,135,129,127,125,125,133,135,181,189,196,199,196,194,196,204,207,202,196,196,202,217,233,238,228,217,215,215,217,225,230,233,228,217,215,217,222,222,222,220,217,212,207,202,199,202,204,204,204,207,212,215,217,217,212,207,204,202,194,143,141,142,189,196,199,202,202,196,191,191,194,186,178,176,181,181,183,183,189,196,207,207,202,0,0,0,215,212,215,217,217,217,212,212,217,228,233,233,230,228,225,217,212,207,212,228,235,230,0,0,0,0,0,0,0,0,0,0,0,0,251,254,254,251,241,230,217,215,217,0,0,0,0,0,207,204,0,0,0,0,0,0,215,207,191,178,173,173,0,170,176,186,194,202,212,0,0,0,0,183,176,176,178,186,189,191,196,194,183,163,144,143,150,165,170,0,176,207,228,233,241,251,254,251,248,248,246,238,230,228,233,235,235,233,233,235,235,233,230,233,235,238,243,251,255,255,255,255,255,254,251,248,246,246,248,246,238,228,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,118,85,126,131,85,85,87,11,0,0,0,0,0,0,0,0,72,173,64,74,87,64,0,0,0,0,0,0,0,0,0,0,0,0,0,108,191,191,186,183,183,181,178,170,137,66,0,0,0,23,9,0,142,139,150,7,0,19,61,160,168,183,194,202,207,204,191,168,105,103,111,157,155,113,105,105,115,168,168,117,111,113,117,165,168,121,116,117,163,165,121,117,119,121,123,163,165,165,170,181,189,189,178,165,163,168,173,173,165,114,112,119,170,163,113,113,163,181,194,194,183,117,89,87,109,119,168,168,165,125,121,123,165,168,165,125,123,123,127,176,186,194,191,176,119,115,121,170,186,186,173,115,111,127,186,183,178,176,172,172,178,181,173,129,129,129,170,129,121,119,168,183,186,178,178,176,127,124,165,178,181,178,173,113,96,102,176,186,191,191,189,75,53,53,71,75,183,196,199,192,191,194,202,202,202,202,199,199,199,202,202,202,204,204,202,194,183,186,191,189,176,165,163,121,121,121,119,112,109,112,119,163,173,178,165,114,111,117,121,123,165,123,125,176,170,127,168,178,189,194,191,186,181,176,168,123,123,181,191,170,41,0,0,0,1,97,165,178,189,191,196,196,170,107,107,107,100,97,103,165,178,181,178,176,178,181,189,194,186,183,189,196,202,199,191,186,189,199,207,207,204,202,199,196,191,189,189,191,191,194,189,79,43,35,65,111,178,183,183,186,189,173,97,87,97,107,105,105,113,115,107,103,105,155,173,186,191,186,155,87,93,111,170,183,191,194,186,176,163,160,168,181,176,160,115,109,107,115,160,160,160,163,165,161,161,170,183,194,199,196,191,186,186,181,163,119,123,123,119,123,176,186,194,194,189,173,121,120,121,121,121,119,118,119,170,191,196,189,173,121,117,117,119,119,121,119,113,105,95,93,103,115,119,123,165,170,178,178,173,125,122,165,170,173,165,121,121,125,168,168,123,121,125,173,181,178,125,123,123,119,117,115,113,112,109,111,117,125,170,170,117,109,109,111,123,176,173,107,88,88,125,178,168,102,102,109,115,176,191,104,92,103,117,125,168,173,170,163,165,168,163,121,123,173,189,196,199,202,207,204,173,97,95,101,123,176,183,181,178,176,168,164,164,170,186,191,189,186,189,191,191,190,190,191,191,194,194,186,92,83,103,178,194,202,207,204,204,202,202,202,204,204,202,199,196,194,191,186,183,181,183,191,196,202,204,207,202,189,178,176,176,131,129,129,129,127,170,127,117,117,176,196,199,189,117,97,99,119,196,212,212,212,209,207,202,196,196,199,199,191,181,173,125,76,98,125,189,127,115,127,181,176,119,111,117,125,127,129,170,170,173,178,178,170,127,126,129,173,178,181,183,183,181,170,127,127,176,181,178,178,178,181,173,129,129,129,129,170,173,173,173,170,125,119,117,116,117,116,116,121,127,173,170,129,127,170,173,173,125,122,122,125,170,129,123,119,123,173,176,131,129,173,173,129,127,173,186,189,186,181,178,176,173,129,129,129,173,181,181,181,186,189,189,189,194,196,202,202,199,194,191,186,181,172,172,176,178,183,186,186,178,176,176,176,178,178,176,176,178,181,186,194,194,189,186,183,183,181,178,178,181,181,181,178,181,186,186,178,176,178,183,189,199,202,196,194,194,196,191,183,176,173,183,194,186,124,119,121,131,173,176,178,183,194,196,186,176,173,176,178,181,186,186,183,189,191,186,178,131,131,178,186,189,183,181,186,194,196,191,183,189,199,204,199,194,189,183,181,181,183,186,186,186,183,181,181,176,133,133,178,183,186,186,186,183,183,183,186,189,189,191,191,191,189,183,181,181,186,194,199,196,183,173,129,131,129,117,119,129,176,176,178,191,196,191,189,194,191,204,212,176,124,173,178,127,124,126,173,183,189,183,181,173,129,119,105,103,115,173,178,176,170,173,178,178,176,173,176,183,191,196,196,194,191,191,189,186,186,191,194,196,196,186,125,115,113,115,113,107,109,123,173,191,199,204,202,194,183,170,127,125,123,125,129,176,176,176,173,125,125,131,131,125,122,125,129,129,129,131,173,176,176,128,125,126,129,178,191,194,189,183,181,178,181,186,181,131,173,178,178,176,178,178,181,189,191,186,186,189,189,186,179,177,181,194,191,125,103,108,186,196,207,215,215,212,212,215,212,204,196,194,194,191,183,173,127,129,178,186,189,189,118,115,123,176,172,172,186,196,181,125,127,178,186,186,183,186,189,191,191,196,204,207,199,186,178,181,181,176,181,189,189,181,181,186,191,196,202,202,199,194,186,189,196,199,199,199,199,202,199,191,189,189,191,191,194,194,191,189,186,183,186,189,194,196,199,204,207,207,202,199,196,196,196,196,199,202,202,199,194,191,194,199,199,199,196,196,194,194,194,194,196,202,207,209,209,207,204,204,204,207,209,212,212,212,204,198,198,202,204,202,196,194,196,196,199,204,207,209,209,209,209,212,212,212,209,204,202,202,196,191,191,196,202,204,204,204,204,204,204,202,199,196,196,196,199,202,204,207,204,196,190,187,190,196,199,199,199,196,199,199,202,199,196,194,189,186,181,176,176,176,173,170,129,127,127,127,165,165,163,121,117,115,113,111,109,105,103,103,103,103,107,113,152,152,147,105,103,103,103,103,99,95,93,91,89,86,86,89,95,101,107,109,107,102,100,105,119,170,178,176,165,168,178,186,189,186,186,189,189,186,189,191,194,196,199,202,204,204,204,199,196,194,191,189,186,183,181,181,181,133,130,130,130,131,178,186,189,189,189,191,191,186,137,134,134,136,183,186,186,186,196,207,209,207,204,204,204,204,204,207,207,204,204,204,202,196,189,139,131,133,189,196,194,185,183,185,185,186,189,191,191,189,189,186,178,125,115,109,108,113,127,178,186,189,191,189,181,178,181,189,194,196,199,204,207,207,204,204,204,204,204,204,202,204,204,204,202,199,196,196,196,196,196,196,199,204,212,212,207,189,136,134,135,136,136,136,186,196,202,202,202,204,204,202,199,199,196,196,194,194,199,202,202,202,204,204,204,202,199,199,196,196,196,202,204,207,207,204,202,204,207,207,207,204,202,202,202,199,199,202,204,202,194,191,194,199,199,196,196,194,194,192,194,202,207,204,202,200,202,207,212,212,207,194,141,141,186,186,191,194,194,194,199,199,202,204,207,207,202,196,183,182,189,196,202,204,204,204,202,194,186,181,179,179,186,194,196,196,196,199,199,196,189,181,181,186,189,186,178,127,125,131,181,181,176,131,176,181,181,181,181,183,183,183,183,181,179,183,183,183,189,196,207,212,212,209,204,199,196,199,199,202,199,196,196,196,199,199,186,179,181,189,189,191,196,199,196,189,185,185,185,186,186,186,189,191,189,178,133,131,128,128,133,181,191,199,204,204,202,194,189,189,189,186,181,178,178,183,189,191,191,191,191,191,186,181,135,135,181,186,189,191,196,199,194,190,190,190,191,194,191,183,135,133,131,133,176,178,176,133,129,129,131,176,176,133,176,183,191,196,194,183,131,123,117,117,117,121,129,178,186,191,196,199,196,191,189,189,189,189,191,196,199,199,199,199,196,196,196,202,202,196,194,196,191,181,179,183,189,191,191,189,183,135,131,131,132,133,135,135,134,135,186,196,199,199,196,196,196,194,191,194,196,194,186,185,186,191,191,189,187,189,191,191,191,196,202,202,199,199,199,199,194,194,196,199,196,199,199,195,196,204,209,212,212,212,209,207,204,207,209,207,204,199,183,121,100,93,95,102,137,207,215,215,212,209,207,204,204,204,204,204,202,194,189,186,181,127,115,111,111,111,119,181,199,202,196,199,202,202,196,186,181,181,181,183,183,189,196,207,212,215,215,212,204,191,139,133,133,139,189,191,186,186,189,189,181,135,135,137,137,137,181,189,194,191,181,133,133,133,129,127,127,125,124,125,129,181,189,196,196,189,183,186,191,189,178,127,123,121,122,129,135,137,186,194,199,196,194,202,212,215,207,199,198,202,217,233,233,225,215,213,215,217,228,233,233,228,215,209,212,217,220,222,222,222,215,209,204,202,202,204,204,204,204,209,212,215,215,215,212,209,207,199,189,141,142,189,196,199,202,199,194,192,194,196,189,174,172,173,176,181,186,186,194,204,212,215,0,0,0,215,212,212,215,217,215,212,211,215,225,233,235,233,228,225,217,207,199,204,222,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,251,251,248,241,233,228,225,0,0,0,207,196,196,204,204,0,0,0,0,0,209,212,207,202,196,191,181,0,0,176,189,204,0,0,0,0,0,0,0,0,178,178,183,186,191,202,204,194,173,152,144,152,165,173,170,181,202,215,222,238,254,255,254,251,248,246,241,238,238,238,238,233,230,230,235,235,230,230,230,230,233,238,246,254,255,254,251,248,248,246,243,241,243,248,248,243,235,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,222,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,82,46,0,82,108,100,134,126,103,152,217,194,0,0,0,0,0,0,0,0,79,183,178,176,147,1,0,0,0,0,0,0,0,0,0,0,0,0,0,90,189,191,189,183,178,178,178,178,160,31,0,0,0,0,0,51,230,186,183,103,0,11,45,126,157,170,181,191,199,194,170,152,147,111,155,163,160,155,117,160,170,181,181,168,160,117,119,163,165,119,115,116,119,121,117,117,119,123,163,163,163,165,170,178,183,181,168,121,163,178,183,173,123,115,114,119,170,165,119,119,168,183,196,199,196,194,183,165,115,117,163,163,123,119,117,119,125,168,125,121,120,123,127,170,183,191,189,170,115,114,121,170,186,183,121,109,111,125,181,174,173,176,176,176,178,176,170,129,129,127,125,121,115,115,125,181,178,170,173,181,186,181,183,191,189,181,165,103,91,97,170,181,186,189,170,8,17,53,183,202,204,202,196,190,190,194,202,199,199,199,199,199,202,202,202,204,207,207,207,202,202,199,191,176,121,117,121,123,119,119,163,163,115,112,117,168,183,181,163,111,107,117,178,196,199,194,186,181,168,168,178,189,199,202,194,183,173,170,173,125,122,168,173,97,29,7,3,39,101,117,160,173,186,191,194,189,115,99,107,111,105,101,111,176,189,191,191,183,173,165,173,181,173,165,176,191,196,202,202,199,194,196,202,207,207,204,202,194,191,189,189,186,189,189,93,8,22,41,67,71,75,97,165,176,176,152,73,71,105,113,106,104,111,115,109,109,155,173,189,196,199,194,165,99,101,115,170,183,191,189,183,173,163,119,157,165,170,160,115,107,104,107,119,160,165,168,165,161,161,170,181,189,194,194,194,191,191,186,170,121,117,113,112,117,173,183,186,189,186,173,123,121,163,121,118,117,118,125,181,196,194,183,168,121,121,125,125,123,115,101,91,88,85,86,93,109,117,119,123,170,181,186,181,170,125,125,168,173,173,170,170,176,181,176,123,119,123,170,168,121,113,112,111,108,108,110,112,114,115,115,123,170,181,178,117,109,110,111,109,105,107,107,101,106,121,165,125,119,119,105,99,194,194,183,125,117,119,165,176,181,170,123,163,165,163,121,113,106,176,191,196,199,202,202,186,115,97,109,168,181,186,183,183,178,168,164,168,181,191,194,191,189,191,194,191,190,190,191,190,190,191,202,191,107,111,176,194,202,204,207,207,204,204,204,207,207,204,199,196,194,191,189,186,186,191,196,199,202,204,207,202,186,115,113,117,119,123,129,170,129,170,170,119,117,127,170,117,113,99,92,95,117,191,212,215,212,209,207,199,196,196,199,196,183,129,125,129,123,178,181,186,178,105,117,176,181,176,173,127,123,123,170,181,181,176,170,170,129,129,129,129,173,176,181,186,191,189,178,129,129,173,178,183,189,194,189,176,170,170,173,173,178,181,183,183,178,176,129,123,119,119,117,119,123,129,173,176,173,170,170,129,125,121,120,123,170,173,127,119,118,125,178,189,191,189,186,181,129,126,127,173,176,178,181,181,176,131,129,129,131,176,183,183,181,183,189,189,186,189,194,196,194,189,183,181,181,181,178,178,181,181,181,186,183,181,178,178,178,176,176,176,176,176,178,183,191,191,189,186,186,183,178,176,178,183,183,183,181,181,183,183,181,181,181,181,183,194,199,196,194,191,194,189,183,183,183,186,191,181,125,122,124,131,131,131,131,178,191,196,186,178,173,173,176,183,189,186,181,183,186,183,176,125,123,129,181,186,186,186,191,196,194,186,183,186,191,194,196,194,189,183,181,181,181,183,183,183,181,183,186,181,133,129,131,176,181,181,178,176,176,178,183,186,189,189,191,189,183,181,183,189,189,186,183,186,178,131,126,127,127,123,129,173,178,178,183,191,191,183,181,183,183,199,207,189,178,183,186,178,127,127,129,181,194,196,196,194,178,102,91,97,113,129,176,176,129,170,173,176,170,129,173,181,191,196,196,194,189,183,176,173,181,194,194,194,202,196,170,115,115,121,115,107,109,123,173,186,194,196,196,191,181,170,125,121,115,117,127,176,178,173,129,122,121,125,129,126,125,131,176,129,127,126,127,129,173,131,129,128,131,186,199,202,194,186,181,178,178,183,176,126,128,176,173,129,170,173,181,191,194,189,186,186,189,186,179,179,186,194,191,127,109,117,183,199,209,215,212,209,209,209,209,202,191,189,189,189,181,131,126,126,131,181,183,178,118,117,178,186,176,172,183,199,191,178,176,181,186,189,186,189,194,194,196,199,204,204,199,183,178,178,178,132,133,183,189,186,189,194,196,202,204,202,196,181,186,204,212,207,202,202,199,202,199,191,186,186,189,191,191,189,186,183,183,183,186,189,191,194,196,199,199,199,199,196,194,194,194,196,199,202,204,199,191,185,191,199,199,196,194,196,199,199,196,194,194,199,202,204,204,202,202,202,204,207,209,212,212,212,207,199,199,202,204,202,196,192,192,194,194,196,202,207,209,209,209,209,209,209,207,199,194,191,186,141,186,191,196,199,202,204,207,209,209,207,202,196,195,196,199,202,207,207,207,202,196,191,191,196,199,199,196,191,189,191,191,191,189,186,186,183,178,133,131,129,129,127,125,123,123,125,165,168,165,163,163,160,160,117,109,105,103,103,102,102,105,113,152,155,150,109,105,103,103,99,97,93,91,89,87,85,85,89,99,111,157,163,117,102,96,103,117,173,178,170,123,125,178,191,194,191,189,189,189,186,186,189,191,191,194,199,199,202,202,199,196,194,191,189,186,183,178,176,176,131,130,131,133,135,181,186,186,186,189,191,191,189,181,135,135,139,189,191,191,191,199,207,209,207,207,204,204,204,204,207,204,196,194,194,191,186,137,135,131,133,186,196,194,189,186,186,186,186,189,189,186,181,181,181,133,123,113,109,109,115,127,178,183,189,191,189,183,181,183,191,196,199,202,204,207,207,204,204,207,207,207,204,202,204,207,207,202,196,195,196,196,196,196,196,196,199,207,209,202,191,139,139,141,141,137,139,191,199,199,199,202,204,207,204,204,202,199,196,196,199,199,199,199,196,199,204,207,204,202,199,196,196,199,202,204,204,204,207,207,209,207,207,204,202,204,204,204,202,202,202,199,196,191,191,199,204,202,199,196,194,194,194,199,204,209,207,204,200,199,202,207,212,209,202,191,189,186,189,194,199,196,194,196,196,199,202,207,204,199,191,182,181,183,194,202,202,204,204,204,199,191,186,181,183,189,194,196,196,199,199,194,183,129,127,131,181,189,189,178,129,125,127,133,176,133,129,129,178,183,186,189,189,189,189,191,191,189,191,189,191,196,204,212,215,212,204,194,186,186,191,196,196,194,191,196,199,199,196,186,181,181,189,191,191,196,199,196,189,186,185,185,183,183,183,186,191,191,183,135,133,129,128,129,135,186,196,204,209,209,202,196,194,194,194,191,186,183,186,194,196,196,196,196,196,191,183,178,181,183,186,189,194,199,202,199,194,191,191,191,194,191,186,178,133,131,129,133,133,133,133,176,133,176,183,186,183,183,186,189,191,191,189,181,131,127,123,123,125,131,178,186,194,199,199,194,189,186,186,186,189,191,196,202,202,202,199,196,196,199,204,209,204,202,199,191,183,179,181,189,191,191,191,191,183,178,135,135,178,181,178,133,134,183,196,202,199,194,196,199,199,199,199,199,194,186,186,191,196,196,191,189,191,196,196,196,199,199,199,196,196,199,196,191,189,189,191,194,196,199,199,199,204,207,209,212,209,209,207,204,207,209,204,204,202,194,183,133,121,103,102,119,202,215,217,215,212,212,209,207,204,204,207,204,194,183,181,178,129,123,117,113,111,117,176,191,196,194,196,199,202,199,194,189,189,189,189,191,196,204,215,222,225,225,217,204,194,191,186,137,137,186,186,185,186,194,196,191,181,136,137,181,183,189,194,202,202,194,181,186,186,135,127,127,127,124,123,124,127,133,183,186,178,133,181,189,191,181,129,124,123,124,129,133,137,186,191,194,191,194,207,217,222,215,204,202,209,222,230,233,222,213,213,217,222,228,233,233,225,212,207,207,212,215,217,220,217,215,209,207,204,204,204,204,202,202,204,209,212,215,215,215,212,209,202,191,142,142,191,196,199,199,196,196,194,199,204,196,181,174,174,178,183,183,0,0,196,212,0,0,0,0,0,209,209,215,217,222,215,211,212,222,230,235,235,230,225,217,202,194,196,207,217,228,0,0,0,0,0,0,0,0,0,0,0,248,0,0,248,246,241,238,235,235,0,238,225,207,196,196,204,207,204,202,0,0,0,204,207,207,207,207,202,191,181,176,181,194,0,0,0,0,0,0,0,0,0,0,0,0,186,191,202,209,207,189,163,150,150,163,170,173,181,194,204,215,233,254,255,255,254,251,248,243,241,243,243,235,228,217,222,230,230,228,228,228,225,228,230,238,246,248,246,243,243,246,246,241,239,241,246,251,248,243,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,121,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,176,178,147,40,77,103,105,126,134,137,176,220,225,7,0,0,0,0,0,0,0,0,77,160,173,129,0,0,0,0,0,0,0,0,0,0,0,0,3,51,111,183,186,186,181,178,178,178,178,124,0,0,0,0,0,15,230,186,176,178,160,53,51,139,155,152,157,160,170,186,181,163,157,157,155,157,163,163,160,160,168,176,186,191,183,170,121,119,163,160,119,116,116,117,117,117,119,121,163,165,165,163,165,173,178,178,165,115,115,168,186,183,170,123,119,116,117,163,168,163,163,168,176,186,196,199,202,194,178,117,115,121,123,119,115,112,115,165,173,165,119,120,168,168,127,173,181,173,121,113,114,121,129,173,123,99,99,105,121,176,172,170,178,186,183,178,173,129,129,129,125,119,113,111,115,127,181,176,125,125,183,196,196,199,199,194,176,121,103,97,105,173,178,178,178,99,0,24,121,209,212,209,204,194,191,191,196,199,199,196,196,196,196,196,199,202,207,212,209,204,202,202,196,181,121,109,105,115,121,117,117,170,181,163,113,115,165,176,170,119,113,114,170,196,204,204,202,194,178,166,170,181,191,199,202,194,178,119,119,125,127,125,165,123,105,87,202,186,160,176,168,157,170,183,189,181,117,84,80,103,115,111,107,119,183,194,199,196,189,168,119,123,170,123,113,115,170,183,191,196,194,186,183,191,199,202,202,194,191,191,191,183,173,170,107,12,0,23,107,115,79,51,55,83,87,89,81,67,75,113,152,106,103,113,152,111,111,163,181,191,194,202,202,183,117,113,117,163,173,176,178,176,170,157,117,117,160,168,168,121,111,105,107,117,160,165,165,163,163,165,173,178,181,186,191,194,194,191,186,173,119,110,110,112,117,168,176,176,178,183,178,165,165,168,125,118,117,119,165,181,191,186,178,168,123,121,125,125,121,109,99,93,95,95,93,103,115,121,121,121,165,178,186,186,178,165,125,125,165,165,165,170,178,183,168,105,97,109,121,123,117,121,168,170,119,114,117,123,127,125,123,168,181,191,189,125,115,117,111,97,88,93,115,123,168,123,125,168,173,170,119,111,194,189,183,176,168,165,168,173,173,163,119,121,165,170,163,105,77,109,163,178,183,181,178,178,178,165,170,181,186,186,186,183,181,168,165,173,186,194,194,191,191,194,194,191,191,191,194,191,189,191,202,202,181,165,176,194,202,204,204,204,204,204,204,207,209,204,199,196,194,191,191,189,191,194,199,202,202,204,204,194,176,87,97,106,113,125,178,178,173,173,173,125,121,117,94,83,90,90,89,95,113,183,207,212,209,204,202,196,194,196,196,189,176,125,170,189,196,194,186,176,123,90,104,170,181,181,176,170,122,119,125,183,191,183,170,128,170,173,176,178,181,183,186,191,194,191,181,173,173,178,183,191,196,196,186,173,170,176,176,176,181,189,194,196,189,181,173,129,127,129,170,173,176,176,176,176,176,176,173,129,127,123,123,170,178,176,125,118,119,129,183,196,202,202,199,191,178,127,126,127,131,176,181,178,173,131,131,131,131,178,186,181,178,181,186,181,178,178,183,189,189,186,181,181,183,186,183,183,183,181,181,183,183,181,181,181,181,178,178,176,176,176,176,181,186,189,186,186,189,183,176,174,178,183,183,183,181,179,181,181,183,189,186,178,173,178,191,196,194,191,191,186,181,186,186,186,183,178,131,129,173,131,131,130,130,173,189,194,183,176,173,173,176,181,186,186,178,177,181,181,131,121,118,120,129,181,186,189,189,189,186,183,182,186,186,186,186,189,189,186,186,183,183,181,181,176,176,183,191,189,176,128,127,131,176,178,176,173,173,178,183,186,185,186,189,186,181,181,183,189,189,183,181,186,186,181,129,127,127,129,181,189,191,189,191,194,189,181,179,178,179,186,194,191,186,183,186,186,178,173,173,183,199,207,209,209,204,99,91,107,127,129,173,173,129,128,170,129,123,121,125,176,189,196,199,194,189,173,123,123,170,186,191,191,196,194,170,115,119,123,119,111,112,123,176,183,189,191,191,189,181,173,125,115,112,114,129,181,181,176,129,123,121,123,173,176,181,186,189,181,131,127,127,131,176,178,176,127,128,183,199,202,191,183,178,173,172,176,129,122,125,131,129,128,129,173,178,189,189,186,183,183,183,183,181,186,196,199,189,123,117,123,178,191,204,209,209,207,204,207,207,202,194,189,189,186,181,173,127,126,127,173,176,127,121,125,189,194,183,173,173,183,189,189,189,186,186,186,189,189,194,196,196,199,202,199,191,178,176,178,176,132,132,178,186,194,199,199,196,196,199,199,191,170,176,204,215,207,199,198,198,202,199,194,189,186,189,189,189,186,183,182,182,183,186,189,189,189,191,191,191,191,191,191,189,183,186,191,196,204,204,202,191,183,189,199,194,186,189,199,207,207,202,196,194,194,199,202,202,196,196,196,199,202,207,209,209,209,204,202,199,202,204,204,202,196,196,199,196,194,196,204,212,209,209,207,207,207,202,194,186,138,137,138,139,186,194,196,202,207,209,212,212,209,204,199,195,196,199,204,207,209,209,207,204,202,196,196,196,196,194,189,183,181,181,181,181,181,178,178,176,131,129,127,125,123,121,121,121,123,125,165,168,168,168,170,168,157,111,105,103,105,103,102,103,111,152,152,150,111,107,103,99,95,93,91,91,89,87,86,86,91,101,113,163,173,170,115,102,109,121,173,176,125,116,119,176,191,194,194,194,194,191,189,189,189,189,189,191,194,196,196,196,196,194,191,186,183,183,181,181,176,133,131,130,133,178,181,183,186,183,183,186,189,191,191,189,183,139,189,194,196,196,199,204,207,209,209,209,207,207,207,207,207,202,191,139,133,129,127,129,131,133,137,186,194,194,191,186,186,183,183,189,186,181,135,133,131,127,121,117,113,113,119,129,178,183,189,191,191,189,189,191,196,196,199,202,204,207,204,204,204,207,209,207,204,202,204,207,207,202,196,195,196,199,199,199,199,199,199,202,202,196,189,186,189,191,191,189,191,199,199,194,191,196,204,209,209,207,207,204,199,199,199,196,191,189,189,191,199,204,204,204,199,196,196,199,199,199,196,199,204,209,209,204,202,199,199,202,202,202,199,196,196,196,194,194,199,202,202,196,194,194,194,196,202,207,209,212,215,212,204,200,200,207,212,212,207,196,191,191,191,196,202,202,196,194,191,194,199,204,202,191,183,182,183,189,194,202,204,204,202,202,199,194,189,186,189,191,194,191,194,196,199,191,135,124,123,126,178,189,189,178,129,125,123,125,129,131,129,131,181,189,189,189,189,189,194,199,204,207,207,204,204,209,215,215,212,207,196,189,183,185,189,191,189,185,189,196,199,194,194,194,189,189,194,194,194,196,199,194,189,186,189,189,185,183,185,189,194,191,186,178,135,129,128,131,178,186,194,199,207,209,207,202,196,196,202,202,199,194,194,196,199,196,194,194,194,191,189,189,189,191,189,189,191,199,202,202,196,196,194,191,191,191,189,183,178,133,133,129,127,127,131,178,181,181,189,191,191,191,186,183,183,191,191,181,133,131,131,133,176,178,181,183,191,196,196,191,186,185,185,185,189,196,202,204,204,202,202,202,199,199,202,207,207,204,202,194,183,179,181,189,189,189,194,196,194,191,186,186,183,183,178,134,134,183,196,199,196,194,191,196,202,202,199,199,196,194,191,196,199,199,196,196,199,202,204,202,202,199,196,191,194,196,194,187,185,185,187,191,196,202,202,202,202,204,209,212,209,207,207,207,209,209,204,202,199,196,199,202,202,135,113,117,194,212,217,217,215,215,212,209,207,207,209,207,196,183,178,133,129,123,121,119,119,123,176,186,191,189,191,194,199,202,199,196,194,194,196,199,202,207,212,217,222,222,215,204,199,196,194,189,186,186,186,186,186,191,196,196,194,186,186,191,194,196,202,207,207,202,194,194,189,181,133,129,129,125,124,124,124,125,131,133,129,127,133,186,191,189,178,133,133,133,135,137,183,189,194,191,191,196,207,215,222,217,212,212,217,225,230,230,222,215,215,217,222,228,230,230,228,215,207,204,207,209,212,215,215,212,209,207,207,207,204,202,200,200,202,207,209,212,215,215,215,212,207,194,143,186,189,196,202,202,199,196,199,202,207,204,194,186,183,186,189,183,165,165,183,204,0,0,0,0,0,204,207,0,222,225,217,211,211,215,228,235,238,235,228,217,202,191,186,189,202,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,243,243,243,243,243,243,238,225,207,196,199,209,215,212,204,196,194,196,202,204,204,207,209,209,202,194,191,194,202,0,0,0,0,0,0,0,0,0,0,0,0,0,191,199,212,217,204,178,155,150,155,168,173,178,189,202,215,235,254,255,255,255,255,251,246,243,246,243,233,215,157,207,217,225,225,225,225,222,222,228,235,241,243,241,238,241,243,243,241,239,241,246,251,248,243,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,191,194,196,176,79,74,85,85,98,152,142,165,202,220,15,0,0,0,0,0,0,0,0,0,17,69,74,0,0,5,0,0,0,0,0,0,0,0,0,85,144,157,176,178,178,178,181,183,178,163,103,0,0,0,0,0,13,217,173,150,142,121,63,75,165,157,152,147,143,155,178,183,178,183,173,163,160,163,165,163,163,165,168,178,186,183,170,119,117,163,121,119,117,117,117,117,119,119,121,163,165,168,165,168,176,181,178,117,110,114,170,181,173,123,165,163,119,116,123,168,168,168,165,168,181,191,196,194,183,123,115,112,117,119,117,113,109,112,173,183,173,122,123,181,178,125,127,129,123,114,112,115,121,127,123,107,90,92,105,123,181,174,173,189,202,196,181,129,125,125,125,121,113,110,110,119,176,186,178,121,117,176,196,202,204,202,186,165,115,103,103,123,176,173,170,123,79,0,77,207,209,209,207,204,196,194,194,196,196,196,196,196,196,196,194,196,199,204,209,209,207,202,194,178,113,95,97,92,101,119,119,119,173,189,163,107,107,119,163,121,117,115,121,173,196,204,202,202,194,173,168,173,183,189,191,191,181,125,107,112,118,168,181,178,168,178,196,186,178,173,168,160,160,170,178,178,160,94,67,69,113,160,115,107,119,186,199,199,194,181,121,115,121,163,115,108,110,121,176,183,186,178,168,165,173,183,189,189,183,181,186,191,178,107,87,83,16,0,53,160,176,163,48,44,43,43,53,67,69,85,105,109,103,102,113,157,117,115,176,186,189,191,202,207,199,176,119,113,105,99,109,157,163,157,117,119,160,168,173,176,170,160,115,115,121,163,163,161,161,165,170,176,176,173,176,183,191,194,189,176,168,117,109,111,119,121,163,165,163,170,183,183,176,170,168,165,123,119,118,119,165,178,176,173,170,125,123,123,121,117,111,109,123,196,204,183,168,168,168,121,120,123,173,181,183,176,165,125,125,123,120,120,123,173,168,103,83,83,99,121,127,127,181,194,199,186,170,168,170,170,168,125,168,183,196,191,170,125,125,119,93,83,92,125,173,170,125,165,173,176,173,173,170,176,176,168,168,176,178,170,123,117,111,111,119,170,189,191,109,76,99,108,119,119,105,95,105,168,173,178,183,186,186,183,183,181,163,159,168,183,191,191,191,194,196,196,194,194,196,199,196,194,194,199,199,186,165,173,196,202,202,202,204,204,202,204,207,207,202,196,194,191,191,191,191,194,196,199,199,199,199,196,183,125,74,92,106,119,181,194,191,178,170,170,127,121,113,87,79,91,92,92,101,115,176,199,202,202,194,191,194,191,189,186,176,129,170,194,207,207,202,189,123,97,76,103,173,178,176,170,170,123,116,120,181,196,191,173,129,176,183,186,189,191,194,194,194,191,186,178,178,183,189,194,196,196,183,173,130,173,176,174,173,178,191,202,204,196,183,176,170,170,183,191,194,186,178,176,176,176,176,173,173,176,173,173,176,181,173,125,121,127,176,186,196,202,204,204,199,186,131,127,127,173,181,181,178,173,173,176,173,173,178,183,181,177,178,181,176,131,173,183,189,191,194,191,189,189,189,183,181,181,181,181,181,181,181,181,181,181,178,176,176,176,178,176,178,181,183,183,189,191,186,178,176,178,183,183,181,181,179,179,183,189,194,191,176,169,170,181,189,191,191,189,183,179,186,186,183,178,176,173,173,173,173,131,131,131,176,186,189,181,176,176,178,178,181,183,181,177,176,178,181,173,121,118,120,127,181,186,189,186,183,182,182,182,189,189,181,177,179,191,196,194,191,186,181,178,172,172,178,191,191,181,129,127,129,173,176,173,173,176,183,186,186,183,185,186,186,183,181,178,181,181,181,186,191,196,194,178,131,173,181,196,202,204,199,196,196,191,183,181,181,181,183,186,189,186,181,183,183,181,176,170,176,191,202,212,212,212,121,104,178,181,173,173,170,128,128,129,127,121,118,120,170,183,194,196,196,189,129,115,117,125,176,189,191,196,189,127,117,121,125,121,119,123,170,181,183,183,186,186,183,181,173,127,115,112,117,176,189,186,178,173,127,122,127,178,186,189,194,194,191,183,176,176,176,181,183,178,124,124,131,191,194,186,181,178,173,172,176,131,122,125,173,129,128,129,173,181,186,186,183,181,181,181,181,181,189,199,196,183,125,125,131,173,178,189,199,204,204,202,204,207,204,196,191,189,186,181,176,173,127,126,129,173,127,127,176,189,194,191,178,127,118,176,191,194,186,181,181,183,181,186,194,196,196,199,196,186,174,174,178,181,176,133,181,191,202,204,196,189,189,191,194,191,186,176,181,199,204,202,199,202,204,199,191,186,189,186,186,183,186,183,182,182,183,186,183,181,183,186,189,186,183,183,186,186,181,179,186,191,199,202,202,191,182,189,194,183,129,133,194,207,209,204,199,194,194,196,199,196,194,194,194,194,196,202,207,207,202,199,199,199,199,204,207,207,207,209,207,199,194,194,204,212,209,207,207,204,202,199,194,186,137,137,138,141,189,194,199,204,207,209,212,212,209,204,202,196,196,199,204,204,207,207,209,209,204,199,194,194,196,196,189,181,135,133,133,133,133,133,133,133,129,127,125,123,119,119,119,121,121,125,165,170,173,173,176,173,163,111,103,103,107,105,103,105,109,113,150,150,147,109,103,97,93,89,89,89,91,91,91,91,95,103,111,160,173,181,173,160,121,165,176,173,119,113,116,170,183,189,191,194,196,194,191,189,191,191,189,189,191,194,194,194,194,189,186,183,181,181,183,181,178,133,133,133,178,181,181,183,183,181,181,183,189,194,196,194,191,191,194,199,199,202,204,207,207,209,209,209,209,209,209,209,204,196,186,131,123,121,122,126,133,183,189,191,194,196,191,186,182,181,182,183,186,178,131,127,123,121,121,121,119,119,123,133,181,186,189,194,194,194,194,199,202,202,202,204,204,204,204,204,204,204,204,204,202,200,202,204,207,202,196,195,196,199,202,202,202,199,196,199,196,191,186,189,191,196,194,194,199,204,202,191,189,191,196,204,209,209,209,204,199,199,199,194,189,187,187,189,191,196,202,204,202,199,199,199,196,191,191,194,202,204,204,202,199,196,194,194,196,196,194,194,196,196,199,202,204,204,196,191,192,194,196,204,209,209,209,212,220,217,209,204,204,209,212,212,207,199,196,196,196,199,204,202,199,194,190,190,194,196,194,186,182,186,194,196,199,204,207,204,199,199,196,191,186,183,189,191,189,183,183,189,196,194,183,127,124,126,181,191,189,178,133,129,123,123,127,129,129,135,189,194,187,186,187,191,196,207,215,217,217,215,212,212,215,212,204,196,194,186,185,185,186,186,185,183,186,199,199,194,194,199,202,202,202,199,194,194,194,191,186,186,191,194,191,189,191,191,194,189,181,133,129,128,129,133,183,189,189,191,199,204,204,196,191,194,204,209,207,202,199,199,196,194,191,190,190,194,196,199,199,196,191,189,189,194,199,202,199,199,194,191,189,189,189,186,178,133,133,131,125,121,125,133,178,178,189,194,196,194,186,178,176,183,186,178,131,133,178,186,186,186,181,181,189,194,196,191,186,185,185,186,194,202,207,207,207,204,204,207,204,202,199,199,202,202,202,196,186,181,183,189,189,189,191,196,196,194,191,189,186,183,135,134,135,183,191,194,194,194,191,194,199,199,199,202,204,204,199,199,202,204,202,202,202,204,207,207,204,199,191,186,191,196,199,191,187,187,191,196,202,207,207,202,202,204,209,209,209,207,207,209,212,212,204,199,195,194,199,204,204,189,121,119,135,196,209,215,215,215,215,212,207,204,207,207,202,189,178,133,127,121,121,123,127,129,176,183,186,186,186,189,194,199,202,202,199,199,204,204,204,204,204,207,212,212,207,202,196,196,196,196,194,191,189,189,186,189,194,196,196,194,196,202,202,202,202,204,204,202,199,194,191,186,181,135,133,131,131,131,129,129,129,131,129,128,131,183,194,191,183,178,137,137,181,183,191,196,194,191,191,194,202,209,215,217,217,217,222,228,230,230,222,215,215,217,222,225,228,230,228,217,207,204,204,207,209,212,212,212,209,209,209,207,204,202,200,199,200,204,209,212,215,215,217,215,209,196,189,186,189,194,199,202,199,199,199,204,207,204,202,199,196,194,191,181,151,151,165,189,0,0,0,0,0,196,204,0,0,225,215,211,209,215,225,233,238,238,230,217,202,189,181,177,183,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,243,246,248,248,246,241,235,222,207,199,204,217,225,222,209,196,191,194,202,204,202,204,207,209,207,207,0,207,209,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,220,194,163,150,150,163,170,176,181,196,215,235,248,255,255,255,255,255,251,248,248,246,233,207,149,151,157,212,215,220,217,217,217,225,230,235,238,235,235,238,243,246,241,239,241,246,248,246,243,241,241,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,181,196,196,183,147,105,87,77,72,74,82,74,74,144,139,0,0,0,0,0,0,0,0,0,27,0,31,85,118,168,183,49,0,0,0,0,0,0,0,0,144,160,160,168,170,173,173,178,186,165,39,11,105,0,0,0,0,11,189,134,75,67,67,67,79,150,160,152,142,140,147,176,196,204,199,191,173,163,160,165,168,170,165,115,119,170,170,160,117,115,119,119,119,119,119,119,119,121,119,119,123,165,168,165,165,173,176,176,163,116,119,163,165,121,117,168,168,123,123,163,168,170,170,165,168,181,189,186,176,163,123,117,112,112,115,121,115,107,111,176,191,186,127,123,173,173,127,124,125,121,114,113,115,123,127,119,95,86,89,113,183,191,183,183,196,209,209,191,127,124,127,127,123,117,112,115,125,127,181,178,117,113,173,196,202,202,194,178,163,111,74,113,165,123,125,123,170,97,32,99,199,207,204,204,202,199,196,196,196,194,194,194,199,202,196,194,194,199,202,204,207,204,202,191,111,84,75,80,87,105,178,173,163,163,107,35,57,103,111,115,117,113,117,121,173,191,196,199,196,186,173,170,178,183,183,186,186,178,121,112,117,173,186,191,191,183,178,178,117,121,170,165,160,163,173,181,176,168,115,115,183,178,163,101,88,109,194,199,194,178,99,88,121,163,163,119,114,121,176,186,189,181,168,159,159,163,170,173,173,170,157,157,178,173,91,81,91,101,55,67,85,109,85,51,41,38,40,53,61,61,85,105,107,105,106,113,157,163,170,181,183,183,189,196,202,202,191,165,100,90,90,98,115,119,113,115,119,163,173,178,178,181,176,165,160,165,168,163,160,161,170,176,178,178,168,164,170,183,189,183,123,121,119,113,163,183,123,119,121,119,123,183,194,183,173,125,121,125,123,117,116,119,123,125,168,170,165,123,123,121,119,119,165,183,196,199,196,189,181,168,120,120,165,173,176,173,168,123,125,165,123,121,120,122,125,119,92,77,82,115,168,173,186,191,199,199,191,183,176,173,176,173,127,168,181,189,183,170,168,168,125,71,84,109,170,181,173,165,168,173,176,176,176,176,173,166,163,165,178,186,178,163,109,101,109,117,176,196,212,115,98,106,121,168,119,107,102,109,118,168,176,186,183,183,178,181,178,163,157,163,181,189,187,189,194,199,199,196,196,202,202,199,196,196,199,196,176,99,109,194,202,202,202,202,202,202,204,207,204,199,194,191,191,191,194,194,196,196,199,196,196,196,186,170,123,111,111,113,125,196,204,194,181,125,119,121,123,121,115,115,119,105,101,105,115,168,183,186,183,178,178,186,191,125,119,117,123,178,209,212,209,209,129,86,99,111,127,173,176,170,170,170,129,119,120,129,186,186,176,173,183,191,194,194,194,196,196,196,191,183,178,183,194,196,199,196,189,130,129,131,178,178,174,174,181,194,202,204,196,183,173,169,173,186,194,194,186,178,176,176,176,173,173,178,183,183,181,181,178,173,129,127,129,173,181,191,199,202,202,196,189,176,131,173,181,186,181,173,173,178,181,176,173,176,181,183,183,181,178,173,131,176,191,196,196,199,199,191,191,186,181,176,178,178,178,178,181,181,181,178,176,173,176,178,178,173,173,176,178,178,178,183,186,183,178,176,178,178,181,183,183,183,181,183,186,191,186,176,170,170,174,181,186,191,191,186,181,183,181,176,173,173,173,173,178,178,176,173,173,176,178,178,178,176,178,181,183,183,183,178,176,176,181,183,176,125,123,125,131,181,186,183,183,183,183,186,186,191,189,179,177,181,191,199,204,199,191,183,178,173,170,173,181,186,183,173,129,131,173,173,172,172,176,183,189,186,185,185,186,189,186,178,176,176,176,178,183,194,199,194,181,178,189,199,204,207,209,204,199,199,194,186,183,183,181,183,186,186,183,181,183,186,181,173,129,127,128,183,204,207,194,173,127,181,189,178,128,129,129,170,173,170,123,119,120,127,176,186,191,194,191,170,109,112,121,170,181,189,194,189,170,123,127,125,123,125,170,178,183,183,182,183,183,183,181,176,129,123,123,173,186,191,189,181,176,131,129,131,181,189,189,191,194,194,191,186,183,181,183,189,186,128,125,128,181,189,186,181,181,178,173,176,173,128,128,129,129,129,129,176,183,191,189,186,181,176,178,176,176,183,194,194,183,131,127,173,176,113,127,194,204,204,202,204,207,209,204,196,189,181,181,178,173,127,126,127,129,127,173,181,183,191,194,186,121,98,109,186,199,191,181,176,133,117,123,189,191,194,199,191,183,177,178,183,183,178,133,176,189,202,199,178,129,176,183,186,191,191,189,127,127,199,202,198,204,204,194,181,181,186,186,181,181,183,189,189,186,183,183,181,179,178,183,189,186,179,179,182,186,186,181,181,181,181,191,199,189,181,191,194,129,122,127,189,204,207,204,199,196,196,196,196,191,189,194,194,191,194,202,207,204,199,196,196,196,196,199,204,209,212,215,209,194,186,194,204,209,209,207,204,202,196,194,191,189,141,139,186,191,194,199,202,204,207,207,207,207,204,204,202,199,199,199,199,199,199,204,207,204,204,199,194,191,191,194,191,186,133,131,131,131,131,131,131,129,129,129,127,123,119,118,119,121,121,123,168,173,176,176,176,170,157,107,102,103,107,107,105,107,109,109,111,113,113,109,105,97,91,87,85,87,91,97,99,99,101,105,109,155,168,176,176,173,170,173,178,178,121,113,114,123,173,178,183,191,191,191,191,191,194,194,191,191,189,189,191,194,191,186,181,181,183,181,181,178,135,132,133,181,183,183,183,183,181,179,181,186,191,194,196,196,196,194,196,196,199,202,204,207,207,209,212,212,209,207,207,207,202,191,137,127,123,121,122,126,186,196,199,199,196,196,191,186,182,181,181,183,186,183,135,125,121,121,123,125,121,119,125,178,186,189,191,194,199,202,202,204,207,204,204,207,207,204,204,204,204,202,202,202,200,200,202,204,204,202,196,195,196,199,202,202,199,199,196,196,191,186,186,186,189,191,194,196,202,207,204,196,191,190,189,194,204,209,207,202,202,199,199,196,194,191,189,191,191,191,196,204,207,207,204,199,194,191,190,194,199,202,202,202,199,191,190,190,191,194,194,194,196,202,204,207,207,202,196,194,196,202,207,209,209,207,204,207,215,217,209,204,207,215,215,207,204,204,204,207,202,202,204,207,202,194,191,191,191,191,191,191,189,191,194,199,202,207,207,204,199,199,191,137,131,133,181,183,181,178,178,183,194,199,196,189,178,181,191,194,189,181,135,133,127,125,125,127,133,186,199,202,189,187,191,196,204,212,217,217,215,212,209,209,207,202,194,191,189,189,186,185,185,183,183,185,191,199,202,196,191,194,202,207,204,196,189,189,189,186,183,183,189,196,202,199,199,196,194,186,135,127,125,125,129,178,186,189,189,187,194,202,199,190,187,189,196,207,209,207,199,199,196,194,191,191,194,199,207,207,202,196,191,189,189,191,194,199,202,199,194,189,183,183,183,181,176,130,130,131,125,119,119,125,131,131,183,194,196,189,181,131,128,131,183,181,178,181,186,191,191,189,186,186,189,194,194,191,189,186,186,189,196,204,207,207,207,209,209,209,207,202,198,198,202,204,204,196,191,186,189,191,191,189,191,194,191,191,191,189,186,178,135,178,181,183,186,189,191,191,191,194,196,194,196,204,209,209,207,204,204,204,207,204,202,204,207,209,207,199,141,138,141,199,202,202,202,202,202,202,207,209,207,202,202,204,207,209,207,207,209,212,215,212,207,202,195,195,199,202,199,191,127,113,111,123,186,202,209,215,215,212,207,199,202,207,204,196,189,181,129,119,118,121,125,129,176,183,186,183,181,183,191,199,204,204,202,202,207,207,204,199,194,189,194,204,202,196,189,189,194,194,191,191,189,186,186,189,191,191,191,194,196,199,202,199,199,202,202,202,199,194,194,194,194,186,181,181,181,181,181,178,178,135,135,133,135,183,191,191,189,181,137,137,183,191,196,199,194,191,191,194,194,202,212,217,217,220,222,228,230,230,225,217,215,215,222,225,228,230,228,220,209,203,203,204,209,209,209,209,212,209,209,207,204,202,202,202,202,204,209,212,215,217,217,217,212,204,194,189,186,191,196,199,199,199,202,204,207,202,199,204,207,202,191,178,152,148,0,165,178,0,0,0,0,0,0,0,0,217,212,211,211,215,225,230,235,238,235,222,204,191,178,176,177,191,0,0,0,0,0,0,0,0,0,0,0,0,241,241,243,0,0,248,246,241,233,228,217,204,196,199,215,222,220,209,194,191,194,202,204,199,196,199,204,209,212,215,212,212,212,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,228,215,178,155,150,152,160,163,170,181,202,225,241,251,254,255,255,255,254,254,254,248,235,212,151,143,143,151,207,212,215,215,217,222,228,230,233,230,230,235,241,246,243,241,243,246,246,243,238,238,238,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,82,0,46,95,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,181,199,199,189,152,134,129,129,126,100,72,56,0,0,0,0,0,0,0,0,0,0,0,0,45,113,87,124,176,189,199,220,189,0,0,0,13,0,0,0,0,95,144,152,155,157,160,163,170,170,103,0,0,0,0,0,0,0,0,55,51,52,63,79,91,144,165,168,157,144,140,143,165,194,204,202,189,173,163,163,168,173,178,178,113,113,117,121,119,115,113,114,117,119,119,119,117,119,119,115,117,121,165,165,119,116,119,121,168,165,163,163,121,111,110,117,173,173,165,163,165,165,168,170,170,178,186,173,115,113,117,121,115,113,117,163,168,121,108,111,165,183,178,123,121,168,173,129,127,129,127,123,119,125,131,173,123,105,93,103,173,194,194,189,189,199,209,209,196,178,173,176,176,129,127,121,121,121,117,120,173,119,113,170,199,202,199,189,178,165,119,105,121,117,105,111,170,183,117,52,117,189,199,202,202,199,194,191,194,196,194,192,194,199,202,196,191,191,196,199,202,204,207,202,191,115,93,81,79,97,183,194,186,178,165,69,0,0,57,101,109,111,110,113,119,173,186,191,189,186,181,173,176,183,186,183,186,194,191,183,178,186,191,196,202,199,178,114,109,111,121,178,176,165,165,173,181,176,173,181,196,202,194,173,84,80,93,189,191,181,111,84,80,119,165,165,121,121,170,189,199,194,181,170,163,163,164,165,160,111,87,76,93,160,170,113,83,87,103,97,79,47,38,67,69,51,53,75,97,77,44,42,101,111,115,115,115,155,163,176,183,183,183,183,191,199,202,194,160,101,98,101,115,165,160,111,113,160,119,121,168,173,181,178,165,160,163,165,163,161,163,173,176,176,176,168,164,165,173,176,168,118,118,119,119,170,178,123,115,115,117,163,181,191,186,170,101,110,173,178,125,119,119,121,123,165,170,168,125,123,125,170,176,183,189,194,199,199,191,181,165,120,123,176,176,170,165,123,122,125,168,168,165,125,125,123,119,109,93,101,127,176,178,186,189,189,186,181,181,176,176,176,173,168,170,178,181,173,168,168,168,123,69,83,111,176,186,178,173,173,176,176,176,176,176,170,166,165,170,178,181,178,165,111,103,113,119,170,186,191,115,108,160,178,186,186,176,168,168,168,173,178,183,178,176,170,173,170,160,160,173,186,189,186,189,196,202,202,199,202,202,202,199,199,199,196,191,111,0,79,178,196,202,204,202,202,202,202,202,202,196,194,191,191,191,194,196,194,194,194,196,199,191,125,113,117,125,170,173,183,196,199,186,170,115,113,119,127,173,181,189,189,168,119,115,119,125,170,170,123,114,121,176,181,103,101,109,127,194,207,212,215,202,75,70,113,181,183,178,176,170,129,127,125,121,123,129,176,178,173,176,183,191,191,194,194,194,194,196,191,183,183,194,199,196,191,194,189,131,128,131,181,181,176,178,186,196,202,202,194,183,176,173,176,183,186,186,183,178,178,178,178,176,176,178,183,183,183,181,176,176,176,173,131,131,173,183,194,194,191,186,183,181,178,178,183,186,178,173,176,181,183,178,173,173,181,189,194,189,181,173,131,178,194,199,199,199,194,186,186,183,178,176,178,178,178,181,186,183,178,176,173,173,173,176,176,170,170,173,173,173,173,176,178,176,173,173,176,178,183,189,191,189,186,183,183,186,186,183,178,176,178,181,183,189,191,189,183,178,173,130,130,173,176,181,186,189,183,178,176,176,176,176,178,181,183,183,183,186,186,181,177,177,181,183,181,173,131,131,173,178,181,183,181,183,189,194,194,191,186,179,178,186,194,199,204,202,194,186,181,176,172,172,176,183,189,183,176,176,176,173,172,170,173,181,186,186,186,186,189,189,183,176,131,173,173,173,181,191,194,189,183,186,199,204,207,209,207,199,202,204,194,183,181,183,183,186,183,176,176,178,181,183,178,173,129,126,126,129,183,189,186,178,176,186,191,181,128,128,170,181,183,176,125,121,125,127,129,173,178,186,189,170,107,110,115,125,173,183,189,183,173,129,170,127,125,129,176,181,186,186,183,183,186,186,181,178,173,173,176,181,186,189,186,183,181,181,178,178,183,186,186,189,191,194,191,189,183,183,186,189,189,181,131,173,186,191,189,183,183,181,173,173,131,131,173,173,173,173,173,181,189,196,199,191,178,130,173,173,173,183,194,194,186,131,129,131,125,104,114,191,204,204,202,204,209,209,204,194,186,181,178,176,131,126,126,127,129,131,178,181,181,186,196,196,178,108,113,176,194,194,189,178,123,84,98,131,183,189,194,196,194,189,186,183,181,178,133,133,183,191,189,131,129,133,183,183,189,194,194,123,119,196,204,202,204,202,189,177,177,183,186,181,181,183,189,191,189,186,186,186,181,179,186,191,186,182,181,183,186,186,179,177,174,173,179,191,185,179,189,196,135,126,131,189,199,202,202,199,196,196,194,189,189,189,194,194,191,191,199,204,204,202,196,194,191,189,194,199,207,209,212,202,185,182,186,199,207,209,207,204,202,196,194,194,194,194,191,194,194,196,202,204,204,204,202,202,202,202,202,204,202,202,202,199,196,196,202,207,207,202,196,191,186,186,189,191,189,178,133,133,133,133,131,129,129,129,129,127,123,119,118,119,121,121,123,165,173,176,173,168,163,115,105,102,103,105,105,107,109,107,107,107,109,111,107,103,97,91,85,84,85,91,99,103,105,107,111,113,117,160,173,178,178,178,181,183,181,168,118,118,123,127,129,176,183,186,189,189,194,196,196,194,191,189,189,189,191,194,189,186,186,186,181,135,133,132,132,135,186,191,191,186,183,181,181,183,191,196,199,199,196,194,194,196,196,196,199,204,204,207,209,212,212,209,207,204,202,194,186,137,135,133,129,127,135,194,202,202,199,196,196,194,189,186,186,186,186,186,183,135,127,125,125,129,133,131,127,135,189,191,191,194,199,204,207,207,207,207,204,204,207,207,204,204,204,204,204,202,202,202,202,202,202,202,199,196,196,196,199,202,202,202,202,199,196,191,186,186,189,189,191,194,196,202,207,204,196,194,190,189,191,202,207,207,202,202,202,202,204,202,199,196,196,191,191,196,204,209,212,207,202,194,191,191,196,199,202,202,202,199,191,190,190,191,194,194,196,196,199,204,207,207,204,202,204,204,209,212,212,207,199,196,202,212,215,209,207,209,215,212,204,204,207,209,209,204,199,202,204,204,199,194,194,194,194,196,196,194,194,194,196,202,207,207,204,202,196,186,133,127,128,133,137,181,179,179,183,191,199,204,202,196,196,199,199,196,189,183,178,135,131,127,127,133,186,199,207,204,202,199,199,202,207,209,209,204,202,202,202,199,194,191,189,186,189,189,186,185,185,186,189,191,196,199,196,191,186,191,202,202,196,186,178,178,181,181,183,189,196,202,202,199,196,191,186,181,129,126,126,133,183,191,194,191,189,191,196,199,190,187,189,194,204,209,207,199,196,196,194,194,194,196,202,207,204,196,191,191,191,191,189,191,194,199,202,196,189,183,178,181,181,178,131,130,131,125,120,119,123,127,127,178,189,191,183,176,128,127,129,183,186,186,186,191,194,194,194,194,194,191,191,191,191,191,191,191,194,196,204,207,204,204,204,204,204,204,202,199,199,202,202,202,199,194,194,196,196,191,189,189,191,189,186,183,186,183,178,135,181,183,183,181,181,181,181,183,191,194,196,196,202,207,209,209,204,204,207,207,204,202,202,204,207,207,199,141,138,140,194,202,207,209,215,212,207,209,209,207,204,204,204,207,207,204,207,209,212,215,215,212,207,202,199,199,199,199,191,127,106,100,101,110,131,194,207,209,207,202,194,196,202,202,199,196,191,176,119,116,118,123,129,176,183,183,181,177,178,186,196,202,204,204,204,207,204,199,196,189,185,189,202,204,196,183,182,186,186,186,189,189,189,191,194,191,190,191,194,199,196,194,194,199,202,202,199,196,196,202,204,202,194,189,189,189,189,183,183,183,183,178,135,181,189,191,191,186,181,137,137,183,189,194,194,191,191,194,196,196,202,209,215,220,222,225,228,230,230,225,217,212,215,222,225,228,228,228,222,209,204,204,207,209,212,212,212,212,212,209,207,204,204,204,204,204,207,209,209,212,215,217,222,215,207,199,191,183,186,189,194,196,199,202,204,204,196,194,204,209,204,194,183,165,152,0,160,173,0,0,0,0,0,0,0,0,215,212,211,211,215,222,230,238,241,235,222,204,194,181,177,178,191,0,0,0,0,0,0,0,0,0,0,0,0,238,238,243,0,0,248,238,230,225,222,212,202,194,194,202,209,212,204,194,191,194,196,196,189,189,194,199,202,204,207,204,204,202,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,228,196,168,155,152,155,155,0,173,196,217,233,243,248,251,254,254,254,254,251,246,238,222,155,139,133,137,149,204,209,212,215,215,222,225,225,225,228,233,238,243,243,241,246,246,243,241,238,238,241,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,0,142,204,131,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,196,199,191,178,137,134,139,144,147,131,87,35,0,0,0,0,0,0,37,160,129,0,0,90,147,170,160,165,191,212,215,215,194,0,0,43,118,0,3,0,0,41,85,124,142,150,155,155,155,152,126,19,0,0,0,0,0,0,0,57,50,53,83,157,173,178,178,173,165,155,144,147,165,186,191,189,178,168,163,165,170,176,181,178,115,113,114,117,121,119,115,114,119,121,119,115,111,111,113,109,109,115,123,121,115,113,113,115,121,165,168,165,121,105,103,115,178,176,168,165,168,168,168,173,178,189,191,123,108,108,111,117,111,115,165,173,173,165,112,112,119,127,127,121,121,168,176,176,176,181,181,176,173,178,186,186,176,127,123,131,186,194,194,191,191,196,199,196,191,189,189,183,178,170,173,173,170,123,117,119,170,165,115,165,204,204,196,194,189,181,173,163,115,82,95,111,176,183,121,101,127,181,191,199,199,194,190,190,194,196,194,191,192,194,194,189,186,186,194,199,204,207,209,202,186,121,109,95,94,183,199,199,194,194,194,107,0,0,11,95,109,111,110,119,165,181,189,189,186,183,181,181,186,191,191,191,194,204,204,202,196,199,199,199,204,202,170,104,109,119,181,191,191,176,165,168,176,163,121,183,204,209,209,204,105,87,95,165,178,176,160,94,82,160,170,168,121,160,178,194,202,196,186,181,178,178,173,168,105,87,77,79,99,109,155,176,107,69,91,99,81,53,31,81,168,170,178,191,202,152,41,34,103,157,160,155,152,113,155,173,183,186,183,181,186,194,194,183,101,101,113,165,176,181,168,110,160,173,106,101,121,168,173,168,121,119,121,123,163,165,173,178,176,170,170,170,170,165,163,123,119,117,118,121,123,170,173,123,114,114,117,125,176,189,191,178,79,95,178,196,189,170,125,121,121,125,168,170,165,123,168,183,189,189,189,194,199,199,191,178,165,123,170,183,178,168,123,122,123,165,173,178,178,173,165,123,117,115,117,123,173,181,181,183,181,176,170,170,176,176,176,176,173,170,176,178,176,168,127,168,125,119,74,87,113,176,189,186,183,183,183,181,178,176,173,168,166,170,178,176,168,163,117,101,103,111,117,123,123,117,108,115,170,186,194,196,196,196,189,183,183,183,181,168,160,113,113,103,87,105,168,189,191,191,191,199,202,202,202,202,202,202,199,199,202,196,178,37,0,13,123,191,204,204,204,204,202,202,199,199,199,194,194,194,196,199,199,196,194,191,194,194,183,111,106,112,127,181,196,199,191,183,168,117,111,117,125,176,189,199,207,204,191,181,173,168,168,127,123,115,106,112,127,129,94,94,103,173,196,204,212,212,129,73,75,196,199,194,186,181,178,170,123,122,125,170,170,170,170,173,178,183,186,189,191,191,191,189,191,191,186,186,196,196,181,173,186,189,178,130,130,176,178,181,183,194,199,202,196,191,181,176,176,178,176,178,178,178,181,181,181,183,181,178,178,181,183,183,181,178,178,181,181,176,131,131,178,186,189,181,176,176,181,183,183,183,178,173,173,178,183,183,178,173,173,183,196,199,194,183,173,131,173,183,191,194,191,181,176,181,183,178,176,178,178,178,181,186,183,178,173,173,176,176,176,170,129,129,129,129,129,131,131,129,129,131,173,176,178,183,191,194,189,186,183,181,181,183,186,186,186,186,183,181,183,189,189,186,178,131,129,130,176,181,189,194,194,189,183,181,178,176,176,181,183,186,186,183,183,186,186,183,181,183,186,183,178,173,131,131,173,181,181,181,181,189,196,196,191,183,179,179,189,194,196,199,199,196,189,183,178,172,170,173,183,191,189,183,181,176,173,172,172,173,181,183,183,183,186,189,189,181,131,127,131,173,173,178,186,186,183,186,196,204,207,207,207,202,196,199,199,186,176,181,186,189,186,178,131,131,173,131,176,173,131,131,129,127,128,170,178,181,181,183,191,191,183,129,128,176,189,194,181,127,127,173,170,127,125,127,173,181,129,110,111,114,121,170,181,178,176,170,129,170,170,129,170,176,181,186,189,186,186,186,186,183,181,178,181,183,186,186,186,186,186,186,186,189,186,183,183,183,186,189,191,191,189,186,186,189,189,189,186,181,183,191,196,191,186,183,181,176,173,129,170,173,176,176,176,181,186,191,199,204,191,173,128,130,131,131,181,189,189,183,131,125,121,115,106,121,191,199,196,196,199,202,204,202,194,189,183,178,131,129,127,129,131,133,176,181,181,178,183,196,204,199,129,123,133,186,196,196,183,107,76,98,127,181,183,189,199,204,202,194,183,178,176,133,133,181,186,183,133,132,181,186,183,183,189,186,119,114,191,209,207,204,202,186,176,176,181,186,181,178,178,186,191,189,186,189,191,191,189,189,191,189,186,189,186,186,183,181,177,174,174,179,186,185,179,189,196,189,181,186,194,194,196,199,199,199,196,189,187,187,189,194,194,191,191,199,204,204,204,202,194,187,186,187,191,199,202,204,199,186,183,189,199,204,207,207,204,202,199,199,202,202,202,202,202,199,199,204,207,204,202,202,202,202,202,204,204,204,202,202,199,194,196,202,207,207,202,196,189,183,183,189,191,191,186,181,181,178,176,133,131,129,129,127,125,123,121,121,121,123,123,125,165,170,170,168,163,157,111,105,105,107,107,105,109,111,107,106,107,107,107,105,101,95,91,87,85,87,93,99,105,111,115,155,117,112,115,165,178,183,186,189,186,183,178,170,127,127,127,129,173,178,183,183,186,191,199,199,194,191,189,189,189,191,194,194,191,191,189,183,135,133,132,133,181,191,196,194,189,186,183,183,189,199,204,204,202,199,196,196,196,196,196,199,202,204,204,207,212,212,209,207,204,199,194,186,183,183,186,183,186,191,202,204,202,196,194,196,196,196,194,196,194,191,189,183,135,129,131,135,181,186,186,186,191,199,196,194,196,202,207,209,209,209,207,204,204,204,204,204,204,207,207,204,204,204,204,204,204,204,202,202,199,199,199,202,204,207,207,204,199,196,191,186,189,191,191,194,199,202,202,204,202,196,196,196,196,202,207,209,209,204,202,202,204,207,204,202,204,204,199,196,199,207,212,215,209,202,194,191,194,199,202,202,199,196,196,191,191,194,196,194,194,194,194,199,202,204,202,202,207,209,207,209,212,209,199,194,194,199,212,215,212,207,207,209,207,199,202,204,207,207,202,198,199,202,204,202,199,199,199,199,199,202,199,196,194,196,202,204,207,207,202,194,183,133,127,127,129,137,186,186,183,186,189,196,204,207,207,204,204,204,204,199,189,183,181,133,127,127,133,186,199,209,217,212,202,194,191,194,199,199,194,191,194,196,194,191,189,183,183,186,186,189,189,189,191,191,189,186,189,194,189,181,181,191,194,191,183,129,126,133,183,186,189,194,199,196,194,194,191,189,191,186,137,137,186,194,196,196,194,189,189,194,199,194,191,191,194,202,207,204,199,196,196,194,194,196,199,202,202,196,191,189,191,191,191,186,186,189,194,196,194,189,181,178,178,183,183,178,133,133,129,122,122,127,129,129,176,183,186,178,133,128,128,133,189,191,191,191,194,196,196,199,202,199,194,189,187,189,191,194,196,196,196,202,204,202,199,196,199,202,204,204,202,202,199,199,199,196,196,196,199,196,191,186,186,191,191,181,179,181,181,135,135,181,183,137,135,133,131,131,133,186,194,196,196,199,204,207,204,204,204,207,207,207,202,202,202,204,207,204,194,141,141,189,199,204,209,217,215,209,207,209,209,209,204,204,202,202,202,202,207,212,215,215,215,212,209,207,202,202,199,194,137,111,104,104,110,127,183,194,199,199,194,189,189,191,191,191,194,191,176,119,117,119,127,133,181,183,183,178,176,177,186,194,202,204,204,204,207,204,199,194,189,187,194,209,212,202,183,181,183,183,183,189,196,199,199,202,199,194,191,196,196,191,186,189,196,204,202,196,194,199,207,209,207,196,191,191,194,191,186,186,189,186,181,181,191,196,196,191,186,183,183,183,183,186,189,189,189,189,194,196,202,207,212,217,222,222,225,228,230,230,225,217,212,212,217,225,225,228,228,225,215,207,207,209,212,212,212,212,215,212,209,207,204,203,204,204,207,207,207,209,212,215,217,217,215,209,202,194,183,181,183,189,194,199,202,202,196,191,194,204,209,204,196,191,186,178,176,181,189,0,0,0,0,0,0,0,0,0,215,212,212,215,222,230,241,243,238,222,204,194,189,186,191,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,233,222,217,212,207,196,189,189,194,199,202,202,199,196,194,194,186,182,183,189,191,191,189,189,191,191,191,191,194,202,0,0,0,0,0,0,0,0,0,0,0,0,0,238,235,217,189,170,163,160,157,0,176,199,222,233,238,243,248,251,254,254,251,246,243,241,230,209,141,131,131,139,149,202,207,209,209,212,215,217,217,222,228,235,243,243,241,246,246,243,238,237,238,243,243 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,160,100,82,35,0,0,0,0,0,0,0,0,0,0,0,0,0,35,178,186,173,157,144,147,150,152,152,144,121,87,82,69,29,0,100,111,137,178,181,142,137,144,168,178,168,168,183,209,212,194,165,17,0,39,41,21,105,100,41,47,59,116,144,155,157,155,155,160,165,155,39,0,0,165,163,0,0,131,85,93,157,181,189,189,186,178,168,160,152,150,163,176,181,173,168,163,163,168,170,170,170,168,121,115,117,119,163,165,163,163,168,165,123,113,106,105,107,107,107,109,119,123,119,117,117,116,121,168,168,168,168,112,105,113,173,173,168,168,173,173,173,173,181,186,181,121,111,110,110,110,110,115,165,170,168,125,115,113,115,121,123,122,123,170,181,183,186,191,194,191,189,194,196,196,191,189,189,191,194,196,196,194,194,191,183,174,178,191,194,189,176,170,176,183,181,170,125,125,170,170,115,117,196,196,194,196,199,199,194,176,82,52,97,119,125,125,115,115,173,178,183,196,199,194,190,191,199,199,194,191,192,194,191,186,185,186,191,196,204,204,204,196,168,119,109,109,178,199,204,204,204,204,204,189,0,0,51,113,123,125,170,186,189,196,196,196,194,194,194,194,196,199,199,196,199,207,207,202,196,199,199,196,202,202,181,110,118,176,183,186,186,176,123,123,163,115,109,165,199,207,209,215,212,119,111,160,173,183,186,181,117,176,176,165,119,119,173,183,191,194,191,189,191,191,183,163,61,73,85,155,173,87,75,191,178,37,28,27,45,75,47,163,196,199,196,204,215,194,77,79,168,178,168,155,113,112,112,163,178,189,186,178,181,186,181,119,97,105,168,178,183,183,168,109,168,170,83,83,163,168,165,160,160,121,119,119,163,173,183,186,178,168,168,173,176,168,121,118,119,121,123,163,168,168,168,163,117,115,119,125,173,189,196,189,85,94,168,204,207,194,173,121,123,168,173,173,170,168,176,189,191,191,189,191,199,199,189,173,168,125,170,181,176,168,123,123,168,173,178,183,183,176,165,121,114,121,168,173,178,183,186,186,178,170,166,169,176,176,176,181,181,181,181,181,176,168,127,127,125,121,91,105,121,173,186,191,196,196,191,189,183,178,173,168,168,173,178,170,111,89,77,77,97,109,115,121,119,108,106,115,178,189,194,196,199,199,194,189,189,189,183,117,93,51,45,44,53,71,111,183,196,199,196,196,199,199,199,199,199,199,196,199,204,212,91,0,0,0,103,191,202,204,204,204,202,202,199,199,199,199,196,199,202,202,202,199,196,191,189,186,178,121,112,121,170,183,196,194,111,101,105,105,115,168,181,189,196,207,209,204,199,194,189,183,178,170,125,115,109,113,129,170,96,94,107,129,186,199,202,181,97,94,170,202,202,196,194,191,189,178,125,123,173,181,176,128,128,173,178,183,186,191,194,191,186,183,183,186,183,186,194,186,127,126,178,194,186,173,131,131,173,176,186,194,196,194,186,181,178,176,173,173,173,173,176,178,181,183,183,183,186,183,178,178,183,186,183,181,181,183,186,183,178,178,181,186,186,178,174,176,181,183,183,181,178,173,173,176,181,181,176,172,173,186,196,199,191,181,173,131,129,129,173,178,178,173,172,178,183,181,176,176,176,173,178,181,181,176,131,176,183,183,181,173,170,129,129,129,129,129,129,128,129,131,173,173,176,181,186,186,183,183,183,178,176,176,181,186,189,189,183,178,178,181,183,181,178,173,131,173,178,183,189,194,196,191,189,186,186,183,181,181,186,189,186,183,182,186,189,189,186,186,191,194,189,178,130,129,178,181,181,179,179,183,191,194,189,183,179,179,186,191,191,194,196,194,189,183,178,173,170,172,181,191,189,181,178,173,172,173,178,181,183,183,181,181,183,186,186,178,127,125,129,173,176,176,178,176,176,189,202,207,207,204,204,199,194,191,183,173,176,189,191,189,186,181,173,131,131,129,131,131,131,176,178,176,170,170,176,181,186,189,189,189,183,170,128,173,189,194,183,173,178,189,181,129,124,123,125,170,129,117,117,115,117,129,178,176,129,126,126,129,170,173,176,178,181,183,186,183,183,186,189,189,186,183,186,189,189,189,186,189,189,189,191,194,191,183,181,183,186,186,189,189,186,186,189,189,186,183,186,186,191,196,199,196,191,189,181,178,178,129,129,173,173,173,178,183,189,191,196,199,191,173,131,173,131,129,173,178,178,181,176,121,115,115,119,178,189,189,191,189,186,189,194,196,194,189,183,176,129,131,176,178,178,178,178,183,181,178,179,194,204,204,194,181,176,181,194,202,189,104,93,129,183,186,133,133,199,204,202,194,181,176,133,129,129,176,186,189,181,178,183,186,183,181,178,131,119,117,189,209,209,207,202,186,176,176,183,186,178,133,131,178,186,186,186,189,194,194,194,191,189,186,186,191,191,186,186,183,183,183,183,186,186,183,182,189,196,194,194,196,199,196,194,196,199,202,199,189,186,186,189,194,194,191,191,196,204,207,209,207,202,191,187,187,191,194,196,202,204,202,202,202,204,204,207,207,207,202,202,202,207,209,207,207,204,199,199,204,207,204,204,204,204,204,204,204,204,202,199,199,194,191,191,199,204,207,202,194,186,183,183,189,194,194,191,189,186,183,178,173,131,131,131,129,127,125,127,127,127,165,165,168,170,170,170,168,163,157,113,107,109,111,109,109,111,113,111,107,107,107,105,103,97,95,91,89,89,89,95,101,109,117,160,160,119,112,112,121,176,186,191,191,189,186,183,183,178,170,170,173,176,181,183,183,183,189,199,202,196,194,191,189,189,191,194,194,194,194,191,183,181,181,181,183,189,194,196,194,189,186,186,189,196,207,212,209,204,199,196,199,199,202,199,202,204,204,204,207,209,212,209,207,204,199,196,189,183,183,186,189,194,199,202,202,199,194,194,196,199,199,199,202,202,196,191,186,181,135,178,183,189,194,194,194,199,204,199,194,196,199,204,209,212,212,209,207,204,204,204,204,204,207,207,207,204,204,204,204,207,207,207,207,204,204,202,204,204,207,207,204,202,199,194,189,189,191,194,196,202,204,204,202,199,199,202,202,204,209,212,212,212,207,199,199,202,204,202,196,202,207,204,202,202,207,212,215,209,202,191,190,194,199,202,202,196,191,191,191,194,196,199,196,194,194,194,196,199,199,196,196,204,207,204,207,207,204,196,194,194,199,209,212,209,204,204,207,202,196,199,202,204,204,202,198,198,202,204,204,202,199,199,199,202,202,199,196,196,196,202,204,204,204,202,194,186,139,133,129,131,181,191,194,191,186,186,191,199,207,207,207,207,207,207,202,194,186,181,133,129,129,135,189,202,209,212,209,196,183,135,137,189,194,190,190,191,194,194,191,186,181,181,137,181,186,191,196,194,189,178,135,181,186,186,178,178,181,183,183,135,123,122,129,183,189,189,189,189,186,183,186,189,191,196,196,196,194,194,196,199,199,194,187,186,191,199,202,199,196,196,199,202,202,199,196,194,194,192,194,196,199,196,191,189,186,186,189,189,186,183,183,189,191,191,186,178,176,178,186,189,186,178,178,176,129,129,133,176,133,176,181,181,176,133,133,133,178,191,194,191,191,194,196,196,199,202,199,191,187,186,189,194,196,196,196,196,202,202,196,191,191,196,199,202,202,202,199,199,199,196,194,194,194,194,191,186,181,181,191,191,181,179,183,183,181,178,178,137,135,132,131,130,130,133,139,191,196,199,202,204,204,204,202,204,207,207,207,204,204,204,204,207,204,199,194,191,194,194,196,204,212,212,207,202,204,209,209,204,202,200,199,199,200,207,212,215,215,217,215,215,212,207,204,202,199,191,139,183,191,186,183,183,183,191,196,194,189,186,186,186,186,189,186,176,123,121,127,176,183,186,186,181,178,177,181,189,196,199,202,204,207,207,204,199,199,199,202,209,217,220,207,186,182,186,189,191,199,207,207,209,207,202,194,191,194,191,186,183,186,196,202,196,194,194,199,204,209,207,199,189,186,191,189,189,191,191,191,189,194,204,207,204,196,191,189,191,189,186,186,186,186,186,186,189,191,194,204,217,225,225,222,217,222,228,228,225,215,209,209,215,222,222,225,228,225,217,212,209,212,212,212,212,215,215,215,212,207,204,203,204,204,207,209,209,207,209,212,215,217,217,212,207,199,186,181,178,181,189,196,199,199,191,190,194,204,207,204,199,199,204,204,207,212,217,0,0,0,0,0,0,0,0,0,0,215,212,212,222,233,243,248,241,225,199,194,194,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,233,222,212,209,202,191,0,186,191,194,196,199,204,204,202,194,186,182,182,183,183,181,179,179,181,186,191,194,196,202,212,0,0,0,0,0,0,0,0,0,0,0,0,230,233,225,209,194,186,181,0,173,189,212,230,235,238,241,246,251,254,254,251,246,243,241,238,222,149,135,131,133,139,147,199,204,204,207,209,212,212,217,225,233,241,241,241,246,246,241,237,237,241,246,246 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,38,61,46,0,0,0,0,0,0,0,0,0,0,0,0,0,40,126,152,150,150,160,168,168,163,157,155,150,142,150,150,87,15,134,137,134,155,168,168,160,160,173,170,152,165,183,199,202,186,150,113,55,29,31,39,129,126,100,98,118,163,170,170,170,168,165,168,165,155,17,0,19,183,183,31,23,137,131,139,165,181,186,189,186,176,165,160,152,148,152,170,176,170,157,120,160,168,170,168,163,160,160,121,119,121,165,173,178,181,178,176,170,119,105,104,108,111,111,113,123,170,176,181,173,121,121,168,168,170,178,170,115,119,163,163,163,170,178,181,178,176,170,165,163,119,113,111,110,110,111,113,123,165,123,119,113,113,115,121,168,170,173,181,186,189,194,199,199,196,196,202,202,199,196,196,202,202,199,199,199,199,199,191,176,168,172,189,196,189,181,176,181,186,178,170,168,165,165,165,114,115,176,183,189,194,196,202,204,191,83,60,103,111,111,111,113,165,181,181,181,191,196,194,191,196,204,204,199,192,194,194,189,186,185,186,191,196,202,204,204,196,115,113,99,111,186,207,209,212,215,212,199,160,43,91,176,189,189,194,204,207,209,207,204,202,204,207,207,204,204,204,204,202,202,204,202,194,194,199,199,194,196,202,196,176,168,176,176,176,181,173,123,119,119,115,101,160,196,202,207,209,209,176,121,163,176,186,189,189,186,181,165,121,115,115,160,168,178,191,191,189,196,199,181,73,42,65,83,109,152,71,70,191,189,38,23,11,13,39,33,157,186,196,194,191,204,189,101,165,196,191,170,155,152,113,112,117,173,183,181,165,163,168,160,107,105,157,178,178,173,170,157,109,117,111,77,82,168,168,165,170,173,163,119,118,123,170,181,186,181,170,168,173,176,170,163,121,123,165,168,168,168,163,123,163,123,121,123,165,173,183,189,173,106,108,173,204,209,204,186,170,178,181,178,170,173,181,189,194,194,191,191,194,199,196,181,127,125,119,119,165,168,168,165,165,170,173,178,183,183,173,121,115,115,127,176,178,178,183,189,183,176,170,170,176,183,181,181,186,189,189,186,181,176,168,125,124,127,173,127,168,168,173,181,191,202,202,196,194,189,186,178,173,168,165,165,121,93,74,72,75,97,107,117,165,168,113,109,121,183,194,194,194,194,196,194,191,191,191,186,103,67,42,42,43,63,83,107,168,189,194,191,194,194,196,196,196,196,194,194,196,204,233,55,0,0,0,79,189,199,204,204,202,202,202,202,202,202,199,199,202,204,204,204,202,196,194,186,173,170,173,178,186,178,178,176,93,62,66,89,101,121,181,194,199,202,207,207,204,199,196,196,191,183,173,125,119,114,119,183,191,170,113,117,123,173,183,176,94,90,113,191,194,196,194,194,196,191,178,129,129,178,183,176,127,127,170,178,181,183,186,189,189,181,178,178,178,181,183,186,176,124,124,178,196,186,176,173,173,131,173,178,186,183,178,173,173,176,176,173,170,172,173,178,181,183,183,181,181,183,181,176,178,183,186,186,186,183,186,189,189,189,186,183,183,183,181,176,176,178,178,181,183,181,176,176,176,178,178,176,173,176,186,194,196,189,178,176,173,129,122,122,127,131,173,176,178,181,178,173,173,131,131,173,176,173,129,129,178,189,194,186,178,176,173,129,129,131,131,129,128,131,176,176,173,173,178,181,178,176,178,178,178,173,131,173,181,186,186,183,176,173,176,176,178,178,176,173,176,181,183,189,191,191,191,191,194,194,191,186,183,183,186,186,183,183,186,189,189,186,183,191,199,199,186,173,173,183,183,181,179,179,183,186,189,189,183,178,178,183,189,186,186,189,189,189,183,178,173,172,172,181,189,186,178,173,173,173,178,186,191,191,186,181,178,181,186,186,181,127,124,127,176,176,176,131,127,129,186,199,204,204,202,199,196,186,173,170,172,178,191,191,183,181,186,183,181,176,131,173,173,176,181,186,186,181,181,183,189,191,189,186,183,181,176,129,170,181,186,183,181,191,199,189,176,127,123,123,125,129,125,125,115,115,127,178,176,127,125,125,127,173,178,181,181,181,181,181,181,183,186,189,191,191,191,191,191,191,186,183,186,191,191,191,196,194,186,181,181,181,181,183,186,186,189,189,186,181,179,186,191,194,199,202,202,199,196,191,183,173,117,125,176,176,173,173,186,191,191,191,194,191,186,183,181,131,127,129,173,176,181,183,123,115,117,125,173,176,178,189,186,176,173,181,189,191,186,181,173,129,173,183,189,186,181,181,183,181,178,179,189,196,199,194,186,181,181,191,196,186,113,115,191,191,181,126,124,183,191,189,183,178,133,129,127,126,131,186,186,181,178,181,186,183,178,133,127,122,124,186,199,202,204,199,186,177,178,186,183,131,126,126,133,181,186,186,189,191,191,191,189,183,178,178,183,189,189,186,186,189,194,194,191,186,186,189,191,194,194,196,202,202,199,196,194,194,199,199,191,186,186,189,194,194,190,191,196,204,209,215,215,209,204,196,196,196,196,196,202,209,215,215,212,207,204,204,207,207,204,202,202,207,207,207,207,204,199,199,204,207,204,202,204,204,207,204,202,196,196,194,194,191,187,189,194,199,202,199,194,186,183,186,189,194,196,194,191,189,183,178,176,173,173,173,173,170,170,173,176,173,173,176,176,178,176,173,170,168,160,117,113,113,115,115,115,115,113,111,107,105,105,103,99,95,93,93,91,91,93,97,103,111,155,165,163,160,119,117,119,165,181,186,189,186,183,186,189,183,176,178,181,181,186,189,189,189,191,196,199,199,194,189,186,189,194,196,196,196,194,189,183,186,189,191,194,194,194,194,194,189,186,189,191,199,209,215,209,204,202,199,199,202,202,202,202,204,204,204,207,207,209,209,207,204,199,196,189,183,183,186,186,191,194,196,196,196,194,194,196,196,196,199,204,202,199,194,191,186,181,181,183,189,194,194,194,199,199,196,194,191,196,202,209,212,215,215,209,204,204,204,207,207,207,207,207,207,207,207,207,207,207,209,209,209,204,202,202,204,204,204,202,202,199,196,189,189,191,194,199,204,207,204,202,199,202,204,207,209,212,212,215,212,207,199,198,199,202,196,195,196,204,204,202,202,204,209,212,209,202,191,190,191,196,199,194,189,186,186,189,194,199,199,196,194,194,196,196,196,194,192,194,202,204,203,204,204,202,196,195,195,202,207,207,204,199,199,202,199,196,196,199,202,204,204,199,199,199,202,204,202,199,196,196,199,202,199,199,199,199,204,204,202,202,202,196,194,191,186,137,137,186,194,196,191,186,182,183,194,202,204,204,204,204,204,202,196,189,183,135,133,133,181,189,196,199,194,191,183,131,125,127,183,194,191,190,194,196,194,191,186,181,137,134,135,183,194,199,194,181,131,129,133,178,178,178,135,133,135,178,131,123,121,127,181,189,189,186,181,134,134,181,189,194,199,202,202,194,189,191,199,199,194,186,185,189,199,204,207,204,199,199,199,199,199,196,196,194,192,192,194,194,194,189,186,183,183,186,189,189,186,186,183,183,183,181,176,174,178,186,191,191,189,186,183,176,133,178,181,178,178,181,181,178,176,178,181,183,191,194,191,191,191,194,194,196,196,196,194,189,189,191,196,199,196,196,196,199,194,189,187,189,194,196,196,196,196,196,199,199,199,194,191,189,189,186,181,179,179,189,191,186,183,189,189,186,178,137,135,132,132,133,135,135,139,183,186,194,202,204,207,207,204,202,202,204,207,209,207,204,207,204,204,202,202,202,202,199,192,192,196,204,207,202,200,202,209,209,207,202,200,200,199,200,207,212,215,217,217,217,217,215,212,209,207,204,196,191,191,194,194,186,137,178,189,199,199,194,189,189,186,186,186,183,178,131,129,173,181,189,189,186,178,178,181,189,194,199,199,199,202,204,207,204,202,204,207,212,217,222,220,209,194,186,191,194,199,207,212,212,212,209,204,194,189,189,186,185,185,189,194,196,194,192,196,199,202,207,207,202,191,185,186,186,189,191,191,191,196,204,212,212,209,199,194,194,196,194,186,181,183,183,183,183,181,137,181,196,215,225,222,215,212,212,217,222,220,212,204,204,209,217,217,222,225,225,222,215,212,212,215,215,215,215,217,217,212,209,207,204,204,207,212,212,209,207,209,212,215,217,217,215,209,204,196,186,178,177,181,189,194,194,191,191,196,204,207,204,202,204,209,215,220,225,228,0,0,0,0,0,0,0,0,0,0,215,212,212,217,233,246,248,243,233,202,199,204,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,235,225,212,207,199,0,0,186,191,191,191,196,204,212,209,202,191,183,183,183,181,178,178,179,183,186,189,189,191,196,0,0,0,0,0,0,0,0,0,0,0,0,0,215,225,225,222,215,207,202,191,191,204,228,238,238,235,235,241,248,254,255,254,248,243,243,241,230,215,149,139,133,131,137,143,149,199,202,207,209,209,212,217,230,238,238,238,243,243,241,237,238,243,246,246 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,64,85,121,150,163,173,178,176,170,165,160,155,157,150,98,35,126,139,134,147,163,176,173,178,183,157,135,157,181,191,194,173,116,108,113,77,75,131,157,150,142,150,160,181,186,183,183,178,168,160,157,150,19,0,19,47,45,35,45,97,134,142,163,173,176,176,173,163,159,160,157,152,157,173,178,170,119,118,121,168,173,168,163,160,123,121,121,123,165,173,183,186,186,181,178,170,113,109,117,121,119,121,168,181,189,191,181,119,115,123,165,168,176,176,168,165,123,122,123,170,183,186,181,170,117,113,113,111,109,111,115,119,115,113,163,168,121,113,112,113,121,168,181,186,189,191,191,194,199,202,202,199,199,202,202,196,194,196,204,207,204,202,202,204,204,196,178,169,172,183,194,191,186,186,191,191,170,127,173,168,121,123,117,119,170,178,186,189,187,191,202,196,123,85,87,75,89,105,119,186,191,189,186,191,196,194,191,199,204,207,202,196,194,191,189,186,186,186,189,196,202,207,207,202,97,89,30,91,165,209,212,209,215,212,191,105,101,181,196,204,204,207,212,212,212,209,204,204,207,212,212,207,204,204,204,204,204,202,196,194,194,196,199,194,194,199,199,189,168,125,165,170,176,173,163,121,121,111,49,81,191,202,207,207,194,170,160,165,176,178,176,178,183,160,104,115,115,114,117,119,165,178,178,181,194,199,160,42,44,61,51,23,39,75,99,194,204,111,91,43,20,19,16,103,170,186,181,157,160,97,57,101,196,183,168,160,157,155,115,115,165,170,157,109,108,113,113,109,115,163,170,165,115,115,113,111,115,117,99,111,178,173,173,191,191,170,119,118,121,163,168,176,176,170,165,168,173,170,168,163,163,168,170,168,163,120,120,163,165,125,165,168,170,168,125,113,111,113,170,189,191,189,186,183,186,186,176,168,169,183,194,194,191,191,194,196,199,194,181,127,119,114,114,119,165,168,170,170,168,168,170,178,178,165,115,113,117,125,173,176,173,178,181,176,125,170,181,189,191,189,189,194,196,194,189,183,178,170,124,123,168,186,191,189,178,173,176,189,199,196,194,194,194,191,183,176,125,115,113,111,93,75,76,93,97,101,111,163,176,121,117,165,183,194,199,196,194,194,194,194,191,189,181,109,85,58,65,75,81,91,99,97,97,115,176,189,191,194,196,196,194,192,192,196,207,238,53,0,0,0,63,183,196,202,202,202,202,204,204,202,199,199,199,202,204,204,202,199,199,196,183,119,115,125,178,189,173,168,119,86,67,70,95,109,121,173,189,194,199,204,204,202,194,194,196,194,183,173,127,121,117,123,191,202,199,170,121,115,121,121,105,94,94,170,194,194,196,194,191,189,183,173,170,173,176,178,170,127,127,129,170,173,173,178,181,181,178,176,173,176,176,176,176,131,125,125,178,189,178,176,176,178,176,173,173,173,173,170,170,173,178,178,173,172,173,181,186,189,186,183,178,178,178,176,176,176,181,186,186,186,186,186,186,189,189,189,183,181,181,178,178,178,176,178,181,186,186,183,181,178,178,178,178,178,181,189,196,196,191,183,183,181,131,122,121,123,127,173,178,178,176,173,173,131,129,129,129,129,127,125,127,176,191,194,186,178,176,173,173,173,176,176,173,173,176,181,181,176,173,176,176,131,130,131,176,176,131,129,131,176,181,181,181,173,131,131,173,176,178,176,176,178,181,181,183,183,186,191,194,196,196,196,189,183,183,186,189,183,183,186,191,189,181,176,183,196,196,186,178,183,191,189,183,181,181,183,183,186,186,183,178,178,183,186,181,178,181,183,186,183,181,178,173,172,178,186,181,176,173,176,176,178,183,186,186,181,176,176,178,183,189,189,176,127,129,176,176,131,127,124,127,178,191,196,196,196,194,186,172,166,169,173,178,183,186,178,179,186,189,186,183,181,181,181,181,183,186,189,189,191,196,196,194,186,181,178,178,176,170,128,170,178,183,186,194,199,191,181,176,129,125,127,129,129,127,117,115,127,181,181,173,129,126,127,173,178,178,176,178,178,178,178,183,189,194,196,196,196,196,199,191,181,178,183,191,194,191,194,196,191,186,181,178,178,183,186,189,189,189,186,181,181,191,196,196,199,202,204,207,207,204,191,113,97,115,183,181,178,176,186,191,189,183,183,191,194,194,186,129,123,129,176,181,183,186,178,125,115,111,107,121,176,194,189,173,129,129,176,183,183,178,173,131,178,189,191,186,181,183,186,183,181,183,189,191,189,186,183,183,183,186,189,181,125,176,191,191,133,125,125,176,183,178,178,178,178,133,128,128,176,181,178,177,177,177,183,186,181,133,131,127,131,183,189,191,194,191,183,179,181,186,181,127,124,126,133,181,186,191,191,189,186,186,181,176,130,131,178,186,189,189,189,189,191,194,191,186,191,191,191,191,191,196,202,202,199,196,191,189,196,199,191,187,187,194,196,194,190,190,194,202,209,212,215,212,209,207,204,204,204,207,209,212,215,215,209,204,202,204,204,204,204,202,202,202,204,204,202,199,199,196,196,199,199,199,202,202,202,199,196,192,192,192,194,189,187,187,191,194,194,194,189,186,183,186,189,191,194,194,191,186,183,178,176,176,176,178,176,176,178,181,181,181,181,183,183,181,178,176,173,170,168,160,117,117,155,155,155,115,111,107,105,103,101,101,99,95,93,93,93,95,97,101,105,113,157,165,165,170,176,173,123,121,165,176,183,183,183,186,189,189,183,186,183,186,191,196,199,199,199,199,199,199,194,189,186,189,194,199,199,196,191,186,181,186,194,196,196,194,192,194,196,196,194,194,194,199,207,212,209,204,202,199,199,202,204,202,202,202,202,204,204,207,209,209,207,202,196,194,191,189,189,189,186,186,186,191,194,196,194,194,194,194,194,196,196,196,194,194,194,191,183,178,178,183,189,189,191,194,194,191,189,189,194,202,209,215,217,215,209,204,202,204,209,209,207,207,207,207,204,204,207,207,209,209,209,207,202,198,198,199,204,204,202,202,202,196,191,191,194,196,196,199,202,204,202,202,204,204,207,207,209,212,212,212,207,199,198,199,199,199,195,196,202,199,194,191,196,204,209,209,204,194,191,191,191,191,189,141,140,140,186,194,199,199,196,196,199,196,196,194,192,194,196,202,204,204,204,204,202,199,199,199,199,202,202,196,194,194,196,196,194,194,196,202,207,207,204,199,202,204,207,204,196,191,194,199,202,202,199,199,202,204,202,199,199,199,199,196,196,194,191,189,194,196,196,191,183,182,183,191,196,199,199,199,199,199,196,191,189,186,183,181,181,183,186,189,183,133,133,131,125,123,125,183,196,194,194,194,196,194,191,186,181,135,134,134,181,191,194,186,135,129,129,129,129,133,135,133,132,133,135,133,126,124,127,178,186,189,186,135,132,133,181,189,196,202,204,196,186,183,187,196,199,191,187,186,191,202,207,209,207,202,199,199,199,199,199,199,196,194,194,194,196,196,194,189,183,182,182,183,186,186,183,178,176,176,176,176,174,178,186,191,194,194,194,189,181,178,181,181,178,181,183,181,181,181,183,186,186,189,191,191,191,189,189,189,191,194,196,196,194,196,199,202,202,196,196,196,196,191,187,187,189,191,194,194,194,194,196,202,204,202,194,189,186,186,186,181,179,181,186,189,189,191,194,194,189,181,137,135,133,137,183,189,189,186,183,183,191,202,207,209,209,204,204,202,202,204,207,209,207,207,204,199,198,198,202,207,204,194,191,194,202,204,202,200,202,209,209,207,207,204,204,204,204,209,215,215,217,217,220,222,220,217,215,212,207,199,191,186,183,181,135,133,135,189,202,204,196,191,189,189,186,186,183,178,173,127,129,178,186,189,183,178,178,186,194,199,202,199,196,199,202,204,202,202,204,209,215,215,215,212,207,196,194,194,194,199,207,212,212,215,215,207,199,194,191,189,186,186,191,194,196,194,194,199,199,199,204,207,207,199,189,186,183,186,189,189,189,196,207,209,209,207,199,196,199,199,194,181,136,136,137,183,181,137,133,133,186,204,215,215,209,207,207,209,212,212,204,196,196,204,212,215,215,222,222,222,217,215,212,215,217,217,217,220,217,215,212,207,207,207,209,215,215,212,209,209,212,215,217,217,215,212,207,204,196,183,178,177,181,186,191,194,196,199,204,207,204,202,204,209,217,222,225,228,0,0,0,0,0,0,0,0,0,0,0,209,209,217,230,241,243,243,238,220,212,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,235,228,215,209,199,191,0,186,189,186,185,191,207,217,217,209,194,189,186,186,183,181,181,189,194,191,181,177,177,183,0,0,0,0,0,0,0,0,0,0,0,0,0,207,212,217,222,220,217,215,207,207,220,238,243,238,233,231,234,243,254,255,255,251,246,243,243,238,230,220,153,137,127,125,129,139,145,196,202,204,204,209,215,225,235,235,235,241,241,238,238,238,243,246,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,66,46,59,150,157,168,176,178,178,170,165,160,157,150,126,103,129,139,142,152,165,181,183,191,196,176,142,137,157,178,173,131,105,116,165,189,186,191,186,176,170,165,165,178,189,189,191,186,163,152,152,155,91,0,11,37,41,39,67,97,103,144,160,168,170,170,168,159,159,165,168,165,168,178,178,168,121,119,120,165,170,168,123,121,121,121,123,163,168,176,183,189,186,183,186,181,168,121,123,123,121,163,176,186,191,191,181,117,113,115,121,165,173,178,178,176,168,123,123,168,181,181,173,123,106,106,107,106,106,117,168,176,121,115,170,178,121,110,110,117,168,178,189,196,199,199,199,202,202,202,199,196,196,202,202,196,192,194,196,202,204,207,209,209,207,202,189,178,176,183,189,189,186,191,199,194,123,121,183,168,103,117,165,176,181,183,191,191,186,186,196,189,123,81,53,43,59,105,173,202,199,196,194,199,196,191,190,191,199,202,202,199,196,191,191,191,191,189,191,196,204,209,212,91,51,0,0,33,109,194,199,202,204,196,165,99,105,178,194,207,207,207,209,209,209,207,204,204,207,209,209,209,204,204,204,204,204,202,199,196,194,194,194,191,194,196,199,191,122,119,122,170,176,176,170,163,165,63,0,13,183,196,204,202,168,119,121,168,173,168,119,117,119,91,88,119,163,119,117,115,111,113,160,173,186,183,115,49,47,55,39,14,34,107,181,204,215,212,217,202,113,32,30,103,170,183,163,79,71,49,31,55,111,107,115,152,115,155,160,157,165,168,117,108,108,115,157,157,160,163,157,111,100,101,107,113,121,173,181,191,191,183,189,202,196,165,117,119,163,123,123,163,163,123,123,121,123,163,165,163,163,165,170,168,121,119,121,165,165,168,168,165,125,117,111,110,111,113,121,123,113,117,168,178,181,178,170,168,168,176,189,191,190,191,194,194,194,189,178,127,119,115,116,165,173,176,176,173,165,123,123,165,165,121,115,117,121,123,168,173,170,168,125,109,99,170,189,196,199,196,196,199,202,199,194,189,183,173,125,123,170,191,196,194,181,173,172,183,191,191,189,186,189,186,181,170,121,113,115,121,113,105,119,123,103,101,107,113,160,115,117,163,173,189,196,199,196,194,191,189,186,178,165,113,109,103,103,95,77,79,79,77,81,103,163,176,186,194,196,196,194,192,194,199,212,225,63,0,0,11,45,176,194,199,202,202,202,202,204,202,199,199,199,202,204,204,202,199,196,178,59,25,37,75,105,119,113,117,109,93,91,109,117,119,123,125,168,183,194,199,199,194,189,189,191,186,176,168,125,123,119,119,181,191,189,125,115,113,115,115,107,103,113,176,191,196,196,189,183,181,173,127,125,129,170,170,129,128,129,129,128,128,129,170,173,176,176,176,173,173,173,172,173,173,129,129,176,178,173,173,176,178,178,176,172,170,172,173,173,176,178,178,176,176,178,186,194,194,191,183,178,176,176,176,176,178,181,183,183,183,186,183,181,181,181,181,181,181,178,176,176,176,176,176,178,183,186,183,183,181,178,178,181,183,189,194,199,199,196,194,191,186,176,125,123,123,125,173,178,176,173,176,173,131,129,127,125,123,121,121,123,131,183,186,178,131,173,173,176,176,176,178,176,178,181,189,189,181,176,176,173,130,130,131,173,173,131,129,129,131,131,173,173,130,130,131,176,178,176,174,176,178,178,176,173,176,183,191,194,196,196,196,191,186,186,189,189,186,183,189,194,194,183,173,176,186,186,178,177,186,194,194,189,189,186,181,183,183,183,181,178,179,186,186,178,176,177,181,183,183,183,183,178,173,176,181,176,173,178,181,178,176,129,129,131,131,131,173,176,183,191,196,189,176,173,176,131,125,124,124,127,131,178,183,186,189,189,181,170,169,173,173,176,178,181,179,181,183,181,181,183,183,186,186,186,181,178,183,191,199,204,202,196,186,178,176,176,178,170,127,128,176,181,183,189,194,189,183,183,183,178,178,176,170,170,127,125,173,186,189,183,178,173,129,170,176,172,172,176,176,178,181,186,191,196,199,199,199,202,204,196,181,177,179,186,186,181,183,191,196,191,181,177,178,186,189,189,186,183,181,181,186,194,196,196,196,199,204,209,212,212,199,107,89,103,178,181,183,183,189,191,183,173,170,181,194,196,183,123,122,131,181,183,186,191,191,183,89,83,86,117,181,196,194,181,129,127,129,178,183,181,176,173,176,183,186,183,181,189,191,189,189,191,194,191,183,179,179,183,189,189,189,183,178,183,189,186,131,128,130,176,178,176,178,183,186,183,178,178,183,183,178,177,178,178,186,194,186,178,176,133,176,181,186,186,186,186,186,183,186,191,183,129,126,127,133,183,189,194,194,186,181,178,178,131,130,131,178,186,189,189,189,186,186,189,183,178,186,189,189,189,191,196,196,196,194,191,186,183,191,194,189,187,191,199,199,196,191,190,191,196,204,207,209,209,209,209,209,209,212,212,212,215,215,212,209,202,199,196,199,202,202,202,199,202,202,202,196,196,196,194,189,189,194,196,199,199,196,194,192,192,192,194,194,191,189,189,191,191,191,189,183,182,182,183,186,189,189,189,186,183,181,178,176,176,178,178,181,181,183,183,186,186,186,186,186,183,178,176,173,173,168,163,157,157,157,157,117,111,107,103,103,101,101,101,101,99,97,95,97,101,103,107,111,115,157,163,168,176,186,186,176,163,123,168,176,181,183,186,189,191,191,191,189,186,191,199,202,202,202,202,199,196,191,186,183,186,189,196,199,196,191,183,178,186,196,199,199,196,194,196,199,202,199,196,196,199,204,207,207,204,202,199,199,204,204,202,202,202,202,204,204,204,207,209,207,202,196,194,191,194,199,199,191,186,186,191,196,196,194,194,196,194,191,191,189,186,186,191,194,189,178,131,131,135,181,186,189,189,189,187,186,189,196,204,212,215,215,212,207,202,199,204,209,212,209,207,207,204,204,204,204,207,207,209,209,207,199,196,196,199,207,204,202,202,202,199,196,196,199,196,192,192,196,202,202,204,204,204,204,202,202,207,209,209,204,202,199,199,202,202,199,202,202,196,191,190,191,199,204,207,204,199,194,191,189,189,186,140,140,140,186,194,202,202,199,202,202,202,196,194,194,196,202,207,207,207,204,204,204,204,204,202,202,202,199,192,191,191,192,194,194,194,196,202,212,212,207,202,202,207,209,204,194,190,191,199,202,202,202,199,202,202,202,199,199,199,199,196,194,196,196,199,199,199,196,191,183,182,183,189,196,196,194,191,191,194,191,186,186,189,189,189,189,186,183,181,133,127,125,127,125,125,131,183,194,194,194,196,196,194,191,189,183,137,135,178,186,189,189,181,135,133,129,127,127,131,133,133,133,135,135,135,133,131,133,178,186,191,189,178,134,135,183,191,196,202,202,194,185,185,191,199,196,191,189,191,196,204,207,209,207,204,199,199,202,202,202,199,202,199,196,196,199,204,204,199,191,183,182,182,183,186,181,133,129,131,133,176,176,181,186,191,191,194,194,194,189,189,186,183,181,181,183,183,181,183,189,189,186,186,189,189,191,189,187,186,187,191,194,196,196,199,199,202,202,199,196,194,194,194,191,191,191,189,191,191,191,194,196,202,204,199,191,189,186,186,186,186,183,183,183,186,194,196,194,191,189,186,183,183,181,186,194,196,194,189,183,186,194,202,207,209,212,209,207,202,200,202,207,209,207,207,207,199,196,196,199,204,204,199,192,194,199,204,204,202,204,207,207,207,207,209,209,209,207,207,209,209,212,215,217,220,222,217,215,212,207,199,191,189,183,135,133,133,135,183,196,196,194,186,183,183,186,189,186,178,129,121,121,127,178,183,183,181,183,189,194,199,199,196,194,196,199,204,202,199,202,207,209,207,199,199,199,199,196,194,191,194,204,209,212,215,217,212,207,202,199,194,189,189,189,191,194,194,196,199,199,199,199,207,209,207,199,191,183,181,183,181,181,191,202,202,204,204,199,196,199,199,194,183,136,135,137,183,183,178,133,131,133,183,194,202,204,202,199,202,204,204,199,191,191,202,209,212,212,215,222,222,220,215,215,217,217,220,222,222,220,215,212,209,209,209,215,220,222,215,209,212,212,215,217,217,215,212,209,207,202,191,183,177,177,181,189,199,204,204,204,204,204,202,202,207,215,225,228,233,0,0,0,0,0,0,0,0,0,0,0,207,207,215,225,230,230,235,238,233,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,233,225,215,212,204,194,0,183,186,186,185,191,207,217,220,209,194,189,191,194,194,191,194,199,204,194,178,0,174,181,0,0,0,0,0,0,0,0,0,0,0,0,0,204,204,209,215,215,217,217,217,220,230,243,248,243,234,233,234,243,254,255,255,254,248,246,246,243,241,235,217,147,127,119,118,123,135,145,196,199,202,207,212,222,233,233,233,235,238,238,238,241,243,243,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,194,176,35,14,116,157,163,168,176,178,173,168,165,163,155,150,131,137,139,142,150,168,183,191,196,202,202,183,122,126,152,139,116,147,199,202,196,196,199,196,186,178,165,163,178,189,186,189,186,173,155,152,147,139,21,39,91,137,144,144,139,139,150,163,170,173,178,178,170,170,176,173,163,160,170,173,168,163,121,121,123,165,163,120,119,121,123,165,170,176,178,183,186,189,189,191,191,176,163,121,123,123,165,176,183,189,191,181,121,115,114,117,168,178,186,189,186,181,170,163,165,173,170,123,113,103,104,107,107,113,181,189,183,123,114,168,176,115,108,110,123,173,181,191,199,202,202,204,207,204,199,194,191,194,202,202,199,195,194,194,195,202,207,212,215,209,207,199,189,183,183,186,186,186,194,202,196,109,107,181,115,78,107,176,191,191,191,196,194,191,189,196,165,91,45,38,40,41,103,186,207,202,199,202,204,199,191,189,189,190,196,199,199,199,199,199,199,199,196,194,199,204,207,217,55,39,0,0,43,103,170,181,191,196,105,75,83,111,170,189,204,207,204,207,207,207,204,204,204,204,207,207,209,207,204,202,204,204,202,196,194,194,191,189,191,196,199,199,191,122,118,123,181,186,189,191,186,176,25,0,1,186,191,191,173,104,105,115,168,173,117,103,102,103,83,83,170,173,163,157,115,97,104,117,170,176,165,109,93,46,51,47,41,93,178,196,207,212,212,217,217,220,170,113,150,178,181,109,57,56,43,28,61,83,82,97,103,101,113,168,168,173,176,173,165,168,181,186,183,176,165,119,105,96,95,101,111,121,176,189,196,199,196,202,202,189,118,117,163,173,168,123,119,113,113,113,108,108,115,121,123,123,163,170,168,123,121,165,168,165,165,123,117,115,112,111,113,115,113,113,110,108,111,119,125,168,170,173,176,173,176,183,191,194,196,199,194,186,178,168,125,121,121,168,183,186,183,183,181,170,121,115,115,117,119,123,168,168,123,168,176,173,121,105,91,88,168,191,199,202,204,204,207,204,202,196,191,183,176,168,127,173,186,191,189,181,173,172,181,189,186,181,178,176,176,170,165,125,125,178,189,191,196,199,191,178,123,119,113,112,109,113,157,163,176,194,202,202,196,189,178,170,157,115,113,115,113,105,87,68,68,71,75,91,117,163,165,178,189,194,199,196,196,196,199,209,194,61,0,0,27,33,160,189,196,199,202,202,202,202,202,199,199,199,202,204,204,202,196,189,49,0,0,4,41,87,107,111,113,105,97,107,123,165,168,168,123,121,173,189,191,186,178,173,176,176,170,125,125,125,123,118,118,125,127,121,112,112,112,115,119,119,119,125,173,183,191,191,181,176,176,170,125,123,124,125,127,129,170,173,170,128,128,129,129,127,129,173,176,178,176,178,176,181,186,183,178,178,176,173,131,131,173,176,176,173,172,176,181,183,183,181,178,178,181,181,189,196,196,191,186,183,181,176,178,181,183,183,183,183,183,183,181,179,178,178,178,181,183,181,178,176,176,176,176,178,181,178,181,183,183,181,178,178,186,191,196,199,202,204,202,199,194,181,173,129,125,123,129,178,176,176,178,178,173,129,125,123,120,120,120,121,127,173,176,131,127,129,173,176,176,176,176,176,178,183,191,191,183,178,176,131,130,131,131,131,173,131,128,128,128,128,129,131,129,129,131,178,181,176,174,176,178,178,131,129,131,181,191,194,194,194,194,189,186,186,189,189,183,183,191,202,202,194,178,173,178,178,176,177,186,194,196,194,191,186,178,178,183,181,181,179,183,189,189,178,176,177,181,183,183,186,186,183,176,173,176,173,173,181,183,178,173,125,124,126,127,131,173,181,189,196,204,196,181,176,131,125,122,124,129,129,129,129,173,181,183,186,181,178,181,181,132,132,178,183,186,183,173,130,173,181,183,183,189,186,178,173,176,189,199,202,199,194,186,181,178,181,181,173,127,127,173,181,181,183,189,186,186,191,194,191,189,181,176,181,181,178,181,189,191,189,183,176,129,170,173,170,170,176,178,181,183,189,196,202,202,199,199,202,207,202,189,179,181,181,176,127,170,186,196,196,186,178,178,183,189,186,183,179,178,179,186,191,194,191,191,194,202,209,209,207,199,123,93,101,123,173,186,189,189,186,178,169,166,170,183,186,173,121,121,131,183,183,183,191,196,186,74,76,84,127,186,194,191,183,173,127,127,173,183,181,176,176,176,181,181,179,183,194,196,194,194,196,199,194,183,178,178,186,196,196,194,191,189,189,186,183,131,130,135,176,174,174,178,183,186,189,186,186,189,183,178,183,183,186,194,196,189,181,181,178,176,181,186,186,181,183,186,183,189,194,186,178,133,131,133,181,189,194,191,181,133,176,176,131,130,133,183,189,191,191,189,178,176,181,131,121,129,178,181,186,194,196,191,183,137,137,133,135,186,189,189,189,196,204,204,202,196,190,189,191,199,204,204,204,207,209,209,212,215,215,215,215,215,215,209,204,199,195,195,196,199,199,199,202,204,202,195,195,196,194,187,185,189,196,199,196,194,192,194,196,196,196,196,196,191,191,191,191,189,186,183,182,182,183,183,186,186,186,183,178,178,176,176,176,178,178,181,183,186,186,189,189,189,189,183,181,176,176,173,170,168,165,163,160,157,155,115,109,105,103,103,103,105,105,105,105,103,101,103,107,111,115,117,119,160,163,168,176,186,191,189,178,168,168,170,176,183,186,189,191,196,194,189,189,194,199,202,202,202,202,196,194,189,186,183,182,183,191,196,196,189,181,178,186,196,199,199,196,196,196,202,204,202,199,196,199,202,204,204,204,204,202,202,204,204,204,202,202,204,207,204,202,204,207,204,199,191,191,194,199,202,202,196,194,191,196,199,199,196,196,196,194,191,186,183,178,135,183,191,189,135,129,129,133,178,183,186,189,189,186,186,191,202,209,212,212,209,204,202,196,196,202,209,212,209,204,204,204,204,204,204,207,207,207,209,207,202,198,198,202,207,207,204,204,202,199,199,199,202,196,192,191,194,199,202,202,202,199,194,191,191,199,204,204,202,202,199,199,202,204,204,204,204,199,194,191,191,196,204,207,207,204,202,194,189,186,141,141,141,141,189,196,202,202,202,204,207,207,202,196,194,199,204,207,204,204,204,204,207,209,209,207,204,204,199,192,191,191,192,194,194,194,196,204,212,215,207,199,199,204,207,202,191,189,190,196,202,204,202,199,199,202,202,199,199,196,196,194,192,194,199,202,202,199,196,191,186,183,183,189,196,199,194,190,190,191,191,186,185,191,194,194,194,191,183,135,131,127,125,124,125,129,137,183,189,194,194,194,194,194,194,191,186,181,181,183,186,186,183,178,135,135,127,125,127,133,133,133,135,133,131,133,178,183,183,183,186,191,189,186,181,181,189,194,194,196,196,194,191,196,204,202,194,194,194,199,202,204,207,207,207,204,202,199,202,202,202,202,202,199,196,196,199,204,209,204,199,191,186,183,186,189,183,133,129,129,131,176,176,181,186,191,191,191,194,196,196,196,196,194,189,183,183,186,186,186,189,189,186,185,186,189,191,189,187,187,187,191,194,196,196,196,196,199,199,199,196,194,196,196,196,194,191,189,189,191,194,194,196,196,196,194,191,189,189,189,189,189,186,186,183,189,196,199,194,186,183,186,189,191,191,196,199,202,194,189,183,186,194,202,207,212,212,212,209,204,200,202,207,209,207,209,209,204,198,196,199,202,204,202,196,194,196,202,202,204,204,204,202,202,204,209,212,212,207,204,204,204,204,207,212,215,217,217,215,207,199,196,194,191,186,137,135,135,135,135,181,183,183,178,176,181,189,191,191,181,127,118,117,119,173,181,183,186,186,189,194,196,196,194,194,194,199,202,199,196,199,204,204,199,190,190,194,199,196,194,191,194,204,207,209,212,215,212,209,207,204,199,191,186,181,183,189,191,194,194,194,194,196,202,209,209,204,196,183,135,134,134,134,181,191,194,202,204,199,196,199,199,194,186,181,137,181,186,189,186,135,127,123,121,125,176,189,189,189,191,196,196,194,189,189,196,204,207,209,0,0,0,222,217,217,220,222,222,222,225,222,215,212,212,212,212,217,222,222,215,212,212,215,217,217,215,212,212,209,207,204,196,189,178,176,177,189,209,209,204,203,204,207,202,200,200,212,225,235,241,241,0,0,0,0,0,0,0,0,0,0,0,0,212,217,217,215,225,233,233,222,212,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,228,217,217,215,209,196,0,183,189,191,194,202,212,217,215,204,187,186,194,204,207,202,204,209,212,202,186,178,181,186,0,0,0,0,0,0,0,0,0,0,0,0,212,204,202,204,207,207,212,217,222,225,235,246,251,248,243,238,238,246,254,255,255,254,248,248,248,248,246,241,228,204,135,119,115,115,123,137,189,194,199,204,209,217,228,230,230,235,238,241,241,243,246,246,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,196,178,69,0,87,152,160,165,170,173,170,168,168,165,160,155,152,147,142,139,147,163,181,186,191,202,202,170,118,111,134,137,144,176,191,199,199,199,199,196,189,183,173,163,191,191,186,186,183,170,155,155,152,155,165,157,165,168,157,152,147,150,157,170,178,186,194,194,191,189,186,176,155,116,119,163,163,163,160,121,123,163,123,121,120,121,123,168,178,181,178,181,186,191,194,199,196,173,118,119,173,170,168,170,173,176,178,173,121,116,117,121,170,181,189,194,194,189,178,123,121,165,123,115,109,100,101,109,123,176,191,196,186,114,114,123,165,119,111,115,125,170,178,186,194,199,204,209,209,202,186,182,185,196,204,207,207,204,199,195,196,202,207,209,209,212,209,204,194,186,183,183,186,186,196,199,199,59,48,93,78,83,165,191,196,194,196,199,196,196,199,202,79,35,41,49,65,85,113,186,204,202,198,202,207,202,194,190,187,189,194,199,199,202,204,207,209,202,196,194,191,191,194,170,61,69,33,91,113,157,168,173,119,43,27,11,103,121,176,189,199,202,202,202,202,204,202,199,199,202,202,204,207,207,204,202,202,202,199,191,187,189,189,191,196,199,199,199,191,176,118,122,191,196,199,202,199,191,115,16,0,83,173,115,113,99,102,105,107,105,102,99,99,115,115,160,173,170,160,119,117,111,119,170,173,168,115,93,81,21,33,75,152,183,204,204,202,204,204,209,215,209,191,165,163,178,173,150,87,87,81,75,155,111,91,91,90,93,160,173,173,176,183,191,189,189,194,196,194,183,168,119,111,96,93,103,111,117,163,176,191,202,204,202,191,117,117,119,170,183,178,165,119,108,109,107,102,103,108,117,121,121,165,170,170,170,173,168,125,123,123,112,110,111,115,168,165,123,121,117,111,111,115,121,119,118,127,176,181,181,176,181,194,199,202,202,196,186,173,121,121,121,127,178,191,194,191,194,194,183,165,114,111,113,121,168,173,127,122,127,183,183,119,93,89,111,173,189,199,202,207,212,209,207,199,189,181,176,173,170,170,176,178,176,176,176,173,173,181,183,183,181,170,165,165,125,165,173,186,196,202,202,207,209,209,209,196,176,163,111,108,121,160,119,157,186,199,196,194,181,163,117,109,105,111,117,109,91,77,66,69,79,93,117,178,173,160,168,181,191,196,199,199,199,202,186,173,0,0,0,0,0,75,115,183,194,199,202,202,202,204,199,196,194,199,207,204,199,186,75,31,2,1,20,111,173,119,163,163,109,105,115,165,173,183,183,173,119,120,173,125,99,113,111,125,127,124,123,127,170,125,119,119,123,123,119,114,114,117,123,125,125,125,127,170,178,186,183,176,170,170,170,127,124,124,125,125,170,176,176,173,129,129,170,127,123,122,126,178,186,186,189,194,199,202,196,189,181,178,176,131,129,130,173,173,172,173,178,183,186,189,186,181,181,181,181,186,189,191,189,189,189,186,178,181,186,189,186,186,186,186,183,179,181,181,179,179,183,186,183,181,183,183,181,181,181,178,176,177,178,181,181,177,178,189,196,196,199,199,202,204,207,202,191,181,173,127,125,129,178,183,181,181,181,176,131,127,125,123,121,123,123,123,127,173,173,129,129,131,173,173,131,127,127,129,173,181,189,186,181,176,173,173,173,131,173,181,181,173,128,128,128,129,173,131,130,173,181,178,176,176,178,183,178,130,129,131,181,189,191,191,189,186,183,183,183,186,186,178,183,202,207,207,202,176,125,176,181,183,183,186,189,189,189,186,181,176,176,181,178,181,186,186,189,189,183,181,183,183,181,179,183,186,186,178,173,176,173,173,181,181,176,173,127,126,126,127,131,173,183,191,199,202,194,173,127,127,123,119,127,178,181,131,128,131,178,181,183,181,181,186,178,131,132,186,191,189,178,129,128,173,181,183,186,189,186,178,173,131,173,176,178,178,183,186,186,186,189,194,183,128,127,173,181,181,181,186,186,189,189,191,191,186,183,189,194,191,186,186,191,194,189,176,128,128,129,173,172,172,178,183,183,183,189,199,202,196,194,196,204,207,202,194,189,186,176,125,107,119,181,194,196,191,178,173,183,186,186,189,186,181,181,186,194,194,191,189,191,196,202,204,191,170,117,111,113,123,170,181,183,183,181,176,173,170,173,173,173,123,121,123,173,183,186,183,186,183,131,93,95,103,127,183,189,178,176,176,129,128,129,178,176,173,181,183,181,179,179,191,202,204,199,194,196,199,196,186,178,181,189,199,202,199,199,196,191,183,135,131,131,135,178,178,176,178,181,181,183,189,189,183,177,181,186,189,191,196,194,189,181,181,181,181,183,186,183,181,183,181,176,181,189,191,183,181,176,133,176,183,189,186,176,131,131,133,133,131,133,181,189,194,194,181,113,105,125,115,84,110,127,178,186,194,196,186,129,118,116,117,125,139,191,194,194,196,204,207,207,204,194,189,190,196,202,199,194,196,204,207,207,209,209,212,212,212,212,209,207,204,196,196,196,196,196,199,202,204,202,195,195,199,199,189,187,189,199,202,202,199,196,196,199,199,196,196,194,194,194,191,191,189,186,183,182,182,183,183,183,183,181,176,133,173,176,176,176,178,181,181,183,186,189,191,191,191,189,181,176,173,173,173,168,165,165,163,160,157,117,111,107,105,105,107,109,109,109,111,109,107,105,107,111,115,155,157,160,160,163,165,173,181,189,194,191,186,178,176,176,181,183,186,191,194,191,189,191,194,196,199,199,199,199,194,189,189,189,183,179,181,189,194,191,183,135,181,189,196,196,194,194,196,196,199,202,204,202,202,202,204,207,207,204,204,204,204,202,202,199,196,199,207,207,202,199,199,202,202,194,189,190,196,202,204,202,199,196,196,199,202,199,196,196,196,194,189,183,181,133,127,133,189,189,133,129,130,133,178,183,186,191,191,186,186,194,207,212,209,207,202,199,196,195,196,204,207,209,204,202,204,204,203,203,204,209,207,207,207,209,207,204,202,202,204,207,207,204,204,199,199,202,204,199,194,194,196,202,204,202,199,194,189,186,187,194,202,204,204,199,199,199,202,202,202,204,204,204,202,196,194,196,204,207,207,207,204,196,189,141,186,189,189,191,194,199,202,202,202,204,207,209,207,202,196,202,207,207,203,203,204,207,209,209,207,209,209,207,199,194,196,199,204,204,199,196,199,207,209,207,202,194,194,196,196,194,191,190,191,196,202,204,204,202,202,202,199,199,199,199,196,196,194,194,196,199,202,202,202,196,191,186,182,186,196,202,196,190,190,194,194,191,189,194,199,202,202,199,189,137,133,131,125,123,124,131,137,186,191,194,196,196,191,191,191,191,189,183,183,183,183,186,183,181,181,178,133,126,126,133,178,135,131,127,125,126,135,183,189,186,186,186,194,196,191,186,189,189,191,194,194,194,204,212,209,202,196,196,199,202,204,204,204,207,207,207,202,199,199,199,199,199,202,199,196,194,196,202,204,202,199,194,191,189,191,194,189,178,129,127,129,129,133,176,181,186,189,189,191,196,196,199,199,194,189,189,189,189,189,189,189,189,186,185,186,189,191,191,191,191,191,191,194,194,196,196,195,195,195,196,199,199,202,204,202,194,187,186,187,191,194,194,194,194,191,191,191,191,191,191,191,189,189,189,186,191,196,199,194,183,178,181,194,199,199,196,199,199,194,186,183,189,194,202,207,212,212,212,209,204,202,202,207,207,204,209,212,212,207,202,199,199,202,202,202,194,191,194,196,199,204,199,194,194,199,207,212,209,207,204,202,202,202,202,207,212,217,212,207,202,196,196,196,194,189,181,135,133,133,133,133,133,129,127,133,181,186,191,191,189,176,119,116,117,123,178,186,186,186,186,189,191,194,196,196,196,196,202,196,192,194,199,202,196,190,190,194,196,194,191,191,196,204,209,209,209,209,209,209,209,204,199,194,183,135,133,137,189,194,191,189,189,194,199,202,199,196,191,183,134,131,131,134,137,183,194,202,204,199,196,199,199,191,186,186,186,186,191,196,191,178,125,123,123,121,118,116,121,173,181,186,189,191,189,189,194,199,204,0,0,0,0,222,222,225,225,225,225,225,225,222,212,209,215,217,222,222,222,217,212,212,212,215,217,215,212,209,209,207,204,204,199,194,183,174,176,196,217,215,204,203,207,209,207,200,200,209,228,241,246,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,204,212,225,230,220,211,215,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,228,222,222,0,0,196,183,0,0,0,0,0,220,217,209,196,185,183,199,228,225,0,0,0,225,220,207,196,0,0,0,0,0,0,0,0,0,0,0,0,0,225,215,202,199,204,204,202,209,215,217,217,230,243,246,248,248,246,246,251,255,255,255,254,251,251,248,251,248,243,233,215,149,127,115,115,119,133,141,189,196,202,207,212,217,225,233,238,243,241,241,246,248,248,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,0,0,0,108,105,0,0,22,139,147,152,160,165,163,163,168,165,160,155,155,150,144,139,142,155,173,178,178,183,186,176,160,130,147,147,160,181,189,194,196,196,202,202,191,183,173,165,186,186,181,181,181,168,155,160,165,173,183,181,181,178,165,157,152,155,168,181,189,196,202,207,207,204,199,183,163,116,117,121,121,160,123,121,121,123,123,121,121,121,123,168,178,181,178,181,189,194,196,196,191,165,116,119,178,173,165,163,165,168,173,168,121,119,121,165,173,181,189,191,191,183,173,121,118,121,123,119,115,103,104,115,168,183,194,194,178,113,113,121,165,165,123,123,127,127,170,181,191,196,204,209,209,196,183,181,186,202,209,215,215,212,207,204,204,209,212,209,209,209,207,199,191,186,182,182,186,194,199,199,196,55,46,79,78,119,186,196,199,199,199,199,194,196,199,202,67,39,71,173,191,119,170,194,204,202,198,202,207,204,199,194,191,194,196,199,199,204,207,212,209,202,191,181,123,115,103,79,69,115,113,173,176,173,170,165,67,0,0,0,117,170,183,189,191,194,199,199,202,202,202,199,196,199,199,202,202,202,202,204,204,202,196,189,186,187,191,194,199,199,199,196,191,173,112,114,194,204,204,204,204,209,207,117,57,97,113,107,109,117,109,101,96,96,101,105,117,178,186,186,178,165,119,119,119,113,163,178,176,113,83,77,75,28,45,170,189,194,199,196,199,199,202,204,202,194,178,163,157,168,163,157,163,168,99,87,178,194,105,95,95,107,168,176,173,176,181,191,194,194,194,194,191,183,160,117,115,109,109,117,113,111,117,168,183,194,202,199,186,160,119,123,168,178,176,168,163,119,121,115,109,113,119,121,121,123,165,168,168,173,173,165,116,119,125,117,112,113,123,178,176,168,168,125,117,113,119,123,121,119,125,173,178,176,173,176,191,202,204,202,191,183,173,123,121,123,168,181,189,191,196,199,199,191,178,125,115,117,123,170,176,168,123,170,189,183,101,89,88,127,183,194,199,204,209,215,215,207,191,176,168,168,170,173,170,168,168,166,168,176,176,176,181,181,181,178,168,123,123,123,125,176,191,199,202,202,204,209,209,209,204,189,176,121,121,168,115,91,117,173,186,191,186,155,155,111,103,105,157,163,103,75,69,68,93,115,117,119,165,168,160,160,170,183,191,194,194,194,189,87,0,0,0,0,0,0,33,89,115,178,194,202,204,202,202,196,194,191,199,204,199,186,97,71,77,105,113,115,173,191,186,183,186,170,111,115,165,178,186,186,168,118,119,121,92,82,95,111,123,165,127,170,183,183,173,127,168,170,125,117,114,117,125,127,127,127,127,127,170,176,178,181,181,178,178,176,168,125,125,125,125,129,176,176,170,129,170,173,170,124,123,127,183,194,199,202,204,207,207,204,194,183,178,176,173,129,130,173,173,172,173,178,181,183,186,183,181,178,181,178,181,181,181,183,186,191,189,181,181,186,189,189,189,191,191,186,181,183,186,181,181,183,183,183,183,186,186,189,189,189,183,177,177,177,178,181,177,178,189,199,199,196,196,199,204,209,207,196,186,176,127,125,129,178,183,183,181,181,176,173,173,131,127,127,127,127,127,173,183,183,176,129,129,129,129,126,124,124,125,127,173,181,183,181,178,176,178,176,173,178,186,189,181,131,129,131,176,178,173,130,131,176,176,178,181,183,186,181,173,131,173,181,186,189,189,189,186,186,183,178,178,181,178,186,204,209,207,202,102,97,125,196,196,186,181,183,181,176,173,176,181,178,131,131,178,186,189,191,191,189,186,186,186,181,179,179,183,181,176,176,178,176,173,178,178,131,131,131,129,127,127,127,129,178,191,196,199,186,125,123,125,124,122,176,191,191,183,178,181,183,183,178,176,133,133,133,178,189,194,191,183,176,131,131,176,181,186,194,196,196,189,181,131,119,109,109,117,176,189,194,194,199,199,191,176,129,173,176,176,181,186,183,186,186,186,186,183,181,186,194,191,186,186,194,196,189,170,127,128,173,178,178,181,181,183,181,183,189,194,194,189,189,199,209,209,199,191,183,178,129,117,109,121,183,194,194,186,173,129,178,183,186,189,189,186,186,191,196,196,191,189,189,191,191,183,75,87,105,119,125,170,176,181,181,181,181,181,181,178,176,131,125,121,121,129,178,183,186,183,181,173,123,109,109,111,123,176,178,128,129,173,173,129,129,131,129,130,181,186,186,183,183,191,204,204,199,191,191,194,194,189,183,189,196,202,202,202,202,202,194,186,178,133,133,135,178,178,178,181,181,179,181,186,189,181,176,178,183,186,189,191,189,186,181,181,181,181,186,186,183,178,178,133,130,133,186,189,189,186,181,176,176,181,183,181,131,129,131,133,176,133,131,176,183,191,186,123,97,93,113,113,95,109,129,181,191,199,199,186,125,116,113,115,125,186,194,196,194,196,199,204,207,207,202,194,191,196,199,191,182,183,194,199,202,202,204,207,207,207,204,204,207,207,202,199,199,196,196,196,202,204,202,196,195,199,199,194,191,194,199,204,204,204,202,202,199,199,194,194,194,194,194,191,189,186,183,183,183,183,183,183,186,183,178,129,127,129,173,176,178,181,183,183,186,189,189,191,189,189,186,181,176,173,173,170,168,168,168,165,160,155,155,115,111,109,109,109,111,111,113,115,113,111,109,109,113,115,119,160,160,160,160,163,168,178,186,194,194,191,191,183,178,178,181,183,186,186,183,186,191,194,196,196,196,196,194,189,189,191,194,189,183,183,189,189,181,133,133,181,189,191,189,189,194,196,199,199,199,202,202,202,202,207,209,207,207,209,207,204,202,199,194,191,194,202,202,199,194,196,199,199,191,190,190,194,199,199,199,199,199,199,199,199,196,196,194,194,191,186,183,181,133,127,127,133,135,131,131,133,135,181,183,189,191,194,189,187,196,209,209,207,204,199,196,196,196,202,204,207,204,202,202,202,204,204,203,204,207,209,207,209,209,209,207,204,202,204,207,204,204,202,199,202,204,204,202,196,196,199,202,204,204,199,194,189,187,189,196,204,207,207,202,202,202,199,199,202,202,204,204,204,199,196,196,202,207,207,207,207,202,191,186,189,194,194,196,199,202,202,202,202,204,207,207,207,204,202,204,207,207,203,203,204,209,209,207,204,207,207,204,199,196,199,207,209,207,202,199,199,202,202,196,191,186,183,183,183,186,191,194,196,199,202,204,204,204,204,202,199,199,202,199,199,196,194,194,196,199,202,204,204,202,199,189,183,186,194,202,196,191,191,196,196,196,194,199,204,209,209,207,196,189,181,135,125,123,125,133,181,186,194,199,199,196,189,186,189,189,186,183,178,135,178,186,189,189,186,183,135,126,126,181,191,186,178,127,125,125,127,178,183,186,186,189,196,199,194,186,186,186,186,191,194,202,209,212,204,199,199,199,202,204,204,202,202,204,207,207,204,199,196,194,191,196,196,196,194,194,194,196,199,196,194,196,191,186,189,191,189,181,133,127,125,125,125,127,133,178,183,189,194,199,199,196,196,191,189,189,191,191,191,191,189,189,186,189,189,191,194,194,194,194,194,191,191,194,196,196,196,195,196,196,199,202,204,204,202,194,189,187,187,191,191,191,191,191,191,191,191,191,194,191,191,191,191,191,189,189,194,196,191,181,178,179,191,199,196,194,194,194,191,189,189,191,196,204,209,209,209,207,207,204,202,204,207,204,204,209,212,212,207,199,196,196,199,199,199,191,186,189,189,191,196,194,194,194,199,207,209,207,204,202,202,202,199,199,202,207,209,207,202,199,199,202,202,199,191,181,133,131,131,131,129,125,125,125,129,178,183,186,189,189,183,127,119,118,121,129,178,183,183,183,186,186,191,194,196,196,196,199,196,194,194,196,196,196,191,191,194,196,194,191,191,199,207,215,212,209,207,207,207,204,199,194,186,137,132,131,133,186,196,194,189,189,191,194,194,189,183,181,137,137,135,135,181,183,186,194,204,207,202,199,202,202,194,186,189,189,189,194,199,196,183,131,129,131,127,119,116,117,125,170,176,183,189,186,186,191,199,204,0,0,0,0,0,222,225,225,225,222,222,222,217,212,209,215,220,225,225,222,217,212,211,212,215,215,215,212,209,209,207,204,204,202,196,186,176,177,199,222,220,207,203,207,212,207,202,204,212,228,241,248,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,204,209,222,230,228,217,222,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,235,228,0,0,0,0,0,0,0,0,0,0,0,230,217,209,199,186,185,196,222,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,225,215,199,194,199,202,204,207,212,207,204,217,230,238,243,246,246,246,251,255,255,255,251,251,248,248,251,248,243,235,222,207,141,123,118,119,127,135,141,194,199,204,207,215,225,233,241,246,243,241,246,248,248,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,0,59,116,139,155,160,152,155,170,168,157,152,150,147,144,142,142,147,160,168,170,173,176,173,170,160,157,155,165,181,186,191,194,199,204,207,204,176,91,91,99,95,155,176,178,157,151,163,176,189,196,194,189,181,165,155,152,157,173,189,194,199,204,209,209,207,199,189,170,118,118,121,123,163,163,123,123,123,123,123,123,123,123,163,173,181,183,186,191,196,196,194,183,163,117,119,170,170,163,123,163,168,173,170,123,123,123,163,168,173,178,178,178,176,170,121,117,119,123,163,123,113,111,119,168,178,189,186,168,113,112,117,125,168,165,123,123,125,170,181,189,196,204,207,207,196,186,185,191,204,215,215,215,212,209,209,212,212,212,209,209,209,202,194,186,183,183,183,189,196,199,202,202,68,59,105,111,183,194,202,202,199,199,196,194,194,194,191,65,41,107,186,183,170,181,196,199,199,199,202,204,202,202,202,199,196,196,196,196,199,204,207,204,199,189,170,101,103,103,87,103,189,189,189,189,183,173,160,69,0,0,0,101,181,189,191,189,191,196,199,199,202,199,196,196,196,199,199,196,199,199,202,202,199,194,189,187,191,194,199,199,202,199,196,191,176,111,112,194,209,207,204,204,212,222,220,170,121,119,111,107,111,105,100,100,107,173,183,186,191,196,196,183,173,170,176,170,109,117,173,163,65,63,74,85,89,93,168,189,191,189,189,194,194,199,196,183,165,152,112,110,150,155,157,157,155,101,97,183,189,113,105,109,160,176,181,178,173,176,183,189,189,189,189,189,178,157,119,160,173,178,165,109,95,105,121,173,181,189,189,181,165,165,163,163,163,165,165,170,173,173,165,123,170,173,168,125,123,122,125,168,173,178,170,114,116,168,173,165,123,165,178,176,170,170,165,117,112,117,125,168,168,170,173,176,176,170,170,183,194,191,186,176,173,170,125,121,123,170,181,186,191,196,202,199,196,189,181,168,121,123,168,173,168,127,178,191,181,97,90,93,189,196,199,199,202,209,212,212,204,189,168,165,166,170,173,168,166,166,165,168,176,176,176,178,181,181,176,125,119,121,125,165,173,186,196,199,199,199,199,199,202,204,194,181,170,173,170,93,51,91,160,176,176,55,43,109,117,95,95,163,157,75,65,69,81,160,178,170,160,160,160,156,156,163,173,178,178,173,109,59,0,0,0,0,0,0,63,109,21,49,115,191,204,204,199,196,194,191,191,199,196,191,178,79,81,117,202,191,168,173,189,191,191,194,178,113,111,121,173,181,176,123,119,125,165,92,84,101,123,168,170,176,186,194,189,178,170,178,183,170,117,114,123,170,168,127,126,127,168,170,173,176,183,191,194,191,186,173,127,127,125,127,129,173,173,129,170,176,178,178,170,129,176,189,202,207,209,209,209,209,207,196,181,176,178,178,173,131,178,178,173,172,173,176,176,178,178,176,174,174,176,178,176,176,176,183,189,189,183,183,186,189,189,191,196,196,189,183,183,186,183,181,181,181,183,186,186,189,191,191,194,189,183,181,178,178,178,178,178,189,202,202,196,196,199,204,209,204,191,178,173,127,127,129,176,181,183,181,181,178,178,181,178,173,131,131,131,173,183,191,189,178,131,129,129,129,127,125,125,126,129,173,181,186,183,181,181,178,176,173,178,189,191,183,176,131,131,178,178,173,131,131,131,173,181,186,189,186,178,176,176,176,178,181,183,186,186,186,183,183,178,176,176,181,191,204,207,207,196,91,87,125,209,204,186,179,183,183,131,126,176,189,181,123,125,173,183,191,194,196,191,189,186,186,181,179,181,183,181,178,178,178,178,178,181,178,173,131,131,129,129,126,125,125,131,186,194,194,178,124,122,127,127,127,178,189,194,191,191,194,191,181,176,131,128,126,129,191,202,196,186,176,133,133,178,181,183,189,196,202,204,202,196,181,117,97,89,92,131,194,199,202,204,204,196,186,178,173,173,176,183,186,181,181,181,181,183,181,176,178,183,183,183,189,199,199,189,170,128,170,178,183,186,189,181,176,176,181,186,189,183,182,189,202,212,209,199,183,173,129,125,117,109,117,176,186,183,173,127,127,176,181,183,183,189,191,191,191,194,194,189,186,189,189,176,103,57,77,99,123,173,178,181,181,178,178,181,183,186,181,176,131,123,118,120,173,183,186,189,186,178,131,125,121,119,117,121,131,131,127,128,173,178,178,131,131,130,130,178,186,189,189,189,194,204,204,196,189,186,186,186,186,191,196,199,202,202,202,202,202,196,191,183,181,178,178,178,178,181,186,186,183,181,186,189,181,177,178,181,181,183,183,181,181,181,178,178,181,186,183,181,178,176,131,129,131,181,186,189,186,181,178,181,181,181,178,129,125,127,131,176,176,131,127,131,133,109,84,82,89,121,127,117,125,183,191,199,204,207,199,183,127,119,125,135,189,191,189,189,194,199,199,202,202,202,199,199,202,199,186,178,179,189,196,196,199,202,202,202,199,199,199,202,204,204,202,202,199,196,196,199,204,202,196,196,199,199,196,196,199,202,204,207,207,207,204,199,194,191,191,194,194,194,191,189,186,183,183,183,183,186,186,183,181,133,127,125,127,173,178,181,183,186,186,189,189,189,186,183,181,181,178,178,176,173,170,170,170,170,163,157,155,155,155,117,111,107,107,107,109,113,117,117,113,113,111,113,115,119,157,160,160,159,160,165,176,183,189,191,189,191,189,183,178,178,181,181,178,176,183,191,196,194,191,191,194,194,191,189,191,194,194,191,189,189,183,135,131,131,137,186,189,187,189,196,202,202,199,199,202,199,196,199,207,209,209,209,212,212,207,199,194,189,187,190,194,196,196,194,194,194,194,191,191,191,194,194,194,196,199,202,199,199,196,194,191,189,189,186,186,186,189,183,133,126,125,126,127,135,135,135,181,186,189,194,196,191,191,199,207,207,207,204,199,194,194,196,199,202,202,202,204,202,202,202,204,204,204,204,207,209,209,209,207,204,202,202,204,207,204,202,199,202,204,204,204,202,199,199,199,202,204,204,202,199,194,194,196,204,209,209,207,204,202,199,199,199,199,202,202,204,204,202,199,199,204,207,209,209,209,207,199,196,196,196,199,202,204,207,207,204,204,204,207,204,207,204,204,209,212,209,207,204,207,209,207,204,202,202,202,199,199,199,202,204,204,202,196,196,199,202,202,196,189,183,181,179,181,183,194,202,202,199,199,199,202,202,202,199,196,199,202,202,199,196,194,194,196,199,202,204,204,207,202,194,189,189,196,199,194,189,191,196,202,202,199,204,209,212,215,212,207,199,191,181,131,127,129,181,189,194,196,202,202,196,189,183,183,183,183,183,135,133,135,189,196,194,186,183,133,126,127,191,204,199,183,129,126,126,126,131,181,189,189,194,199,199,191,186,185,185,185,186,194,204,207,199,192,192,196,202,204,204,202,199,199,199,202,204,204,199,191,186,186,191,191,191,194,194,194,196,196,194,192,194,189,183,183,186,186,181,133,125,123,123,124,127,127,127,131,181,194,199,202,196,194,191,191,191,191,191,191,191,191,191,191,194,196,196,196,196,196,194,191,190,190,191,196,199,199,199,199,199,199,202,202,199,196,196,196,194,194,194,191,189,189,191,191,189,189,191,191,191,191,194,191,189,183,183,186,189,189,183,181,183,194,196,194,191,191,191,189,191,194,196,202,207,209,207,204,203,204,204,204,204,204,204,204,207,209,209,204,199,199,196,194,194,194,186,139,139,139,141,189,191,196,199,204,207,207,207,204,202,202,199,199,198,199,204,204,202,202,202,204,204,204,202,199,191,181,133,131,131,129,125,123,124,129,176,176,176,181,186,186,173,125,121,121,127,173,181,183,183,183,186,191,194,196,196,196,196,196,196,194,194,194,194,194,191,194,196,194,191,191,196,207,217,217,212,207,207,204,199,194,183,135,133,132,130,131,139,196,194,189,187,189,191,189,183,133,126,131,183,189,191,194,194,194,199,204,209,207,207,209,207,202,191,191,191,189,191,196,196,186,176,176,178,176,127,119,119,123,165,170,178,186,183,183,189,199,204,0,0,0,0,0,222,225,225,222,222,217,217,215,209,209,212,217,225,228,228,222,215,211,211,212,215,215,215,209,209,207,207,207,204,199,189,178,178,199,217,217,209,204,204,209,207,207,209,215,225,238,248,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,204,212,225,235,235,230,233,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,235,0,0,0,0,0,0,0,0,0,0,0,0,235,220,215,209,196,186,191,207,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,215,199,192,194,199,199,202,202,196,194,202,215,222,233,235,238,243,248,255,254,248,246,248,248,248,248,248,243,235,228,215,153,137,125,123,125,133,141,194,199,202,207,212,225,235,243,246,243,241,243,248,248,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,111,131,144,152,152,152,165,165,157,150,147,144,144,147,150,150,155,157,163,168,165,157,160,165,163,160,163,170,176,183,191,194,199,202,209,86,24,32,53,68,97,168,178,155,146,165,183,196,204,202,194,183,165,152,151,157,178,191,194,194,199,204,204,196,191,186,170,121,119,160,163,165,165,163,123,123,123,163,163,163,121,123,170,181,186,191,196,199,196,191,183,168,119,119,123,163,123,165,168,170,176,176,170,170,165,123,123,168,173,173,172,173,170,163,118,118,121,165,168,163,119,119,123,168,178,176,163,115,113,115,121,165,168,125,123,168,176,183,191,196,202,204,204,202,196,194,199,207,212,215,209,207,207,209,209,207,204,207,207,207,196,189,183,186,189,189,191,196,196,199,202,93,81,170,181,189,196,202,202,199,194,189,189,189,181,113,33,13,97,173,123,123,176,191,196,196,199,204,202,202,202,204,202,199,195,195,195,196,199,199,199,196,191,111,27,91,176,176,186,194,194,191,191,191,183,176,117,0,0,0,63,189,194,194,191,194,202,204,199,199,196,194,196,196,199,196,196,194,194,194,194,196,194,191,191,194,196,199,202,199,199,196,194,189,123,122,191,207,207,204,204,209,215,212,191,176,165,115,101,74,85,99,113,178,191,191,191,196,202,196,186,183,196,199,183,109,109,117,101,57,60,89,105,155,91,97,152,165,170,173,183,183,186,178,113,108,110,110,108,112,155,157,111,105,101,105,165,170,157,117,155,168,183,189,191,178,178,178,173,173,176,176,176,165,157,165,181,194,196,165,95,79,95,115,163,168,170,173,168,165,168,165,121,120,121,163,173,181,181,168,165,173,181,178,173,165,121,123,173,183,194,191,117,115,168,183,183,168,123,165,168,165,125,119,111,110,117,173,186,186,183,181,181,181,173,168,170,176,115,115,121,125,125,123,123,125,168,178,186,194,199,202,199,196,194,189,173,121,120,125,170,168,168,181,196,189,107,99,117,191,199,199,194,196,204,209,209,204,189,173,166,168,170,170,166,168,168,168,168,168,168,170,176,183,178,125,115,115,121,165,165,173,183,191,194,194,194,194,192,194,199,194,183,178,178,165,91,27,8,37,155,41,0,17,103,95,35,35,47,47,49,65,83,117,181,189,186,178,173,160,153,155,160,170,173,170,119,73,9,5,0,0,0,0,0,107,115,0,20,101,196,204,202,199,196,191,189,191,194,183,181,176,91,117,189,207,199,183,178,183,183,183,183,170,113,109,115,160,168,168,163,163,173,178,125,115,168,173,173,173,178,186,189,181,173,170,183,191,183,127,123,170,178,173,168,127,127,168,170,170,170,181,194,199,196,189,176,129,129,129,129,173,176,173,170,173,181,186,186,183,181,183,191,204,212,212,212,209,209,204,194,178,131,176,183,178,176,181,183,176,172,172,173,176,178,181,178,174,173,176,176,176,176,176,181,186,189,186,183,186,189,191,194,202,202,191,182,183,189,186,183,179,179,183,189,189,189,189,189,191,191,189,186,183,181,181,178,178,189,202,204,202,202,202,204,204,196,178,131,129,127,127,131,176,181,183,186,186,183,186,186,183,178,178,178,178,181,186,191,186,178,173,173,173,173,173,131,129,131,173,181,189,189,183,181,181,178,173,131,173,181,186,181,173,130,130,176,176,131,173,173,173,178,183,191,191,181,176,178,178,176,176,181,186,186,183,181,181,181,178,174,176,183,191,199,202,202,189,101,101,186,204,196,183,181,186,183,131,127,173,183,173,119,121,129,181,191,199,199,196,189,183,181,181,181,183,186,186,183,181,178,181,181,183,183,178,176,173,131,131,129,126,125,129,181,189,189,178,127,127,131,173,131,173,181,189,194,199,202,194,181,173,131,127,125,129,189,196,191,181,133,132,133,178,183,186,191,196,199,204,204,202,189,121,93,85,88,129,194,199,202,204,204,199,194,181,129,131,181,189,186,178,177,177,178,183,181,176,173,176,176,178,189,199,202,189,173,170,178,186,189,191,191,178,123,125,173,183,186,182,181,186,202,212,209,199,181,170,129,127,119,108,108,119,173,176,129,126,127,176,183,183,183,189,194,191,183,183,181,176,181,191,191,173,105,85,93,113,125,176,183,183,178,173,170,176,183,183,178,176,173,123,115,116,173,183,186,189,189,181,173,129,129,129,121,119,129,176,173,131,176,181,178,173,176,176,176,181,186,189,191,189,194,199,199,196,191,186,183,181,181,191,199,202,202,202,202,202,202,199,194,189,186,186,183,181,181,186,191,191,189,186,186,189,183,178,178,178,181,178,176,131,176,181,178,178,181,181,178,178,178,176,133,130,131,178,183,186,186,183,183,186,183,181,176,127,121,119,123,131,176,131,123,123,123,87,69,70,101,178,189,183,186,191,199,204,207,209,209,204,194,183,183,186,186,183,183,186,196,202,198,198,198,202,202,202,204,199,189,182,182,191,196,199,202,202,199,196,195,195,195,196,199,202,202,199,196,194,194,196,202,202,199,196,196,196,196,196,202,202,202,202,204,207,204,199,191,190,191,194,194,194,194,189,186,183,183,186,186,186,186,183,178,131,127,127,131,176,181,183,189,186,186,189,189,186,181,176,176,178,181,178,176,173,173,173,173,170,163,157,155,155,155,155,113,105,102,102,104,111,117,155,117,113,111,111,113,117,121,160,160,160,160,168,173,181,186,186,183,183,186,183,178,173,173,176,176,178,183,191,196,194,189,186,191,196,196,194,191,191,191,189,189,189,183,133,129,130,135,186,189,189,194,202,207,207,202,202,202,196,194,196,204,209,212,212,215,215,209,199,191,189,187,190,191,196,196,194,191,189,186,186,189,189,191,191,191,196,202,204,199,196,194,189,186,186,183,183,186,191,194,189,181,129,125,124,127,178,178,135,137,183,189,194,196,196,196,202,204,204,204,202,196,192,192,194,194,194,196,199,204,202,199,202,204,207,202,202,207,207,207,207,204,202,200,202,202,204,207,204,202,199,202,202,202,202,199,199,202,204,204,204,204,204,202,202,204,209,212,212,209,204,199,196,196,199,199,199,202,202,204,204,202,204,209,209,212,215,215,215,209,202,199,199,199,202,204,207,207,207,204,204,202,202,204,207,209,212,212,212,207,204,204,207,204,202,200,200,202,199,199,199,199,199,196,195,195,196,202,209,209,207,196,189,182,182,182,189,196,204,204,199,194,191,191,194,196,196,196,199,202,202,196,194,194,196,199,202,202,204,204,207,204,196,194,194,196,194,189,187,189,196,204,207,207,207,209,212,215,215,209,204,199,189,137,135,137,189,194,199,202,204,204,199,194,189,186,183,181,181,135,134,183,196,199,189,135,131,131,127,133,199,209,199,183,129,133,135,129,133,186,191,194,199,199,196,191,189,186,185,185,185,191,202,202,194,190,192,196,202,202,202,199,194,194,196,199,199,202,196,186,181,183,189,189,191,194,196,196,199,199,196,194,194,186,182,183,185,186,183,178,125,123,123,125,129,129,125,124,133,191,202,202,199,199,196,196,196,194,189,183,186,191,196,199,199,199,199,196,196,194,194,191,190,190,194,196,199,202,202,199,199,199,199,199,196,196,199,202,202,199,196,191,186,186,189,191,189,189,189,191,191,191,194,191,186,182,181,181,183,186,189,189,194,199,199,196,191,191,191,191,196,199,202,204,209,207,204,203,202,204,207,207,204,202,202,202,202,207,207,204,202,202,199,194,191,186,137,136,136,139,141,189,191,194,199,207,209,209,207,204,202,199,199,199,199,199,202,202,202,202,204,204,204,204,204,202,202,191,135,129,129,131,129,125,125,129,173,173,172,176,181,183,173,127,123,123,123,129,178,186,186,186,189,194,196,196,196,196,196,196,196,194,194,194,194,194,191,191,194,191,189,189,191,199,220,220,212,207,207,204,202,191,135,131,133,135,133,130,135,189,189,187,187,189,189,186,135,126,121,127,186,196,202,202,204,202,202,207,209,209,209,212,212,204,199,196,194,189,189,191,191,183,178,178,181,178,170,165,125,165,165,0,168,181,183,181,186,196,204,0,0,0,0,0,217,222,222,222,222,222,222,215,212,209,212,217,228,230,230,225,217,212,211,211,215,215,215,209,209,209,212,212,209,204,194,178,178,194,209,212,207,202,204,207,209,209,215,215,222,233,243,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,238,238,235,235,241,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,233,228,0,0,0,0,0,0,0,0,0,0,0,228,217,220,222,207,189,189,196,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,217,202,194,194,194,191,191,194,191,190,196,207,212,220,225,228,238,246,251,251,246,243,246,248,248,248,246,243,238,230,217,202,143,133,127,131,137,189,196,202,204,207,212,225,238,246,246,241,238,241,243,243,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,116,126,137,147,150,150,152,157,155,152,147,144,144,155,163,163,160,155,152,152,146,144,150,168,173,170,165,163,163,168,178,191,194,191,189,75,28,44,63,82,97,155,178,170,157,181,194,202,204,204,199,189,173,152,116,160,181,194,191,186,189,191,191,189,186,183,173,121,117,121,123,163,163,123,123,121,123,163,165,163,121,121,165,178,189,194,199,202,199,191,178,168,121,119,119,119,123,165,165,163,173,183,189,186,170,122,123,170,178,181,176,173,170,165,121,118,121,165,170,173,163,119,118,119,165,168,123,119,117,117,123,170,178,178,176,178,181,183,189,194,199,199,202,204,204,204,204,207,212,212,207,202,202,202,199,194,194,199,202,202,191,183,183,189,191,191,194,196,194,191,186,91,87,165,183,189,191,196,196,194,189,181,176,165,105,41,0,0,0,113,111,111,165,189,199,202,202,202,202,204,207,207,204,199,195,195,196,196,194,194,194,194,183,31,0,33,186,191,191,189,191,194,194,194,194,196,196,71,0,0,49,189,194,191,186,189,199,204,202,194,191,191,194,196,199,199,196,196,189,185,185,189,194,196,196,196,196,196,196,196,196,194,196,199,194,186,189,199,207,207,204,207,209,207,196,178,165,115,98,86,93,113,173,186,194,191,191,196,204,199,186,183,196,194,168,105,103,111,107,67,72,97,101,83,61,73,97,111,111,101,107,160,165,155,109,107,114,157,152,114,160,173,160,111,105,105,152,170,168,157,117,168,191,199,199,191,189,176,103,101,157,168,163,119,119,176,186,191,186,89,75,77,99,117,160,163,165,165,161,163,170,170,123,121,123,163,168,178,178,123,119,165,176,183,183,176,165,170,186,194,202,199,125,115,123,183,183,165,111,111,119,123,121,115,111,113,168,189,199,199,191,186,189,186,173,123,119,99,57,73,109,119,123,125,168,127,127,176,189,199,199,199,196,194,194,189,173,121,119,123,168,168,168,183,199,194,127,121,170,186,191,189,189,194,202,209,209,204,191,176,168,168,168,168,166,168,170,173,168,125,125,168,176,181,173,115,111,113,123,125,125,173,186,194,196,194,194,192,191,194,196,194,189,183,176,119,109,101,15,13,25,0,0,0,53,23,21,29,41,45,67,170,183,186,194,196,196,199,199,176,156,160,170,178,178,170,117,93,69,105,89,55,0,0,45,105,107,18,28,99,196,202,199,199,196,191,186,183,181,160,160,165,115,165,189,202,199,191,181,170,160,165,168,165,119,107,103,111,123,170,173,170,176,181,176,173,176,178,176,173,176,178,176,173,170,176,186,191,186,176,170,176,181,181,178,173,170,173,173,173,169,170,186,194,191,183,176,170,170,173,176,178,181,178,176,178,186,191,191,189,186,186,191,199,207,212,212,212,209,207,194,178,129,173,178,178,176,183,186,178,173,176,181,186,191,194,191,183,176,178,178,178,178,181,183,186,186,186,189,189,191,194,199,204,204,191,182,182,189,191,189,181,179,183,189,191,186,181,178,181,183,186,189,191,186,181,178,178,191,204,207,204,204,202,202,196,189,173,129,129,129,129,131,176,181,183,189,191,191,191,191,186,181,178,178,178,178,181,181,178,176,176,178,178,178,178,176,173,173,176,186,194,191,183,178,178,178,131,129,129,131,176,176,173,130,129,173,173,173,176,176,176,181,183,191,189,178,173,178,181,178,178,183,189,189,183,178,176,176,176,174,176,181,186,183,189,191,183,123,125,186,194,189,181,178,181,176,131,131,127,121,117,119,123,131,181,191,199,199,194,189,181,178,178,183,186,189,189,186,183,183,183,186,186,189,186,181,173,173,176,176,131,129,131,178,181,181,178,176,176,178,176,131,173,178,183,191,202,202,194,181,133,131,129,128,129,176,181,181,178,176,133,133,178,186,191,194,194,196,196,199,199,186,121,97,90,95,125,183,191,196,199,196,196,189,173,125,127,181,186,183,177,177,177,178,183,181,176,170,170,170,176,189,196,196,189,178,181,189,191,194,199,194,176,116,114,121,178,183,182,181,186,199,209,209,202,186,173,129,129,125,111,105,108,123,173,170,128,170,181,186,183,181,186,191,183,173,129,121,120,176,191,191,183,176,181,176,170,170,176,186,189,183,170,168,170,178,181,173,131,173,127,113,113,129,181,183,189,191,189,181,173,176,176,125,123,173,186,186,178,173,173,131,123,131,181,183,186,189,191,189,181,186,194,194,191,189,183,181,181,186,194,196,199,202,204,204,202,202,199,194,194,191,191,189,186,183,189,194,194,189,183,183,186,186,181,181,181,181,178,129,125,131,178,178,178,178,176,174,176,181,183,181,176,133,178,181,181,183,183,186,189,183,181,176,127,119,115,117,125,129,127,125,131,178,119,69,68,115,186,194,194,196,199,204,204,202,202,207,207,202,196,194,194,189,183,182,189,202,204,199,198,199,204,204,204,202,199,194,189,191,196,199,199,204,204,202,196,195,195,195,196,196,196,196,196,194,191,191,194,199,202,199,196,194,194,194,196,199,199,196,196,199,202,199,196,191,190,191,194,196,196,194,191,189,189,189,189,189,186,186,181,176,131,129,173,178,178,181,183,189,186,186,186,186,181,176,174,173,176,178,178,176,173,173,173,170,168,163,160,155,155,155,155,115,105,102,101,104,113,155,155,117,113,111,110,111,115,121,160,163,163,165,170,173,178,181,183,183,178,181,181,131,123,123,131,181,183,189,194,199,196,191,183,183,196,196,191,189,183,183,181,183,186,189,181,131,130,133,183,191,194,196,204,209,209,207,204,202,194,190,194,202,209,212,215,217,217,209,202,194,190,191,194,196,196,196,191,183,137,135,135,181,183,186,189,191,196,202,202,199,196,191,186,183,183,183,183,186,191,191,189,183,135,129,127,133,181,178,135,181,186,191,196,199,199,199,202,202,199,199,199,194,190,190,194,196,196,196,199,202,202,199,199,204,207,202,202,204,204,207,207,204,202,202,202,204,207,207,204,194,189,194,199,202,202,199,199,202,204,207,207,207,207,207,209,209,212,212,209,207,202,196,194,196,199,196,196,199,202,207,207,207,207,209,209,209,212,215,212,209,204,199,196,196,194,194,199,204,204,204,202,200,202,204,207,209,209,207,204,202,199,199,202,204,204,204,204,204,204,202,199,196,196,196,196,196,196,202,209,212,209,199,194,189,191,191,194,199,204,204,196,191,189,186,185,189,194,196,196,196,196,194,194,194,196,199,202,199,202,204,204,202,196,194,196,199,191,187,187,189,196,204,209,209,207,209,212,212,212,212,207,202,194,186,181,183,189,196,202,204,204,204,204,204,202,194,189,186,186,183,183,194,202,199,178,126,126,129,135,186,202,204,191,178,135,183,186,181,181,189,194,196,202,202,199,196,194,191,189,186,186,191,199,199,196,194,199,202,202,202,199,196,191,191,194,196,196,199,196,186,181,183,189,191,194,199,202,202,202,202,199,196,194,191,189,191,191,189,189,186,176,129,127,129,133,131,125,123,133,191,202,202,199,199,199,199,196,191,183,178,179,191,202,204,202,202,199,199,199,196,196,194,191,194,196,202,204,204,204,202,202,202,202,199,196,196,202,204,204,199,194,186,183,183,186,189,189,189,189,189,189,191,194,194,189,183,182,182,183,189,194,196,202,202,202,196,194,191,191,194,199,202,204,204,207,207,207,204,204,207,209,209,207,202,200,200,199,202,207,207,209,209,204,194,189,139,135,135,137,186,194,191,141,139,189,199,207,209,209,207,202,199,199,199,199,202,202,204,207,207,207,204,202,202,202,204,204,196,178,126,127,133,176,127,127,176,178,176,173,176,178,176,129,127,125,123,123,127,176,181,183,189,191,196,196,196,194,194,196,196,194,194,191,191,191,191,191,191,191,189,187,186,187,194,215,215,207,204,207,207,202,191,135,133,137,189,183,133,133,183,189,189,189,189,189,181,129,124,124,137,196,202,204,204,204,207,204,204,207,207,209,212,209,207,204,202,199,191,189,189,189,186,181,181,181,178,176,176,176,170,121,110,0,170,181,0,183,194,202,0,0,0,0,0,215,217,220,222,225,225,225,222,212,209,212,217,228,230,230,228,222,212,211,211,212,215,212,209,207,209,215,215,212,207,196,181,177,189,202,204,204,202,204,209,212,212,215,215,215,225,238,246,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,238,235,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,225,212,215,225,225,212,194,189,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,204,202,202,194,189,189,191,191,191,199,202,207,215,215,225,235,246,251,251,246,244,246,251,251,251,246,243,238,233,217,153,141,135,137,141,191,194,202,204,207,209,217,228,238,246,243,238,235,238,241,241,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,124,144,150,147,147,147,152,155,155,152,147,147,157,170,173,168,155,146,143,143,146,163,178,186,194,170,150,152,150,106,181,191,170,77,71,87,196,207,202,99,89,165,183,189,196,199,202,204,204,202,196,181,117,116,160,183,191,186,179,179,181,181,183,183,181,173,119,115,119,119,119,119,121,121,121,123,163,165,163,121,120,123,170,181,189,191,194,189,176,163,117,115,115,115,117,119,123,121,118,163,186,196,191,176,163,163,173,183,186,178,168,163,165,163,119,119,165,173,176,168,121,117,118,123,165,163,163,125,125,165,173,183,189,186,183,181,183,186,191,194,196,196,199,202,204,204,207,209,209,204,199,196,194,190,189,190,194,196,194,186,182,183,189,194,194,194,199,191,183,125,83,80,111,173,181,186,186,186,183,178,165,121,160,117,79,0,0,0,111,109,101,117,191,204,207,204,202,202,204,207,204,204,202,196,196,196,191,186,186,189,183,168,23,0,39,191,191,189,186,191,191,189,191,194,202,215,212,0,0,43,176,183,181,172,173,189,199,199,191,190,190,194,196,199,199,199,196,189,183,183,186,194,196,199,199,196,194,194,192,192,194,196,202,204,196,189,194,204,207,207,207,209,207,202,178,119,115,115,183,194,191,189,191,194,194,191,196,207,204,181,165,165,160,105,95,101,155,163,109,99,95,79,62,54,64,97,157,157,72,40,61,97,115,155,160,173,176,168,160,165,178,170,152,107,105,115,173,163,107,103,165,202,204,202,202,196,173,95,95,119,176,168,117,115,165,168,119,87,47,53,89,111,121,160,163,170,170,165,163,170,168,121,163,168,168,165,168,165,117,115,119,168,178,183,178,170,178,191,196,202,196,173,117,117,168,165,105,97,101,115,123,123,121,123,176,189,199,202,199,194,189,191,189,168,117,111,63,43,58,103,115,121,125,168,127,125,170,186,199,199,196,196,194,194,189,176,125,123,127,170,127,168,183,196,194,178,170,173,176,178,178,181,191,202,209,209,202,189,173,127,127,168,168,168,170,176,178,168,122,122,127,173,176,168,115,113,117,125,125,125,181,194,199,199,199,196,194,192,196,199,199,196,191,176,117,117,181,181,31,11,0,0,0,0,23,51,99,115,163,189,196,191,191,196,199,199,204,204,189,170,176,183,186,181,163,117,163,194,202,207,189,109,95,89,101,165,115,87,99,183,194,196,196,194,191,178,163,115,107,109,155,157,168,189,199,196,189,170,113,108,109,117,165,160,102,97,102,119,170,176,173,173,176,178,181,183,183,181,178,176,174,176,178,181,178,178,181,181,176,168,168,173,181,186,181,176,176,178,178,170,170,183,189,186,181,176,170,173,176,178,183,183,181,178,181,189,191,189,189,186,186,186,189,199,207,209,209,209,204,194,178,129,131,173,176,181,191,194,186,181,183,191,199,204,207,204,196,186,178,178,178,181,186,186,186,186,189,189,191,191,194,199,204,204,191,181,182,189,194,191,186,181,181,189,191,183,173,170,172,176,178,189,189,183,178,176,178,189,204,207,202,199,196,196,191,183,176,173,173,173,173,173,176,181,183,191,196,194,191,189,186,181,178,176,176,173,173,176,176,178,181,183,183,183,183,183,181,176,178,183,189,189,181,178,178,178,173,129,128,129,131,173,173,130,129,131,176,176,178,178,181,181,181,186,183,176,133,181,186,183,183,186,191,191,189,181,178,176,174,174,178,183,178,132,133,178,178,133,133,183,183,183,181,176,173,131,173,176,127,114,113,121,129,173,178,189,194,194,189,183,178,176,181,186,189,186,183,186,189,186,186,189,189,189,191,183,178,176,176,181,178,176,173,176,176,176,178,181,183,181,173,131,173,176,178,186,194,194,186,178,176,133,133,131,129,129,133,181,183,181,176,133,176,186,194,196,196,194,194,194,196,189,131,111,107,113,119,129,183,189,189,189,189,181,127,123,125,176,181,178,178,178,178,178,181,178,173,170,129,129,176,183,191,191,186,186,189,194,199,202,204,196,176,117,112,118,176,183,183,182,189,196,204,204,199,183,129,127,129,129,121,107,107,123,176,173,170,178,183,186,181,178,178,176,127,121,118,114,114,123,183,189,186,186,186,186,181,173,173,183,191,189,176,168,169,176,173,128,128,173,131,115,115,129,181,186,189,191,191,186,178,178,178,131,127,176,191,194,181,125,125,122,118,122,178,183,191,194,191,183,176,177,186,189,183,181,178,181,189,196,196,194,196,199,202,204,204,202,199,196,196,196,196,194,191,186,186,191,191,186,181,178,181,186,186,183,183,183,181,127,123,127,176,178,176,176,176,176,181,186,189,191,183,178,176,176,178,181,183,189,189,183,181,178,127,117,114,115,117,119,121,129,183,196,194,85,75,117,181,189,196,202,204,207,204,196,195,199,202,199,199,202,202,196,189,183,186,196,199,199,199,204,207,207,202,199,196,196,194,196,199,199,196,202,204,202,199,196,196,199,196,196,194,191,191,189,187,187,191,194,196,196,194,191,189,189,191,194,194,194,194,194,194,194,194,191,191,194,196,202,202,199,194,194,194,194,191,191,189,186,183,178,133,131,173,178,178,178,181,183,183,183,183,183,181,176,174,173,176,176,176,173,170,168,168,165,165,163,160,157,155,155,155,117,109,104,105,111,117,155,157,119,115,113,111,113,117,121,163,165,165,168,170,173,176,181,183,186,181,178,173,123,118,117,125,183,191,194,199,202,199,194,183,181,189,191,189,181,178,135,135,178,183,189,186,137,133,135,183,189,191,194,202,209,215,212,207,202,191,190,191,202,209,212,215,220,217,212,204,196,196,199,202,199,196,194,186,135,133,132,133,134,137,183,189,191,196,199,196,194,194,191,186,183,183,183,186,186,186,186,183,183,181,181,178,183,186,183,183,186,191,194,199,202,199,199,199,199,196,199,199,192,190,191,196,204,204,202,199,198,199,199,199,204,204,204,199,199,202,204,204,204,202,202,202,204,207,207,199,186,183,187,199,204,204,202,199,202,204,207,207,207,207,209,209,209,209,209,207,204,202,194,191,196,196,194,191,194,196,202,204,204,204,204,202,202,204,204,204,202,199,194,194,191,186,183,189,196,202,204,204,202,204,207,209,207,204,196,192,192,192,194,199,204,209,212,212,209,207,202,199,199,199,202,202,199,199,202,202,202,199,194,194,194,196,194,194,199,202,204,199,194,189,186,185,187,194,196,196,194,194,191,191,194,196,199,199,194,194,199,202,202,196,196,199,199,194,189,189,191,199,204,209,209,209,209,212,212,212,212,209,204,196,189,186,183,186,194,199,202,204,207,209,215,212,204,199,194,191,191,194,202,202,191,131,124,126,135,183,191,199,196,183,135,181,189,194,191,189,191,194,196,202,202,199,202,202,196,191,189,189,194,196,199,202,204,207,207,204,202,199,194,191,191,194,196,196,199,196,189,181,181,186,191,196,202,204,202,199,196,196,194,194,196,199,196,191,183,181,183,183,178,133,133,133,129,126,126,181,194,202,199,196,196,196,196,194,189,181,177,178,189,199,202,199,196,199,202,204,202,202,199,196,199,202,207,209,209,207,207,207,204,204,202,202,202,204,202,199,194,191,186,185,183,186,189,189,189,189,186,186,189,191,194,194,191,189,189,189,191,194,199,202,199,196,191,189,189,189,191,196,199,202,204,207,209,207,207,207,207,209,209,207,204,202,200,200,200,204,209,215,212,204,199,191,139,137,137,139,189,196,189,136,134,137,189,199,207,207,204,202,199,196,196,199,202,204,207,209,209,209,204,199,199,199,204,207,202,189,128,128,133,131,127,133,181,181,178,173,173,131,127,125,125,127,127,127,127,129,131,173,181,189,194,194,191,189,189,191,194,191,191,189,189,191,191,191,191,189,189,189,187,189,194,204,204,196,199,204,207,204,196,186,183,194,202,199,186,139,183,186,186,186,186,186,181,133,127,181,199,207,207,202,202,202,202,202,202,199,202,204,207,207,207,207,204,202,199,194,191,194,191,189,189,186,183,183,186,186,176,111,101,102,155,178,0,183,194,202,204,0,0,0,0,212,212,217,222,225,228,228,222,215,209,209,215,222,228,228,225,222,215,211,211,212,212,212,207,207,209,215,215,212,207,199,181,177,186,196,202,202,202,207,215,217,215,212,209,212,222,233,241,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,235,233,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,222,207,196,199,209,222,222,207,191,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,204,191,191,194,194,194,196,199,207,215,220,228,238,248,254,254,248,248,251,254,254,254,248,246,243,235,220,153,141,139,145,196,199,202,204,209,212,215,222,230,238,243,238,235,233,235,238,235,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,152,152,152,152,150,150,152,157,157,152,150,152,163,170,165,147,143,146,155,165,176,183,194,199,144,131,147,107,95,102,157,103,48,59,178,202,207,209,78,57,101,189,196,199,199,199,199,202,202,199,189,116,114,119,178,186,181,179,179,181,178,178,181,178,168,117,111,115,119,117,119,119,121,120,121,123,163,163,123,120,121,163,170,173,176,176,173,123,114,111,112,113,114,114,117,121,119,117,121,181,191,189,178,165,165,170,176,176,170,121,117,163,168,119,115,123,173,176,170,165,121,121,163,168,165,170,173,173,168,168,176,183,186,186,183,181,181,183,186,189,186,189,196,202,204,204,204,202,199,196,194,191,189,189,190,194,194,189,183,183,186,194,196,196,194,196,189,176,113,75,73,81,107,163,178,181,173,163,121,115,113,173,194,202,113,1,29,176,123,87,101,183,207,209,199,196,199,204,202,202,202,202,199,196,191,186,181,178,176,170,163,77,14,117,194,191,186,189,189,187,187,187,191,204,222,233,99,69,55,160,176,176,169,168,176,191,194,191,190,190,194,196,196,196,196,199,194,186,185,186,194,196,199,199,199,194,192,192,192,196,199,204,207,199,189,194,199,204,207,207,209,209,207,186,115,119,173,191,199,199,199,199,199,194,191,196,202,191,163,109,103,93,85,91,109,170,181,178,160,105,85,85,65,79,103,176,196,75,28,42,73,115,160,163,168,170,168,165,170,178,165,113,109,109,113,155,109,102,101,181,207,204,202,202,196,176,100,100,160,176,170,117,111,115,113,103,75,43,54,111,121,160,119,160,170,173,165,123,163,119,114,163,178,176,165,123,119,116,116,121,168,170,173,169,170,178,186,191,191,189,176,119,115,115,89,83,92,99,117,176,181,178,183,194,199,202,202,199,191,189,191,189,168,119,115,83,55,85,113,117,121,121,121,121,121,123,173,186,191,194,191,191,191,189,181,176,173,176,173,125,170,186,194,191,183,178,173,172,172,173,178,186,199,202,202,191,176,126,125,168,173,173,170,173,178,183,176,124,124,168,173,173,168,121,115,119,127,127,168,189,199,202,199,199,199,196,194,199,202,204,204,202,186,115,117,170,189,85,61,63,33,13,0,53,91,109,157,178,194,194,190,194,196,196,196,199,202,194,181,181,183,178,157,115,157,181,199,204,209,212,207,173,91,91,168,168,93,97,168,178,183,189,189,186,155,86,92,103,109,155,157,165,189,194,194,189,168,109,106,106,109,160,157,103,99,105,115,165,170,173,173,173,176,183,191,194,191,183,176,176,181,189,189,178,168,168,176,173,123,117,121,173,183,183,178,178,186,189,186,186,194,194,186,178,173,170,170,173,178,183,183,181,176,181,186,186,183,181,181,181,178,181,186,194,199,202,202,194,183,131,127,131,173,178,186,199,196,189,186,189,196,204,207,207,207,204,194,181,176,176,181,186,189,189,186,186,186,186,189,191,196,199,199,191,182,182,189,194,194,189,181,183,189,191,183,173,170,170,172,176,183,181,176,173,173,176,186,194,199,196,196,194,191,186,181,176,176,178,178,176,178,178,181,183,191,194,191,183,183,183,186,183,176,131,130,131,173,176,178,183,186,183,181,186,191,191,186,183,183,183,183,183,181,178,178,176,131,131,131,176,178,176,131,130,131,178,181,181,181,183,178,131,173,176,133,133,181,189,189,183,181,183,189,194,191,183,176,172,178,189,194,183,131,130,131,133,176,181,183,183,181,181,178,176,173,178,183,131,113,112,123,176,178,178,183,186,186,181,178,176,178,183,189,189,183,181,183,186,183,183,186,186,191,196,189,181,176,176,178,181,178,173,176,176,176,176,181,183,181,176,173,173,173,173,176,181,181,176,174,176,176,133,129,129,131,181,191,191,183,176,133,178,183,191,196,196,194,194,194,196,196,186,131,127,125,113,113,176,183,181,181,183,181,129,125,126,173,181,178,181,183,183,178,178,170,127,129,129,170,176,181,183,183,183,189,194,194,196,202,204,196,178,123,119,131,183,186,183,183,189,191,191,194,186,173,123,123,129,173,129,109,108,125,176,170,170,181,183,183,178,170,121,117,117,119,118,115,116,121,170,178,181,181,173,181,183,170,119,123,183,189,183,173,173,176,131,125,126,176,173,121,121,178,186,189,191,191,189,186,178,178,178,178,173,176,186,189,173,122,125,125,119,123,176,183,191,196,191,181,174,176,183,183,178,177,177,178,189,199,196,194,192,194,196,202,204,204,202,199,199,199,199,196,194,189,186,186,189,186,178,177,178,186,189,189,189,189,183,125,122,125,133,176,174,174,178,189,194,191,191,194,189,178,176,173,176,178,183,189,186,183,183,181,131,117,115,117,119,117,121,133,189,196,196,131,99,121,135,183,191,196,199,204,202,196,195,199,199,198,199,204,207,207,196,189,186,191,196,196,196,199,202,202,199,199,199,199,196,199,202,199,196,196,199,196,194,196,196,199,196,194,191,189,189,187,187,187,189,191,191,191,191,189,186,186,189,191,191,191,191,191,191,191,194,194,194,194,199,204,204,202,196,196,196,196,194,191,189,189,189,186,183,176,173,173,176,176,178,181,183,183,183,183,181,178,176,176,176,173,168,165,165,165,160,157,157,157,119,157,157,157,157,117,109,105,109,115,155,119,119,157,119,117,115,117,119,160,163,163,165,168,168,170,170,178,189,191,183,176,129,125,119,117,121,181,191,199,204,204,202,194,186,181,183,183,181,135,134,134,135,135,137,186,189,186,183,183,183,183,181,183,194,207,217,217,212,202,191,190,191,202,207,212,215,220,217,212,207,199,202,204,204,202,196,189,139,134,133,133,133,134,137,183,189,191,194,194,194,194,194,191,186,183,183,189,189,189,186,183,183,183,183,186,186,189,191,191,194,194,196,196,199,199,196,195,196,196,196,199,202,196,194,196,202,207,207,204,199,198,198,199,202,202,204,204,199,194,194,196,199,202,202,199,199,202,204,204,196,185,183,191,202,204,204,202,202,202,204,207,207,207,207,207,207,207,204,204,204,204,199,191,190,194,196,191,183,139,183,189,194,196,196,199,196,194,194,191,194,194,191,191,191,191,186,182,183,189,196,202,204,204,207,207,209,207,202,192,191,192,194,199,207,212,217,217,215,209,204,199,196,196,202,204,202,196,196,199,199,196,191,190,190,191,196,194,191,196,202,204,202,199,196,191,189,191,196,199,196,194,191,190,190,194,196,199,196,189,187,191,202,202,196,196,196,194,194,194,194,196,202,207,212,212,212,212,212,209,209,209,207,204,199,194,186,183,183,191,199,202,202,204,209,215,215,207,202,199,196,196,199,199,191,181,131,128,131,181,186,186,189,186,178,178,181,186,191,191,191,194,194,199,202,199,199,202,202,194,186,185,189,194,196,196,202,207,209,207,207,204,202,194,189,189,191,194,196,196,194,189,181,178,181,189,194,199,202,199,194,191,191,191,191,196,199,194,178,123,123,127,131,133,176,176,131,127,127,176,189,196,199,194,191,191,191,189,189,191,186,181,183,191,196,194,189,191,196,204,207,207,204,202,199,199,202,207,209,209,209,207,207,204,204,202,204,202,199,196,191,189,189,189,186,189,191,194,191,191,189,186,186,186,191,194,196,196,194,194,194,194,194,196,196,191,186,181,139,139,139,183,189,194,199,207,209,212,209,207,207,204,204,207,207,204,202,204,204,202,204,209,212,207,204,202,196,186,141,186,189,194,196,186,137,137,139,189,194,196,199,202,199,194,191,191,196,202,204,207,209,209,209,204,199,198,199,202,207,207,202,196,189,178,129,129,178,183,178,173,129,127,123,117,117,119,123,127,129,129,127,125,124,127,178,186,189,183,181,181,186,191,191,189,183,183,186,191,194,194,191,191,194,196,199,202,202,196,192,194,204,209,207,202,199,202,209,212,212,204,196,191,191,189,183,139,139,139,137,181,199,209,212,207,199,196,196,196,196,194,192,194,199,202,204,207,209,209,209,207,202,199,199,199,194,191,189,189,189,194,194,183,115,102,102,157,178,0,181,194,202,202,0,0,0,209,209,212,215,217,222,225,225,222,215,209,209,209,215,217,222,222,217,215,212,212,212,212,209,207,204,207,212,212,209,207,199,183,178,186,196,199,199,202,209,215,217,212,207,207,209,217,230,238,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,207,199,189,183,191,204,215,212,199,189,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,212,204,207,204,194,189,189,194,207,222,228,233,241,248,251,251,251,251,251,255,255,254,251,248,246,241,228,207,147,145,196,202,204,204,207,209,212,215,222,228,235,238,233,230,230,233,233,233,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,150,157,163,157,152,152,157,160,157,152,152,157,157,150,142,143,168,186,181,178,183,186,189,116,105,150,111,93,97,113,109,48,60,170,178,186,181,61,48,87,189,194,199,199,199,199,202,202,202,194,117,113,115,168,181,181,181,183,186,183,181,178,176,163,111,109,111,117,119,121,123,163,121,121,121,163,165,163,121,120,121,163,163,163,163,163,119,112,111,113,114,114,114,115,121,121,119,121,170,178,178,173,168,165,165,163,123,121,117,114,163,173,117,105,117,168,173,170,170,168,165,165,165,163,170,178,178,170,125,165,173,181,186,183,179,179,179,181,178,177,178,189,199,202,199,196,191,191,194,194,191,191,191,194,196,194,189,186,189,194,199,199,196,194,186,176,127,107,68,62,60,61,97,173,181,123,108,107,108,113,121,178,191,181,59,77,196,168,77,85,168,202,204,196,195,199,202,199,199,202,204,202,196,191,189,183,176,160,119,165,173,165,173,189,186,186,191,191,189,187,189,196,212,217,199,163,178,99,160,178,183,174,172,178,189,194,194,191,191,194,196,196,194,194,199,196,191,189,191,194,196,202,204,202,199,196,194,196,199,202,204,204,196,191,194,196,199,204,209,209,207,207,191,115,121,178,191,196,199,202,207,204,199,194,196,191,165,107,99,91,71,53,105,173,183,189,191,189,178,170,165,113,105,103,157,181,103,41,47,79,113,111,87,87,113,160,163,173,183,165,115,117,115,113,111,107,105,113,196,204,202,202,199,191,168,107,105,113,119,117,115,105,107,109,107,101,66,115,170,173,165,119,117,121,123,119,117,117,111,109,163,183,183,170,123,119,119,123,173,173,170,168,168,170,176,181,181,178,176,173,125,121,113,70,67,92,103,125,199,202,196,196,199,204,204,202,196,191,189,194,191,173,127,168,173,115,176,170,123,121,120,117,119,119,118,120,168,181,183,183,186,186,183,181,181,181,181,173,121,170,189,196,191,183,178,176,172,172,172,176,181,186,186,183,178,168,125,126,173,181,176,170,170,178,186,183,173,176,181,176,170,168,123,117,117,123,168,176,194,202,202,199,196,196,196,194,196,202,207,207,204,191,115,116,168,176,163,117,91,85,111,61,67,89,101,111,178,196,196,196,199,199,194,192,196,202,196,178,173,168,109,101,111,173,191,196,196,199,207,207,194,105,99,157,105,89,99,163,161,161,176,183,176,93,68,83,107,115,160,160,89,157,181,189,191,168,108,107,108,113,160,160,117,115,115,113,121,165,173,176,173,173,183,194,199,196,186,173,173,183,191,189,170,123,125,176,176,123,115,115,123,173,176,176,178,191,202,204,202,204,199,189,178,170,127,128,170,176,181,181,176,174,178,183,181,176,176,176,176,173,173,176,178,183,186,183,178,129,123,125,131,173,176,186,194,191,183,183,189,196,202,202,204,207,207,199,181,173,173,178,186,189,189,186,185,185,185,186,189,191,191,191,191,183,182,189,194,194,189,181,183,189,189,183,176,173,173,176,178,178,176,130,130,131,173,178,183,191,194,194,194,189,183,176,173,173,176,176,176,178,183,183,183,189,191,186,182,182,186,191,191,181,130,128,131,178,181,178,181,181,176,176,186,199,202,199,191,186,183,183,186,186,183,178,178,181,181,178,183,186,183,176,131,131,178,183,183,183,183,173,128,129,131,133,176,181,189,189,181,133,133,181,194,196,191,178,173,191,204,207,194,176,132,132,133,178,189,191,186,181,183,186,183,181,183,183,131,113,112,117,178,178,177,178,181,178,176,173,176,181,186,191,191,186,183,181,181,131,176,183,186,194,199,194,186,178,174,176,178,178,176,178,183,181,174,176,181,183,181,178,176,173,172,173,176,176,176,174,178,178,133,128,129,178,191,199,196,183,176,176,176,178,183,194,196,194,194,196,196,196,191,183,181,176,113,109,176,181,176,178,183,183,178,131,129,176,181,181,181,183,183,178,173,127,123,123,127,170,176,181,179,179,181,189,191,189,191,199,199,189,176,173,181,191,194,191,186,186,189,186,176,173,127,117,113,119,129,176,129,109,108,125,170,123,124,181,186,183,181,173,119,114,117,123,125,125,125,127,170,176,176,169,161,172,183,170,95,93,119,183,191,186,183,181,129,124,126,173,173,127,133,189,194,194,194,191,186,186,178,176,176,178,133,173,176,176,125,122,178,183,131,173,181,181,189,189,186,181,178,179,183,183,181,178,177,177,183,196,199,196,192,191,192,196,202,204,204,204,204,204,202,199,194,189,186,186,186,183,181,178,181,189,194,194,191,191,186,129,123,127,176,176,173,174,189,204,204,196,191,194,189,181,173,173,173,178,183,186,183,181,183,186,178,123,123,129,131,127,129,178,183,189,194,194,131,131,178,183,183,181,183,191,199,196,199,202,202,199,199,204,209,212,204,196,189,191,194,191,189,189,191,194,202,204,204,202,199,202,204,202,196,194,192,192,192,194,194,194,191,189,189,189,189,189,189,189,191,194,189,189,189,186,183,186,189,191,190,190,191,191,191,191,194,194,194,196,202,204,204,202,199,196,196,196,194,194,191,189,189,194,194,186,173,173,176,176,176,178,181,183,183,183,183,181,178,176,170,165,163,160,160,121,117,115,115,113,113,117,119,157,157,115,105,104,107,113,115,115,117,157,157,121,121,121,163,165,165,165,165,168,168,168,168,176,186,194,189,176,131,131,129,123,127,178,189,199,204,207,199,194,186,183,178,181,181,135,134,135,178,178,137,186,191,194,196,194,183,133,131,133,186,204,217,222,215,204,194,191,194,202,207,209,215,220,217,212,207,204,204,204,202,199,194,186,181,135,135,137,137,137,181,183,189,189,191,194,194,194,191,189,183,183,186,191,194,191,189,189,189,186,186,189,189,189,194,196,196,199,196,196,196,199,195,194,195,196,199,202,204,202,204,204,204,204,204,202,199,199,199,202,202,202,204,207,202,194,192,192,194,196,196,196,196,196,199,199,194,189,191,202,207,204,202,202,202,199,199,202,204,207,204,204,202,202,202,199,199,199,196,191,191,196,196,189,139,136,135,137,183,186,191,194,196,194,191,190,190,190,190,190,194,194,189,183,182,183,189,194,199,202,207,207,209,207,202,194,194,199,207,209,212,217,217,217,209,204,199,196,194,196,199,199,194,189,191,196,199,196,194,190,190,190,191,191,190,196,202,204,202,199,202,202,199,199,199,199,196,194,191,189,190,194,196,199,194,187,185,189,199,202,199,196,191,191,194,196,199,202,207,212,215,215,212,209,209,207,204,204,204,204,202,196,189,183,186,191,199,199,199,199,204,212,209,202,196,194,194,194,194,191,186,181,135,135,181,183,183,178,181,181,178,178,181,181,181,183,189,191,196,202,199,198,198,199,199,189,182,181,189,196,199,199,204,207,207,204,204,207,202,196,189,186,186,189,194,194,191,189,183,178,179,186,189,194,196,194,189,189,189,186,186,191,194,186,131,120,118,119,115,122,133,176,129,126,129,181,194,196,194,189,186,186,186,185,189,194,196,191,191,191,191,186,183,189,196,202,204,204,202,199,196,196,202,204,204,204,207,207,204,202,199,196,199,199,194,186,181,181,186,189,189,189,191,194,194,191,189,186,186,189,189,189,189,191,191,194,194,194,194,191,189,183,138,137,137,137,138,139,186,194,202,209,215,215,212,207,204,202,200,202,204,204,204,207,209,204,202,207,209,202,202,202,194,141,186,191,196,202,202,194,191,194,196,194,191,189,191,194,194,191,189,189,194,202,204,204,207,207,207,207,202,199,202,204,207,204,209,220,217,196,181,178,178,176,173,129,127,125,119,114,111,112,116,125,129,129,126,124,122,124,129,176,178,176,176,178,183,189,191,189,181,179,186,194,199,199,199,199,199,204,207,209,202,194,191,194,204,212,212,209,212,215,217,222,220,215,209,204,202,194,186,139,139,139,139,186,202,212,212,204,194,191,194,194,194,192,191,192,194,196,202,204,209,212,215,212,209,204,204,204,196,191,189,189,191,196,196,191,176,113,115,176,178,0,178,191,202,202,202,204,209,209,209,212,215,217,217,217,222,222,217,212,209,209,212,215,217,217,215,212,212,212,212,212,209,207,204,204,207,204,204,202,199,186,181,186,191,196,196,199,207,212,215,209,204,207,212,217,230,238,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,238,238,0,0,0,0,0,0,0,0,0,202,202,204,199,191,181,178,189,202,207,202,191,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,209,209,217,212,194,182,181,186,204,228,233,233,238,243,246,246,243,246,251,254,255,255,254,248,248,246,235,220,204,199,199,202,204,204,209,212,215,215,217,225,230,233,230,228,230,233,233,230,229 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,155,163,165,155,155,157,160,157,157,160,168,165,147,143,155,189,202,194,186,181,178,181,117,92,155,160,94,104,157,155,99,101,160,168,170,168,80,64,78,176,194,199,202,202,199,199,199,202,196,176,117,115,119,173,176,181,186,186,186,181,173,168,121,111,109,110,115,117,121,165,168,125,121,121,165,173,170,163,121,163,165,163,160,163,165,119,114,115,117,119,121,117,115,121,123,121,116,117,163,163,121,121,123,123,115,108,113,115,114,168,178,101,95,109,165,168,165,170,176,173,123,120,120,125,173,176,125,121,117,117,170,178,181,179,178,179,181,177,176,177,183,191,194,189,183,183,186,191,194,196,196,199,202,199,194,189,189,194,199,202,199,194,186,176,123,115,115,168,178,99,70,107,173,170,109,105,107,109,113,117,121,107,59,65,103,117,95,78,76,113,196,202,196,195,202,202,199,199,199,199,199,199,194,191,189,176,112,109,173,189,181,181,183,186,183,191,194,189,187,189,199,207,207,191,165,165,163,170,186,189,183,183,186,191,199,199,199,194,191,196,196,190,191,196,194,194,194,194,196,199,202,202,204,204,202,199,199,199,202,202,199,196,194,191,189,189,199,207,202,204,202,160,119,173,181,194,194,196,207,209,204,194,189,189,109,107,101,101,95,48,51,178,189,183,178,189,196,199,181,163,111,101,95,107,168,170,170,173,173,170,152,42,57,99,109,115,165,178,170,163,157,155,117,113,109,115,165,189,199,199,202,199,176,113,101,103,91,75,103,105,103,105,109,109,103,111,176,189,191,189,178,165,109,111,117,121,117,110,112,173,183,181,176,165,121,123,170,178,178,173,169,169,173,176,173,170,170,170,170,170,181,168,107,97,97,109,186,212,215,207,199,202,207,209,204,194,186,189,191,189,178,173,181,196,202,196,189,176,121,118,120,123,120,116,117,125,168,168,173,176,178,176,173,173,178,176,124,116,173,191,196,194,186,176,176,176,173,173,176,170,168,168,173,178,173,127,126,170,181,178,170,168,173,181,183,181,181,178,170,166,168,168,121,117,121,127,178,196,202,202,199,194,194,194,194,196,196,202,207,202,176,119,157,170,173,170,157,115,157,117,107,61,63,81,101,178,196,202,202,199,196,194,194,196,202,194,119,103,87,87,97,160,181,191,194,194,196,202,202,186,107,98,99,95,99,176,178,160,159,170,176,165,103,73,103,105,115,160,57,5,31,67,168,160,105,107,111,155,165,176,178,176,165,117,113,117,165,176,181,181,181,183,191,199,199,189,173,169,181,191,181,123,121,123,165,168,168,121,115,115,121,125,170,181,191,204,207,207,202,199,196,186,170,126,127,129,173,176,176,173,173,176,181,181,176,173,131,129,129,129,129,131,176,176,173,127,123,121,123,129,131,131,176,181,181,178,183,186,186,186,191,199,202,202,194,178,132,132,176,183,186,189,186,186,186,186,189,191,189,186,186,189,186,183,183,189,191,186,181,183,186,183,181,176,176,181,183,183,181,176,131,131,131,131,131,173,189,194,191,189,189,183,173,172,172,176,174,174,181,189,189,183,186,189,189,183,183,189,196,196,191,173,128,131,189,189,176,173,173,131,173,191,204,204,204,199,194,189,186,189,189,186,181,183,191,191,186,186,191,189,181,176,176,181,189,189,183,133,129,128,130,178,181,178,181,189,186,176,132,130,132,189,196,189,181,178,202,217,212,194,181,176,176,178,186,194,194,189,186,189,194,191,189,183,178,123,113,112,119,173,178,177,177,178,178,176,131,129,178,191,189,186,189,183,178,131,122,124,178,191,194,194,191,186,178,174,176,181,183,183,183,194,189,168,165,181,186,183,186,181,176,173,173,176,176,174,176,178,186,181,131,133,183,191,194,189,181,174,174,174,176,183,191,196,194,191,196,196,191,189,194,194,183,129,129,178,181,176,174,183,183,181,178,173,178,183,178,173,173,178,181,176,127,121,119,123,170,178,183,181,181,183,186,183,178,183,191,186,173,172,176,183,191,194,191,189,191,191,183,107,94,95,101,105,117,170,173,123,106,108,170,125,114,118,181,189,189,189,186,170,125,173,173,127,170,173,173,176,178,176,168,164,164,186,191,83,65,90,176,189,196,196,186,131,127,131,176,127,131,186,196,199,199,196,194,189,186,183,178,176,133,131,129,129,127,127,176,191,194,189,186,183,178,176,176,178,183,183,186,186,183,186,186,181,176,181,196,204,202,199,194,194,196,202,207,207,207,207,207,207,202,196,191,189,183,183,186,186,186,189,191,196,196,191,189,186,176,131,133,178,176,174,181,202,212,209,199,189,189,186,181,176,173,173,176,178,183,181,178,178,191,194,183,181,183,186,183,181,181,183,186,191,191,186,183,186,186,181,178,178,186,194,199,202,202,204,204,204,204,215,217,212,204,194,189,189,186,183,183,189,194,202,207,207,204,202,202,204,199,194,194,192,192,194,194,189,183,183,183,186,189,191,194,194,194,196,196,194,189,186,183,181,183,191,194,191,191,191,191,191,194,194,196,196,199,199,199,199,196,194,194,196,196,196,194,189,183,186,191,196,191,181,176,176,176,173,173,176,178,181,183,183,181,176,170,163,123,121,119,117,115,113,111,109,109,111,113,117,119,119,115,105,104,107,111,111,111,113,117,119,160,163,165,170,173,170,168,170,173,173,170,168,170,181,189,189,181,173,173,173,133,176,181,186,194,202,202,199,191,183,178,135,178,181,135,135,181,189,189,189,191,196,199,202,199,183,128,127,131,183,196,209,217,215,207,202,199,199,202,202,207,212,217,217,212,207,204,202,199,194,191,189,186,181,183,186,189,186,183,181,181,183,183,186,191,194,194,186,181,178,183,189,194,196,196,196,194,191,189,191,189,187,187,191,194,196,196,196,196,196,196,196,196,196,202,204,204,204,204,207,207,207,202,199,198,199,199,199,202,204,204,207,207,204,199,194,192,192,194,196,199,199,199,199,196,194,194,199,204,204,202,199,202,199,194,191,194,202,204,204,202,202,202,199,199,196,194,194,191,191,194,194,191,186,137,136,136,137,183,189,194,196,199,196,196,194,191,190,190,191,194,191,186,183,183,189,191,194,196,204,207,207,204,202,199,202,207,212,215,212,212,212,209,202,194,194,194,191,191,194,196,189,139,139,189,196,196,194,194,194,191,190,189,190,196,204,202,196,196,202,207,207,204,202,199,196,194,191,190,191,194,196,196,194,189,187,189,194,199,199,194,186,186,191,196,199,207,212,215,212,209,207,204,204,202,199,196,199,207,204,194,183,183,189,196,196,196,194,191,199,209,209,196,189,189,189,186,186,186,186,186,183,183,186,186,181,178,135,135,178,181,183,181,178,178,181,186,194,202,199,198,198,199,199,189,183,182,194,202,202,204,204,204,202,199,202,204,204,202,194,189,186,185,186,186,189,191,189,186,183,183,183,194,196,189,183,189,186,181,181,181,176,176,178,131,121,118,118,121,127,129,126,126,133,186,194,196,194,189,185,185,185,186,189,196,196,194,189,183,183,183,186,191,194,199,199,199,196,196,196,199,199,202,202,199,202,204,202,199,194,189,191,191,186,135,129,133,181,186,181,178,181,189,191,191,189,186,189,189,186,183,181,183,189,194,194,194,191,189,186,181,138,138,139,139,183,186,191,199,204,212,215,215,212,207,202,200,200,202,204,207,207,209,207,207,204,204,202,202,202,204,199,189,186,194,202,207,204,202,202,204,204,196,141,137,139,186,189,191,189,191,196,204,204,204,204,204,204,204,204,204,207,207,207,207,207,209,215,209,196,181,125,125,127,173,173,125,119,116,111,111,117,127,170,173,173,131,127,126,127,129,129,129,131,178,183,189,189,186,181,178,183,196,204,207,207,204,202,204,207,207,199,192,191,194,204,212,215,215,217,222,222,222,217,215,212,212,212,204,194,189,186,183,139,139,194,207,207,196,186,186,191,194,196,196,196,194,194,194,196,199,202,207,212,217,215,209,207,207,199,191,186,181,186,194,196,196,191,191,189,181,0,0,0,189,199,202,202,204,0,0,0,215,215,215,215,215,217,222,222,222,217,217,222,222,225,222,217,215,212,212,215,215,212,209,204,204,202,199,196,196,196,189,181,181,186,194,199,202,204,209,212,209,204,207,212,222,230,238,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,233,0,0,0,0,0,0,0,0,0,0,207,207,207,202,189,176,176,183,191,194,191,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,207,205,207,215,212,194,0,0,183,207,228,233,225,215,222,230,230,230,233,243,251,255,255,254,251,248,246,241,230,217,207,202,202,204,209,215,217,217,213,215,222,228,230,225,225,228,230,233,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,139,160,165,155,155,155,155,157,165,181,191,191,165,152,163,191,204,204,194,186,178,176,147,130,163,165,106,117,163,163,160,165,168,163,163,163,115,91,97,168,189,196,202,202,199,196,196,199,202,191,176,163,123,165,165,170,178,176,173,170,168,125,123,119,117,115,113,111,119,168,170,125,119,121,170,181,178,173,168,173,176,173,168,170,170,123,117,119,121,121,163,121,117,121,123,117,113,113,116,116,115,117,121,119,109,104,109,117,117,170,178,101,95,103,121,163,163,170,178,173,123,119,120,123,125,123,111,109,113,115,123,173,181,181,181,181,181,181,178,178,183,186,183,179,179,183,186,189,194,199,204,209,209,204,194,189,191,196,199,196,194,189,181,129,117,112,119,186,202,189,117,117,165,121,103,103,113,117,113,115,113,103,87,97,111,103,87,83,83,121,189,196,196,196,202,204,202,199,196,196,194,194,194,194,183,163,113,115,173,191,191,183,178,183,183,189,191,191,187,189,194,202,202,199,111,117,168,176,186,189,189,189,194,199,204,207,204,196,194,196,196,190,191,196,194,192,194,196,199,199,202,202,204,204,204,202,199,199,199,199,194,194,196,194,186,183,186,191,186,178,95,33,71,176,189,191,194,199,207,209,202,178,155,93,89,99,107,115,107,50,77,178,183,178,174,183,196,202,165,57,53,69,89,157,194,194,191,191,194,196,189,38,44,87,101,97,111,163,165,160,157,160,163,160,115,117,163,176,186,191,191,181,170,117,85,73,72,75,97,101,99,105,109,102,96,102,189,196,202,202,194,178,111,109,113,123,121,114,117,170,181,178,173,165,123,123,170,176,176,173,170,170,173,173,168,165,168,165,125,125,173,170,123,121,121,127,191,215,217,212,204,204,207,207,199,189,183,183,189,186,173,172,189,204,209,202,189,173,120,118,123,168,127,123,123,125,125,123,123,125,170,170,168,168,170,170,124,122,173,191,196,194,186,176,170,173,178,181,176,127,122,125,176,181,178,170,127,127,168,170,168,127,168,170,176,176,173,166,164,165,173,181,178,168,123,125,170,183,191,199,199,186,183,189,189,189,194,199,202,189,170,163,165,170,163,115,105,111,165,176,178,67,29,24,91,181,196,204,199,194,189,191,191,194,196,186,105,87,84,87,107,170,183,189,194,196,199,202,199,186,115,101,103,155,176,194,194,176,168,173,173,165,155,109,109,97,63,11,0,0,0,39,109,111,103,106,117,168,181,186,186,186,173,119,113,117,163,178,186,186,183,183,189,194,194,183,169,168,178,186,176,121,120,121,123,168,173,127,115,108,109,117,127,178,191,202,204,202,196,199,202,194,176,128,128,129,170,173,176,176,176,181,178,178,176,173,129,127,127,128,129,131,131,131,173,131,125,121,121,127,173,173,131,173,176,178,181,183,178,177,181,189,191,191,183,176,131,131,133,181,183,183,183,186,189,189,189,189,186,183,183,189,191,186,186,186,189,186,179,179,181,181,181,178,178,183,183,183,181,178,178,176,131,129,128,131,183,194,191,189,186,181,172,170,173,176,174,172,176,186,189,183,183,186,186,186,186,191,196,199,194,183,173,181,191,186,131,127,129,129,173,189,202,204,204,199,196,194,189,186,189,186,183,183,191,191,189,183,186,189,186,181,181,189,196,196,186,133,130,131,181,194,191,181,178,183,181,176,132,131,132,181,186,183,176,178,202,215,207,191,181,178,178,181,186,191,191,189,189,191,196,194,191,189,186,176,123,119,125,173,178,178,177,178,183,178,127,117,123,181,183,183,181,178,178,131,124,124,133,186,191,191,186,181,176,176,178,183,186,181,183,191,189,169,168,178,183,183,189,186,178,173,173,176,176,174,174,186,196,194,183,183,186,189,186,183,178,176,176,176,176,183,194,196,191,187,189,189,189,191,196,196,186,176,176,181,186,178,174,176,176,178,181,178,181,183,131,128,129,176,183,178,121,115,117,121,129,181,189,189,189,189,186,131,126,173,181,173,169,172,178,183,183,186,186,186,186,189,181,109,94,92,94,103,119,129,127,113,106,111,173,125,116,119,178,189,194,196,199,196,196,189,127,117,121,125,170,176,178,176,176,173,173,191,194,107,85,103,176,194,204,202,191,178,176,183,186,133,178,191,199,199,199,196,194,191,191,189,183,181,178,176,133,131,129,133,183,194,196,191,186,183,176,130,130,133,181,186,186,186,183,189,191,186,181,186,199,207,207,204,202,199,202,207,212,212,212,209,209,209,207,199,194,191,186,183,189,191,194,194,194,194,191,183,181,183,181,178,178,183,178,178,186,202,207,202,191,186,186,183,181,173,172,173,176,178,178,176,173,178,191,199,194,191,194,194,191,186,183,183,186,189,191,191,191,191,191,186,181,181,189,196,199,202,202,204,207,209,209,217,220,217,209,194,183,139,183,189,191,194,194,196,199,202,204,199,199,202,202,194,191,192,196,196,191,135,132,137,183,186,189,191,194,194,196,199,202,194,189,183,181,181,186,191,194,191,191,191,191,191,194,194,194,194,196,196,196,191,191,191,194,196,199,199,196,186,176,176,181,191,189,181,176,173,129,127,125,125,127,170,176,178,176,170,165,123,121,121,119,115,111,109,107,107,109,111,113,113,115,117,117,111,107,107,109,109,109,109,113,117,160,168,173,178,181,178,176,178,181,183,181,176,173,176,178,181,178,173,173,173,176,178,181,183,189,194,199,196,191,181,133,132,135,181,181,181,189,194,196,196,196,196,202,202,196,181,128,128,135,186,194,199,207,207,204,204,202,199,199,199,202,209,217,217,209,204,199,194,186,186,186,186,186,186,189,194,194,191,186,181,181,181,181,186,189,191,189,183,133,129,135,189,199,202,202,199,194,189,189,191,191,189,189,191,191,191,194,196,196,196,196,196,196,202,202,202,202,202,202,204,207,207,204,199,198,199,202,202,202,204,207,207,207,207,204,202,199,199,199,202,204,204,204,202,196,194,194,199,204,202,199,196,199,196,190,187,190,199,204,204,202,202,202,199,196,191,191,191,191,189,189,189,189,189,186,139,137,137,183,191,196,199,202,202,202,202,196,191,190,191,194,196,194,191,191,194,194,194,196,202,202,202,204,204,202,204,209,212,212,207,202,199,199,191,190,191,191,191,191,194,199,194,183,135,137,183,186,189,194,196,196,191,189,190,196,202,196,189,189,194,202,204,202,199,199,199,196,194,194,194,196,199,199,196,194,191,189,191,196,196,189,139,183,191,199,202,207,212,212,207,202,199,199,199,199,194,191,199,207,204,194,183,186,191,196,196,194,191,190,196,209,209,199,191,194,189,183,181,181,183,183,181,178,178,183,186,183,135,133,178,183,186,183,178,177,178,186,194,199,199,199,199,202,202,199,194,194,199,202,202,202,202,196,194,194,196,199,199,202,202,196,191,186,185,185,186,191,194,194,189,189,189,191,183,132,133,183,186,178,178,135,133,129,133,131,127,127,123,125,127,127,126,129,176,186,194,194,191,191,189,189,186,185,189,191,191,189,181,137,181,186,189,191,191,194,194,194,194,194,196,196,199,199,199,196,196,196,196,194,191,189,191,189,137,127,123,125,133,178,135,132,133,181,189,191,186,183,183,178,135,178,181,183,191,196,199,194,191,186,183,183,183,186,189,189,189,189,196,202,207,209,212,215,212,207,202,200,200,202,202,204,204,204,204,204,204,204,202,202,204,207,202,191,189,194,204,207,204,202,202,202,196,186,137,136,137,137,139,186,189,191,199,204,204,204,207,204,202,202,204,207,207,207,209,209,207,204,209,212,207,191,133,125,125,127,125,123,121,121,117,117,123,170,170,173,178,181,176,173,131,131,129,128,129,178,183,186,189,189,186,181,183,194,204,209,207,202,199,199,196,196,194,194,192,192,199,209,212,212,215,217,217,217,215,212,212,215,212,209,204,202,199,194,186,137,127,129,133,133,135,139,186,191,194,199,202,204,202,199,196,194,194,199,209,215,215,209,207,207,199,191,181,176,177,186,194,196,196,196,194,183,176,0,181,189,196,202,204,209,0,0,0,0,215,215,215,215,217,222,225,228,228,228,228,230,230,228,222,217,215,215,217,217,215,212,209,204,202,199,196,194,194,191,183,183,189,196,204,207,207,207,207,204,204,207,215,222,230,238,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,241,235,0,0,0,0,0,0,0,0,0,0,209,207,207,202,189,176,173,178,183,183,183,189,199,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,209,209,209,207,199,186,182,189,207,222,225,215,207,209,212,212,209,215,235,248,254,254,254,251,248,248,243,233,222,209,207,204,207,212,217,222,222,215,213,215,222,222,217,217,225,230,235,235,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,137,116,124,152,157,155,155,157,157,155,160,176,191,199,199,178,160,163,183,199,204,199,186,173,165,168,163,160,163,157,160,163,163,165,173,165,120,119,121,160,115,109,121,181,194,199,202,196,194,194,196,202,202,194,183,173,119,119,123,165,165,119,117,123,165,170,176,178,125,107,102,113,165,170,123,119,123,176,186,186,183,181,183,186,181,176,168,165,121,119,121,121,121,123,163,121,121,121,117,114,115,119,117,117,121,123,123,115,107,113,119,119,170,178,115,101,109,123,168,173,181,186,178,163,121,123,125,123,117,101,99,115,123,125,176,183,186,183,183,186,191,191,186,189,189,181,179,181,189,189,186,189,196,204,212,209,199,186,183,191,194,191,189,189,183,176,127,113,108,112,181,202,196,178,165,123,113,103,104,115,117,112,117,117,115,163,176,165,107,91,93,101,168,181,183,186,191,196,199,199,199,199,196,194,191,191,191,115,111,160,168,173,183,189,170,168,186,189,194,196,194,194,196,199,196,189,183,75,83,111,173,186,189,189,194,199,204,209,212,207,202,196,196,194,191,194,194,194,194,194,196,202,202,199,202,204,204,202,199,199,199,202,199,194,194,196,194,181,170,165,123,121,105,24,0,17,115,183,194,199,204,207,204,157,77,73,71,73,87,105,163,111,44,71,176,181,178,177,183,191,196,75,41,45,67,109,194,209,207,204,204,207,209,199,24,27,49,61,63,91,160,168,155,111,155,168,163,115,117,176,178,170,168,157,155,165,163,63,57,72,95,103,99,99,109,113,103,96,111,196,202,207,207,199,186,119,110,110,113,115,117,123,168,170,168,123,123,121,121,165,170,173,173,173,173,170,165,123,123,123,121,117,113,115,121,125,127,168,176,191,215,222,215,209,207,204,199,191,183,183,186,189,183,170,169,189,204,207,196,181,127,120,119,123,170,173,178,173,125,123,121,120,123,170,173,168,127,168,170,168,125,170,186,194,191,183,173,123,123,189,191,176,123,121,125,183,186,178,170,127,125,125,127,127,127,127,168,170,173,168,164,163,166,178,191,194,183,125,117,117,121,119,117,111,103,117,181,189,186,186,186,181,170,163,157,157,160,113,103,91,93,160,186,202,168,32,20,69,165,189,202,191,185,185,186,189,189,189,176,103,97,91,99,117,170,178,186,191,196,199,199,196,186,155,100,103,173,191,196,199,194,183,173,170,173,176,173,99,71,0,0,0,0,37,69,109,113,106,107,160,181,189,189,186,186,173,157,115,115,121,173,181,183,178,176,176,181,181,176,168,166,173,178,165,120,121,125,168,173,176,168,115,105,106,113,125,178,189,199,202,199,195,196,202,196,183,170,129,129,170,176,178,181,181,183,178,176,173,131,128,128,128,131,176,178,173,131,178,183,173,122,121,125,176,176,130,131,176,178,181,178,177,176,181,186,186,186,181,173,130,130,133,181,181,181,181,181,186,186,183,181,178,178,183,191,194,191,186,186,186,183,181,178,179,181,181,178,176,176,176,176,176,178,178,178,173,129,128,129,178,189,191,189,183,178,173,173,176,181,176,172,173,181,183,181,181,183,183,186,189,189,194,196,196,191,189,189,186,178,129,126,127,129,129,173,189,199,202,202,202,199,191,186,186,183,183,183,186,189,186,181,181,183,186,186,186,194,202,202,191,178,133,181,194,204,199,183,183,186,186,178,133,133,133,178,181,178,132,176,194,204,199,189,181,181,178,178,181,183,186,186,189,194,199,196,191,191,194,189,176,129,129,131,176,178,181,186,191,181,117,93,93,121,178,181,176,173,178,181,129,128,131,181,189,186,181,176,176,176,178,181,181,178,178,186,186,174,173,178,178,178,186,186,176,170,172,178,181,176,176,191,202,199,191,189,189,186,183,181,176,178,181,181,178,183,194,194,189,185,183,185,187,191,194,194,186,178,178,186,191,183,176,174,174,176,181,183,189,186,131,128,130,181,191,186,110,105,117,123,129,178,191,199,199,194,183,116,118,127,176,172,170,173,176,181,181,181,183,186,183,186,186,170,111,95,97,113,121,117,109,106,106,117,173,125,118,120,168,183,194,199,202,204,207,196,121,111,111,111,117,127,129,170,181,186,186,191,191,176,119,125,183,199,202,199,194,186,186,189,191,183,186,196,199,199,196,196,194,194,194,194,191,189,189,186,183,181,176,176,181,186,186,178,178,178,133,130,129,133,178,181,181,178,181,186,191,191,189,191,199,204,207,207,204,204,207,209,215,215,215,215,212,212,209,204,199,191,189,186,191,194,194,194,194,189,183,177,177,181,183,183,183,186,181,181,186,196,199,194,186,186,186,183,181,176,173,173,176,176,173,131,131,178,191,199,199,196,196,196,194,186,183,183,189,189,191,194,194,194,194,191,189,191,196,199,199,199,202,207,212,212,212,215,217,222,215,191,137,137,186,194,196,196,194,194,194,196,202,199,198,202,204,194,191,192,196,194,181,129,128,133,183,186,186,189,191,191,191,196,196,191,183,181,178,181,186,191,191,191,189,189,189,191,194,194,194,194,194,194,194,191,190,190,191,196,199,202,196,186,174,172,174,183,183,178,173,127,123,117,113,113,117,123,168,173,173,168,123,121,121,121,117,113,109,107,105,105,109,113,113,113,113,117,119,115,109,106,107,109,109,108,109,115,163,173,181,186,186,183,183,183,186,189,189,186,178,173,172,173,173,176,178,178,181,183,183,183,186,191,194,194,186,135,131,130,133,181,183,189,196,199,199,199,196,196,199,196,186,131,128,131,183,189,189,189,196,199,202,204,204,199,198,198,199,209,217,217,209,202,194,183,137,138,183,186,186,186,191,194,194,189,183,183,181,181,183,186,189,189,189,183,129,124,127,183,199,204,207,202,194,189,186,189,191,191,191,191,189,189,191,194,196,196,194,191,194,199,202,199,202,202,202,202,204,207,204,202,202,202,204,204,202,204,204,207,207,207,207,207,204,204,204,207,207,207,207,204,199,194,196,199,202,199,196,196,199,196,191,189,191,202,207,207,204,204,202,196,194,189,189,189,189,183,137,137,183,191,191,186,181,137,186,194,202,204,202,199,202,204,202,196,191,194,196,199,202,202,199,196,194,194,196,199,199,199,202,207,204,202,204,207,207,199,194,194,194,190,189,191,191,189,189,196,202,196,186,129,127,129,131,137,189,196,202,196,190,190,194,199,196,189,186,189,196,202,199,196,199,199,196,196,196,196,199,199,199,202,199,196,191,194,196,191,183,136,137,191,199,204,209,209,209,204,196,194,194,196,196,190,190,196,207,204,191,186,189,194,196,196,194,191,191,199,209,207,199,196,202,196,189,183,181,181,178,135,131,129,135,181,178,133,131,133,181,186,186,181,176,177,189,196,199,199,202,202,202,202,202,202,204,204,202,202,196,191,189,186,189,191,189,189,194,202,204,202,194,186,185,186,189,194,196,194,194,194,189,133,128,131,183,186,135,131,133,129,127,125,125,125,129,129,129,127,127,129,176,181,189,196,194,191,194,196,196,191,186,186,189,186,181,134,135,181,189,191,191,191,191,191,191,191,191,191,191,191,196,199,196,194,191,189,189,189,191,194,189,135,123,120,121,127,135,178,135,133,135,178,178,133,131,130,127,127,133,181,183,191,199,202,194,189,189,189,189,191,194,194,194,191,194,202,204,204,207,209,209,212,209,204,202,202,202,202,202,202,202,202,202,204,204,204,207,209,209,204,196,194,196,204,207,207,202,196,191,189,186,141,139,137,136,136,141,189,191,202,204,204,207,207,204,202,199,202,202,202,204,207,207,204,202,204,207,207,199,183,173,127,125,121,117,117,117,117,117,123,170,173,173,181,183,181,178,176,176,173,129,129,133,178,183,191,196,194,189,181,183,196,202,202,199,199,194,192,191,194,202,202,194,196,204,207,204,207,209,209,212,212,212,212,212,209,212,212,207,202,202,194,139,120,117,115,115,120,133,183,189,191,196,202,209,209,204,196,191,189,196,207,215,212,207,204,204,202,194,181,173,174,181,189,191,191,194,191,183,176,0,178,183,191,196,204,212,217,0,0,0,215,215,215,215,215,222,225,228,228,228,230,233,230,230,225,222,217,217,217,222,217,215,212,207,204,202,199,196,194,191,189,189,191,196,204,209,209,207,204,202,202,207,212,217,225,233,235,230,0,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,0,0,0,0,0,0,0,0,0,0,215,207,204,204,199,191,181,173,173,0,176,178,183,194,209,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,220,212,204,204,204,204,202,204,212,217,215,212,207,204,204,204,207,215,238,248,254,254,254,251,251,248,241,233,225,217,212,209,209,209,215,225,225,220,215,215,217,217,216,216,222,230,238,241,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,199,186,170,160,155,150,146,155,165,165,160,165,181,189,189,186,170,160,160,173,186,194,191,181,161,152,170,173,112,115,160,160,160,160,160,165,160,118,118,120,123,119,111,113,168,189,202,202,196,191,191,194,199,202,202,194,176,115,117,121,117,115,112,112,121,176,186,196,199,176,102,98,103,119,125,123,123,173,189,194,194,189,189,189,189,183,176,165,119,117,117,119,121,121,123,123,123,123,163,123,121,163,173,170,168,168,168,168,165,119,119,121,121,173,183,170,115,119,165,178,189,196,196,183,165,123,165,170,170,168,99,89,119,178,183,186,191,191,189,186,189,194,191,189,194,194,183,181,191,199,196,183,178,186,199,204,196,183,178,181,191,191,186,183,189,186,181,170,115,108,109,127,186,189,183,176,123,117,111,109,113,115,113,119,123,168,181,186,178,170,160,121,160,176,176,174,176,183,186,189,189,191,191,191,186,181,173,103,76,85,178,186,181,183,183,101,101,173,183,196,199,196,196,199,202,202,181,95,0,0,73,165,186,194,194,196,202,207,209,209,204,199,199,196,189,183,186,189,194,194,194,199,202,202,199,199,202,202,199,199,199,202,202,199,191,186,191,189,173,123,119,119,163,163,67,19,28,117,181,196,199,204,212,215,75,23,49,73,81,85,93,109,59,16,45,168,176,181,181,178,181,178,43,39,59,194,204,204,209,207,207,209,212,209,191,19,23,47,49,51,85,178,183,157,105,107,157,117,107,113,209,183,105,109,107,117,173,176,52,48,93,109,105,98,107,119,163,160,170,189,199,204,207,207,196,189,168,113,111,111,109,113,121,123,123,121,119,119,119,121,125,170,176,178,181,181,173,123,117,113,115,119,117,111,110,115,125,127,170,181,196,212,215,212,209,207,202,191,183,183,189,191,191,189,172,170,189,199,199,186,168,125,121,121,123,168,181,191,183,121,119,121,121,127,173,173,168,127,170,176,170,121,123,178,189,181,176,127,114,113,196,196,173,123,121,125,183,186,173,127,127,168,127,125,125,123,125,170,176,176,170,168,168,176,183,191,194,183,125,115,113,109,99,93,90,91,102,170,183,181,170,123,160,160,119,117,115,111,109,105,93,83,89,109,183,186,168,41,51,107,181,199,186,183,185,189,189,186,181,160,109,117,115,117,163,170,173,178,186,191,196,196,191,181,109,92,90,168,186,189,189,194,186,168,163,168,165,89,23,43,0,0,0,27,55,83,111,152,109,109,163,186,191,186,183,181,170,157,115,115,119,160,165,165,163,163,165,165,170,173,170,169,170,170,121,120,165,176,181,178,173,125,113,107,108,117,168,178,189,196,199,199,196,196,196,194,183,173,170,173,176,178,178,178,181,183,178,131,129,129,129,129,173,183,189,186,176,173,183,189,181,127,123,125,131,131,131,173,176,178,181,178,181,183,186,186,186,186,186,173,131,132,178,186,183,178,176,176,178,178,178,176,176,176,181,189,191,189,186,181,183,183,183,181,181,181,178,176,131,129,128,128,129,173,176,176,173,131,128,128,173,183,189,186,181,178,178,178,181,183,181,173,173,176,178,178,181,181,181,183,186,189,191,196,196,196,194,189,181,131,127,127,127,127,121,116,123,189,196,199,202,202,194,189,186,186,186,183,182,182,183,181,176,178,183,186,189,194,196,196,189,181,181,186,196,204,199,191,191,196,191,183,176,178,181,181,181,181,133,133,186,196,196,189,183,181,178,174,176,178,183,186,189,194,196,196,194,196,196,189,176,129,129,129,178,183,189,196,202,186,107,89,90,111,129,176,176,174,186,191,181,133,133,178,189,189,181,178,178,181,181,181,179,177,177,181,183,178,176,178,178,178,183,183,176,172,176,183,189,183,181,189,196,191,186,189,189,186,183,181,176,178,189,191,186,186,194,194,191,186,183,186,191,194,191,186,181,181,183,191,194,189,183,178,176,178,181,181,189,191,178,131,176,183,191,189,94,90,119,125,129,178,191,204,207,196,176,104,112,127,183,186,183,178,131,176,178,178,178,181,183,189,189,178,125,105,105,123,121,104,100,105,109,125,173,125,121,121,125,176,186,194,199,202,204,199,173,115,105,99,105,119,119,119,173,186,191,191,189,181,173,178,191,199,199,196,194,189,186,186,189,189,194,196,199,196,196,196,196,196,196,196,196,196,196,196,194,189,181,176,133,133,133,130,130,176,133,131,131,178,181,181,176,133,133,178,183,189,191,196,199,202,204,204,204,204,204,207,209,215,215,215,212,209,209,207,199,191,186,186,189,191,189,189,189,186,178,174,176,181,189,189,189,186,183,183,186,191,191,186,183,183,186,186,183,181,178,176,176,176,131,128,129,176,183,191,199,199,199,199,194,186,182,183,186,189,194,199,199,196,196,194,194,194,199,202,202,202,204,209,215,215,212,212,212,222,217,186,135,139,191,196,196,194,196,199,199,199,204,202,199,202,202,196,194,196,196,191,137,128,129,137,186,186,186,186,186,186,186,189,189,186,181,177,177,181,186,189,189,189,189,189,189,191,194,194,196,194,196,196,194,191,190,190,194,196,199,202,199,191,178,174,176,181,181,178,170,123,117,111,108,107,109,117,165,173,173,168,163,121,121,119,117,111,107,105,104,104,109,113,113,112,112,117,157,119,111,106,106,109,111,109,108,115,163,178,186,191,191,189,189,186,186,189,191,189,183,173,170,170,173,181,183,183,183,189,189,189,186,186,189,186,181,133,131,131,135,183,189,196,202,204,202,199,196,195,196,191,135,128,128,135,183,186,182,182,189,196,199,204,204,202,199,199,202,209,217,217,212,204,194,139,136,137,183,186,186,186,191,194,191,186,183,183,183,186,186,189,189,189,186,181,127,122,124,135,194,202,207,204,196,189,183,186,189,189,189,189,186,186,189,194,196,194,191,189,189,194,196,199,202,204,202,200,202,204,207,207,204,204,204,204,202,202,202,204,204,207,209,209,209,207,209,209,209,207,204,202,199,196,196,202,204,199,194,196,202,202,199,194,199,204,207,204,204,202,199,194,191,189,186,183,181,135,133,133,137,189,196,191,181,137,183,196,207,207,202,191,191,196,202,202,199,196,199,202,202,202,199,194,192,194,199,202,202,202,204,204,199,194,196,202,199,194,192,192,196,196,194,191,189,187,189,196,199,196,139,126,125,127,129,133,183,196,207,204,196,191,194,199,199,191,187,191,196,199,196,196,196,199,196,196,199,199,199,199,199,202,204,199,196,194,194,189,137,134,135,191,202,204,207,209,207,202,199,196,196,194,191,189,190,199,209,204,194,189,191,196,196,194,191,191,191,196,204,202,194,194,204,202,194,186,181,178,135,133,129,126,126,127,127,127,127,127,133,186,189,181,173,176,189,199,202,202,202,199,196,194,194,199,204,204,204,202,194,186,139,137,137,137,137,137,186,199,207,207,199,191,189,189,191,194,199,199,199,196,191,181,133,178,189,186,133,128,129,129,129,127,123,122,124,131,131,129,127,129,178,186,194,196,191,189,191,196,196,194,189,189,189,183,135,132,133,137,189,191,191,191,191,191,191,189,189,183,139,183,191,196,194,191,186,183,183,186,194,196,191,137,125,121,121,127,178,186,183,135,130,130,128,126,127,128,126,127,135,181,181,186,199,202,191,187,191,196,199,199,199,199,199,196,196,204,207,202,202,204,207,209,209,207,204,202,202,202,202,204,204,202,202,204,204,207,207,209,209,207,202,199,202,207,207,207,202,194,189,186,189,196,194,186,136,137,141,189,191,196,202,204,207,209,207,202,199,199,199,199,199,204,207,204,199,196,199,202,196,189,181,176,173,125,119,111,107,104,106,117,170,173,176,181,183,181,178,178,181,181,176,131,131,176,183,191,202,202,194,181,136,183,194,199,199,199,194,192,192,202,215,215,204,196,199,199,194,196,199,202,207,209,209,212,212,212,215,215,204,202,204,204,194,133,120,115,113,117,125,137,183,189,194,202,207,209,207,194,187,189,196,207,212,209,204,196,196,199,194,183,174,173,178,186,186,186,189,186,181,176,176,176,0,181,189,202,212,222,0,0,0,215,212,212,212,215,217,222,225,228,228,230,230,230,228,225,222,217,217,222,222,222,217,212,209,209,207,204,199,194,191,191,191,189,194,199,207,209,209,204,202,202,202,204,209,220,228,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,215,207,202,202,196,191,183,173,0,163,0,173,176,183,196,215,230,238,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,220,209,199,202,212,215,212,209,209,209,207,209,209,204,204,209,222,235,246,251,255,255,254,251,251,246,238,233,230,228,220,212,204,204,209,222,228,222,215,215,217,217,216,216,222,233,241,243,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,196,176,165,152,147,147,152,160,168,165,160,165,176,181,176,168,163,157,157,163,170,176,178,170,159,150,173,176,105,107,117,123,165,165,163,123,121,121,163,168,168,121,113,111,115,170,196,196,194,191,191,194,196,196,194,186,168,113,121,121,111,111,112,114,173,189,196,204,207,189,107,98,100,109,115,121,168,181,194,196,196,194,194,189,186,183,176,163,117,115,115,119,121,121,119,117,121,165,173,176,178,181,183,181,178,170,165,168,168,123,123,123,165,181,191,183,168,163,170,181,191,199,199,183,123,119,163,173,178,183,93,63,99,183,194,194,194,191,186,186,186,186,183,183,189,189,178,181,196,209,207,189,133,133,191,196,181,173,174,183,189,186,181,183,191,194,186,176,123,115,123,176,181,181,181,181,170,123,115,108,111,115,113,115,123,170,176,173,173,178,183,176,173,178,176,173,176,181,181,181,178,173,170,173,170,165,115,74,72,81,183,196,196,189,183,49,63,150,170,196,202,199,194,194,199,209,186,1,0,0,0,115,183,196,196,196,199,204,209,204,194,191,194,189,176,125,125,173,183,186,191,194,196,194,194,196,199,199,199,198,199,202,202,196,181,168,168,168,123,119,121,168,183,199,199,168,121,163,176,194,199,204,225,225,41,2,49,155,157,101,91,83,28,10,53,165,170,176,173,165,160,157,41,39,85,215,207,204,209,207,204,207,209,207,183,37,71,117,95,69,109,183,189,165,107,106,111,107,100,103,196,160,78,93,111,170,194,196,56,49,97,107,105,103,109,157,173,189,196,199,199,204,207,202,194,191,183,115,119,121,110,110,117,119,119,121,121,119,119,123,170,178,183,189,194,194,183,165,113,111,113,123,170,119,112,114,127,173,178,186,196,204,207,207,204,202,194,183,178,181,191,196,194,189,176,173,183,186,183,170,123,123,125,125,123,168,186,202,189,118,118,121,125,170,173,168,123,127,173,176,127,115,113,125,170,125,123,119,113,114,196,196,176,125,122,123,173,176,170,168,170,173,168,125,121,117,121,168,178,178,173,173,181,189,189,189,186,178,168,125,168,119,101,97,97,101,115,165,170,163,117,117,119,119,115,113,115,109,109,115,109,89,71,45,39,155,170,39,33,111,183,194,189,185,186,191,191,186,168,115,111,115,119,163,173,176,170,170,176,183,191,191,183,168,100,88,86,165,181,176,165,170,170,160,160,165,152,0,0,5,0,0,0,0,0,51,109,163,157,115,160,181,189,183,181,178,170,160,157,121,121,119,117,117,118,121,163,168,173,178,176,170,170,170,165,168,176,186,191,189,178,125,113,111,115,123,170,181,189,194,199,202,196,194,191,186,178,176,176,178,178,178,176,170,173,181,181,131,129,131,131,173,181,191,196,194,181,176,183,186,178,129,127,127,127,129,176,183,181,178,178,181,186,196,194,186,178,183,186,176,132,176,186,191,186,178,133,132,132,133,176,178,178,178,181,183,186,186,183,178,181,186,189,186,183,178,176,173,129,128,127,128,129,131,131,131,131,129,129,129,131,178,183,181,178,181,186,186,183,183,183,178,176,176,176,176,178,181,181,181,186,189,191,194,194,194,189,183,173,129,129,131,131,129,119,114,117,173,183,189,194,196,191,189,191,194,194,194,186,183,186,183,178,176,178,181,183,186,186,183,181,178,181,183,191,194,194,191,199,202,194,183,178,181,186,183,181,181,133,131,178,189,191,191,186,181,176,174,174,176,183,189,194,196,196,199,196,196,194,181,128,127,128,131,181,191,196,207,207,189,115,105,106,115,119,127,181,191,202,199,189,178,176,181,191,194,189,189,189,189,186,183,183,181,183,186,183,178,181,186,183,183,183,186,183,181,183,189,191,189,186,186,186,181,181,186,186,183,181,178,133,176,191,199,196,191,194,196,196,194,189,194,202,202,191,181,178,181,186,191,194,191,191,186,181,178,176,131,176,186,178,173,176,178,181,173,90,87,121,129,131,131,181,196,204,196,178,110,117,176,191,196,196,183,128,130,176,176,173,174,183,186,183,178,129,113,113,125,121,105,102,113,121,170,176,170,127,127,170,173,173,181,191,196,202,199,186,113,97,95,105,123,123,119,125,178,186,189,186,181,178,186,199,202,199,196,196,191,186,183,186,194,196,199,196,196,196,199,196,196,196,199,199,202,202,202,199,194,183,176,131,131,131,131,131,131,131,131,176,183,186,183,178,133,129,131,178,186,194,196,196,199,199,202,202,202,202,202,204,209,215,215,209,207,207,204,196,186,181,183,186,186,185,185,186,183,181,176,177,183,189,191,194,191,189,186,186,189,189,183,181,183,186,189,189,186,183,181,178,178,131,129,130,133,130,132,191,196,199,199,194,186,182,182,183,189,196,202,202,199,199,196,194,194,199,202,204,204,207,212,215,215,212,209,209,217,212,137,133,183,191,194,194,194,199,204,207,207,207,204,202,199,189,189,199,204,202,196,183,132,133,183,183,183,183,189,189,186,186,183,183,181,178,177,177,181,186,189,189,186,186,186,189,189,191,194,196,196,196,196,194,191,191,191,191,194,194,196,199,194,186,181,181,183,183,178,170,121,115,109,107,107,109,117,165,176,176,170,165,123,121,117,113,109,105,105,105,105,109,113,113,112,113,117,160,157,113,107,107,111,115,115,113,119,163,176,186,191,191,191,191,189,189,189,191,191,186,176,172,172,176,181,186,186,189,191,194,194,191,189,186,183,181,181,178,178,181,186,191,199,204,204,199,199,196,199,202,196,137,128,129,183,189,183,179,181,189,196,196,202,202,202,202,202,202,207,215,215,212,207,202,189,138,181,183,183,182,183,189,191,189,186,186,189,189,189,189,191,191,191,189,181,129,124,125,131,183,196,202,202,196,189,186,183,183,181,137,183,183,186,189,191,194,194,191,189,187,189,194,199,204,207,204,200,200,204,209,209,207,207,207,204,202,202,202,204,204,207,209,209,209,209,209,209,209,204,202,199,199,199,202,207,209,202,194,194,199,204,204,202,204,204,204,202,202,199,196,191,186,186,183,137,133,132,131,132,137,189,196,194,183,136,181,196,209,212,204,191,186,189,196,204,202,202,202,202,202,202,196,194,194,196,202,204,204,204,204,202,191,186,186,191,194,192,192,196,204,204,199,194,189,187,191,196,196,191,137,126,127,133,137,137,183,199,209,209,204,194,191,194,196,194,189,189,194,196,196,196,199,199,199,196,199,199,199,196,199,202,202,202,196,196,196,194,186,137,139,194,202,204,204,204,202,199,202,202,199,194,190,190,194,204,209,207,196,194,194,196,194,191,189,189,186,189,196,194,189,189,199,204,196,189,183,178,135,133,129,127,126,126,125,125,125,127,133,194,194,181,172,173,189,202,202,199,199,194,189,187,187,194,199,204,204,202,191,139,133,131,131,131,133,137,189,196,204,207,207,199,194,194,196,199,204,204,204,202,199,194,191,194,194,189,135,129,133,133,133,133,129,123,124,131,133,129,127,129,178,191,196,191,183,181,181,183,189,191,194,194,191,186,137,132,133,137,189,191,194,196,196,196,194,191,186,139,137,138,186,191,191,189,183,179,179,183,191,194,191,186,137,133,129,131,178,186,186,178,131,130,128,126,129,135,133,133,181,178,135,181,196,199,191,189,196,207,207,204,204,204,202,199,202,207,204,202,199,202,207,209,209,209,207,204,202,202,204,207,207,204,204,204,207,207,209,209,207,207,204,204,204,204,207,207,204,196,189,186,189,199,199,191,141,141,189,189,189,191,194,199,204,207,204,199,198,199,199,199,199,202,204,204,196,194,194,191,189,186,186,186,186,181,127,115,106,103,105,117,173,178,178,181,183,183,181,178,186,194,191,181,176,178,183,191,199,202,199,186,135,134,186,196,199,196,194,194,196,209,222,222,209,199,196,194,189,189,189,194,202,207,207,207,204,209,215,212,204,202,207,207,202,202,196,137,121,120,123,131,137,186,191,196,202,204,202,194,187,189,196,207,212,209,204,194,191,194,191,181,176,176,178,183,186,186,189,186,183,178,178,0,0,0,181,196,209,222,0,0,0,212,211,211,211,212,215,217,222,225,228,230,230,230,228,225,220,216,216,217,222,222,217,215,212,212,209,207,202,196,194,191,189,186,189,196,204,209,209,209,207,202,198,199,204,215,225,230,230,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,215,209,204,199,194,191,0,170,163,160,163,168,168,170,183,204,217,225,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,220,212,202,196,204,212,215,212,204,196,194,196,204,207,202,200,209,230,243,248,254,255,255,255,251,248,243,235,233,235,233,222,209,196,145,196,207,215,215,215,217,225,225,222,222,228,235,241,246,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,157,147,137,139,147,160,160,160,157,155,160,168,170,165,160,160,160,157,119,157,163,168,170,165,163,170,168,106,106,113,123,170,173,168,163,121,125,178,189,181,165,119,113,108,110,173,186,189,191,194,196,194,183,176,125,111,111,121,121,111,111,117,173,191,199,199,204,207,196,168,101,100,103,109,119,170,183,191,194,196,196,194,189,183,178,173,121,111,111,115,119,123,121,115,113,117,170,183,189,191,189,186,186,181,170,123,123,165,123,123,165,176,189,196,191,173,165,165,173,183,191,191,176,115,111,117,125,170,168,64,53,67,109,181,191,191,186,183,183,183,176,129,131,176,173,127,127,183,207,209,191,131,129,183,191,181,174,176,181,181,173,131,178,191,191,183,129,123,168,186,191,181,170,173,181,183,168,103,100,109,117,112,111,119,165,165,163,165,176,183,178,176,181,181,181,183,181,178,178,170,163,155,117,155,155,113,85,81,99,173,194,202,191,168,0,8,85,111,194,199,191,181,181,189,189,39,0,0,0,0,105,181,196,194,191,196,202,204,196,176,176,186,181,121,107,95,85,95,121,178,183,181,178,183,191,196,199,199,198,199,199,202,196,170,113,111,115,117,115,119,170,186,199,202,194,170,157,157,189,202,209,212,57,0,0,113,181,173,103,93,95,59,50,170,170,168,165,157,155,117,155,81,40,75,181,189,196,209,207,202,202,202,191,173,99,183,202,191,170,168,170,173,165,117,111,109,103,98,104,181,157,80,88,113,181,202,204,81,69,97,105,109,109,101,101,173,196,202,202,202,204,204,199,196,196,189,95,117,119,111,115,123,165,125,125,121,115,115,125,178,189,194,199,202,199,186,168,115,110,112,127,178,170,115,113,125,181,181,178,183,194,194,194,196,194,189,181,176,176,186,194,189,176,173,170,168,168,170,125,121,125,168,165,121,123,178,191,178,120,120,165,170,176,170,125,123,168,181,178,127,115,113,115,113,113,115,117,117,121,189,191,176,127,122,121,125,170,173,178,178,173,127,123,121,116,116,123,170,173,173,176,186,194,194,189,183,176,178,191,207,199,168,121,125,125,125,125,121,117,116,121,163,117,105,107,121,115,111,119,160,119,99,47,29,19,17,14,21,119,186,189,191,189,191,196,196,186,111,107,111,113,115,121,168,168,163,160,168,173,181,178,173,165,115,105,117,181,183,168,113,113,155,157,160,163,107,0,0,0,0,0,0,0,0,55,165,183,183,165,160,170,181,183,181,178,173,168,168,170,165,119,117,117,118,163,170,181,189,189,181,173,173,178,183,186,186,189,194,196,186,123,111,115,123,127,170,176,181,186,191,191,191,189,183,178,173,176,176,176,176,176,170,128,129,178,178,127,125,129,173,173,181,189,199,196,186,178,178,178,176,131,129,129,129,131,181,189,183,176,176,181,191,199,196,181,173,174,181,178,173,178,189,191,186,178,133,132,132,133,176,181,183,183,183,186,186,183,181,178,181,186,191,186,181,176,173,173,131,129,129,131,173,131,131,129,129,127,129,131,173,178,181,178,178,183,189,189,183,183,186,181,178,176,174,174,181,183,181,181,183,189,191,191,191,186,181,176,131,131,131,173,176,173,127,119,121,129,131,176,178,183,186,189,196,202,204,202,194,189,191,189,183,176,133,176,178,178,174,173,174,176,178,181,186,186,186,189,199,199,186,178,178,181,183,181,176,176,133,131,176,181,186,189,186,181,178,176,176,178,183,191,196,196,196,199,196,196,191,178,127,127,131,178,186,194,202,207,204,186,125,119,121,123,119,125,189,199,199,194,183,178,178,186,199,202,199,199,199,199,196,191,191,194,196,189,181,178,183,189,191,191,191,191,194,191,191,189,189,186,186,183,181,177,177,186,186,181,176,133,132,133,189,204,204,196,189,191,196,194,194,199,204,202,194,183,178,178,181,183,189,191,194,191,183,178,131,127,129,176,173,173,173,176,176,129,102,101,131,176,129,121,120,173,194,194,183,129,131,183,194,196,196,181,128,128,176,176,173,174,183,189,183,181,178,127,123,123,121,115,115,121,123,127,173,176,178,181,178,168,119,119,173,189,196,194,181,95,91,96,127,186,186,173,127,127,176,183,183,178,176,191,204,204,202,204,202,194,183,181,189,196,202,199,196,195,196,196,196,196,199,199,202,202,204,204,199,186,178,133,131,131,176,176,133,130,129,130,176,186,191,189,183,178,129,129,178,189,194,194,194,194,196,202,202,202,199,199,202,204,212,212,209,207,207,204,194,178,177,178,183,186,185,185,186,189,186,181,181,186,189,189,194,196,191,186,186,186,186,181,181,183,186,186,189,191,189,183,181,181,176,131,133,133,123,121,181,191,196,196,194,191,186,183,186,191,196,202,202,202,202,199,196,196,202,204,207,207,209,215,217,215,209,209,209,212,199,125,131,183,191,191,191,194,204,209,209,209,209,207,204,194,183,183,199,207,207,202,189,135,135,181,137,178,183,189,189,189,186,186,183,181,181,178,178,181,186,186,186,186,183,186,186,189,191,194,196,194,194,194,194,191,189,189,189,189,189,191,194,194,189,186,186,186,186,181,173,123,115,109,108,109,113,121,168,176,176,173,165,123,119,115,109,105,104,105,107,107,111,115,117,115,117,157,160,160,119,113,109,113,119,160,160,123,163,168,178,186,189,191,191,191,191,191,191,191,189,183,178,176,176,178,181,183,186,191,194,194,194,191,189,186,186,191,191,189,186,186,191,199,199,194,191,194,199,204,207,202,189,181,181,194,196,189,182,183,191,196,195,196,196,199,202,202,202,207,209,212,207,204,202,191,186,183,186,183,181,182,186,189,186,186,191,191,191,191,191,191,194,194,191,183,133,127,129,133,181,191,199,202,196,189,186,181,137,133,132,137,183,186,189,191,194,196,194,191,187,189,191,199,204,207,204,202,202,204,209,209,209,207,204,204,202,204,204,207,207,207,207,207,207,207,207,207,204,199,196,196,202,204,207,212,215,204,194,191,196,202,204,204,204,204,202,199,199,196,191,186,183,183,183,135,133,132,132,133,137,186,191,191,183,137,183,196,209,212,207,196,186,186,194,202,202,199,199,202,202,199,196,194,196,199,204,204,202,202,202,199,189,185,185,189,194,194,199,207,212,212,204,196,191,191,196,199,196,189,183,135,139,189,191,189,191,199,209,212,207,196,191,189,189,186,183,183,189,194,194,194,196,199,199,196,199,199,199,196,196,196,199,199,196,196,202,202,196,191,194,199,202,202,199,196,194,194,199,204,202,194,190,190,199,207,212,207,199,194,194,194,191,186,183,181,177,178,189,191,186,186,194,199,196,189,183,181,178,133,129,129,131,131,127,125,126,133,189,204,199,181,173,174,189,202,202,196,194,189,187,187,189,194,202,204,204,196,186,135,130,129,130,131,137,189,196,199,204,209,212,204,202,199,202,207,209,209,207,204,204,202,199,196,196,194,183,178,178,133,176,178,176,129,131,133,133,129,127,133,183,191,194,183,176,131,127,127,129,181,189,194,194,191,183,137,135,183,191,196,196,199,199,199,196,191,186,139,138,139,186,189,189,186,183,179,179,181,189,191,191,189,186,183,178,131,133,181,186,186,181,178,133,131,178,186,183,181,181,135,134,181,191,196,196,196,202,209,209,207,204,204,204,204,204,204,202,199,199,202,204,209,209,212,209,207,204,202,204,207,209,207,207,207,207,209,209,207,204,204,207,207,202,202,202,204,204,199,191,141,140,189,194,194,191,189,191,191,191,191,190,194,202,202,199,198,198,199,202,204,204,204,207,204,199,194,191,189,185,186,189,189,191,189,181,127,115,109,111,123,176,176,178,183,186,186,183,183,194,204,202,194,189,186,186,189,194,196,199,194,137,130,136,189,189,186,191,196,204,209,215,215,207,199,196,194,191,189,187,187,194,202,202,199,196,196,202,204,204,204,204,202,199,209,212,209,194,135,129,127,129,139,189,194,196,199,196,194,189,187,194,204,209,212,209,202,194,189,186,181,177,178,183,189,189,189,191,191,189,186,183,0,0,0,176,191,207,217,0,0,0,212,211,211,211,212,215,217,225,228,228,230,230,230,228,225,222,216,216,217,222,222,222,217,215,212,212,209,207,202,196,189,183,181,189,199,207,209,212,215,212,204,199,198,202,212,217,228,230,230,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,220,212,207,199,194,189,0,168,161,160,163,168,165,165,173,194,207,209,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,212,202,189,191,199,207,209,204,196,187,185,187,202,207,200,198,202,217,233,246,254,255,255,255,254,248,241,235,233,235,230,220,202,143,139,141,189,196,202,207,217,228,230,228,230,233,238,243,243,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,0,31,134,134,139,144,150,155,155,152,152,155,163,168,163,157,157,163,163,119,115,117,163,173,176,178,176,163,113,111,113,123,168,170,170,168,123,117,123,186,199,194,183,176,168,111,110,125,178,181,186,196,196,183,123,105,89,91,105,115,121,123,125,178,191,199,199,199,202,204,196,176,103,101,103,109,119,170,181,186,189,191,194,194,186,181,178,173,103,91,103,115,123,165,165,116,115,123,176,186,191,194,189,183,183,186,178,123,122,123,121,123,168,181,191,196,191,176,163,123,165,170,178,178,163,105,98,103,115,119,111,67,63,85,101,117,178,183,183,183,186,183,173,123,123,123,123,121,121,125,181,191,181,129,127,178,189,189,183,178,173,125,121,125,173,181,181,127,115,113,127,183,183,126,122,125,176,181,119,97,99,121,125,117,119,123,163,163,161,161,170,178,176,174,178,186,189,186,178,173,173,170,160,113,103,101,107,105,93,89,97,155,186,196,183,85,0,0,39,41,67,99,150,150,107,99,63,0,0,55,81,73,113,183,191,186,183,189,191,194,183,164,165,178,173,117,103,87,78,82,107,176,178,166,165,173,189,196,199,199,199,199,199,199,194,121,105,107,121,123,113,111,165,181,183,181,176,160,107,97,160,194,194,55,0,0,14,181,186,165,93,97,168,181,189,196,181,168,155,115,116,117,165,165,71,87,160,173,181,191,191,191,191,183,168,163,168,194,202,202,196,183,168,160,157,160,155,115,109,105,173,191,186,111,89,97,176,186,176,103,101,105,103,109,109,98,98,165,194,199,199,204,202,199,199,199,196,173,31,54,81,113,168,178,183,181,170,121,106,107,121,181,194,199,202,202,196,181,125,115,111,113,123,173,168,117,112,117,170,125,119,170,183,181,181,186,186,183,178,174,174,178,183,173,122,127,170,120,119,125,125,121,125,168,165,119,119,165,170,165,125,165,170,176,170,127,123,125,176,189,183,168,121,117,111,110,112,117,119,121,127,181,186,176,125,121,121,123,170,178,181,178,170,127,125,121,117,115,116,123,127,168,173,183,191,194,189,178,170,178,196,209,204,176,165,170,170,165,123,121,119,163,170,165,107,102,107,168,160,115,157,168,178,176,107,85,14,4,14,55,117,183,189,191,194,194,199,199,186,98,97,117,117,113,113,119,119,119,160,168,168,168,168,168,173,176,178,183,181,178,160,110,109,117,168,163,111,85,0,0,0,11,67,49,35,19,81,173,181,183,163,152,165,178,183,183,181,173,170,173,176,170,163,121,121,163,170,181,194,202,202,189,173,173,183,194,196,194,191,191,186,173,113,107,119,125,127,127,127,127,127,168,127,170,173,173,129,129,170,176,173,170,173,173,129,129,173,127,120,121,127,131,173,176,186,194,196,189,178,177,178,181,178,173,173,176,178,181,186,181,173,173,178,186,194,191,181,173,173,178,176,173,176,181,186,181,176,133,133,133,176,178,181,183,186,189,189,186,183,181,178,181,186,191,181,173,131,131,131,131,129,129,173,173,173,131,129,126,126,127,173,181,183,181,178,178,181,183,183,181,183,186,183,178,176,174,174,183,189,183,179,183,189,191,189,186,181,173,131,131,173,176,176,178,176,131,131,131,131,131,131,173,176,181,189,199,207,207,207,202,199,196,191,181,133,131,132,176,176,174,173,174,176,178,181,186,186,182,183,194,194,183,178,181,183,183,178,129,126,129,131,133,133,178,181,183,181,181,183,181,176,178,186,194,196,196,199,196,196,191,183,131,129,176,183,189,191,196,196,194,181,131,125,127,127,125,133,194,196,189,181,174,174,181,191,202,207,207,204,207,204,199,194,191,194,196,186,176,176,181,189,194,196,196,196,196,196,191,189,183,183,183,183,181,177,181,191,194,183,133,132,132,176,186,199,202,191,183,183,186,191,194,196,199,202,199,194,183,173,129,173,181,186,189,189,181,178,131,128,131,176,131,131,131,173,176,176,129,173,183,181,131,118,116,121,181,186,183,178,178,183,189,186,183,173,128,130,176,178,176,178,189,191,186,186,189,189,181,123,121,123,127,125,120,121,129,178,186,189,178,123,115,115,119,173,189,191,176,87,86,105,189,196,202,196,173,113,103,123,178,176,178,194,204,204,204,207,202,189,176,181,194,199,199,196,195,196,196,199,196,199,199,202,202,204,204,204,196,178,133,133,133,176,178,178,176,130,129,130,178,189,194,194,189,183,129,127,181,194,194,189,189,189,194,199,202,202,199,199,199,202,209,215,209,207,207,204,191,178,176,178,186,189,186,186,189,191,191,189,186,186,183,186,191,196,191,183,181,183,186,183,181,183,183,183,186,189,189,189,183,178,176,133,181,181,118,114,178,186,189,189,191,194,191,186,186,189,194,196,199,204,207,204,199,199,204,209,209,209,212,215,217,212,209,207,207,204,131,103,125,181,189,189,186,191,204,209,207,209,212,209,202,191,185,185,194,204,207,204,189,134,134,137,178,136,181,186,189,189,189,189,186,183,181,181,181,181,183,186,186,183,183,183,186,189,191,194,196,194,194,194,191,189,186,186,189,186,186,189,191,191,189,186,186,186,186,186,178,127,117,111,109,113,117,123,170,176,176,170,165,123,119,113,107,104,104,107,109,113,115,119,119,157,160,163,165,160,157,117,113,113,119,163,168,165,123,123,168,178,183,186,189,189,191,191,194,196,194,191,186,181,178,176,176,178,183,189,191,191,194,194,191,186,186,194,199,194,189,189,194,196,194,181,177,181,194,202,204,202,196,194,194,199,202,199,194,194,199,199,196,195,195,196,199,199,202,207,209,204,199,194,194,189,186,186,189,186,182,182,186,186,183,186,194,194,191,189,189,191,194,194,191,186,178,135,135,181,183,189,196,199,194,189,181,137,133,131,131,135,186,191,191,191,194,196,199,196,194,191,194,199,202,204,207,204,204,207,207,209,207,207,204,202,202,204,207,207,207,207,207,204,204,203,204,202,199,194,191,194,202,204,209,215,215,202,189,189,194,199,199,199,202,204,202,196,196,194,189,182,181,181,183,181,137,133,133,135,181,186,186,186,181,137,186,202,209,212,207,199,189,183,191,194,194,194,199,202,202,199,199,199,199,199,202,199,194,194,196,196,194,189,186,189,194,199,204,209,215,209,202,196,194,194,199,196,194,191,191,191,191,196,199,196,194,194,199,204,204,199,191,186,186,183,182,181,183,189,189,189,191,194,194,196,199,202,202,196,194,194,196,199,196,199,204,204,202,199,199,199,199,196,191,186,186,189,194,202,202,196,191,194,202,209,212,209,199,194,191,189,183,181,178,178,176,177,186,191,183,178,183,191,191,186,183,183,181,135,131,131,133,135,131,129,131,183,202,212,204,186,177,178,191,202,202,194,189,187,187,191,196,199,202,202,194,181,131,130,130,131,133,137,189,196,202,204,207,209,209,207,204,202,204,207,209,209,207,204,202,199,196,196,199,196,191,186,183,178,178,181,181,176,176,176,133,131,133,181,189,191,186,176,129,125,122,121,122,129,178,186,194,194,191,189,189,194,199,199,199,202,199,199,196,194,189,186,183,186,189,189,189,189,189,181,179,181,186,189,186,183,186,183,178,131,131,178,189,191,189,183,183,181,183,189,183,135,135,134,135,183,189,194,196,199,202,204,204,204,204,207,207,204,204,202,199,199,199,202,207,207,209,212,212,207,202,202,202,204,207,207,207,207,209,209,209,207,204,204,207,207,202,200,200,202,202,202,194,141,138,139,186,194,196,191,194,196,199,196,191,191,199,202,199,199,199,202,204,204,204,207,207,204,196,194,191,186,185,185,189,189,189,189,186,173,119,113,115,123,168,173,176,181,186,189,189,191,202,207,207,202,199,191,189,189,187,189,196,199,194,135,137,183,179,178,183,196,204,204,202,196,194,191,191,196,199,194,187,187,191,199,199,199,195,192,191,195,199,204,202,194,191,199,209,209,202,189,137,131,129,135,139,186,191,191,194,191,189,186,189,202,209,217,217,215,204,194,191,186,183,186,191,196,196,196,199,199,196,194,191,183,0,168,176,194,207,217,0,0,0,215,212,212,212,212,217,222,225,228,230,233,233,233,230,228,222,217,217,222,225,225,225,222,217,215,212,212,209,207,196,186,178,177,183,202,209,212,212,215,217,209,199,198,199,207,212,222,228,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,222,212,204,196,191,186,0,168,163,161,165,170,165,160,165,181,191,189,181,183,0,0,0,0,0,0,0,0,0,0,0,0,241,225,209,0,0,0,0,0,215,207,194,0,181,189,196,202,202,196,189,185,186,202,209,202,199,202,209,217,233,246,254,255,255,254,246,241,235,235,233,228,217,202,142,139,140,141,142,189,202,215,228,230,233,233,238,241,243,243,243 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,150,176,48,33,118,134,165,163,157,155,150,148,152,163,173,170,160,155,157,163,163,117,114,117,170,181,186,186,183,113,107,119,173,181,176,165,123,123,117,112,115,191,202,199,196,196,194,178,127,176,181,183,183,189,186,170,111,88,81,85,99,109,125,186,191,196,196,199,199,202,204,204,196,176,107,105,109,113,121,173,183,186,186,183,186,186,183,178,178,176,80,80,93,117,168,176,176,163,163,170,178,183,189,189,189,183,183,186,183,165,123,123,121,123,168,181,189,191,186,173,123,121,121,163,170,168,117,98,94,96,113,117,113,107,168,178,113,113,127,176,183,191,191,183,170,123,122,121,122,122,121,121,122,127,127,127,129,176,186,191,189,176,125,119,118,123,131,173,127,117,108,108,117,170,127,117,116,122,168,165,106,101,119,183,183,181,176,163,163,168,168,163,165,176,178,173,176,186,189,183,168,160,163,168,163,111,81,55,49,55,79,77,85,103,178,191,170,69,2,22,39,10,12,35,103,152,111,91,67,37,0,87,103,111,165,186,191,182,181,183,186,183,176,159,161,173,170,121,111,97,86,91,165,191,186,163,160,168,186,196,196,196,196,196,196,191,181,107,95,117,186,183,119,109,117,165,163,105,103,103,91,73,77,77,45,0,0,29,165,183,183,160,101,109,181,191,196,196,183,165,115,114,116,155,165,170,163,160,170,173,168,157,115,170,173,163,115,160,176,191,199,202,199,189,170,155,155,157,160,163,176,186,199,202,204,202,87,85,160,155,109,107,115,107,90,101,109,103,105,163,189,196,196,199,199,196,196,202,196,95,0,9,56,123,178,186,194,196,186,173,98,102,109,173,194,199,199,194,186,168,119,115,113,115,119,125,125,123,115,115,117,113,112,173,178,176,174,178,183,183,181,178,176,176,176,124,116,125,173,117,116,123,125,121,123,165,125,119,119,123,123,123,165,168,168,168,125,121,121,127,178,186,181,170,168,123,112,111,117,125,123,125,168,176,181,176,127,123,123,125,170,178,178,173,168,127,125,121,121,116,115,117,123,127,168,173,178,186,183,170,127,170,183,189,178,165,125,168,170,165,123,125,173,178,176,163,109,107,168,186,173,160,157,165,176,183,178,173,85,13,107,117,119,186,189,191,196,199,202,199,181,90,90,160,119,113,112,115,119,121,165,170,168,166,165,168,176,183,183,181,170,163,117,111,110,163,178,170,115,95,59,0,0,71,168,170,113,35,63,73,63,105,111,110,160,178,183,181,173,163,163,170,173,173,168,165,165,170,176,183,194,204,207,196,170,168,181,191,196,196,194,186,168,107,104,107,121,125,127,125,125,119,116,114,113,117,125,125,124,124,127,170,170,170,173,173,170,131,129,120,117,119,125,131,173,176,178,186,189,183,178,178,186,194,189,181,173,178,178,176,178,176,172,172,173,181,186,186,181,174,174,176,176,172,173,176,178,178,176,133,176,176,178,178,178,181,183,189,191,186,183,181,178,181,183,186,176,129,128,129,131,131,128,128,131,173,173,170,127,126,125,127,176,183,186,181,178,178,178,178,178,181,183,183,178,176,176,176,174,181,189,186,181,183,189,191,186,183,181,173,130,173,178,178,176,176,131,130,176,181,181,181,176,176,176,178,189,199,204,207,207,207,207,202,189,176,131,130,133,181,181,178,176,178,178,178,181,186,186,183,182,189,191,181,183,191,191,189,178,126,124,127,131,131,131,131,176,178,181,183,186,183,176,176,181,186,191,196,199,196,194,194,186,176,131,176,183,183,183,186,186,183,178,173,131,129,131,129,178,194,194,186,176,170,172,181,194,204,209,207,204,207,204,199,189,183,183,186,181,174,173,176,181,189,196,199,199,196,191,189,186,183,181,181,181,178,178,186,199,196,186,176,132,176,181,183,194,196,186,179,182,185,189,191,194,196,202,207,204,191,173,128,129,173,178,183,183,181,178,178,178,181,181,173,131,130,131,176,181,186,194,194,191,181,125,119,123,176,181,178,178,181,183,183,178,173,130,129,131,176,178,181,183,191,191,189,185,186,199,194,127,123,127,170,127,120,121,170,183,191,189,176,121,117,116,116,121,183,194,186,85,84,117,191,196,204,209,189,94,88,101,170,176,181,194,202,199,199,202,196,178,131,181,196,199,196,196,196,196,202,202,199,199,202,202,204,204,204,204,196,135,132,133,176,178,178,178,176,133,131,176,183,191,194,194,191,183,125,125,186,199,194,186,183,185,189,196,199,202,199,199,198,199,207,215,212,209,207,204,194,181,178,183,189,191,189,189,191,191,194,194,189,183,181,181,189,194,186,178,178,183,186,183,178,178,178,178,181,186,189,189,183,176,132,133,186,191,120,116,183,181,178,181,189,194,191,189,183,186,189,191,196,207,209,207,202,202,207,209,209,209,212,217,217,209,207,207,204,194,105,92,117,181,189,183,182,189,199,204,204,204,207,204,196,191,189,189,194,199,204,202,189,134,134,181,178,136,178,183,183,186,191,194,191,183,181,181,181,181,181,183,183,183,181,183,186,189,191,191,194,191,191,191,191,189,186,186,186,189,186,189,191,189,186,186,186,186,186,189,183,176,123,115,113,117,121,165,173,176,173,168,163,121,117,111,105,104,104,107,111,115,117,119,157,163,165,170,168,160,121,119,113,113,119,168,173,173,165,122,125,170,176,178,178,181,186,191,196,199,199,196,194,186,178,174,174,176,181,186,189,191,196,196,191,183,183,189,194,191,186,186,194,196,191,178,173,177,183,191,194,194,199,199,199,196,202,204,202,202,204,204,202,199,196,196,199,199,202,209,209,199,189,183,183,183,183,186,191,194,191,189,189,183,181,183,191,191,189,186,189,191,194,194,194,189,181,181,183,189,189,191,194,196,194,186,181,135,132,131,131,137,186,194,196,194,196,202,204,202,199,199,199,199,199,202,204,207,207,204,207,207,207,204,202,199,202,202,204,204,204,204,202,204,204,204,204,202,199,194,189,191,196,199,204,209,209,196,185,186,191,194,194,196,199,202,199,196,196,194,189,183,181,182,186,189,186,137,135,137,186,186,186,181,137,181,191,204,209,207,202,194,183,137,183,183,183,189,199,204,202,199,199,199,199,199,196,194,187,186,191,199,199,194,189,186,189,194,199,207,207,196,189,189,189,191,194,194,191,194,202,204,199,199,199,199,191,186,186,194,199,199,194,189,189,186,183,182,183,186,186,186,186,186,186,191,199,202,199,194,191,191,194,194,196,199,204,204,202,199,196,194,194,189,186,183,185,189,194,196,196,196,191,191,199,207,212,207,199,191,189,186,181,177,177,181,178,178,189,189,178,134,178,186,186,186,189,189,186,178,133,131,130,131,133,178,181,189,199,217,209,194,186,189,196,202,204,196,189,187,189,194,199,199,196,191,181,130,128,129,133,181,183,186,194,199,204,204,207,207,207,204,202,202,204,207,204,204,199,196,194,194,194,194,196,196,194,191,194,189,186,186,183,178,178,181,178,176,181,189,194,189,178,131,127,125,122,121,121,125,133,183,189,194,196,196,196,202,207,204,202,202,199,196,196,196,194,191,189,189,191,191,191,194,194,186,181,181,183,181,135,135,137,137,178,135,135,178,183,186,183,182,183,186,189,186,181,134,132,134,178,186,189,191,196,199,196,196,196,202,204,204,204,202,202,199,199,199,202,204,204,207,209,212,209,204,199,199,198,199,202,204,204,207,207,209,212,209,207,207,212,212,204,202,202,204,202,199,194,141,139,139,141,191,194,194,196,202,207,207,199,196,202,204,204,202,202,202,202,202,204,207,204,196,191,191,189,186,185,185,186,189,186,186,181,127,113,107,109,115,123,125,168,178,183,186,189,196,204,207,204,202,202,199,194,189,186,187,194,202,204,199,196,186,178,174,179,189,194,196,189,183,183,183,186,194,202,199,191,187,191,196,202,204,202,194,191,192,199,207,207,199,194,191,194,196,194,189,183,137,133,133,135,183,186,189,189,191,191,187,189,199,209,217,222,220,212,204,199,196,191,194,196,199,199,202,204,207,207,202,196,186,178,173,178,194,207,217,0,0,0,215,215,215,215,217,222,225,228,230,233,233,233,233,233,230,228,222,222,225,228,230,228,225,217,215,212,212,209,207,199,186,177,0,181,199,207,209,212,215,217,212,202,198,199,204,207,215,225,230,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,230,225,222,212,202,191,186,183,0,168,163,163,168,173,168,157,157,168,176,0,0,163,0,0,0,0,0,0,0,0,255,255,255,248,238,220,204,191,0,0,0,0,217,207,191,0,0,176,183,194,202,202,196,191,187,204,215,215,209,209,212,212,222,233,243,251,254,248,243,241,238,235,230,225,215,204,147,143,145,189,189,191,199,209,222,228,233,235,238,241,241,241,241 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,183,209,181,46,29,118,137,155,160,157,152,148,148,155,168,176,173,157,153,157,165,163,115,114,160,178,186,189,191,183,117,113,168,183,186,178,119,114,117,114,111,115,191,202,202,199,199,202,199,196,196,194,191,183,170,127,125,170,168,103,93,89,97,173,202,204,202,202,199,199,202,204,202,199,189,117,113,113,113,117,170,183,186,186,178,176,178,178,178,181,181,72,74,91,121,168,176,176,163,165,170,178,183,189,186,181,181,181,173,168,165,165,163,119,119,163,173,178,176,173,170,165,119,118,121,168,170,121,105,99,107,123,121,115,117,170,183,170,115,113,121,181,202,199,183,173,129,125,123,123,125,125,125,127,127,129,131,173,183,183,183,186,127,115,119,125,127,125,123,119,113,99,105,119,173,176,168,127,168,173,119,106,117,176,178,181,183,173,113,121,173,170,163,168,189,189,176,173,178,181,173,160,155,157,165,160,115,33,0,39,53,47,33,36,93,178,181,150,99,157,173,178,170,39,36,165,189,189,194,191,155,17,23,63,111,173,186,189,183,182,183,186,186,181,176,173,173,173,168,123,115,109,168,191,202,196,168,164,178,194,199,199,196,194,191,186,178,123,61,71,173,191,189,163,111,113,119,117,111,109,119,165,119,69,16,0,14,57,176,178,191,186,163,109,160,183,191,191,183,173,168,155,117,155,155,157,163,165,176,186,183,163,103,94,94,115,113,111,119,173,186,191,191,189,181,163,115,117,157,160,173,189,202,209,209,212,202,49,67,97,111,111,157,117,83,87,101,109,111,113,121,178,191,196,196,196,194,196,204,204,36,8,57,113,170,181,189,196,199,191,183,168,109,107,119,191,196,191,181,168,117,114,115,117,119,119,121,123,127,125,117,114,114,123,170,176,176,176,181,186,186,189,186,181,176,173,125,123,168,127,121,125,125,123,119,117,123,123,115,123,125,123,125,165,165,125,125,121,118,119,123,170,173,168,170,176,127,115,115,125,170,170,127,170,181,181,176,170,168,127,125,127,173,176,170,125,121,119,119,121,123,121,121,125,127,126,126,168,168,127,123,125,170,168,125,125,123,121,125,183,170,125,173,178,178,173,165,163,176,189,194,183,168,160,157,165,183,194,191,117,111,160,168,178,183,186,189,196,204,204,199,115,83,98,173,165,119,117,119,123,163,165,168,170,168,165,166,170,178,178,173,160,157,117,113,114,163,176,178,178,191,191,49,0,77,183,173,155,111,53,34,50,105,155,160,165,173,181,173,97,99,119,165,170,173,173,170,170,173,176,181,191,202,204,196,168,121,168,181,191,194,191,181,76,73,104,111,121,125,125,127,168,123,116,113,113,117,127,127,124,123,124,127,170,173,170,170,173,176,173,125,121,125,131,178,186,183,173,128,176,178,178,181,191,199,191,178,173,176,174,174,176,176,172,172,172,173,178,178,176,176,176,176,172,172,173,176,176,178,176,176,176,178,178,178,178,178,181,181,181,181,183,181,178,178,181,183,176,129,128,129,131,131,131,131,131,173,129,127,127,126,125,127,178,186,183,178,177,178,181,178,178,181,181,178,176,176,178,176,176,178,183,186,183,183,189,189,183,181,181,173,129,173,181,178,176,173,129,130,178,186,186,189,189,183,178,178,183,189,196,204,204,207,212,207,189,132,131,133,181,181,181,181,183,183,181,178,181,186,186,183,183,186,181,179,189,202,204,199,181,127,125,127,131,131,131,133,176,178,181,186,191,189,183,178,178,181,186,194,199,199,196,194,189,176,130,133,183,181,176,178,183,183,178,176,176,178,178,176,178,183,189,186,178,174,176,183,194,204,207,207,204,204,204,199,189,183,181,178,178,176,174,173,176,189,199,204,202,194,186,181,181,181,178,178,178,177,178,186,194,194,183,173,173,181,183,181,189,196,191,185,186,189,194,196,196,196,199,207,207,196,186,176,129,125,126,176,186,186,183,186,186,186,178,173,173,131,131,173,183,194,199,202,202,191,178,129,127,129,173,176,178,183,186,183,178,173,131,131,131,131,131,176,183,191,194,186,181,185,196,194,178,129,170,173,170,127,125,173,194,194,181,173,125,121,117,116,127,196,194,178,73,97,127,181,194,204,204,196,91,88,113,170,178,181,186,194,191,189,194,189,131,131,186,199,199,196,196,199,202,204,202,199,198,199,199,202,204,204,204,194,135,132,176,178,178,133,133,133,131,131,181,194,196,194,191,189,181,89,115,189,196,194,186,183,183,186,191,196,199,199,198,198,198,204,209,212,209,207,202,196,189,183,183,189,196,196,194,191,191,194,194,189,183,181,183,191,191,178,174,177,186,186,181,174,173,174,178,183,186,183,183,181,176,131,132,189,199,189,181,183,178,176,177,186,191,191,186,186,183,186,186,194,204,209,207,196,194,199,202,204,209,215,215,212,207,207,207,204,186,100,93,100,133,183,183,183,189,194,199,204,202,196,191,186,189,191,194,194,196,199,196,191,181,178,178,178,178,178,181,183,186,191,194,191,183,178,178,181,181,179,179,181,181,178,181,186,186,186,186,189,191,191,191,191,189,189,186,186,186,189,191,191,189,183,183,186,189,189,189,186,183,178,168,123,123,165,173,178,178,170,165,163,121,117,111,107,105,107,109,113,115,117,117,119,160,168,170,168,163,121,117,115,119,163,173,181,181,173,165,125,165,168,165,165,176,183,191,196,202,202,199,194,183,178,176,174,176,178,186,191,196,196,194,186,178,135,181,189,186,181,183,191,199,194,186,181,181,181,183,183,189,194,196,196,194,196,199,199,202,207,209,207,202,196,196,196,199,202,207,207,199,186,182,181,182,182,186,191,199,199,194,189,183,181,186,189,191,186,186,189,191,191,194,196,191,183,183,189,194,194,194,194,194,191,189,183,137,135,133,135,181,189,194,196,199,204,207,209,204,202,202,202,204,204,204,204,207,204,202,202,204,204,204,202,202,199,199,199,199,199,196,199,204,204,204,202,202,199,194,191,189,189,189,196,202,202,191,185,186,189,189,191,194,196,196,196,196,194,191,189,189,189,191,191,194,191,183,135,181,191,191,186,181,136,181,196,204,204,202,199,186,135,133,133,133,135,183,199,209,207,202,199,199,199,196,194,191,186,183,189,199,202,196,186,139,137,137,189,196,194,183,139,183,139,137,186,189,189,196,207,209,204,202,202,196,186,137,137,186,196,202,199,196,194,191,189,191,191,189,189,189,186,185,185,189,194,196,194,191,191,189,189,186,191,196,204,204,204,202,199,196,194,191,189,186,189,194,196,196,194,191,189,186,189,196,204,204,194,189,189,186,181,177,177,181,183,186,189,181,131,131,135,183,183,189,196,199,194,183,178,131,129,130,178,183,181,183,194,215,215,204,194,194,202,207,204,199,189,187,189,194,196,194,189,137,133,130,129,131,181,186,189,191,194,196,199,199,204,207,204,202,202,202,204,204,202,196,194,191,191,191,191,189,189,191,194,194,196,196,191,183,181,183,181,178,183,189,189,191,191,183,133,127,125,125,123,123,127,131,178,186,189,194,199,199,199,202,207,204,202,202,199,199,199,199,199,196,194,194,194,196,196,196,196,191,186,181,135,133,131,130,131,135,181,183,183,181,178,181,183,182,183,186,189,189,181,134,133,132,183,191,191,189,191,194,191,191,196,202,204,202,199,196,196,196,199,204,204,204,204,204,207,207,202,196,199,199,198,196,198,199,204,204,204,207,212,212,209,212,212,212,207,204,207,207,204,199,194,189,186,186,189,191,191,194,196,207,215,212,204,202,202,202,204,204,207,204,202,202,204,207,202,191,187,187,191,189,186,186,191,191,186,183,176,121,107,104,105,109,113,119,127,176,181,186,189,194,202,202,199,199,202,202,199,194,189,187,189,196,204,207,202,194,186,181,181,183,189,189,183,182,182,183,186,191,199,199,194,189,191,199,207,212,215,207,196,196,202,212,215,209,202,194,183,183,186,186,186,186,183,183,139,183,186,189,189,194,196,191,191,196,209,217,222,222,217,212,204,202,204,202,202,199,199,202,207,212,215,207,196,189,183,178,178,189,207,0,0,0,215,212,215,217,222,225,225,228,230,233,233,233,233,233,233,233,230,225,217,222,230,233,230,225,222,215,212,209,209,207,204,196,181,177,183,194,199,204,209,215,215,209,204,199,199,202,207,212,222,230,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,233,228,225,222,222,217,212,199,0,0,183,178,168,163,163,168,176,165,160,157,0,0,0,0,0,0,0,0,0,0,0,251,255,255,251,248,246,235,220,202,189,0,0,0,0,0,212,199,183,0,0,173,181,194,202,199,191,189,199,212,222,225,222,217,215,212,212,222,235,241,241,241,241,238,235,228,217,215,212,204,199,207,209,212,209,202,204,215,225,228,233,238,241,241,238,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,186,186,191,194,43,28,121,142,150,148,150,150,147,147,152,165,173,168,156,155,163,178,170,115,117,170,181,183,186,191,183,123,119,168,178,178,168,115,112,115,119,119,168,194,202,202,202,202,204,207,207,207,204,196,181,119,115,123,183,196,196,170,91,87,125,204,207,204,204,199,199,199,202,202,202,196,173,117,111,110,115,165,181,186,183,173,170,173,178,183,183,178,73,79,107,119,163,168,165,123,123,165,170,176,183,178,170,170,173,168,165,163,123,121,118,119,121,165,168,168,170,173,170,119,116,118,170,181,176,170,173,170,125,121,115,117,168,181,176,119,112,109,113,191,199,189,181,178,173,129,129,170,176,181,186,183,181,181,183,186,176,129,129,119,115,123,129,123,118,118,119,115,108,113,176,191,196,202,207,207,199,170,117,176,183,168,121,117,109,107,115,111,99,119,178,196,194,181,176,181,181,173,163,157,157,155,113,113,0,0,69,152,109,49,48,109,181,181,173,173,178,191,199,199,178,107,160,189,199,199,204,212,51,0,0,160,181,191,194,189,186,186,189,189,189,189,186,183,181,178,170,163,165,183,196,202,194,176,170,189,202,202,207,204,186,173,123,105,77,63,77,119,186,194,176,115,109,111,115,119,178,209,217,199,170,31,0,47,93,194,194,199,191,178,160,163,170,176,170,113,117,173,181,176,168,157,115,117,157,178,191,191,178,113,89,72,107,109,111,119,168,176,176,176,173,165,113,111,117,160,165,170,186,196,209,212,212,160,28,59,105,115,165,178,84,69,91,111,113,113,115,121,170,181,191,196,196,194,194,196,189,38,20,69,115,173,183,191,196,196,191,189,186,173,123,170,191,194,181,170,125,119,117,119,123,127,127,125,168,176,173,123,115,115,121,123,168,176,183,189,189,191,194,194,186,178,178,170,125,125,125,123,165,165,123,119,116,117,113,108,119,121,123,165,170,168,168,168,125,118,118,121,168,127,125,127,176,168,119,119,127,176,178,176,183,189,183,176,173,173,170,125,127,170,173,168,125,119,118,118,125,173,176,173,168,168,127,127,168,125,117,115,121,170,125,116,116,121,119,118,176,173,170,173,165,121,119,121,170,189,199,196,191,178,168,165,173,191,202,191,168,163,173,178,176,170,170,178,189,207,202,178,115,110,168,173,173,168,165,165,165,168,165,165,165,168,166,168,170,173,173,170,163,160,157,119,119,163,168,173,186,199,202,117,61,91,168,163,111,73,35,33,91,189,194,186,176,165,155,95,86,91,115,165,173,178,178,173,168,168,170,176,186,191,196,189,163,118,123,170,178,183,181,113,80,82,109,117,123,125,125,125,127,123,117,117,121,170,176,173,129,125,125,125,129,170,170,129,131,176,178,178,176,178,186,194,196,189,130,125,131,176,178,181,186,191,183,176,173,178,178,181,183,181,176,173,172,172,173,176,176,176,178,178,173,176,178,178,178,178,178,176,176,178,178,181,181,181,178,178,177,177,178,178,181,183,183,183,176,129,129,173,173,173,176,181,178,91,80,103,129,173,127,126,176,181,178,177,177,181,183,183,181,183,183,178,176,176,176,173,173,178,186,189,178,176,181,183,183,183,183,131,128,131,178,181,176,130,129,131,183,189,191,196,199,189,178,173,176,178,189,199,204,209,209,202,186,176,176,181,183,183,181,181,186,186,181,176,178,178,181,181,183,186,183,183,194,207,212,204,189,133,129,131,133,176,178,176,176,178,186,194,196,191,183,178,181,183,186,189,194,196,194,191,189,176,130,131,178,178,176,181,183,183,181,181,181,181,181,181,181,183,186,189,183,181,183,186,191,196,202,207,207,204,204,196,189,183,178,178,181,183,181,178,183,191,196,196,194,186,181,178,178,178,178,178,178,176,176,181,191,191,183,173,173,181,178,178,191,199,196,191,194,196,199,199,199,196,196,202,204,196,189,183,173,125,124,131,189,194,191,191,189,183,178,176,176,173,131,176,186,196,202,204,204,199,186,131,126,127,131,176,181,183,186,186,183,178,176,173,131,125,123,127,183,196,196,186,179,182,191,191,183,176,176,178,178,176,129,173,186,189,178,173,170,125,119,119,173,191,189,127,71,97,125,178,189,196,196,191,127,119,176,176,178,176,178,181,178,176,178,178,133,178,199,204,199,196,196,199,202,204,204,199,198,198,199,204,204,207,204,199,178,133,135,178,176,131,131,131,127,127,178,191,191,186,183,181,69,47,73,178,191,194,189,185,186,189,191,194,196,199,199,199,199,202,204,207,204,202,196,191,189,181,178,186,196,202,199,194,191,191,191,186,181,181,186,194,191,178,174,178,186,186,176,173,172,174,181,183,181,178,178,181,176,132,176,189,196,194,186,183,177,176,181,189,191,189,186,183,186,189,189,194,202,204,196,186,183,189,196,199,204,207,207,204,204,204,204,202,191,123,105,115,131,181,183,137,183,191,199,202,199,186,135,137,186,191,194,192,196,199,196,191,186,181,178,178,178,178,178,181,183,186,189,189,181,176,176,178,181,179,179,181,178,178,181,183,186,183,181,183,186,189,189,189,189,189,189,186,186,189,189,189,183,183,183,189,191,191,189,189,189,186,181,176,173,173,176,178,176,168,163,160,121,117,113,109,111,113,115,115,117,119,117,117,119,160,165,163,121,117,113,113,121,170,176,183,181,176,173,170,170,165,163,161,173,181,189,194,199,202,202,196,186,178,176,176,178,183,189,196,202,199,191,178,133,133,135,183,181,179,181,191,202,202,199,196,194,189,183,182,183,189,191,191,191,191,191,194,199,207,209,209,204,196,189,191,196,199,196,199,196,189,183,183,183,183,186,191,199,199,196,189,183,181,183,189,189,186,189,191,194,194,196,199,196,191,191,194,199,199,199,199,196,196,194,191,186,183,181,181,183,189,194,199,199,204,209,212,207,202,202,207,209,207,204,204,204,202,199,199,202,204,207,207,204,202,199,196,195,195,195,195,199,202,202,199,199,199,196,194,191,187,187,189,194,194,189,185,185,185,185,186,189,191,191,191,191,191,191,191,194,194,194,194,194,189,183,178,181,189,191,189,186,181,186,199,204,199,194,191,183,135,132,132,130,131,139,202,212,209,204,199,199,199,199,199,194,187,185,191,202,204,199,189,137,135,136,183,186,183,138,139,183,137,131,133,137,186,196,207,209,204,202,202,194,183,133,131,183,196,204,204,202,199,196,194,194,194,194,191,191,189,186,186,189,191,194,191,191,191,189,186,185,186,191,199,202,204,202,199,196,194,194,194,194,199,202,202,199,194,189,186,182,182,183,191,194,189,183,186,186,186,181,178,181,186,189,189,178,131,131,178,186,189,191,199,202,196,191,183,178,131,133,181,186,183,183,194,209,212,204,194,194,202,207,204,199,194,189,191,194,194,189,181,130,130,133,137,183,189,189,191,194,196,196,196,199,204,204,202,199,199,202,204,204,199,196,196,196,196,196,194,189,186,189,191,189,194,196,191,186,186,183,178,177,183,191,194,191,186,178,133,129,125,123,125,129,135,181,186,189,191,196,202,202,196,196,199,199,199,202,202,202,199,199,199,199,199,199,199,196,196,194,194,191,189,183,137,133,131,130,131,135,183,186,189,183,178,181,186,186,186,186,191,194,189,181,178,178,186,194,194,191,186,186,186,186,191,199,202,199,195,195,195,199,202,204,204,204,202,202,204,204,199,196,199,202,199,198,198,202,204,204,202,204,209,209,207,209,209,209,204,207,209,209,204,202,196,194,194,194,194,194,191,191,196,204,215,215,207,204,204,202,204,204,207,207,207,204,204,207,199,189,186,187,191,194,191,194,196,196,191,186,178,123,109,105,105,103,103,109,121,176,183,186,189,191,194,194,191,194,199,202,202,196,194,189,187,189,199,207,204,199,199,194,189,186,189,186,183,183,186,186,186,191,196,199,196,194,194,199,207,215,217,217,212,207,209,217,222,222,215,202,185,183,186,189,189,189,191,191,189,189,189,189,189,194,199,194,191,194,207,217,222,222,217,215,209,207,204,202,196,196,199,202,207,212,215,207,196,189,186,178,177,186,204,0,0,230,217,212,215,220,222,225,225,228,230,233,233,233,233,233,233,233,230,225,217,217,225,230,228,225,222,215,212,209,209,207,207,202,189,183,189,194,196,199,207,209,209,207,202,199,202,204,209,215,222,230,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,233,230,225,217,216,217,215,209,199,189,186,186,178,163,160,163,0,168,0,0,0,0,0,0,0,168,0,0,0,0,0,246,251,254,248,241,241,243,235,220,199,186,183,0,0,0,0,0,0,199,186,176,174,176,186,194,194,189,183,191,202,209,217,222,222,215,207,202,202,212,230,238,241,241,238,233,228,217,215,215,215,217,228,225,225,222,212,209,215,222,225,230,235,238,238,238,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,170,165,160,103,95,157,170,168,152,150,150,148,147,150,160,165,160,157,160,181,191,170,107,115,173,181,181,183,186,181,163,121,125,165,124,125,117,114,119,127,173,183,196,202,204,204,204,207,209,212,212,209,196,176,109,107,111,176,191,212,196,95,75,85,186,202,204,204,202,199,199,199,196,199,196,183,117,110,110,115,165,178,183,178,173,170,173,178,186,183,165,97,109,117,117,117,119,119,117,123,163,163,168,173,168,121,123,170,176,173,123,116,115,117,119,119,121,123,165,170,181,178,123,114,116,170,186,189,194,194,183,123,117,115,117,165,178,183,176,127,110,110,178,196,191,186,186,181,178,178,181,183,189,196,196,194,194,191,186,129,121,119,115,117,127,127,118,116,119,125,125,125,176,189,196,202,207,215,220,215,196,176,178,176,117,111,101,77,87,99,85,81,115,183,196,196,189,186,191,191,183,176,173,168,101,65,53,0,0,97,196,207,176,144,152,165,173,173,170,173,186,194,196,196,165,105,173,191,196,207,215,103,0,0,168,183,196,199,194,186,183,181,183,189,189,189,183,183,181,178,176,181,191,196,194,189,183,183,196,204,204,209,207,99,83,97,83,71,77,95,107,165,194,183,123,113,110,113,121,176,194,196,186,189,35,8,83,107,191,199,204,199,186,165,160,115,104,101,101,111,181,194,186,168,117,105,105,117,173,189,191,194,196,119,86,113,113,115,119,157,160,160,163,160,113,109,110,113,160,160,155,173,181,196,202,196,81,24,75,115,117,168,178,67,65,157,160,117,119,160,163,165,168,178,189,189,191,194,194,183,81,67,101,119,178,189,194,196,194,191,191,194,191,183,186,194,186,173,127,125,125,125,127,173,186,183,178,181,189,186,173,121,117,117,116,117,127,181,189,194,194,194,191,189,183,183,176,127,125,125,125,165,165,165,123,117,119,115,106,102,106,117,170,183,186,183,183,176,121,121,173,181,173,125,127,173,168,123,123,170,181,186,191,196,196,186,178,178,181,178,170,168,170,173,170,127,123,119,119,127,183,194,191,181,176,173,176,176,170,117,112,116,165,123,114,113,119,121,114,121,165,165,123,117,116,117,120,170,189,196,196,191,181,173,176,186,202,204,191,176,170,178,181,176,165,117,119,160,186,168,113,119,178,189,178,176,173,168,168,168,170,168,165,168,170,176,176,173,173,173,170,168,163,163,165,168,165,163,165,178,194,207,199,113,109,155,117,83,49,34,41,152,186,196,194,176,155,109,96,90,99,160,165,170,178,181,176,168,165,165,165,165,165,170,168,119,117,119,123,125,125,113,102,97,100,113,119,125,168,127,125,123,119,119,127,178,186,189,186,181,176,173,170,127,127,129,129,131,173,181,189,186,186,194,199,199,191,176,128,176,181,178,176,176,178,176,176,181,189,191,191,189,183,176,173,173,173,176,176,176,178,181,183,178,181,181,178,178,178,178,176,174,178,183,186,183,181,181,181,178,177,177,178,186,189,189,183,178,176,178,181,176,129,173,181,183,69,62,93,178,183,170,124,129,178,178,177,178,181,183,183,183,186,186,181,176,173,131,130,130,176,186,186,176,174,176,178,183,189,183,130,128,130,173,178,176,131,131,183,189,189,194,199,196,186,176,131,131,133,183,196,204,209,204,191,181,181,183,183,183,181,179,183,186,189,181,176,133,133,133,176,181,189,191,191,199,207,212,209,196,183,176,176,178,181,181,181,181,183,191,199,199,191,181,178,183,186,186,183,189,191,191,191,189,181,133,133,176,176,178,186,186,183,181,181,181,179,181,183,183,183,186,189,189,186,189,189,186,186,194,204,204,204,202,196,191,183,181,181,183,186,189,189,189,189,186,183,181,181,181,178,178,178,181,181,181,177,176,178,189,189,181,131,131,173,173,173,191,204,202,196,199,199,199,199,199,194,191,194,194,191,186,186,178,127,124,126,189,194,194,189,186,181,178,176,178,176,176,178,189,196,202,204,207,204,191,131,126,127,173,178,178,178,181,183,181,176,129,127,129,124,121,125,189,202,202,189,182,183,186,189,186,181,181,183,189,186,173,170,178,181,176,173,173,168,123,121,170,183,178,115,85,107,127,178,186,186,183,181,173,173,181,176,173,176,176,173,173,130,130,133,178,191,204,204,199,196,196,196,202,204,204,202,199,199,202,204,207,204,204,199,189,183,183,183,178,133,133,131,125,124,129,178,176,132,176,178,52,40,60,127,186,191,191,189,194,194,194,196,202,202,202,196,194,194,196,199,199,196,194,189,183,176,173,177,191,199,199,194,189,191,189,183,177,177,183,191,189,178,177,181,189,186,178,174,176,181,183,181,176,174,176,178,176,133,178,186,191,189,186,181,178,181,189,194,191,183,178,181,189,194,194,194,196,196,189,182,181,186,194,199,196,196,194,191,191,196,196,194,191,186,135,133,131,133,131,123,123,181,196,199,194,135,132,135,189,194,194,196,199,199,196,191,189,183,181,178,177,177,177,178,181,181,183,181,178,176,178,181,181,181,181,181,178,177,178,183,183,178,178,181,183,186,186,186,186,186,189,186,186,186,183,183,181,181,186,189,191,191,191,189,189,186,186,183,181,178,178,176,170,163,123,160,121,117,113,113,115,117,119,157,157,160,119,117,115,117,119,117,115,113,110,111,121,170,178,183,181,178,176,176,176,173,165,164,170,178,183,191,196,199,199,196,189,181,176,176,178,186,191,196,204,202,191,181,134,133,135,178,181,181,186,194,202,207,207,207,204,196,191,186,186,189,191,191,191,189,189,189,194,204,209,209,204,191,130,131,186,183,135,186,191,191,189,189,191,189,189,191,191,191,189,186,181,178,178,181,186,186,189,194,196,199,199,202,202,199,196,199,199,199,202,204,202,199,196,194,189,186,183,183,189,194,196,196,196,199,204,209,207,204,204,209,209,204,199,202,202,202,199,200,204,207,209,209,209,207,202,199,196,196,195,196,199,199,198,198,199,199,196,196,194,191,189,189,189,189,189,186,186,186,185,185,186,189,189,187,187,189,194,194,194,191,189,189,191,189,186,186,186,183,186,186,186,189,194,199,199,196,191,186,183,181,135,132,130,130,139,202,209,207,204,202,202,202,204,204,199,191,189,196,207,207,202,191,137,136,137,139,138,138,139,186,191,139,131,129,133,189,202,207,202,196,196,196,191,181,131,131,181,194,204,207,204,202,199,196,196,194,194,189,186,186,186,189,191,194,194,194,194,194,191,191,186,186,189,194,199,199,199,196,196,194,194,196,202,204,204,202,196,189,183,183,182,181,181,182,183,186,183,182,186,189,189,183,183,186,191,194,183,134,134,183,189,191,194,199,202,196,194,189,186,181,183,191,196,194,191,196,204,204,199,194,196,202,204,202,199,196,196,196,194,194,189,181,131,133,137,183,189,194,194,194,196,199,199,199,202,204,204,199,194,196,202,204,202,199,196,199,202,202,202,196,189,186,186,183,183,189,191,194,191,191,186,178,177,181,191,196,191,183,181,181,176,129,123,123,131,181,189,191,194,194,199,202,199,194,191,191,191,194,199,204,202,199,196,196,196,196,199,199,196,194,191,191,194,194,189,186,181,137,135,137,181,186,191,191,189,183,186,191,194,189,189,196,199,196,191,189,186,189,191,194,191,186,181,181,181,186,194,199,199,196,195,195,199,202,204,204,202,202,202,204,204,199,196,199,207,207,202,199,202,202,199,199,202,207,207,204,204,207,204,203,204,209,209,207,204,202,199,196,196,196,194,189,186,189,199,207,209,207,204,204,204,202,202,207,209,212,209,207,204,199,189,186,187,189,194,196,196,199,199,194,191,186,176,119,111,105,101,97,99,115,170,183,186,186,183,183,183,183,189,196,199,199,196,196,194,189,189,196,202,199,202,207,207,199,194,194,191,189,191,191,191,189,191,194,194,194,194,194,196,202,207,212,217,217,212,212,215,222,225,222,212,194,189,191,189,187,187,191,196,194,191,189,189,191,194,199,196,191,191,202,215,222,222,217,217,215,209,202,196,191,194,199,202,207,212,212,207,196,191,189,178,177,183,202,0,0,230,220,215,215,217,222,222,225,225,230,233,233,233,230,230,230,230,230,225,215,212,215,220,222,225,222,217,212,212,209,209,209,207,196,194,196,196,196,199,207,209,207,204,202,199,202,207,212,217,225,230,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,233,225,217,216,217,217,212,204,196,191,191,178,0,157,163,0,0,0,165,170,170,170,173,181,191,0,0,0,0,0,251,254,251,241,228,228,233,230,220,199,183,0,0,0,0,0,0,0,217,204,189,0,0,181,186,186,181,181,189,194,194,199,212,217,209,202,198,196,200,217,238,243,241,235,233,228,225,217,217,228,235,235,228,225,222,215,215,217,217,222,228,235,238,238,238,241 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,147,147,137,137,168,181,178,163,152,155,152,148,150,157,160,156,160,176,194,199,155,93,107,170,181,183,183,183,178,168,168,168,124,120,125,123,121,125,170,178,189,199,204,207,209,209,212,212,215,215,207,196,181,113,106,106,113,121,119,113,81,54,54,74,170,196,202,202,202,202,196,191,189,186,173,117,110,111,117,165,176,178,173,170,168,168,173,176,168,103,115,123,117,109,109,113,113,115,165,170,168,168,168,123,119,121,173,183,181,123,114,114,119,163,123,115,115,121,170,183,183,163,114,117,176,189,194,199,196,178,121,117,119,121,165,176,183,183,183,125,123,178,191,191,189,189,189,189,189,186,186,189,194,199,199,202,199,186,127,115,113,113,115,125,127,123,121,129,176,181,186,191,194,194,194,199,207,215,215,209,186,125,105,95,101,93,68,68,85,91,99,165,186,196,202,199,199,202,202,194,189,186,170,65,0,0,0,0,95,186,207,204,181,160,157,157,150,107,144,147,168,178,173,97,1,5,73,152,204,202,111,0,0,57,183,196,204,199,189,178,174,173,178,183,183,179,179,181,183,186,189,194,189,182,182,186,189,191,199,207,204,109,8,1,47,67,71,87,95,92,94,119,123,119,111,108,110,119,119,79,51,43,21,2,12,113,155,176,191,204,202,178,163,163,115,96,97,105,160,178,181,170,117,99,89,90,113,173,186,194,204,215,209,178,163,157,157,163,160,119,119,157,117,112,112,115,117,117,115,107,117,157,170,181,176,71,32,81,163,115,155,119,72,75,119,157,157,168,173,170,165,165,123,117,170,181,194,194,183,125,115,113,123,183,194,196,196,194,189,191,194,194,191,194,194,183,170,168,168,125,124,127,183,196,199,194,194,202,199,186,170,123,119,117,116,117,125,176,189,191,189,183,189,189,186,173,125,168,165,124,124,165,168,165,125,168,168,119,91,99,113,181,199,207,204,199,186,127,170,194,202,189,127,127,170,170,170,173,183,194,196,202,207,202,191,183,186,191,189,181,173,170,170,168,168,125,119,119,127,186,202,204,196,189,186,183,183,183,170,115,114,119,121,116,115,125,168,117,121,123,121,118,118,121,163,165,168,173,181,183,178,168,170,183,196,209,209,191,173,170,181,189,186,170,103,94,94,90,81,90,117,183,194,186,176,168,163,123,165,170,170,173,178,183,186,183,181,176,176,173,165,161,165,178,181,170,163,163,170,183,202,202,176,160,160,157,109,99,105,163,181,186,189,186,107,108,113,157,176,183,178,170,165,170,178,178,170,165,163,119,111,111,117,123,119,117,118,121,121,109,96,102,119,113,115,121,168,173,173,168,123,121,123,178,191,196,196,191,191,191,186,178,129,126,127,131,173,173,181,186,178,176,178,183,186,183,181,181,183,183,178,173,131,131,173,178,189,196,199,199,194,181,131,131,176,178,178,178,178,181,186,186,186,183,181,178,178,178,178,174,174,181,189,191,189,186,183,181,181,178,178,181,186,189,183,178,176,178,183,183,131,125,126,176,173,73,75,176,191,189,173,123,126,176,178,178,178,181,183,183,183,186,186,181,176,173,131,129,129,131,178,181,176,176,176,176,183,194,189,176,131,130,130,131,173,173,178,186,183,183,183,189,178,173,131,131,131,133,183,196,204,207,202,183,176,181,186,186,179,179,181,186,194,194,186,176,132,132,132,133,178,186,191,196,199,207,212,209,199,189,181,178,178,181,181,181,183,189,194,199,196,186,177,177,181,183,181,178,186,189,189,189,191,189,178,133,133,176,183,189,189,183,181,183,181,179,179,183,186,183,186,189,189,189,189,189,183,181,182,194,196,196,199,196,194,189,186,186,186,189,189,189,186,181,176,174,176,178,183,183,181,178,183,186,186,181,178,181,183,183,178,131,130,131,130,173,189,202,202,199,196,196,196,202,202,196,189,183,183,183,183,186,186,176,126,126,178,186,186,183,178,176,176,176,176,176,176,181,189,196,202,204,207,207,194,131,126,129,178,178,177,177,178,181,176,127,123,123,127,124,123,131,194,204,202,194,189,189,186,186,183,186,186,191,196,191,181,173,176,176,176,173,173,170,123,120,125,181,173,109,99,115,173,183,186,178,173,173,173,176,178,173,176,178,176,176,176,132,130,132,181,191,199,199,199,196,195,196,199,204,207,207,204,202,204,207,207,204,199,196,196,194,191,189,186,183,181,178,129,127,131,133,129,129,133,183,97,61,97,176,186,191,191,194,196,199,199,204,207,207,196,189,183,186,189,196,202,199,194,189,181,176,173,176,183,191,191,189,186,189,189,183,177,176,178,186,186,181,178,186,191,189,181,181,189,191,186,181,176,176,176,176,176,176,181,181,183,186,183,181,183,189,194,194,186,176,174,178,189,196,196,194,191,191,189,185,185,189,194,196,196,191,186,179,179,186,186,186,189,191,189,183,135,131,123,116,115,129,194,199,189,134,132,181,194,196,199,204,202,199,194,191,186,183,181,178,177,177,178,178,178,178,178,178,176,176,178,181,181,183,183,183,181,178,178,183,183,178,176,178,178,181,181,181,181,183,183,186,186,183,181,176,176,181,183,189,189,189,189,186,183,183,183,183,181,178,176,173,165,121,119,121,119,117,115,115,117,157,160,163,163,163,160,119,115,113,112,112,112,113,111,112,119,168,176,183,183,181,178,178,178,178,176,170,168,173,178,186,191,194,194,191,189,183,178,176,178,183,189,194,199,196,191,186,181,181,178,181,186,189,191,194,199,204,209,209,209,204,196,191,191,191,196,196,194,189,187,187,191,199,204,204,204,189,124,124,129,128,126,181,191,191,191,191,194,191,191,189,189,186,183,181,178,177,176,177,183,186,189,191,196,199,202,202,202,199,199,202,202,199,202,207,204,199,191,189,186,186,186,189,191,196,199,194,191,191,196,204,207,207,207,209,204,194,191,196,204,204,204,204,209,215,215,212,212,212,209,207,207,207,204,202,202,199,199,199,202,202,199,199,199,199,196,191,189,189,189,191,191,189,189,186,189,189,189,189,189,191,194,194,189,186,186,186,189,189,189,191,191,186,182,179,181,189,196,199,196,196,191,183,183,181,137,135,133,133,181,196,204,204,202,202,202,204,207,207,202,196,194,202,209,209,202,194,183,139,139,139,138,139,186,194,196,189,133,129,133,194,204,202,189,186,189,191,189,137,129,127,135,189,202,204,204,204,204,199,196,194,191,186,185,185,189,194,196,196,196,194,194,194,196,194,191,189,189,191,194,194,194,191,191,194,196,199,204,204,202,196,191,183,183,183,186,183,182,182,183,186,183,181,183,191,194,189,186,189,194,199,194,183,183,186,189,189,194,196,196,196,191,189,189,189,194,202,207,207,202,202,196,196,194,196,199,202,199,196,196,202,204,202,199,194,191,186,181,183,183,183,189,194,199,199,199,199,199,199,204,207,204,199,191,191,196,199,199,196,196,199,202,204,202,194,189,183,183,182,182,186,191,194,194,194,191,183,178,178,186,194,194,186,183,186,186,176,125,125,133,186,194,196,196,196,196,196,194,191,190,190,191,194,199,202,202,196,194,191,191,194,194,194,194,191,191,194,194,194,194,194,194,191,189,189,191,191,194,194,191,189,191,196,196,194,194,199,202,199,196,194,191,189,189,186,186,186,186,181,136,181,191,199,202,199,196,199,199,202,199,199,196,196,199,202,204,199,196,199,207,207,202,196,199,199,199,199,202,207,204,203,203,204,204,203,204,209,209,209,207,204,202,199,196,196,194,189,185,186,191,199,202,204,202,202,199,196,194,199,207,212,209,207,202,199,191,187,186,187,189,194,196,199,196,194,196,194,186,168,117,109,99,91,91,103,121,176,181,181,178,176,176,178,186,194,194,194,194,199,199,196,196,196,196,191,194,204,209,207,202,202,199,196,196,196,199,194,191,186,183,186,189,191,194,196,202,207,212,212,212,212,212,217,222,225,220,204,199,196,189,185,185,189,196,196,191,191,191,196,202,202,196,191,191,196,207,215,222,222,217,217,212,204,194,191,194,199,202,204,207,207,204,196,194,191,186,181,189,204,0,0,228,217,215,215,217,220,222,222,225,228,230,233,230,230,228,228,230,230,225,215,208,208,212,217,222,222,217,215,212,212,212,212,212,204,202,202,196,196,202,209,209,207,202,199,196,202,209,217,222,228,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,0,0,0,0,230,233,228,222,220,220,220,217,0,0,0,0,183,0,0,0,160,0,0,165,170,173,176,181,191,204,0,0,0,0,0,255,255,246,228,209,212,222,228,222,204,189,0,0,0,0,0,0,0,228,212,194,0,0,176,178,178,177,178,191,194,192,194,204,207,200,198,198,199,202,222,241,246,243,235,230,230,230,228,225,235,243,235,222,212,215,215,217,222,225,225,230,235,235,238,238,241 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,155,150,157,173,181,173,160,157,163,170,163,160,163,160,156,160,178,196,202,163,73,89,170,181,181,181,178,170,170,178,178,168,122,125,127,125,125,127,173,189,204,209,212,212,215,215,215,215,212,199,194,194,176,121,106,105,106,106,111,97,61,59,76,123,186,196,199,204,202,194,181,170,165,123,115,111,113,117,168,176,173,170,168,163,123,123,123,109,73,91,109,105,101,101,105,111,123,181,186,181,176,168,121,120,121,165,181,183,173,121,163,178,186,173,117,111,113,163,178,178,163,117,123,181,191,191,194,186,170,123,121,121,123,125,168,170,173,176,173,173,178,186,189,189,189,191,196,196,191,183,181,189,202,207,207,199,183,125,113,109,110,115,123,131,178,178,178,183,191,194,194,191,189,186,191,202,209,212,207,191,125,83,48,61,77,73,72,109,170,176,183,191,196,202,202,204,207,207,202,199,194,183,95,0,0,0,0,103,189,199,202,194,178,163,152,107,99,101,101,157,163,89,29,0,0,0,0,97,181,65,0,0,61,178,194,202,202,194,183,174,172,173,178,183,181,179,181,183,189,191,191,183,179,181,191,191,165,91,178,91,17,4,0,37,77,85,99,105,93,93,107,115,117,110,107,110,117,69,0,0,0,0,0,19,181,173,165,168,181,181,160,160,176,173,111,115,173,176,173,163,155,113,95,83,79,155,178,191,196,204,212,209,202,183,165,163,181,189,170,117,115,115,115,163,170,155,109,105,103,105,107,117,173,178,93,37,33,113,111,111,111,101,97,103,111,165,186,189,178,176,176,119,90,96,121,186,186,168,119,115,115,125,186,199,199,199,194,191,189,189,189,191,194,194,183,173,173,176,124,121,125,186,199,202,202,202,207,204,194,181,173,168,127,125,123,123,125,170,181,183,183,189,189,181,125,123,176,173,124,122,125,165,168,173,181,186,183,102,109,170,191,204,212,212,207,189,127,170,191,199,183,125,125,168,173,181,189,199,204,207,207,207,202,191,189,191,194,189,181,176,170,168,168,168,125,121,119,127,181,196,207,204,194,189,183,183,186,178,121,115,117,119,118,121,170,178,173,168,123,120,119,123,168,170,165,123,121,115,109,105,111,165,189,204,212,207,183,122,163,191,202,194,176,93,88,93,87,78,89,115,178,194,189,173,163,121,121,123,168,176,181,189,191,191,186,183,181,178,176,163,161,170,189,191,176,165,165,168,178,191,191,178,170,170,173,189,199,196,186,181,181,178,160,97,105,155,178,199,202,191,176,165,165,173,178,176,170,163,115,109,109,117,163,119,117,117,121,163,115,97,105,125,121,119,125,176,181,178,173,168,125,129,186,196,202,199,196,196,196,191,183,173,129,131,178,181,176,173,131,121,115,110,109,111,123,176,186,186,183,178,173,130,129,173,183,191,199,202,202,194,176,127,127,173,178,178,178,178,181,186,189,186,181,176,173,176,181,178,174,176,183,196,199,196,191,186,183,181,181,181,183,183,181,176,173,173,178,183,178,127,123,126,173,129,111,170,196,199,194,178,123,126,173,176,178,178,183,183,183,181,183,183,178,176,176,176,173,130,131,178,181,176,173,176,181,191,202,199,191,183,173,129,129,130,173,176,103,67,105,119,119,115,121,129,173,133,176,189,202,207,207,199,176,170,176,189,189,181,181,186,191,199,196,186,133,132,133,133,133,176,181,189,194,199,207,209,207,199,191,181,178,181,178,178,181,186,191,194,194,189,183,178,177,178,178,177,178,186,189,189,189,196,196,186,178,176,181,191,196,191,183,181,183,183,179,181,186,189,189,189,191,189,189,189,191,186,181,181,183,191,196,202,202,199,194,189,189,191,189,186,183,178,174,173,173,174,181,186,183,181,181,183,186,189,189,186,183,181,178,176,173,173,173,131,173,183,191,194,196,194,194,199,202,204,199,189,182,181,181,182,189,189,183,131,129,131,176,178,178,176,176,178,176,133,132,176,181,189,191,194,196,202,202,191,131,127,131,178,178,178,178,181,178,131,125,123,126,173,131,127,173,189,199,202,202,199,194,186,183,183,189,194,196,196,191,183,178,176,176,176,173,170,170,125,119,123,183,181,113,109,121,178,189,186,176,129,173,173,170,173,176,181,183,181,181,181,178,133,133,181,189,191,196,199,199,196,199,202,207,207,209,209,207,207,209,209,202,196,194,199,199,199,196,191,191,189,186,183,181,186,183,132,130,178,191,183,127,186,196,194,186,183,194,199,202,204,209,209,202,189,178,135,178,189,199,204,204,196,189,183,181,178,181,183,186,186,183,181,186,189,186,181,177,178,181,181,181,183,189,191,189,189,191,196,196,186,178,178,181,178,174,176,178,181,178,181,183,183,183,186,191,194,191,181,174,174,178,186,194,194,186,183,189,194,196,196,196,196,196,196,194,186,177,177,181,183,182,186,191,191,186,181,135,127,119,117,133,199,199,191,137,137,189,196,199,202,207,202,194,189,186,186,186,183,181,181,181,181,181,181,178,176,176,176,176,178,178,181,183,186,183,181,178,181,183,183,178,176,176,176,176,173,173,176,178,178,181,183,181,176,174,176,178,181,183,183,183,183,183,181,178,178,178,176,173,173,170,163,119,117,117,117,115,115,115,119,157,160,163,163,165,163,160,119,115,111,111,115,119,119,115,117,121,165,176,181,181,181,181,178,176,173,168,125,127,173,181,183,186,186,183,186,183,183,181,178,183,189,194,194,191,186,186,189,189,186,186,191,194,194,191,194,199,207,209,209,207,202,196,194,196,199,199,196,191,189,189,191,196,199,202,202,194,129,127,131,129,128,183,191,191,189,189,191,191,194,194,189,186,183,183,181,178,177,177,183,183,183,186,189,194,202,202,199,196,199,202,204,202,202,204,202,196,189,186,186,186,186,189,194,196,196,194,189,187,191,196,199,202,207,207,196,189,189,196,209,212,212,212,217,217,215,212,212,212,215,217,217,215,212,209,207,204,204,204,204,204,202,202,202,202,199,194,191,189,191,194,196,194,194,194,194,194,191,189,191,194,194,189,183,181,183,186,189,191,189,189,191,196,189,179,179,189,196,196,196,196,191,183,181,181,181,181,183,181,183,189,196,202,202,202,204,204,207,207,202,199,199,207,209,209,202,196,191,186,183,183,186,189,191,196,196,191,137,132,137,196,202,196,183,182,182,186,183,133,125,123,127,181,196,204,207,207,207,202,196,194,191,186,185,186,194,202,202,199,196,196,194,196,196,196,196,196,196,194,191,191,191,189,189,191,199,202,202,202,199,194,189,183,183,189,189,186,183,183,189,189,183,181,182,189,194,191,186,189,196,199,196,189,183,181,181,183,191,196,196,196,194,191,191,191,199,207,209,207,202,196,191,190,194,199,202,202,199,196,199,207,209,204,196,191,189,186,186,189,186,186,189,196,202,202,199,194,191,196,202,207,204,199,190,190,194,194,194,191,191,191,196,199,196,189,183,183,183,181,181,186,191,191,191,191,191,189,181,176,178,186,191,186,183,186,191,181,129,129,181,194,196,199,196,196,196,194,191,191,194,196,196,199,202,202,199,194,191,191,189,186,186,186,186,191,194,196,194,191,191,194,196,196,196,196,196,196,194,194,191,189,194,199,196,194,196,199,199,194,194,191,191,189,183,135,178,189,191,183,135,137,189,199,204,204,204,202,202,199,194,191,191,191,194,199,202,199,196,196,202,204,202,196,195,196,199,202,204,207,204,203,203,204,204,204,207,212,212,212,212,207,202,199,196,196,194,191,186,186,189,194,196,199,199,196,194,189,186,191,199,204,207,204,202,199,196,191,189,189,191,194,196,194,189,189,194,194,186,173,121,113,101,89,86,91,105,119,168,176,176,176,174,178,189,191,189,186,191,199,202,202,199,196,191,187,189,196,204,204,202,199,199,199,199,202,204,202,194,183,181,182,186,189,189,191,199,204,204,207,209,212,215,217,222,225,222,209,204,199,189,185,186,191,199,199,194,194,199,207,209,207,196,191,189,189,196,207,215,220,215,215,212,204,196,191,194,196,199,196,199,199,196,194,191,194,191,189,196,207,0,225,225,217,215,215,217,217,217,217,222,228,230,230,228,228,228,228,230,230,228,217,208,207,209,215,222,222,217,215,212,212,212,215,215,207,202,199,196,196,202,209,212,207,202,196,196,202,209,220,225,230,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,215,0,0,0,0,228,230,228,225,222,220,217,0,0,0,0,0,0,189,183,0,160,0,157,160,163,165,173,181,194,209,0,0,0,0,0,0,254,241,220,202,202,215,225,222,209,191,0,0,0,0,0,0,0,0,209,194,183,178,178,178,177,176,178,194,199,196,199,207,207,199,198,204,217,225,233,243,246,243,238,233,233,238,238,238,243,243,235,212,204,207,212,222,228,230,230,233,235,235,235,235,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,3,134,165,176,160,155,163,178,186,183,178,176,168,160,163,173,186,199,173,9,0,103,181,176,170,165,163,168,176,178,170,125,124,125,127,125,124,127,183,204,212,212,212,215,215,215,212,204,194,196,204,199,183,107,102,102,113,173,189,191,194,186,176,176,178,186,194,194,183,165,115,111,111,107,109,111,119,170,178,176,170,165,123,120,120,121,113,73,43,41,67,93,99,103,117,181,194,199,194,186,176,163,121,121,121,170,183,189,186,189,194,199,191,165,113,111,117,168,176,165,123,165,178,183,181,181,178,168,123,121,121,125,165,168,165,125,127,173,178,178,178,181,181,178,183,191,194,189,179,179,186,199,204,202,191,129,119,111,107,109,121,131,183,194,191,186,183,186,191,189,186,183,186,194,204,212,209,199,194,199,103,29,34,63,99,123,194,191,186,189,194,196,199,199,202,204,204,204,202,199,202,204,41,0,0,0,91,186,196,199,196,194,183,160,105,97,97,99,152,152,77,41,5,0,0,0,0,59,14,0,77,168,181,191,196,196,194,191,186,176,173,178,186,189,186,186,186,191,196,199,191,183,189,196,181,63,17,71,29,17,25,37,79,113,113,117,165,165,121,123,163,170,119,111,163,181,123,31,16,29,15,17,93,189,178,155,95,77,72,99,155,176,176,170,178,183,186,176,117,111,117,115,90,82,178,191,194,191,191,202,209,212,209,160,107,170,191,178,119,113,114,119,165,168,117,107,107,107,103,101,107,178,202,181,45,16,12,65,103,111,160,157,107,117,173,191,196,189,191,194,176,91,85,101,170,165,111,108,111,115,165,189,199,202,202,196,191,189,186,186,189,191,191,183,173,178,186,127,122,125,186,196,202,202,202,204,202,196,186,181,181,183,189,186,173,125,125,173,181,183,183,173,123,113,119,176,176,124,122,165,170,170,181,191,194,191,176,178,189,196,202,209,212,207,189,127,127,173,173,127,119,123,127,173,183,196,207,209,209,207,204,196,189,183,183,183,181,176,176,170,168,168,168,127,125,125,168,176,186,196,196,189,181,178,178,178,170,121,119,123,121,119,123,168,176,176,173,125,120,119,121,121,120,121,163,163,115,102,99,103,165,194,207,212,199,170,90,110,202,204,194,168,103,97,160,119,95,101,117,173,186,183,173,163,121,121,163,170,178,183,189,186,181,178,183,186,183,176,163,163,173,191,194,181,173,170,173,178,181,178,173,170,170,173,186,202,204,181,115,118,168,163,111,117,163,176,199,204,199,186,170,168,173,178,178,170,160,115,111,112,121,165,121,117,117,119,170,178,115,107,115,121,127,173,178,181,178,178,176,173,173,186,199,204,202,196,194,194,189,186,181,178,181,186,186,181,129,121,117,111,108,106,106,110,127,181,181,178,178,178,173,130,173,181,189,194,194,194,189,131,122,123,127,131,173,173,176,181,186,189,186,178,173,172,173,178,178,176,178,189,199,204,202,194,186,183,181,183,186,186,181,176,173,173,174,181,183,173,126,125,127,170,170,170,186,199,202,199,186,125,126,129,170,176,181,186,186,181,177,178,181,178,178,181,181,178,173,173,181,183,131,127,173,191,202,207,207,204,196,183,173,130,129,131,176,34,4,57,97,107,113,121,131,176,133,176,186,202,209,209,196,174,170,178,196,199,189,189,191,194,196,196,183,133,176,178,178,133,133,176,181,186,196,204,207,204,196,189,183,181,178,176,174,178,186,191,194,191,186,183,181,181,181,178,177,178,186,191,191,191,199,199,189,181,181,189,199,202,196,183,181,181,181,181,183,186,189,189,189,189,189,191,194,194,191,189,183,186,191,199,202,204,202,196,194,194,196,191,186,181,176,174,174,176,176,181,186,183,178,176,178,183,189,191,189,186,181,178,178,181,183,178,173,131,176,178,181,186,189,191,196,202,199,196,186,182,181,181,182,186,191,189,178,173,173,173,176,176,178,178,178,176,132,132,176,181,186,186,186,189,194,194,186,133,131,176,178,178,183,181,178,176,129,127,173,186,189,181,173,173,181,194,202,204,202,194,186,183,186,191,196,196,191,186,183,183,178,178,178,173,170,170,125,119,125,186,183,125,121,170,183,194,189,170,125,129,170,168,170,176,186,186,183,183,183,186,181,178,181,186,189,196,202,202,202,204,207,209,209,207,207,204,207,209,207,196,189,191,194,199,199,196,196,196,194,191,186,189,196,199,183,133,178,189,189,186,196,204,196,181,129,181,199,204,204,204,202,196,186,135,133,178,191,202,207,207,199,191,189,186,183,183,183,183,183,181,179,181,183,186,183,183,183,183,178,181,183,189,189,189,191,196,199,194,181,133,178,186,186,178,178,178,176,176,178,181,181,181,183,189,191,191,183,177,178,186,189,191,189,179,179,186,196,199,202,202,199,199,202,199,191,179,178,183,183,183,189,191,191,189,183,181,181,137,131,181,196,196,194,189,186,191,194,194,196,202,199,191,186,185,186,186,186,183,183,183,186,186,183,181,176,173,173,176,176,178,181,183,186,183,178,176,178,183,183,181,178,176,176,173,131,129,131,131,173,178,178,178,176,174,176,178,178,178,178,176,176,176,176,173,173,170,170,168,168,168,163,119,116,116,117,115,115,117,119,157,160,160,160,163,165,163,157,119,115,113,121,165,163,119,115,114,115,163,176,181,181,178,173,168,123,121,121,123,129,173,178,178,178,181,186,189,189,186,186,186,191,194,191,183,181,182,189,191,191,191,191,191,191,186,186,194,202,207,207,207,204,199,196,196,199,199,199,191,189,191,194,196,199,199,199,196,189,186,186,181,135,186,191,189,186,186,189,191,196,196,191,186,183,183,183,181,178,178,181,183,182,182,183,194,199,202,196,194,196,202,204,204,202,202,196,191,191,191,194,194,189,186,191,194,191,189,189,189,189,191,191,194,199,202,194,189,191,204,212,212,212,212,215,212,209,207,209,212,215,217,222,217,212,209,209,209,207,204,204,204,202,199,199,199,196,196,194,191,191,194,196,199,199,196,196,194,191,189,189,189,186,181,178,178,181,186,189,189,183,178,186,199,202,189,183,189,194,194,196,196,189,181,137,137,181,186,191,191,186,186,191,199,202,204,204,204,204,202,199,199,202,207,209,207,202,196,194,191,189,189,194,196,199,196,194,189,183,137,183,194,196,191,186,183,183,183,137,129,121,120,123,137,194,202,207,209,209,204,199,196,191,189,189,194,202,207,204,202,199,196,194,194,196,196,199,199,202,199,194,191,189,189,186,191,199,204,202,199,196,196,191,189,189,194,194,189,183,183,189,189,183,182,182,183,189,189,189,191,196,199,196,189,178,133,133,181,191,196,199,199,199,196,191,191,196,202,204,199,191,190,189,190,194,202,204,202,199,196,202,209,209,199,191,186,186,185,186,189,189,189,194,202,207,204,199,189,186,189,196,202,202,199,191,191,191,189,189,186,183,183,189,194,189,183,182,183,183,182,182,186,191,189,189,189,191,189,181,174,173,176,181,183,183,183,189,183,135,135,189,196,199,196,194,194,194,191,191,196,202,204,204,204,204,204,199,196,194,194,189,186,185,185,185,189,194,196,194,191,190,191,196,202,202,199,199,196,194,191,189,186,189,194,191,191,194,196,196,191,189,189,189,189,181,132,133,186,191,183,136,137,189,199,207,209,207,207,202,196,191,187,187,189,191,196,199,199,196,195,196,199,199,195,195,196,199,202,204,204,204,204,204,207,207,204,209,212,215,212,212,209,204,202,202,199,196,194,189,186,186,189,191,194,191,189,189,186,183,186,194,202,204,204,199,199,199,199,196,196,196,196,194,189,182,182,186,189,183,173,127,121,113,97,87,87,91,101,117,127,176,176,176,183,189,191,186,186,189,196,202,202,199,196,194,191,189,189,194,196,191,186,189,194,196,202,207,207,199,183,181,182,186,189,187,187,194,199,202,202,204,209,212,215,222,222,220,209,207,204,191,187,191,196,202,199,196,196,202,209,209,202,191,189,187,186,187,194,204,209,209,212,212,204,196,191,191,191,191,189,189,191,191,189,189,191,191,191,196,209,0,225,228,222,215,217,217,215,215,217,222,225,228,228,228,228,228,230,233,233,230,222,212,208,209,215,222,222,217,215,212,212,212,217,217,207,199,196,196,196,202,209,212,209,204,199,194,199,209,222,228,233,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,212,0,0,0,0,225,228,225,222,217,215,212,0,0,0,0,0,0,0,194,176,163,163,160,155,0,157,168,183,199,212,0,0,0,0,0,0,248,235,215,199,199,215,225,0,204,186,0,0,0,0,0,0,0,0,209,196,189,186,186,183,181,177,178,191,202,204,207,212,212,202,202,220,238,243,238,235,238,238,238,0,235,241,246,246,246,241,228,202,194,202,209,220,228,230,233,235,238,235,233,233,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,137,139,150,168,186,194,194,191,189,181,170,163,163,170,181,170,1,0,1,121,165,163,161,161,163,168,168,168,165,125,124,127,127,124,125,178,204,209,209,207,209,212,212,207,199,191,194,209,209,194,111,103,102,111,176,196,207,207,191,173,125,119,123,176,181,176,123,113,105,97,87,97,115,168,183,189,183,173,163,120,119,121,168,181,173,47,28,31,89,103,113,170,191,199,202,202,196,186,168,121,121,121,165,181,194,199,199,199,199,194,170,117,109,109,121,176,178,168,165,170,173,168,168,176,176,121,117,118,125,170,170,125,122,124,168,173,178,181,178,173,170,176,181,186,183,181,181,186,191,194,181,121,107,113,115,109,115,176,189,196,199,196,186,181,181,181,181,178,178,183,191,204,209,207,194,194,209,181,43,46,87,168,181,196,191,186,191,194,194,196,196,196,202,202,202,199,196,204,212,173,0,0,0,49,107,186,194,194,194,194,181,142,86,89,103,147,150,107,147,173,165,79,0,5,41,27,79,191,189,191,191,183,178,178,186,189,186,178,178,183,186,191,194,194,196,202,204,202,196,196,202,101,0,7,41,35,59,83,75,101,160,168,168,181,186,181,181,186,189,196,191,189,191,189,178,181,191,191,176,170,178,176,113,81,71,65,91,155,170,168,163,176,186,191,183,113,96,111,165,160,115,183,196,194,182,182,199,212,212,204,101,92,103,163,165,157,115,114,119,119,111,111,117,157,160,115,97,89,163,207,199,97,23,0,14,97,113,170,178,168,173,181,191,196,196,196,199,191,170,96,109,117,113,109,109,113,119,170,189,199,202,204,202,194,191,189,186,181,183,186,181,173,173,181,170,124,127,181,194,199,199,196,196,194,189,183,183,189,196,202,199,189,173,170,178,181,176,127,103,101,107,117,168,168,125,125,176,178,178,191,196,194,189,181,186,196,202,202,202,204,199,181,127,123,123,121,119,117,121,125,170,181,196,204,207,204,202,196,189,181,176,173,170,170,173,178,176,170,170,168,127,127,168,168,168,173,178,176,170,170,170,170,127,123,121,125,165,125,123,125,125,168,170,170,165,123,119,117,116,117,121,173,183,178,117,102,107,170,191,202,202,191,173,78,98,189,191,178,163,115,160,186,186,165,121,121,165,176,176,168,163,122,123,168,176,181,183,178,168,163,168,183,191,189,176,165,163,173,189,196,191,181,176,178,181,178,176,173,169,169,170,178,191,199,176,113,116,173,178,178,173,160,157,181,194,191,183,170,168,170,173,168,160,157,119,115,115,160,168,165,123,121,163,176,181,121,111,113,125,181,183,178,176,173,178,181,178,173,181,196,204,204,196,191,189,186,183,186,189,189,191,194,189,173,123,123,123,121,115,110,110,119,131,173,176,183,186,183,176,131,173,176,176,176,181,178,125,119,121,125,129,131,131,173,178,183,186,183,183,181,176,173,173,173,176,183,191,199,204,202,196,189,183,183,186,186,183,181,176,176,178,186,194,191,173,127,129,173,170,169,176,189,199,204,199,183,127,127,129,129,173,181,189,186,178,177,178,181,181,181,181,181,178,178,173,178,183,128,123,129,196,204,204,207,204,199,194,191,183,176,181,196,32,0,45,99,115,127,131,173,131,130,131,181,196,207,207,199,186,181,191,204,204,196,194,191,189,191,191,183,133,181,186,183,176,132,132,133,178,189,196,199,196,189,183,181,181,176,174,176,181,189,191,191,189,186,186,183,183,183,181,178,178,186,194,194,194,196,194,189,183,186,191,199,202,194,183,179,179,181,183,183,183,189,191,189,183,186,194,196,194,194,196,194,191,194,196,199,199,199,196,196,196,196,194,189,183,181,178,178,181,181,183,183,181,176,174,176,178,186,189,189,186,183,183,186,189,189,181,131,127,131,173,173,178,186,191,196,194,191,189,186,183,183,183,183,186,189,189,183,178,176,176,176,176,178,178,176,133,133,176,183,186,189,185,183,185,191,189,183,181,181,181,181,181,183,178,173,173,131,173,183,196,194,186,178,176,183,194,202,202,199,191,186,186,189,191,194,191,183,179,183,186,181,181,183,181,178,173,125,121,127,178,181,173,173,181,191,202,196,129,124,129,170,168,169,169,181,189,186,181,181,189,186,181,183,186,191,199,202,202,204,204,207,207,207,204,203,203,207,207,196,137,133,181,189,194,196,196,196,199,196,191,186,189,199,202,189,176,178,183,183,183,189,196,191,131,115,118,196,202,202,199,194,189,183,135,133,181,194,202,207,207,202,196,189,183,181,178,181,181,183,181,179,179,181,183,186,186,186,183,178,178,183,183,183,183,189,194,194,186,131,129,133,189,194,189,183,176,173,174,176,178,178,178,181,186,191,194,189,186,189,194,196,194,183,178,179,189,194,189,194,199,199,199,202,204,196,186,183,183,181,182,189,194,191,189,183,181,189,194,183,183,191,191,191,189,186,186,189,189,189,191,196,194,186,185,186,186,186,183,186,189,189,189,186,181,178,173,172,173,176,176,178,183,183,181,176,173,176,181,181,178,178,178,176,173,129,128,128,129,131,176,178,176,176,176,176,176,176,173,170,168,165,165,168,168,168,168,165,165,165,165,160,119,117,119,119,117,117,117,119,157,157,157,157,163,163,163,163,163,160,160,165,170,168,160,119,114,113,119,170,178,176,173,165,123,120,120,121,125,127,129,170,173,176,181,189,194,194,194,194,194,194,194,189,183,181,182,191,196,194,189,186,189,186,181,179,186,196,204,202,202,202,202,199,199,202,202,196,189,186,189,194,194,196,196,194,196,196,196,194,191,186,186,189,186,185,186,191,194,199,199,194,186,183,181,183,181,181,178,181,183,183,183,186,196,202,202,196,191,191,199,204,204,204,202,196,191,191,196,199,199,194,186,186,186,186,186,191,191,191,191,189,187,191,196,196,194,199,212,212,207,202,199,202,202,202,204,207,209,209,212,215,212,209,207,207,207,204,202,202,202,199,196,194,196,196,199,199,196,196,196,199,202,202,202,202,196,191,186,183,181,135,134,135,178,181,183,186,183,135,131,178,191,199,196,191,191,191,194,194,191,183,136,135,136,183,191,196,196,191,189,191,196,202,204,204,199,199,196,196,196,202,207,207,204,199,196,194,194,194,194,199,202,202,196,191,189,186,186,189,191,194,194,194,191,191,189,183,131,122,121,125,137,196,204,209,209,209,204,202,196,191,189,191,199,207,209,207,204,199,196,191,191,194,194,196,199,199,196,194,191,191,189,186,189,196,202,202,202,199,196,196,194,196,199,196,191,186,186,186,183,183,183,183,182,182,186,191,196,199,199,194,183,131,128,132,183,191,194,196,199,202,199,196,194,194,196,196,194,190,189,190,191,194,202,204,204,202,202,207,209,202,189,185,186,189,189,189,191,191,191,196,202,207,204,199,189,183,186,194,199,202,199,196,194,191,189,189,186,181,179,183,189,186,181,181,183,186,186,186,189,189,189,189,189,189,183,178,176,172,172,174,178,181,183,186,186,181,186,194,199,196,189,186,186,189,189,191,199,207,207,207,209,209,207,204,202,199,199,196,194,189,186,186,189,191,194,194,191,190,191,199,204,204,204,199,194,194,191,189,186,183,186,186,186,189,194,196,191,189,189,189,186,181,133,133,178,183,181,137,181,189,196,204,207,207,204,204,196,189,187,187,189,191,196,199,202,199,195,194,196,199,196,196,202,204,202,200,202,204,207,207,209,207,207,209,215,215,209,207,207,204,204,204,202,196,191,189,189,186,183,183,186,183,139,183,183,183,183,189,196,202,204,199,199,202,204,204,202,199,196,194,186,181,179,183,186,183,176,170,168,125,109,91,81,79,81,99,117,127,173,176,181,186,189,186,186,189,196,202,202,199,196,199,202,196,189,189,191,181,125,127,181,194,202,207,207,202,191,183,186,191,191,187,187,194,202,202,199,199,202,207,212,215,217,217,209,209,204,194,187,191,199,202,202,199,196,202,207,204,194,189,191,189,187,187,191,196,202,209,215,212,204,196,194,189,186,186,185,186,189,189,186,186,189,189,189,196,207,215,225,228,222,217,217,215,215,215,215,222,225,228,228,228,228,230,233,235,235,233,228,217,212,212,217,222,217,215,212,209,209,212,217,217,207,199,199,202,202,204,209,215,212,207,199,194,196,207,222,230,235,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,212,0,0,0,0,0,222,222,217,212,209,207,0,0,0,0,0,0,0,196,181,173,165,160,152,150,0,165,183,204,0,0,0,0,0,0,0,243,235,222,209,212,0,0,0,199,173,0,0,0,0,0,0,0,0,0,209,199,196,194,191,189,183,178,183,194,199,204,212,212,209,212,228,241,243,233,217,217,228,233,0,238,238,243,246,246,235,204,144,144,194,207,215,225,228,233,235,238,235,233,233,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,72,116,126,139,163,183,191,196,196,194,189,181,165,153,155,163,170,69,0,0,73,119,165,170,173,170,125,123,165,170,168,127,127,129,129,127,178,199,204,204,202,204,207,209,204,194,190,192,207,209,202,125,113,107,107,127,194,204,202,181,168,121,112,113,123,176,176,168,163,119,79,74,83,165,191,196,196,191,176,123,119,118,123,181,199,204,191,24,19,79,117,168,183,194,199,202,204,202,191,170,120,120,123,123,168,186,196,196,194,196,181,123,111,103,99,111,178,183,173,125,123,123,121,125,176,183,119,114,115,123,170,168,123,121,125,168,176,183,189,183,176,170,173,176,181,183,183,181,181,178,127,109,93,87,109,125,121,131,186,199,202,199,194,189,183,178,178,178,178,176,178,183,194,199,199,191,191,199,191,127,170,181,183,181,186,191,191,194,196,196,194,194,194,196,199,196,194,194,202,209,212,0,0,0,57,103,150,181,186,183,194,202,160,60,70,144,155,165,191,199,207,209,222,51,25,147,157,199,207,207,204,194,176,163,163,170,181,183,178,168,163,165,181,196,202,202,202,204,202,194,191,189,53,0,0,7,35,109,109,93,170,183,186,178,191,194,189,194,199,196,196,194,194,196,204,212,207,199,191,183,176,170,168,113,87,75,77,113,168,173,161,153,163,186,191,189,99,65,72,157,170,163,170,194,191,181,182,199,202,176,107,94,92,104,113,117,157,163,117,157,111,94,107,181,189,181,173,89,66,82,191,199,181,81,0,20,107,119,168,178,178,181,186,191,196,196,196,199,199,204,194,165,111,108,115,117,117,121,176,191,199,202,204,204,196,194,191,183,178,178,181,176,168,170,173,170,125,125,173,189,194,194,191,189,186,183,178,178,186,196,199,196,189,183,186,191,183,127,111,90,93,101,113,123,125,125,165,176,178,178,191,199,194,183,170,183,196,199,194,191,189,181,170,125,123,119,117,117,117,121,123,127,176,186,194,199,196,191,186,181,173,127,125,125,127,173,183,183,181,173,125,119,119,121,123,123,123,123,121,121,125,168,127,123,121,123,125,168,173,176,176,173,173,170,170,173,176,125,118,118,120,168,186,199,199,186,123,123,173,181,186,191,189,181,85,104,168,170,163,123,123,170,191,191,178,170,163,121,123,165,165,163,163,165,173,178,183,181,173,161,157,163,186,196,191,176,163,163,170,186,196,196,186,181,181,183,183,186,183,176,169,170,173,178,183,173,118,160,178,183,186,178,111,99,157,173,165,165,163,163,163,163,157,117,119,157,157,121,165,176,178,178,181,178,178,170,115,113,121,173,189,189,176,168,168,178,183,176,129,170,191,202,204,199,191,186,183,183,189,191,194,196,196,194,183,131,129,131,173,131,125,117,119,127,131,176,183,194,191,181,131,128,127,126,127,131,173,123,119,120,127,173,176,176,173,173,181,186,189,194,194,183,131,127,128,173,183,191,199,204,202,196,186,182,183,183,183,178,176,178,181,186,194,202,196,176,131,181,186,176,168,173,186,196,202,194,178,129,170,170,170,173,181,186,183,178,178,181,183,183,183,181,176,173,181,131,129,173,128,125,131,194,199,199,202,199,196,202,207,202,194,199,230,61,8,69,117,173,191,183,173,130,130,131,133,183,196,202,202,199,199,207,209,207,199,194,189,186,186,189,183,178,183,186,183,176,133,133,133,176,181,189,191,189,183,181,181,178,176,176,181,186,189,191,189,189,186,186,183,183,186,186,181,178,183,194,196,194,191,189,186,186,189,191,196,196,191,181,178,179,183,189,189,186,191,194,189,178,181,194,196,194,194,199,199,194,191,191,191,191,191,194,196,196,196,194,189,186,183,181,181,183,183,183,183,181,178,176,176,178,183,183,183,181,183,186,191,194,191,178,125,123,127,131,131,176,186,191,191,186,183,183,186,186,186,183,181,181,183,186,183,178,178,176,176,176,176,133,130,130,176,183,191,194,194,189,183,185,189,189,186,186,191,189,183,181,181,173,131,176,178,178,183,191,191,186,183,183,194,199,202,196,194,191,189,191,189,189,186,181,179,179,186,189,181,183,191,191,189,176,127,127,170,173,173,173,178,183,191,204,202,176,127,176,178,176,173,166,176,183,183,177,178,189,186,183,186,189,191,196,199,202,202,202,204,204,204,203,203,204,207,202,181,124,124,133,186,194,194,196,199,199,199,194,189,189,194,196,186,178,178,181,181,176,178,181,178,121,109,112,186,194,194,191,186,181,135,133,133,181,194,202,207,207,204,199,189,178,133,133,178,186,189,189,186,186,186,183,183,183,183,181,178,178,181,181,178,181,186,191,186,178,130,128,131,189,196,196,189,178,174,174,181,183,183,183,183,189,196,199,196,191,194,202,204,199,189,181,186,196,191,181,186,191,196,199,204,204,202,194,189,183,179,179,186,191,191,191,189,181,191,199,186,182,186,183,183,183,183,183,186,189,187,187,196,196,191,186,186,186,186,183,186,189,191,191,186,183,178,173,173,173,176,176,178,181,181,178,173,173,176,178,181,178,177,178,176,173,129,128,128,129,131,173,176,176,176,176,178,176,173,170,168,164,161,161,163,165,165,165,165,165,165,165,160,119,119,119,119,119,119,119,157,157,157,157,157,160,163,163,165,168,170,170,170,173,170,165,163,121,119,123,170,173,168,125,121,121,121,123,127,127,127,126,127,170,178,186,194,196,196,199,199,199,196,191,189,183,182,189,196,199,191,183,183,186,186,179,178,181,194,199,199,199,202,202,202,204,207,207,194,183,181,181,186,191,194,194,191,194,196,196,194,196,194,189,189,186,186,189,194,196,199,199,194,186,181,178,181,181,181,181,183,189,189,189,191,196,202,199,194,190,190,194,199,202,202,199,194,189,189,194,199,199,191,183,181,137,135,183,191,196,196,196,194,189,189,194,199,199,202,209,204,196,189,186,189,194,196,202,207,207,207,209,209,207,207,204,204,202,199,196,194,191,189,191,194,196,199,202,204,204,202,202,202,204,204,202,202,196,191,186,181,134,133,133,135,178,178,181,181,135,131,131,133,178,189,196,199,196,194,194,194,189,178,135,135,137,186,194,196,196,194,191,191,196,202,204,202,199,194,191,191,194,199,207,207,204,199,196,194,194,196,196,202,204,202,196,194,191,191,194,194,194,191,194,199,199,199,196,191,181,131,127,131,183,199,209,212,209,207,202,196,191,189,189,194,199,207,209,209,207,202,196,191,189,189,191,194,194,194,191,191,191,189,186,186,186,189,196,199,202,199,196,196,199,202,204,199,194,191,189,183,182,186,189,189,182,181,186,196,202,202,199,194,181,130,127,135,189,191,191,191,196,199,196,196,194,194,194,196,196,194,191,194,191,194,202,204,204,204,207,209,207,194,183,183,189,196,196,196,196,196,196,196,202,204,204,202,191,183,186,194,199,202,202,199,196,191,189,189,186,181,178,183,189,186,181,181,186,191,189,189,186,186,186,189,191,186,181,178,181,176,173,174,178,183,186,191,189,189,194,199,199,191,183,181,181,183,186,191,196,202,207,207,209,212,212,209,207,204,204,204,202,199,194,189,185,186,189,194,194,190,191,196,204,207,204,199,194,194,194,191,186,181,181,183,181,186,191,196,194,191,189,189,189,189,183,178,131,131,135,181,186,189,194,199,202,202,202,204,202,194,187,187,191,194,196,202,204,202,196,194,195,196,199,202,207,207,202,199,200,207,212,212,212,212,209,209,212,209,207,199,199,199,204,204,199,191,186,191,191,189,183,139,139,139,138,139,137,137,135,137,186,194,199,196,199,202,204,204,202,196,191,191,183,181,181,186,189,186,181,176,173,170,117,97,79,71,70,79,101,117,123,127,173,178,183,186,186,189,196,204,204,199,196,199,204,196,189,189,191,137,115,114,127,186,196,199,202,202,196,191,194,199,202,196,194,199,204,202,199,196,196,199,207,212,215,215,209,209,207,191,186,187,194,202,202,202,199,202,207,202,194,196,196,196,194,194,196,196,199,212,217,212,204,202,199,191,185,185,185,186,189,191,189,186,186,186,189,196,207,215,222,225,222,217,215,215,215,215,215,222,225,225,228,228,228,230,233,235,238,235,233,225,217,217,222,222,217,215,212,209,209,209,217,217,207,202,204,209,209,209,212,215,215,209,199,192,194,207,222,230,235,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,0,0,0,0,0,0,0,0,0,0,0,212,0,0,0,0,215,217,217,215,212,207,204,0,0,0,0,0,0,220,191,183,178,168,155,150,147,0,160,181,0,0,0,0,0,0,0,0,0,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,209,202,199,196,196,189,0,178,183,186,194,204,212,212,215,225,235,233,215,202,203,215,0,0,235,230,233,238,238,225,145,141,142,194,204,215,222,225,230,235,235,233,230,230,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,111,152,176,165,139,142,157,178,191,191,196,191,183,181,155,152,152,160,178,186,91,53,73,121,178,191,196,191,165,119,165,173,176,170,129,170,173,178,189,196,202,200,200,200,204,207,204,196,192,194,204,212,209,199,191,186,119,127,178,183,181,173,168,123,115,113,117,173,176,176,183,181,68,71,99,194,199,202,202,196,181,163,119,118,123,181,194,196,173,24,11,71,183,183,186,191,196,199,202,202,186,163,120,123,163,121,120,165,183,176,99,93,80,75,71,52,45,93,183,178,173,125,119,119,121,165,176,178,123,114,114,165,173,165,124,165,176,183,194,196,196,194,178,168,127,170,176,181,181,170,117,101,103,93,85,85,115,189,191,183,189,196,199,196,194,191,186,183,186,186,186,178,131,129,131,183,189,191,191,191,189,178,178,183,183,181,186,194,196,199,196,196,194,191,192,194,194,186,178,186,199,209,196,0,0,69,209,105,97,147,165,178,191,199,183,62,83,150,160,181,202,204,207,209,209,168,93,163,196,204,215,215,209,199,189,178,163,155,113,106,95,103,108,108,152,181,199,204,207,202,199,173,105,69,0,0,0,0,55,117,160,173,186,189,194,196,199,199,196,196,196,194,189,183,186,196,207,212,209,204,196,189,181,168,117,101,91,91,168,186,183,178,168,160,161,178,186,178,105,71,72,88,96,99,107,181,194,182,183,196,186,160,104,101,168,168,111,111,165,168,119,117,64,80,155,196,189,178,178,163,64,63,165,199,209,217,67,85,163,163,160,165,170,186,191,194,196,196,199,202,204,204,196,178,111,109,119,119,117,123,178,191,199,202,204,202,199,194,191,186,178,176,176,168,127,170,176,170,125,125,173,183,191,191,189,183,183,178,166,164,176,189,191,186,181,176,181,189,186,170,105,88,98,99,105,117,123,125,165,170,170,168,181,196,191,173,106,123,186,186,176,165,168,170,168,168,125,117,116,117,121,123,123,123,127,176,181,181,181,181,176,173,168,123,117,117,123,170,181,191,194,189,170,119,117,119,120,119,119,118,117,120,125,125,125,123,123,123,123,173,189,194,196,191,181,170,168,178,183,176,125,121,125,176,191,204,207,199,181,168,165,170,176,181,181,178,120,120,122,122,122,163,168,176,189,186,178,170,163,117,117,121,163,165,168,170,173,178,181,181,178,168,161,165,183,194,183,165,123,123,165,178,191,191,183,178,181,186,194,199,196,186,176,170,170,173,178,170,119,163,183,189,194,183,113,65,43,46,66,109,155,160,160,155,155,113,111,117,160,170,186,191,194,194,194,191,181,168,119,119,125,178,189,189,178,125,127,178,176,129,125,125,183,196,204,202,194,186,183,186,191,194,196,196,196,196,194,181,131,129,131,176,176,131,127,129,176,176,178,183,183,178,131,129,126,125,128,176,176,127,122,123,131,186,191,186,178,131,131,186,196,202,204,199,176,119,120,173,181,189,196,202,202,194,186,182,183,186,183,178,176,176,178,183,196,199,191,176,173,189,196,189,170,169,178,191,194,189,178,173,173,176,176,176,178,183,183,181,186,186,183,183,186,186,178,172,176,173,126,126,128,131,178,189,196,202,199,194,194,204,212,209,199,202,212,129,71,97,125,176,186,181,130,129,178,183,131,126,183,199,204,207,207,209,212,209,199,191,186,185,186,189,186,186,191,186,176,131,176,186,186,178,181,183,186,183,181,181,178,176,178,183,189,194,194,191,189,186,186,186,183,186,189,191,189,181,183,189,194,191,189,189,189,189,186,189,191,191,186,181,179,186,191,189,186,189,191,191,189,133,133,186,194,191,191,194,194,191,189,189,186,189,189,189,191,194,194,194,191,183,179,181,181,181,183,181,178,178,181,181,178,178,178,178,176,176,178,186,191,194,189,176,123,121,122,129,173,176,181,186,186,181,176,178,181,183,186,183,176,176,181,181,178,176,176,176,176,176,133,130,129,131,178,186,191,196,196,191,186,185,186,186,189,191,194,191,186,181,178,131,131,178,181,178,178,183,183,181,181,186,194,199,196,191,186,186,191,194,194,186,179,179,179,183,186,183,176,176,189,196,191,183,178,173,173,170,168,168,178,183,189,196,202,178,125,176,178,178,170,169,173,181,178,176,177,186,189,186,189,189,191,194,196,199,202,202,204,207,209,207,207,212,212,199,129,122,124,135,194,196,194,196,199,202,202,199,196,191,186,186,183,181,181,181,176,174,174,176,131,113,109,119,181,183,181,181,178,132,131,133,133,183,196,207,209,212,207,199,183,131,129,133,181,191,194,194,199,199,194,186,178,176,178,178,178,178,176,173,176,178,186,191,186,178,131,131,178,189,194,196,191,186,183,181,186,191,191,189,189,194,202,204,202,194,196,204,207,202,194,194,196,202,194,182,182,183,189,194,202,204,202,196,191,189,183,181,182,189,194,196,191,191,196,196,191,186,186,183,181,181,183,189,191,191,189,191,196,196,194,189,186,186,186,186,186,189,191,191,189,183,178,176,176,178,178,178,178,178,178,176,173,173,176,178,178,177,177,178,178,173,129,127,128,129,173,176,176,176,176,176,176,176,176,176,170,168,165,165,165,165,165,165,168,168,165,163,160,119,117,117,117,117,119,157,157,157,157,157,157,157,160,165,170,176,176,176,173,173,173,173,170,168,168,168,168,165,123,118,118,119,125,168,170,173,170,126,125,170,181,191,196,202,202,202,202,202,196,189,186,183,183,189,199,199,189,181,179,183,186,183,181,186,196,202,202,199,199,199,202,204,209,209,199,189,137,134,136,186,191,191,191,191,191,194,196,199,196,189,183,186,189,191,191,191,194,196,194,189,181,135,135,178,183,186,189,189,191,194,194,194,191,191,191,190,191,196,199,196,194,194,191,187,187,191,194,189,137,134,135,133,132,135,191,199,202,202,199,194,189,191,191,194,194,196,194,189,185,185,185,191,199,204,207,207,207,207,207,207,207,207,202,196,194,189,135,125,131,183,194,199,199,202,207,209,209,207,207,204,202,196,194,194,194,191,186,137,135,178,178,178,178,178,135,133,131,133,133,135,183,194,196,196,196,196,194,189,181,178,137,183,189,194,194,194,194,196,194,196,199,202,199,196,191,189,189,194,199,207,209,207,202,196,194,194,196,199,202,202,199,196,196,196,196,199,199,191,189,191,196,202,202,199,194,189,183,137,137,189,202,209,212,207,199,194,189,189,191,191,191,196,204,209,209,207,204,199,191,183,186,191,194,194,189,183,137,137,183,186,186,185,186,191,194,194,194,194,191,194,199,202,196,191,189,186,183,186,194,196,194,189,183,189,196,204,204,199,191,181,133,133,186,191,191,191,191,191,191,191,191,191,191,194,196,202,199,194,191,191,194,202,207,204,204,207,209,204,191,185,186,191,196,196,199,199,202,202,202,204,204,202,196,191,183,183,189,196,199,199,199,196,194,191,194,191,183,181,183,191,191,186,183,189,191,191,186,181,181,183,189,189,183,178,181,186,186,183,181,181,186,191,194,194,194,199,202,202,196,189,182,181,182,189,191,191,194,202,207,209,215,215,215,212,209,209,209,212,209,202,189,183,183,186,191,194,191,190,191,202,207,207,202,196,194,194,189,183,181,181,181,181,186,194,196,196,194,191,194,196,199,199,189,133,128,129,181,186,186,186,186,191,194,196,199,204,199,191,189,194,196,196,199,202,202,199,196,195,196,199,207,212,209,202,200,204,209,212,212,212,215,215,212,209,207,202,194,189,189,196,199,189,139,183,186,191,191,189,139,138,139,183,183,135,133,133,134,135,181,189,194,196,199,202,199,196,194,191,186,183,182,183,186,189,189,183,178,176,173,168,115,87,73,71,71,79,97,109,117,121,127,176,181,186,189,196,204,207,202,194,191,191,189,189,194,196,183,119,112,115,129,183,191,196,199,199,196,199,207,212,207,199,199,202,199,194,194,194,199,204,207,212,212,207,207,204,199,189,186,187,194,199,202,202,204,209,209,202,199,199,196,196,194,194,194,199,209,215,215,209,209,207,196,186,183,185,189,194,191,189,186,182,182,186,199,209,215,217,222,220,215,215,217,217,215,217,222,225,225,225,228,228,230,230,233,235,235,233,228,222,222,222,225,225,217,212,207,207,209,212,209,204,204,209,215,215,212,215,215,215,207,199,192,194,204,217,228,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,0,0,0,0,209,212,212,209,209,207,202,0,0,0,0,0,255,209,189,186,181,165,150,144,144,0,157,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,207,202,199,199,196,181,176,176,178,183,202,215,212,215,225,233,228,204,199,202,212,230,0,233,228,228,233,235,217,147,142,144,196,204,209,212,217,225,233,235,233,228,228,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,189,196,199,194,176,157,152,160,178,189,189,173,160,155,157,163,153,157,181,202,189,105,105,173,191,202,207,202,170,118,121,168,176,176,173,173,178,189,196,202,202,200,200,200,202,207,204,199,194,196,207,215,215,204,196,186,176,173,170,127,123,125,168,165,119,116,117,125,165,170,178,119,72,77,105,186,196,199,196,191,181,165,121,120,163,173,178,178,165,85,75,163,186,186,183,189,194,199,199,189,168,121,123,163,121,119,119,123,123,91,64,62,68,70,68,55,49,91,186,183,178,168,119,119,123,168,170,173,170,121,125,181,183,173,168,176,186,194,202,207,209,204,173,121,121,127,173,176,170,119,99,85,83,87,97,115,186,202,196,186,183,191,194,191,189,186,183,186,191,196,196,189,176,127,126,130,183,189,189,183,176,129,173,186,186,186,194,202,202,199,196,196,192,192,192,194,189,176,172,177,196,215,199,0,0,59,189,103,75,77,103,157,165,189,189,46,71,139,160,186,202,199,196,199,202,181,150,165,194,207,215,215,212,209,207,202,176,155,109,104,100,109,157,152,152,165,183,196,204,196,186,81,0,0,0,0,0,0,85,157,170,183,194,194,196,202,204,202,196,196,191,183,177,177,181,191,196,202,204,204,199,191,183,173,160,109,97,97,165,191,199,196,194,189,173,165,168,170,173,168,105,90,91,99,113,170,183,183,183,186,176,165,157,170,183,170,115,163,183,181,160,107,63,87,111,168,173,170,176,178,68,72,165,191,212,207,107,155,173,119,110,117,168,183,196,199,196,199,199,202,202,199,191,183,168,115,105,102,109,123,178,191,199,202,202,202,199,196,194,191,183,176,173,127,123,127,176,173,127,127,173,181,186,183,181,181,181,173,163,161,168,178,178,173,127,127,170,181,183,173,107,93,107,111,113,117,119,121,125,165,125,123,165,176,173,113,91,103,125,170,121,113,115,165,170,168,123,117,116,121,127,170,127,125,125,127,168,168,173,176,173,168,127,121,116,114,117,125,176,191,199,199,191,173,125,121,121,121,121,120,119,125,168,127,125,123,123,123,125,181,199,204,204,199,183,170,165,170,176,170,125,123,165,176,189,202,204,199,183,165,124,163,165,165,163,165,168,163,122,122,163,168,170,173,178,176,168,163,121,117,117,121,163,165,170,170,173,173,176,181,183,181,173,176,181,181,170,121,121,121,120,121,168,176,178,178,183,191,199,204,204,196,186,176,168,165,165,160,117,163,186,196,202,183,160,107,67,49,52,81,111,160,165,163,160,89,89,107,163,181,194,199,199,194,194,191,178,168,125,125,170,181,183,178,170,123,125,173,170,127,123,123,173,194,202,199,191,189,189,189,194,199,202,199,196,199,199,189,129,127,129,178,183,181,176,178,186,183,178,173,173,173,176,176,173,129,129,176,173,127,125,127,173,189,196,196,186,121,119,181,199,209,212,207,186,122,121,131,178,183,191,196,199,194,186,182,183,189,186,181,178,176,176,178,189,194,186,173,173,191,199,194,183,176,173,178,183,183,183,181,178,178,178,178,178,181,183,186,196,194,186,183,186,189,183,173,173,170,126,127,129,131,178,189,196,199,194,186,189,202,212,209,199,196,207,199,123,131,176,176,178,176,129,128,178,183,133,128,178,196,207,209,209,209,209,207,199,191,189,186,189,191,189,194,199,191,133,129,176,191,191,183,183,183,181,178,181,181,178,176,181,189,196,199,196,191,186,186,186,186,183,189,194,199,194,183,181,186,191,191,189,189,189,189,186,186,189,189,183,181,183,194,196,191,186,186,183,181,178,130,131,181,189,191,191,189,189,189,189,189,186,186,189,189,191,196,196,196,189,179,178,181,183,181,178,176,133,176,183,183,181,176,173,173,176,176,176,181,186,189,181,173,127,123,125,131,131,131,131,178,181,178,173,131,129,131,181,181,173,131,131,131,173,176,176,176,176,176,133,130,130,133,181,186,194,196,199,196,189,186,185,186,191,194,191,191,186,181,176,131,133,178,178,173,173,176,176,178,181,181,186,191,191,186,183,183,189,194,194,186,181,181,183,183,183,178,128,128,181,194,191,183,183,183,173,168,127,168,178,186,189,189,183,120,117,125,178,181,176,176,178,183,183,178,178,186,189,189,191,191,189,189,194,199,202,204,207,212,215,215,217,217,209,189,125,123,127,189,199,202,202,202,202,202,202,204,202,194,183,181,181,181,181,181,176,176,178,181,176,119,117,131,181,181,178,176,133,130,131,176,186,199,207,212,215,212,202,183,125,124,127,133,183,191,196,199,202,202,196,186,178,173,173,176,181,176,127,125,173,186,189,191,183,178,176,183,189,191,191,191,191,191,191,196,199,199,196,191,196,202,207,209,204,199,196,202,202,196,196,199,202,202,196,183,181,181,186,194,204,204,199,194,194,194,191,186,183,189,196,199,199,196,199,199,194,191,189,186,182,181,186,194,196,194,191,191,194,194,191,189,186,186,186,186,186,189,191,191,189,183,178,178,181,181,183,183,183,181,178,176,173,173,176,181,181,178,178,181,181,176,129,128,129,170,173,176,176,176,173,173,173,173,176,176,176,176,176,173,170,168,165,163,165,168,165,163,121,119,117,117,115,117,119,119,157,157,157,157,157,157,160,165,173,178,178,178,176,176,176,173,173,173,173,170,163,121,119,118,118,121,168,173,176,178,176,126,125,170,183,191,199,202,204,204,204,204,199,191,189,186,183,189,194,194,186,181,181,181,183,181,181,189,196,199,196,194,196,199,202,204,207,207,204,196,137,132,134,183,191,191,191,191,191,194,199,202,196,183,178,178,181,183,186,189,194,196,194,183,133,131,133,178,183,186,189,191,194,196,196,191,190,190,190,190,191,196,196,194,191,191,189,187,187,191,189,137,133,132,135,134,132,134,186,194,199,202,202,194,189,186,186,186,186,189,189,186,186,186,191,196,204,207,209,209,209,209,209,207,207,207,204,196,189,133,121,117,122,139,194,199,202,204,209,212,212,209,204,202,196,191,191,191,194,194,194,191,189,189,186,183,181,181,133,127,125,131,181,186,189,191,191,191,194,194,194,191,186,186,186,189,191,196,196,194,194,196,194,191,196,196,191,186,186,189,189,191,196,204,209,207,202,199,196,194,194,196,196,196,194,194,194,196,196,199,196,189,187,189,194,199,199,199,196,194,189,186,186,194,202,207,204,199,194,191,186,186,189,191,191,194,199,204,207,204,202,196,189,183,183,191,196,196,191,181,135,134,137,183,189,186,186,189,189,186,183,183,183,186,191,194,191,186,181,178,178,186,194,199,199,194,189,189,194,202,204,199,189,181,181,183,194,196,194,191,189,181,135,135,183,186,189,191,196,202,196,191,190,191,196,202,204,202,202,204,209,207,199,194,191,191,194,196,199,202,202,204,204,207,204,199,194,189,183,181,181,186,191,194,196,199,196,196,196,196,191,186,186,191,191,189,186,186,186,183,178,135,135,181,189,189,183,181,183,189,194,191,189,189,191,194,194,194,196,199,199,202,202,199,189,183,186,191,194,190,190,194,199,204,209,212,212,209,209,209,212,215,212,204,194,186,186,189,191,191,191,190,191,199,204,204,202,196,194,194,189,183,181,179,179,181,189,194,196,196,194,196,199,202,204,204,194,178,129,129,178,183,181,137,137,183,186,189,196,202,202,194,191,196,199,196,199,199,199,199,196,196,199,202,207,209,207,202,202,204,209,209,209,209,209,209,207,204,204,202,194,185,183,185,186,138,137,138,183,189,194,194,189,186,189,191,194,186,137,134,134,133,134,181,189,194,196,199,199,196,194,189,186,183,183,183,186,186,183,181,181,176,173,178,178,123,91,73,72,77,89,95,101,111,121,168,181,186,191,196,204,207,202,191,187,187,187,189,196,199,191,133,114,112,114,121,133,186,194,196,196,207,215,215,209,202,199,194,187,189,196,204,207,207,207,207,204,199,199,202,199,191,187,187,191,196,202,202,204,209,212,209,204,199,196,194,191,191,194,196,202,209,215,215,212,207,196,189,185,186,191,196,199,194,189,183,181,183,199,212,215,217,222,217,215,215,217,217,217,222,225,228,228,228,228,228,228,230,233,235,235,233,228,222,222,222,225,225,222,215,207,204,207,207,207,204,204,209,215,212,215,215,215,212,212,202,194,192,199,212,225,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,209,207,204,204,207,0,0,0,0,0,255,255,209,189,183,178,163,150,147,0,0,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,209,204,199,196,191,178,170,169,173,186,212,225,215,209,222,230,225,207,203,209,225,235,235,230,228,226,230,235,222,196,145,147,196,202,204,207,212,217,230,233,228,217,222,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,199,202,202,204,207,199,176,142,111,144,176,147,99,95,97,163,181,170,160,165,183,186,168,170,189,199,204,209,204,173,116,118,127,178,178,170,170,183,196,204,204,202,202,202,202,204,207,204,202,196,199,209,215,212,199,183,178,178,176,170,120,118,120,125,165,121,121,121,115,108,108,113,103,84,91,111,170,186,189,183,178,173,165,123,123,163,168,170,170,173,183,189,183,183,186,186,189,194,199,194,168,117,119,123,121,118,119,121,165,125,101,74,71,99,115,173,121,103,173,199,196,191,178,123,121,125,165,125,165,170,168,173,186,189,176,168,173,186,194,202,209,215,209,125,116,119,127,176,178,127,107,83,76,75,89,125,191,204,204,196,183,181,186,189,186,182,182,182,186,191,196,202,202,191,178,131,173,186,191,189,181,127,124,129,189,191,191,199,204,204,199,194,194,194,194,199,199,191,177,174,181,202,217,183,0,0,0,43,65,57,53,85,95,84,168,189,45,68,103,165,189,196,191,189,191,191,178,160,165,183,202,209,209,209,209,207,202,173,152,147,111,155,189,199,186,170,163,157,157,181,178,89,0,0,0,0,0,65,81,109,165,178,191,199,199,202,204,204,202,199,194,186,178,176,177,183,189,189,191,196,202,199,194,189,186,183,168,109,101,117,183,204,207,207,204,189,160,160,173,186,196,186,95,93,117,165,168,176,178,178,173,165,165,165,176,173,112,112,178,196,196,186,176,99,105,101,107,155,117,117,176,78,85,117,160,199,178,155,170,176,106,102,111,170,189,199,196,194,194,199,202,199,191,183,183,178,117,95,94,103,121,173,189,199,202,202,199,199,196,196,196,189,173,127,123,123,127,173,173,168,129,173,176,176,170,168,170,176,170,165,166,173,173,125,121,119,119,123,173,183,178,115,103,113,121,123,115,114,119,125,165,125,122,123,123,119,110,102,109,165,168,115,105,107,123,173,170,123,121,125,170,183,194,186,173,127,125,125,125,170,173,173,168,125,123,117,114,115,121,168,181,191,199,196,186,168,121,121,127,170,173,181,183,178,173,127,123,122,123,168,186,202,207,204,191,181,168,165,165,168,168,165,165,165,170,181,191,196,194,178,125,123,125,165,160,159,161,168,163,121,122,163,165,163,163,123,119,117,117,117,115,115,117,121,163,165,168,168,168,168,170,178,178,178,178,176,170,125,125,168,165,120,117,119,170,181,186,191,196,199,202,204,202,194,183,170,163,163,157,117,119,181,202,202,173,160,173,181,61,54,79,109,168,178,173,113,19,36,101,157,178,194,202,196,191,183,178,165,123,165,173,183,186,181,173,125,123,124,129,129,127,123,120,123,186,199,196,194,194,194,194,196,199,202,202,202,204,207,194,131,128,173,186,191,186,183,183,194,194,186,173,172,176,183,186,181,173,131,173,173,129,127,129,173,181,196,204,194,109,107,181,202,212,215,212,199,173,128,176,183,183,183,186,189,189,183,182,186,189,186,183,181,178,176,174,183,189,186,176,178,191,199,196,191,181,173,170,176,183,189,186,183,183,183,178,176,178,181,189,199,196,189,183,189,191,186,176,170,129,127,129,173,129,173,189,196,196,189,181,183,196,207,204,191,183,196,199,191,191,189,181,178,178,131,129,176,183,181,178,186,199,207,209,209,209,207,202,194,189,189,189,191,191,189,194,202,191,131,128,131,186,189,183,183,181,178,177,178,181,178,174,176,186,196,202,196,191,189,186,186,183,183,191,199,204,194,183,181,186,191,194,191,186,186,186,186,189,191,189,183,183,189,196,199,191,183,178,131,129,131,131,176,178,181,183,183,183,186,189,191,186,183,186,186,189,194,202,204,199,189,179,178,183,186,183,178,133,131,133,183,186,181,131,129,131,176,178,176,176,181,181,178,176,173,131,173,173,131,126,126,173,181,181,173,127,124,124,131,178,176,131,127,124,129,173,176,176,176,178,176,176,176,183,189,194,196,199,199,196,191,189,185,186,191,194,191,186,186,181,133,131,133,173,173,173,176,176,174,176,178,178,181,183,186,183,182,182,183,189,191,186,186,186,189,183,176,170,127,126,176,189,181,168,178,183,123,119,127,173,183,189,189,181,125,114,114,125,181,186,183,181,183,189,189,186,186,186,189,194,199,196,189,186,189,196,202,204,209,215,217,217,217,209,194,133,124,125,178,196,207,209,209,207,202,196,199,204,204,196,186,181,181,181,181,181,178,181,186,189,183,176,176,183,186,183,181,178,133,133,133,183,196,204,209,209,209,204,189,127,120,122,129,178,181,186,191,196,199,196,191,186,183,178,173,173,181,173,119,117,127,183,191,189,181,176,181,194,199,191,189,189,189,186,191,202,209,209,202,196,199,204,207,209,207,202,196,196,191,183,186,194,199,199,194,183,181,182,189,202,209,209,202,194,191,194,194,191,189,194,199,204,202,199,199,196,196,194,194,191,186,186,189,194,196,194,191,191,191,191,189,186,186,186,186,183,183,183,186,189,186,183,178,178,181,181,181,181,183,183,178,173,173,173,176,181,181,181,181,186,183,178,173,170,170,173,176,176,176,173,173,170,170,173,173,173,176,176,176,176,170,165,161,161,163,165,165,160,119,117,117,117,115,115,117,119,157,157,157,157,157,157,157,160,168,173,176,176,176,173,173,173,173,173,173,168,121,118,118,119,121,165,173,178,178,178,173,125,123,127,181,191,199,204,207,207,209,209,204,196,191,191,189,189,194,191,183,183,181,181,178,177,179,186,194,191,186,186,194,199,204,207,207,207,207,202,189,136,137,189,196,194,189,186,189,194,202,202,196,186,177,177,178,178,183,189,194,194,186,133,127,127,133,178,181,183,186,191,194,196,196,191,190,189,190,190,191,196,196,194,191,191,187,187,191,191,186,137,133,135,186,183,135,137,183,189,191,194,194,191,189,189,189,186,186,186,186,189,191,194,199,204,207,209,207,207,207,207,207,207,204,204,202,194,183,131,121,118,124,186,199,202,204,207,209,212,212,207,199,196,196,191,191,191,191,189,191,194,191,189,189,189,189,183,131,121,118,127,186,196,199,196,194,194,194,194,194,194,191,191,191,194,196,199,199,196,199,196,189,186,186,189,183,137,181,189,189,191,194,199,204,202,196,194,194,194,191,191,194,194,191,191,191,191,191,194,194,189,187,189,191,196,199,199,196,196,191,189,189,194,199,199,194,191,191,191,189,186,186,189,189,191,196,202,202,199,196,191,183,182,183,194,202,202,196,183,136,135,137,186,189,189,189,189,186,183,181,178,178,178,183,186,186,181,135,129,131,178,189,196,199,194,189,186,189,194,196,191,183,181,183,189,194,194,194,191,181,127,120,119,133,181,183,189,194,196,194,190,190,191,194,196,196,191,194,199,202,204,202,199,196,194,196,196,202,202,202,204,204,204,202,196,191,189,183,135,135,178,186,191,194,196,199,199,196,196,194,191,189,189,189,186,186,183,181,135,133,131,131,178,191,196,191,183,183,191,196,196,194,194,194,194,191,194,196,196,196,196,199,202,196,189,191,199,199,194,189,189,191,199,204,207,207,207,207,207,209,209,209,207,202,196,196,196,194,196,194,191,194,199,204,204,196,191,191,191,191,186,183,181,178,181,189,194,194,194,194,196,202,202,202,202,194,183,133,129,133,137,135,133,135,137,181,183,191,196,199,194,194,199,199,199,199,196,196,196,199,202,204,204,207,207,204,202,204,207,207,204,202,202,202,199,199,199,202,202,196,186,183,186,186,183,139,139,183,189,194,199,199,199,199,199,199,191,183,181,135,134,134,178,186,189,191,196,199,196,191,186,183,183,183,183,183,181,178,176,176,173,176,183,191,186,117,87,85,93,97,97,99,109,119,127,178,186,191,196,202,204,202,194,187,187,189,194,196,199,196,189,127,114,112,113,121,133,181,186,194,209,217,215,209,207,202,189,183,187,202,215,217,212,207,199,191,186,189,194,196,194,189,187,189,194,199,202,202,207,212,212,209,204,199,194,191,189,194,196,194,196,202,209,209,204,196,189,186,189,196,202,204,202,196,189,182,186,202,215,217,222,222,217,215,215,217,222,222,225,225,228,228,228,228,225,225,228,230,235,233,230,228,222,221,222,222,225,222,215,207,204,202,202,202,199,202,204,207,207,212,215,215,215,215,207,194,191,196,207,222,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,207,202,199,202,204,204,0,0,0,230,246,238,207,189,178,168,0,0,0,0,0,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,209,202,196,189,0,168,168,176,194,228,235,222,209,212,222,215,204,204,217,235,241,238,233,229,228,233,235,225,204,194,147,194,196,196,202,209,217,228,228,222,212,212,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,194,194,191,196,204,207,194,134,63,39,45,77,83,77,83,163,183,181,168,160,163,170,176,186,196,204,207,209,204,176,116,119,170,189,176,121,121,178,202,207,204,202,202,202,204,204,207,204,202,199,202,209,212,202,183,170,127,168,176,173,125,119,119,121,123,117,117,111,107,104,105,111,109,103,115,119,165,178,181,170,168,168,165,163,165,165,168,168,173,186,194,191,178,176,183,189,189,191,191,173,111,109,117,163,163,120,123,170,173,170,173,189,204,207,207,215,209,189,186,191,194,191,178,123,121,125,125,123,124,170,168,168,173,176,170,123,123,176,186,199,207,212,204,119,113,121,178,191,189,173,109,82,75,79,109,183,199,204,202,194,183,181,186,191,186,182,182,183,189,191,196,199,202,199,194,191,194,194,194,194,186,124,120,129,196,196,191,194,199,199,194,189,191,194,196,199,202,199,191,189,196,209,217,155,0,0,0,0,0,23,43,91,99,83,160,183,64,75,101,173,189,189,183,183,183,176,168,163,165,181,194,199,199,199,191,178,163,150,150,160,173,189,202,204,202,194,178,107,75,150,109,1,0,0,37,0,0,91,101,157,176,189,199,202,202,204,204,202,199,199,196,189,181,181,186,191,191,189,189,194,199,196,194,194,194,194,186,168,115,113,165,202,209,209,207,194,157,163,178,191,194,186,107,103,165,173,165,168,170,165,160,119,117,104,111,111,108,113,183,196,196,194,194,176,115,60,60,89,77,77,101,89,93,99,99,117,155,117,176,186,110,103,111,176,194,196,191,187,189,194,199,194,189,186,183,181,123,97,98,115,123,170,189,202,204,199,196,194,194,199,202,189,127,121,121,125,168,170,170,129,170,173,173,168,123,120,123,168,168,168,176,178,168,121,119,118,118,121,170,181,178,115,103,109,123,125,112,113,121,170,173,170,165,125,123,119,117,123,165,170,165,109,102,105,125,178,173,168,176,186,194,202,209,202,186,173,127,124,124,127,170,170,168,127,125,121,119,117,121,125,173,181,186,186,176,123,117,118,127,173,183,199,199,183,178,173,168,125,125,173,189,199,199,194,181,173,170,166,165,166,168,170,165,123,123,170,183,191,189,176,125,125,173,173,165,161,165,168,163,123,163,163,117,115,115,115,113,111,113,115,115,115,115,117,121,163,163,125,123,121,121,121,125,170,173,170,165,168,176,183,181,168,119,120,176,191,196,199,196,195,196,202,204,199,189,173,168,168,160,113,99,101,178,176,111,109,163,178,93,65,77,101,168,183,186,91,0,18,105,160,176,189,196,194,181,168,121,115,117,165,183,194,196,189,178,127,125,125,127,129,129,123,119,121,176,191,196,199,202,199,196,196,199,199,202,204,209,209,191,173,176,189,196,196,189,186,189,194,199,196,183,181,186,191,191,181,173,173,178,183,178,173,131,131,176,194,209,196,102,102,186,202,209,212,215,209,194,181,183,194,189,181,177,178,181,183,186,189,189,186,183,183,183,181,178,183,191,191,186,189,196,199,194,189,186,178,170,173,181,186,186,189,189,189,181,173,173,178,183,191,191,186,186,189,189,186,178,173,170,129,173,176,131,173,186,191,191,183,178,178,186,196,199,186,174,177,186,189,191,191,189,186,189,181,133,176,183,189,191,196,204,209,209,207,207,204,199,186,183,186,189,189,189,183,186,191,186,173,129,130,176,181,178,178,178,181,178,181,183,181,174,172,176,191,199,199,194,191,189,183,183,186,194,199,202,194,183,181,186,191,194,191,186,186,189,189,189,189,183,181,183,189,194,194,189,183,178,129,127,129,133,181,176,133,133,176,176,183,191,189,183,181,183,186,191,199,207,209,202,189,179,181,189,194,191,186,176,130,131,181,186,181,131,128,129,173,178,178,176,173,173,176,178,178,131,131,178,173,126,126,173,178,178,176,129,124,123,127,176,178,178,129,124,125,129,131,131,133,178,181,183,189,196,199,202,204,202,199,196,191,189,186,189,194,194,189,186,186,183,176,131,127,127,129,176,181,181,176,176,176,176,178,181,183,183,183,182,183,186,189,186,189,191,189,178,128,128,129,129,176,183,170,120,125,170,109,108,127,178,183,189,189,178,122,117,119,178,191,191,189,183,186,191,194,191,189,189,191,199,204,199,189,186,183,191,196,199,204,209,215,215,212,202,186,131,126,131,186,199,209,212,215,209,199,191,191,199,204,196,186,183,183,183,181,181,181,191,194,191,186,186,189,194,191,189,183,178,178,178,181,183,191,199,202,202,199,189,133,122,120,125,181,186,183,181,183,186,189,186,186,189,189,186,176,173,176,131,118,114,119,178,189,189,181,176,183,199,202,194,191,191,186,176,133,191,209,212,207,202,202,204,207,209,212,207,202,194,183,127,127,181,191,194,191,183,182,183,194,207,215,215,209,199,191,191,194,194,191,196,202,204,199,194,194,196,196,194,194,191,191,189,191,194,194,191,189,189,191,191,189,189,189,189,186,183,181,178,178,181,181,181,178,178,181,176,173,173,178,181,178,176,173,173,176,181,183,183,186,189,186,181,178,176,173,176,176,176,173,170,168,168,168,170,170,170,170,170,170,170,165,163,160,160,163,165,163,160,117,115,115,115,113,113,115,117,157,160,163,163,163,157,156,156,157,163,168,170,170,170,173,176,176,176,170,165,119,118,119,121,125,168,176,178,178,178,170,124,123,127,178,189,196,202,204,207,209,209,204,199,196,196,194,194,194,189,183,183,183,183,179,178,179,186,191,189,185,186,191,202,207,207,207,207,207,204,199,191,191,196,196,191,183,182,182,189,196,202,199,189,181,178,178,178,181,189,194,189,133,121,117,121,131,178,178,135,181,186,191,194,194,191,191,191,191,191,194,196,196,196,194,194,191,191,194,196,194,186,181,186,191,191,186,183,181,181,183,186,186,186,189,194,196,194,189,186,186,186,194,199,204,209,209,207,199,196,199,199,202,199,196,194,191,186,139,135,129,129,137,194,204,204,204,204,207,207,207,204,199,199,199,196,196,196,191,189,189,189,189,186,189,191,189,178,125,118,117,123,183,199,202,204,204,202,199,196,194,194,194,194,196,199,202,202,202,202,199,196,186,137,135,137,137,137,181,189,189,189,191,194,196,194,191,191,191,191,189,189,191,191,191,191,186,183,182,186,191,191,189,189,191,194,196,199,199,196,194,191,189,194,196,196,191,191,194,196,194,186,183,183,186,189,191,196,196,194,191,186,182,181,186,194,204,204,199,191,186,186,189,191,191,191,189,186,183,181,181,183,181,178,178,181,181,178,131,128,128,131,178,189,191,186,183,182,183,186,183,181,179,179,183,191,191,191,191,189,178,123,118,118,125,133,178,186,191,194,191,190,190,191,191,189,183,137,183,189,191,194,196,199,199,202,204,204,204,204,202,202,204,202,196,189,186,183,181,135,135,181,186,189,189,194,196,194,194,194,194,191,191,189,186,186,186,183,135,132,132,131,131,181,196,202,196,186,186,189,191,194,194,194,194,194,191,191,194,194,194,194,196,196,194,191,194,202,207,199,191,189,190,196,199,202,202,204,204,204,202,199,202,204,207,207,207,204,202,199,199,199,202,204,204,202,194,189,189,190,191,191,191,189,183,186,194,196,194,189,189,191,196,194,191,189,186,181,129,125,125,129,131,133,135,137,181,181,186,194,196,196,196,199,202,199,199,199,199,202,204,207,207,207,207,204,204,204,207,209,207,202,196,196,196,196,195,196,199,199,194,189,189,196,199,196,189,186,189,191,194,199,202,204,204,202,196,191,189,186,186,183,181,183,183,186,189,194,199,196,189,181,181,178,178,178,178,178,176,170,169,173,178,186,191,186,168,109,105,109,111,107,109,119,127,170,178,183,186,191,196,199,199,194,187,189,194,196,196,196,196,196,194,178,119,115,119,123,125,127,135,199,212,215,212,209,204,194,186,191,207,217,217,209,202,191,135,131,135,183,191,194,191,187,187,191,196,199,199,204,209,215,215,212,204,196,191,189,191,196,194,183,178,194,204,202,194,186,186,191,196,202,207,204,196,191,183,191,207,220,222,225,225,222,215,215,217,222,225,225,225,225,225,225,225,225,225,225,230,233,230,230,225,225,222,222,225,228,225,217,207,202,199,199,198,196,196,198,199,204,207,209,212,212,212,204,194,192,194,204,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,207,202,199,199,204,204,202,0,0,215,220,212,199,183,0,155,147,0,0,163,170,186,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,209,202,194,181,170,170,181,202,230,241,230,212,209,209,202,195,196,215,235,243,241,235,233,230,235,238,230,212,199,147,145,143,145,196,204,212,222,225,215,207,207,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,183,189,186,189,199,207,204,176,124,0,0,57,75,55,81,160,176,176,173,168,165,170,183,196,202,204,207,209,204,170,117,121,170,178,127,119,119,173,196,202,202,202,202,202,204,204,204,204,202,199,202,207,204,189,170,126,125,125,170,178,173,123,121,125,165,121,106,93,101,117,173,176,168,165,170,168,170,178,176,166,166,168,168,168,165,168,168,170,178,191,194,181,165,163,173,181,183,181,123,99,99,107,121,173,181,178,181,181,173,168,176,194,209,209,209,212,209,199,189,181,176,173,125,118,119,165,165,124,165,176,168,123,123,165,165,119,117,123,176,194,204,207,196,123,118,178,191,199,194,178,117,99,89,107,127,186,199,202,199,194,186,183,191,194,191,189,189,194,196,199,199,199,194,191,194,199,204,204,199,194,183,118,116,131,196,199,191,189,191,194,191,186,189,194,194,189,194,196,199,199,204,212,220,111,0,0,0,0,0,0,49,170,178,163,163,168,91,83,95,178,186,186,183,181,178,170,165,168,173,183,191,194,191,183,170,160,155,150,157,176,186,196,202,202,204,207,202,165,81,55,0,0,0,57,191,43,0,89,109,165,181,194,199,202,204,207,204,199,194,194,194,194,191,191,194,196,196,194,191,194,196,194,194,194,196,196,194,183,170,117,117,181,207,212,207,186,109,115,176,183,178,163,111,115,168,170,157,157,160,157,160,157,115,91,104,111,157,178,189,191,194,196,199,194,170,51,41,73,73,75,95,109,103,97,96,101,113,155,181,196,189,117,115,176,194,194,189,186,187,194,196,194,191,194,191,189,178,115,115,165,168,170,189,202,204,199,194,189,186,194,199,189,127,120,120,123,168,170,170,173,176,178,178,173,127,121,121,123,121,123,170,170,121,119,119,119,118,121,165,176,170,101,98,103,123,168,111,112,123,178,186,183,178,173,170,168,168,173,170,165,119,107,104,109,173,181,176,178,191,202,199,202,207,199,186,173,127,124,123,125,127,168,170,170,127,127,170,170,127,170,173,170,125,119,119,118,117,118,123,127,170,191,191,178,176,181,178,168,127,176,189,194,191,181,170,170,170,170,170,170,168,165,122,119,121,170,181,183,178,168,125,165,176,178,170,168,168,168,168,170,173,163,113,111,113,115,115,111,110,111,113,117,119,119,123,163,163,123,120,119,118,117,119,125,168,168,165,173,186,191,191,183,168,170,186,196,202,202,196,195,195,199,204,204,196,181,173,170,163,111,78,62,61,80,93,101,113,155,107,77,67,75,91,170,194,97,11,39,157,168,170,173,181,181,168,121,114,112,115,165,183,196,202,199,191,178,173,168,127,129,173,129,123,127,173,181,194,202,202,202,199,202,199,196,196,202,207,202,173,131,183,202,204,196,189,189,191,196,202,199,191,186,189,194,191,183,178,178,186,194,191,183,176,173,176,191,204,173,94,97,181,196,204,207,212,209,199,186,186,191,189,181,176,176,177,183,191,194,191,186,181,181,183,186,183,186,194,199,196,194,194,194,189,189,189,183,173,170,173,178,181,183,189,186,178,170,129,170,176,178,181,178,178,181,183,183,178,178,178,173,176,181,178,181,186,186,183,183,178,176,177,183,191,183,174,174,177,178,181,181,189,194,199,191,176,133,181,191,199,204,209,209,207,204,204,204,194,176,173,181,186,189,189,181,181,181,181,178,173,173,176,176,173,130,173,181,183,183,183,181,176,170,174,186,196,196,196,194,191,186,186,189,194,196,191,186,183,181,183,191,194,191,186,186,191,194,186,178,176,176,178,183,186,189,186,183,183,133,128,129,131,133,129,127,129,133,176,181,189,186,181,178,181,186,191,199,207,207,199,186,179,183,191,199,199,194,183,131,130,178,186,183,173,129,129,131,173,176,131,125,123,127,178,176,121,122,183,183,129,127,170,176,178,178,176,129,126,129,176,178,181,173,125,125,127,123,123,129,178,183,189,196,204,207,207,207,204,196,191,189,186,189,191,196,196,191,189,191,191,186,131,120,118,125,178,183,181,178,176,173,173,178,181,183,183,183,182,182,183,186,186,186,191,194,181,127,128,183,183,183,183,173,121,125,123,103,103,125,178,181,183,183,176,125,123,178,194,196,194,186,181,183,191,194,191,186,186,189,194,196,191,186,181,181,186,189,191,191,199,207,209,207,199,189,181,178,181,186,194,204,212,212,207,194,183,183,191,199,194,189,189,189,186,181,181,186,194,196,191,185,186,194,196,194,189,181,177,178,183,183,181,183,189,191,189,183,133,125,122,123,176,194,196,189,181,178,178,176,176,178,189,194,191,183,176,173,129,117,114,121,181,189,191,186,181,186,199,202,196,196,199,191,131,128,133,199,209,209,207,207,207,207,212,215,215,207,196,137,120,119,129,186,194,191,186,182,183,194,202,209,212,212,204,191,191,194,191,191,196,202,199,194,192,196,199,199,199,196,194,191,189,191,191,191,189,187,189,191,194,194,194,191,191,189,186,181,176,173,173,176,178,181,181,178,173,129,127,170,176,178,176,173,173,178,183,186,186,189,189,189,183,181,178,176,176,176,176,129,127,125,127,127,168,168,168,168,165,165,165,163,163,163,163,163,163,163,121,117,115,113,113,109,109,111,117,160,165,165,165,165,160,156,155,156,160,165,165,163,165,168,173,176,176,168,123,118,118,121,163,165,170,176,178,178,178,170,126,125,170,181,191,194,196,199,202,204,202,199,194,191,194,194,194,194,186,182,182,189,191,189,186,189,194,194,191,186,189,196,202,207,207,204,204,204,204,199,196,194,196,194,189,183,181,179,183,191,196,196,191,186,183,181,181,183,189,191,183,125,115,113,116,129,135,135,134,135,183,186,186,189,191,196,199,196,196,196,199,199,196,196,199,199,196,194,196,199,194,189,186,186,186,186,183,181,137,135,137,183,186,189,196,199,196,191,186,183,186,194,202,209,212,209,202,194,191,191,194,196,194,191,186,183,139,137,137,137,139,186,194,204,204,199,196,199,202,204,204,204,204,202,199,199,199,194,189,191,191,186,183,186,186,178,123,119,118,118,121,131,186,199,207,209,207,204,199,194,191,194,199,199,202,202,202,202,202,199,196,186,135,133,134,135,137,181,186,186,189,191,194,191,191,190,191,194,191,189,186,189,189,191,191,189,182,181,183,189,191,191,191,194,196,199,199,199,199,196,196,194,196,199,199,194,194,196,199,196,186,181,181,181,183,186,191,191,191,189,186,182,183,191,202,207,207,204,202,199,196,199,199,196,194,191,186,181,183,186,189,189,183,178,133,133,131,129,129,129,129,135,183,186,182,182,183,186,183,179,178,179,183,189,191,191,189,189,186,178,125,122,122,125,129,135,183,191,191,191,191,194,194,191,181,135,134,136,181,183,186,189,194,202,207,212,212,209,204,202,202,202,196,186,137,137,137,135,135,178,183,186,186,186,191,191,191,189,191,191,191,189,183,183,183,189,186,178,133,135,133,133,183,196,202,196,189,189,189,189,189,189,191,191,194,191,189,189,189,191,194,191,191,191,191,196,204,209,204,196,191,194,199,202,202,202,202,202,199,198,196,198,202,207,209,207,204,202,199,202,202,204,207,207,207,199,190,189,190,194,196,199,199,194,194,196,196,191,186,183,183,189,186,178,135,178,135,127,121,118,119,125,131,135,137,137,181,183,191,196,199,202,202,202,202,202,202,202,204,204,204,204,204,207,207,207,209,209,209,204,199,196,199,199,199,199,199,199,196,191,186,186,196,204,202,196,191,191,189,191,194,199,202,202,199,194,191,191,194,196,196,194,191,186,186,189,194,199,199,191,181,178,173,170,170,173,173,173,170,169,173,178,181,186,183,176,121,113,115,115,117,121,168,176,176,176,176,181,186,189,194,196,194,189,189,194,194,194,194,194,199,204,202,191,135,127,125,123,119,115,123,196,209,209,212,209,207,199,202,209,215,209,202,194,183,130,128,130,135,186,194,194,191,187,189,196,199,199,202,209,217,225,222,212,199,191,186,189,191,194,178,173,178,194,196,189,183,183,186,191,196,202,202,199,191,189,194,209,222,225,228,228,225,217,215,217,225,228,228,228,225,225,225,225,225,224,224,225,228,228,228,225,225,225,228,230,230,230,222,212,204,202,199,199,199,198,199,204,207,207,204,207,209,207,202,196,194,199,204,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,209,204,199,199,202,202,199,0,202,199,194,189,183,173,0,142,137,0,0,173,186,199,215,222,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,196,204,0,0,0,0,0,0,0,0,0,217,212,207,199,191,189,194,204,222,235,230,222,217,209,196,191,192,207,233,243,243,241,235,235,238,241,233,217,204,194,143,139,139,143,196,207,215,217,209,204,204,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,142,170,173,152,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,183,189,186,186,194,202,204,199,196,57,0,0,0,0,83,170,173,170,173,173,168,173,186,196,202,204,207,207,199,170,118,119,121,113,119,127,170,173,183,191,194,194,196,196,199,196,194,196,196,189,191,194,194,183,170,127,127,126,170,176,170,127,168,173,178,176,115,98,108,183,194,196,194,178,170,170,173,178,176,170,170,173,173,170,165,165,165,168,176,186,189,178,163,121,123,170,173,168,101,91,93,105,119,176,189,189,189,183,170,123,170,196,207,209,207,207,207,204,191,176,165,118,116,116,119,165,168,168,173,178,173,123,121,123,168,165,119,119,168,191,202,204,196,170,125,178,186,186,178,125,117,115,117,121,127,178,191,199,202,196,189,189,194,199,196,194,196,202,204,207,207,199,189,186,191,202,209,212,204,196,178,114,115,176,194,196,189,185,186,189,189,183,186,191,189,182,183,191,199,202,204,209,225,105,0,0,0,0,0,0,139,194,196,181,157,155,155,94,105,181,186,183,183,186,183,173,170,170,170,178,191,191,186,173,165,168,181,186,189,191,191,196,199,202,207,212,209,196,178,0,0,0,0,81,233,87,0,87,150,173,186,194,196,196,202,204,202,194,186,186,191,194,194,194,194,194,194,194,196,196,196,194,196,196,199,199,196,194,186,168,113,111,191,215,207,155,79,85,115,163,111,100,102,157,170,168,111,113,115,155,173,183,178,115,113,165,183,191,191,194,199,202,202,202,202,65,28,69,89,99,115,194,173,113,109,109,155,117,170,194,202,181,160,173,191,194,189,187,189,194,199,196,196,196,196,196,189,163,119,163,170,165,181,194,194,191,191,186,181,183,191,189,173,125,121,123,168,173,173,176,178,181,181,176,170,125,119,117,116,119,127,127,117,116,117,119,121,125,170,176,168,96,96,109,170,181,113,110,117,183,196,194,183,176,173,170,170,173,170,125,119,113,113,123,176,176,176,181,194,196,191,186,186,186,178,170,127,124,124,125,168,173,176,176,170,176,191,194,183,183,178,125,114,111,116,123,127,127,168,125,121,123,168,170,173,181,178,168,123,170,181,183,181,173,127,168,170,173,176,178,173,165,122,121,165,181,183,173,123,124,125,165,170,170,168,168,168,165,165,170,176,165,114,112,115,123,123,115,109,108,111,119,163,163,165,168,165,123,121,120,119,119,120,123,165,168,170,181,189,191,194,191,183,181,191,199,204,204,202,196,196,202,204,204,199,189,173,168,168,165,105,67,58,69,89,113,115,109,105,93,71,37,0,15,63,65,51,105,163,163,119,116,118,121,121,119,117,115,119,168,183,196,199,199,196,194,189,176,129,176,181,176,173,176,173,173,181,191,196,199,202,204,202,196,191,191,196,186,123,125,186,202,204,196,191,191,194,196,196,194,186,183,183,186,186,186,183,181,189,199,199,191,181,176,176,186,189,107,92,97,123,189,196,199,204,204,189,181,183,183,181,178,177,176,178,186,191,199,199,191,181,173,176,181,183,186,194,196,194,191,189,186,186,189,191,183,173,127,127,129,173,176,181,181,173,129,127,129,129,129,170,170,129,170,176,178,181,181,178,127,170,181,183,189,189,183,183,186,186,178,176,178,189,189,181,178,178,177,177,176,183,191,196,186,131,129,178,191,202,209,212,209,204,202,202,199,189,170,170,176,183,189,189,183,183,181,183,183,183,178,178,176,131,128,130,178,183,183,183,181,178,174,176,183,191,196,196,196,194,189,189,189,189,186,181,178,178,178,181,186,191,191,186,186,196,199,181,127,127,129,129,131,181,186,186,183,189,183,131,129,125,123,123,127,133,178,181,183,183,183,178,178,181,183,186,191,199,199,191,183,179,181,189,196,199,199,189,176,130,176,186,186,178,131,130,130,131,131,127,120,118,122,170,127,117,119,183,189,173,127,170,176,178,183,183,178,173,173,176,176,176,129,122,123,125,122,122,127,178,186,191,196,204,207,209,209,204,194,186,185,186,191,196,199,199,196,196,196,199,196,129,114,114,121,178,183,181,178,173,131,131,176,178,183,186,183,182,182,183,183,181,181,189,196,189,129,129,194,196,191,191,191,178,178,170,106,106,121,173,176,176,178,173,125,170,189,199,199,194,183,178,183,189,191,186,181,181,178,176,178,181,181,179,181,183,183,181,178,186,199,207,207,202,194,191,189,186,181,183,196,202,204,199,186,179,179,189,196,191,186,189,191,191,183,183,186,191,196,191,185,185,194,199,199,191,181,178,181,181,181,181,181,183,186,181,173,127,124,123,127,181,196,199,191,183,181,176,131,129,173,183,191,194,189,183,181,129,117,117,173,186,186,186,189,189,191,194,196,196,202,204,194,176,128,130,186,202,207,207,207,209,209,212,215,215,212,199,133,116,116,129,189,194,191,189,186,189,194,199,204,209,209,204,194,191,191,190,191,194,196,194,192,196,204,207,204,202,202,199,191,186,189,191,191,187,187,189,191,194,196,196,196,196,194,191,186,178,173,172,176,178,181,181,178,170,127,125,127,129,170,173,173,173,178,186,186,186,189,191,191,186,183,178,173,173,176,176,168,125,124,124,125,125,165,165,165,125,125,163,165,165,165,165,165,163,160,121,119,115,111,107,105,105,107,113,160,165,168,165,165,160,157,157,160,163,163,163,157,121,160,168,173,170,163,119,118,119,123,165,168,170,176,178,181,181,178,173,173,178,183,191,191,191,191,194,196,191,186,181,181,183,181,183,189,186,182,182,189,194,196,196,199,199,194,186,186,189,194,199,202,202,199,199,199,199,194,191,189,189,186,186,186,182,181,183,189,194,191,189,186,183,183,181,183,191,191,183,127,116,113,115,127,135,178,135,178,181,181,178,181,189,202,207,204,199,199,202,199,199,199,202,204,196,191,194,196,194,186,178,135,178,181,137,137,135,133,133,181,183,186,191,191,189,186,139,139,139,191,202,209,212,207,199,191,189,189,191,194,196,191,189,189,183,139,137,137,139,183,191,199,199,194,192,194,199,204,207,207,207,202,199,199,199,196,191,191,189,183,181,181,178,129,119,118,119,121,121,125,176,191,202,204,204,202,194,186,186,194,202,202,202,202,199,199,199,196,194,191,183,135,134,135,181,181,181,186,189,194,194,194,191,191,194,199,196,189,186,186,189,189,194,194,189,183,186,191,191,191,191,196,199,202,202,202,202,202,199,202,204,204,202,199,199,199,199,194,186,183,183,181,137,181,186,189,194,194,191,191,196,204,207,207,207,207,207,204,204,202,199,199,199,196,191,186,186,191,194,194,186,135,129,127,127,131,133,133,133,135,186,189,186,186,189,189,186,181,181,186,194,196,194,191,186,183,183,135,127,125,127,123,125,133,183,189,191,190,191,196,199,194,183,136,136,137,181,183,186,186,191,199,207,212,215,209,204,202,202,199,191,137,129,131,133,129,129,133,183,186,186,189,191,189,186,186,189,189,186,183,179,179,183,189,189,183,181,178,135,135,186,196,199,194,189,189,189,189,186,186,186,189,189,186,183,181,183,186,189,189,189,189,191,196,202,207,207,202,199,199,202,204,204,202,199,199,199,198,198,198,199,202,204,204,202,196,194,196,199,202,204,204,209,207,199,194,196,202,204,204,204,202,199,196,196,191,186,182,182,183,181,135,131,131,133,127,119,115,115,119,129,135,135,135,137,186,194,202,204,204,204,202,202,202,204,204,204,199,196,196,202,207,207,209,212,209,204,199,196,199,202,204,204,204,202,199,196,189,141,140,189,199,204,199,194,191,189,189,189,191,194,196,194,194,196,199,202,207,207,202,196,191,191,194,196,202,202,196,189,178,173,127,125,127,168,170,170,170,170,173,176,181,183,178,165,119,115,113,117,125,168,170,170,173,173,173,181,189,194,196,199,194,189,186,186,189,189,191,199,204,207,204,196,183,135,131,127,116,111,110,129,204,217,217,212,212,212,212,209,207,199,191,181,130,130,131,135,181,189,194,194,189,191,196,202,204,207,212,220,225,222,212,199,191,183,183,189,191,186,178,178,183,186,186,186,181,181,183,189,196,199,199,194,191,196,212,222,222,225,230,228,220,217,217,222,228,230,228,225,225,225,228,228,225,225,225,225,225,225,225,228,228,230,233,235,233,230,222,212,207,207,209,209,207,209,212,215,209,202,199,202,199,199,199,202,204,207,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,204,199,196,196,196,196,196,196,194,183,176,170,0,0,142,137,0,163,178,189,202,212,212,204,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,207,207,212,0,0,0,0,0,0,0,0,0,0,217,215,209,204,199,196,204,217,225,230,230,222,202,194,195,212,235,246,243,243,241,238,241,243,238,228,212,202,147,141,135,135,141,196,207,212,207,202,204,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,199,186,181,186,191,196,170,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,181,186,186,186,189,194,196,199,202,204,23,0,0,0,65,178,176,170,168,165,168,170,176,181,189,196,202,202,194,173,123,119,110,103,117,183,186,178,176,176,178,183,186,186,186,181,176,176,176,170,170,178,186,189,186,183,181,173,168,127,125,127,176,183,186,189,186,115,115,176,186,191,191,165,119,163,173,176,176,176,176,173,170,168,165,163,123,163,168,176,178,173,163,121,121,165,170,123,99,90,92,101,115,168,183,183,181,176,123,117,170,199,207,207,207,205,207,204,194,176,125,118,117,118,123,168,168,168,173,181,181,168,123,123,170,170,123,116,123,189,202,207,202,178,165,125,165,165,119,114,115,121,125,121,119,125,181,196,202,199,191,189,194,196,194,194,199,204,204,207,207,202,189,183,186,202,209,212,207,202,186,119,122,189,191,189,186,186,186,186,183,183,186,189,183,181,182,186,191,196,199,207,209,109,0,0,19,81,101,85,181,196,199,186,148,150,170,157,150,170,173,165,178,181,181,170,168,168,147,155,189,191,183,165,163,181,199,202,199,199,196,202,204,207,207,207,202,186,165,49,5,0,0,0,103,89,0,109,170,181,186,191,194,194,199,202,199,191,181,179,183,191,194,191,191,189,189,189,194,196,196,196,196,202,204,204,199,194,189,178,155,81,71,105,115,87,69,63,63,95,105,99,101,160,170,157,87,95,103,113,178,196,196,189,168,176,189,189,189,194,199,202,202,204,202,77,22,67,103,115,165,191,186,170,168,168,163,114,157,178,196,189,173,178,189,194,194,191,194,196,199,199,196,194,196,196,189,170,111,111,163,163,173,181,178,181,183,181,173,170,178,178,173,127,121,125,176,178,178,178,178,178,176,173,168,125,117,116,117,123,170,168,117,115,117,119,123,170,176,176,165,98,98,173,186,196,165,109,115,186,202,199,181,168,125,121,119,165,168,168,168,170,170,168,168,168,170,178,186,186,181,177,177,178,173,168,125,125,125,168,173,176,176,173,173,181,196,202,194,183,176,123,114,113,123,178,183,186,186,181,125,115,115,121,127,168,168,121,117,123,168,173,173,168,125,125,127,168,181,189,181,173,170,176,186,194,186,165,120,122,125,165,165,165,168,168,168,165,123,163,168,168,163,119,121,168,170,163,113,109,111,123,168,170,173,170,168,125,121,121,121,125,125,125,125,168,176,183,186,186,189,189,186,183,189,196,204,204,204,202,199,202,204,204,202,189,176,173,181,186,196,186,85,81,107,165,157,73,77,95,95,11,0,0,0,0,61,113,157,119,116,115,117,119,119,123,168,163,165,176,186,194,199,199,199,199,196,183,181,186,186,176,173,178,176,127,120,121,176,191,202,202,199,194,183,178,181,176,123,127,186,199,202,199,196,196,196,194,189,183,183,181,178,178,181,183,181,178,186,196,199,191,181,176,176,181,176,111,102,109,125,181,186,189,194,191,176,173,183,183,181,177,177,178,183,189,194,199,202,194,178,129,129,173,181,183,189,191,186,181,178,178,181,189,183,176,170,129,125,125,127,173,178,176,170,129,127,127,125,123,125,127,126,127,129,173,178,181,129,111,119,178,183,189,191,189,189,191,191,183,178,181,191,191,189,186,181,178,178,177,181,186,186,176,126,127,176,191,202,207,209,207,202,199,196,194,183,173,172,178,183,186,189,189,191,189,186,183,181,178,178,176,131,128,130,176,181,181,183,181,178,178,178,183,189,191,194,194,191,186,181,178,178,176,131,129,131,133,133,178,186,186,181,186,196,202,133,125,126,127,123,125,178,186,181,178,189,189,181,133,123,120,122,131,181,191,194,191,183,181,177,177,178,181,183,189,194,194,189,183,181,183,186,191,194,194,189,178,131,176,183,186,181,176,131,131,131,129,125,121,119,123,127,123,119,121,178,183,173,126,170,181,189,189,189,183,178,176,176,176,176,127,119,120,122,123,125,133,186,191,194,196,202,204,209,209,204,196,189,186,191,199,202,204,204,204,202,204,204,202,121,110,112,125,181,186,183,176,131,129,129,129,173,181,189,186,183,183,183,181,173,129,173,189,191,129,125,194,202,199,199,199,196,194,181,115,112,117,123,127,170,176,173,125,173,191,199,199,191,181,178,183,189,183,176,133,133,125,113,123,176,183,183,183,183,181,131,130,135,191,202,204,202,199,196,194,189,181,181,189,191,194,191,183,179,181,191,196,189,183,186,191,194,189,183,183,186,194,196,186,186,196,199,199,191,186,183,181,176,178,186,186,186,183,178,173,129,125,124,129,181,191,194,191,186,181,176,129,128,129,176,186,191,194,194,194,178,125,127,178,178,176,178,186,189,189,186,183,189,196,196,191,181,133,132,181,194,202,204,207,209,209,207,209,209,207,196,125,115,118,181,194,194,191,191,191,194,196,202,204,204,207,204,196,191,190,190,191,196,196,194,194,199,207,207,202,199,199,199,191,186,186,191,191,189,187,189,191,194,196,199,199,199,199,196,191,183,176,173,176,178,178,176,173,170,127,125,123,123,123,125,170,176,181,186,189,189,189,191,191,189,183,176,173,173,176,178,170,168,127,125,125,125,125,125,125,125,165,165,168,168,168,165,165,163,121,121,119,115,107,104,103,103,104,111,119,163,163,163,160,160,163,165,165,165,160,119,118,118,118,121,165,165,160,119,119,121,163,165,170,173,176,181,183,186,183,183,183,183,186,189,189,186,186,189,189,181,176,173,131,131,129,131,181,186,183,186,191,194,196,202,202,196,181,131,133,181,189,194,199,199,196,194,194,194,194,191,189,186,185,186,189,186,183,186,191,194,191,189,186,186,183,181,186,191,191,181,131,123,119,123,133,178,178,135,178,181,178,132,132,183,202,209,207,202,202,199,199,196,196,202,204,196,189,189,191,189,181,135,134,135,135,135,135,135,133,131,133,137,181,189,189,183,135,133,133,135,186,196,207,209,204,196,194,189,189,191,196,199,196,191,189,189,186,183,137,137,183,189,194,194,192,192,194,196,202,204,207,204,199,194,196,199,196,189,181,178,178,181,181,135,129,125,118,119,121,121,125,133,183,189,194,196,196,186,177,177,189,202,204,204,202,199,202,202,199,194,194,194,186,135,135,181,183,181,186,191,194,196,194,194,194,199,202,196,189,186,186,189,191,196,199,199,194,194,194,194,194,199,202,202,204,204,204,204,202,204,207,204,199,196,196,199,199,196,191,186,186,189,183,135,134,181,189,196,199,196,196,202,207,207,204,202,204,207,207,204,199,194,194,202,202,196,191,194,196,196,194,186,135,127,126,127,133,181,178,131,131,186,196,196,191,186,183,183,186,191,196,199,199,196,191,183,183,181,133,125,125,127,123,123,131,183,191,191,191,194,199,202,199,194,189,189,189,186,189,191,194,196,199,204,209,212,207,204,202,204,202,191,135,125,127,127,123,121,123,133,183,189,191,191,189,185,186,186,186,183,181,179,178,181,186,186,183,183,178,135,178,183,191,194,191,186,183,183,183,183,183,183,183,183,183,181,135,131,133,135,181,183,189,191,196,199,204,204,204,204,204,204,204,204,202,199,202,202,199,199,199,199,199,199,199,199,196,191,191,196,196,196,199,204,207,202,199,204,207,207,204,202,202,199,194,194,194,191,189,183,186,181,133,129,129,131,129,123,116,116,119,129,135,137,137,183,189,196,204,209,209,204,202,199,202,204,202,196,191,191,192,202,207,209,209,212,207,199,196,196,196,202,204,204,204,202,202,199,191,141,139,141,194,202,202,196,191,189,191,191,194,194,194,194,194,199,204,207,212,212,207,196,194,194,196,199,202,202,199,194,186,176,127,121,121,121,123,125,165,125,165,173,178,178,176,173,163,111,101,107,115,119,117,121,168,170,170,181,191,199,204,204,202,186,177,177,181,186,191,199,204,209,209,202,194,186,186,183,135,114,105,107,135,220,222,215,217,215,209,209,207,204,194,183,135,137,181,137,137,186,194,196,191,191,194,202,207,209,212,217,215,209,204,196,189,183,183,186,191,196,194,186,181,181,186,186,181,176,176,181,189,196,196,194,194,196,209,217,217,222,228,228,222,217,217,222,228,230,230,228,225,228,230,233,230,228,225,225,222,222,222,225,228,230,233,233,235,233,228,217,215,215,222,222,217,215,217,222,215,202,198,196,198,199,204,207,209,212,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,207,202,194,189,189,191,191,194,196,194,186,173,168,0,0,0,0,160,173,181,183,191,196,194,186,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,222,215,215,225,0,0,0,0,0,0,0,0,0,225,222,212,202,191,183,186,196,209,233,238,233,222,207,209,228,243,248,246,243,243,241,243,246,241,230,222,215,207,194,135,128,129,141,196,204,202,199,204,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,189,183,183,194,199,202,215,209,181,90,0,0,0,0,0,0,0,0,0,0,0,0,0,165,0,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,173,176,178,183,189,189,189,191,196,202,194,0,0,0,21,178,176,173,165,163,170,176,165,111,111,183,191,189,183,176,173,127,107,106,125,186,189,181,173,170,170,172,173,176,176,131,125,123,123,123,122,127,181,196,202,199,191,181,168,122,121,168,181,183,183,186,183,115,112,123,168,165,117,108,105,115,173,176,176,178,178,173,168,165,163,123,121,121,163,165,170,168,123,121,123,168,165,117,99,89,91,101,115,165,178,176,170,123,111,108,125,194,202,207,207,207,207,207,199,181,170,125,123,123,165,168,125,121,165,181,189,183,168,123,123,123,117,114,117,183,199,207,204,183,165,119,119,121,117,113,114,121,125,117,113,114,127,189,199,199,191,183,186,189,191,194,199,202,202,202,204,199,186,182,185,196,204,207,204,207,199,178,183,196,191,183,183,186,186,183,179,179,181,183,183,182,182,183,189,194,196,199,194,165,45,83,173,199,207,165,181,191,202,194,152,150,168,165,105,142,93,75,147,163,163,160,157,155,67,77,181,183,176,150,150,176,194,199,199,196,199,204,204,207,207,199,170,77,43,101,170,173,0,0,7,89,95,173,186,186,186,191,191,191,196,199,196,189,181,178,179,186,189,189,189,189,183,183,189,191,194,194,196,202,207,204,196,186,181,183,173,55,0,0,57,71,69,56,41,69,189,176,157,163,163,111,63,67,83,95,165,194,199,189,165,176,189,189,186,186,183,191,202,204,194,83,32,87,115,117,163,176,181,170,165,170,157,115,155,168,186,186,178,178,186,194,196,196,196,196,199,199,196,191,189,189,186,173,107,105,121,168,176,178,170,170,173,168,121,115,119,123,123,121,121,127,181,181,181,181,181,178,173,168,125,121,117,117,125,173,173,125,115,115,119,125,168,173,173,168,115,100,101,183,194,204,191,114,165,189,202,196,173,121,117,113,111,118,125,168,176,181,178,168,123,125,168,173,178,178,177,177,178,178,173,168,125,123,125,168,170,170,168,127,168,176,186,191,189,178,173,129,125,170,183,191,194,191,194,196,181,114,113,117,119,121,121,117,116,119,125,127,170,127,123,123,123,168,186,194,186,178,178,186,191,194,186,170,124,124,125,165,164,164,168,173,173,173,165,121,125,168,168,123,123,170,178,176,165,119,121,168,176,178,176,170,165,123,123,123,125,168,168,125,123,125,176,181,178,176,176,178,178,176,181,194,204,204,202,202,199,199,199,196,194,186,176,178,186,191,199,204,178,119,160,168,111,8,7,73,97,33,0,0,0,0,83,160,163,165,165,168,170,165,163,168,178,176,176,181,189,194,199,199,196,199,199,191,189,194,183,123,123,170,173,121,108,106,119,183,191,191,194,189,178,129,131,131,125,173,189,196,199,199,199,199,194,189,182,181,183,183,181,176,176,176,176,176,181,189,191,183,176,173,173,178,176,125,125,173,178,181,178,178,183,178,129,131,191,191,183,178,178,186,191,194,194,196,196,191,173,123,123,131,178,183,183,183,178,173,173,173,178,178,173,169,170,173,129,125,125,173,181,178,173,129,127,125,122,122,125,129,129,129,127,127,173,178,115,96,108,176,183,186,191,191,189,189,191,189,183,186,191,189,186,181,176,178,181,181,183,181,178,129,125,128,178,191,202,207,207,204,199,196,191,186,181,181,178,181,183,186,189,189,194,191,183,173,131,173,176,176,173,173,176,176,176,178,181,181,178,178,181,181,183,186,189,189,186,178,129,125,125,125,127,127,127,127,129,133,181,183,181,181,191,199,176,126,127,127,121,123,178,183,176,173,186,191,189,181,125,119,122,176,189,199,204,202,189,178,177,177,178,181,183,186,191,189,189,189,189,186,186,186,189,189,183,176,131,176,183,186,183,178,176,173,173,173,170,127,127,129,129,125,123,127,173,173,129,125,176,194,199,196,191,186,178,173,176,181,183,131,120,120,123,129,133,183,194,199,196,199,202,207,209,212,209,202,194,191,196,202,204,204,207,207,207,204,204,196,120,111,115,173,191,194,191,176,129,125,125,123,125,176,186,191,191,191,189,181,129,122,122,173,181,123,119,183,196,196,199,199,199,196,181,121,115,116,119,123,129,176,176,127,178,194,199,194,183,178,181,186,186,176,125,127,127,113,107,113,181,191,189,186,183,178,130,128,131,186,196,202,202,199,199,199,196,191,186,183,183,186,186,181,181,183,194,196,189,181,181,189,191,189,183,178,177,189,196,191,191,196,199,196,191,183,181,176,131,173,183,186,186,181,176,131,131,129,127,131,178,183,186,189,186,181,176,131,129,129,131,181,189,196,202,199,189,178,176,173,125,122,129,178,183,183,178,177,181,186,183,181,178,178,176,178,191,199,202,207,209,207,204,202,202,199,186,120,116,123,191,194,189,191,194,194,194,196,199,202,202,199,199,196,194,191,191,194,199,196,194,194,199,204,202,194,191,194,196,189,186,189,194,194,189,189,189,189,191,194,196,199,199,199,199,196,189,181,176,173,173,173,170,170,129,127,123,121,120,120,121,170,178,183,186,189,186,189,191,191,189,183,176,170,173,176,178,176,173,170,168,165,165,125,125,125,165,168,168,170,170,168,168,165,160,119,119,119,115,107,103,103,103,104,109,115,157,157,157,157,160,168,173,173,165,119,117,117,117,118,119,160,163,160,121,121,123,163,165,170,173,178,183,186,186,186,186,186,183,183,186,186,183,181,186,186,178,170,129,128,128,126,128,178,183,186,189,191,194,196,199,202,194,133,124,129,133,178,189,194,196,196,194,194,196,199,202,199,194,186,186,189,189,189,191,194,194,191,189,186,186,183,183,186,191,186,135,131,129,129,135,183,183,181,178,183,183,133,129,129,178,199,209,207,204,199,196,191,191,191,196,199,194,187,189,189,186,181,135,135,135,135,135,137,137,133,130,130,132,181,191,194,186,133,130,131,133,139,191,202,204,202,196,196,194,189,189,194,199,199,191,185,186,189,186,139,137,183,191,196,196,196,194,194,196,199,202,204,202,196,191,194,196,194,186,135,134,178,181,178,135,135,133,121,119,119,121,129,176,178,178,183,189,189,181,174,174,181,196,204,207,204,202,202,204,199,194,196,199,191,181,137,183,186,186,189,191,196,196,194,194,196,199,199,194,186,183,186,189,191,196,202,207,204,202,196,196,199,204,202,202,204,204,207,204,204,202,202,196,191,191,191,196,199,196,189,189,191,196,189,134,133,135,189,199,204,202,196,196,202,202,196,194,196,202,204,199,191,186,186,194,199,196,196,202,202,199,194,186,178,129,127,133,183,186,178,128,127,178,196,199,189,181,178,181,189,194,196,196,196,194,191,186,183,181,176,127,127,131,127,127,133,183,191,191,194,196,202,204,207,202,202,199,196,189,189,196,202,202,199,199,204,207,204,202,202,202,202,194,135,125,125,125,119,117,117,123,135,186,191,191,186,185,185,186,183,181,183,181,181,183,183,183,181,181,178,178,181,183,189,191,189,183,178,135,135,178,181,181,181,181,183,178,131,128,127,128,131,137,186,191,196,199,199,202,204,204,202,202,202,202,202,199,202,202,202,199,199,196,196,196,199,199,196,191,191,194,194,191,194,199,202,202,202,207,209,207,202,199,199,196,191,191,196,199,194,189,186,183,135,129,128,129,129,125,121,121,127,135,181,181,183,189,194,199,204,209,209,207,202,199,199,202,199,192,190,190,192,202,207,209,209,207,202,196,195,196,199,199,202,199,199,199,199,199,194,186,139,140,194,202,202,196,191,194,196,199,199,199,194,191,191,194,199,204,209,209,204,196,191,194,199,199,196,194,196,196,191,178,123,115,113,113,113,113,115,119,123,168,173,168,170,176,165,101,95,97,103,109,111,117,168,170,173,181,194,204,209,209,207,186,174,174,179,186,191,199,204,207,204,199,194,194,196,194,189,183,121,107,108,137,215,215,209,207,204,207,209,209,199,186,183,189,191,186,181,183,189,194,191,191,194,202,207,207,209,207,196,194,194,191,186,181,137,183,191,199,199,191,186,186,189,191,186,176,133,176,183,194,196,194,191,196,207,215,215,217,225,222,217,215,215,222,225,230,230,230,228,230,233,233,233,230,228,225,222,222,222,222,222,222,228,230,235,235,230,222,217,222,228,228,222,217,222,222,217,207,196,195,199,207,212,215,215,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,202,196,191,187,187,189,191,194,202,207,196,183,176,178,181,176,0,173,178,176,173,173,178,176,170,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,233,228,220,0,0,0,0,0,0,0,0,0,0,225,220,207,194,182,178,178,183,199,228,241,243,235,230,233,243,251,251,243,241,238,238,243,246,243,235,228,225,217,202,135,126,125,135,147,199,199,199,204,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,173,178,189,207,215,215,212,209,100,0,0,0,0,0,0,0,0,0,0,0,0,157,147,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,160,173,170,163,173,186,181,176,178,181,191,194,134,0,0,0,150,168,168,168,163,170,189,173,94,93,163,168,165,170,181,186,191,194,176,168,173,178,176,172,170,170,170,173,176,176,170,127,125,125,123,122,122,178,199,215,207,196,186,173,125,123,168,181,178,173,173,125,115,114,123,123,117,109,105,106,119,176,183,181,181,181,170,168,165,163,121,121,121,121,123,163,168,163,119,119,123,123,117,95,73,83,121,165,173,178,176,165,113,104,104,117,186,199,204,209,209,209,207,202,186,176,168,121,109,125,123,121,117,123,183,196,191,176,123,116,114,114,113,115,170,196,204,202,183,123,115,117,123,121,115,115,125,168,121,113,112,119,183,199,194,181,174,178,183,189,194,196,199,202,200,202,196,186,183,186,196,202,202,202,204,202,196,191,186,189,183,186,186,186,183,181,179,179,181,183,186,186,186,189,191,191,194,199,170,71,186,202,207,207,178,178,194,202,202,186,139,103,79,71,69,9,0,17,144,150,142,152,61,33,28,107,170,109,52,42,93,183,196,199,194,194,199,196,189,209,83,39,0,3,160,209,181,147,0,0,53,155,178,186,189,189,191,194,194,196,196,194,191,186,181,181,183,189,189,189,189,183,182,182,186,189,194,196,202,204,199,189,179,178,186,186,157,0,0,63,165,160,54,48,181,209,199,189,178,168,160,70,55,50,59,105,183,191,189,107,173,191,189,186,183,186,191,202,202,168,75,71,101,117,113,155,176,173,155,106,113,115,115,115,160,170,173,173,178,183,194,194,194,196,196,199,202,196,191,183,181,178,165,111,105,121,168,178,181,173,168,165,119,109,107,109,113,115,121,125,168,173,170,173,181,183,183,176,168,125,123,121,125,176,178,170,119,114,116,170,186,183,181,176,168,119,109,123,181,191,196,199,170,170,183,199,194,173,123,117,112,109,116,121,123,165,178,176,124,124,125,168,170,173,178,181,181,183,183,181,168,123,123,127,168,127,123,121,119,121,121,121,123,170,170,170,173,181,189,189,189,186,183,186,189,186,173,119,117,117,119,119,117,118,121,125,125,168,168,127,123,121,170,189,191,183,178,183,189,183,178,176,178,176,168,165,165,168,165,165,168,178,181,170,123,121,123,121,119,119,168,173,176,173,170,170,176,183,186,178,168,125,123,125,165,170,178,173,165,121,117,119,123,125,123,113,117,123,125,176,196,202,202,196,191,191,189,186,183,181,178,178,178,183,189,194,194,186,173,170,173,117,17,8,34,71,41,11,51,43,25,87,176,189,189,196,207,173,170,123,176,183,181,176,178,183,189,196,196,194,194,199,189,170,170,123,116,119,125,127,120,104,102,170,189,178,129,173,176,129,123,125,125,127,176,186,194,196,196,196,196,191,186,182,182,183,186,183,178,173,173,176,176,173,173,176,176,173,176,178,181,181,181,181,186,191,181,176,131,127,127,129,181,194,194,186,181,183,191,196,199,196,191,183,173,123,118,123,173,181,183,183,176,170,170,173,173,176,173,169,168,173,181,176,127,125,129,181,181,129,123,123,123,122,123,173,176,176,170,127,127,176,186,121,91,94,183,189,183,186,186,186,186,189,189,186,189,191,186,181,174,173,174,181,186,186,181,133,129,129,133,181,191,202,204,202,199,196,191,181,179,183,189,189,181,181,191,186,181,186,183,131,125,127,131,173,176,178,183,183,178,173,173,176,176,176,181,186,186,183,181,181,181,178,131,125,121,121,123,127,127,127,124,125,129,176,178,178,176,178,181,181,133,131,127,121,119,127,178,173,173,181,189,194,191,131,108,115,183,196,202,207,207,194,183,181,178,178,181,183,186,189,186,186,191,196,194,189,186,183,181,176,131,129,131,178,181,183,183,183,178,176,178,181,178,173,176,173,127,125,127,129,127,125,126,183,202,204,194,189,183,170,127,170,183,186,173,125,125,125,131,176,186,196,202,202,202,204,207,209,212,209,204,202,199,199,202,204,204,204,204,204,202,202,196,178,121,125,183,199,202,194,176,127,123,121,120,122,129,178,189,194,194,191,186,173,119,116,125,125,116,119,176,176,176,189,191,191,186,173,117,115,117,121,127,170,176,181,183,194,199,199,189,174,176,181,186,176,118,118,121,121,117,112,123,186,191,189,186,186,183,133,131,135,186,194,196,196,199,202,204,204,202,191,181,181,181,181,181,178,183,189,191,186,176,133,178,183,186,181,174,174,178,186,194,194,194,194,191,189,176,173,176,173,129,131,183,183,181,173,131,131,173,131,131,173,176,178,181,183,183,178,173,129,129,173,178,191,202,204,202,194,183,176,127,122,122,127,131,176,178,181,181,178,181,178,131,133,133,133,178,191,196,199,202,204,202,199,199,199,191,133,119,127,189,194,189,186,191,196,194,190,191,199,199,196,196,199,196,196,199,199,199,199,196,194,194,194,196,196,194,191,191,191,189,186,191,196,194,189,186,189,189,189,191,194,196,196,196,196,199,194,183,176,170,170,173,173,129,127,127,123,122,121,121,122,170,178,183,186,189,186,186,186,186,189,183,173,170,176,176,176,176,176,176,176,173,168,165,165,165,165,168,168,170,170,168,168,165,121,117,115,115,113,109,107,105,105,107,109,113,115,117,155,157,165,173,176,176,168,157,118,119,119,157,160,160,163,165,163,163,163,165,168,170,173,178,181,183,183,181,181,181,183,183,183,183,176,174,178,181,178,170,129,129,129,128,131,181,181,179,181,189,191,194,196,196,191,181,135,135,134,135,183,186,186,189,194,196,199,202,204,207,207,196,189,191,194,196,194,194,194,191,189,186,186,181,181,186,183,135,129,127,129,135,181,183,186,183,183,189,186,133,129,130,183,199,207,207,204,196,189,182,183,189,194,196,191,189,191,191,189,181,178,135,133,131,135,183,183,181,133,132,137,191,196,199,194,135,132,133,135,183,191,196,202,202,202,202,199,189,139,183,194,194,189,185,186,189,186,139,139,186,194,199,202,202,199,196,194,196,202,207,204,199,194,191,191,189,181,133,133,135,178,178,135,178,181,131,121,119,125,133,178,176,133,176,178,178,178,178,178,181,189,199,202,199,196,199,202,202,196,196,199,196,189,186,186,189,191,194,196,196,199,196,194,196,199,196,191,183,183,186,186,189,194,202,209,209,207,202,199,202,204,202,200,202,204,204,204,202,199,194,191,189,189,187,191,196,199,196,194,199,199,191,137,134,135,183,194,202,202,194,186,189,194,191,186,189,194,199,194,181,133,135,183,186,183,189,199,202,194,191,189,183,135,135,186,191,189,178,129,127,130,186,191,186,179,178,181,191,191,189,189,194,194,189,186,186,183,183,181,181,181,181,181,181,181,189,194,196,196,202,207,207,204,202,199,196,191,191,202,207,202,196,194,196,199,199,199,196,196,196,191,135,125,125,123,119,116,117,123,133,181,189,189,186,186,186,186,186,186,186,183,186,186,186,186,183,183,183,186,186,189,189,189,186,183,181,135,134,135,178,178,178,181,183,183,135,130,128,129,130,133,183,191,196,199,199,199,202,202,199,199,199,199,199,199,199,199,199,196,194,194,194,194,194,194,191,189,189,191,191,191,194,199,202,202,204,204,204,202,196,196,194,194,191,191,196,202,199,191,189,186,181,135,129,129,129,125,125,129,135,183,186,186,186,189,194,196,202,209,212,209,204,199,199,199,196,194,194,194,199,204,207,209,204,199,196,199,199,204,207,204,199,198,198,199,202,202,202,191,140,186,194,202,202,199,196,199,202,207,207,202,196,189,185,185,186,191,199,202,199,191,186,191,196,199,191,182,183,189,186,173,117,109,105,105,101,96,99,111,121,165,165,165,165,168,165,101,98,100,103,111,117,117,165,170,173,181,191,202,207,209,204,191,179,181,186,189,191,196,202,204,196,187,189,199,204,199,194,199,199,127,110,109,115,133,181,186,186,186,196,207,202,189,186,189,191,189,183,137,183,189,189,191,196,202,204,204,204,199,194,190,191,191,183,127,119,121,135,191,196,194,196,196,196,199,191,176,129,131,181,191,196,194,191,194,204,212,217,217,217,215,215,215,215,220,225,228,230,230,230,230,230,230,233,233,230,228,225,222,217,212,209,212,217,228,233,233,230,225,217,222,225,228,222,222,222,222,217,209,199,195,202,212,217,217,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,204,194,191,189,189,189,189,0,0,0,0,217,202,189,186,186,186,183,183,176,164,0,165,163,157,0,170,0,0,228,241,248,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,0,0,0,0,0,0,0,0,0,0,222,209,196,186,0,178,182,196,220,241,248,243,241,246,251,251,243,233,225,222,228,235,241,243,235,230,228,225,209,0,127,0,137,147,196,199,199,204,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,116,137,194,199,207,212,222,228,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,168,165,160,155,160,173,173,168,163,165,181,178,155,137,7,0,17,87,152,163,165,176,199,186,85,78,103,109,109,119,181,196,202,196,181,170,173,176,173,172,176,183,183,181,181,176,173,170,173,176,173,125,121,173,196,212,204,194,186,176,127,123,125,170,168,165,125,125,123,125,170,125,115,108,107,111,123,176,181,183,183,181,170,165,163,123,121,121,163,165,163,165,168,163,115,113,117,123,178,111,60,65,170,178,183,189,186,178,123,108,108,121,178,194,202,207,209,207,204,199,186,170,121,108,99,111,117,119,117,123,183,194,189,168,119,115,115,117,163,163,173,194,199,191,170,117,113,119,165,168,121,119,127,170,125,115,112,114,173,191,189,176,173,176,183,189,194,196,199,202,202,202,199,191,186,191,202,204,204,204,202,199,194,181,178,183,189,191,191,189,189,189,183,181,181,181,186,186,189,186,189,189,196,202,168,83,181,196,207,209,189,181,196,209,209,176,83,79,77,83,144,81,0,1,39,142,150,93,35,43,63,152,173,155,52,24,35,97,196,199,186,178,178,191,144,5,0,0,0,0,142,238,168,107,5,33,57,163,181,189,189,191,194,196,199,199,196,194,194,194,189,186,186,191,191,191,189,186,183,183,186,189,194,196,199,199,194,189,181,179,183,212,225,69,0,15,170,176,77,63,173,199,202,199,196,196,183,163,73,64,72,99,115,173,160,99,168,189,186,178,181,191,204,204,183,101,83,87,97,103,107,111,157,157,115,112,115,117,113,111,111,117,157,165,173,181,191,189,189,191,194,196,199,199,191,181,176,163,115,103,97,111,163,170,170,168,170,168,121,108,106,109,115,119,125,168,168,127,122,123,173,181,183,178,173,168,173,176,183,189,186,173,119,115,119,178,191,191,183,183,183,178,176,181,183,186,189,194,165,124,176,189,183,165,121,121,119,119,119,119,115,113,123,125,125,165,170,173,173,170,178,183,189,191,191,183,168,122,122,125,168,168,125,119,116,115,115,116,118,123,127,129,173,183,191,189,186,182,181,182,186,186,183,170,121,118,118,119,119,123,127,127,125,127,170,168,123,121,168,181,183,178,178,178,170,125,165,173,183,183,176,170,176,183,181,170,170,176,181,173,123,119,117,116,117,121,121,123,163,170,173,178,183,189,189,178,168,123,123,168,178,189,191,183,170,119,109,106,105,101,101,98,102,109,117,127,186,194,191,183,178,176,170,168,170,173,176,176,178,181,186,191,191,189,183,181,189,186,77,37,59,81,89,57,55,41,35,163,196,196,199,202,199,110,113,115,176,183,178,170,170,176,178,186,191,194,194,189,109,99,113,117,117,123,123,120,120,123,173,189,191,178,121,119,121,121,121,123,125,129,176,186,191,194,196,196,196,191,189,186,183,186,189,189,183,173,129,129,131,129,128,129,170,176,183,189,191,194,194,191,191,189,176,129,127,123,123,129,183,194,194,186,181,183,191,199,202,199,189,129,119,118,118,121,131,181,186,181,173,129,129,173,178,181,176,169,169,181,189,186,170,123,121,127,129,123,120,120,123,125,173,181,178,176,173,129,127,176,191,178,107,109,189,191,183,183,186,183,182,186,189,189,189,189,186,181,174,173,176,183,186,183,181,133,131,133,178,183,191,199,199,194,194,191,186,179,179,186,189,189,183,183,191,183,131,173,129,122,121,125,129,129,127,173,183,186,178,172,170,172,172,176,189,199,196,186,178,133,131,131,129,124,122,122,125,131,176,133,127,125,125,129,129,129,125,125,131,181,181,176,127,119,116,121,176,173,172,176,183,191,191,181,110,115,189,202,202,204,207,199,191,186,183,181,181,183,186,186,183,186,194,202,202,196,191,186,181,131,128,127,127,129,173,178,186,186,181,176,178,183,181,173,176,178,176,170,127,127,124,124,129,183,199,199,191,186,178,127,123,127,176,178,170,127,127,129,131,176,183,196,202,202,202,204,207,207,209,209,207,204,202,199,199,202,202,202,202,199,199,199,196,186,176,176,183,191,191,183,125,122,122,122,121,122,127,170,183,194,194,191,189,183,125,122,127,119,112,117,168,123,117,119,170,176,178,173,121,116,119,127,170,176,181,189,196,202,204,199,189,174,174,178,178,129,119,120,125,125,125,131,183,191,194,191,189,186,183,181,181,186,191,191,194,194,196,202,207,209,207,194,178,176,176,178,178,181,183,186,186,178,132,131,133,178,181,178,177,177,178,183,189,189,183,183,186,181,170,169,181,183,130,128,176,178,176,173,173,173,131,129,129,131,173,176,178,183,183,178,173,131,173,173,176,189,199,202,199,191,178,127,123,125,129,131,131,131,176,181,181,181,178,178,133,131,130,128,130,183,194,194,194,196,196,196,196,196,191,178,133,181,194,194,186,181,186,194,191,190,194,202,199,196,196,199,202,204,204,202,199,199,196,194,194,194,194,196,196,194,194,191,186,183,189,194,194,189,186,189,186,189,191,189,189,186,189,191,194,191,183,170,125,125,127,129,121,121,123,125,125,127,125,125,170,178,183,186,186,186,183,183,183,186,176,166,168,173,173,173,170,173,178,178,178,173,168,165,165,165,168,168,168,168,168,168,165,119,113,113,113,111,111,111,111,111,111,111,109,111,113,155,163,168,176,176,176,168,160,157,157,160,163,165,165,165,165,165,163,163,163,165,165,168,170,173,176,173,170,173,176,178,181,181,181,174,173,173,176,176,173,173,170,170,131,178,186,183,178,179,183,191,196,196,191,189,189,189,189,186,178,135,133,133,137,189,194,199,199,202,207,207,204,196,196,199,199,194,191,191,191,189,189,186,181,179,181,178,129,127,126,129,135,181,183,186,186,189,191,189,178,132,133,189,199,204,207,204,196,186,181,182,186,189,191,186,183,189,191,189,183,137,129,128,128,133,183,189,189,186,186,189,196,202,204,199,186,139,139,183,189,194,199,199,199,202,207,204,189,135,135,183,191,191,189,191,194,191,186,183,191,199,204,209,207,202,196,194,196,202,204,204,202,196,191,186,183,137,134,134,135,178,135,178,181,183,178,131,125,129,133,176,133,131,130,130,133,135,181,181,181,183,189,194,191,189,194,199,199,199,199,202,199,194,191,191,194,199,202,199,199,199,199,196,196,199,194,189,183,183,183,181,183,189,196,204,207,204,202,199,202,202,202,202,202,202,199,196,194,189,189,189,191,189,187,189,196,199,199,196,196,199,194,186,181,181,181,186,191,196,194,186,183,183,183,181,178,183,189,186,135,131,132,135,133,131,135,183,189,186,186,189,186,181,183,191,196,191,183,135,131,133,181,186,186,183,181,183,186,183,181,186,194,194,186,186,186,186,189,189,189,189,186,183,181,179,183,191,196,199,199,204,204,202,199,196,196,194,194,202,204,199,194,191,190,191,191,191,191,189,191,186,135,127,127,127,121,118,119,129,178,181,183,186,189,189,189,186,186,186,186,186,189,191,191,191,189,186,189,191,191,191,191,191,191,191,189,181,135,135,135,135,178,181,183,186,186,181,178,135,135,135,186,194,196,199,199,199,199,196,194,194,196,196,199,199,196,196,196,194,194,191,191,191,189,189,186,183,183,183,186,191,199,207,204,202,202,202,202,196,194,189,189,189,189,191,196,199,196,189,183,183,189,186,181,181,178,133,133,135,181,186,191,191,189,189,191,194,199,207,209,207,202,196,196,199,199,199,199,199,204,207,209,207,199,195,196,202,207,212,212,207,202,199,199,202,204,207,207,199,191,191,194,196,196,196,199,202,204,207,204,202,196,191,186,185,186,189,191,191,191,186,183,183,191,194,191,183,182,183,183,173,121,113,111,109,99,93,94,103,117,165,168,165,121,119,121,111,109,113,115,117,117,117,125,168,176,181,186,191,196,199,199,194,191,196,196,194,191,194,196,196,189,185,186,194,199,194,194,202,204,191,121,112,111,113,115,117,117,115,123,183,191,189,186,183,183,183,137,137,181,186,185,186,194,202,204,207,204,199,196,199,202,199,189,133,115,99,92,125,178,186,199,209,209,204,194,133,127,128,0,186,194,194,189,194,202,212,215,217,215,215,213,215,215,217,222,225,228,230,228,228,225,228,230,230,230,230,230,225,217,209,204,207,212,222,228,230,228,222,217,217,222,228,225,222,222,217,217,215,204,199,202,215,225,222,217,215,0,0,228,228,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,191,187,187,189,191,191,0,0,0,0,228,212,202,196,194,191,186,183,168,0,0,165,165,0,0,0,0,0,225,238,243,246,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,217,209,202,191,183,186,196,215,233,241,241,243,251,254,246,225,207,196,195,202,217,233,238,235,233,233,233,217,145,131,131,141,194,199,199,202,207,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,165,191,194,199,215,222,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,92,147,147,150,157,168,178,176,163,160,165,150,144,144,65,0,0,69,103,117,157,165,191,186,92,78,102,105,105,113,183,199,202,196,183,178,183,183,178,173,178,189,189,186,178,173,170,173,176,181,178,125,123,176,186,196,196,191,186,176,127,123,121,121,121,125,168,170,173,170,173,125,115,109,109,117,125,170,173,178,181,178,168,163,121,119,119,163,170,173,168,170,173,163,113,111,112,119,183,117,51,54,173,183,189,191,194,194,186,170,125,170,176,181,194,202,204,204,199,191,178,125,113,106,101,111,117,119,116,119,173,183,173,123,119,121,165,181,196,191,189,191,189,168,113,111,113,117,165,168,123,123,168,173,168,119,113,115,129,186,189,178,176,178,186,191,196,199,202,204,204,204,202,194,191,194,202,207,207,207,202,196,191,111,131,178,189,194,194,194,194,196,194,189,183,181,183,183,183,183,183,186,191,186,109,91,183,196,204,209,196,163,191,209,212,91,63,63,101,191,230,181,43,19,11,27,147,45,25,81,101,176,196,189,160,57,55,95,186,191,160,150,155,176,43,0,0,0,0,0,35,139,101,101,91,85,97,176,186,191,194,196,199,202,202,202,199,199,199,202,199,194,191,194,191,194,194,191,189,189,189,191,194,196,196,194,194,194,194,191,186,220,233,199,0,0,77,165,53,59,113,189,199,196,194,196,196,178,83,79,183,165,99,99,99,101,163,181,181,168,168,186,202,202,155,77,74,76,81,93,111,117,115,113,160,173,176,160,113,108,107,109,155,163,168,178,186,186,186,189,189,189,191,194,194,181,163,103,85,83,89,111,121,123,119,123,173,178,165,109,109,119,123,123,127,127,125,123,121,122,168,176,181,181,176,176,186,191,199,202,194,178,125,117,121,173,183,183,181,183,191,194,191,194,191,176,165,176,125,124,173,178,125,113,115,123,170,178,170,123,113,110,112,121,165,170,178,181,176,173,181,189,191,196,194,181,165,121,121,123,170,176,127,121,117,115,118,125,125,123,125,170,181,186,194,196,194,186,183,183,189,194,194,183,129,121,119,121,123,127,168,127,125,125,127,125,117,115,121,173,178,176,176,170,124,122,125,173,178,178,173,176,186,196,194,181,170,170,173,170,125,119,116,116,119,123,117,115,117,165,178,183,189,191,189,178,168,123,165,178,196,204,202,194,181,121,107,105,103,99,101,99,102,107,113,119,168,176,176,170,168,127,123,122,125,173,178,181,181,183,189,191,194,194,194,194,199,202,168,89,85,93,163,65,45,39,43,119,186,191,196,196,186,98,105,113,183,189,181,169,168,170,173,176,186,194,196,178,92,89,103,119,127,170,125,120,123,178,191,196,194,176,119,115,117,123,125,127,127,131,176,183,189,194,196,199,199,196,194,189,186,186,189,191,189,178,126,127,129,129,129,170,178,183,189,194,199,202,202,199,194,181,127,125,123,123,122,127,181,191,189,181,176,181,189,199,202,199,186,118,114,117,119,123,129,178,183,178,129,124,125,173,181,186,181,173,176,189,199,194,176,121,117,118,121,121,121,121,127,173,181,183,178,176,176,170,123,127,181,178,121,123,183,186,181,183,189,183,182,186,191,191,191,189,186,183,181,181,186,194,191,183,176,129,129,133,181,186,191,199,196,189,186,189,186,183,186,186,183,183,183,186,189,176,123,123,123,121,121,125,127,123,121,123,173,181,181,176,173,172,172,176,196,204,199,186,133,131,131,131,131,127,125,125,131,178,183,181,133,129,125,125,124,123,122,122,125,178,186,181,131,118,116,119,131,173,172,173,178,183,186,178,121,127,196,204,202,202,204,204,199,194,191,186,183,183,183,183,186,189,194,202,204,202,199,196,189,178,129,127,126,127,128,173,183,186,178,170,173,178,176,172,173,178,181,178,170,126,124,124,173,181,191,194,189,183,176,127,123,125,127,127,127,127,129,131,131,176,186,196,202,202,202,202,202,204,207,209,209,207,202,199,199,196,196,196,196,196,196,199,196,191,186,183,183,181,176,127,122,121,123,129,129,129,129,129,176,189,189,183,186,186,178,173,173,121,112,118,168,121,115,115,119,123,170,176,170,123,123,129,170,176,186,196,202,204,207,204,191,177,177,181,181,176,131,173,173,131,178,191,199,196,194,189,186,181,178,181,186,189,191,191,194,196,194,196,204,209,204,189,176,173,174,178,181,186,186,186,183,176,131,131,132,176,181,181,186,186,183,181,183,181,173,172,178,181,174,176,191,191,178,131,176,178,173,173,181,178,125,123,129,173,176,176,178,181,181,176,129,129,131,131,131,178,191,196,199,194,176,117,113,123,176,178,176,173,173,176,176,176,181,183,181,176,131,128,128,176,186,189,189,189,191,194,196,196,194,189,183,183,189,189,181,133,137,189,191,191,199,207,202,196,196,202,204,207,202,196,194,196,196,194,194,191,194,196,194,191,189,189,183,181,183,189,191,191,189,186,186,189,189,183,178,176,176,181,183,183,178,129,120,119,121,121,111,112,117,125,168,170,170,170,173,176,181,183,183,183,183,181,183,181,168,163,165,170,173,173,168,170,176,181,181,176,170,165,163,165,165,165,165,165,165,165,163,119,111,110,111,113,115,117,117,117,117,113,109,109,113,155,165,170,173,173,173,168,163,160,157,160,163,163,165,165,163,160,160,121,121,121,123,123,163,163,165,163,125,125,168,176,178,181,181,178,176,174,176,176,170,125,125,127,131,181,191,191,181,181,186,191,196,191,183,181,186,194,191,189,181,129,127,129,135,183,189,194,196,196,199,202,204,202,202,199,194,190,190,191,194,194,194,191,186,181,181,135,128,127,128,131,135,178,181,183,186,189,191,191,186,183,186,194,199,202,202,204,199,189,183,183,183,183,181,135,133,137,186,186,181,133,128,127,129,135,181,189,194,194,194,196,199,202,204,202,191,189,186,186,191,196,199,199,196,199,207,204,189,133,132,137,189,194,196,199,199,194,189,189,194,202,209,209,209,202,196,194,194,199,202,202,202,196,189,181,137,137,137,137,135,135,178,178,183,186,183,178,133,131,131,130,130,131,130,130,131,135,181,181,178,181,186,189,186,183,186,191,196,199,202,202,202,196,194,194,196,202,204,202,196,199,202,199,199,196,196,191,189,186,181,137,137,183,189,196,202,199,199,199,202,202,202,202,202,199,194,189,186,183,186,191,194,191,189,191,194,196,196,191,191,196,196,191,186,186,181,178,181,189,191,189,183,178,135,131,129,133,181,181,135,132,132,133,130,128,128,129,133,178,183,186,183,181,183,194,196,194,189,186,183,183,183,183,189,189,186,181,176,133,176,186,196,194,189,186,186,189,189,189,186,183,182,183,183,181,183,189,194,196,196,202,202,199,196,196,194,194,196,199,199,196,194,194,191,191,194,194,191,189,189,186,135,129,127,125,121,118,121,133,181,186,186,189,191,189,186,183,181,181,186,189,191,194,194,191,189,186,189,191,191,191,194,194,196,194,189,181,135,134,135,178,181,183,186,191,194,191,189,186,183,186,191,194,194,196,196,199,196,191,186,186,191,194,194,194,194,191,191,191,191,191,189,189,189,186,183,182,182,183,186,191,202,207,204,199,196,196,199,196,191,186,183,181,183,191,196,196,191,186,178,181,194,202,199,196,191,183,181,181,181,186,194,196,194,191,191,194,202,207,209,207,202,195,195,196,199,199,199,202,204,207,207,207,202,195,196,202,207,209,212,209,207,204,204,204,207,209,209,204,199,196,196,196,196,199,199,202,204,202,196,194,191,191,191,189,189,186,183,183,183,181,178,178,181,189,194,191,186,183,186,183,176,168,127,121,109,96,94,97,111,123,168,165,117,111,113,115,117,121,121,117,115,117,123,168,176,181,183,183,189,191,194,199,202,204,202,194,189,191,194,191,187,186,187,191,194,191,191,199,207,207,196,178,121,115,119,119,115,109,107,109,127,137,137,135,135,135,137,137,186,189,185,185,189,199,207,212,209,202,199,207,207,202,199,202,189,105,73,77,88,123,207,217,217,209,196,129,126,128,131,178,189,194,189,191,202,209,215,215,215,215,215,215,217,217,217,222,225,228,225,225,222,225,230,230,233,233,233,230,222,212,204,204,207,215,222,228,228,222,217,216,222,225,225,222,217,216,217,217,215,207,207,217,228,225,215,215,0,0,0,222,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,194,189,189,191,191,194,0,0,0,0,228,212,204,202,199,194,189,181,168,0,0,176,176,163,0,0,0,0,217,230,235,243,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,225,220,215,204,194,191,194,204,215,225,228,238,248,251,243,212,196,191,191,195,207,225,233,235,233,235,235,228,202,141,139,145,196,199,199,202,209,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,170,183,204,217,82,0,0,0,0,0,0,0,0,0,0,74,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,82,157,170,173,181,181,170,165,157,143,142,150,144,83,85,91,103,115,115,113,165,178,168,113,123,121,113,119,178,194,196,194,186,189,194,194,183,173,173,178,176,173,170,170,129,170,173,173,125,122,125,173,170,173,181,186,183,170,125,123,118,116,118,165,178,183,178,168,123,115,109,105,107,119,125,125,165,170,173,168,165,121,118,117,119,163,173,176,173,170,173,165,113,110,111,115,163,115,53,57,178,189,189,191,194,199,202,196,191,183,176,170,176,183,191,194,191,181,165,117,111,110,113,125,125,121,117,118,165,170,165,123,165,170,176,189,202,202,202,194,170,95,96,111,113,115,123,125,121,123,168,173,173,127,119,121,173,191,194,186,181,183,189,194,196,202,204,204,204,204,199,196,194,196,202,207,209,207,207,199,191,73,129,178,191,196,196,196,199,202,202,196,189,183,181,179,181,183,183,183,181,115,99,99,202,209,209,209,196,89,163,204,207,63,47,45,83,170,168,51,51,53,0,0,0,0,13,91,99,191,212,209,212,217,199,173,189,191,55,3,87,49,0,0,0,0,0,0,21,37,65,89,83,87,173,189,194,196,199,202,204,204,204,204,202,202,204,207,204,199,196,196,196,196,196,196,194,191,191,191,191,194,194,194,196,199,202,204,207,212,225,207,0,0,0,1,57,51,49,73,173,181,183,191,183,103,77,93,189,178,107,101,103,111,157,170,173,166,165,178,183,178,87,69,67,67,73,107,178,176,157,111,173,194,194,168,113,107,106,109,157,165,168,170,176,181,183,183,183,181,178,181,176,63,55,63,69,79,93,115,119,117,115,119,170,181,168,115,121,170,168,123,122,123,123,125,125,127,170,176,181,181,178,178,186,196,204,207,199,186,176,127,121,125,173,176,178,183,191,196,199,199,196,119,106,117,168,181,183,173,112,108,111,125,178,186,178,125,113,110,112,123,125,125,176,181,176,173,178,183,186,189,186,176,165,123,122,123,168,176,127,125,123,127,181,191,178,122,123,178,189,191,196,202,204,199,196,194,194,199,202,194,176,125,123,125,127,168,170,168,127,125,123,119,114,113,117,170,178,178,176,168,124,124,168,170,165,121,125,170,183,194,194,181,170,165,168,170,168,125,119,116,117,119,115,113,114,165,181,189,189,189,186,173,125,123,170,189,202,207,204,196,186,168,113,107,109,109,113,109,111,119,119,117,117,121,125,127,168,127,123,121,125,176,183,186,186,189,191,196,196,199,202,199,202,199,173,105,99,103,91,1,0,47,83,105,160,181,189,194,181,99,106,121,199,202,189,169,168,170,173,173,181,189,194,170,93,92,107,125,173,178,170,129,129,176,189,199,194,123,114,114,121,129,131,131,131,176,178,183,186,191,196,202,202,199,194,189,186,186,189,189,189,178,125,126,131,173,173,178,186,191,194,194,199,204,202,199,194,176,123,123,125,123,123,127,178,186,181,176,176,181,189,196,196,191,176,117,115,119,127,173,176,176,176,170,125,122,123,127,176,181,183,183,189,202,204,196,176,123,117,117,119,125,127,127,173,183,186,181,174,174,178,170,120,119,125,129,127,129,181,183,181,183,186,186,183,186,191,194,194,191,191,189,186,189,196,204,199,186,129,126,127,131,178,186,194,199,194,186,183,186,189,189,189,186,176,176,176,173,131,125,119,123,125,127,127,127,125,123,120,120,125,173,181,183,181,178,176,178,189,196,191,181,131,131,176,178,176,176,133,133,178,183,186,186,181,133,131,129,127,124,122,122,125,178,186,183,133,125,119,125,131,176,176,173,173,176,178,176,133,183,202,207,204,202,204,204,204,199,194,191,186,183,183,183,186,191,194,199,204,204,202,202,202,194,181,173,129,129,131,176,181,178,129,125,127,170,173,170,172,176,181,181,176,170,127,127,173,173,178,186,183,181,178,170,127,123,119,119,127,170,170,173,176,181,194,202,202,199,199,196,196,199,204,209,209,207,204,202,199,194,194,194,196,196,199,199,196,194,191,191,189,181,131,125,123,125,173,186,189,183,176,170,173,183,183,176,178,181,181,181,176,127,117,121,168,127,121,117,115,118,125,176,181,173,127,127,127,173,186,196,204,204,204,202,189,178,181,183,186,186,181,181,176,178,189,196,202,199,191,186,181,176,174,176,181,183,186,189,196,199,194,189,196,204,196,183,176,174,176,181,186,189,189,186,183,178,133,133,178,183,186,189,194,194,183,179,181,178,172,170,173,181,186,191,194,189,178,131,176,178,131,129,181,173,114,117,129,178,181,178,176,176,173,129,126,127,170,130,128,131,186,194,199,199,181,109,105,115,131,178,181,178,176,173,173,173,181,186,189,186,178,131,131,133,178,181,186,189,191,194,196,196,196,191,183,183,181,178,132,131,135,186,189,194,202,207,202,194,196,199,202,202,196,189,186,194,196,194,191,191,191,194,191,183,178,178,178,135,176,181,189,191,189,186,183,183,183,178,131,129,131,173,176,178,176,127,120,118,120,121,109,110,115,125,170,176,173,173,173,173,176,178,181,183,183,183,181,176,166,164,166,173,176,173,168,168,176,181,183,178,168,163,163,163,163,163,163,165,165,165,163,119,111,110,111,115,117,155,157,157,155,115,111,111,113,155,163,168,168,168,165,165,163,160,157,119,119,157,160,160,160,121,121,119,117,117,117,117,117,119,123,121,121,121,165,173,181,183,183,183,181,178,181,176,115,91,98,115,123,173,189,196,194,189,189,191,191,186,178,178,183,189,181,135,131,129,129,133,181,186,186,189,189,186,189,196,199,202,204,199,191,187,189,194,199,196,196,196,191,189,189,181,133,131,133,135,133,133,133,135,181,189,191,196,196,194,194,196,196,196,199,202,202,196,191,186,183,137,137,132,130,132,137,183,137,129,127,129,135,181,183,186,191,194,194,196,196,199,199,196,183,183,183,186,194,196,199,196,194,194,199,199,189,135,134,137,189,196,196,199,202,196,191,191,196,202,204,207,207,204,199,194,194,194,191,194,196,194,186,181,181,181,183,181,137,178,181,183,186,186,186,181,135,133,130,130,131,176,176,176,135,178,181,178,135,135,181,183,181,135,178,186,194,199,202,202,199,196,196,196,199,199,202,199,196,196,199,199,196,196,196,194,189,183,137,135,137,183,189,194,199,196,196,199,199,199,199,199,199,196,191,186,182,183,189,191,194,194,194,194,196,196,194,189,187,191,194,191,186,186,183,135,134,135,183,189,189,183,133,127,125,127,135,186,183,135,133,133,131,130,128,128,133,181,186,183,181,177,181,191,196,199,199,196,194,191,189,189,194,194,189,176,129,129,133,186,196,194,189,189,189,191,189,186,182,179,179,183,189,189,189,189,189,191,194,196,199,199,196,196,196,196,199,199,199,199,196,194,194,196,202,202,196,191,189,186,137,129,125,123,119,119,123,135,186,191,194,194,191,183,179,178,179,183,189,194,196,194,191,186,181,178,183,186,189,191,191,194,196,194,183,135,134,134,178,183,186,186,186,191,194,194,189,189,191,191,194,194,189,189,191,194,191,186,182,182,186,189,191,191,190,190,190,191,191,191,189,189,191,189,183,182,186,191,196,199,202,204,202,195,194,194,195,196,194,189,183,137,181,189,191,189,186,181,136,181,199,207,204,199,194,186,183,181,183,189,194,196,196,194,194,199,204,207,207,207,202,196,194,195,196,199,196,199,202,204,204,207,204,199,199,199,196,199,207,209,212,212,209,209,212,212,209,204,199,202,204,204,204,204,202,202,204,202,194,189,186,186,186,186,186,183,181,178,181,181,178,133,176,186,194,199,194,191,191,189,183,178,178,173,121,107,97,99,105,113,123,163,117,111,111,115,117,117,119,114,112,117,123,168,176,183,186,189,189,191,194,202,207,204,196,189,186,189,191,189,189,189,191,189,189,191,194,199,207,209,209,202,189,183,191,186,135,121,107,103,108,123,129,131,133,137,181,186,191,191,186,185,186,194,207,215,212,207,202,204,204,199,202,212,220,212,83,72,72,105,212,217,220,220,196,129,128,133,176,0,181,189,189,194,202,209,212,215,215,215,215,217,220,217,217,217,222,225,225,222,222,225,230,233,233,235,235,235,228,217,209,204,202,204,212,222,225,222,217,217,222,225,225,222,217,217,222,225,222,212,209,217,225,225,217,0,0,0,225,217,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,196,194,191,191,199,0,0,0,0,215,202,196,196,199,196,191,189,178,168,176,186,183,0,0,0,0,0,207,215,225,238,248,0,0,0,0,0,0,0,0,0,0,0,222,0,0,0,0,0,0,0,0,0,0,0,0,233,225,222,217,209,199,191,186,189,196,202,209,217,235,246,243,222,207,199,196,204,215,230,233,233,233,235,238,230,207,149,145,149,199,199,199,204,209,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,79,100,40,0,0,0,0,0,0,0,0,0,0,0,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,204,176,173,176,176,176,155,142,144,163,168,163,111,103,109,117,115,112,115,173,183,186,191,189,170,123,168,178,186,189,189,189,191,191,181,170,168,127,125,125,125,127,129,170,173,173,122,120,121,123,123,123,127,176,176,168,125,125,119,115,117,165,178,183,181,165,119,109,102,100,102,115,125,125,165,170,170,125,123,119,117,117,119,165,173,176,170,165,170,165,117,112,112,117,163,165,87,92,189,191,191,191,194,199,204,204,202,194,181,168,121,123,170,176,176,165,117,111,111,115,121,168,165,163,121,123,165,165,163,168,178,176,168,173,186,196,202,199,176,90,91,115,115,113,117,117,117,121,168,173,173,170,129,170,183,196,199,194,189,186,189,194,199,202,204,204,202,199,196,194,194,194,199,204,209,209,209,204,186,62,129,181,189,194,194,194,196,202,202,199,194,189,181,178,179,183,183,178,160,105,103,152,209,215,215,204,152,39,57,97,81,0,0,0,33,75,51,3,47,77,0,0,0,0,0,91,99,186,207,209,212,215,204,194,204,207,41,0,0,0,0,0,0,0,83,160,144,75,43,23,29,75,189,194,199,202,204,204,204,204,204,202,202,202,204,209,209,204,199,199,202,202,199,199,196,196,194,191,191,191,191,194,196,199,202,207,212,209,228,189,0,0,0,0,33,9,0,5,160,170,109,73,65,64,81,107,152,155,165,189,181,176,115,115,168,173,176,181,173,115,78,74,93,95,103,186,194,189,168,105,178,199,199,176,111,106,105,109,163,173,168,157,160,173,176,173,163,99,45,23,8,0,0,7,57,93,103,109,115,117,116,119,165,173,165,121,173,186,178,125,122,123,127,170,176,178,178,178,176,173,173,173,183,196,204,207,202,194,186,176,125,123,168,176,181,186,194,199,199,194,189,109,102,111,183,196,196,178,110,108,115,165,176,183,176,123,115,113,121,165,121,109,165,176,173,169,170,173,170,170,170,168,168,168,127,125,168,170,168,170,176,183,196,199,178,117,119,181,196,196,196,202,209,207,204,199,199,202,204,199,181,127,125,127,168,170,170,173,176,173,168,121,116,116,121,173,181,181,176,170,168,170,170,127,120,118,120,125,173,181,183,176,165,165,173,178,178,170,123,117,117,117,115,112,114,168,189,191,189,186,181,168,122,123,176,191,199,202,202,196,191,178,119,111,117,121,121,123,127,170,168,121,116,117,123,127,170,173,127,122,125,176,186,189,189,191,194,196,199,199,199,202,199,189,163,111,109,115,31,0,0,57,111,115,160,176,186,196,191,110,113,170,196,202,194,173,170,176,176,173,176,181,181,125,105,103,117,125,173,181,178,176,173,170,178,194,186,113,112,115,123,173,176,173,178,183,183,178,178,183,191,199,202,199,191,186,186,186,186,186,181,173,126,127,173,176,178,183,191,196,196,196,199,207,207,196,181,129,127,129,131,129,127,131,181,186,176,174,176,183,191,194,191,181,127,121,123,131,178,183,183,176,170,127,124,123,123,124,129,176,183,189,199,207,204,189,173,125,119,119,123,170,173,170,176,183,186,178,172,174,178,173,120,118,121,125,127,170,176,181,181,181,176,176,181,183,189,194,196,196,196,191,189,191,199,204,199,183,127,126,128,133,178,183,191,196,189,183,181,186,189,189,186,183,176,131,127,119,117,119,123,127,129,173,173,127,123,125,123,121,123,173,183,191,191,183,178,178,178,181,178,133,131,178,183,186,183,183,183,183,183,186,189,189,186,181,178,181,178,131,125,124,127,133,178,178,176,173,131,173,178,183,183,176,130,131,176,132,133,186,202,207,207,204,204,204,204,199,196,191,186,183,181,183,191,194,199,202,204,207,204,204,204,199,189,181,178,178,178,181,178,173,124,123,125,170,176,173,173,176,178,181,181,178,173,173,170,166,166,170,173,178,178,176,168,123,116,116,129,173,170,131,176,189,202,207,204,199,195,195,195,196,204,207,209,209,204,202,199,191,191,194,196,199,199,202,199,196,196,194,191,183,131,125,125,129,186,204,207,196,183,170,170,181,181,176,173,173,176,181,181,173,123,121,125,129,170,123,90,114,127,178,186,183,173,127,126,129,178,194,199,199,199,194,183,176,178,186,194,194,181,176,178,186,194,196,196,199,191,183,181,176,174,173,173,174,178,183,194,199,186,132,181,194,191,183,178,176,178,181,186,189,186,183,183,181,181,181,186,191,194,196,199,194,183,178,181,183,178,173,173,181,191,194,191,181,127,122,131,173,125,121,125,115,109,113,170,181,181,176,173,170,170,129,128,129,173,170,128,130,181,191,196,199,189,107,102,106,123,173,178,176,176,176,176,176,183,189,191,191,186,181,181,181,181,183,189,194,196,196,196,196,194,189,183,183,183,133,130,132,178,189,191,194,199,202,194,191,191,194,196,194,191,186,189,194,196,194,191,191,189,189,183,133,130,130,135,176,176,176,183,189,189,183,181,181,176,173,131,129,129,131,173,176,176,170,123,121,125,127,115,114,119,127,170,173,173,173,170,170,173,176,178,181,183,183,178,176,170,168,173,178,176,173,168,165,170,176,178,176,168,123,123,123,160,160,160,165,165,165,163,119,113,111,113,117,155,155,157,157,117,115,113,115,117,155,157,160,160,160,160,160,160,157,119,115,113,113,117,119,157,157,119,117,115,114,114,114,115,117,121,121,119,121,165,173,181,183,183,178,176,176,181,178,103,78,83,107,117,121,173,196,199,191,191,189,186,181,178,181,186,186,127,121,123,131,181,183,186,189,191,186,135,131,133,186,196,202,202,199,191,189,190,194,196,194,194,196,196,196,196,189,181,178,181,178,133,131,130,131,135,186,194,202,204,202,199,196,194,192,194,199,202,199,194,189,181,136,137,135,132,133,137,181,135,128,128,133,183,189,189,189,189,191,191,191,191,194,191,183,127,131,183,191,196,202,202,199,194,191,191,191,189,183,137,183,189,191,191,194,196,196,196,196,199,202,202,204,207,207,202,196,191,189,187,190,194,196,191,189,189,189,189,186,183,181,183,183,186,186,183,181,178,135,133,133,135,183,186,183,183,181,181,135,133,132,135,178,135,134,135,183,194,199,202,202,199,196,194,194,196,196,196,199,196,194,191,191,191,194,194,191,186,181,135,135,137,186,191,196,199,196,196,196,196,196,196,196,199,196,191,183,182,183,186,191,191,194,194,196,199,202,196,187,187,194,194,186,178,181,183,178,133,132,134,183,194,194,183,129,125,126,178,194,191,181,178,178,178,178,133,133,181,191,191,186,178,176,177,189,199,204,204,204,199,196,196,196,196,196,191,178,129,129,133,181,189,189,186,189,191,194,191,186,182,179,182,189,191,191,189,186,186,186,189,194,196,199,199,196,199,199,202,202,202,199,194,191,192,196,202,204,199,194,191,189,181,133,127,125,123,123,129,183,194,196,199,196,191,183,178,178,181,189,194,196,196,194,189,183,135,135,178,181,183,189,191,194,194,191,181,135,135,178,183,186,189,186,181,186,194,194,191,191,194,194,194,189,183,181,183,186,186,183,182,182,183,189,191,191,190,190,190,191,191,189,186,186,189,191,186,186,194,202,207,207,207,207,204,196,194,192,195,196,194,189,183,137,137,183,186,183,181,178,136,181,196,199,194,191,186,181,181,183,189,194,196,196,196,196,199,204,204,204,202,207,207,202,196,196,196,194,191,191,196,199,204,209,204,199,199,196,194,195,204,212,215,217,215,212,212,212,209,204,202,207,212,212,209,207,204,204,207,202,194,186,183,183,181,183,186,183,181,178,178,178,176,133,176,181,189,196,199,199,196,191,186,181,178,178,168,119,111,107,109,113,121,160,119,112,113,119,114,113,115,113,112,121,125,168,178,186,191,194,191,189,194,202,202,194,181,176,178,186,189,186,189,194,191,187,187,191,194,196,202,204,207,202,196,194,199,199,191,181,119,105,106,115,127,133,137,181,181,186,191,194,194,186,186,191,204,212,212,207,204,202,199,196,196,204,215,225,225,93,80,93,199,212,215,217,194,176,178,189,186,176,176,181,186,194,204,209,212,212,215,215,215,217,217,217,217,217,220,222,217,217,217,225,228,233,233,233,235,235,233,228,217,207,199,196,207,215,222,225,222,222,225,225,225,222,217,222,225,228,225,217,215,217,225,225,0,0,0,0,228,222,0,0,0,0,0,0,0,0,0,0,0,254,254,0,0,246,241,230,217,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,202,191,191,204,0,0,0,0,202,191,189,191,199,202,202,199,194,189,189,194,186,0,150,0,0,0,0,204,217,235,0,0,0,0,0,0,0,0,0,0,0,0,215,215,0,0,0,0,0,0,0,0,0,0,0,233,225,220,217,209,199,189,181,181,186,194,199,204,217,235,241,235,228,225,225,228,233,235,233,230,230,235,235,230,215,204,199,202,202,202,199,204,212,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,98,98,144,168,170,170,152,143,152,165,168,163,155,150,152,160,163,115,115,168,186,194,202,204,189,168,165,170,176,181,181,181,178,176,170,168,168,127,124,124,124,125,129,176,183,186,176,123,116,114,125,127,127,168,170,168,168,168,123,118,118,125,168,176,176,123,119,109,102,99,100,111,125,168,170,173,170,125,121,118,118,119,125,173,178,178,168,125,163,163,121,117,119,121,170,181,170,170,183,189,194,196,194,196,199,202,202,196,189,176,119,118,121,125,125,119,115,111,113,117,121,123,163,168,176,178,168,119,117,168,181,170,119,121,170,183,194,204,204,92,89,115,117,113,113,113,115,121,170,176,176,176,176,181,189,199,202,199,191,189,189,194,199,202,204,202,199,196,194,194,194,196,199,204,209,207,209,199,115,66,129,181,186,189,189,189,194,196,196,194,194,191,183,178,179,183,183,176,107,100,113,173,199,204,204,183,21,0,0,0,0,0,0,0,3,45,31,0,19,23,0,0,0,0,13,144,157,183,194,204,209,209,207,204,209,209,71,31,27,0,0,0,0,67,209,207,222,222,19,0,22,150,189,199,202,202,204,204,204,202,202,202,202,202,204,209,209,207,202,199,202,202,199,199,199,199,196,194,194,191,191,191,191,191,194,196,199,204,217,49,0,0,0,0,0,0,0,77,183,170,85,52,53,57,85,113,109,107,155,183,191,189,100,95,155,178,186,176,155,107,99,157,196,191,189,199,196,191,170,102,176,196,196,181,111,106,107,115,168,178,170,87,47,111,155,115,107,83,23,10,0,0,0,1,4,75,101,105,115,160,163,163,163,165,163,125,181,196,191,176,168,173,176,181,189,189,186,178,168,126,126,168,183,196,204,207,202,196,191,181,165,121,125,176,186,189,191,194,194,176,170,110,108,121,191,199,196,176,113,112,125,170,173,173,168,123,119,125,178,173,113,103,125,176,173,170,170,168,125,124,125,168,173,173,170,127,168,170,173,176,183,191,199,196,176,118,120,186,202,202,199,202,207,209,204,199,196,199,202,196,181,129,127,129,170,173,176,181,189,189,178,168,123,121,125,170,176,176,176,173,170,170,127,123,120,120,121,123,125,168,170,168,165,168,178,186,181,173,165,168,176,176,121,113,115,176,194,194,186,181,176,168,123,125,178,191,199,199,199,196,191,178,109,105,111,115,115,170,186,191,189,176,123,123,125,127,173,176,170,123,125,176,183,189,189,191,196,196,194,194,194,199,191,168,119,117,163,181,105,10,0,29,101,157,173,183,194,209,207,178,170,176,183,189,189,178,176,176,170,170,173,176,173,127,125,129,170,170,178,183,183,178,173,176,181,183,173,115,115,121,129,173,173,178,189,194,186,178,177,181,186,191,194,194,189,186,183,183,181,178,173,131,128,131,176,178,183,189,194,196,196,194,194,207,212,191,120,120,176,181,178,173,131,176,183,186,176,174,178,186,191,191,186,176,125,127,178,183,181,183,181,176,129,127,125,125,125,125,129,173,181,189,196,202,194,178,129,125,123,123,127,170,173,170,170,178,181,176,173,174,178,170,121,120,121,127,129,170,173,178,176,129,119,123,131,178,186,194,196,194,189,183,181,186,196,202,196,181,131,129,133,176,176,181,189,191,186,183,181,181,181,178,178,176,131,129,123,117,116,121,127,129,129,173,173,127,123,129,129,127,129,173,183,191,191,183,178,176,173,173,131,130,176,186,191,189,183,186,189,189,189,191,194,194,191,186,186,191,189,181,133,131,131,133,132,132,176,176,176,178,181,186,186,173,126,131,181,128,123,178,196,204,209,209,204,204,202,199,194,191,186,181,178,183,194,199,202,204,207,209,204,202,199,196,189,183,181,181,181,181,176,129,124,124,129,178,183,183,178,176,176,181,186,186,181,176,173,166,165,165,168,173,178,176,170,121,116,117,129,173,129,127,173,191,204,209,207,202,196,194,194,196,202,207,207,207,204,202,196,189,187,194,199,199,199,202,199,196,194,191,186,176,125,123,125,129,186,204,204,189,176,170,173,183,183,181,170,125,127,178,183,176,125,121,125,170,178,129,57,113,178,186,189,186,176,170,129,127,173,186,194,191,189,183,178,131,176,183,194,196,178,129,178,191,196,194,194,196,191,183,181,181,176,173,173,174,176,176,181,191,133,125,130,181,183,181,181,181,178,178,181,183,183,183,183,183,186,189,191,194,196,199,199,194,183,178,183,186,183,178,178,181,189,191,186,178,124,116,125,129,123,121,121,113,110,117,176,186,186,178,170,170,170,173,178,181,183,176,128,130,181,186,191,196,189,115,105,107,121,127,127,129,173,178,181,181,183,189,189,189,186,186,186,189,191,194,196,196,199,202,196,191,189,189,186,191,189,181,133,178,189,194,194,194,196,194,189,186,191,191,189,186,186,189,194,196,196,194,191,189,186,183,135,131,129,131,178,181,176,176,181,186,186,181,178,176,173,131,129,129,129,129,170,176,176,170,127,125,127,170,127,123,127,170,173,173,170,168,127,127,170,173,178,181,181,178,173,176,176,178,181,181,176,176,170,165,165,168,170,170,165,123,121,121,121,121,160,163,165,165,160,157,117,115,117,155,117,115,117,117,115,113,113,115,117,155,157,157,160,160,160,160,157,157,117,111,107,107,113,117,119,119,119,119,117,115,114,114,115,117,121,121,119,121,165,173,178,178,176,165,121,123,170,173,115,85,85,113,119,116,125,191,196,189,186,181,178,178,181,186,189,183,125,120,122,135,189,189,186,191,196,186,131,127,128,137,191,199,199,199,199,196,194,194,189,186,187,191,194,194,196,191,183,183,186,183,178,133,132,132,135,186,196,204,209,207,202,199,196,192,194,194,194,191,191,189,181,136,137,181,181,137,181,137,133,128,129,181,191,196,196,194,191,191,191,189,189,189,183,129,121,125,191,199,204,204,204,199,194,191,187,187,189,189,189,189,189,186,183,183,191,196,202,204,202,199,202,204,209,209,207,199,191,187,187,190,199,204,202,199,196,196,196,194,191,186,183,183,183,186,186,183,181,181,181,178,183,189,189,189,183,181,178,135,134,132,135,178,135,133,134,181,191,196,202,202,196,194,194,191,191,191,194,196,196,191,186,186,186,189,189,183,181,137,136,136,183,191,194,199,199,196,196,196,196,194,196,199,202,199,191,186,183,183,186,186,189,189,191,196,199,202,194,189,189,196,194,178,127,129,178,181,135,132,132,183,196,202,199,183,131,129,183,199,196,183,181,183,183,181,178,181,191,196,196,189,181,178,181,191,199,204,204,204,202,202,202,202,202,199,194,183,176,133,129,131,176,181,183,189,191,196,194,189,183,183,189,191,191,186,183,183,186,186,189,191,196,199,202,199,202,204,202,199,199,196,192,190,191,194,196,199,196,194,194,194,191,183,133,129,127,129,135,186,194,194,189,189,191,186,181,181,186,191,196,196,194,191,186,181,135,135,135,181,183,189,191,194,194,191,186,183,183,183,186,189,186,178,133,181,189,194,196,196,196,194,191,189,181,179,179,181,183,186,186,186,189,191,194,194,194,194,191,191,191,186,182,181,182,186,191,191,194,202,207,209,209,212,209,204,199,196,196,196,194,189,181,137,137,181,181,137,137,136,136,137,189,189,181,137,137,136,181,189,194,196,196,196,196,196,202,207,204,200,200,202,207,204,202,199,194,191,189,189,191,194,204,209,204,196,196,196,196,199,204,209,215,212,209,207,209,212,212,209,207,212,217,215,212,207,204,204,204,202,194,183,181,181,183,189,189,189,183,135,131,129,133,178,178,178,183,191,196,202,196,194,189,183,181,178,173,163,123,123,123,123,163,165,160,121,160,163,117,114,119,115,113,121,125,165,176,183,191,194,189,186,191,194,189,127,115,117,127,178,183,186,191,199,196,189,187,189,191,189,191,199,202,199,194,194,196,196,196,191,178,117,108,109,125,135,183,183,181,186,191,196,196,191,189,194,204,212,212,207,199,194,194,196,196,195,199,217,230,212,95,90,119,204,212,209,196,186,191,199,194,181,133,133,178,191,204,209,209,209,212,215,215,215,215,217,222,222,217,215,215,215,215,220,225,228,230,230,230,233,233,233,225,212,199,195,199,209,217,225,225,225,228,228,225,222,222,222,228,230,225,215,215,217,222,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,251,251,248,248,246,243,235,228,215,204,196,194,0,0,0,0,0,0,0,0,0,209,0,0,0,0,0,0,0,209,196,191,202,0,0,0,209,196,189,187,190,199,207,209,207,204,196,191,191,183,0,0,0,0,0,0,204,217,235,0,0,0,0,0,0,0,0,0,0,0,0,217,209,0,0,0,0,0,0,0,0,0,0,0,235,228,220,217,215,202,189,178,178,183,191,196,202,212,228,238,238,238,238,238,241,241,238,233,230,230,235,235,233,225,215,209,207,207,202,202,207,212,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,95,131,142,147,150,147,160,160,157,155,155,157,155,163,163,119,115,165,186,196,204,209,202,181,173,173,173,173,173,170,170,168,168,168,170,168,125,125,125,168,173,183,194,199,199,183,108,93,176,181,176,173,176,176,178,181,173,125,123,125,165,165,123,105,109,107,107,103,102,111,125,173,176,176,170,125,119,119,121,168,178,186,189,186,178,125,123,123,121,121,121,123,170,178,178,176,176,181,191,194,194,194,196,199,202,199,191,178,123,119,120,121,119,115,117,119,119,119,121,121,165,181,194,191,173,103,96,117,170,119,111,117,163,170,181,194,194,86,78,111,117,115,115,115,117,125,176,181,181,183,183,186,191,199,202,202,194,191,189,191,196,202,202,202,199,196,194,196,199,199,204,207,207,207,204,133,81,80,129,178,178,181,183,186,191,196,196,194,194,191,186,179,181,186,183,170,86,88,113,170,189,191,173,33,0,0,0,0,0,0,0,0,101,168,157,27,27,23,35,147,155,69,93,173,181,186,186,202,209,207,207,209,209,204,81,41,73,0,0,0,0,69,202,194,181,105,0,0,83,186,191,196,199,199,199,199,199,202,202,202,202,199,202,207,209,204,202,199,202,199,196,196,199,202,202,199,194,191,189,187,187,187,189,194,194,191,77,0,0,0,0,0,0,33,91,191,196,183,173,160,62,60,63,89,101,97,95,101,168,168,89,87,105,178,183,91,92,105,168,191,199,196,196,196,196,191,168,101,168,183,186,173,113,108,150,165,173,178,157,14,0,39,101,107,109,113,107,103,53,61,75,19,1,39,101,115,160,176,181,173,168,165,168,170,183,199,199,183,178,186,191,196,199,199,191,181,127,125,125,170,183,196,202,202,199,196,191,181,125,115,117,170,183,189,189,186,107,84,117,115,117,165,183,189,189,176,125,168,178,173,165,125,125,123,125,178,191,176,103,103,176,186,181,176,173,168,125,123,125,173,181,178,170,168,173,173,170,176,183,191,196,191,173,123,170,194,207,207,202,202,204,204,202,196,195,195,196,194,183,173,129,170,173,173,176,183,191,189,176,168,125,125,168,170,170,173,173,170,168,127,123,121,123,127,165,123,123,123,125,125,125,168,181,183,178,170,170,181,194,199,168,117,119,178,189,181,165,165,170,168,125,165,173,186,196,199,199,194,176,79,50,61,77,69,87,178,196,202,204,199,183,176,170,168,170,173,168,121,122,170,181,186,189,194,196,196,194,192,194,196,176,112,113,160,181,196,204,160,28,39,91,119,181,189,196,209,204,189,181,178,176,176,181,181,181,173,166,166,173,178,176,170,173,183,186,186,189,191,191,181,176,178,181,181,170,119,121,127,131,173,176,186,196,196,189,181,178,183,186,189,187,187,189,189,183,178,173,131,129,129,131,173,176,178,181,189,191,189,186,181,173,191,209,127,103,112,183,183,176,129,129,176,183,183,178,176,181,189,191,189,181,173,127,173,191,194,178,129,170,173,129,127,129,129,129,170,173,176,176,178,183,186,181,170,125,123,125,127,170,173,173,170,169,170,176,178,178,183,183,129,118,118,121,129,173,173,170,173,170,119,115,117,125,173,186,194,194,186,173,129,131,178,191,196,191,178,133,178,178,178,176,176,181,186,189,189,183,176,131,130,173,176,173,129,125,119,117,125,173,173,129,131,131,129,127,129,173,176,173,131,176,181,183,181,176,176,176,173,130,131,181,194,196,191,183,186,191,191,191,191,194,196,189,185,189,196,199,191,186,183,178,176,132,131,133,176,176,178,176,176,181,130,123,181,196,106,99,133,196,204,209,209,207,202,199,196,194,189,183,178,174,178,191,199,202,204,209,209,207,199,199,194,189,183,181,178,176,173,170,129,127,129,178,189,189,186,178,174,176,186,191,189,183,183,181,176,170,165,164,170,178,176,127,119,117,119,127,129,125,119,125,186,202,209,207,204,199,196,195,196,202,204,207,207,204,202,194,186,186,194,199,199,199,199,194,191,189,181,173,125,123,124,127,170,178,183,123,109,119,168,178,183,189,186,173,115,115,176,186,127,115,121,129,178,183,173,70,170,194,194,191,183,178,178,176,131,173,183,189,186,178,176,173,131,131,176,186,191,173,127,181,194,199,196,194,194,191,186,183,183,181,174,176,181,178,169,163,181,176,127,131,178,131,127,133,181,183,186,183,181,178,178,181,183,186,191,194,196,199,199,196,196,186,181,186,189,178,131,176,181,186,189,183,178,173,122,127,125,123,125,125,123,123,170,183,191,186,178,129,129,170,178,183,186,183,173,128,130,178,183,186,191,186,129,117,119,123,125,123,124,129,176,181,183,183,186,186,183,183,186,189,194,199,202,199,199,202,204,196,189,183,186,189,191,191,186,186,189,194,199,199,196,191,186,183,186,191,189,183,182,183,194,199,196,191,189,189,183,135,131,131,131,133,181,186,186,181,176,178,183,183,178,133,131,131,129,127,127,126,127,129,173,173,170,127,125,127,168,127,125,168,173,176,173,170,168,122,122,127,173,178,178,176,170,127,173,181,183,183,178,173,173,173,165,123,121,123,163,163,123,123,160,121,121,121,121,160,163,160,157,157,155,155,155,115,109,111,111,111,111,111,111,115,117,157,160,163,163,160,157,155,115,111,105,103,105,109,115,117,117,117,119,119,119,119,117,115,115,119,119,119,121,163,168,170,170,165,123,119,118,123,127,125,117,117,127,123,119,129,186,191,183,178,176,174,178,183,189,189,186,135,125,129,181,189,191,191,191,194,189,135,129,128,133,186,194,196,202,204,202,196,191,187,186,186,189,191,191,191,189,186,189,189,186,186,186,183,178,181,189,199,207,212,207,204,202,202,196,194,191,186,181,181,181,181,137,181,186,189,186,181,137,133,129,137,191,199,204,204,199,196,191,189,185,185,186,183,129,122,126,196,204,207,207,204,202,199,194,189,187,189,189,191,191,191,183,137,136,183,196,209,212,207,202,202,207,209,212,209,204,196,190,191,196,204,209,209,204,199,196,196,196,196,191,186,183,183,186,189,186,183,183,183,181,183,186,186,183,178,178,178,178,135,178,178,181,178,134,134,181,189,196,202,202,196,194,191,191,189,189,189,191,189,186,183,186,189,186,183,181,137,181,183,186,189,194,196,199,199,196,196,196,196,194,196,202,204,202,194,189,186,189,189,186,183,183,186,189,191,191,189,186,191,196,191,127,120,122,135,186,186,181,181,189,202,207,202,194,183,135,183,196,194,186,181,183,181,177,177,183,194,196,196,194,191,191,194,196,199,202,202,202,202,204,204,204,202,199,191,183,181,176,127,125,131,178,183,186,191,194,191,189,183,186,191,191,186,181,181,183,186,186,189,191,196,202,202,202,204,207,204,199,196,196,196,194,194,194,189,189,189,189,194,196,196,189,181,178,135,135,178,183,186,181,135,178,183,183,181,178,183,191,194,194,191,186,183,181,178,135,178,181,186,191,194,196,194,194,191,191,189,183,183,183,181,133,130,133,183,189,194,196,196,194,194,189,183,181,179,181,189,191,194,194,194,194,194,196,196,196,191,191,194,191,183,181,181,183,191,191,191,196,202,202,204,207,207,207,207,204,202,199,194,186,181,137,137,135,135,137,181,137,136,181,189,186,136,135,136,137,189,191,194,196,196,199,196,196,199,207,204,200,199,202,204,204,202,196,189,187,189,191,194,196,204,207,202,194,194,196,196,202,204,207,207,204,199,199,204,212,215,215,217,220,220,215,209,207,207,207,204,196,191,183,137,137,183,189,191,191,186,135,126,125,131,181,183,178,176,181,189,194,194,194,194,189,186,181,168,121,123,163,163,160,121,160,163,165,165,163,119,121,168,163,115,115,117,121,168,178,183,186,183,186,191,189,173,112,107,110,121,133,181,189,196,202,202,194,191,189,187,183,183,189,199,199,194,191,191,189,189,191,189,133,115,106,109,129,183,189,186,189,191,194,194,191,191,196,207,209,209,204,196,191,191,196,196,195,196,209,222,217,125,97,111,194,207,209,204,196,199,202,191,181,131,127,129,183,199,207,209,209,212,215,212,212,212,217,225,225,217,212,212,212,215,217,225,228,228,228,228,230,230,233,228,215,202,195,195,202,212,222,225,225,228,230,228,225,222,222,225,228,225,215,212,215,217,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,248,246,246,243,243,238,233,225,215,204,196,194,194,0,0,0,0,0,0,0,0,209,0,0,0,0,0,0,0,0,204,194,196,0,0,0,207,199,194,191,194,199,207,212,212,204,189,181,183,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,230,225,225,222,209,191,178,176,178,191,199,207,215,225,233,233,233,238,243,246,243,241,235,230,233,233,235,233,230,225,217,212,207,202,202,207,215,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,25,37,55,98,111,131,147,146,147,160,155,147,147,109,105,115,157,157,115,115,165,191,202,204,212,209,196,191,183,176,168,168,170,176,176,173,170,170,170,125,125,168,173,181,189,196,202,202,191,103,75,173,186,183,183,183,186,191,191,183,173,168,168,168,121,103,84,93,102,111,113,107,117,170,176,176,173,168,123,119,121,165,178,191,196,199,196,191,173,123,120,120,121,119,117,123,170,173,170,165,173,186,186,186,189,194,199,202,196,186,173,123,119,121,121,117,114,117,123,125,123,123,165,181,196,202,199,181,95,89,99,117,109,106,115,119,123,168,173,115,61,58,105,115,117,115,115,117,165,176,181,186,189,189,189,194,199,202,202,194,191,189,191,196,202,202,202,202,199,196,199,202,202,207,209,209,204,202,93,72,90,133,176,173,173,178,186,194,199,199,196,194,191,189,183,186,189,181,160,72,73,105,165,191,186,93,0,0,0,0,61,63,71,79,189,207,222,212,45,39,39,85,220,222,186,173,176,176,183,183,204,207,204,204,207,209,212,49,0,0,0,0,0,0,59,69,55,41,0,0,37,183,194,191,191,194,194,194,194,196,199,202,204,202,196,199,204,209,207,202,199,199,196,194,194,199,202,204,202,196,191,187,187,187,189,191,191,189,163,0,0,0,0,35,71,103,183,191,207,204,194,191,186,176,99,49,41,75,85,84,97,111,155,88,86,111,168,165,66,77,95,173,189,194,196,194,191,194,191,165,100,157,168,168,160,150,111,165,173,170,170,85,0,0,45,103,103,111,157,165,178,178,89,91,93,69,89,119,170,170,186,191,183,170,168,170,176,183,196,194,183,183,194,202,207,204,204,199,186,170,126,127,176,183,194,196,196,196,196,191,181,125,111,108,121,181,186,186,181,52,52,107,119,123,165,176,178,181,178,178,183,189,176,125,122,122,165,173,186,194,165,92,95,181,189,186,178,170,168,125,125,168,178,183,178,170,170,176,176,168,168,178,186,189,183,168,125,181,196,207,207,204,202,202,199,199,196,195,195,196,194,186,178,173,173,173,168,168,176,181,178,168,123,123,127,168,170,173,173,173,170,168,127,123,123,168,173,170,165,122,122,122,123,125,170,178,181,173,169,169,178,189,189,168,119,119,168,173,115,94,95,123,165,125,121,123,170,183,194,194,186,85,22,5,36,49,39,52,168,194,204,209,209,202,189,173,166,166,168,123,119,119,127,176,183,189,194,196,196,194,194,196,194,119,101,109,173,194,204,207,199,168,119,113,117,178,183,189,194,186,181,181,181,176,176,183,186,186,173,165,165,173,181,176,127,173,189,196,196,199,199,196,186,178,178,181,181,173,123,121,127,173,176,181,194,199,196,189,183,186,189,191,189,186,187,191,191,186,178,131,129,129,131,176,176,173,173,176,178,178,173,129,121,106,119,183,117,90,112,178,178,129,126,126,129,178,181,178,178,181,186,189,186,181,173,131,178,194,196,129,122,126,173,170,129,170,173,173,173,176,178,173,170,170,173,170,125,123,125,129,173,176,176,173,170,169,169,173,178,186,196,191,123,113,113,121,173,183,181,173,173,173,123,117,118,125,173,186,194,191,178,128,127,128,176,189,191,181,131,132,178,181,181,176,131,173,181,191,194,183,173,129,129,131,181,183,173,121,111,111,125,183,183,176,131,173,173,129,129,173,181,176,129,128,131,176,178,178,181,181,176,131,133,186,196,199,191,182,183,189,191,189,189,191,191,186,185,189,196,202,202,202,202,191,183,176,133,133,133,133,173,131,129,173,129,124,189,199,92,91,176,204,209,209,209,207,204,199,194,191,189,183,176,173,174,186,196,199,204,209,212,207,202,202,196,189,181,178,173,170,129,129,127,127,173,183,191,191,183,176,174,178,189,191,189,189,189,189,186,176,165,163,168,176,168,123,118,118,123,125,125,121,116,119,178,199,204,204,204,202,199,199,199,202,204,204,202,202,199,191,186,186,191,199,199,196,194,191,189,189,178,125,122,124,131,178,181,178,125,89,88,107,170,181,186,191,191,178,105,103,170,186,104,94,119,176,186,186,178,127,199,199,194,189,183,178,181,183,176,173,178,181,178,173,131,131,127,125,127,131,176,127,125,186,194,199,199,196,191,189,186,181,181,181,176,181,186,181,168,152,183,189,183,191,189,125,121,125,178,189,194,191,183,176,176,178,183,186,191,196,199,199,196,191,194,191,186,189,186,131,127,129,176,186,186,181,183,186,178,170,123,119,127,170,173,176,181,189,191,186,173,126,125,127,170,181,183,178,170,128,130,176,183,186,191,189,181,173,129,127,125,124,123,125,131,178,181,181,183,178,178,178,183,189,194,199,202,199,199,202,204,199,189,181,183,189,186,183,186,189,191,196,202,202,194,186,183,182,186,191,189,182,181,183,196,199,191,183,181,181,133,127,125,127,133,183,191,191,189,181,178,178,181,181,176,133,173,173,131,126,125,125,127,129,170,170,129,129,129,129,127,124,123,127,176,178,178,173,168,121,120,123,170,176,173,168,126,126,170,178,183,181,173,168,170,170,165,121,119,120,121,123,163,163,163,160,121,119,119,157,157,157,160,160,160,160,157,115,107,105,109,109,109,107,107,111,115,152,157,157,160,157,117,111,105,103,101,103,105,109,113,115,115,115,117,157,160,160,119,115,114,115,117,115,117,119,123,165,125,123,121,119,119,121,125,170,178,181,173,123,121,173,183,186,181,176,176,176,181,186,189,189,186,183,183,183,183,189,194,194,194,191,191,186,137,133,135,181,189,196,202,204,202,194,191,191,189,189,191,189,189,189,189,191,191,189,186,189,194,194,189,186,189,199,209,212,209,207,207,204,202,194,186,181,134,134,137,183,183,186,191,194,191,183,135,133,135,189,199,207,209,209,204,196,191,185,183,185,189,186,135,128,137,194,202,202,204,204,204,202,196,194,189,187,189,191,194,194,189,136,135,139,199,212,215,207,202,204,207,209,212,209,207,199,194,194,199,207,212,212,207,199,194,194,196,199,194,189,183,186,189,191,189,186,186,183,181,178,178,178,135,131,133,135,181,183,183,183,183,181,135,178,183,194,199,204,202,196,194,191,191,189,186,183,181,137,137,186,194,194,189,183,137,181,186,194,196,199,199,196,196,196,196,196,199,196,194,194,199,204,202,196,191,191,194,194,189,183,179,181,137,135,135,178,181,189,196,186,123,118,120,178,191,196,194,194,196,204,207,202,199,191,183,186,194,194,189,181,181,178,173,174,183,194,196,196,199,202,204,204,202,199,196,194,196,199,202,202,199,196,191,183,181,181,176,125,124,129,178,181,183,186,186,186,182,181,182,189,189,183,182,183,186,189,186,186,191,199,204,204,202,202,207,212,207,202,202,202,202,199,194,185,183,185,185,186,191,191,189,183,186,186,183,181,181,178,133,129,129,131,133,133,135,181,186,191,189,186,183,181,178,178,178,183,186,191,194,196,196,196,194,194,191,189,183,181,178,135,131,131,133,178,183,189,194,196,196,194,194,189,186,183,186,194,199,199,199,196,196,196,199,199,196,190,191,196,196,191,183,182,186,191,191,189,191,191,191,189,189,194,202,207,212,207,202,196,191,183,181,135,134,134,181,183,183,181,186,194,191,181,137,183,186,194,194,194,194,199,202,202,199,199,204,204,202,200,204,204,202,199,191,187,186,189,196,202,202,202,202,196,189,189,189,189,194,202,202,199,194,192,194,199,207,209,215,217,222,217,212,207,207,212,209,204,199,191,186,137,135,135,178,181,186,186,181,129,125,131,183,189,181,173,176,181,183,186,189,191,194,191,181,123,111,111,113,113,105,99,107,121,165,160,117,117,160,176,168,117,113,113,115,123,165,173,178,181,186,191,189,173,111,107,111,127,176,181,186,196,199,196,194,191,191,189,183,182,186,194,194,189,187,186,185,185,187,191,186,127,106,96,109,181,194,196,191,189,189,189,191,196,202,207,209,207,202,196,191,191,194,196,199,199,207,217,217,196,121,123,181,196,204,207,204,202,199,189,178,131,123,123,176,194,204,207,209,212,215,212,209,209,217,225,225,217,212,212,215,217,222,228,228,228,228,225,225,228,228,228,220,207,196,195,196,207,215,222,225,228,228,228,225,222,217,225,228,225,215,209,212,215,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,251,246,243,241,241,241,235,230,225,215,207,199,194,194,194,0,0,0,0,0,0,0,207,0,0,0,0,0,0,0,0,209,199,194,199,204,0,0,0,0,209,207,207,209,212,209,199,178,0,173,173,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,230,233,230,215,196,178,173,176,183,199,212,217,222,222,222,225,230,238,246,246,243,235,233,230,233,233,233,233,228,222,215,207,204,204,209,215,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,35,0,0,0,0,0,0,0,0,0,0,0,124,163,173,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,155,178,183,186,163,142,152,157,152,152,160,160,152,109,102,95,101,115,157,117,119,176,199,204,207,209,209,204,202,189,173,166,168,181,189,189,181,170,168,168,125,125,168,176,186,194,199,199,194,178,116,115,178,189,189,189,189,194,196,196,189,173,173,176,173,121,102,91,96,109,115,115,115,168,178,176,170,170,168,123,119,123,173,186,196,199,199,199,196,189,123,117,120,123,117,115,117,165,170,165,125,165,173,176,178,183,189,194,194,189,181,125,111,117,125,168,121,113,115,123,123,117,117,163,186,199,204,199,189,103,91,96,107,107,107,117,119,114,165,176,165,95,83,105,111,113,113,111,113,121,168,176,181,183,186,189,196,199,199,196,191,191,191,194,196,202,204,202,202,202,199,199,199,202,207,212,209,204,207,80,76,176,178,176,172,173,181,194,202,202,202,199,196,194,194,191,191,194,178,115,82,157,160,191,199,191,109,0,0,5,105,191,207,202,202,209,212,222,215,189,71,73,183,194,204,202,199,85,87,168,173,194,202,209,199,196,204,199,23,0,0,0,17,81,157,79,22,0,0,0,31,160,191,196,194,191,191,189,191,194,196,199,202,204,199,196,199,204,209,209,204,199,196,194,191,194,196,199,202,202,202,191,191,189,189,189,191,181,165,81,5,9,65,99,163,202,209,209,209,209,207,202,196,196,196,178,67,55,79,97,107,155,173,178,181,168,155,155,111,72,73,99,168,178,186,191,189,191,194,191,168,105,147,150,152,160,163,173,165,165,160,157,93,32,6,33,59,83,83,91,157,173,178,105,103,109,107,115,160,160,160,178,191,170,163,123,168,170,178,186,186,178,181,191,202,204,204,202,202,189,170,168,170,176,183,191,194,194,196,199,194,183,125,109,106,109,168,181,181,170,50,88,103,115,168,168,164,170,176,176,178,183,183,176,125,121,122,173,189,199,199,181,93,86,113,178,183,170,123,123,165,165,168,176,178,176,170,170,173,173,125,123,168,173,178,176,125,123,183,199,207,207,202,199,199,199,196,196,196,199,199,196,191,183,176,173,170,125,123,127,173,170,123,120,121,125,170,173,178,178,176,173,170,168,127,168,176,181,178,168,123,122,123,125,165,173,181,178,176,176,170,170,176,173,121,119,121,121,111,77,72,83,123,165,123,116,113,116,119,165,170,83,52,44,55,105,107,75,65,127,186,199,207,207,199,189,173,170,173,170,125,120,120,125,168,176,181,183,186,186,189,191,189,178,121,112,121,194,204,207,207,204,202,186,121,115,121,176,176,178,163,165,181,186,189,191,194,196,191,181,169,169,173,173,123,107,119,186,199,202,202,202,196,186,176,178,183,186,178,127,125,176,183,181,186,196,199,189,181,183,189,191,194,189,187,191,194,194,189,181,173,129,131,176,181,178,173,170,170,125,105,93,96,100,102,111,129,129,123,129,181,178,129,126,126,129,173,178,178,178,178,183,186,183,178,178,176,181,189,189,170,124,126,176,178,173,170,173,176,173,176,178,176,129,127,127,125,123,125,129,176,178,178,178,176,173,170,170,173,178,189,199,194,125,115,115,125,181,189,186,181,178,178,176,129,129,131,178,189,191,186,176,128,128,129,176,189,191,181,132,130,132,183,186,181,130,129,176,194,194,181,131,129,129,173,183,186,176,117,103,107,131,194,194,181,178,181,176,131,173,181,183,173,129,127,127,129,176,183,186,183,176,133,176,183,191,194,189,183,183,189,189,186,186,186,186,185,185,189,194,199,204,209,209,204,194,183,178,176,132,131,133,173,130,131,129,128,183,189,111,112,173,202,209,209,209,209,204,196,186,183,189,191,183,173,173,183,191,199,207,212,212,207,204,204,196,178,129,173,173,129,129,129,125,125,168,178,186,189,183,174,176,181,189,191,186,186,194,196,194,181,165,164,173,178,173,125,121,119,125,127,123,119,117,121,183,199,202,202,202,202,202,199,202,204,204,199,196,196,196,191,187,186,189,196,199,196,194,189,189,191,183,119,120,173,181,189,191,183,186,82,88,113,176,191,194,196,196,178,99,82,127,178,83,76,117,183,181,176,186,196,209,207,191,181,181,183,183,181,178,131,125,127,173,173,131,127,124,124,124,125,127,125,129,186,196,199,199,196,191,186,181,176,176,178,178,178,181,178,176,178,191,196,199,202,199,131,119,124,133,189,194,189,181,133,133,176,181,183,186,194,199,196,186,178,183,191,194,191,186,173,125,126,173,183,183,183,189,191,186,176,117,111,119,170,176,178,181,186,189,181,170,126,125,126,129,176,178,176,130,130,173,178,183,189,191,191,189,183,176,129,127,125,124,125,173,181,181,181,178,176,178,176,133,176,189,196,199,199,199,202,204,202,189,181,181,186,181,177,178,183,189,191,196,191,186,183,183,186,191,191,186,181,183,189,191,186,183,178,135,133,129,125,124,127,178,186,189,191,186,183,181,181,181,178,178,178,178,178,173,127,124,125,129,129,129,123,127,173,173,170,127,124,124,168,176,181,181,176,168,123,122,122,125,168,168,127,126,127,170,178,183,178,168,123,123,165,125,121,120,120,121,123,165,165,168,163,121,119,117,117,119,119,157,160,165,165,163,117,109,105,107,109,109,107,105,107,109,113,113,115,115,115,109,103,100,100,103,107,109,111,115,115,115,115,115,117,160,163,121,115,114,115,115,111,109,111,117,121,123,119,117,119,123,125,127,173,178,178,125,115,115,127,178,181,176,176,173,176,178,186,189,186,189,189,191,189,189,189,194,196,196,191,191,194,189,181,137,183,189,196,202,207,204,196,194,196,196,196,194,191,189,191,191,194,194,189,185,186,191,194,191,189,189,196,207,209,209,207,204,199,196,189,183,181,137,134,135,183,194,196,196,196,191,181,132,131,137,191,202,209,215,212,204,196,189,185,186,194,199,196,186,139,186,194,196,199,202,204,202,199,196,191,187,187,189,194,199,202,196,183,138,186,202,209,212,207,204,204,204,204,204,204,199,194,189,191,199,207,212,209,204,199,194,192,194,196,194,191,189,189,191,194,189,186,186,183,178,177,177,178,131,129,130,135,181,186,189,189,183,181,178,181,189,194,196,196,199,196,194,191,189,189,183,181,136,134,135,186,196,199,191,183,181,181,189,196,202,204,202,199,196,196,196,196,199,199,196,194,196,202,199,194,191,194,199,199,189,181,179,181,133,130,130,131,181,189,191,183,133,123,125,181,194,199,199,196,199,204,207,204,202,199,194,194,196,196,191,186,183,181,177,178,189,196,199,199,202,207,207,199,199,199,191,191,194,194,194,191,186,178,129,129,178,178,129,127,125,127,131,176,181,183,183,182,181,181,183,189,186,183,183,189,191,186,181,137,191,202,207,204,199,196,199,209,209,204,199,199,202,204,196,186,185,185,185,185,186,186,183,186,191,196,191,183,178,178,133,129,127,127,128,130,135,181,186,189,186,183,181,181,183,183,186,191,191,194,191,190,191,194,196,194,189,186,183,178,133,129,129,133,178,183,186,189,191,194,194,194,191,191,189,189,191,196,202,202,199,196,196,199,199,196,194,191,191,194,199,196,191,189,191,194,191,189,189,189,181,179,179,179,186,199,207,207,202,199,196,191,183,135,133,134,137,186,189,189,196,202,199,194,189,189,189,191,191,194,196,199,202,202,202,202,202,202,202,204,207,202,199,194,191,187,186,189,196,204,204,204,199,191,139,134,134,137,189,194,194,194,194,196,199,199,196,196,199,207,215,215,209,204,207,209,212,209,204,196,186,137,133,129,129,133,135,181,183,178,127,127,186,191,181,131,173,181,181,181,178,181,191,194,183,123,109,103,103,97,84,77,85,107,163,119,110,110,117,160,160,119,115,115,119,121,121,125,173,178,181,186,189,176,117,113,173,189,189,181,183,186,186,181,181,186,196,196,191,189,191,194,194,191,191,189,186,186,191,194,194,186,129,86,98,123,191,196,194,189,189,189,194,199,202,204,204,204,202,196,194,192,194,196,199,202,204,212,217,209,135,125,131,178,191,202,202,202,199,189,178,129,120,119,131,191,202,207,209,212,215,212,209,209,215,222,222,215,209,209,215,225,228,230,230,228,228,222,222,222,225,225,222,212,202,196,196,199,207,212,217,222,225,225,225,222,217,225,230,228,222,212,209,209,209,0,0,0,0,0,0,0,0,0,0,0,0,0,246,248,246,241,238,238,241,238,235,230,225,0,209,204,199,196,194,0,0,0,0,0,196,202,0,0,0,0,0,0,0,0,212,212,204,199,194,196,0,0,0,0,222,222,217,212,212,207,194,0,165,165,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,235,238,235,222,202,183,174,173,178,194,209,215,212,207,207,207,215,230,246,248,246,235,230,230,230,233,235,233,228,217,209,207,204,207,212,217,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,87,0,0,0,0,0,0,0,0,0,0,0,9,173,215,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,178,186,194,194,189,173,157,160,165,160,160,165,168,165,160,152,102,99,115,163,121,121,178,202,209,207,207,207,207,202,186,170,165,166,183,194,194,181,168,126,127,127,125,127,170,181,191,196,194,181,123,118,122,183,191,191,191,194,199,199,196,183,125,170,178,170,119,117,168,173,165,168,173,170,173,173,170,170,173,170,125,123,165,176,186,196,199,199,196,199,191,121,115,118,123,121,117,121,168,170,125,124,125,165,165,170,178,186,183,176,173,176,165,115,118,125,170,165,121,119,121,117,113,112,117,173,189,194,191,173,109,99,107,113,107,107,115,115,110,115,178,186,119,97,105,109,108,108,108,108,111,119,168,176,178,181,189,194,196,196,191,189,189,191,191,196,202,204,204,204,204,202,199,196,196,202,207,209,204,199,87,89,189,183,173,170,173,186,196,202,199,199,202,202,202,202,194,191,189,173,155,113,170,191,189,191,186,71,0,0,71,181,196,202,204,207,207,207,212,209,199,178,173,183,186,194,199,202,64,55,150,168,178,191,196,191,194,196,168,0,0,0,0,139,189,194,176,101,51,14,21,67,170,194,196,194,194,191,189,189,194,196,199,202,202,196,196,199,207,212,209,204,199,194,191,189,189,191,196,202,204,204,202,196,194,191,186,170,111,93,95,105,170,189,183,189,207,212,212,209,207,202,196,194,196,199,199,178,152,160,173,176,181,186,194,194,176,152,109,105,103,111,147,157,163,176,186,189,191,194,194,178,87,91,95,107,152,160,163,155,151,148,157,168,168,67,33,19,18,43,73,99,157,165,115,115,113,111,117,121,111,109,115,115,97,117,163,168,168,170,176,176,176,178,191,199,204,202,199,199,186,170,168,170,178,186,189,191,194,199,202,196,183,123,113,108,109,119,168,165,117,87,91,99,109,165,170,165,168,173,172,172,176,181,178,170,125,125,183,199,207,207,194,95,85,105,165,170,123,117,121,165,168,165,165,168,170,170,168,127,123,119,118,123,125,125,125,123,129,189,202,207,204,199,199,199,199,199,196,196,196,199,196,189,178,170,129,125,123,123,168,173,168,123,120,121,125,170,178,183,186,186,181,173,168,127,168,176,178,176,168,125,125,165,165,168,173,176,176,181,186,176,165,165,125,121,121,123,123,123,109,99,121,173,170,165,116,113,114,116,117,103,73,67,105,189,199,194,183,176,181,181,183,196,199,189,176,170,176,183,181,173,127,127,168,121,79,53,79,121,173,178,176,173,168,168,176,194,204,207,207,204,204,204,199,178,113,89,64,72,121,123,168,186,196,202,199,196,199,199,189,178,173,170,127,113,105,114,178,191,199,199,196,186,176,170,176,183,186,181,173,170,181,186,189,191,196,194,183,176,178,186,189,191,189,189,194,196,194,186,176,173,173,176,178,186,186,178,170,129,125,105,96,99,104,109,125,183,186,183,183,186,178,170,128,128,131,173,176,176,176,178,183,183,181,178,176,176,176,181,181,173,129,173,186,186,176,173,178,181,178,176,176,173,170,129,129,127,127,170,178,183,183,181,181,178,173,173,176,173,176,183,191,186,170,121,121,170,181,186,186,181,181,181,178,176,176,178,183,186,189,183,176,128,128,129,178,194,199,191,181,133,178,191,196,186,131,128,131,186,186,178,131,130,131,176,178,181,173,111,94,96,176,196,194,178,176,181,178,176,178,183,183,176,129,127,126,129,178,189,191,183,176,176,181,186,191,191,186,183,186,189,189,189,186,186,186,185,186,189,189,189,196,204,207,207,202,191,186,181,132,130,133,173,131,131,131,173,186,189,125,124,173,191,196,199,204,204,199,191,178,176,189,196,191,178,173,176,183,196,207,212,212,207,204,202,191,123,112,121,170,170,170,173,173,123,119,125,178,186,183,178,178,183,186,189,183,181,191,199,199,183,168,170,189,196,191,178,165,123,168,127,115,113,117,125,191,202,202,202,202,199,199,199,202,202,196,191,189,191,194,194,189,187,187,191,194,194,194,194,194,194,181,115,117,181,189,194,196,194,194,93,101,117,183,196,202,202,199,176,103,85,127,178,103,99,127,170,114,114,189,209,215,207,186,178,181,191,189,183,173,124,122,125,173,176,129,125,125,125,125,124,124,125,173,186,194,196,199,199,194,189,181,176,176,178,178,176,178,181,186,194,199,202,202,204,202,189,129,127,176,186,189,183,176,131,131,173,176,178,178,186,191,186,173,126,129,186,191,191,189,181,129,128,173,178,181,183,189,191,186,173,109,101,107,125,176,178,178,183,183,178,170,127,127,170,173,170,170,173,170,173,178,183,186,189,189,189,189,186,181,131,127,127,125,129,178,186,183,178,176,178,183,183,131,125,131,189,196,199,199,202,204,202,189,135,135,183,181,177,177,181,183,186,186,183,183,183,186,194,196,196,189,182,183,186,181,177,178,178,135,131,129,125,124,127,176,183,186,189,186,186,189,186,183,183,183,181,178,178,178,173,127,127,129,129,123,118,127,178,173,129,168,127,127,170,178,181,181,176,168,125,123,123,125,127,127,168,170,170,173,176,181,178,170,123,122,122,123,123,163,123,163,163,165,168,168,163,121,119,117,117,119,119,157,163,168,170,168,157,111,105,105,107,109,107,105,105,105,105,107,107,109,109,105,100,99,101,107,113,115,115,115,117,115,113,112,113,117,160,121,117,115,115,113,107,105,105,109,117,119,116,115,116,123,127,170,170,170,125,113,108,110,121,131,173,173,131,133,133,181,189,186,183,186,191,194,194,191,189,191,194,194,191,194,199,196,191,186,189,194,199,202,204,202,199,199,202,199,196,196,196,196,196,196,196,194,189,189,189,191,194,194,191,191,196,207,209,207,204,199,191,186,183,181,183,181,135,135,183,196,202,199,194,191,186,181,137,181,191,202,209,212,209,204,196,191,189,191,199,207,204,194,186,186,191,194,194,199,202,202,196,194,191,189,189,191,196,199,202,202,191,186,191,199,207,207,204,204,202,202,202,196,191,186,186,189,194,202,209,209,207,202,199,196,194,194,194,194,191,194,196,196,196,191,186,186,183,181,178,181,178,131,129,130,135,181,183,189,189,183,181,181,183,186,189,189,189,191,194,194,194,194,189,183,181,137,136,137,189,196,196,189,183,181,181,189,199,207,209,207,202,199,196,196,199,199,199,196,192,194,196,196,194,191,194,196,196,191,183,186,183,133,129,130,133,178,186,186,183,181,135,135,186,194,196,196,194,194,199,202,202,202,202,199,196,199,199,196,191,194,194,194,196,199,202,199,196,199,204,202,196,196,199,194,191,191,189,186,186,178,125,117,121,133,133,125,124,125,124,124,129,176,181,183,183,183,183,186,189,183,181,186,194,191,135,118,116,135,196,204,199,195,194,196,204,207,202,196,194,199,202,196,189,189,191,189,189,189,189,189,189,191,194,194,189,186,186,186,186,178,131,130,133,178,183,186,186,183,178,178,181,186,191,194,196,196,194,191,190,190,191,194,191,189,189,183,135,128,127,129,135,186,191,196,194,194,194,194,189,189,191,191,191,194,196,199,202,202,199,199,199,196,194,191,191,191,194,199,199,194,191,194,196,194,191,189,186,179,178,179,181,183,194,199,199,196,196,199,191,183,135,134,134,181,186,191,196,204,207,204,199,196,196,194,191,191,194,196,202,202,202,200,202,202,200,202,207,207,202,196,194,194,191,191,194,202,207,207,207,202,191,135,131,132,137,186,189,141,141,194,202,202,199,196,192,191,194,202,207,204,204,207,212,215,215,207,196,189,181,133,129,128,129,133,178,181,176,127,126,176,183,173,127,129,176,181,173,166,170,183,191,186,170,121,115,111,109,101,89,88,94,113,117,111,111,113,113,111,115,119,121,121,121,121,123,168,176,178,181,186,183,173,173,189,196,194,186,181,135,133,129,131,181,194,199,202,202,202,199,199,202,204,204,202,199,199,196,199,199,191,105,101,105,125,189,196,191,189,189,194,202,204,202,202,199,199,196,196,196,196,199,199,199,202,209,215,212,178,114,109,112,191,194,194,196,202,196,186,127,117,118,129,189,199,204,207,209,212,212,209,209,212,215,215,209,204,204,212,222,230,233,233,230,225,220,215,215,217,220,217,215,207,199,196,196,202,207,212,217,217,222,222,217,215,217,228,230,228,217,215,209,209,0,0,0,0,0,0,0,0,0,0,0,0,0,241,243,241,0,0,0,0,0,233,0,0,0,215,209,204,199,196,0,0,0,0,0,194,0,0,0,0,0,0,0,0,209,207,207,209,204,202,199,0,0,0,0,222,230,228,217,212,207,196,183,0,168,168,165,168,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,246,243,230,207,189,177,176,178,191,199,204,202,196,191,194,204,228,243,248,243,233,225,222,225,230,235,235,228,217,212,207,207,207,212,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,181,189,196,196,189,170,157,160,165,168,168,170,176,181,186,189,181,101,117,160,116,117,181,204,207,204,202,202,202,194,178,170,168,168,178,183,178,170,126,125,127,168,127,125,127,168,176,183,183,170,118,118,170,189,194,191,191,196,199,202,196,170,93,103,121,89,105,168,194,196,189,189,191,189,178,170,168,168,173,173,173,176,176,178,183,191,194,194,194,194,186,123,116,118,123,168,170,170,173,173,165,125,165,125,123,125,178,186,178,119,117,165,173,120,119,121,125,168,173,168,123,117,114,113,117,168,173,176,173,121,113,113,163,165,113,109,115,119,117,123,176,165,92,99,113,115,109,108,109,107,106,109,125,173,178,186,191,194,194,191,189,189,189,189,189,194,199,204,204,207,207,204,202,196,195,196,199,207,207,119,88,115,196,191,176,170,173,186,196,199,194,194,199,202,199,199,196,191,183,168,160,163,77,165,155,150,93,19,0,45,176,202,196,196,204,207,204,202,207,207,199,189,183,176,181,186,189,194,58,34,85,157,170,183,176,181,189,186,163,0,0,0,81,204,212,207,212,215,204,173,101,103,173,191,191,194,194,191,186,186,191,196,199,199,202,199,196,199,204,209,209,204,199,196,191,187,186,187,194,202,209,209,209,199,194,181,150,21,25,97,165,196,207,204,196,196,204,207,209,207,202,196,191,191,194,194,199,196,178,170,173,181,183,186,194,194,178,150,97,95,111,111,103,107,147,160,183,194,196,196,199,173,51,60,83,101,105,107,111,152,160,157,173,189,204,204,77,19,8,15,83,103,155,160,163,165,119,111,117,117,103,101,96,75,57,111,170,178,173,168,165,165,168,176,189,196,202,199,194,191,181,168,168,173,183,189,191,191,194,199,204,196,178,113,113,113,111,113,117,115,101,87,87,90,105,173,178,173,176,176,172,170,173,181,181,176,170,173,186,199,207,207,189,93,85,91,115,123,121,119,125,170,168,123,117,117,119,125,127,125,123,119,118,121,121,119,119,121,176,189,199,204,202,202,202,202,202,199,196,194,194,196,191,181,170,125,121,119,121,125,170,173,168,123,120,121,125,173,183,189,191,189,183,170,125,123,125,127,127,119,118,121,127,170,173,170,170,165,168,181,186,173,125,125,125,125,125,125,165,178,186,189,191,186,181,173,125,117,117,117,121,121,97,101,178,196,202,202,196,196,189,178,170,178,183,173,127,170,186,196,194,183,176,173,168,101,37,31,55,107,168,173,165,164,165,176,194,204,207,204,204,202,199,202,202,194,173,75,43,48,113,163,176,191,202,204,199,196,202,199,191,181,173,168,127,121,115,129,178,183,189,189,183,170,168,168,170,178,181,181,178,178,181,186,189,191,191,189,181,176,178,181,183,186,183,186,191,194,191,181,173,173,178,178,176,181,183,178,129,129,178,176,111,107,117,127,178,191,194,189,189,186,178,170,129,173,176,173,173,176,178,181,183,183,183,178,173,131,131,173,176,173,173,178,189,186,178,176,183,186,183,176,173,176,176,176,176,173,170,176,183,186,183,181,181,178,178,178,178,176,173,173,173,173,170,129,129,170,176,178,178,178,181,178,178,178,183,186,189,189,189,186,183,131,129,129,176,194,202,199,189,181,186,199,202,194,178,130,131,178,181,176,131,173,178,176,131,127,123,103,84,85,129,186,178,130,131,178,181,183,186,186,183,176,131,128,127,173,186,196,194,183,178,178,189,194,199,196,186,182,183,189,194,194,191,191,189,189,191,189,186,186,189,196,199,202,202,196,191,183,132,131,133,173,130,173,178,178,189,191,178,132,176,181,186,191,196,196,189,181,131,131,183,194,191,181,174,172,176,189,202,207,207,204,202,199,186,112,106,113,170,170,128,176,178,119,105,111,170,183,186,183,181,183,183,186,178,176,181,199,199,183,168,170,194,204,204,196,178,168,170,123,101,101,113,127,194,204,204,204,202,202,199,199,196,191,186,181,181,186,194,196,194,189,189,191,194,194,196,199,199,194,176,115,117,178,189,191,196,199,194,115,109,107,178,191,202,202,196,189,168,93,117,183,181,170,173,125,105,104,178,212,217,209,189,179,183,194,191,181,127,121,121,129,181,178,129,125,129,173,131,125,124,127,176,189,194,196,202,199,191,183,181,176,176,176,176,174,176,183,194,202,204,204,202,202,202,194,183,178,178,181,181,178,176,131,131,131,131,129,129,131,176,173,129,125,128,181,186,186,189,186,176,131,176,181,181,183,186,186,178,119,100,97,103,127,178,181,181,181,181,178,173,129,129,129,129,127,129,173,176,181,183,189,189,189,186,186,186,186,181,131,125,124,124,129,181,183,181,176,176,178,186,183,127,115,117,133,189,194,196,199,202,199,186,132,131,178,181,178,178,183,183,183,183,183,183,186,194,202,204,202,194,186,183,178,176,176,178,181,178,135,131,125,123,124,129,176,181,186,189,194,194,191,186,186,186,181,177,178,181,181,173,127,127,170,119,112,123,173,127,125,168,170,170,173,178,181,178,173,168,127,125,125,125,125,168,173,178,178,176,173,176,178,173,165,123,122,123,125,168,168,168,168,168,168,165,163,121,119,117,117,119,119,157,163,168,170,168,157,111,105,103,105,103,103,101,101,101,103,103,105,107,107,105,101,101,105,111,117,117,117,117,117,115,113,111,111,115,157,121,119,119,117,109,103,103,103,105,111,117,117,115,116,123,168,170,168,125,119,111,108,109,117,127,129,129,131,133,176,186,189,178,177,186,194,196,196,194,191,189,191,189,189,196,202,199,199,194,191,196,202,202,202,196,194,199,202,199,196,196,196,199,202,202,199,194,191,191,194,196,196,194,191,191,196,204,204,199,196,191,186,181,181,181,181,181,135,134,135,186,199,199,196,191,189,189,189,189,194,202,209,212,209,204,202,202,199,199,204,207,207,196,186,186,191,194,194,199,199,196,194,191,194,194,194,194,196,199,202,199,196,194,194,202,207,207,207,204,202,199,196,189,182,181,183,191,199,202,207,207,204,202,199,199,196,191,190,190,194,199,202,204,202,194,189,189,186,186,186,186,183,135,131,131,135,181,183,186,186,186,183,183,183,183,183,181,181,183,189,194,196,196,191,183,181,183,183,186,189,191,191,189,186,181,179,183,196,207,209,207,202,199,199,199,199,202,202,199,196,194,194,194,194,194,196,196,194,194,191,194,191,178,130,131,133,135,178,181,183,189,189,189,191,194,196,194,191,191,194,196,196,196,199,199,196,199,199,196,196,199,204,204,207,207,202,196,194,194,199,199,194,194,196,199,196,194,189,189,189,181,119,113,118,131,131,124,124,125,124,122,125,131,181,186,189,191,191,189,186,181,181,189,194,186,119,108,108,123,191,199,196,194,195,199,202,202,199,194,192,194,194,191,191,196,199,196,194,194,196,196,191,186,183,191,194,194,196,202,204,199,189,181,181,181,183,186,183,181,177,177,178,186,189,194,196,194,194,191,191,191,194,194,194,191,191,186,133,127,127,129,178,189,196,202,199,194,189,186,181,183,186,189,191,191,194,196,199,202,202,199,194,191,189,189,189,189,191,196,196,194,194,196,196,196,194,191,186,181,181,183,186,191,191,194,191,189,194,196,189,181,135,134,135,181,186,191,202,207,207,202,196,196,199,199,196,194,191,194,199,202,202,202,202,202,202,202,204,204,202,196,194,196,196,199,202,207,212,212,209,204,194,139,134,134,141,194,189,138,138,191,202,204,202,202,194,191,191,192,196,199,202,207,212,215,212,204,196,186,181,137,135,129,129,135,178,178,133,127,125,126,131,131,127,127,170,176,170,166,168,178,183,181,176,168,168,163,163,163,115,95,95,105,113,115,113,111,105,103,109,121,123,123,123,125,165,170,176,176,178,186,189,189,189,194,196,194,191,178,127,124,124,129,181,194,196,202,204,202,199,202,209,212,212,209,207,204,199,202,204,199,181,109,105,111,133,189,191,191,191,196,202,204,202,199,196,196,196,196,196,199,199,199,199,202,204,207,204,186,115,105,107,191,191,189,191,196,196,189,129,118,118,127,183,194,199,202,204,207,207,204,204,209,212,215,212,204,202,204,215,228,230,230,228,225,217,215,212,212,215,215,212,209,207,202,202,202,207,209,215,215,215,215,215,213,213,217,225,225,217,215,215,215,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,0,0,0,0,0,0,0,0,204,202,202,207,207,202,199,0,0,0,0,0,0,238,228,217,209,202,191,183,178,176,173,176,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,251,238,215,196,181,177,181,186,191,191,191,189,186,189,204,228,246,248,243,230,212,207,209,222,233,235,230,222,215,212,209,209,212,215,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,178,191,194,186,168,152,155,165,173,176,178,183,189,196,199,194,155,157,117,111,114,186,204,207,204,199,194,189,181,178,176,168,165,168,168,165,168,168,170,173,168,125,123,123,123,125,173,181,173,116,118,173,186,189,191,191,196,199,202,199,168,80,79,78,63,89,178,196,202,202,202,196,194,186,178,170,165,123,165,178,186,181,176,178,181,186,186,186,183,178,165,119,120,165,178,183,181,178,178,173,170,168,123,121,122,178,189,181,115,100,104,125,121,120,119,120,168,181,183,173,165,123,163,168,170,165,123,119,117,117,123,178,183,165,117,160,176,191,189,183,105,73,95,119,163,119,113,111,107,106,111,168,181,186,194,196,196,194,191,189,189,191,189,189,191,199,204,204,207,207,207,202,199,195,195,196,204,207,83,82,133,199,202,183,173,176,186,196,196,194,194,196,196,194,194,196,194,181,157,155,152,48,87,93,97,85,63,57,89,199,207,199,195,199,202,202,200,204,204,194,183,173,107,165,181,178,165,60,51,91,155,168,173,168,173,173,165,160,35,13,89,191,204,209,207,217,217,212,202,168,157,170,183,189,189,191,186,183,183,189,191,194,196,199,199,196,196,199,202,204,202,199,196,194,189,187,189,194,202,212,215,207,191,183,89,21,15,25,147,183,196,202,202,202,199,199,204,207,207,202,194,190,191,194,196,202,204,194,160,157,176,183,186,189,183,168,111,77,58,64,77,81,95,103,144,173,189,199,199,191,95,48,63,95,109,109,105,105,168,194,191,191,196,202,199,189,165,11,11,113,152,157,160,173,181,168,117,157,121,109,107,97,61,44,107,178,186,181,168,121,119,123,170,181,189,196,194,183,178,173,170,173,176,181,186,186,183,183,191,196,189,165,106,111,115,113,111,115,113,101,85,85,90,119,191,189,181,181,183,178,176,178,183,181,173,168,170,181,189,191,189,170,103,91,95,111,117,119,125,173,178,170,117,113,113,117,121,125,168,168,125,119,119,121,119,116,116,127,176,191,202,204,202,202,202,199,196,194,194,194,191,183,173,127,123,119,117,119,127,170,168,127,123,121,123,168,178,186,189,186,183,178,168,125,123,121,119,117,115,116,119,125,170,173,173,168,123,122,165,170,125,123,165,165,125,125,125,165,178,189,191,191,191,186,181,170,123,121,123,168,165,113,113,176,194,202,204,204,199,196,183,173,170,127,123,124,173,194,204,199,189,181,173,125,105,47,51,107,125,181,183,168,164,173,189,199,204,204,202,202,202,199,196,199,199,199,163,59,54,123,173,178,189,199,202,199,202,202,196,186,173,170,170,170,176,181,183,181,178,181,178,176,170,168,168,169,170,176,178,178,178,178,181,183,181,181,181,181,178,181,181,181,183,181,181,186,186,183,181,178,181,178,176,173,176,183,178,124,127,191,196,178,121,129,178,186,191,189,181,178,178,176,170,129,173,173,173,131,173,181,183,183,186,186,178,131,130,131,176,178,176,170,173,178,181,176,176,181,186,183,178,178,181,181,181,181,176,173,176,181,183,183,181,183,183,181,181,181,176,173,127,122,122,125,168,129,170,170,173,173,176,178,178,177,178,186,191,194,191,191,191,191,183,176,129,129,186,196,196,189,186,191,202,204,199,186,176,173,173,178,176,173,178,186,181,127,119,115,105,88,90,129,173,128,128,131,181,186,191,194,189,183,181,173,129,131,186,199,202,196,186,181,183,191,199,204,202,186,182,183,191,199,202,202,199,196,196,196,191,187,186,187,191,191,194,194,194,191,189,178,133,176,173,131,173,178,181,186,189,186,181,181,183,186,189,189,183,176,131,127,129,178,186,183,178,174,172,174,183,196,204,207,204,202,199,186,112,108,117,170,129,127,170,176,109,100,105,117,170,186,186,186,186,186,186,178,174,176,196,199,181,163,161,178,199,204,199,186,168,165,107,81,89,107,127,194,204,207,207,204,202,202,199,194,186,179,177,178,183,191,196,196,196,194,194,196,196,202,207,202,194,133,120,122,176,181,183,191,194,189,127,113,88,115,181,194,194,194,196,199,86,78,181,194,186,176,125,113,109,127,204,212,209,196,186,189,191,186,178,127,122,123,173,183,183,176,131,178,183,178,131,129,131,181,191,196,199,199,191,178,177,178,176,174,174,176,176,178,186,191,196,199,202,202,199,196,194,186,183,178,176,176,178,178,176,173,131,127,123,119,121,125,129,129,131,176,183,186,181,183,186,178,173,176,181,181,183,183,181,173,119,105,103,119,176,183,181,178,178,178,178,176,173,129,125,123,123,129,176,181,183,186,189,191,191,189,186,186,189,183,176,127,124,124,131,181,181,176,176,176,176,176,131,117,112,114,125,178,186,189,194,199,196,183,131,130,133,135,135,178,183,186,189,189,186,189,191,196,204,207,204,196,186,178,177,176,177,181,181,178,178,135,129,124,124,127,131,178,183,189,194,196,191,186,186,189,183,178,178,183,186,178,127,125,170,119,112,118,125,121,123,170,170,170,170,173,176,176,173,168,127,125,124,124,125,168,176,178,181,178,176,176,176,173,170,165,123,125,165,168,168,170,170,170,165,160,160,121,117,115,117,117,157,160,163,165,168,165,155,111,107,105,101,100,99,100,101,105,105,107,107,109,107,107,105,105,109,115,155,155,155,157,155,117,115,112,111,115,119,121,119,117,111,103,103,107,111,109,111,117,117,117,119,123,127,125,123,119,121,117,111,111,119,125,129,129,173,176,183,189,183,169,168,181,194,199,199,196,191,189,189,189,191,196,194,191,196,194,189,196,202,202,199,189,181,189,199,199,196,194,194,199,202,204,202,199,194,196,199,199,196,191,191,191,194,199,196,189,186,186,183,181,181,181,181,181,135,132,131,134,189,199,199,191,186,189,189,191,194,199,207,212,212,207,207,209,209,207,204,207,202,194,186,189,194,196,196,199,196,194,190,190,194,196,196,196,196,196,199,199,196,196,199,207,212,212,209,207,202,196,194,186,182,181,183,189,194,196,199,202,202,202,202,202,199,194,189,189,191,199,202,204,202,199,196,194,194,194,191,191,191,186,181,178,181,183,186,189,189,189,189,186,183,183,181,178,178,181,183,191,199,199,194,183,179,181,186,189,189,189,189,189,189,181,178,179,191,199,202,199,199,199,199,199,202,202,204,204,202,196,194,194,196,199,199,196,194,194,194,196,196,186,133,131,129,129,131,135,181,189,194,196,194,194,194,194,191,191,194,194,192,192,196,196,196,199,199,194,191,194,199,202,204,202,199,191,191,189,194,199,194,191,191,199,202,202,196,194,194,186,127,116,119,131,131,125,127,133,129,125,125,131,181,189,194,196,194,186,181,178,181,189,194,189,125,110,112,127,191,199,196,195,196,199,202,199,196,194,194,194,190,189,191,196,199,196,194,196,199,199,194,179,177,183,194,196,199,204,207,202,196,189,186,186,186,186,183,178,177,177,178,183,183,186,189,189,189,191,191,194,196,196,196,196,194,186,135,129,128,129,135,186,196,202,196,186,179,178,178,179,183,189,189,191,194,196,199,202,202,199,194,189,189,189,189,189,191,194,194,194,194,194,196,199,199,196,194,189,183,186,191,194,194,194,191,189,191,191,186,181,135,135,137,183,186,191,199,204,202,194,191,191,196,199,202,196,191,191,194,199,202,204,204,202,202,202,204,204,202,199,196,196,199,202,204,209,215,215,215,209,202,189,139,141,194,202,196,139,137,141,196,199,202,202,199,194,194,194,196,199,199,202,204,207,204,196,191,186,183,183,183,178,135,178,181,178,176,133,127,127,129,176,176,170,127,129,168,168,168,173,178,178,176,176,178,176,176,176,165,111,103,103,111,115,113,109,104,103,111,163,163,163,163,165,168,170,173,176,178,183,191,196,196,194,191,191,191,178,125,123,123,127,181,194,196,199,202,202,202,207,212,212,207,202,204,202,199,202,204,199,191,133,119,119,127,181,189,194,191,194,199,202,202,199,196,194,194,194,194,194,196,196,199,202,202,202,199,194,183,119,116,176,181,178,178,183,191,186,170,120,119,125,176,186,191,196,199,202,202,202,202,207,212,217,217,209,202,203,209,217,225,225,222,222,217,215,212,212,212,209,209,209,209,207,204,207,209,212,215,215,213,213,213,212,213,215,217,215,212,215,212,212,215,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,204,202,199,196,199,199,194,191,0,0,0,0,0,0,243,238,225,215,207,199,194,186,181,178,181,191,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,255,246,225,202,183,178,178,181,181,181,181,183,189,196,215,235,248,251,243,230,212,196,195,202,225,233,230,225,222,215,209,209,209,212,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,155,181,186,181,160,142,150,163,176,178,183,189,191,196,194,186,178,176,157,112,114,178,199,204,202,191,183,178,176,178,176,119,105,121,165,170,176,178,181,181,170,121,113,115,121,127,178,189,186,121,122,176,183,186,191,194,196,199,202,202,183,86,82,80,71,107,183,196,202,204,202,196,191,189,186,183,170,120,117,123,178,176,173,176,178,178,178,178,176,176,173,168,165,170,178,181,178,178,181,181,181,173,123,120,125,181,194,191,168,92,89,107,125,165,121,120,125,181,186,186,181,178,176,176,173,163,119,119,121,121,163,181,194,186,168,170,189,196,191,186,163,93,101,115,123,121,113,109,109,113,168,186,191,196,202,204,202,199,194,194,194,194,191,191,191,199,202,204,207,207,204,202,199,196,196,196,202,196,80,83,196,209,212,199,183,178,186,194,196,196,194,194,196,189,189,194,196,178,97,103,107,83,89,87,89,91,155,101,113,196,204,202,196,199,202,202,202,204,204,194,186,170,77,81,168,176,105,68,93,178,176,178,173,163,157,19,21,150,160,194,209,207,204,207,207,209,209,212,207,186,168,168,176,183,186,186,183,181,181,183,183,183,189,196,199,196,191,191,194,196,196,196,199,196,191,191,191,196,204,209,215,160,163,113,11,0,37,83,93,168,189,196,202,207,202,196,199,204,204,199,191,190,191,196,202,202,207,202,103,95,163,181,189,178,109,103,101,69,45,45,58,65,81,93,105,163,176,189,202,155,85,77,163,165,173,189,176,109,178,199,202,202,199,194,186,191,199,27,17,115,155,157,165,181,191,189,176,170,170,168,165,121,76,54,115,176,181,178,165,115,111,115,123,168,176,181,183,127,127,168,170,176,176,176,178,178,173,170,176,183,176,117,109,113,117,113,115,123,168,123,109,103,111,176,194,191,183,186,191,189,189,186,181,173,125,123,123,170,173,170,168,123,115,115,117,117,115,117,125,176,178,168,110,112,121,125,125,127,173,178,168,113,113,119,123,117,111,111,115,173,199,207,204,202,196,191,189,191,196,196,189,178,129,125,123,118,118,127,176,176,127,121,121,121,125,170,178,181,181,178,176,173,173,173,170,125,119,117,118,121,123,127,170,170,170,127,123,121,122,123,123,125,168,165,124,125,165,165,173,183,186,186,189,191,186,170,121,121,123,165,165,121,123,173,186,199,202,199,199,199,196,186,178,126,121,121,170,189,199,199,194,183,176,170,173,173,191,202,196,199,194,165,165,183,196,199,202,204,204,202,199,199,196,196,199,204,199,170,163,183,181,173,181,194,199,204,202,202,191,178,169,169,173,176,181,186,186,178,176,176,173,173,176,173,170,169,170,173,178,178,178,176,176,173,131,131,178,181,178,178,178,178,181,181,181,181,178,178,183,194,189,176,170,173,181,189,181,121,122,183,191,178,170,181,191,194,191,181,170,170,170,170,129,127,129,170,131,131,173,181,183,183,186,186,181,131,130,173,186,189,181,170,127,170,173,173,173,178,181,181,181,181,183,181,181,178,176,173,173,178,178,178,181,186,186,183,181,181,178,173,127,120,120,123,127,127,129,170,173,173,178,181,178,177,178,186,194,194,194,191,194,196,194,181,126,125,176,189,189,186,186,194,202,202,196,189,181,176,173,178,178,178,183,191,183,127,117,115,115,115,131,181,173,128,130,178,189,196,199,196,189,181,183,178,173,178,194,204,202,191,186,183,183,186,194,202,202,191,183,189,196,204,209,207,204,202,202,202,196,191,189,189,189,187,187,189,189,194,196,191,183,181,178,173,176,181,181,181,186,186,186,186,189,194,194,186,176,127,124,124,131,181,183,178,176,178,176,176,178,189,202,209,209,204,199,178,111,110,123,170,128,128,173,170,111,104,107,111,117,178,186,191,191,194,196,189,177,177,189,191,178,161,157,165,189,202,199,178,93,73,61,63,81,99,173,196,204,207,204,202,202,202,199,194,186,178,177,179,183,191,196,199,202,199,196,196,196,202,207,199,189,173,127,131,173,170,170,181,189,183,129,105,77,101,170,186,189,189,194,196,67,49,93,191,189,176,129,124,123,173,196,204,204,196,191,191,194,186,178,173,127,127,131,183,191,194,186,191,191,183,178,176,178,181,186,191,196,194,183,176,177,181,176,174,176,181,178,176,178,183,186,191,194,194,191,191,189,189,189,181,176,174,178,181,181,176,129,121,118,117,118,123,129,176,181,181,183,183,178,181,183,181,178,176,176,176,178,181,183,181,178,176,173,176,178,178,176,176,178,178,176,173,129,127,123,123,125,170,181,186,186,186,189,194,194,191,189,189,189,183,176,129,125,127,173,181,181,173,173,176,173,129,121,115,115,119,129,176,178,183,189,196,191,178,131,130,133,135,135,178,181,186,191,191,191,191,194,196,204,207,204,196,183,178,177,178,181,183,181,178,186,183,135,129,127,129,133,178,181,186,191,194,189,182,183,186,183,181,178,181,183,181,131,126,127,125,119,121,123,122,123,168,168,127,127,170,173,173,173,170,168,125,123,124,127,173,176,178,178,178,178,176,173,173,170,168,165,125,125,163,165,168,173,173,165,121,121,117,109,109,113,115,157,160,163,163,160,157,115,109,107,105,103,101,101,101,105,109,111,113,113,111,109,109,107,109,111,152,155,160,163,165,163,157,117,113,112,117,119,117,113,107,103,100,103,117,123,119,115,117,117,119,121,123,121,119,115,115,119,117,113,111,117,127,173,173,176,181,189,191,178,163,163,178,196,202,202,199,194,191,191,191,194,194,137,133,183,183,181,191,196,199,196,183,134,136,191,196,196,194,191,194,202,207,207,204,202,204,204,202,196,191,190,190,191,191,186,178,178,181,183,186,181,181,181,183,181,134,132,133,181,196,202,191,182,182,186,191,191,194,202,209,212,207,207,209,212,209,204,199,194,186,186,191,196,196,196,199,196,194,190,190,194,196,196,196,196,196,196,196,196,196,202,209,212,212,207,204,199,194,189,183,182,183,183,186,189,191,196,199,204,207,207,204,204,199,191,190,191,196,199,199,196,196,199,202,202,202,196,194,194,191,186,183,183,186,189,189,191,191,189,186,183,181,181,178,178,177,178,186,196,199,196,189,179,179,186,191,191,191,191,194,194,186,179,179,186,194,194,194,199,202,202,202,202,204,204,207,207,202,196,194,196,202,202,202,196,191,189,191,196,189,135,128,128,128,131,133,135,181,189,196,194,191,191,191,191,194,194,194,191,192,196,199,199,202,196,189,181,183,189,191,194,194,194,189,187,186,187,191,191,183,178,189,199,202,202,199,196,194,181,129,127,135,178,133,176,176,133,129,133,176,183,191,196,196,189,178,133,135,183,189,194,194,189,133,125,135,191,196,199,199,202,199,196,189,189,194,199,199,194,190,191,196,196,192,192,194,199,199,191,178,176,181,194,199,199,202,199,196,196,194,194,191,191,189,181,178,178,181,183,183,181,181,183,186,189,191,191,191,191,196,199,199,194,189,183,178,133,131,178,189,199,199,194,183,178,177,178,179,183,189,189,191,194,194,196,199,199,199,194,191,189,191,189,189,191,191,194,196,196,196,196,199,202,199,196,191,186,186,189,194,196,194,194,191,189,186,183,181,137,137,137,181,183,186,191,194,191,186,186,191,196,202,204,199,194,191,194,199,202,204,204,204,204,202,202,202,202,199,196,196,196,199,204,207,212,217,215,212,207,196,189,189,199,204,202,189,138,137,141,194,199,199,199,199,199,199,202,202,202,196,196,196,194,191,186,186,186,189,191,183,178,178,178,176,178,183,183,133,131,178,181,176,129,125,125,127,170,176,176,178,183,183,183,181,181,178,176,160,107,102,107,113,109,105,105,107,113,165,165,163,165,168,168,168,170,173,176,181,189,196,196,194,191,194,194,183,133,125,124,127,178,191,194,199,202,204,207,212,212,209,202,198,196,196,198,207,209,204,196,186,137,133,135,181,186,191,191,191,194,196,199,199,196,194,194,194,191,189,191,194,199,202,202,199,199,196,199,194,127,119,87,83,83,113,186,186,173,123,120,123,170,181,186,191,194,196,199,199,202,207,212,220,222,217,204,204,209,215,215,217,217,217,217,215,215,212,209,207,207,207,207,204,207,209,212,217,217,217,215,215,215,215,217,217,212,208,209,212,212,209,212,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,202,202,202,196,189,189,189,186,186,0,0,0,0,0,0,241,235,225,217,212,207,199,191,183,176,178,186,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,248,228,204,183,173,173,173,173,173,176,183,196,209,228,241,246,248,243,235,217,196,0,192,212,228,230,225,225,217,212,209,207,209,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,134,163,163,137,118,139,160,176,178,183,189,191,189,181,173,181,186,178,119,115,160,186,196,191,173,168,173,176,176,168,91,61,99,173,186,189,189,186,183,173,111,103,107,121,176,186,191,191,173,168,178,183,189,194,196,199,199,199,199,189,170,170,170,121,170,189,196,196,196,194,194,191,191,191,194,186,123,114,111,123,168,173,178,178,173,170,173,170,173,183,183,173,168,165,165,168,173,181,183,183,176,123,120,125,181,191,194,186,102,95,119,181,181,173,165,125,170,181,186,189,181,176,170,168,163,121,123,165,123,121,173,194,191,176,173,183,186,183,176,117,93,93,103,107,107,105,109,115,168,189,199,199,199,202,204,204,202,199,194,194,194,194,194,194,199,204,204,204,202,196,194,194,196,196,199,194,178,90,111,215,222,222,209,191,186,189,194,196,194,194,194,191,185,185,191,196,155,71,93,105,93,83,85,87,73,83,85,157,186,199,202,199,199,202,204,202,202,202,202,204,196,71,21,63,181,155,93,163,194,194,196,189,147,2,0,0,163,194,212,212,209,204,207,207,204,204,209,204,191,168,160,163,173,178,176,178,181,183,183,181,178,181,191,196,194,190,189,190,191,191,194,196,196,194,194,194,199,204,207,202,148,157,150,13,0,63,79,57,109,178,191,202,204,199,194,191,199,202,199,191,189,190,196,202,200,204,199,55,49,109,163,170,93,82,88,103,101,77,67,65,71,83,91,103,150,147,155,147,97,81,79,181,191,196,196,189,97,178,194,202,204,199,191,186,189,189,73,63,109,152,163,170,183,194,196,194,186,183,186,183,181,121,94,168,168,170,173,165,111,107,109,113,119,123,127,119,106,111,125,173,178,173,170,173,173,166,164,166,173,170,121,119,123,121,117,121,176,189,191,189,123,117,125,176,181,186,191,196,194,191,189,178,125,119,119,123,168,168,125,121,117,117,123,125,121,117,117,123,165,125,112,109,113,125,127,125,125,173,178,119,106,107,115,125,125,114,111,113,127,194,207,207,204,196,189,183,189,194,191,183,176,170,129,123,119,123,183,194,183,127,120,119,121,127,170,173,176,173,170,173,176,181,186,183,173,125,121,127,170,170,168,170,170,168,127,125,122,122,125,165,170,170,165,124,165,168,168,173,178,183,189,194,196,191,165,119,121,121,123,127,170,170,170,176,194,199,196,198,202,202,199,199,186,127,125,168,170,176,186,189,183,178,181,183,186,194,199,199,199,191,123,121,178,196,199,202,207,207,202,199,199,199,196,196,202,204,196,196,194,178,116,123,183,191,202,202,196,191,178,170,170,176,181,181,183,181,173,172,172,169,173,181,181,178,173,173,176,178,178,176,173,170,129,129,170,178,181,176,174,174,176,181,181,181,178,174,176,186,199,191,129,125,176,189,194,178,119,119,170,178,173,176,186,196,199,189,173,168,170,173,129,127,126,126,127,129,131,173,176,181,183,186,186,181,131,130,176,186,191,181,170,126,126,129,170,170,173,176,178,181,181,181,176,173,173,173,173,176,178,178,181,183,189,189,183,181,178,176,173,127,122,122,125,168,168,170,173,176,178,183,186,181,177,177,183,191,194,191,189,191,194,194,181,125,123,131,186,189,183,186,191,196,194,191,186,181,176,178,181,181,183,186,191,186,173,121,119,123,176,191,191,178,131,176,186,196,202,204,199,189,181,183,181,178,181,191,196,191,181,181,178,178,178,181,194,196,191,191,194,202,207,209,207,202,199,199,202,199,196,194,194,189,186,187,191,191,196,204,202,194,189,183,181,181,181,181,183,183,186,186,186,194,202,199,186,131,124,123,125,176,186,183,178,176,181,181,173,131,178,191,202,202,199,189,127,111,111,123,129,129,173,178,178,127,117,115,111,113,165,178,189,196,202,207,202,186,178,183,186,181,168,163,173,194,204,202,170,55,37,35,41,79,99,189,204,207,204,204,202,200,202,202,196,189,183,181,183,189,194,199,202,204,199,194,189,191,199,202,196,181,173,176,178,173,168,168,173,181,181,170,99,85,109,168,181,181,181,186,186,69,62,78,170,181,176,170,173,178,189,196,199,196,194,191,194,196,191,183,183,178,129,129,183,199,204,202,202,196,186,178,178,176,173,170,181,189,186,181,178,186,189,178,176,181,186,183,173,170,173,178,181,183,181,181,183,189,194,194,189,181,176,176,178,178,173,127,119,117,118,121,127,176,181,183,178,178,178,177,181,186,186,183,178,173,172,173,178,183,186,186,183,181,176,170,169,170,176,181,178,170,123,115,115,119,125,170,176,183,189,186,183,189,194,196,194,191,189,186,178,173,129,129,129,173,178,176,172,172,176,176,129,123,119,125,131,176,176,176,181,191,194,189,176,131,132,135,181,178,135,178,183,189,191,191,191,194,196,202,204,202,196,186,183,183,183,186,186,183,183,189,189,181,176,131,133,178,183,183,186,189,191,183,181,182,186,186,183,181,178,178,181,176,170,127,173,170,173,170,127,127,127,127,126,126,127,170,173,173,173,168,125,124,125,168,173,176,176,176,178,178,176,173,173,170,168,125,123,123,123,163,165,170,170,163,115,113,107,90,92,103,109,115,157,160,160,157,115,109,105,103,103,105,105,105,105,107,109,113,115,115,111,109,107,107,109,113,152,157,163,168,170,168,163,155,115,115,117,119,115,107,101,98,98,105,121,168,168,163,121,119,121,123,121,119,117,115,111,110,110,110,111,117,131,178,181,183,189,194,194,183,168,168,183,199,204,202,199,194,194,194,196,196,191,133,130,133,135,137,183,191,194,194,186,134,133,183,194,199,194,191,191,199,207,212,209,207,207,204,202,199,194,191,191,191,189,181,133,131,135,181,183,181,178,181,189,191,186,181,137,181,196,202,194,182,181,185,194,194,194,202,207,209,204,202,207,209,204,199,196,191,189,191,196,196,196,196,199,199,196,191,191,191,191,194,196,199,199,199,199,196,195,199,207,209,207,202,199,196,194,189,186,183,183,183,186,189,194,196,204,209,209,209,209,209,207,202,196,194,194,194,194,191,194,199,202,204,204,202,196,194,191,189,183,186,189,189,189,189,191,191,189,186,183,181,181,178,177,177,183,191,196,199,196,186,181,183,191,194,196,196,196,194,186,181,183,189,194,192,192,199,202,204,204,204,204,207,209,209,204,196,194,196,202,204,202,199,189,181,181,191,189,133,127,127,129,133,135,135,135,183,189,191,191,191,191,191,194,194,194,194,194,199,202,202,202,194,183,176,135,178,181,186,191,191,189,187,187,187,189,186,133,118,117,183,194,199,199,196,194,189,183,181,186,186,181,178,131,128,133,178,181,183,189,194,191,181,131,131,181,189,191,191,194,194,186,178,183,189,196,199,204,202,196,186,183,185,194,204,204,202,196,194,196,194,191,192,194,196,196,189,181,179,186,196,199,199,196,194,194,196,199,196,196,194,191,181,178,181,183,186,186,181,178,181,189,191,194,189,187,187,191,196,196,194,191,189,186,178,133,183,194,199,199,194,186,183,181,181,183,186,189,191,191,194,196,194,196,196,199,196,196,194,194,194,194,194,194,196,199,199,196,196,199,199,199,196,191,186,186,189,194,194,194,191,189,186,183,183,181,137,137,137,181,181,183,183,186,186,186,189,196,202,202,199,199,199,199,199,199,202,202,204,204,204,202,202,199,199,199,196,195,195,196,202,204,209,215,212,212,207,199,191,191,196,204,202,191,139,136,137,189,196,199,199,199,199,199,202,204,202,196,191,191,191,189,186,186,186,189,189,183,178,176,176,178,186,191,191,178,131,131,173,173,170,129,123,125,176,178,181,181,186,189,186,186,183,183,181,168,109,99,102,107,103,101,103,105,105,117,160,163,165,168,168,165,165,168,176,181,189,194,196,196,199,199,199,191,181,135,131,127,129,135,183,194,202,207,209,215,212,204,202,198,198,196,199,212,220,207,196,186,181,183,189,191,189,189,189,189,191,194,196,196,194,194,194,194,189,187,187,191,196,199,199,202,202,196,196,194,127,111,89,77,64,67,127,181,168,123,120,123,168,178,183,186,189,194,199,199,202,207,212,217,222,222,212,212,212,215,215,215,215,215,215,215,215,212,209,207,207,204,203,202,203,207,209,215,215,215,217,222,222,222,225,225,212,207,208,209,209,207,204,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,196,199,199,194,186,183,183,183,0,0,0,0,0,0,0,233,230,222,215,212,209,202,191,178,170,168,178,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,248,233,207,181,168,163,165,168,165,168,181,199,212,225,233,238,238,241,238,230,207,194,195,212,228,228,225,225,222,215,209,207,204,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,131,134,103,95,118,150,168,170,176,183,186,181,170,160,165,173,170,121,116,116,163,176,170,99,105,165,170,168,119,89,61,95,170,189,194,194,189,183,176,112,104,109,165,178,181,183,181,173,170,176,186,189,191,194,194,194,189,186,178,173,176,176,173,183,194,196,194,194,196,196,196,194,194,196,194,181,120,115,122,125,170,176,173,165,165,168,168,170,186,191,176,125,117,115,121,165,176,181,181,170,123,120,121,173,178,181,181,125,121,186,194,191,186,178,168,125,168,176,181,173,165,163,163,163,163,165,170,121,116,119,181,183,168,163,168,178,183,168,91,71,68,85,93,95,99,115,170,181,194,202,196,191,194,196,202,202,199,194,191,194,194,196,199,204,207,207,204,196,191,186,189,191,196,196,186,123,113,183,215,222,222,212,196,189,189,191,194,191,194,194,191,186,186,186,181,75,45,101,109,83,72,83,93,61,61,73,163,189,199,202,202,202,204,204,204,199,199,204,209,209,152,17,0,89,103,101,160,189,202,209,202,95,0,0,13,196,207,212,209,207,204,204,207,204,204,207,204,183,160,152,157,163,163,163,173,183,191,191,182,178,181,191,199,196,191,191,191,194,191,191,191,194,191,194,196,202,204,204,194,165,163,155,31,19,41,31,37,89,165,186,199,202,194,187,187,191,199,196,191,189,190,194,202,204,212,181,0,3,93,101,93,84,83,101,163,181,196,202,196,178,144,103,103,55,19,41,63,67,41,25,150,189,196,186,107,49,176,189,199,207,204,194,191,183,168,107,99,109,157,168,173,181,186,191,194,194,189,189,189,189,186,178,176,166,166,173,170,113,106,108,111,117,121,121,107,101,109,168,181,181,173,170,170,173,168,164,165,176,178,170,168,165,125,121,125,178,189,191,183,115,103,107,117,173,186,194,194,191,186,181,170,123,118,119,125,170,168,125,121,117,117,123,125,125,123,123,123,121,113,109,113,121,127,127,124,124,168,168,109,105,107,113,123,168,123,117,116,125,183,196,204,202,194,186,183,183,186,183,178,176,176,176,129,123,127,191,199,186,127,120,120,123,168,173,170,170,170,173,173,178,186,191,186,178,170,168,173,178,176,173,173,176,176,173,170,125,123,127,170,178,178,170,170,176,176,176,178,181,186,191,196,199,191,119,116,125,123,121,127,176,178,170,170,186,199,199,199,202,202,202,204,199,186,181,173,122,120,127,176,178,178,181,181,181,183,186,189,186,173,121,120,168,189,196,202,204,204,202,202,202,199,199,196,196,202,199,199,194,165,95,102,170,181,194,196,196,189,178,170,176,183,189,189,186,181,176,176,173,169,176,183,183,181,178,178,178,176,173,173,170,129,129,173,181,183,181,174,174,174,176,181,183,183,178,174,174,183,189,178,123,123,176,191,191,176,119,119,129,176,172,173,183,194,199,189,169,168,178,183,176,127,125,126,127,131,131,131,131,173,178,181,181,178,173,130,173,178,181,173,127,125,125,129,129,129,170,176,178,178,178,176,170,127,168,170,173,176,181,186,186,189,191,189,183,178,176,170,168,168,168,168,170,170,168,129,173,178,183,186,189,183,178,178,183,191,194,191,186,183,186,191,181,126,125,181,194,191,186,183,186,186,183,183,183,181,181,181,183,183,183,183,186,186,183,176,129,129,178,189,189,181,173,181,194,202,204,204,196,189,181,183,186,183,181,181,181,178,173,173,133,133,131,133,183,194,194,194,196,202,204,207,204,199,196,199,202,202,199,199,196,194,189,191,196,199,202,204,202,196,191,186,183,178,178,183,186,189,186,186,183,189,199,199,183,129,124,124,129,183,194,191,181,176,181,178,131,129,130,176,183,181,176,127,117,112,113,125,170,170,176,181,189,189,178,165,121,119,119,121,176,186,196,204,199,183,176,176,183,186,186,191,199,204,209,209,196,85,41,30,28,75,176,202,207,207,204,204,202,202,204,204,199,196,194,191,191,191,194,199,204,202,194,186,183,191,199,202,194,178,172,178,181,176,168,169,173,178,178,129,97,99,176,181,176,123,125,173,178,101,99,90,115,170,176,178,183,191,199,199,196,196,194,191,194,196,191,189,191,183,128,127,186,204,209,207,207,196,178,129,127,125,121,121,173,183,183,186,189,191,186,170,129,176,183,181,129,126,129,173,176,173,173,173,178,186,194,194,191,183,178,176,176,173,131,125,119,118,123,131,178,181,186,186,178,177,177,178,183,189,189,186,181,173,172,173,176,181,183,183,181,176,170,168,168,170,173,176,176,129,115,108,108,115,170,178,181,186,186,183,183,189,196,196,194,191,186,178,131,127,127,127,127,129,173,173,172,172,178,183,178,131,129,131,133,133,131,131,178,189,194,186,176,132,176,181,183,181,178,178,183,186,186,186,186,191,196,202,204,202,196,191,186,183,183,183,183,186,186,189,186,181,178,133,133,178,186,186,186,189,189,183,182,182,186,186,183,181,131,130,173,178,178,173,178,178,178,178,170,129,129,127,127,126,127,168,173,173,173,170,168,127,168,170,173,176,173,173,176,176,176,176,176,170,123,118,118,121,163,165,165,168,163,113,106,107,101,85,87,95,101,103,113,160,163,155,111,105,101,99,101,105,107,107,107,107,109,113,115,113,111,107,106,107,111,113,152,157,160,165,170,168,163,160,157,119,157,157,117,107,101,98,99,105,119,170,176,173,168,165,165,165,125,123,121,117,111,108,110,113,117,125,178,186,186,186,191,194,194,194,183,181,191,199,202,199,196,194,194,196,196,196,191,181,133,133,133,135,181,183,183,189,189,137,134,137,191,199,196,189,191,199,204,207,207,204,202,199,199,199,199,199,199,196,194,183,133,129,131,133,178,178,178,183,191,199,196,191,189,191,196,199,196,189,186,191,202,204,202,204,207,204,199,199,202,202,196,194,194,196,196,199,202,202,199,199,202,202,196,191,190,190,191,194,199,202,204,204,204,199,196,199,204,204,199,194,194,196,196,191,189,186,186,189,191,194,196,199,204,209,212,212,212,212,212,207,202,196,191,189,189,191,194,196,199,202,202,196,191,189,189,189,183,183,189,191,189,186,189,191,191,189,186,183,183,181,178,178,183,189,191,194,196,196,189,186,191,196,199,196,194,186,183,183,189,196,196,196,194,199,202,204,204,204,207,207,209,212,207,199,194,194,199,202,204,202,189,178,177,183,189,135,129,128,131,135,183,183,181,181,186,191,194,191,191,191,194,194,194,196,196,196,199,202,199,186,133,131,133,176,176,181,186,189,189,189,191,191,189,191,133,112,108,123,181,189,194,194,194,189,186,189,194,194,189,178,126,125,131,181,181,178,183,186,181,129,123,127,186,194,194,189,189,189,186,186,189,194,196,202,204,202,191,185,183,189,202,207,204,202,199,196,196,192,192,194,196,194,189,183,183,186,191,196,199,199,196,194,194,199,199,196,196,194,191,181,178,178,181,183,181,135,135,178,189,196,196,189,186,187,189,194,194,194,194,191,189,181,135,186,194,196,196,194,191,194,194,189,189,189,191,191,194,196,196,194,194,194,196,202,202,202,199,196,199,199,196,196,199,202,199,196,199,199,194,191,191,189,189,194,196,191,183,181,183,183,183,186,183,137,135,135,137,181,181,183,186,186,189,191,199,204,202,196,199,204,204,202,199,202,204,207,207,204,202,199,199,199,199,196,195,195,199,202,202,204,209,209,209,209,202,194,191,194,199,199,191,141,138,138,139,191,196,196,196,191,189,189,194,196,194,191,191,191,191,186,183,183,183,186,186,183,181,181,189,196,196,194,183,173,125,121,121,123,125,119,127,183,186,183,183,186,186,186,181,178,181,181,168,113,102,103,107,102,100,103,99,95,100,119,123,163,165,165,125,125,127,173,181,189,194,196,199,202,202,199,194,186,186,181,131,121,119,127,186,202,207,209,212,207,199,202,204,207,207,209,217,220,204,189,135,129,137,194,199,194,191,191,191,189,191,194,194,194,194,196,196,191,189,189,191,194,196,196,204,204,196,194,186,119,109,105,91,63,61,91,115,119,121,121,121,127,176,181,183,189,191,196,199,202,204,209,215,222,222,217,217,222,225,222,217,217,217,215,217,222,217,215,212,212,209,204,203,202,203,204,207,207,209,0,0,0,225,225,222,215,208,208,209,209,207,204,204,207,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,196,196,196,194,189,183,182,183,0,0,0,0,0,0,0,228,228,222,212,212,209,202,189,173,163,0,165,178,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,246,235,212,181,163,157,163,165,163,163,176,194,204,209,212,217,225,233,238,238,230,220,217,225,228,228,225,225,222,212,209,204,202,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,0,0,0,0,0,0,0,0,0,0,0,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,129,124,95,88,108,139,157,163,168,176,178,176,168,155,113,111,112,117,119,117,119,121,117,81,88,121,168,165,121,107,89,103,121,176,191,196,191,183,176,165,125,176,178,170,168,168,127,168,168,173,183,183,178,181,181,183,176,168,123,121,125,127,170,189,196,194,192,196,202,202,196,194,194,196,196,191,186,178,125,123,123,125,119,115,119,125,125,168,183,189,176,123,116,113,117,125,168,173,173,165,123,120,119,165,168,124,125,125,168,186,194,194,194,186,173,124,124,168,170,165,123,123,163,163,163,168,170,121,114,115,168,170,160,157,163,178,199,194,103,69,59,66,95,95,103,170,186,186,189,194,186,181,183,189,196,199,196,191,189,189,191,194,199,204,207,207,202,194,186,181,181,186,191,194,183,121,123,189,204,212,215,212,196,189,189,191,191,191,194,196,194,196,194,186,160,35,22,103,111,93,73,87,113,93,71,85,178,199,204,204,204,207,207,207,204,204,199,202,209,212,207,71,0,0,0,63,160,186,204,209,194,105,0,0,163,207,209,215,209,204,204,202,204,207,209,207,202,176,115,111,117,157,157,160,173,186,199,202,194,183,186,194,199,196,194,194,196,196,194,191,191,191,191,191,196,202,202,199,173,157,99,63,7,11,0,0,29,73,150,181,202,204,191,186,186,189,196,196,191,190,190,194,202,207,215,85,0,0,75,85,89,89,173,194,191,191,199,202,194,178,160,150,142,28,0,41,71,20,0,3,105,152,168,176,59,33,168,178,191,204,207,199,194,181,155,109,107,113,163,170,173,176,178,183,191,194,191,187,187,189,194,191,183,165,168,178,178,121,109,111,115,117,121,123,113,109,168,186,191,186,173,170,170,176,170,165,168,183,189,181,168,165,125,125,165,170,176,170,115,98,96,102,117,176,186,189,186,178,173,170,168,123,119,119,123,168,168,165,125,121,121,125,127,168,168,168,125,121,115,115,125,170,176,176,170,168,125,119,109,107,109,113,119,123,123,121,119,121,127,176,186,191,183,181,181,178,178,178,178,176,178,181,176,127,127,181,189,178,127,123,123,168,176,176,170,170,173,176,176,181,186,186,181,176,173,176,181,183,181,178,178,178,178,176,176,170,127,125,127,173,181,183,189,191,186,183,183,186,186,194,196,196,183,115,115,127,123,117,127,183,191,183,176,181,191,196,199,202,202,202,202,196,194,196,191,123,119,122,127,170,173,178,176,176,178,183,183,173,125,123,121,123,176,194,204,204,204,204,204,202,199,199,196,196,199,199,196,189,123,87,95,121,170,186,194,196,186,173,168,178,189,196,196,191,186,183,189,183,176,183,183,181,176,176,178,178,173,169,170,129,127,170,183,191,189,181,176,176,176,178,183,183,183,181,176,177,181,176,125,119,123,173,189,189,170,120,122,170,176,172,170,178,189,194,183,166,169,191,194,183,129,126,127,131,131,131,130,130,131,176,178,176,176,176,173,173,173,170,129,127,125,125,129,170,173,173,176,178,178,178,178,129,125,127,170,173,176,181,191,194,191,191,186,181,178,173,127,127,170,176,176,173,168,125,125,129,178,186,189,189,183,178,181,186,191,194,194,189,183,183,189,181,128,129,191,199,194,183,176,178,178,178,181,183,183,181,181,181,183,183,183,183,186,189,189,178,173,173,178,183,178,176,183,196,204,204,202,194,186,179,183,191,189,178,130,130,173,173,131,129,129,129,129,178,189,189,191,194,196,202,204,202,196,194,199,202,202,199,199,199,196,194,196,202,204,204,204,199,191,186,181,181,176,131,178,189,191,189,183,176,178,189,191,181,131,127,129,176,186,199,196,183,176,176,178,173,130,130,131,131,127,119,114,115,117,121,129,173,170,170,178,191,199,189,176,170,168,121,112,119,168,178,189,186,168,160,170,183,194,202,209,212,212,212,215,222,209,168,31,16,71,215,207,207,207,204,204,202,204,207,204,202,199,199,196,196,191,191,199,202,199,189,182,182,191,202,202,194,178,172,176,181,178,173,170,173,176,176,127,98,115,199,196,170,109,110,123,173,123,123,115,115,127,181,189,191,199,202,204,199,196,194,191,194,194,191,194,196,186,127,127,189,204,204,204,202,191,129,119,119,118,118,121,170,181,186,189,191,189,170,121,121,127,173,173,127,126,127,170,129,129,170,170,176,181,186,189,186,183,181,176,173,131,129,127,121,123,131,183,189,186,189,191,183,178,178,181,186,191,191,189,186,183,181,178,173,173,173,178,178,176,173,173,176,173,127,124,129,170,115,106,106,119,181,183,183,186,183,181,181,189,199,196,194,189,183,173,125,124,125,127,125,127,131,176,178,181,186,189,186,178,176,173,129,127,127,127,176,186,191,183,176,176,181,181,183,181,178,181,183,183,181,178,181,186,194,199,204,202,196,191,186,181,178,178,178,183,186,186,181,176,133,133,133,178,186,191,191,191,191,189,183,183,186,186,186,181,130,127,129,176,183,183,183,178,178,176,170,170,170,170,129,127,168,170,173,173,170,168,168,170,173,173,173,176,176,173,173,173,176,178,178,170,119,115,117,123,168,170,168,163,117,105,104,109,109,90,90,97,97,96,107,157,163,157,109,101,99,99,103,105,107,107,109,109,111,113,113,111,109,106,106,109,111,115,152,155,160,163,165,165,163,165,163,160,163,163,119,111,103,100,101,105,115,165,178,181,178,178,178,173,170,170,170,127,117,113,121,127,127,131,183,189,186,186,189,191,191,196,196,194,196,199,199,196,194,192,192,196,199,196,194,194,189,181,181,181,183,181,137,183,191,186,136,137,186,194,194,189,189,194,199,202,199,196,191,191,194,199,204,207,207,202,196,189,135,129,125,125,129,135,178,183,194,202,199,194,191,196,196,199,202,202,199,202,207,212,209,207,204,202,194,194,196,196,192,191,194,202,207,207,207,209,207,207,209,204,196,190,190,190,191,196,202,204,207,209,209,207,202,199,202,199,194,191,194,199,199,196,189,183,183,191,194,194,194,196,202,209,212,212,212,209,207,207,204,196,189,185,186,191,196,196,196,194,196,191,189,187,189,189,186,186,189,191,189,186,186,191,194,191,189,189,189,189,183,183,186,186,186,186,194,204,196,189,191,199,199,194,186,135,135,139,191,199,199,196,194,196,196,199,202,202,204,207,209,209,207,202,199,196,199,202,204,202,194,181,179,186,191,183,135,131,131,178,189,191,189,186,186,194,196,196,194,191,194,196,196,199,194,189,189,191,189,133,125,127,131,133,176,181,183,186,186,189,194,194,196,202,194,118,112,122,135,186,191,194,194,189,185,189,194,196,194,183,127,126,178,183,135,129,131,135,135,123,120,123,183,194,194,186,186,183,183,189,194,199,202,204,204,199,191,189,194,204,207,204,199,196,196,196,194,194,194,196,199,191,183,181,183,189,194,196,196,196,194,194,194,196,196,191,191,191,191,186,181,178,135,135,133,131,131,178,191,199,199,191,187,189,194,194,194,196,194,191,189,181,178,183,189,194,194,194,194,196,199,191,189,189,189,189,191,196,199,196,194,194,199,204,207,204,202,199,196,196,196,196,199,202,202,202,202,199,194,191,191,191,194,199,196,189,135,132,135,181,189,191,186,135,134,135,137,181,183,186,189,191,191,194,199,202,199,196,199,204,204,202,199,204,207,209,209,204,202,196,194,196,199,199,196,196,199,202,199,199,204,207,209,209,204,199,194,194,196,196,194,189,189,141,139,186,196,199,194,186,182,182,185,186,186,189,194,196,194,189,139,135,134,137,189,194,191,191,199,202,202,196,191,183,127,113,107,106,110,114,168,186,194,191,189,186,186,186,177,176,178,178,165,117,113,111,113,105,103,107,100,92,96,119,163,123,163,125,125,123,125,168,181,189,191,196,199,199,196,196,191,189,189,186,135,121,116,118,137,202,209,209,207,202,194,196,204,215,217,215,215,209,194,183,129,125,131,189,199,199,196,196,194,191,189,191,191,191,194,196,199,196,194,194,191,191,191,196,202,204,202,199,191,117,109,111,109,74,68,82,91,97,113,117,119,125,173,181,183,186,191,194,194,196,199,204,212,222,225,222,225,230,233,230,228,225,222,222,222,225,228,225,222,222,225,217,212,207,204,204,202,0,0,0,0,0,0,0,217,215,209,209,212,215,215,212,212,212,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,199,196,196,196,194,189,186,183,183,0,0,0,0,0,0,243,235,230,220,209,209,209,199,181,0,157,0,0,0,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,243,243,233,212,181,163,156,160,163,160,0,168,183,194,199,199,202,212,228,238,241,243,243,243,238,233,228,225,222,217,209,204,202,199,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,0,0,0,0,0,0,0,0,0,0,1,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,131,137,118,98,103,124,131,157,160,163,170,173,168,165,168,114,106,105,119,170,178,183,173,109,39,48,103,165,176,178,165,99,64,99,123,178,186,186,178,170,170,183,194,178,102,102,117,117,125,168,170,181,178,166,165,168,170,168,123,119,119,120,123,168,183,194,196,196,199,202,199,194,189,191,194,196,196,194,186,165,113,113,115,113,113,119,165,125,165,173,176,170,123,117,117,165,165,165,165,125,123,125,165,122,123,165,125,124,124,168,176,186,194,196,191,181,170,165,165,168,163,123,123,123,123,163,173,178,165,119,160,173,165,157,157,170,189,202,209,230,163,58,85,178,178,119,173,183,181,183,173,173,176,181,186,191,194,194,191,186,186,186,189,194,199,202,202,194,189,181,177,176,178,189,189,178,121,129,186,196,204,209,209,196,187,189,189,189,191,199,196,196,207,207,181,25,25,77,97,91,176,163,168,170,163,91,97,186,202,209,207,207,207,207,204,204,202,199,202,207,212,209,191,0,0,0,37,178,183,199,204,176,11,12,97,194,209,212,212,209,207,204,204,207,207,204,204,191,173,99,93,79,163,170,183,186,191,199,204,202,194,191,191,191,191,186,186,186,189,191,191,191,194,194,196,199,196,191,165,150,152,147,91,0,0,0,0,41,103,152,168,199,207,194,189,189,191,196,196,191,191,194,196,199,204,209,0,0,0,75,97,170,196,202,199,199,196,196,199,194,163,163,168,163,81,43,163,191,33,0,14,155,150,147,157,39,25,103,150,157,202,202,199,194,173,104,105,111,152,163,170,173,176,178,183,191,199,196,189,187,187,191,194,186,168,168,178,178,170,125,123,121,117,119,123,123,127,176,189,196,189,170,125,125,176,173,164,166,181,186,178,168,125,165,165,168,170,170,123,103,95,98,125,183,183,181,178,170,125,125,165,165,121,117,119,123,165,168,168,165,125,125,127,168,170,170,168,127,127,127,170,178,183,186,178,176,173,168,119,111,108,111,117,119,119,121,121,119,118,119,125,127,127,129,173,173,173,173,178,178,170,173,178,176,170,127,129,173,173,129,125,170,181,183,181,176,173,173,173,176,181,186,183,176,173,178,183,186,186,178,173,168,168,168,170,183,183,176,125,117,111,123,186,196,199,196,191,189,189,189,194,194,189,170,117,116,119,117,111,121,178,194,194,183,178,183,191,196,199,202,199,196,194,196,196,194,125,121,122,123,127,168,168,127,170,178,186,186,176,170,170,123,113,115,183,202,204,204,204,204,202,199,199,199,196,199,196,194,186,121,106,116,115,165,183,191,191,181,165,125,173,191,199,202,194,186,189,196,191,183,186,181,170,128,129,178,181,178,173,170,127,127,170,183,191,186,181,176,173,176,181,181,181,186,191,186,178,178,125,115,115,119,129,178,181,124,119,125,178,176,169,169,173,181,178,168,165,173,194,202,189,176,170,173,176,176,131,131,131,173,178,178,176,178,178,178,173,173,170,170,127,126,125,129,176,178,178,176,176,178,183,181,173,125,127,170,168,127,178,191,194,191,186,181,178,176,170,125,125,170,176,176,173,127,119,120,125,176,189,194,191,186,181,183,186,191,194,194,191,186,183,183,178,131,178,194,196,186,176,174,174,176,181,186,186,183,178,173,176,178,181,181,183,186,186,186,181,176,173,176,181,181,178,186,194,202,202,196,189,181,178,179,194,191,178,128,128,178,178,173,127,127,129,131,176,178,181,186,191,196,196,196,196,194,191,196,202,202,202,199,196,196,199,202,204,204,204,204,199,189,178,176,176,129,126,131,183,189,189,178,131,131,176,176,173,173,176,178,181,189,199,199,186,176,176,178,178,173,173,176,176,125,114,113,117,125,129,129,170,168,127,170,186,199,194,183,178,181,173,121,112,109,117,170,160,107,109,115,183,196,207,209,207,209,209,212,215,212,196,39,19,87,217,204,199,202,204,202,202,204,204,204,202,196,194,194,191,189,189,196,199,194,186,181,182,191,204,202,194,186,178,178,181,178,173,128,127,170,173,125,113,123,194,194,125,110,110,123,176,173,125,121,121,173,189,196,199,202,204,204,202,196,191,191,191,191,191,194,196,189,129,129,183,196,196,191,189,178,121,118,118,119,119,123,129,178,183,186,181,125,115,117,119,121,125,129,129,127,170,173,129,127,127,127,170,173,176,176,181,183,183,181,176,173,173,131,127,127,131,183,191,191,191,191,189,183,183,183,189,194,191,191,191,191,191,183,173,129,170,176,176,178,178,178,183,181,123,109,127,173,115,105,108,123,178,183,186,183,181,179,181,191,196,196,189,186,183,176,129,125,125,125,125,125,129,178,186,191,194,191,191,186,181,176,126,123,126,133,181,189,189,186,181,178,181,181,178,177,178,183,189,186,178,133,135,178,181,191,202,204,199,191,181,135,135,178,181,183,186,183,176,131,131,132,176,181,186,191,194,194,194,194,191,189,189,189,189,186,181,131,129,176,191,191,186,178,176,173,169,170,173,170,129,129,129,170,170,170,168,168,168,170,176,178,176,176,178,176,173,173,173,176,173,168,121,116,118,165,173,173,168,121,113,106,107,113,115,109,103,101,99,96,109,117,157,157,111,98,98,99,105,107,109,111,113,111,109,109,111,111,109,107,107,109,113,115,152,155,160,160,163,163,163,170,170,168,168,168,160,113,105,103,105,107,113,163,178,183,181,181,178,178,176,178,181,181,178,178,178,176,131,131,178,186,189,189,191,194,194,194,196,196,196,199,199,196,192,191,192,196,199,202,199,202,204,199,194,189,183,181,137,137,183,183,137,136,136,183,191,189,189,189,194,199,196,194,190,191,196,199,202,207,209,204,199,191,178,125,122,122,124,129,135,183,196,202,199,190,189,194,199,202,207,209,209,207,209,212,209,204,202,196,191,190,190,194,194,192,196,204,209,212,212,212,215,217,215,207,199,191,191,196,199,202,204,207,207,209,209,204,196,196,202,199,191,191,196,202,202,196,186,182,183,189,191,191,191,194,199,204,207,209,207,204,202,202,204,196,186,183,186,191,196,199,196,194,194,191,189,189,189,189,189,189,189,189,186,183,181,181,183,183,183,186,191,191,183,178,181,183,183,183,189,202,202,194,194,199,199,191,137,134,133,135,189,199,199,194,189,185,186,189,191,196,199,202,202,204,207,204,202,199,199,196,196,199,199,194,189,191,194,191,183,135,135,183,191,194,191,186,186,191,196,199,194,189,191,196,202,202,189,176,133,129,123,122,123,129,176,178,181,183,186,186,185,186,191,194,199,204,202,183,127,133,181,186,194,199,196,189,183,185,189,194,194,191,186,186,189,186,127,123,125,133,133,125,122,127,183,194,191,183,182,182,186,189,194,196,199,202,202,199,196,199,204,209,207,202,194,194,194,194,194,191,191,191,191,189,186,181,181,186,191,194,194,194,191,189,189,189,189,186,185,186,189,189,186,178,133,132,131,130,131,181,194,199,199,194,191,194,199,199,196,196,194,191,186,181,178,181,186,191,196,196,194,194,194,189,186,181,137,181,186,194,202,202,199,199,204,209,207,207,204,196,194,194,196,202,202,202,204,202,202,199,199,196,194,194,199,202,199,189,135,131,133,186,196,196,181,133,134,137,181,183,183,189,194,196,196,194,194,196,196,194,196,202,202,202,204,207,212,212,212,207,199,194,191,194,196,199,199,196,196,194,191,194,199,204,207,209,207,202,196,189,189,189,194,199,199,194,189,191,196,199,196,189,185,183,183,182,183,186,194,199,202,196,183,133,131,131,186,196,196,194,199,199,196,196,194,189,181,117,100,98,107,114,127,186,196,199,194,189,186,183,181,178,178,178,165,121,157,157,115,107,107,113,111,101,101,160,163,121,121,163,168,125,119,125,176,183,191,196,199,199,194,191,194,194,194,189,181,133,123,117,127,196,209,209,204,194,190,194,199,204,209,212,209,204,194,189,135,125,125,181,199,204,202,199,196,194,191,191,194,194,196,196,196,199,202,199,196,194,191,194,202,207,204,204,199,183,125,123,127,170,113,89,82,82,91,101,0,0,168,176,183,189,191,191,191,191,196,202,209,217,222,225,228,233,235,235,235,233,233,230,228,230,230,230,228,228,233,233,228,220,215,0,0,0,0,0,0,0,0,0,0,0,0,215,215,217,217,222,228,228,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,204,199,196,194,194,191,186,181,181,189,196,0,0,0,0,0,248,233,209,207,207,204,191,168,152,150,0,160,165,181,0,0,0,0,0,0,0,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,238,238,225,202,181,163,157,157,160,160,163,170,186,194,199,198,198,209,228,238,243,248,251,251,246,238,230,222,217,212,202,196,194,196,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,3,116,160,163,152,121,101,107,137,150,160,165,165,168,168,160,157,165,165,115,112,163,181,186,189,189,117,56,63,99,121,186,196,191,115,65,65,105,165,170,173,170,169,170,183,186,165,100,98,103,113,125,127,168,176,173,165,164,166,168,127,121,119,119,123,127,170,178,189,196,196,196,199,194,181,178,181,189,194,196,196,189,127,96,97,107,119,125,125,125,125,125,125,125,123,121,119,121,168,168,125,123,122,123,168,176,170,125,165,168,125,124,124,165,176,189,196,194,189,181,170,165,170,168,163,119,115,119,163,178,181,173,163,168,173,163,157,160,173,189,202,207,204,121,68,109,178,181,123,168,176,173,168,160,166,173,181,186,189,191,191,189,186,183,181,181,186,191,194,196,194,186,178,176,176,181,189,189,131,119,129,186,194,202,207,207,194,186,187,189,189,194,199,199,202,204,204,77,7,33,65,57,51,163,178,183,178,152,85,103,186,202,207,207,204,204,202,199,199,199,199,199,204,209,212,207,29,0,0,0,173,183,194,207,77,21,41,176,209,212,204,207,209,212,209,207,207,207,202,183,165,170,111,81,27,103,194,199,194,196,202,204,204,202,196,191,186,181,173,168,168,176,181,183,189,191,191,189,186,163,55,5,93,194,212,105,0,0,0,0,0,75,150,170,199,204,194,191,191,194,196,194,191,194,199,199,199,196,77,0,0,0,59,152,186,202,207,204,199,196,194,191,183,170,173,181,183,160,139,196,207,142,33,137,183,165,152,147,69,25,49,103,155,186,189,189,181,160,99,101,111,157,165,170,173,178,181,186,196,204,204,199,191,189,191,191,178,113,113,170,176,165,123,123,121,117,117,123,170,176,176,178,186,181,123,110,113,170,176,166,166,176,176,170,165,165,170,173,176,176,173,173,125,113,123,189,191,186,178,170,165,119,116,117,117,116,116,121,125,168,168,168,168,127,127,127,125,125,127,168,168,173,183,194,189,183,173,126,127,176,178,168,113,108,113,121,125,125,121,119,121,121,121,125,123,119,119,123,127,127,170,176,173,127,125,129,173,173,170,129,129,170,170,129,176,186,191,186,178,176,176,173,173,178,183,178,170,170,181,186,183,176,170,166,163,160,160,164,186,199,194,173,109,101,105,178,191,196,196,194,191,189,186,186,186,181,168,121,117,117,113,103,93,105,183,194,189,176,176,186,194,199,202,199,196,196,196,194,186,123,120,122,125,127,168,127,126,127,176,189,191,186,181,176,121,83,67,85,183,202,204,204,202,199,196,196,196,199,202,199,194,183,125,123,173,168,173,183,186,183,173,125,124,168,183,194,194,189,183,186,189,183,181,181,173,127,126,129,181,189,183,173,127,126,127,129,178,186,183,178,173,170,173,178,181,183,194,202,191,178,173,117,112,115,121,127,129,125,119,118,178,194,183,172,170,173,176,170,168,169,181,194,196,189,181,178,178,181,178,176,173,176,181,181,181,183,186,189,183,181,176,173,173,170,129,129,176,181,181,178,173,170,173,178,178,170,125,125,125,121,121,168,186,191,189,183,178,176,176,170,123,121,127,170,173,173,127,119,118,121,170,186,194,194,189,183,183,186,189,191,194,194,189,183,181,178,178,189,191,186,178,176,176,174,176,183,186,186,178,173,172,173,178,181,181,181,183,183,183,181,178,178,181,186,186,186,189,194,199,199,196,189,181,179,181,191,189,178,129,129,181,181,131,127,129,178,181,178,131,131,183,194,199,196,196,194,191,191,196,199,199,196,194,194,194,196,202,204,204,204,204,199,186,176,173,173,126,124,127,178,183,181,173,129,131,131,127,129,176,181,183,186,191,199,196,181,131,131,178,176,129,131,181,186,176,119,115,123,173,170,121,121,127,170,173,186,199,199,186,181,181,173,123,110,107,113,121,117,111,103,87,168,196,204,204,204,207,204,202,194,178,160,57,43,101,199,194,191,196,204,204,202,202,204,202,199,191,189,189,189,187,187,191,194,191,189,183,183,191,204,202,191,181,176,176,178,178,176,129,127,127,129,125,119,123,178,181,121,117,170,186,183,178,170,127,129,181,196,202,202,202,204,202,196,191,191,191,191,191,191,194,194,189,131,129,181,189,186,183,183,178,125,121,123,125,125,123,125,170,178,176,121,111,110,117,119,119,123,170,170,170,178,183,129,123,123,125,127,127,127,127,173,181,183,181,178,178,181,178,131,129,131,181,191,194,191,191,189,189,189,189,191,194,194,191,191,194,194,186,173,129,129,129,170,176,178,181,189,189,129,121,127,173,123,110,110,119,173,181,183,183,179,179,186,194,196,191,186,183,183,183,176,129,125,125,125,125,127,176,189,194,191,191,194,194,189,178,125,123,131,181,186,191,191,189,183,178,178,178,177,176,178,186,191,191,183,135,133,131,131,181,196,202,199,191,178,132,133,181,186,186,186,181,133,131,131,133,178,183,186,191,194,196,196,196,194,191,189,189,189,191,189,178,131,176,189,189,183,176,173,169,168,170,173,170,129,128,128,129,129,127,127,127,127,168,176,178,178,178,181,178,173,172,172,173,170,165,121,119,125,170,176,173,165,121,115,111,113,119,119,117,113,109,105,107,115,117,117,117,105,96,97,101,107,109,111,113,113,109,107,107,109,109,107,107,109,111,113,152,152,155,157,157,160,163,165,170,170,170,170,170,163,115,109,107,107,109,115,123,173,181,183,181,178,178,178,183,186,189,191,191,189,178,130,130,173,181,186,189,191,196,194,194,194,196,196,202,202,199,196,194,194,196,199,202,204,209,209,204,199,191,137,133,135,137,183,183,181,137,136,181,186,189,191,194,194,199,199,194,190,191,196,199,199,202,204,204,199,189,178,127,122,122,124,131,178,183,194,199,196,190,189,194,199,202,207,209,209,209,209,212,207,202,199,196,191,189,189,194,196,196,202,209,215,217,215,215,215,217,217,209,202,196,199,199,202,202,204,204,204,202,199,194,189,191,196,191,183,183,191,199,202,196,186,181,182,186,186,189,191,196,199,202,202,202,202,199,199,202,204,196,186,183,186,191,196,199,196,194,194,194,191,194,194,194,191,191,186,181,178,135,135,135,178,181,181,183,186,189,181,135,135,181,181,181,183,191,196,199,202,204,202,196,186,137,134,135,186,196,196,191,186,183,183,185,185,186,191,196,196,199,199,196,191,191,194,194,191,194,196,194,194,194,194,194,189,186,186,189,191,191,191,189,189,191,196,196,191,189,191,199,199,191,176,127,123,121,119,122,131,133,178,183,186,189,191,191,189,189,191,191,194,202,202,196,183,178,181,189,194,199,196,191,186,186,189,191,191,191,194,194,194,189,127,122,124,133,135,131,127,133,186,194,191,183,182,183,186,189,191,194,194,196,196,196,199,199,202,204,204,199,194,191,194,191,189,186,186,189,191,191,191,186,181,181,189,194,194,191,189,186,185,185,185,185,186,186,189,189,186,183,178,135,135,133,135,186,194,199,199,196,196,196,199,196,196,194,194,194,191,186,183,183,183,186,191,191,191,189,189,183,137,135,129,125,129,186,199,204,204,204,209,215,212,204,199,194,189,191,196,202,202,202,202,199,199,199,199,196,194,194,202,202,199,194,181,134,135,191,202,199,186,135,181,189,189,183,183,189,196,202,199,192,191,191,192,194,196,199,202,202,207,209,212,212,212,207,202,194,189,189,194,196,196,196,194,190,187,189,194,199,204,207,207,204,196,186,182,185,191,199,204,202,199,199,202,202,202,199,196,191,186,183,183,189,196,204,207,202,191,183,135,131,137,189,194,196,196,196,191,191,191,194,191,183,123,115,115,117,123,178,194,199,194,191,189,189,186,183,183,181,168,160,160,157,115,107,105,103,105,111,117,119,119,121,121,165,170,125,118,119,127,176,183,194,202,202,196,196,199,202,199,191,186,186,183,119,121,181,204,207,202,194,191,191,194,196,199,199,199,194,191,191,186,129,120,122,186,199,199,199,199,199,196,196,194,194,194,194,196,199,199,202,202,199,199,199,204,204,202,204,209,207,194,186,204,220,204,125,97,83,81,87,95,0,0,173,183,189,191,191,189,186,189,196,207,215,222,225,230,235,238,238,238,241,238,235,233,233,233,230,230,230,235,238,235,230,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,228,233,233,225,0,0,0,0,0,0,0,251,243,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,207,204,202,199,196,191,186,181,178,181,186,191,0,0,0,0,255,251,228,202,199,199,194,178,0,150,0,155,168,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,238,228,212,194,178,165,157,157,160,0,165,176,191,202,204,202,204,215,233,241,246,251,254,254,248,241,230,222,215,204,194,146,146,196,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,92,0,12,105,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,142,155,173,183,181,168,134,104,105,131,150,160,168,170,176,176,160,155,157,168,168,119,160,176,176,181,191,189,123,107,105,119,191,202,202,194,65,1,69,119,121,125,170,170,170,176,178,173,119,105,105,115,123,125,168,173,176,170,170,173,173,168,125,121,123,168,170,170,170,178,186,191,194,194,189,178,176,178,186,194,194,196,191,119,91,93,103,121,170,168,168,173,168,123,123,125,125,165,168,173,170,125,125,123,125,173,181,173,119,118,125,165,125,123,123,170,183,189,189,186,181,170,168,181,181,170,117,113,115,121,170,178,173,165,165,170,163,161,163,170,181,194,194,183,163,109,117,163,163,112,119,170,173,170,161,165,173,183,189,189,189,189,189,189,186,181,178,181,186,191,194,194,189,181,178,181,186,191,186,127,119,129,186,191,202,207,204,194,187,187,189,189,191,196,199,199,202,204,29,0,41,65,46,32,59,178,181,160,86,62,107,191,202,207,207,204,202,199,196,191,194,194,194,196,202,212,212,163,43,0,0,173,181,186,196,51,47,155,207,209,207,202,209,215,209,209,212,209,215,199,53,31,181,225,91,35,105,209,204,202,204,204,204,207,207,204,196,189,181,168,121,121,121,113,95,88,90,99,109,103,63,0,0,21,97,85,11,0,0,0,0,0,25,109,176,199,202,196,194,191,191,189,189,189,194,199,196,202,176,21,0,0,0,61,157,191,204,204,202,199,199,196,191,181,173,176,183,186,163,139,202,202,189,170,178,173,160,155,147,95,63,38,20,15,47,163,173,165,147,99,100,111,157,163,168,173,178,183,186,194,204,207,204,196,189,186,183,123,104,106,176,181,125,119,121,123,119,119,165,178,183,173,125,168,168,111,102,109,176,186,181,178,176,168,123,125,168,173,178,178,176,173,170,125,121,168,186,189,178,173,170,165,119,114,113,114,115,117,125,170,170,168,168,165,127,125,121,119,121,125,168,170,178,191,202,196,183,127,122,125,178,189,181,111,109,121,168,173,173,168,123,125,127,127,127,125,119,118,119,121,123,125,125,123,122,123,125,170,176,176,173,173,173,170,170,178,189,194,191,183,178,176,173,173,173,173,170,170,173,183,186,170,165,165,166,165,161,163,173,199,207,199,176,110,102,105,170,181,189,191,191,189,183,176,173,176,173,168,123,121,121,117,103,76,87,119,186,183,127,125,176,189,194,199,202,202,202,202,194,176,122,121,125,129,170,170,170,126,126,176,191,189,181,176,125,103,68,59,66,115,189,196,196,196,196,194,194,196,202,204,204,194,176,119,170,178,176,178,183,186,178,168,125,125,165,173,181,181,176,178,181,176,170,170,173,168,127,128,176,189,191,186,173,127,127,170,170,173,181,178,173,170,170,173,176,178,186,199,204,191,178,170,121,116,121,127,170,129,124,119,121,186,202,199,189,183,178,173,170,173,178,186,189,186,183,181,178,181,183,181,178,178,181,183,183,183,189,194,196,191,186,181,176,176,176,176,178,183,181,178,173,129,129,129,170,173,170,125,121,119,117,119,125,178,189,186,181,176,173,173,168,123,119,123,170,176,178,173,121,119,121,129,183,191,194,189,186,183,183,189,191,194,194,189,183,178,176,183,189,186,178,178,181,178,176,176,183,186,181,173,173,173,178,181,181,178,181,183,186,183,181,178,178,183,189,189,189,191,194,196,196,194,194,189,189,186,181,176,176,131,130,176,178,131,127,133,183,186,181,129,128,186,199,202,202,196,194,191,191,196,199,199,194,189,189,189,194,202,204,204,204,204,199,189,178,173,173,126,125,131,181,178,131,123,125,131,127,125,127,176,183,186,186,189,191,186,176,130,131,176,129,124,127,186,196,189,129,121,129,176,123,106,109,168,181,183,189,199,199,189,181,176,168,121,110,109,119,119,111,109,65,0,65,178,189,189,196,204,204,199,183,165,113,79,65,83,107,178,186,194,202,204,202,202,204,202,196,189,187,189,189,189,187,189,189,191,194,191,183,186,199,196,178,129,130,173,178,183,186,178,170,128,170,170,127,123,119,111,109,119,186,194,183,178,178,173,178,189,202,204,202,199,199,196,189,187,189,194,194,194,196,196,196,189,176,131,178,183,183,183,186,183,176,173,173,173,170,127,125,127,173,127,115,111,114,121,119,115,123,173,173,173,183,191,125,117,119,123,125,125,124,125,170,178,181,181,181,186,189,183,176,129,129,176,186,189,186,183,181,186,194,194,191,194,194,190,191,194,194,189,178,170,127,127,129,176,178,181,189,189,178,129,129,173,170,121,114,119,173,178,181,181,181,186,191,194,194,191,189,186,186,189,183,129,119,119,125,127,127,131,186,189,186,189,196,199,194,181,126,125,178,186,189,191,191,189,183,181,181,178,177,176,178,186,194,194,189,178,131,129,128,133,191,202,199,189,133,130,131,178,186,186,183,181,176,176,176,178,181,183,186,191,194,196,199,199,196,191,189,186,186,189,189,183,176,178,186,186,181,173,170,168,168,170,173,170,128,128,128,129,129,129,129,129,127,125,168,176,178,181,181,181,176,173,173,173,170,165,123,123,165,170,173,170,165,121,117,115,117,121,160,121,119,115,115,117,160,155,115,113,105,98,101,107,109,111,152,155,152,113,109,107,107,107,105,105,107,111,115,152,152,155,155,155,155,160,163,165,168,170,173,173,165,119,113,111,107,109,115,121,165,173,183,183,181,178,178,186,191,194,196,196,189,178,130,129,133,178,181,181,189,196,196,194,194,194,199,202,202,202,199,199,196,194,191,196,207,209,207,202,199,189,123,121,127,181,183,186,186,186,183,183,186,189,196,199,199,202,202,194,191,191,194,196,199,199,202,199,191,183,178,131,125,125,133,181,183,186,191,196,199,196,194,196,199,202,204,204,207,209,212,212,209,207,202,196,194,190,190,194,196,196,202,212,217,222,222,217,215,215,217,212,204,202,202,202,202,199,196,196,196,191,186,181,181,186,191,186,179,181,186,196,199,196,189,182,181,183,183,183,189,199,202,202,199,199,199,199,196,199,202,196,189,186,189,191,194,194,194,196,196,196,196,196,196,194,191,189,181,134,132,134,134,135,178,178,178,178,183,189,186,137,135,135,137,137,137,183,194,204,209,209,207,204,199,189,139,139,186,191,194,191,186,186,186,185,185,185,189,191,194,194,189,183,137,181,186,189,189,191,191,191,191,191,191,191,191,189,189,189,189,189,191,194,194,194,194,194,189,189,194,196,194,178,125,123,122,122,122,127,178,183,189,191,189,189,191,191,191,189,189,189,189,194,202,202,194,183,183,189,196,199,199,196,194,191,191,189,191,194,196,196,196,189,133,126,129,178,181,178,178,183,189,191,189,186,186,183,183,189,191,191,194,194,194,196,196,196,196,199,199,196,191,191,189,186,183,182,183,189,194,196,196,191,181,135,183,191,194,191,189,189,186,185,185,186,189,189,186,183,183,183,183,183,183,186,189,191,194,196,199,199,196,194,194,194,194,194,196,196,196,191,186,183,183,183,186,186,186,186,186,137,135,131,123,117,118,133,194,207,207,207,212,217,212,202,194,189,189,189,194,199,202,202,202,199,196,196,194,191,191,196,202,204,199,194,186,181,183,191,199,199,191,189,194,199,194,183,181,186,196,204,202,194,190,190,191,194,196,199,202,204,207,209,212,212,209,209,202,194,186,186,186,189,191,194,194,190,187,189,194,199,199,199,202,202,196,186,182,185,191,199,204,207,207,207,207,207,207,204,204,199,194,191,191,194,199,207,212,207,202,202,199,135,133,137,186,194,196,191,186,183,186,191,194,194,191,183,173,123,121,127,183,189,183,181,186,186,186,183,181,181,170,163,160,157,115,109,97,69,70,103,113,107,111,117,123,168,170,125,119,119,121,127,178,194,204,204,202,199,204,207,204,199,196,199,202,181,119,119,183,202,202,196,194,194,191,191,191,194,191,191,191,194,196,181,118,116,125,189,196,196,199,202,199,196,194,191,194,196,196,196,196,199,202,204,207,207,207,202,199,200,209,215,209,196,220,235,225,207,189,117,91,87,93,0,0,173,183,189,189,186,181,178,181,194,207,215,222,228,233,235,238,238,241,243,243,241,235,233,233,233,230,233,235,238,238,233,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,225,230,230,228,0,0,0,0,0,0,0,0,254,248,0,0,0,0,0,0,0,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,204,204,204,202,199,191,183,178,177,178,183,186,186,0,0,241,255,248,222,202,196,194,183,0,0,0,0,160,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,235,222,207,191,178,165,157,157,157,160,165,176,191,202,204,207,212,228,238,243,248,254,255,254,248,241,233,222,212,202,147,145,146,196,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,14,0,0,0,0,0,51,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,134,170,186,191,189,183,163,121,108,118,139,155,165,170,178,186,176,156,153,163,170,157,121,165,160,165,189,207,215,196,117,123,183,194,199,191,59,0,33,117,119,125,173,170,170,170,176,183,191,178,121,121,123,125,127,173,181,183,186,186,181,173,127,127,170,176,176,173,169,169,173,181,189,191,189,183,181,186,191,194,194,194,186,111,98,99,102,111,125,173,181,186,178,168,168,173,178,181,181,183,178,173,173,170,168,173,181,168,113,112,119,165,125,122,122,170,173,173,173,170,163,123,170,186,183,176,119,114,115,115,117,165,165,160,163,170,168,165,165,165,165,173,176,170,168,160,119,117,113,109,112,168,183,186,170,168,176,186,189,189,187,189,191,191,186,178,177,178,183,189,194,194,194,191,191,194,194,194,183,129,120,176,189,194,202,204,204,196,191,191,191,189,189,189,191,199,202,183,0,0,176,163,85,40,56,181,178,165,103,76,189,199,204,207,209,207,204,199,191,186,186,189,189,191,196,204,209,196,176,107,45,163,176,168,81,55,87,194,207,204,202,204,215,215,196,202,209,204,196,79,0,35,212,235,47,39,168,217,207,207,204,204,204,207,209,207,204,196,178,163,163,165,160,105,89,74,79,89,101,99,75,3,0,0,0,0,0,0,0,0,0,0,43,157,186,199,202,199,196,191,186,185,185,187,194,191,178,147,1,0,0,0,0,69,142,183,202,202,199,198,199,196,194,186,178,176,183,189,75,51,91,160,181,186,186,168,152,150,142,93,91,40,1,0,29,160,168,155,111,103,104,150,160,165,168,173,176,178,186,194,202,204,202,196,189,181,170,113,106,117,194,196,168,120,125,168,165,125,170,178,181,168,121,123,121,108,103,113,186,196,196,196,186,165,118,119,125,168,168,170,173,165,120,118,118,123,173,173,170,173,176,170,123,116,115,116,119,125,170,173,173,168,165,125,121,120,118,118,121,168,170,170,176,186,194,196,189,173,127,170,186,194,189,115,115,125,170,173,176,173,127,127,129,129,129,125,121,119,121,121,123,122,120,120,122,125,127,129,173,176,176,176,173,173,173,178,186,191,191,183,176,173,173,170,125,121,122,127,173,181,183,170,164,166,178,183,178,183,199,204,196,173,123,117,111,115,168,178,183,183,183,181,173,168,127,168,170,170,127,127,168,168,123,85,91,111,127,123,106,102,113,178,186,191,199,204,207,202,191,127,122,125,173,173,173,173,170,168,127,173,178,91,86,109,113,101,81,71,89,119,176,183,183,186,194,196,196,199,204,207,199,191,113,75,125,165,168,176,186,183,168,125,165,165,165,170,176,173,170,176,181,170,124,125,168,170,170,173,183,191,194,183,173,129,178,186,178,176,178,173,129,127,129,170,173,176,186,194,196,183,176,176,129,123,127,170,176,178,176,127,129,181,194,202,202,196,189,178,173,173,178,181,178,176,176,176,178,178,181,183,183,183,186,186,181,181,186,194,199,194,189,183,178,178,178,178,181,183,181,176,170,127,125,127,170,173,173,127,119,115,117,121,168,176,183,183,178,173,173,173,168,121,117,121,173,186,191,183,168,121,121,127,176,183,189,186,181,178,181,186,191,194,194,191,183,181,176,176,178,178,181,183,183,178,176,178,186,189,181,173,176,183,189,186,183,178,181,186,189,183,178,178,178,183,186,189,189,191,194,194,194,196,199,196,194,186,117,117,131,131,130,173,176,131,125,129,178,181,178,131,129,186,202,207,204,199,194,191,191,194,199,196,191,183,181,183,191,199,202,204,204,204,199,191,183,181,176,129,127,178,186,178,125,114,120,127,126,125,131,181,183,183,183,183,181,178,173,131,131,131,124,122,127,189,202,196,181,170,173,170,111,102,108,176,191,194,191,194,196,191,183,176,170,178,178,170,170,113,97,79,0,0,0,93,178,181,189,196,199,196,194,178,165,103,75,65,57,123,186,194,199,204,204,204,204,202,196,191,189,189,191,194,194,194,194,196,202,196,176,176,194,191,131,127,129,173,178,186,191,189,181,176,178,183,181,123,107,98,101,111,173,178,170,173,178,181,186,194,199,202,199,199,196,191,185,185,191,196,194,199,202,202,202,194,178,176,181,186,186,189,191,191,186,178,176,173,129,127,125,127,127,123,117,117,125,125,113,109,117,129,129,127,178,183,118,115,119,125,127,127,125,125,170,176,176,173,178,189,191,186,176,129,129,176,183,183,176,131,127,176,191,194,191,191,194,191,191,194,194,191,181,170,125,125,170,178,181,181,183,181,176,127,125,129,173,129,121,125,176,181,181,181,186,191,194,194,194,194,191,189,189,189,181,123,113,117,129,131,125,125,176,183,183,189,196,202,199,189,173,133,186,189,189,191,191,189,186,183,181,181,178,178,181,189,191,191,186,178,133,129,128,131,186,199,199,189,133,130,131,133,178,181,183,183,183,186,186,186,183,183,186,189,194,196,199,196,194,191,186,181,181,183,186,183,181,183,186,183,178,176,173,170,169,170,173,129,129,129,129,129,129,170,170,129,125,124,125,170,176,181,181,181,181,178,181,181,173,165,121,121,123,165,165,163,123,123,119,115,115,119,160,160,160,157,157,160,163,155,113,113,111,109,113,115,113,152,160,163,155,113,109,103,99,99,101,103,105,109,115,115,113,152,155,152,155,157,163,163,165,168,168,168,163,121,117,113,109,111,117,121,125,170,183,183,181,178,183,191,196,199,199,196,189,178,131,173,176,178,176,174,181,191,196,194,191,194,199,204,204,202,202,202,196,186,137,183,199,204,199,196,199,186,114,114,125,183,186,186,191,194,191,191,191,189,196,199,199,202,202,196,191,189,189,191,196,199,196,189,181,135,135,178,135,178,183,186,189,189,194,202,204,204,202,199,202,202,202,204,207,209,215,215,215,209,207,202,199,194,194,196,194,194,199,207,215,222,222,215,209,212,215,215,207,202,204,204,199,191,186,189,186,181,136,136,181,186,189,183,179,179,183,194,199,196,191,183,182,183,186,186,194,202,204,204,202,199,199,196,191,189,191,189,186,189,191,189,189,191,194,196,202,202,199,196,194,189,186,183,178,133,132,135,135,178,181,181,178,178,183,191,191,186,135,134,134,135,135,137,189,202,209,212,212,209,207,199,191,186,186,191,191,191,189,191,191,191,189,189,191,194,194,189,183,136,134,136,183,186,186,189,189,191,194,194,189,187,189,189,189,189,186,189,194,196,196,191,191,189,189,191,194,196,191,133,123,121,123,129,131,176,181,189,191,189,186,183,189,191,189,189,186,183,183,189,196,202,199,191,186,189,194,199,202,199,196,196,191,191,191,194,199,196,194,189,181,178,181,186,189,189,186,189,191,189,189,186,189,186,183,186,191,194,196,196,196,196,194,194,194,194,196,196,191,189,186,183,182,182,183,189,194,196,196,189,178,134,178,186,191,191,191,191,189,189,186,189,189,189,186,183,182,183,183,186,189,191,194,196,194,191,191,194,194,194,192,194,194,196,199,199,194,189,183,181,181,181,183,186,186,183,183,181,137,133,119,114,114,125,189,202,204,207,212,215,209,199,191,189,187,187,191,196,199,202,204,204,199,191,187,187,191,196,202,204,199,194,191,189,186,183,186,194,196,196,202,202,194,183,181,183,196,207,207,202,194,194,196,199,202,204,204,204,207,207,207,207,207,204,196,189,141,139,139,137,139,189,196,196,194,191,194,196,194,194,194,196,194,191,189,191,196,202,207,207,207,209,209,209,207,207,204,202,202,204,207,199,199,207,212,209,207,209,209,189,134,133,181,189,189,183,181,179,181,186,191,194,191,186,181,129,123,123,170,168,119,117,168,178,181,176,173,170,165,160,160,160,117,111,93,60,61,89,103,101,107,117,123,165,165,125,121,119,119,125,176,191,204,207,204,204,207,207,207,204,207,209,215,212,129,116,118,183,196,194,191,194,194,194,191,191,194,194,194,199,204,196,125,117,119,133,191,194,199,202,199,194,189,189,191,196,196,194,194,196,202,207,212,215,212,204,199,200,209,215,209,191,196,209,209,207,199,183,123,105,105,0,160,178,186,186,183,181,173,165,170,186,204,215,222,230,233,235,238,238,241,243,246,243,235,233,233,230,230,230,233,235,235,235,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,225,222,225,228,228,0,0,0,0,0,0,0,255,255,255,248,0,0,0,0,0,0,248,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,204,204,204,204,199,191,183,178,178,181,181,181,181,181,199,251,255,243,217,207,204,196,183,173,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,238,230,220,207,191,176,165,157,156,157,160,165,173,183,191,199,207,217,233,241,243,248,254,254,251,246,241,233,222,212,204,196,147,194,199,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,51,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,108,191,196,196,196,196,191,165,124,118,134,150,155,152,163,183,181,157,152,156,168,160,121,160,159,165,189,202,207,194,163,163,176,181,186,163,67,0,6,107,123,168,170,168,165,165,170,183,194,186,165,123,121,123,127,173,183,191,194,191,181,170,168,170,176,178,181,181,173,169,169,176,186,194,194,191,189,191,194,194,191,186,178,119,113,113,102,100,117,173,183,183,178,170,173,183,191,191,191,191,186,183,183,178,170,168,173,168,115,113,119,163,163,122,122,168,165,163,163,119,112,114,165,173,170,163,119,121,121,110,107,117,160,160,165,173,170,160,119,119,121,163,163,160,163,165,121,117,113,111,113,170,191,194,178,173,178,186,189,187,187,189,191,189,183,178,177,178,186,191,194,196,196,194,194,194,196,194,186,131,123,181,194,194,199,202,199,196,196,196,194,189,183,181,183,194,199,77,0,0,99,101,99,55,61,183,189,194,191,173,204,204,204,207,209,207,202,194,189,183,181,181,186,191,196,202,207,207,196,186,45,45,117,111,49,73,160,189,199,199,202,207,212,204,157,183,199,89,43,0,0,0,105,79,0,37,183,207,207,207,202,196,202,207,207,207,204,194,165,121,173,191,186,168,117,95,103,155,170,181,189,181,163,31,0,0,0,0,0,0,0,77,160,186,196,202,204,204,204,196,186,183,185,189,191,183,152,15,0,0,0,0,0,33,103,176,196,202,198,198,199,199,196,194,186,181,183,181,60,49,67,91,142,168,183,178,160,139,73,83,93,55,43,43,59,173,168,109,109,107,111,155,160,168,170,170,170,176,183,194,199,202,199,196,189,176,119,109,113,173,196,199,181,170,181,186,178,168,165,125,123,121,125,165,117,107,106,119,183,194,199,202,194,165,116,117,121,117,111,117,173,168,118,118,119,121,165,125,125,170,176,173,165,123,121,121,123,165,170,168,168,168,165,123,120,120,121,125,173,176,173,170,173,181,189,196,194,189,183,186,194,199,196,176,117,113,117,123,173,176,129,127,127,127,125,125,123,123,123,123,125,122,120,120,123,127,123,121,125,170,173,173,173,173,176,178,183,189,186,178,173,170,170,129,122,120,120,121,125,170,181,181,168,168,183,191,186,183,191,189,168,116,117,125,125,123,127,181,183,181,176,173,170,127,127,173,178,178,176,176,181,186,186,178,125,125,127,119,101,96,97,123,170,178,191,199,202,194,178,122,123,173,181,181,170,169,170,173,173,176,119,59,57,93,125,127,127,125,125,168,173,168,125,173,186,194,194,199,207,204,189,125,66,47,85,97,105,119,176,165,117,117,125,170,173,178,183,172,169,176,181,170,124,124,127,173,176,178,183,191,189,181,173,173,189,199,191,181,181,173,129,127,127,129,129,173,178,181,178,173,170,173,170,127,129,170,176,186,196,202,189,170,129,189,199,199,191,181,176,173,173,176,174,174,176,178,176,178,186,191,194,194,194,189,179,178,183,191,194,191,186,183,181,181,181,181,181,183,181,176,170,125,123,124,129,176,181,173,119,113,113,119,168,176,181,181,178,173,173,170,127,119,116,123,181,194,199,191,176,125,123,123,127,173,178,178,173,129,176,183,191,194,196,194,186,181,173,130,130,178,189,186,133,133,178,183,191,191,183,178,178,191,196,194,186,178,181,189,194,183,176,174,176,181,183,186,189,194,196,196,194,196,202,199,191,119,67,85,173,176,173,176,181,173,124,124,131,178,176,131,129,181,196,204,204,199,194,191,189,191,196,196,189,181,178,181,191,199,202,202,204,202,196,189,186,183,178,129,131,186,189,181,129,116,121,127,126,126,181,194,189,186,183,178,176,173,173,173,131,125,123,124,173,191,199,196,189,178,173,127,113,109,117,173,183,194,183,178,186,186,183,178,176,186,191,189,181,117,99,59,0,0,0,0,53,79,81,61,71,194,202,196,186,173,103,69,52,63,178,194,199,204,207,204,204,202,196,194,191,191,194,196,199,202,204,204,202,191,130,129,191,199,183,131,131,176,176,178,186,186,181,178,183,194,191,129,107,98,104,113,119,121,123,170,178,183,189,191,194,196,196,196,196,189,185,185,191,196,199,202,207,207,204,196,183,178,183,189,189,191,191,191,183,173,127,123,122,122,125,127,127,123,123,129,170,121,109,106,111,125,125,125,173,173,118,117,125,170,173,173,170,170,173,176,172,169,176,189,191,183,176,129,131,176,181,176,125,118,117,127,189,191,189,191,194,194,194,194,194,191,183,131,125,125,170,178,181,178,176,170,127,123,121,123,129,129,127,170,181,183,183,186,191,194,194,194,194,196,194,189,186,186,176,117,109,119,178,178,121,119,127,183,189,191,191,199,204,199,191,191,196,194,194,194,194,189,186,183,183,181,178,181,186,189,191,186,181,135,135,133,130,130,178,194,199,189,178,133,132,133,135,178,183,189,191,191,191,191,189,186,186,189,191,196,196,191,189,189,186,181,181,181,181,181,183,189,189,183,181,178,178,176,170,170,170,129,129,170,170,170,170,170,173,170,127,124,124,129,176,181,181,181,181,183,186,183,176,127,119,116,119,121,123,125,163,163,121,115,115,117,121,160,160,157,160,163,163,119,117,117,155,157,157,155,152,157,163,160,152,111,105,72,73,87,97,103,105,109,111,105,101,109,152,155,155,157,160,165,168,168,165,160,121,121,121,117,115,115,123,165,168,176,183,181,178,181,186,194,199,199,196,194,189,181,181,181,183,183,176,169,173,186,194,194,191,194,199,207,207,204,204,204,196,183,131,120,127,183,189,194,202,194,118,118,133,189,191,191,194,199,199,199,191,186,191,194,191,194,199,199,191,186,185,186,194,196,194,181,131,131,135,183,186,189,189,189,189,191,199,204,207,204,202,199,199,202,204,204,207,212,215,217,215,212,209,204,199,196,196,196,194,192,192,199,209,215,215,209,204,207,215,215,207,202,202,207,196,183,137,137,137,136,136,137,183,191,191,189,182,182,186,191,194,194,191,186,186,189,191,196,199,204,204,204,202,202,199,194,186,183,183,183,185,186,189,189,189,189,191,196,204,204,199,191,186,183,181,181,178,178,181,181,181,181,183,183,183,183,189,191,194,189,181,134,134,135,137,183,189,196,204,209,212,212,209,207,202,194,191,194,194,194,191,191,194,196,194,196,199,196,194,189,186,137,135,136,181,183,186,189,191,196,202,202,191,187,187,189,189,189,186,186,191,196,194,189,186,186,189,191,191,191,189,181,129,125,127,131,176,181,186,191,191,183,178,181,189,191,189,183,181,178,181,186,191,196,199,194,186,185,189,196,202,199,194,196,194,191,194,196,196,196,191,191,191,191,191,194,194,194,194,191,191,189,186,186,189,183,182,183,191,196,199,202,199,196,194,194,191,189,194,196,194,191,189,186,182,183,186,194,196,194,189,183,135,134,135,178,181,183,189,194,196,194,191,189,189,189,191,189,186,186,183,183,183,189,194,194,189,183,181,186,191,194,194,196,196,199,199,196,189,179,178,179,179,181,186,191,189,186,189,191,194,183,123,113,114,121,137,181,189,202,209,212,209,202,196,194,189,187,191,194,196,202,207,212,204,191,185,186,189,196,202,204,199,194,194,194,189,179,177,189,196,199,202,199,191,183,181,182,191,202,207,207,204,204,204,207,207,207,207,207,204,202,202,202,202,196,189,139,136,137,137,135,135,141,196,204,204,196,194,194,194,194,194,194,194,199,202,202,202,204,204,207,207,209,209,209,207,207,204,202,204,209,209,199,199,204,209,209,207,209,212,204,183,134,135,183,183,181,179,181,181,181,186,186,181,178,181,173,123,121,123,117,101,97,109,123,168,165,160,121,119,119,121,121,117,113,101,73,77,105,109,105,113,163,165,165,125,123,121,118,119,123,170,186,202,207,209,209,209,207,207,212,215,217,217,225,209,123,114,116,133,186,189,194,196,196,196,196,196,196,196,199,202,204,191,123,117,121,139,191,196,199,194,189,141,141,186,189,189,189,189,194,202,209,217,220,217,212,207,209,215,215,207,189,181,181,186,191,189,181,173,121,117,119,165,178,183,183,178,176,165,163,165,181,199,212,222,228,230,235,235,235,238,243,243,241,233,230,230,230,230,228,230,233,233,235,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,225,220,222,228,228,0,0,0,0,0,0,255,255,255,255,254,243,0,0,0,0,243,246,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,207,207,204,204,199,191,183,181,183,183,183,181,179,183,209,255,255,225,209,215,217,204,189,176,170,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,235,230,225,215,204,189,173,163,157,156,157,163,165,0,173,181,191,202,215,228,235,238,241,248,251,248,243,235,230,222,215,212,207,204,204,204,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,48,0,0,0,0,0,0,0,0,0,0,0,17,61,74,111,82,0,87,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,196,196,196,202,202,199,183,144,129,137,147,147,142,140,157,168,157,153,157,165,160,121,160,160,173,191,194,189,176,123,165,170,170,176,178,181,8,0,19,117,168,165,125,122,122,125,176,183,178,165,123,120,121,127,173,181,191,194,186,176,166,166,170,176,181,183,189,186,176,170,176,186,194,196,194,189,189,191,189,183,178,173,125,119,117,107,103,123,173,176,168,125,165,170,183,194,196,194,191,189,189,189,181,168,123,125,165,118,117,121,163,163,124,124,165,123,121,123,117,110,111,121,121,117,117,121,165,163,105,101,111,163,165,168,168,160,111,109,115,160,165,160,119,119,121,121,119,119,117,117,170,194,194,181,176,183,189,191,189,189,191,194,189,183,181,181,186,191,196,199,196,194,186,183,186,191,196,194,131,125,186,196,194,199,199,196,196,199,199,194,189,181,176,176,178,109,0,0,0,37,71,95,67,75,181,191,199,194,186,199,204,204,207,209,207,199,191,183,181,178,179,186,194,199,202,204,207,204,202,41,0,0,41,51,101,178,186,191,196,202,199,178,152,17,20,45,29,0,0,0,0,0,0,0,23,165,191,202,204,199,196,199,204,207,204,199,170,115,119,181,196,196,189,189,196,202,199,191,191,199,212,228,238,59,0,0,0,0,0,150,181,186,191,196,199,202,207,207,204,194,189,189,191,191,178,147,59,29,0,0,0,0,0,37,165,194,202,199,199,199,199,196,196,196,183,168,97,61,77,131,131,93,79,160,189,170,87,39,67,144,137,53,42,57,178,163,105,107,109,150,152,157,168,176,170,165,170,178,186,191,194,194,189,181,165,111,108,115,170,186,191,189,189,199,202,189,173,123,109,106,110,168,176,115,105,107,123,178,181,183,194,191,168,120,121,123,113,107,111,170,168,119,123,125,168,165,123,122,125,168,168,170,170,170,165,123,125,125,121,123,165,127,125,125,168,176,183,189,186,176,173,178,186,191,196,196,194,191,194,199,202,202,196,99,77,81,113,173,178,129,126,127,129,125,125,127,127,125,127,129,129,127,127,129,127,120,118,119,123,129,170,170,176,178,181,183,183,178,173,169,169,173,129,127,125,123,120,119,123,178,186,173,168,178,183,176,170,173,170,121,116,121,173,170,125,127,178,181,176,173,173,170,127,168,176,183,183,181,181,189,196,202,202,196,189,186,183,125,107,106,115,119,125,176,189,194,189,173,122,129,183,186,183,173,168,169,173,178,186,176,71,67,111,194,199,191,178,170,173,170,123,116,117,127,181,186,196,207,204,186,121,72,54,74,87,95,105,115,115,111,113,123,168,170,178,183,174,172,174,181,173,125,124,125,173,176,178,183,189,186,181,176,176,186,196,191,183,181,176,173,170,127,125,129,170,173,129,128,129,127,129,127,127,173,176,176,183,204,217,202,111,109,129,189,191,183,176,173,173,176,176,176,176,178,178,176,178,189,196,199,202,204,196,183,178,181,189,189,186,183,183,183,183,181,178,178,181,181,178,176,127,123,123,129,181,186,181,125,113,110,112,127,173,178,178,176,176,176,173,127,117,115,123,183,196,199,191,178,168,125,121,121,127,170,170,127,123,127,181,191,199,202,196,189,176,131,129,131,194,196,127,103,131,181,191,199,199,191,183,178,186,191,189,183,178,178,186,191,178,173,173,176,181,183,186,191,202,204,199,194,196,202,199,186,71,49,71,183,183,181,183,186,176,124,124,131,178,178,131,127,131,189,202,204,199,196,191,189,189,191,194,189,181,179,183,191,196,199,199,199,196,189,183,181,181,173,127,129,183,189,183,176,129,131,131,127,129,189,204,199,189,181,176,172,172,173,131,125,123,123,127,181,191,196,194,189,178,129,123,119,119,121,123,119,176,117,113,168,181,186,181,178,183,194,199,191,173,99,0,0,0,0,0,27,31,0,0,0,178,202,202,196,196,183,107,58,55,107,186,196,202,207,204,199,199,199,196,194,194,196,199,204,207,204,196,189,133,127,128,189,204,196,183,178,176,176,176,178,181,178,178,186,194,191,176,119,115,123,125,121,121,127,173,178,183,189,191,191,191,196,199,196,191,186,187,194,199,202,202,204,207,204,199,186,181,183,186,189,189,189,183,176,127,122,121,119,119,123,129,170,129,129,129,125,119,110,108,113,125,129,170,178,173,123,125,170,176,176,176,170,170,178,181,172,169,173,186,191,181,173,131,173,178,181,131,119,114,114,125,183,189,191,194,196,196,196,194,194,194,189,176,125,123,127,170,170,170,129,127,127,125,121,121,125,170,173,178,183,186,186,191,194,196,194,191,194,194,191,186,183,181,173,118,113,173,186,178,120,116,121,183,194,183,178,191,204,202,199,199,199,199,196,196,194,189,186,183,181,178,178,181,186,191,191,186,181,135,135,178,133,130,133,186,194,191,186,181,181,178,135,178,183,191,191,194,194,194,194,191,191,191,194,194,194,189,186,186,186,186,183,183,181,181,189,194,191,183,181,183,183,178,170,129,129,129,170,173,173,170,169,170,173,176,170,127,125,129,176,181,181,181,181,183,186,186,178,125,117,115,116,119,125,165,165,165,163,119,117,119,121,160,160,157,157,163,160,157,157,160,163,163,160,155,157,160,157,115,107,105,103,51,60,73,97,105,105,107,109,100,97,101,115,157,157,155,157,163,165,165,160,119,118,121,160,163,123,163,168,173,176,178,181,176,176,183,189,194,196,199,196,194,189,186,186,189,189,189,181,170,173,183,191,194,191,194,199,207,209,207,207,207,202,191,135,109,111,121,137,189,199,196,183,137,189,196,194,194,196,199,199,199,191,183,186,183,178,183,196,202,199,189,185,186,191,196,191,176,127,127,133,186,191,191,191,189,189,191,199,204,204,202,194,194,199,207,209,209,209,212,215,215,215,212,209,202,199,196,199,199,196,192,192,196,204,207,207,199,194,202,212,212,202,196,202,204,194,137,135,135,136,136,137,183,189,191,194,191,186,186,186,186,186,186,189,189,189,191,196,199,199,199,202,202,204,204,202,196,189,185,183,185,186,189,189,189,191,191,191,196,202,199,194,186,183,179,179,181,186,189,189,186,183,181,183,186,186,186,189,191,189,186,183,181,135,137,183,189,189,191,199,207,209,209,209,209,207,202,199,199,199,199,194,191,196,199,199,202,202,199,194,194,194,189,181,137,178,181,183,189,194,199,204,204,199,191,189,189,191,189,183,183,189,191,186,185,185,186,186,186,183,183,186,186,181,133,129,125,129,176,186,189,189,183,176,178,183,186,186,178,133,132,135,183,189,194,196,196,186,182,185,194,202,199,194,194,194,194,194,194,194,194,191,194,196,194,191,191,191,194,194,194,191,189,186,186,189,183,181,182,186,191,196,199,199,196,196,194,187,186,191,199,199,196,194,189,183,183,189,194,196,191,183,178,135,135,135,134,134,178,186,194,196,196,194,191,189,191,194,196,194,191,186,182,182,186,191,189,181,178,178,181,189,196,199,196,196,196,196,191,186,179,178,179,181,183,194,199,196,194,194,199,202,202,191,129,121,121,119,115,127,186,199,207,207,204,202,199,194,194,194,196,196,196,204,212,209,194,186,185,189,194,199,202,199,196,194,194,186,178,176,186,196,202,199,196,191,186,183,183,189,196,204,209,209,209,209,212,209,209,209,207,202,199,195,196,196,191,141,136,135,136,137,135,135,141,199,207,207,199,194,192,196,199,196,194,194,199,204,204,204,204,204,204,207,209,209,209,207,207,207,204,204,204,202,198,198,199,207,207,207,205,209,209,196,183,183,183,183,183,183,183,181,179,181,181,176,173,176,170,123,119,115,103,85,77,85,107,119,121,117,113,111,111,117,119,117,113,107,99,107,117,117,117,163,176,176,168,123,121,121,119,119,121,125,178,199,209,215,215,212,207,209,217,222,217,215,222,225,212,119,113,117,133,186,196,202,207,207,204,202,199,196,196,196,202,202,139,118,117,127,186,196,199,194,141,140,140,141,141,141,141,189,196,204,215,220,220,217,215,215,217,217,217,209,191,179,178,185,191,186,178,176,165,160,160,165,170,176,178,176,173,168,163,165,178,196,209,215,222,228,230,233,233,235,238,241,238,230,229,230,233,230,228,228,228,230,235,238,0,0,0,0,0,0,0,0,0,0,0,0,0,230,228,217,217,222,228,230,0,0,0,0,0,255,255,255,255,255,255,246,235,230,0,0,241,241,235,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,212,207,204,199,194,191,186,186,186,189,191,189,181,183,207,246,241,199,196,215,217,204,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,235,225,215,204,191,178,168,163,160,157,160,165,168,165,163,173,181,189,199,212,222,228,230,241,246,243,238,233,228,222,217,220,220,217,212,209,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,82,0,0,0,0,0,0,100,0,0,0,0,25,53,69,82,87,0,72,48,0,0,0,0,0,0,7,43,53,0,0,0,0,0,0,0,0,0,0,17,155,176,191,199,199,196,189,163,142,142,150,152,146,142,147,160,160,160,165,165,163,121,119,121,178,194,191,178,163,119,163,173,170,173,189,204,119,10,19,95,123,168,123,120,120,123,168,168,165,165,123,120,121,168,170,178,189,186,178,170,166,166,168,173,178,183,191,189,178,173,173,181,189,191,189,183,183,186,183,178,173,170,125,115,115,119,165,176,173,165,123,123,124,168,178,189,194,194,186,183,183,186,181,165,122,122,123,121,123,163,123,165,170,170,165,123,121,119,115,113,113,117,115,113,114,123,170,165,106,102,121,173,173,121,111,103,103,109,121,170,165,160,119,117,121,160,123,123,119,111,121,189,191,183,181,183,191,194,194,194,194,194,191,189,186,186,191,196,199,199,194,183,174,174,181,191,199,194,170,127,191,199,196,199,202,199,199,202,196,189,183,178,173,176,165,5,0,0,27,186,194,165,152,155,178,183,186,160,173,196,202,204,204,209,207,199,189,183,181,179,179,186,194,196,199,202,204,207,209,85,0,0,0,31,103,189,189,183,186,173,109,61,29,0,0,26,27,11,0,0,0,0,0,0,1,27,97,186,189,191,191,194,202,207,202,181,105,113,168,189,196,194,186,186,202,207,204,196,194,199,212,225,230,107,0,0,0,0,53,189,194,194,194,196,196,202,204,207,204,199,199,196,196,194,189,176,176,178,59,0,0,0,0,0,160,196,207,204,202,202,199,199,202,202,189,160,19,0,73,129,147,61,0,9,75,53,17,11,43,160,170,45,1,43,181,165,144,109,107,111,111,111,160,170,165,163,165,170,170,170,178,183,173,163,117,108,107,113,165,181,189,196,199,204,202,194,183,170,111,105,108,168,178,117,106,109,170,178,170,125,173,176,168,125,125,123,115,111,117,165,125,120,165,170,170,170,123,121,121,123,165,176,183,181,168,121,119,117,115,117,121,127,170,176,183,191,199,199,191,181,181,189,196,196,196,196,194,194,199,202,204,202,194,83,74,81,121,176,176,129,127,173,176,173,173,178,178,173,173,173,176,178,181,178,173,125,120,120,123,129,170,170,173,178,183,183,178,173,168,166,170,178,178,176,176,176,129,123,129,183,183,173,168,170,173,168,166,168,168,123,119,125,173,170,125,127,173,176,173,170,170,168,123,119,127,176,178,178,178,186,199,207,207,207,204,202,202,204,199,186,127,123,123,170,183,189,183,173,129,181,189,189,189,178,170,170,173,178,186,183,127,115,170,202,209,199,181,169,170,173,125,116,114,123,176,178,186,199,199,178,170,170,93,75,87,95,103,105,105,105,111,117,123,125,173,181,181,176,174,176,176,127,124,125,173,176,178,183,189,189,181,176,176,178,186,181,176,173,173,176,176,123,117,123,170,170,127,127,129,126,126,129,176,189,183,173,173,194,209,183,97,100,129,183,181,173,129,170,178,183,183,178,178,181,178,176,181,191,199,199,202,207,202,189,181,181,183,183,183,181,181,181,181,181,178,178,178,178,176,178,173,125,123,127,178,186,183,170,115,107,108,121,170,176,176,176,178,181,176,125,117,115,123,178,189,189,183,178,173,127,121,121,125,170,173,125,122,125,181,194,202,202,196,186,173,131,131,183,215,191,90,89,131,189,202,204,204,199,189,133,130,133,181,181,177,177,181,186,181,174,174,178,183,183,189,194,204,207,202,196,199,204,202,189,91,53,93,186,183,181,186,194,183,127,125,133,181,181,133,125,125,178,194,202,202,196,194,189,186,186,189,186,183,183,189,194,196,199,196,196,189,178,173,173,173,129,121,125,178,183,183,181,181,178,178,131,131,186,204,202,186,181,176,173,176,178,129,122,123,125,173,186,194,194,191,186,181,129,125,125,125,123,119,118,119,106,105,121,183,191,189,186,194,202,207,202,194,75,0,0,0,0,101,160,157,13,0,0,59,189,199,202,204,199,181,91,69,97,170,191,196,202,202,199,196,199,196,196,196,196,199,204,207,199,181,130,129,128,132,194,207,202,189,181,176,176,178,181,181,178,176,181,186,183,176,170,170,170,129,129,170,176,181,181,181,186,189,189,194,199,202,199,194,191,191,196,199,202,202,202,204,204,202,191,186,183,183,183,186,183,176,129,125,123,123,123,121,123,170,176,173,125,119,119,121,121,117,121,129,176,181,186,181,176,173,173,173,173,170,126,129,183,186,178,173,178,186,189,181,176,176,178,181,183,173,119,114,116,129,186,191,194,196,199,199,196,194,194,196,194,181,127,124,125,125,125,127,127,127,173,176,121,117,121,173,178,181,183,186,189,194,196,194,191,191,194,194,186,181,181,181,173,123,123,183,189,181,123,119,123,178,186,123,119,178,202,204,199,196,196,196,199,196,194,189,186,183,181,178,178,183,189,191,191,189,183,135,178,183,181,135,135,181,189,191,189,186,186,183,181,181,186,191,191,191,194,196,202,202,199,196,196,196,191,186,183,186,189,194,194,191,186,186,194,196,191,186,183,183,183,176,127,125,127,129,173,178,176,173,170,173,176,176,176,170,127,129,176,181,183,183,183,183,183,183,178,168,119,114,115,121,125,168,168,168,163,121,119,119,160,163,163,160,160,163,163,163,165,170,170,165,157,157,160,157,111,95,89,91,91,59,63,81,101,107,105,109,111,103,98,103,152,160,160,155,115,117,119,157,157,119,119,160,168,170,170,170,173,178,181,181,176,170,176,183,189,191,194,199,199,194,189,189,191,189,189,191,189,178,176,181,189,191,191,194,202,207,209,209,209,209,207,202,194,111,112,121,135,135,135,186,194,196,196,194,194,194,196,199,199,196,189,183,186,181,176,179,194,204,202,194,186,186,189,189,178,129,121,123,131,186,194,196,194,191,189,191,196,202,199,194,191,192,199,209,215,215,212,212,215,215,215,212,207,202,199,199,202,202,202,196,199,202,204,204,199,191,190,194,204,202,191,191,199,202,191,137,135,135,137,137,181,186,189,189,189,189,189,186,183,181,135,135,183,189,191,194,196,196,194,191,194,199,204,202,199,194,191,189,189,191,191,191,191,191,191,191,194,196,202,196,191,183,181,179,181,183,189,191,189,183,178,181,186,186,186,186,189,186,182,182,186,183,137,137,186,191,189,191,199,207,209,209,209,209,209,207,207,204,207,204,196,194,196,199,202,202,202,199,196,199,204,199,186,178,135,178,181,186,194,196,199,199,199,196,191,191,194,189,181,181,186,189,186,186,186,186,183,178,177,178,183,189,186,178,129,125,125,129,133,178,183,183,178,133,133,178,178,133,130,129,133,183,189,194,196,199,194,185,186,191,199,196,194,196,196,194,191,189,189,191,194,196,196,191,181,178,181,186,191,196,194,191,186,186,189,183,182,182,186,189,191,196,199,199,199,194,186,183,189,196,199,199,199,191,186,183,189,194,194,189,181,178,135,135,178,178,178,181,189,191,191,191,191,191,191,191,194,194,196,194,191,183,183,186,189,189,183,181,181,183,191,199,199,196,191,189,189,189,186,186,183,186,186,189,196,204,204,202,199,199,204,209,209,202,186,127,117,114,117,123,131,183,194,202,202,202,202,202,204,202,194,189,191,207,209,202,189,186,187,194,196,196,196,196,191,186,182,181,182,189,196,202,202,199,196,191,189,191,191,191,199,207,212,212,209,212,212,209,209,207,204,196,195,195,196,194,186,139,137,139,141,139,139,189,199,207,207,202,199,196,199,196,196,194,194,199,207,209,207,204,203,204,204,207,209,209,207,204,202,202,202,202,202,199,196,198,202,207,207,205,207,209,204,196,194,191,191,191,194,191,186,183,183,183,181,173,129,127,125,119,109,91,71,62,62,83,107,115,113,107,103,103,109,115,117,115,111,111,115,119,119,121,168,181,181,173,123,121,121,121,121,119,117,123,183,207,217,215,212,207,209,215,217,212,209,215,225,220,191,119,119,127,181,191,202,209,212,212,207,202,199,195,195,202,202,189,122,118,121,137,191,196,194,189,141,141,186,186,189,191,196,204,209,217,220,220,217,215,217,217,217,215,209,196,186,186,196,202,199,189,181,168,163,0,0,165,170,176,178,178,173,168,170,178,191,202,209,215,222,228,230,230,230,233,235,233,230,230,233,238,235,230,226,228,230,235,238,241,0,0,0,0,0,0,0,0,0,0,0,228,225,215,209,212,222,230,233,0,0,0,0,0,0,255,255,255,255,255,246,235,230,0,0,235,235,233,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,222,212,204,199,194,191,189,189,189,194,199,199,189,181,189,212,207,186,186,204,209,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,241,235,222,204,191,178,168,165,165,163,163,165,170,170,163,155,157,163,165,173,191,207,217,222,233,241,238,235,230,225,222,222,225,228,225,217,212,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,82,0,0,0,0,0,79,77,0,0,0,0,46,77,74,30,19,0,46,43,0,0,0,0,0,22,129,178,215,118,0,0,0,0,0,0,0,0,0,0,105,150,178,191,196,196,191,173,150,147,152,168,170,157,152,155,160,165,170,170,165,157,115,119,181,191,189,170,117,114,121,176,176,173,181,194,202,115,101,101,117,173,165,121,121,125,125,121,121,123,125,121,125,173,173,176,181,176,170,170,170,168,168,170,176,181,186,183,176,170,168,170,176,181,181,178,181,181,178,173,168,165,123,111,115,170,183,183,170,125,124,124,125,165,173,183,189,189,181,178,178,183,178,165,123,123,163,165,168,163,123,168,178,181,170,165,121,117,115,115,117,117,114,112,115,163,173,173,117,115,170,181,176,105,96,97,102,115,163,170,163,160,160,121,163,165,170,168,121,107,109,176,183,181,178,186,196,199,202,199,196,194,194,194,191,191,194,196,196,194,189,176,172,173,183,196,199,189,170,129,194,202,199,202,204,204,199,199,191,183,178,176,173,173,109,13,0,0,150,189,212,202,196,183,178,165,103,42,95,196,204,204,207,212,209,202,191,189,189,186,186,189,191,191,191,196,204,207,207,204,43,0,0,0,75,194,191,176,111,63,43,27,25,19,73,160,107,93,89,69,119,176,202,196,29,0,0,23,163,183,183,181,189,204,194,99,86,157,199,202,199,189,176,173,194,204,202,196,194,199,209,220,233,199,0,0,0,37,209,212,207,202,199,199,196,199,199,196,196,199,204,204,199,199,199,196,196,199,196,41,0,0,7,37,155,194,207,204,199,202,202,199,202,207,204,186,0,0,0,0,13,0,0,0,0,0,0,0,15,69,152,89,36,89,194,183,160,150,107,107,109,108,155,165,160,160,160,157,111,107,121,165,117,111,109,108,109,115,165,183,194,199,202,199,196,194,191,191,186,119,113,125,178,125,111,115,176,178,165,120,120,123,125,125,121,117,115,119,165,165,123,121,165,170,173,170,165,123,125,125,170,186,194,191,173,119,115,113,111,111,117,125,173,183,189,196,202,204,194,186,186,194,196,196,196,194,191,194,202,204,202,196,186,95,85,119,170,173,170,127,129,183,191,191,194,196,196,189,183,181,181,186,189,189,186,183,176,170,170,173,173,170,173,181,189,186,178,170,168,168,170,181,186,181,178,183,186,181,181,186,183,173,129,168,170,168,166,168,170,125,118,121,168,168,127,168,170,170,168,168,168,123,111,101,105,119,168,170,170,181,196,204,204,207,204,202,202,207,209,204,202,189,178,178,181,181,173,129,173,186,191,191,194,186,176,173,173,173,176,176,176,170,181,202,207,202,183,170,173,178,178,127,122,173,181,176,176,183,181,123,117,181,107,37,71,91,99,89,93,103,113,119,121,123,170,181,189,183,176,176,176,168,124,127,173,178,183,191,196,191,183,173,170,173,176,173,129,127,129,170,123,102,100,115,129,170,129,129,129,126,127,173,189,199,186,168,168,181,186,113,90,99,176,183,173,128,127,170,181,186,186,181,181,183,181,178,183,194,196,196,199,204,199,189,181,181,178,176,178,178,181,183,181,176,170,173,176,173,173,176,178,170,127,129,176,178,178,173,119,107,108,123,173,176,176,176,181,181,176,127,119,116,121,168,173,173,170,170,173,170,125,121,125,173,173,127,123,129,186,196,202,199,191,181,173,176,176,189,225,117,80,87,176,196,207,207,204,202,191,133,125,128,133,181,181,177,177,181,183,178,178,181,186,186,189,194,199,202,199,194,199,207,204,194,183,75,123,181,176,131,181,191,189,127,121,131,178,178,133,125,122,131,191,202,202,196,194,191,189,186,186,186,189,191,191,194,199,199,196,194,183,131,121,125,131,125,116,119,176,186,186,183,183,183,181,176,173,181,194,194,186,181,178,181,189,191,176,123,127,131,178,189,194,191,189,189,186,176,170,173,168,125,125,127,121,105,105,165,194,202,202,199,207,207,207,204,207,87,0,29,43,79,157,165,178,49,0,0,0,103,199,207,207,202,194,178,109,103,119,181,191,196,199,196,196,196,196,196,196,199,202,207,209,199,176,129,130,178,189,202,209,204,194,181,176,178,181,186,183,178,176,178,178,176,173,173,129,127,129,178,186,186,183,181,179,183,189,191,196,202,204,202,196,194,196,199,202,202,202,199,202,204,202,199,194,189,181,181,183,181,173,129,127,129,170,170,125,127,173,178,178,121,115,117,127,129,125,125,129,176,183,189,189,181,173,170,129,170,128,123,128,186,191,189,181,183,189,189,183,178,176,178,183,183,178,125,117,121,178,189,194,196,199,199,199,199,196,194,196,196,183,127,125,129,125,124,125,127,170,183,186,117,113,119,176,181,178,181,183,186,191,196,194,191,191,194,191,183,181,186,186,176,127,129,181,186,178,173,127,125,129,129,109,111,176,199,202,196,194,194,196,196,196,191,189,189,189,186,183,183,183,186,191,194,194,189,181,181,186,189,183,181,181,186,189,183,181,181,183,183,183,186,194,191,189,194,202,207,209,207,202,202,199,189,181,181,186,194,202,202,199,194,194,199,196,191,189,186,183,181,173,124,123,125,131,178,181,181,176,173,176,178,178,178,173,129,129,173,178,181,183,183,181,181,181,181,173,125,116,116,121,165,165,165,165,163,123,121,123,163,165,165,165,163,165,165,170,173,176,173,168,160,163,165,157,89,67,65,69,71,87,91,99,105,107,105,109,113,113,107,111,157,163,160,115,109,107,109,115,117,119,160,165,173,176,173,173,173,178,178,176,170,169,176,183,189,189,194,199,199,194,189,189,189,189,186,189,194,189,183,183,186,189,191,199,207,209,209,212,209,209,209,209,207,131,121,133,181,124,117,125,189,199,196,192,192,194,196,199,199,196,186,181,186,183,176,179,196,204,202,191,183,181,181,176,125,119,115,119,131,186,196,199,199,196,194,194,194,194,194,192,191,194,202,212,220,217,215,212,212,215,215,212,207,202,199,202,204,207,207,204,207,207,204,199,194,190,189,191,196,191,139,186,199,196,189,137,136,136,181,181,183,186,186,185,185,189,189,183,137,133,128,129,137,189,191,191,194,194,191,190,191,196,196,194,189,186,183,186,189,194,199,196,191,191,191,194,194,199,202,199,191,183,181,181,183,186,189,191,186,135,133,135,183,189,186,186,186,186,182,182,189,189,181,181,186,191,191,191,196,204,207,207,209,207,207,207,207,209,209,207,199,196,199,202,202,199,199,199,199,204,209,204,189,135,133,135,178,181,186,191,191,191,194,191,189,186,189,183,176,176,181,189,191,194,191,186,181,177,174,177,181,186,183,176,129,129,127,122,119,120,129,181,178,131,130,133,178,133,129,129,133,186,191,194,199,204,202,194,191,194,196,196,196,196,196,191,187,187,187,189,194,199,196,186,174,172,176,181,189,196,196,191,186,186,186,186,183,183,186,189,191,194,196,202,202,199,187,185,189,194,194,196,196,194,189,183,183,186,191,189,183,178,135,178,181,186,186,189,191,189,186,186,189,191,196,194,191,189,189,191,194,191,189,189,191,194,191,191,191,191,194,199,196,191,183,181,181,183,189,191,196,194,191,191,199,207,209,209,207,204,204,207,209,207,199,189,135,121,115,111,107,113,129,189,196,199,199,204,207,204,194,183,183,194,204,204,196,189,189,194,196,196,196,199,191,183,182,186,194,194,199,204,202,202,199,199,196,196,194,191,194,202,207,209,207,209,209,209,209,209,204,199,196,199,199,196,191,186,141,186,189,189,191,194,202,207,207,207,204,202,199,194,192,192,194,202,209,212,209,204,203,204,204,204,204,207,204,199,196,194,199,204,207,204,199,198,202,207,209,209,209,212,209,207,202,199,199,202,202,202,199,194,189,191,194,186,173,173,129,123,109,87,64,50,43,73,99,111,111,105,101,100,102,111,117,115,111,111,115,117,117,115,163,178,181,176,165,125,125,123,121,117,113,111,115,186,207,209,207,207,209,212,212,207,204,209,215,215,207,194,137,133,133,137,186,202,212,215,212,207,204,199,199,202,199,191,135,123,122,129,141,194,196,194,191,194,196,199,202,204,207,209,215,220,220,220,217,217,217,215,215,215,212,204,196,196,202,207,207,196,183,170,165,0,0,165,168,173,176,178,0,0,170,178,189,199,204,209,212,217,225,225,228,230,233,233,230,233,235,241,238,233,228,228,230,235,241,243,0,0,0,0,0,0,0,0,0,0,225,222,212,199,194,204,222,233,233,0,0,0,0,0,255,251,255,255,255,255,248,238,233,233,0,233,233,230,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,233,220,207,199,194,191,189,189,191,194,204,209,199,176,170,183,183,176,181,196,202,191,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,238,235,222,199,181,168,163,163,165,168,168,168,173,173,163,152,150,113,113,0,173,199,212,215,228,235,235,233,228,225,222,228,228,228,225,217,212,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,150,0,0,105,53,0,0,0,0,0,0,0,0,0,0,0,74,85,38,7,3,35,43,3,0,0,0,0,5,134,165,215,129,0,0,0,0,0,0,0,0,0,0,25,131,155,181,194,196,191,173,155,152,160,178,186,176,157,150,152,160,168,173,176,163,110,112,173,186,186,176,117,113,117,173,178,176,181,194,199,199,183,119,119,168,168,125,165,173,173,125,122,125,165,125,168,176,176,170,168,127,125,127,170,170,170,176,181,178,178,178,173,127,125,125,127,168,168,170,170,173,170,168,123,123,125,125,168,181,183,178,168,165,165,165,165,125,165,176,183,183,178,173,176,178,176,168,165,163,165,168,165,118,119,173,186,186,178,170,163,121,117,119,121,119,114,114,119,163,170,170,165,160,165,178,173,100,91,99,113,115,117,121,160,165,170,176,173,170,178,176,173,117,111,121,125,125,168,186,199,199,199,196,191,189,194,196,196,196,194,194,194,191,186,176,174,178,189,196,194,176,127,173,189,196,194,196,202,207,202,189,186,176,165,168,163,113,101,160,173,77,176,196,202,204,202,196,186,165,40,0,51,204,202,207,209,212,209,204,199,196,196,196,196,196,194,186,181,189,202,196,204,209,212,71,0,0,65,99,191,176,101,105,165,170,170,173,186,204,212,209,202,199,199,207,217,217,212,0,0,81,183,189,178,176,181,111,95,81,88,199,204,209,207,173,160,178,199,202,202,199,196,199,207,212,220,199,0,0,0,152,212,217,212,207,204,202,199,196,196,194,192,195,204,207,207,204,202,202,199,202,204,199,39,0,19,75,152,181,191,186,191,199,202,199,202,212,209,194,93,0,0,0,0,0,0,0,0,0,0,0,0,0,99,105,97,165,196,202,194,170,150,111,155,168,170,165,163,160,157,95,42,52,115,121,115,108,108,108,117,165,176,189,196,199,199,196,191,189,191,196,196,189,114,113,173,170,117,119,170,178,176,125,119,121,125,165,121,119,121,125,170,170,168,168,170,178,178,173,170,176,178,176,181,186,196,194,178,119,113,113,109,109,113,125,181,189,194,199,204,202,189,181,181,186,191,196,196,194,186,183,194,202,199,191,186,170,168,176,173,170,168,170,176,191,199,202,202,202,202,194,189,186,186,191,196,196,199,196,191,183,178,176,173,170,176,186,194,191,181,170,169,170,173,178,178,176,178,183,186,181,178,181,178,129,123,125,168,170,170,170,170,121,118,121,168,176,176,173,173,170,168,127,127,121,107,91,75,81,119,125,123,170,194,196,199,199,199,199,199,204,209,212,209,204,199,194,181,125,117,119,129,183,189,191,191,189,178,170,170,168,173,181,183,183,189,196,202,194,181,176,181,189,189,181,176,181,181,170,165,165,123,111,95,57,22,24,35,51,57,63,67,109,170,173,165,123,165,181,191,194,186,181,176,168,125,127,170,181,191,199,202,199,186,170,168,129,129,129,129,125,125,123,99,90,97,123,176,176,173,170,170,170,170,176,189,189,170,164,169,176,125,112,112,123,173,176,127,127,129,173,181,186,186,183,186,186,183,183,183,189,191,194,196,194,189,181,178,176,173,173,176,178,181,186,181,127,125,129,173,173,170,170,173,173,176,178,170,121,123,125,117,111,115,170,181,181,181,181,181,178,176,170,123,121,117,117,121,123,121,125,173,173,127,117,117,127,129,124,125,176,191,199,202,199,191,181,173,176,181,181,129,103,95,98,186,202,207,204,202,202,196,181,130,129,176,191,191,183,177,181,183,183,178,181,183,189,191,194,196,196,194,191,196,207,207,199,191,176,176,176,130,126,128,178,176,115,113,123,176,133,129,125,123,129,186,202,204,196,191,191,194,191,189,189,191,194,194,196,199,199,196,191,186,129,111,114,199,117,109,116,183,191,186,183,186,189,186,181,178,178,183,183,181,178,181,189,196,196,186,173,131,131,178,186,191,191,189,189,189,191,194,191,178,170,170,176,168,112,107,168,204,204,202,209,209,212,207,207,212,160,53,93,199,191,202,163,33,0,0,0,0,71,199,209,204,196,194,189,178,119,117,173,189,191,191,194,196,196,189,194,196,202,207,209,212,202,186,178,186,196,199,207,209,207,196,183,178,178,181,183,181,176,173,173,176,173,129,127,125,127,176,186,194,191,186,181,179,183,186,191,196,202,202,202,194,191,196,202,202,199,196,196,199,202,202,202,199,194,183,179,181,181,176,129,127,129,170,125,125,173,178,181,189,173,118,125,129,173,170,127,129,176,186,194,194,181,170,129,129,170,170,129,178,189,194,194,191,191,191,189,186,181,176,178,181,183,181,178,129,133,183,191,196,199,199,199,199,196,196,194,196,191,176,122,124,173,176,127,124,125,173,186,189,116,113,127,183,181,177,177,178,183,189,191,191,191,191,191,189,183,189,199,196,181,129,127,176,181,178,176,176,117,84,88,111,127,186,196,194,191,194,196,196,199,196,189,189,191,189,186,186,183,183,186,191,196,196,191,183,183,189,191,191,186,183,183,183,135,131,133,178,181,181,186,191,189,189,194,202,207,207,204,199,202,196,183,178,179,189,196,204,204,202,199,199,196,194,191,189,189,186,183,131,123,122,127,173,181,183,183,181,178,178,178,178,178,176,170,170,173,176,176,176,181,181,176,176,181,181,173,123,121,125,165,165,125,125,123,123,163,163,168,168,170,168,168,168,170,173,176,173,173,168,165,165,170,183,83,60,66,71,81,107,107,105,107,107,105,107,111,113,113,152,160,163,157,113,105,103,103,107,115,121,165,168,170,173,170,170,173,173,173,170,169,170,178,186,191,191,196,196,194,186,181,183,186,186,183,186,191,191,186,183,186,191,196,204,215,215,215,212,209,209,212,215,212,194,137,186,191,120,115,125,186,196,196,194,192,194,196,202,199,194,183,179,181,179,178,183,199,204,199,189,181,178,176,129,117,111,109,117,131,189,196,202,204,202,199,194,190,189,191,196,199,204,207,212,217,217,212,209,209,212,212,207,202,199,199,202,207,212,212,212,212,209,202,196,194,190,190,191,189,135,131,137,196,194,186,181,137,137,183,183,186,186,186,185,185,189,189,183,133,127,126,129,181,189,189,186,186,189,191,191,191,194,191,186,183,179,181,181,183,191,202,202,194,191,194,196,196,199,199,199,196,189,183,186,189,189,191,191,186,135,132,132,181,189,194,191,191,191,191,194,196,194,191,189,191,194,191,191,191,194,199,204,207,202,196,194,199,207,212,207,199,199,199,202,199,199,196,196,199,202,207,202,183,129,127,131,135,135,181,186,186,183,181,176,131,133,176,133,131,130,131,181,191,199,194,183,181,181,181,181,181,183,181,133,128,131,131,123,118,116,123,176,178,133,131,133,178,178,132,131,178,189,191,191,194,199,202,199,196,196,196,194,196,196,194,189,189,189,189,189,191,196,199,186,174,173,176,183,194,199,194,189,186,186,183,183,186,186,189,191,191,194,199,202,202,199,191,191,194,194,189,189,191,191,186,137,133,135,183,186,183,181,178,178,183,186,189,186,183,183,183,186,191,196,199,196,189,182,182,189,194,196,194,191,191,194,196,196,196,196,196,194,191,183,135,137,181,181,186,191,196,199,196,194,199,207,212,212,209,209,207,207,207,207,202,199,191,135,119,107,105,106,113,121,129,183,183,194,204,204,196,189,182,183,186,189,194,196,196,199,202,202,204,204,202,194,191,194,199,196,196,196,194,196,202,202,199,199,196,194,191,194,199,204,204,207,207,209,209,209,209,204,202,202,199,194,189,186,186,189,194,194,196,196,202,207,209,207,204,202,202,199,194,192,194,202,209,212,212,209,207,207,207,204,202,202,199,196,191,186,186,196,209,209,204,202,202,207,212,212,212,215,209,204,202,202,202,202,204,204,204,202,199,199,199,196,194,183,178,129,123,115,107,101,93,95,103,111,111,107,102,101,102,109,113,115,109,108,113,117,113,112,119,173,178,178,173,170,165,123,119,119,119,111,106,111,183,196,202,207,209,209,209,204,204,202,207,209,209,204,199,186,135,129,125,129,202,215,217,217,215,212,212,207,202,199,199,189,131,131,139,191,196,199,199,202,204,207,212,212,209,209,215,220,222,222,222,222,220,215,212,212,217,209,194,186,189,202,207,196,181,170,165,163,163,165,168,168,165,165,0,163,165,173,186,196,202,204,207,212,217,217,220,225,233,235,233,235,238,238,238,235,230,228,230,235,241,241,0,0,0,0,0,0,0,0,0,0,228,217,202,185,0,191,222,235,0,0,0,0,0,0,248,246,254,255,255,255,248,241,235,0,235,235,235,230,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,220,204,196,191,186,186,189,191,194,0,215,199,173,0,0,0,0,176,194,0,0,0,0,0,0,0,0,0,196,0,0,0,0,0,0,248,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,238,238,222,199,181,168,0,160,165,168,173,173,173,173,168,157,150,109,108,111,0,189,207,215,228,233,233,233,230,228,228,230,230,228,222,215,209,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,113,0,0,66,33,0,0,0,0,0,0,0,0,0,0,0,0,19,25,21,23,46,61,23,0,0,0,0,0,0,64,139,90,0,0,0,0,0,0,0,0,0,0,0,131,139,163,181,189,183,165,150,152,168,183,191,183,163,148,148,152,157,165,176,173,113,107,113,173,183,183,168,117,119,170,181,183,186,191,196,202,196,168,121,168,173,173,178,191,191,178,168,165,165,165,168,176,176,127,123,122,123,125,168,168,168,176,181,176,173,170,168,127,127,125,127,127,126,126,127,127,125,123,121,121,165,183,194,186,176,170,168,168,165,165,163,123,123,170,178,181,176,173,170,173,173,170,168,168,165,165,123,117,118,173,186,186,178,173,168,165,123,123,123,121,117,117,121,163,165,168,163,121,120,163,163,111,105,160,165,121,119,121,163,173,181,183,181,176,176,183,189,176,119,111,111,115,115,125,178,186,189,181,170,173,173,189,196,199,194,194,191,189,183,176,176,183,191,194,181,126,125,168,183,189,186,186,194,202,196,186,181,165,115,113,105,93,103,196,209,194,207,199,168,176,186,194,186,155,65,31,81,191,202,204,209,212,209,207,202,202,202,202,202,202,196,183,176,181,191,196,202,207,212,194,25,25,91,99,183,189,173,181,196,204,199,194,202,209,215,209,204,202,202,207,217,217,209,19,35,196,209,209,186,179,183,117,103,93,165,183,199,207,199,150,155,191,202,202,202,202,199,202,204,204,207,57,0,0,0,181,207,212,209,207,204,202,199,199,196,194,194,196,204,209,209,207,204,202,194,182,189,217,101,0,0,1,7,41,83,144,165,181,189,194,204,207,209,207,196,0,0,0,0,0,0,0,0,0,0,0,0,0,81,150,160,181,196,204,207,191,157,115,165,176,173,168,163,165,160,61,26,38,115,160,119,111,115,121,176,181,186,194,196,199,199,196,189,186,186,186,186,173,110,107,115,119,117,121,168,178,186,183,165,124,170,173,168,168,170,173,170,173,181,181,173,178,181,173,173,181,189,183,178,181,189,189,173,117,111,111,109,108,113,168,186,194,196,202,204,199,181,176,177,181,186,196,199,194,181,176,178,189,191,189,183,173,170,173,170,168,170,176,183,194,199,202,202,202,199,191,189,189,189,194,199,202,202,199,194,186,181,178,176,173,176,183,189,189,178,173,173,173,173,173,129,127,129,176,176,173,170,173,127,120,118,121,127,170,176,176,173,125,123,127,173,183,186,181,176,173,170,173,176,173,123,107,59,62,91,119,121,170,191,199,199,196,196,196,196,199,207,209,209,209,204,194,173,116,112,113,121,176,186,191,189,186,176,127,127,170,178,183,183,186,189,186,176,173,173,178,189,196,199,189,178,170,125,122,123,165,125,113,59,11,6,27,67,57,53,65,99,165,181,183,173,121,115,125,186,194,189,178,173,168,125,127,176,186,191,196,199,196,183,170,168,127,127,129,129,129,170,170,127,107,117,173,178,176,173,173,173,176,173,173,181,178,169,166,176,178,170,125,129,170,129,128,127,128,170,173,181,186,186,186,189,189,183,178,178,181,186,191,191,183,176,131,131,173,173,176,181,183,189,191,183,127,125,126,129,129,127,126,127,173,181,181,120,117,119,121,115,113,123,176,186,189,186,183,181,173,170,170,127,123,111,104,107,113,117,123,176,178,121,106,109,121,127,125,127,181,196,202,204,202,194,183,178,176,133,131,125,111,105,117,186,204,209,204,202,204,199,189,176,133,181,191,189,181,177,183,189,186,181,178,181,186,191,194,191,189,189,186,191,204,207,207,202,191,186,181,131,126,127,131,129,115,112,121,173,176,133,131,123,123,178,199,204,202,196,194,191,191,191,194,194,194,194,194,196,194,194,191,183,125,103,103,196,121,112,119,181,186,183,181,186,189,191,189,183,176,176,178,176,176,181,194,202,202,191,178,131,131,178,186,191,191,191,191,191,196,204,202,186,173,173,181,178,113,95,99,189,196,199,207,212,212,209,207,207,186,113,181,204,212,222,81,0,0,0,0,53,101,194,202,196,191,191,189,186,178,173,181,186,183,181,186,194,191,183,186,194,204,207,209,212,204,196,191,196,202,202,209,209,204,194,183,178,178,176,131,120,125,173,170,123,121,123,125,127,131,178,191,196,191,183,178,179,186,189,189,194,199,199,199,191,189,191,199,202,196,191,189,194,196,199,199,199,196,186,179,181,186,183,129,117,117,123,123,127,178,186,189,186,129,125,173,178,181,176,173,173,178,189,199,194,181,176,176,170,129,173,178,183,189,194,196,194,194,194,191,186,181,178,176,176,176,176,178,178,178,183,189,194,196,196,196,194,194,191,191,194,191,176,123,124,173,178,170,124,125,173,183,183,119,117,173,186,181,176,176,178,186,191,194,194,191,191,189,186,186,191,202,199,181,127,124,131,181,178,176,129,97,83,85,127,183,191,194,189,189,194,199,202,202,196,191,189,189,183,178,178,178,178,181,186,194,194,191,186,186,191,194,194,189,186,183,178,131,129,131,135,178,134,135,183,183,183,189,196,196,194,191,189,194,191,181,178,181,189,196,202,202,199,199,196,194,191,191,191,189,189,186,178,127,127,131,176,181,186,186,183,181,181,181,181,178,176,176,178,178,173,169,170,176,178,173,172,176,181,178,170,168,168,168,168,168,168,168,165,165,168,170,170,170,170,170,170,173,173,173,173,170,168,168,165,170,183,89,69,85,95,109,115,113,107,103,101,101,105,109,111,113,152,157,157,117,109,103,101,101,103,111,121,163,165,168,165,165,168,173,173,173,169,168,170,181,191,196,196,194,194,189,181,177,178,183,183,181,181,183,186,183,183,186,191,196,204,212,215,215,212,209,207,207,212,215,207,194,199,202,135,127,186,191,191,194,194,194,192,194,199,199,191,181,179,181,181,179,183,194,199,196,186,178,176,131,123,111,105,105,115,133,191,199,204,204,204,202,194,190,191,196,204,207,209,209,209,207,202,196,199,207,209,207,204,199,199,199,202,207,212,215,212,212,209,202,194,191,194,196,196,191,135,131,135,194,194,189,186,183,183,186,186,186,186,186,185,186,191,196,189,135,126,126,133,183,189,189,183,182,185,189,189,191,194,194,189,189,186,183,181,137,183,194,199,199,196,196,196,196,196,196,199,196,194,191,194,194,194,194,194,191,181,134,134,181,189,196,202,204,204,204,204,204,202,196,196,194,194,194,191,189,186,189,196,202,196,190,189,194,202,207,204,199,199,199,202,199,194,191,191,194,196,199,191,133,124,124,127,133,133,178,181,135,131,129,129,129,128,133,178,133,129,130,178,191,196,191,183,183,186,186,183,181,183,183,176,129,176,178,133,123,121,125,176,181,178,176,178,181,183,178,181,186,191,191,189,189,194,196,196,196,196,196,194,194,196,196,194,194,196,194,194,194,199,199,191,181,181,186,194,199,199,194,189,189,186,183,183,186,189,191,191,194,194,196,196,199,196,194,194,194,191,186,183,181,133,129,127,127,129,135,181,183,186,186,183,183,186,181,136,135,137,186,191,194,196,199,194,186,181,181,186,196,202,196,191,190,191,196,202,202,196,191,189,186,135,134,134,137,137,181,183,194,196,196,194,196,204,209,209,212,212,212,209,207,204,199,204,204,186,123,109,106,106,109,113,115,111,115,178,196,196,194,189,182,179,179,182,191,199,204,204,204,204,207,209,209,207,204,204,202,191,189,187,189,194,202,204,202,196,196,194,191,191,194,199,202,204,209,209,212,215,212,207,204,202,196,191,189,189,191,191,191,194,199,202,204,207,212,209,204,202,204,204,199,194,192,196,202,207,209,209,209,209,209,204,196,194,194,194,191,141,139,186,202,212,212,207,207,207,209,209,209,209,204,196,199,202,202,202,202,204,204,204,204,202,202,202,199,191,186,181,176,129,121,111,105,103,107,109,111,111,111,107,105,109,113,113,109,108,113,119,114,110,115,168,181,181,181,176,165,118,117,121,129,125,111,110,117,181,196,204,209,207,204,202,202,202,204,207,207,209,209,199,186,128,123,124,139,212,222,225,225,217,212,209,204,207,209,199,141,137,135,141,196,202,204,204,209,215,217,215,209,208,212,220,225,225,222,222,217,212,211,215,222,215,194,178,178,189,196,189,173,163,157,0,0,165,165,163,155,0,0,152,157,170,183,194,199,202,204,209,212,212,215,222,233,235,235,235,235,235,235,230,225,225,230,235,238,241,241,0,0,0,0,0,0,0,0,0,230,215,194,181,0,189,217,233,0,0,0,0,0,243,243,243,251,255,255,255,248,241,238,0,235,238,235,233,230,0,0,0,0,0,0,0,0,0,0,0,222,0,0,0,241,235,220,204,196,189,183,183,191,196,196,0,0,194,168,0,0,0,0,176,194,0,0,0,0,0,0,0,0,0,204,178,0,0,0,0,0,241,251,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,241,238,222,209,199,186,168,0,160,165,173,176,176,176,173,165,155,113,108,109,0,186,209,222,230,233,230,230,230,230,228,230,230,225,217,215,212,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,0,0,0,0,0,0,0,0,0,0,108,92,0,0,69,0,0,0,0,0,0,21,29,29,35,77,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,95,129,157,168,165,139,134,150,173,186,191,189,170,155,148,114,115,117,165,178,170,109,108,163,181,189,181,165,123,170,183,189,189,186,189,196,194,173,123,125,173,181,191,204,204,189,173,165,125,124,127,173,176,127,122,122,124,127,168,166,165,168,173,170,168,168,168,127,125,123,125,168,168,168,168,127,125,123,121,121,168,191,199,183,168,165,165,125,123,123,123,121,123,165,173,176,176,168,165,165,170,170,170,170,168,163,121,118,119,165,173,176,173,173,173,170,168,163,123,121,119,121,163,165,165,165,160,120,119,120,160,121,163,170,170,121,119,121,163,176,189,191,181,176,173,183,181,168,119,105,101,109,85,93,117,178,178,101,66,61,97,123,186,191,189,189,189,181,173,126,127,178,186,186,173,126,126,168,178,183,183,181,186,194,194,183,178,163,152,111,71,0,85,209,222,217,209,173,67,107,163,155,111,115,155,77,97,194,199,202,204,207,207,207,204,202,202,202,202,202,191,178,170,178,194,199,196,196,204,194,85,113,101,93,170,196,196,199,204,209,209,204,204,204,204,204,202,199,199,204,212,207,186,14,101,209,215,215,199,191,186,155,113,160,168,164,176,202,173,95,152,196,204,202,204,204,202,204,204,199,189,0,0,0,0,189,204,209,209,207,207,204,202,204,202,199,196,199,204,204,204,204,202,196,183,178,183,230,220,57,0,0,0,0,0,0,7,91,163,173,178,191,209,199,194,0,0,0,0,0,0,0,0,15,75,87,0,0,59,152,168,181,194,199,204,202,176,157,160,165,163,163,165,165,157,59,26,44,163,170,168,111,121,173,186,191,196,196,199,199,202,196,189,183,178,170,125,119,111,109,114,117,117,123,165,176,191,196,181,168,173,181,181,176,178,178,173,173,181,178,109,123,170,168,170,181,186,181,173,173,178,178,165,115,113,115,111,110,115,168,189,199,202,207,207,199,178,174,176,183,189,199,204,199,183,176,176,181,183,181,176,125,124,125,125,125,170,178,186,194,194,196,199,202,196,191,189,186,186,191,199,202,199,194,189,183,178,178,176,173,173,176,178,181,176,173,176,176,173,129,126,125,127,173,173,170,170,170,125,120,118,120,127,176,181,183,178,168,168,176,183,189,191,186,176,170,170,178,183,183,176,168,62,61,83,115,123,168,189,196,196,196,194,192,192,196,204,209,209,209,202,186,127,116,111,111,117,129,183,191,191,183,173,127,127,176,186,186,186,186,176,89,80,95,123,178,191,202,204,196,176,125,121,121,122,165,168,125,83,22,21,107,123,111,105,123,165,173,181,186,176,111,99,107,176,189,183,170,168,168,168,170,178,181,183,186,191,189,181,170,168,127,127,126,129,173,181,186,194,183,178,176,170,170,170,170,170,170,129,129,173,176,170,173,183,186,178,173,178,178,170,128,129,170,170,173,178,183,183,181,181,181,181,176,173,176,183,186,181,131,129,128,130,176,183,189,194,196,199,202,196,183,131,127,127,129,127,125,125,173,186,186,117,117,121,121,115,119,168,181,189,191,191,186,178,170,168,170,170,125,105,100,102,109,117,127,181,186,117,100,106,121,127,127,170,183,196,204,204,202,196,186,178,173,131,131,133,129,123,129,186,202,207,207,204,202,196,189,178,176,181,183,178,176,178,189,194,191,183,177,177,181,191,199,196,191,186,181,186,199,207,212,209,202,194,189,181,130,130,178,178,125,120,127,178,186,189,183,121,111,125,199,207,207,204,194,190,190,194,196,196,196,194,191,191,189,186,176,129,119,105,103,202,183,127,129,176,178,178,178,183,189,191,191,183,173,173,173,173,176,183,194,199,196,191,178,125,125,173,183,189,194,194,191,191,196,204,202,186,176,176,183,183,121,90,90,121,183,191,202,207,209,209,209,204,191,168,173,191,199,196,47,0,0,0,83,95,119,186,196,196,194,191,189,191,189,189,189,183,173,115,103,176,181,178,181,189,199,204,207,207,207,202,196,199,202,202,207,209,202,191,183,178,173,131,121,114,120,176,127,107,109,120,127,173,176,183,191,196,194,183,178,179,186,186,183,189,196,199,196,189,183,186,194,196,191,181,181,189,194,196,196,199,196,189,183,186,194,194,127,110,111,121,129,129,170,181,183,176,127,129,181,186,186,181,181,178,178,186,199,186,178,181,183,170,123,129,181,186,191,194,194,194,194,194,194,189,183,178,176,133,132,132,133,181,181,178,178,183,189,191,191,191,189,189,189,191,189,176,124,125,131,131,129,125,125,170,176,173,123,123,176,186,183,177,177,181,186,191,191,191,191,191,191,189,189,194,202,196,178,125,123,127,178,181,178,129,105,93,105,186,194,196,191,183,183,191,199,204,204,199,191,186,183,134,132,134,178,135,135,135,181,186,189,189,191,194,196,194,191,186,183,178,131,130,133,181,178,132,131,135,181,181,181,183,186,181,177,181,189,191,183,181,186,191,196,199,199,196,194,189,183,186,191,191,186,186,189,186,181,178,178,181,183,186,186,183,183,183,183,181,178,176,178,186,186,173,166,168,173,178,173,172,173,178,181,176,173,170,170,170,173,173,173,170,170,170,173,173,173,170,170,173,173,173,176,173,170,168,165,163,160,160,93,83,101,109,152,155,152,109,100,97,99,103,109,111,113,117,155,155,115,105,101,99,99,101,107,115,119,123,123,121,123,165,173,178,176,170,168,169,181,194,199,199,196,191,183,178,176,177,181,183,181,136,136,183,183,183,189,194,199,202,204,212,212,209,207,205,205,209,212,212,204,207,204,189,186,194,194,191,191,194,194,192,192,199,199,191,183,181,186,186,183,183,186,191,189,183,178,131,127,115,103,99,103,113,133,194,202,204,204,207,202,196,194,196,207,212,209,207,204,202,194,139,136,183,196,204,204,202,199,199,199,199,204,212,215,212,207,204,199,194,189,196,199,199,194,183,134,135,189,196,194,191,189,186,186,189,189,186,186,186,191,199,204,199,183,128,129,181,189,191,189,183,183,186,189,189,191,196,194,191,191,196,189,181,135,133,181,194,207,204,199,194,191,191,194,196,196,196,196,196,196,196,194,191,189,186,181,135,137,183,191,204,212,212,212,209,209,207,204,202,199,194,194,194,186,181,181,189,196,194,190,189,191,196,202,202,199,199,202,199,196,191,186,186,186,191,194,183,127,122,123,127,133,135,135,133,128,126,127,129,133,176,183,186,183,176,176,183,191,186,183,181,183,183,183,183,183,186,186,176,131,178,186,183,176,129,131,178,181,183,181,181,181,183,183,186,191,194,191,189,189,189,189,194,196,194,194,191,189,194,196,196,199,202,202,199,196,202,202,196,189,194,199,202,202,196,191,189,189,191,189,186,189,189,191,191,194,194,194,194,194,194,194,189,186,186,189,183,133,124,124,125,127,131,135,181,183,191,191,189,186,183,137,135,133,181,191,196,196,196,194,189,183,181,182,189,202,204,202,194,190,190,194,199,199,194,189,189,186,135,134,134,135,135,134,135,186,191,191,191,194,199,204,207,209,215,215,209,204,196,199,207,212,202,135,117,113,113,111,109,105,97,98,119,178,181,183,186,186,182,181,182,194,204,207,207,204,204,204,207,209,209,209,207,199,191,187,186,187,194,202,202,196,191,194,191,189,189,191,196,199,204,209,212,215,217,215,209,204,199,191,187,189,194,199,194,191,194,202,207,207,207,209,207,204,204,207,207,204,199,194,194,196,199,202,207,209,212,209,202,191,186,186,191,191,141,138,138,186,207,212,212,209,207,207,207,207,202,194,190,194,199,202,199,199,204,204,204,204,204,202,202,199,194,189,186,183,181,173,123,115,111,111,111,113,117,119,115,109,109,111,111,109,109,115,160,119,111,117,173,183,186,183,178,165,118,116,119,176,183,173,115,115,129,183,196,202,199,196,199,202,204,204,207,207,212,217,215,204,186,129,124,126,204,222,225,225,217,209,207,209,212,212,204,194,141,134,134,189,199,202,204,215,220,220,215,208,208,212,222,225,225,222,217,215,211,211,215,225,222,204,183,176,176,178,170,160,117,113,111,0,163,168,163,155,152,151,152,160,170,183,191,196,202,207,209,212,209,209,217,230,235,235,235,233,233,228,225,221,222,228,235,241,241,243,241,0,0,0,0,0,0,0,238,233,215,191,182,183,194,0,0,0,0,0,0,0,233,238,241,246,255,255,251,246,241,238,0,0,238,238,233,0,0,0,0,0,0,0,0,0,0,0,255,228,204,202,0,230,233,222,207,196,189,183,189,202,209,0,0,0,186,168,0,0,0,0,178,196,0,0,0,0,0,0,0,0,228,209,176,0,160,0,0,0,235,243,254,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,241,238,225,220,217,204,178,160,0,160,165,173,176,176,176,176,165,155,109,109,0,183,209,225,230,228,225,225,228,228,225,225,225,225,220,217,215,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,147,59,0,0,0,0,0,0,0,0,0,7,53,61,87,124,121,100,85,39,19,29,69,74,59,64,95,90,31,17,43,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,137,144,134,124,129,155,170,176,181,183,178,165,152,113,113,113,114,170,183,160,112,121,178,186,183,170,163,168,178,186,183,181,178,178,183,176,125,123,170,183,196,202,199,183,170,125,123,122,125,178,181,170,124,125,170,173,176,170,166,166,168,166,166,170,173,168,120,118,121,173,181,181,176,168,125,123,121,123,168,181,181,170,125,125,123,119,118,119,121,123,123,165,170,173,170,163,121,123,165,168,170,170,168,163,119,118,119,123,163,168,168,170,173,173,168,163,123,121,123,163,168,170,170,165,163,121,121,121,160,165,165,165,119,109,113,117,119,168,189,191,181,170,168,165,97,99,121,111,93,86,80,92,125,183,183,99,60,50,96,115,173,178,181,186,186,178,129,123,123,126,129,173,170,129,168,168,173,181,183,181,183,189,189,183,178,168,157,91,0,0,0,93,215,225,207,91,0,65,101,95,99,163,194,95,97,194,196,196,199,202,204,204,202,199,199,202,202,196,181,169,168,176,194,199,199,202,204,93,36,99,81,63,111,194,202,202,199,199,204,202,199,199,199,199,199,199,202,204,209,196,103,6,168,202,207,207,204,196,183,97,101,176,170,161,163,176,147,63,99,199,204,202,204,204,204,207,207,199,67,0,0,0,27,194,202,212,212,209,209,207,204,207,207,204,202,202,199,199,196,196,194,191,183,183,189,207,222,189,0,0,0,0,0,0,7,144,173,168,155,157,186,189,157,0,0,0,0,35,71,0,0,0,71,95,39,39,103,152,163,178,189,194,199,202,189,157,115,113,111,155,163,163,119,89,71,119,186,183,176,103,117,173,189,196,202,202,202,202,199,194,186,178,170,121,113,113,113,115,121,121,119,121,125,165,181,191,176,125,168,176,178,125,165,170,165,168,168,105,91,102,117,123,165,173,176,173,165,168,173,173,125,119,121,165,125,117,117,127,181,194,202,204,204,196,181,177,183,191,196,204,207,202,191,181,179,181,183,181,176,124,122,123,123,125,173,181,189,189,189,189,194,196,199,196,191,183,182,183,191,196,194,186,181,176,173,173,176,176,173,172,173,176,173,173,178,178,176,170,127,126,129,176,178,178,178,183,181,170,125,127,173,181,189,189,181,170,173,183,189,194,196,189,176,168,168,176,183,183,178,176,170,89,101,123,127,127,176,189,194,196,194,192,192,199,204,209,207,204,194,178,129,125,121,116,119,170,186,196,194,183,173,168,127,170,181,183,186,186,127,79,74,87,121,181,189,194,199,194,170,127,125,123,122,123,168,168,115,111,119,123,121,121,170,186,181,178,183,186,178,105,95,107,173,183,176,125,125,170,170,170,173,170,173,178,186,186,176,168,168,168,127,126,168,181,191,196,199,196,186,170,124,126,129,173,173,129,123,123,170,173,169,169,181,183,176,173,176,176,173,173,178,176,170,170,176,178,178,170,125,129,176,176,173,178,183,181,131,129,129,129,173,186,199,204,207,207,207,207,207,202,186,170,127,129,170,127,127,181,196,194,125,121,125,125,119,121,170,181,186,189,191,189,178,168,166,170,176,168,109,102,104,111,119,127,178,189,127,109,116,125,127,129,170,178,191,199,202,202,196,189,181,173,133,178,189,186,176,133,183,196,204,204,202,199,191,183,181,178,178,177,174,174,181,194,199,199,189,181,177,181,196,207,207,194,186,178,183,194,202,207,207,204,202,199,191,183,189,199,199,191,181,176,183,194,202,199,109,102,110,196,207,209,207,194,189,190,194,196,196,196,191,191,191,186,173,116,114,117,119,173,209,199,181,173,173,172,173,178,181,189,189,181,173,172,173,176,178,183,186,189,191,191,189,178,113,115,125,176,186,194,194,194,194,196,199,194,183,176,176,183,189,186,110,105,163,170,181,196,207,209,212,212,207,196,168,155,155,113,95,55,21,35,99,113,109,163,189,202,204,204,199,194,191,189,189,189,191,181,103,61,67,119,178,178,181,191,196,199,204,204,202,199,202,202,196,199,202,199,191,183,176,131,125,120,117,125,181,125,96,102,121,131,178,183,189,194,196,194,186,181,181,186,183,181,186,194,196,194,183,181,182,186,186,181,178,179,186,191,191,191,194,194,191,186,194,202,199,129,111,113,129,178,127,101,109,127,170,173,178,183,186,186,183,186,183,176,176,189,178,176,183,183,125,120,125,178,183,189,191,194,191,191,194,194,189,186,183,176,133,132,131,132,178,181,177,177,177,178,183,186,186,189,189,183,181,178,131,125,124,125,127,127,127,127,129,129,125,123,127,178,189,189,186,181,183,186,186,186,186,189,191,196,196,194,196,199,194,178,125,123,125,173,178,178,131,117,113,129,189,196,194,186,181,181,186,194,202,202,196,186,178,135,132,132,135,181,178,127,121,121,131,186,194,196,199,199,196,191,189,183,181,178,178,183,186,181,134,132,178,183,178,174,174,178,178,176,178,186,191,191,189,191,194,194,194,194,191,186,133,129,178,189,189,183,183,186,189,186,183,183,183,183,183,183,183,183,186,183,181,178,176,178,186,186,176,169,170,176,181,178,173,176,178,181,178,176,173,173,173,176,173,173,170,170,173,173,170,170,170,170,173,173,173,173,173,168,165,163,157,155,115,99,95,109,113,115,152,152,111,100,98,100,107,111,113,115,117,155,117,113,105,101,99,98,98,103,109,113,115,117,115,117,123,170,178,181,178,173,170,178,191,199,202,199,194,183,178,176,177,181,183,181,135,135,181,183,189,196,199,199,199,204,209,212,212,209,207,205,205,207,209,209,209,204,194,194,196,194,194,196,196,196,194,196,199,199,194,189,189,194,194,189,183,183,181,181,181,176,127,119,105,95,95,99,111,131,194,204,207,207,207,207,202,199,199,204,207,204,202,199,194,186,135,133,136,189,196,199,199,199,196,196,196,199,207,215,212,204,196,194,189,186,191,194,194,194,183,135,134,181,194,196,194,191,189,186,189,189,189,186,189,194,202,207,202,189,133,135,186,194,194,189,189,189,194,194,189,189,194,194,191,194,194,186,135,133,131,133,186,204,204,199,194,190,190,191,196,199,196,196,196,194,191,189,186,186,189,186,181,137,181,186,199,209,212,209,209,207,209,209,209,207,199,196,194,186,179,179,183,191,194,191,191,191,194,196,199,199,202,202,202,199,191,183,181,183,191,194,186,129,125,126,133,181,181,135,129,126,126,128,133,181,191,194,191,189,189,186,186,183,176,133,176,176,176,178,181,181,183,181,133,131,181,189,183,178,176,176,178,181,181,181,178,177,178,181,186,189,189,186,189,189,186,186,186,191,191,189,189,187,189,194,196,202,202,204,202,202,204,204,199,196,202,204,199,196,191,189,189,191,194,194,194,191,191,191,194,196,196,196,194,191,191,186,137,133,137,189,189,135,124,123,127,133,137,181,181,186,191,194,191,186,186,183,137,136,186,194,199,199,194,189,186,183,183,186,194,204,209,207,202,196,194,194,194,191,189,189,189,189,183,137,137,137,135,133,133,137,186,186,186,191,196,202,204,209,212,209,202,195,195,199,209,217,209,186,127,123,121,117,107,99,96,97,109,119,121,125,183,191,189,183,186,196,207,209,207,204,202,199,196,196,199,202,202,196,191,189,189,194,199,202,196,189,186,186,186,186,186,191,196,202,207,209,212,212,215,215,212,207,199,194,189,189,196,199,196,194,199,209,212,209,207,204,203,203,204,209,209,209,204,202,202,199,196,199,202,204,204,202,194,186,183,183,186,191,189,141,138,138,196,204,207,209,207,204,204,204,202,191,189,191,199,202,196,196,202,204,204,207,207,204,202,196,194,189,186,189,189,183,173,123,119,119,119,121,125,163,119,113,107,107,107,107,105,111,121,123,117,123,173,181,183,181,176,165,123,119,119,170,186,191,183,173,131,176,181,183,186,191,196,202,204,204,204,207,215,222,222,215,204,196,125,121,191,215,222,222,215,207,204,212,215,212,207,202,191,137,133,135,143,196,204,212,220,220,215,209,209,217,228,230,228,225,217,212,211,211,217,228,230,220,199,183,170,163,119,117,113,107,105,0,163,170,170,163,163,165,168,173,178,183,191,196,202,207,212,212,209,208,217,230,235,235,235,233,233,228,220,218,222,230,238,243,243,243,243,0,0,0,0,0,0,0,241,235,222,196,186,191,204,0,0,0,0,0,0,217,230,238,241,243,246,248,246,241,238,238,0,0,238,238,0,0,0,0,0,0,0,0,0,0,0,255,254,228,202,199,0,228,233,228,209,194,186,181,189,204,0,0,0,0,186,176,170,165,163,168,186,0,0,0,0,0,0,0,0,215,217,204,173,0,157,0,0,0,235,241,246,254,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,230,225,220,207,183,0,155,153,155,163,168,173,176,178,176,163,115,0,0,183,209,228,230,222,217,217,225,225,222,225,225,222,222,217,215,213 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,157,48,0,0,0,0,0,0,0,0,0,0,21,147,155,165,196,196,194,186,178,176,176,178,176,176,147,121,66,37,53,33,0,0,56,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,139,126,124,142,168,168,165,166,178,183,173,157,150,115,114,113,157,176,170,160,165,176,178,176,168,163,165,170,173,168,170,165,121,168,173,168,123,165,181,194,191,183,173,168,165,124,123,168,189,191,178,168,170,173,176,178,176,170,170,170,166,166,176,191,183,121,116,120,181,191,191,183,173,125,121,119,121,125,168,170,165,125,123,121,118,118,118,121,163,165,165,168,170,168,123,120,121,163,165,168,170,165,121,118,118,119,121,123,163,165,170,173,170,165,123,121,123,123,165,173,178,176,170,165,163,121,121,163,170,168,121,109,105,109,113,109,113,170,181,176,168,121,111,96,98,191,189,84,57,97,176,191,194,191,181,119,109,117,127,131,131,176,186,189,183,176,127,126,126,126,127,129,170,173,168,165,170,181,186,189,189,183,181,181,170,103,0,0,0,0,0,55,81,69,1,0,0,0,75,181,196,204,95,91,165,194,199,199,199,202,202,199,196,199,202,202,191,170,164,165,173,186,194,196,207,215,83,1,2,39,41,105,186,196,199,198,198,199,199,196,196,196,199,202,202,204,207,209,199,79,16,199,204,204,204,204,199,170,53,47,173,191,178,168,176,150,29,51,204,202,202,199,202,204,207,204,191,0,0,0,152,173,199,204,212,212,212,209,207,207,207,207,207,204,202,196,194,191,189,189,186,186,189,191,191,202,194,0,0,0,0,0,17,160,199,199,186,163,41,5,81,39,0,0,43,47,129,77,0,0,0,57,97,163,168,165,150,150,163,170,173,186,191,165,105,103,105,109,117,165,165,165,173,186,196,196,191,170,98,111,170,189,196,204,204,202,196,189,181,173,170,165,119,111,112,114,119,123,121,119,119,123,123,165,168,121,117,121,165,123,115,116,121,121,123,123,103,94,104,117,121,123,165,165,163,163,168,176,178,170,168,173,181,178,165,121,125,170,178,183,189,194,194,186,183,194,199,204,207,207,204,199,191,186,186,189,189,189,176,127,125,125,168,176,181,186,183,181,181,183,189,194,196,191,183,179,181,183,189,186,181,173,170,129,170,176,178,178,173,173,173,172,173,178,178,176,176,170,170,178,183,186,186,189,194,196,191,183,178,181,186,189,186,178,170,173,186,194,199,199,191,176,127,126,168,176,178,178,186,209,181,170,176,173,168,168,176,186,191,194,194,196,202,207,204,202,194,183,176,178,183,183,170,129,176,191,199,194,181,173,170,125,122,121,127,181,189,178,107,91,117,181,186,183,181,178,176,168,170,170,168,127,125,168,165,121,165,173,170,125,165,181,191,191,186,186,186,176,93,90,115,178,183,173,121,122,165,168,168,125,125,170,181,189,183,173,166,170,173,170,127,170,189,199,199,199,199,191,129,122,124,170,178,181,129,120,120,129,170,166,165,173,178,173,170,170,169,170,176,181,178,170,170,173,176,176,129,122,129,178,176,173,178,181,176,129,129,131,173,178,191,204,209,212,209,207,209,212,209,194,173,127,170,178,178,178,194,207,199,178,125,125,123,119,119,168,178,183,186,189,189,178,168,166,168,173,170,121,111,113,115,119,125,176,183,170,123,127,129,129,176,170,173,183,191,196,196,196,194,186,181,181,186,196,196,181,133,133,183,194,196,196,194,189,183,186,183,181,177,176,176,183,196,204,204,196,186,181,186,202,215,212,194,181,176,181,191,194,196,202,204,207,204,196,189,194,204,204,199,186,178,181,194,204,202,110,101,109,191,199,204,207,199,191,191,194,196,199,196,194,191,191,183,129,108,107,121,183,204,209,202,186,176,172,172,173,178,181,189,186,169,166,172,176,176,181,186,189,189,186,183,181,173,111,110,117,129,183,194,199,196,196,194,189,181,176,173,178,186,196,207,207,199,186,163,119,186,209,204,207,207,202,196,173,117,117,113,103,101,115,178,178,119,119,173,194,204,204,204,202,196,191,187,187,191,202,204,181,87,22,53,176,173,173,181,189,194,196,199,199,202,204,202,191,191,194,194,191,183,131,125,123,123,125,176,186,131,101,109,173,178,181,186,194,196,194,189,183,181,183,183,181,181,186,194,194,189,182,182,183,183,181,179,179,186,191,194,189,189,189,191,189,189,196,202,196,173,118,119,125,121,61,50,77,123,176,183,189,189,186,186,186,191,189,170,129,178,176,173,181,181,127,120,123,173,176,178,183,189,189,191,191,191,189,186,183,176,133,133,176,176,178,183,183,181,177,177,178,183,183,189,189,181,173,127,125,124,124,124,125,129,131,129,129,129,125,125,131,181,191,194,194,189,186,183,181,179,179,183,194,199,204,202,199,196,191,178,129,125,129,173,178,176,129,123,123,131,186,194,191,186,181,181,183,191,196,199,194,183,135,134,134,134,178,183,178,123,116,116,125,189,202,204,207,204,199,194,189,186,186,189,194,194,191,189,183,183,186,186,178,172,172,176,181,178,181,189,194,194,194,194,194,191,189,189,189,176,123,120,125,181,183,181,181,183,189,189,186,183,183,183,183,183,183,183,183,183,181,178,178,178,181,183,181,176,176,178,181,178,178,178,178,178,178,176,176,176,176,176,170,170,170,173,173,170,170,168,168,170,170,168,168,170,168,163,160,160,157,155,115,107,109,115,152,115,152,155,115,107,101,105,111,113,115,117,155,155,117,113,107,105,101,98,97,99,105,109,109,111,111,113,119,168,178,186,189,186,183,183,189,196,204,207,196,186,181,177,177,183,186,181,135,134,137,186,196,202,202,199,199,204,207,212,212,212,209,207,205,205,209,215,217,209,202,199,202,204,207,207,202,202,202,202,202,199,194,191,191,194,194,189,183,181,178,178,181,176,125,115,101,94,94,97,109,127,191,204,207,204,207,209,207,199,196,196,196,196,194,191,189,186,139,137,139,189,194,196,196,196,196,196,195,195,199,207,207,196,189,186,185,185,189,191,191,191,183,135,132,134,186,191,191,194,191,189,191,194,189,186,186,191,196,202,196,186,135,178,186,191,191,191,191,196,199,199,194,191,194,194,194,194,189,133,129,131,135,135,183,194,196,196,194,190,189,190,196,202,196,194,194,194,191,189,186,186,189,186,183,181,181,183,196,207,207,204,202,202,204,209,212,212,207,204,196,189,183,183,189,191,194,194,194,194,196,196,199,202,204,202,202,199,194,183,137,181,189,194,191,181,135,135,183,189,189,181,133,128,129,176,181,189,199,199,194,191,189,189,186,178,133,129,129,129,129,133,178,181,178,133,128,129,183,191,183,178,178,181,183,181,181,178,177,177,177,178,181,181,178,178,183,186,186,181,183,186,189,189,191,194,189,194,199,199,199,199,202,202,202,204,204,202,204,204,196,191,189,187,189,189,194,196,194,194,191,194,196,199,199,196,194,191,186,135,125,123,126,181,186,135,124,124,131,181,186,186,183,186,191,196,194,189,189,189,186,183,186,194,196,196,194,189,189,191,194,191,196,204,209,209,209,207,199,191,186,185,186,191,194,191,189,183,183,183,181,134,134,137,183,183,183,189,194,196,202,207,209,204,196,194,195,207,215,217,207,186,133,131,131,123,111,101,99,101,111,115,114,119,183,196,191,183,186,196,204,207,204,204,204,199,191,185,186,191,196,196,194,194,196,202,204,202,194,186,183,183,182,182,183,189,196,204,207,207,207,207,209,212,212,207,202,199,194,191,191,196,199,199,207,212,215,212,209,207,204,204,207,212,212,212,212,209,207,207,202,199,202,202,199,194,191,186,185,183,185,191,196,194,141,139,186,194,199,204,204,207,207,207,204,194,190,191,199,199,196,195,199,202,202,204,207,207,204,199,194,186,186,186,191,189,178,127,123,127,170,173,170,165,123,117,109,105,105,103,98,99,109,117,121,163,168,173,176,176,170,125,125,125,123,127,181,199,207,202,181,176,176,178,183,191,194,196,199,196,199,204,212,217,220,215,209,204,126,119,133,204,215,217,212,204,204,209,212,209,204,204,199,191,135,132,137,196,207,212,217,220,217,217,222,230,233,235,233,230,225,217,215,215,222,228,230,225,215,196,178,123,117,115,111,103,101,0,157,173,176,170,170,176,183,183,183,186,194,199,202,204,209,212,209,209,217,230,235,235,235,235,233,228,222,220,222,230,238,246,246,246,246,243,0,0,0,0,0,243,243,235,217,196,189,199,0,0,0,0,0,0,0,0,0,241,241,238,238,238,238,238,235,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,246,225,207,0,0,230,233,225,204,186,178,176,181,194,202,0,0,0,189,183,176,0,0,170,191,0,0,0,0,199,196,196,194,199,202,191,168,0,160,0,0,228,238,243,243,248,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,212,202,191,178,0,153,152,157,163,165,168,176,176,0,0,0,165,189,212,225,225,217,212,212,217,222,222,222,222,222,222,220,215,213 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,87,0,0,0,0,0,0,0,0,0,0,33,157,178,183,189,194,199,199,191,186,183,183,186,186,186,181,176,157,85,41,0,0,0,82,168,116,0,0,0,0,0,0,0,0,0,0,0,0,0,5,147,137,124,134,163,176,170,165,166,178,186,181,165,157,157,160,157,160,168,170,173,176,176,173,170,168,165,165,165,124,124,125,121,118,121,170,168,125,168,181,186,178,170,168,168,170,170,170,181,202,202,186,173,173,173,173,176,173,170,176,178,173,164,173,196,199,178,121,168,191,202,199,191,178,125,119,119,121,125,168,170,165,121,119,121,121,119,119,123,168,168,165,163,165,163,123,121,123,163,163,165,170,168,123,118,118,119,121,121,121,163,168,173,170,165,123,123,123,163,168,181,186,183,173,165,160,118,118,163,170,168,121,109,105,111,113,105,91,82,111,165,160,113,105,105,119,199,202,86,71,170,194,202,196,194,191,191,194,186,181,173,131,176,186,191,189,183,178,178,176,170,170,170,168,170,125,121,163,178,191,194,189,181,173,173,168,113,7,0,0,0,0,0,0,0,0,0,0,0,0,183,204,199,71,67,160,196,204,204,202,202,199,196,196,196,202,202,194,173,165,168,178,186,189,189,196,209,173,18,0,39,47,123,186,194,199,199,199,202,199,196,195,196,199,202,202,204,209,212,202,67,55,204,207,207,204,207,202,173,57,21,93,204,189,178,209,176,23,33,199,199,199,196,202,204,207,199,170,0,0,33,152,176,199,207,209,207,209,209,207,207,207,207,207,207,202,196,191,189,186,186,185,186,189,194,196,194,71,0,0,0,0,77,178,186,196,204,204,189,33,0,0,0,0,41,220,212,183,67,0,0,55,83,144,170,181,176,155,148,152,111,103,102,105,105,98,97,103,157,165,168,170,181,191,199,196,196,191,168,104,115,168,186,196,202,202,194,178,168,165,165,125,125,125,115,115,117,121,123,121,121,123,165,123,121,121,117,117,119,121,116,115,117,121,121,163,176,178,170,173,173,168,165,165,165,163,161,168,181,186,181,178,181,186,183,170,123,123,127,127,122,122,181,189,189,191,199,202,204,207,207,204,199,191,189,189,196,202,202,186,173,168,127,173,178,181,181,178,176,173,176,181,186,191,191,183,181,181,183,186,183,178,170,129,129,129,173,181,183,181,176,176,173,173,176,176,173,170,170,173,181,186,189,189,191,196,199,196,191,186,186,189,189,183,173,125,168,186,196,202,199,191,178,126,125,127,173,176,178,189,196,189,181,178,176,170,168,127,125,173,183,189,196,204,207,202,194,183,176,176,181,186,183,176,170,178,191,199,191,178,176,181,168,120,120,125,181,191,186,176,178,194,199,196,186,176,170,127,168,176,178,178,178,183,178,168,123,125,173,178,176,173,181,191,194,189,183,176,113,81,82,117,181,186,170,121,121,123,123,123,121,123,173,186,191,186,173,170,178,183,176,127,173,196,204,202,199,202,196,181,127,128,178,178,176,123,119,120,127,170,169,168,170,176,176,173,170,168,168,173,178,173,170,173,176,178,178,173,129,181,183,173,127,173,178,131,127,129,173,176,181,194,204,209,209,207,204,207,209,207,189,131,127,129,178,183,183,196,207,194,176,123,121,121,118,118,127,178,186,189,191,191,181,168,164,165,170,176,173,125,121,117,117,119,127,170,127,127,129,170,176,189,178,173,178,183,189,194,196,199,196,194,189,189,194,194,181,133,131,133,183,191,194,191,186,186,191,191,189,183,178,178,183,194,204,204,196,189,183,191,204,215,207,183,132,132,178,186,186,189,199,204,204,202,194,186,186,194,196,194,181,173,176,191,204,202,181,117,129,189,191,189,202,204,202,199,202,202,202,202,196,194,183,178,173,108,104,123,191,204,202,196,189,178,173,176,181,183,183,186,181,168,166,176,181,178,178,183,186,186,183,181,178,129,112,110,113,129,189,199,199,196,194,189,178,168,127,173,181,191,202,209,209,207,196,106,94,117,202,168,107,103,157,178,168,157,165,176,173,165,170,181,181,117,119,173,191,196,191,186,189,191,191,189,189,191,199,204,196,186,16,19,125,131,131,178,186,186,186,189,194,199,207,204,189,186,186,189,189,178,127,123,123,127,131,176,181,173,121,131,183,181,183,189,196,196,189,181,179,179,183,183,182,182,189,189,186,183,183,186,189,189,183,181,186,194,196,194,189,183,186,189,186,186,191,196,191,176,127,125,115,63,25,36,83,178,189,194,196,194,189,189,191,194,189,170,127,173,176,173,178,181,176,129,127,123,119,123,131,181,189,191,189,186,183,186,181,133,129,176,181,183,183,189,191,189,181,178,181,183,186,189,186,178,129,124,124,125,125,124,125,131,173,129,127,129,129,131,178,186,194,196,196,191,186,183,179,178,179,183,194,202,204,202,196,191,186,181,173,131,131,173,176,173,129,127,127,173,186,194,194,191,186,183,189,194,196,196,191,186,181,178,181,183,181,183,183,133,121,122,186,207,209,209,209,207,199,194,189,189,191,199,204,202,196,194,194,194,191,186,181,174,174,178,186,186,186,189,194,194,191,189,189,186,183,186,186,178,123,120,123,176,181,181,178,181,183,186,186,186,186,183,183,183,186,183,181,181,181,181,183,181,181,183,181,178,176,178,178,178,178,178,178,178,178,176,176,176,176,176,170,169,173,176,173,170,168,168,168,168,166,165,166,168,165,157,155,155,155,155,115,113,155,157,155,155,155,157,155,115,111,111,113,115,117,155,157,155,117,113,111,109,105,101,99,103,107,109,109,111,113,117,121,168,178,189,194,194,191,189,189,194,202,207,199,186,181,178,178,183,186,181,136,135,137,186,196,202,199,196,199,207,207,212,215,215,212,207,207,207,209,215,217,212,204,202,207,215,217,215,207,204,207,209,207,202,196,194,194,191,183,181,178,178,178,181,183,176,125,115,101,95,95,101,115,129,186,199,204,204,207,207,207,199,191,190,190,191,189,189,189,194,196,196,194,194,194,194,196,196,196,199,196,195,195,199,199,191,183,182,183,185,189,191,191,191,186,135,132,131,135,181,189,196,196,194,196,199,194,186,185,186,191,196,194,183,178,178,183,186,189,191,194,194,196,196,194,191,194,196,199,199,189,130,128,131,137,181,181,186,191,194,196,194,191,191,199,202,199,196,196,196,196,196,196,194,186,181,137,137,137,183,191,202,202,196,191,191,196,204,207,209,212,207,199,194,191,194,194,194,194,194,194,196,199,204,204,207,204,204,202,202,194,181,133,137,186,194,194,189,183,186,189,194,196,189,178,135,178,181,186,194,199,199,194,189,186,183,183,181,133,129,127,125,127,133,181,183,176,129,127,129,183,189,183,178,181,183,186,186,181,178,177,178,178,178,178,133,131,133,178,181,183,181,181,186,189,191,196,202,196,199,202,194,189,191,194,194,196,202,204,204,207,204,196,194,191,191,189,189,189,191,191,189,189,191,196,199,202,199,196,191,181,129,123,121,124,133,135,129,125,126,135,189,189,186,183,189,194,199,199,191,189,189,189,186,186,186,189,191,194,194,196,202,202,199,199,204,207,207,207,207,202,191,185,183,186,191,194,194,189,189,189,191,189,183,181,183,183,182,182,189,194,196,202,207,209,204,196,195,202,215,222,217,204,189,181,181,181,133,123,113,109,111,119,121,117,123,186,199,196,186,183,191,202,204,202,202,207,204,196,186,183,186,194,202,202,202,204,207,204,194,186,183,183,183,183,186,189,191,199,204,207,204,202,202,207,209,209,207,204,204,199,194,191,199,204,207,212,215,215,212,209,209,207,207,207,209,212,212,212,212,209,207,207,204,202,199,196,191,189,189,189,186,186,194,202,204,196,186,186,189,194,199,204,207,207,209,207,199,191,194,199,199,196,196,199,199,199,202,207,209,207,202,191,183,181,182,186,186,178,129,125,173,181,178,173,165,125,121,113,107,107,103,96,95,99,111,119,121,123,125,168,173,168,123,119,121,125,127,178,199,209,207,191,181,178,183,191,194,194,191,191,189,191,196,204,207,209,209,209,209,186,125,131,191,204,207,204,199,202,207,209,207,207,207,207,202,186,134,135,196,209,215,217,220,220,220,228,235,238,238,235,233,230,228,225,228,228,228,228,225,222,209,191,173,160,119,113,103,100,0,152,170,173,170,170,173,181,183,183,186,191,194,194,196,202,207,209,209,215,225,230,233,235,235,235,233,225,222,222,230,238,246,246,246,243,243,0,0,0,0,0,243,243,238,217,194,189,199,0,0,0,0,0,0,0,0,0,238,233,230,228,230,235,235,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,235,217,215,0,0,233,228,212,194,181,173,168,168,176,181,0,0,0,194,189,176,0,0,168,0,0,0,0,199,194,191,189,186,183,183,176,163,157,163,178,199,222,235,243,243,243,254,255,254,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,202,199,189,176,160,155,157,163,165,165,165,163,160,157,163,178,199,217,228,228,217,211,211,215,217,222,222,222,217,217,217,215,213 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,12,0,0,0,0,0,0,0,92,134,170,181,186,191,199,196,199,196,191,186,186,189,189,189,186,189,194,196,178,105,0,0,0,35,173,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,103,111,137,163,173,173,170,173,183,186,173,163,160,163,163,163,165,165,168,176,181,176,170,168,168,168,168,125,124,124,165,125,120,121,125,125,165,170,178,178,170,166,168,173,173,176,176,186,207,207,186,170,170,170,168,168,168,168,173,183,183,166,170,186,194,183,168,173,191,202,202,194,181,165,119,119,121,165,176,176,121,116,117,121,121,119,121,163,168,168,123,121,121,121,121,123,163,163,123,163,168,168,163,119,118,119,121,121,120,120,163,170,170,165,163,163,163,163,170,183,191,186,173,165,160,119,119,160,165,163,119,109,105,115,121,117,85,60,76,119,113,87,76,113,168,186,186,89,105,178,196,199,199,196,194,194,196,194,183,176,178,181,186,186,186,183,186,186,183,181,183,176,117,115,117,119,163,176,189,189,176,163,155,165,176,191,170,61,63,79,67,0,0,0,0,0,47,0,0,47,89,89,55,63,181,202,209,209,204,199,196,194,194,196,202,202,199,186,176,178,183,186,182,181,183,199,204,121,31,43,53,181,196,196,199,199,202,204,202,196,194,195,199,202,202,204,209,209,199,61,73,191,202,207,207,207,204,183,97,0,0,37,49,99,173,77,11,57,176,186,186,189,194,199,199,178,89,0,29,83,103,168,196,204,202,199,199,199,196,199,202,204,204,202,199,194,191,189,189,186,185,183,185,196,209,170,0,0,0,0,71,196,194,186,191,204,209,204,157,0,0,0,0,152,215,204,183,139,23,89,189,165,165,181,189,189,178,170,165,150,105,94,99,109,105,97,109,176,173,163,170,183,194,199,196,194,191,176,117,117,121,173,186,196,199,163,110,113,165,173,168,168,170,173,170,173,170,165,125,165,168,168,123,119,118,118,119,119,117,115,117,121,165,170,178,189,194,194,191,189,183,181,176,170,163,161,168,178,181,176,173,181,186,183,168,119,119,123,122,120,120,178,191,194,196,199,202,202,207,207,204,199,191,186,191,199,207,202,186,170,127,127,173,178,178,178,176,173,176,183,186,189,189,189,186,183,183,186,186,183,176,129,127,127,125,127,176,183,186,183,183,178,178,178,173,127,127,127,170,178,183,186,186,189,191,191,194,191,189,186,189,186,178,127,121,123,181,194,199,196,189,176,126,125,127,170,170,173,178,181,183,181,173,170,170,170,125,116,117,121,125,173,191,196,194,173,125,127,173,178,178,176,173,170,173,183,191,183,168,173,186,178,125,124,127,176,186,189,186,194,204,207,204,194,181,170,126,127,181,189,189,191,199,196,181,165,123,125,170,173,173,178,189,191,189,181,125,95,79,80,123,183,183,168,123,123,123,121,120,119,121,170,186,191,186,178,181,189,191,176,123,127,194,204,202,202,199,196,189,178,178,181,170,117,117,120,127,176,176,178,181,178,176,176,176,176,170,168,170,173,170,170,173,176,176,176,176,176,183,181,127,124,129,176,130,127,130,176,178,181,191,202,204,204,204,204,204,199,189,173,129,126,125,129,178,181,191,196,183,127,121,121,119,117,119,170,183,189,191,194,194,186,173,165,164,170,183,186,176,127,119,116,117,119,119,119,121,127,176,189,194,183,176,176,178,183,189,196,202,204,204,199,191,191,186,178,133,131,133,183,189,191,189,186,183,186,194,196,191,183,178,183,189,196,199,194,189,186,191,202,207,196,135,131,132,176,181,181,186,194,199,199,196,191,185,182,183,186,181,131,127,131,183,196,199,191,183,186,191,181,123,131,196,199,199,202,202,202,196,194,186,127,131,178,111,103,117,183,191,186,191,194,186,178,178,183,186,183,181,178,176,178,183,181,178,176,176,178,181,183,183,183,173,119,111,113,178,199,202,196,189,183,178,170,123,121,168,186,199,202,202,202,199,170,71,68,117,181,103,92,90,105,168,163,160,173,191,189,181,176,178,176,108,115,168,183,186,178,174,176,183,189,191,189,189,194,196,196,191,43,0,57,131,176,181,186,183,169,172,183,194,199,199,186,183,183,186,183,176,127,125,127,131,131,131,127,127,173,181,186,183,183,189,196,196,191,183,178,178,181,183,183,186,186,135,131,178,189,194,196,196,191,186,189,196,196,194,186,182,183,186,189,186,189,191,186,178,173,173,115,57,23,44,125,194,196,199,202,199,194,194,194,194,186,129,127,173,176,173,176,183,189,189,173,109,101,105,117,173,186,191,189,183,181,181,176,127,127,133,186,189,191,194,196,194,189,183,183,186,186,186,181,176,129,127,127,129,129,125,127,173,131,123,121,127,173,176,178,183,191,194,194,191,189,186,183,181,183,186,194,202,199,194,186,181,178,178,178,176,173,176,178,176,131,129,173,178,189,196,196,196,191,191,194,196,196,194,189,186,189,189,189,186,181,186,194,196,196,199,207,215,212,212,209,204,196,191,186,186,191,202,204,202,196,196,194,191,189,186,186,189,189,189,191,194,194,191,191,191,186,183,178,181,183,186,189,186,176,125,125,131,178,181,178,178,181,183,186,189,189,186,186,186,189,186,181,179,179,183,189,189,186,183,178,173,172,173,178,178,178,177,178,178,178,176,173,173,176,176,170,170,176,176,176,170,170,168,168,168,166,165,168,173,170,160,153,153,155,155,111,111,155,157,155,157,157,155,155,157,155,152,152,117,155,157,155,117,115,113,115,115,113,109,107,111,115,115,113,115,121,123,127,170,178,186,189,191,191,186,186,189,196,199,194,183,181,178,181,183,183,181,137,137,137,183,191,196,196,196,202,207,209,212,212,212,209,207,207,207,207,212,212,209,204,199,202,212,217,215,209,207,207,209,207,204,199,199,194,183,174,173,174,176,178,183,186,178,125,115,105,99,99,111,123,173,183,194,202,202,204,204,202,196,191,191,191,191,189,189,191,196,202,202,199,196,194,194,196,199,202,202,204,202,196,195,196,194,186,185,186,189,189,191,194,194,189,181,134,132,134,137,189,199,202,196,199,202,196,191,186,186,191,196,194,186,181,181,183,186,191,191,191,189,189,191,191,189,189,194,199,207,196,137,130,133,181,183,183,186,191,194,196,196,194,196,199,202,199,199,196,196,199,202,204,199,186,136,135,136,136,181,189,196,196,191,187,186,191,196,202,207,212,207,199,194,194,196,199,199,196,194,196,202,207,209,209,209,207,204,202,202,191,135,129,133,181,189,191,189,186,189,191,194,194,189,183,178,134,135,183,194,196,194,189,183,182,183,183,183,133,127,125,123,127,133,181,181,176,133,129,131,176,178,178,181,181,186,189,186,183,178,178,178,181,181,135,131,130,133,178,181,183,181,181,186,189,191,194,199,196,199,199,186,135,137,183,186,189,196,202,204,204,202,196,194,194,191,189,187,187,189,189,187,187,189,194,199,199,199,196,189,137,129,126,127,133,135,133,131,129,135,186,194,191,186,183,189,196,202,199,191,186,189,186,185,185,183,183,186,189,191,199,202,202,199,199,202,202,202,199,199,199,194,189,186,189,191,194,191,191,191,194,196,196,191,189,189,183,182,182,189,194,194,199,207,207,207,202,202,209,222,225,217,209,196,186,186,186,183,135,129,123,125,131,129,125,127,186,196,196,186,178,186,194,196,196,196,204,207,207,196,185,185,194,204,207,207,204,202,194,183,181,182,186,186,191,194,194,194,199,202,204,204,202,202,204,207,209,207,202,204,202,196,194,204,209,212,215,212,209,207,207,209,207,202,199,199,204,209,212,212,209,207,204,204,202,202,194,189,189,191,194,194,194,199,204,209,204,196,191,189,191,196,202,207,207,207,207,199,194,194,196,199,196,199,202,199,199,202,207,209,207,202,194,183,179,181,183,186,178,173,173,178,181,176,127,125,123,121,115,109,109,107,98,95,99,111,119,121,120,121,165,173,170,121,109,115,127,170,178,194,204,199,191,183,183,186,191,196,199,196,191,186,183,189,196,199,199,202,204,209,204,183,135,183,194,196,194,194,199,204,209,209,209,209,209,207,194,141,141,196,209,215,220,220,217,215,222,230,235,235,233,235,233,230,230,230,230,225,225,222,220,215,204,191,173,157,115,105,101,0,150,165,168,165,163,163,168,173,178,181,181,181,178,181,186,196,202,204,207,212,222,228,230,235,238,235,230,225,222,228,235,243,246,243,241,241,0,0,0,0,241,243,246,243,228,199,189,194,0,0,0,0,0,0,0,0,0,228,222,217,220,225,230,233,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,243,222,209,212,0,0,230,215,202,191,181,173,165,163,163,168,0,0,0,0,194,181,0,0,176,0,0,0,202,196,189,186,189,183,176,170,163,0,0,160,168,186,209,228,238,241,243,246,246,238,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,202,196,186,176,165,165,165,165,163,160,157,157,163,173,189,204,217,228,230,225,215,211,212,217,217,222,217,215,215,217,217,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,116,9,0,3,59,23,21,121,168,189,186,189,191,191,196,196,191,189,183,178,181,189,191,189,189,191,191,194,194,189,144,49,0,0,66,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,118,150,163,170,176,178,181,176,160,152,157,163,157,157,163,165,168,170,170,168,165,165,168,170,170,165,165,170,170,168,165,125,121,121,125,170,176,170,165,168,176,176,173,173,173,181,199,199,181,168,168,168,127,125,124,124,168,181,186,181,173,176,176,170,123,125,176,194,194,189,176,165,121,119,119,165,178,170,116,114,118,119,117,117,119,163,168,165,121,118,119,119,119,121,163,163,122,122,163,165,165,121,118,119,123,123,120,118,121,165,170,168,163,163,165,165,173,186,191,186,170,121,119,160,119,117,117,117,115,108,105,160,176,186,107,55,71,119,111,28,19,93,170,176,125,83,121,189,196,199,202,202,196,192,194,194,183,181,183,183,181,178,181,183,189,186,183,186,189,176,102,100,107,117,163,173,178,160,93,51,91,165,191,204,202,183,196,204,202,173,0,0,0,37,152,168,23,3,0,7,59,89,173,202,209,209,204,196,191,191,194,199,199,202,202,199,191,186,186,183,181,181,189,202,215,217,168,41,47,178,202,204,199,198,199,204,204,199,194,194,199,204,202,202,204,204,194,63,97,183,202,204,204,204,202,191,107,0,0,0,0,0,0,0,0,103,157,165,163,165,173,186,186,139,35,21,173,181,163,178,194,199,191,183,183,181,178,183,191,196,199,199,196,194,191,191,191,189,185,182,182,194,199,65,0,0,0,126,191,202,191,185,189,196,202,204,189,11,0,0,0,77,91,150,176,181,170,191,207,186,181,186,191,191,191,191,183,170,170,107,107,160,165,115,160,178,111,113,165,178,189,196,196,194,191,181,160,115,107,115,168,186,199,98,100,111,178,186,176,170,176,189,191,191,186,176,170,173,173,168,121,118,118,119,121,121,116,116,121,125,170,181,189,189,191,194,194,194,196,194,189,176,165,163,165,170,168,125,125,170,178,173,121,115,117,123,165,125,127,183,196,202,202,199,199,199,204,204,202,196,191,186,189,196,202,191,176,127,126,127,176,181,181,178,173,173,183,194,199,194,191,186,186,186,186,183,181,178,173,127,127,125,124,125,173,186,191,194,194,191,186,183,173,126,124,125,129,176,181,183,183,186,186,189,191,191,189,186,186,183,176,125,119,120,170,186,191,189,181,173,126,125,127,168,127,168,168,170,178,176,165,164,168,170,168,119,117,113,108,107,119,173,173,107,110,119,129,176,173,173,173,170,170,173,176,123,112,115,173,181,176,127,123,122,173,186,194,199,204,207,204,196,186,173,126,124,183,196,194,194,202,202,189,176,168,165,125,125,168,176,183,189,189,181,125,95,84,93,186,186,178,125,121,125,123,121,120,119,121,168,181,186,186,186,191,194,189,168,115,121,183,199,199,199,196,191,189,186,186,181,123,104,114,127,183,186,181,181,186,181,178,173,176,178,176,173,173,170,169,170,173,176,173,173,173,170,176,173,125,123,129,176,173,131,178,183,178,178,183,194,196,196,196,196,194,181,127,125,126,126,123,127,176,176,181,186,173,125,123,125,123,119,125,176,183,191,194,194,194,189,181,168,166,176,189,191,181,127,119,117,119,115,114,114,117,125,181,191,191,181,176,173,173,176,181,191,202,204,207,204,196,191,183,176,133,133,176,183,189,191,189,186,178,176,183,194,194,186,178,178,183,186,186,186,186,189,194,199,199,191,135,133,133,176,178,176,181,191,191,189,189,189,186,185,183,186,176,125,124,127,176,186,191,186,186,191,189,127,93,92,127,181,186,189,189,186,183,178,129,115,121,173,113,103,117,176,178,173,183,191,186,176,176,178,183,183,178,178,186,191,189,181,173,131,130,131,176,183,189,191,191,129,112,113,183,202,196,183,176,129,129,168,121,117,123,186,199,199,194,194,189,111,54,60,176,183,113,94,95,173,183,165,163,178,194,191,186,178,173,160,93,114,163,178,183,178,174,176,181,186,183,183,186,191,191,191,186,113,0,37,129,181,186,189,183,160,164,173,183,189,189,178,181,186,186,183,176,129,129,131,131,129,123,119,120,131,178,181,181,183,189,194,199,196,191,183,179,179,181,183,186,135,123,122,135,191,199,202,202,196,191,191,194,196,191,183,182,183,189,191,189,186,186,183,178,178,183,176,95,40,85,181,196,202,202,202,199,196,196,196,191,181,129,126,170,173,170,170,181,196,202,183,100,97,99,107,125,183,191,186,181,181,181,131,125,125,133,189,191,191,194,194,194,191,189,191,191,189,181,133,131,133,176,176,176,173,129,131,176,129,118,117,121,173,176,176,181,189,191,191,191,191,191,189,189,189,191,194,196,194,186,176,129,129,176,181,178,176,176,181,178,131,131,133,181,191,199,202,199,196,196,199,199,196,189,183,183,191,194,191,186,183,189,199,207,209,209,212,212,212,212,209,202,194,183,178,178,186,196,199,199,194,194,191,189,185,185,189,199,202,199,196,199,196,194,191,189,183,133,129,131,178,183,189,191,186,176,129,129,176,178,176,174,176,181,186,189,189,189,189,189,191,189,183,179,179,186,191,194,194,189,178,170,170,173,178,181,178,178,181,181,176,170,127,168,170,173,173,173,178,178,176,173,173,170,173,173,170,168,170,178,176,163,157,157,157,155,109,107,115,117,152,152,152,152,152,157,160,160,160,160,157,157,155,117,115,115,119,121,121,117,117,121,123,121,119,121,168,170,173,176,181,183,186,183,183,181,178,178,183,189,186,181,181,181,181,183,183,181,181,183,183,186,189,194,196,196,202,207,209,212,212,209,207,207,207,207,207,209,207,204,196,189,186,202,207,207,207,204,204,204,207,204,204,202,196,183,174,172,174,176,178,183,181,131,119,111,105,103,107,119,129,176,181,189,196,199,199,196,194,191,194,196,196,194,191,191,191,196,199,199,196,194,194,196,199,202,202,207,209,207,202,196,196,196,196,196,196,194,186,186,189,191,189,183,137,137,137,181,189,199,202,196,196,202,199,196,194,191,194,199,196,191,186,183,186,189,191,191,189,186,186,191,191,186,186,189,196,209,207,191,137,135,181,186,186,189,191,194,194,194,194,196,199,199,202,202,199,199,199,199,202,199,189,137,136,136,137,183,189,194,194,189,186,186,189,194,196,202,207,204,196,191,194,199,199,199,199,199,202,204,209,212,212,209,209,204,202,199,189,131,127,129,137,186,189,186,186,189,191,191,191,186,183,135,132,131,178,191,194,186,181,179,182,189,189,181,133,127,123,123,129,176,181,183,181,181,178,133,131,130,131,178,181,183,186,186,183,178,178,181,186,186,178,131,130,133,181,186,186,181,181,186,186,183,183,189,194,196,194,181,133,133,135,181,183,194,199,202,202,202,196,196,194,194,189,187,187,189,189,187,187,189,194,196,199,199,194,189,183,137,181,189,191,186,181,181,186,191,196,199,194,186,183,189,194,199,196,189,186,186,186,185,186,183,183,183,185,186,191,196,199,196,196,199,199,194,189,191,196,196,194,191,191,191,191,191,194,194,196,199,196,194,189,189,183,182,183,189,191,194,202,209,209,209,209,209,212,222,222,217,209,196,186,183,183,183,181,181,181,181,183,178,127,127,181,194,189,135,127,133,186,191,191,194,196,204,209,204,189,183,189,199,202,202,199,194,186,182,182,186,189,191,196,202,199,196,196,199,202,202,204,204,204,207,204,202,202,204,204,199,199,207,215,215,217,212,207,202,202,204,199,191,183,183,191,202,209,212,209,207,204,204,204,202,196,191,191,194,196,199,204,204,207,209,207,202,196,194,191,194,199,202,202,202,202,199,194,194,196,196,199,202,204,204,202,202,204,204,204,202,196,189,183,183,189,191,186,181,181,183,183,173,125,121,121,117,113,111,115,115,107,101,107,119,123,123,123,125,170,176,173,117,103,113,127,170,176,186,194,189,183,183,181,178,183,194,202,204,196,186,181,182,189,194,196,196,194,199,202,191,137,183,191,191,189,186,191,199,207,212,212,212,209,204,196,191,191,199,207,212,217,217,212,211,212,220,228,228,228,230,233,233,230,230,225,222,222,217,215,212,209,199,181,163,152,109,103,0,152,165,170,165,160,0,0,160,0,173,168,0,0,0,0,0,0,0,0,202,209,215,225,230,235,235,233,225,222,225,233,241,243,241,238,238,0,0,0,235,241,246,248,248,235,209,191,0,0,0,0,0,0,0,0,0,215,212,209,209,215,222,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,233,209,202,204,225,0,230,212,202,196,191,178,165,0,0,0,0,0,0,0,194,189,178,0,0,191,189,196,202,196,189,186,189,183,173,165,157,152,152,0,0,173,194,209,230,235,238,241,235,222,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,196,191,181,176,168,165,165,163,160,0,0,168,181,196,207,222,233,235,230,217,212,212,215,217,215,212,209,209,215,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,137,13,0,59,144,155,160,176,191,196,196,194,189,189,189,189,186,183,181,176,173,178,183,189,189,189,186,189,196,196,186,170,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,108,142,165,176,178,170,157,150,150,152,155,155,157,160,163,165,163,121,115,113,119,165,170,170,170,173,176,173,170,168,165,123,123,165,170,173,166,165,173,186,183,176,170,168,168,173,176,173,170,168,127,127,127,124,124,127,176,181,178,173,168,127,122,119,120,168,178,181,173,165,125,125,119,116,123,170,165,118,121,165,123,115,113,114,123,168,168,163,160,168,163,115,114,121,165,165,123,123,165,170,163,119,119,121,163,123,120,121,168,173,173,168,165,168,170,181,189,186,176,160,115,115,117,113,110,110,113,113,111,117,181,189,183,111,91,107,163,165,68,63,92,178,176,125,123,173,189,196,199,204,207,199,196,194,191,186,186,186,178,168,168,173,181,189,189,186,189,194,183,106,101,107,117,170,183,178,79,0,0,25,178,202,212,209,207,209,209,207,181,33,0,0,69,181,186,176,115,2,9,71,81,121,194,207,204,199,196,191,194,199,199,199,199,199,199,194,189,189,191,189,189,196,209,222,225,222,123,51,173,199,207,207,196,196,199,204,202,195,195,199,204,202,199,199,202,189,85,97,194,202,207,199,199,202,207,199,59,0,11,45,152,91,0,0,75,103,147,139,105,101,77,47,0,0,85,165,181,186,181,191,199,194,181,177,173,172,174,183,194,199,199,199,196,196,196,196,194,189,186,185,191,209,35,0,0,57,186,194,194,189,186,186,191,199,202,199,11,0,0,0,0,0,131,173,189,194,196,202,196,186,186,189,191,196,199,199,199,202,191,160,155,157,160,113,79,101,107,157,173,186,191,191,194,189,173,113,107,107,111,121,173,170,91,110,168,176,176,170,170,183,194,199,196,189,178,173,173,173,170,165,123,125,165,125,121,121,125,165,168,176,186,191,189,187,189,194,194,199,202,189,173,165,123,163,163,163,125,123,121,123,119,111,109,119,170,178,178,178,191,202,207,204,202,199,199,202,199,196,194,186,181,183,191,191,181,168,127,127,168,173,178,178,173,168,168,181,194,196,194,186,183,183,186,181,176,176,176,170,127,125,125,125,129,181,194,202,204,204,202,199,191,181,127,124,125,129,181,186,189,189,189,189,189,191,191,189,183,178,178,178,129,122,121,123,173,181,178,170,173,168,126,127,168,127,127,127,126,170,173,166,164,166,170,173,170,127,121,109,106,109,121,123,110,112,121,173,178,176,176,173,129,127,127,121,112,109,113,127,181,186,173,120,120,170,189,199,202,204,204,199,194,178,170,127,125,181,196,196,196,202,199,189,181,170,168,165,165,165,165,126,176,186,183,117,83,87,178,194,191,176,112,108,115,121,123,123,121,125,168,173,181,186,191,191,189,127,113,113,121,176,191,199,199,196,191,189,186,183,183,176,114,116,170,189,191,183,178,173,173,170,129,170,176,181,181,176,173,170,170,170,173,170,170,170,129,173,129,125,125,127,176,183,189,191,191,183,178,181,186,186,186,189,183,173,126,123,124,127,131,173,178,181,181,181,181,176,129,125,123,123,125,129,173,178,186,189,189,186,186,189,181,173,178,189,191,181,127,121,123,125,121,115,113,115,125,176,181,178,176,173,131,128,129,178,191,202,207,207,204,202,194,181,178,178,176,178,181,183,186,189,189,178,170,172,183,191,186,181,135,133,133,133,178,186,194,196,199,196,186,181,178,178,133,133,133,178,186,189,186,183,183,186,191,194,199,189,125,123,131,173,173,181,181,183,194,189,103,78,82,121,131,123,123,123,117,123,127,119,114,115,117,116,117,131,178,131,129,173,178,178,174,174,176,183,186,178,176,183,194,189,176,130,128,129,173,181,194,199,202,204,202,121,117,181,189,176,125,121,121,127,168,125,116,114,176,186,189,186,189,191,183,113,113,181,176,176,165,173,191,186,163,163,173,189,194,191,183,165,113,113,160,165,176,181,176,176,181,183,183,178,176,181,189,189,189,186,119,55,52,123,186,189,189,189,166,165,170,176,178,178,173,172,183,189,186,173,129,131,173,131,125,120,119,121,127,131,176,181,183,189,196,202,204,199,191,183,179,179,183,181,124,120,125,181,196,202,204,204,202,196,194,196,196,189,182,183,189,196,196,189,183,183,178,176,181,186,178,115,95,117,181,194,199,207,204,196,191,194,196,191,176,127,126,127,127,129,170,178,196,204,191,115,101,101,109,125,178,183,183,183,186,181,129,125,128,186,194,194,191,191,191,191,194,196,199,199,196,183,131,131,176,183,186,183,181,176,176,178,129,116,115,121,131,173,173,176,183,186,189,189,191,191,191,189,189,191,194,194,191,186,131,126,127,176,181,178,176,176,178,178,176,133,176,183,191,202,204,202,199,199,202,199,194,183,179,181,186,189,189,186,189,194,202,207,209,209,209,212,215,212,209,204,191,178,174,174,177,186,194,194,191,189,189,189,186,186,191,199,202,202,202,204,196,189,189,191,186,117,108,115,176,183,189,194,189,178,133,176,181,183,176,174,176,181,183,186,189,186,186,189,191,191,186,181,179,186,191,196,196,191,181,172,172,176,181,181,181,181,181,178,170,127,126,127,170,173,176,176,176,176,176,176,176,176,176,178,176,170,170,176,173,163,157,157,157,115,109,105,105,111,109,109,109,115,155,155,157,163,165,165,160,157,155,117,117,119,160,163,165,163,163,168,170,165,123,125,173,178,178,178,181,186,186,183,181,181,178,176,134,135,178,181,181,183,186,186,186,189,189,189,191,189,189,194,194,196,199,204,209,212,212,209,207,207,204,204,207,209,207,202,194,111,94,127,183,194,199,199,199,202,202,202,204,202,196,191,186,183,181,178,176,176,173,121,111,107,105,105,117,125,173,176,178,181,189,194,191,187,187,191,196,196,194,194,189,186,189,191,196,196,194,192,194,199,202,202,204,209,212,209,207,202,199,199,202,207,207,199,183,179,181,186,186,181,137,183,186,189,189,191,196,196,196,196,199,202,199,199,196,199,194,189,186,186,186,189,189,183,181,183,189,196,196,191,183,186,194,207,215,202,186,137,183,189,191,189,194,194,191,187,187,194,196,196,196,199,204,204,202,199,199,194,189,181,137,137,183,191,191,191,191,189,187,187,191,194,194,196,204,202,191,189,194,202,202,199,199,199,199,204,207,207,207,207,207,202,199,196,189,131,128,130,137,183,189,189,189,189,191,189,183,183,183,178,134,134,181,191,194,189,182,182,189,196,196,189,178,127,122,125,133,181,186,186,186,186,183,178,133,130,131,176,178,181,183,183,181,177,178,189,194,194,186,133,131,133,181,189,189,183,137,181,183,182,182,186,194,196,191,181,134,134,135,137,183,191,196,199,202,204,202,199,196,194,189,189,191,191,189,189,189,189,191,196,199,199,194,189,189,186,189,191,194,194,191,194,199,202,202,196,189,183,183,186,189,189,189,186,185,186,186,186,186,189,189,186,185,185,189,194,196,191,189,194,196,191,187,187,194,196,196,194,194,191,194,194,191,191,191,194,194,191,189,186,186,189,189,189,189,191,202,209,212,212,209,209,212,220,217,212,202,189,136,134,136,183,186,186,191,191,191,186,133,129,178,189,183,133,120,120,137,186,183,191,199,202,207,207,194,183,182,186,191,191,189,186,183,183,186,191,189,191,196,202,199,195,195,199,199,202,204,204,202,202,202,200,202,204,204,204,204,209,215,217,217,215,207,202,202,202,196,186,132,131,135,186,199,207,209,209,207,207,204,204,199,199,199,202,202,207,209,207,204,207,207,204,196,194,191,194,196,199,199,199,199,194,192,196,199,199,199,202,204,204,204,204,204,204,202,199,199,196,191,194,196,196,194,191,189,186,186,181,168,123,121,117,113,117,123,125,121,115,117,123,165,168,168,170,176,178,173,117,111,117,127,127,126,173,173,128,173,178,133,123,125,183,196,199,196,189,174,172,186,194,194,199,196,194,191,183,137,186,194,191,186,133,133,189,204,212,215,215,212,207,199,196,202,207,207,204,209,215,215,211,209,212,217,222,225,225,228,230,230,228,222,217,217,215,209,207,204,199,186,170,160,111,107,0,160,176,178,178,170,157,0,152,0,0,0,0,0,0,0,0,0,0,0,191,199,204,209,222,230,230,230,228,222,225,230,238,241,238,235,235,235,233,233,238,243,248,251,248,0,0,0,0,0,0,0,0,0,0,0,212,207,199,199,204,209,222,0,0,0,0,230,233,0,0,0,0,0,0,0,0,0,0,255,255,248,225,204,200,202,212,230,0,228,217,217,215,191,170,0,0,0,0,0,0,194,189,186,0,0,0,194,189,196,202,196,189,186,186,183,176,165,155,150,151,152,152,0,176,196,215,228,233,233,225,209,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,196,191,183,176,168,163,163,163,0,0,163,176,191,204,217,230,235,233,228,217,212,212,212,212,209,204,202,204,212,222,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,51,15,13,95,152,163,173,186,191,194,196,191,186,183,181,181,178,178,181,178,173,168,173,181,183,183,183,189,194,196,191,181,168,0,0,0,0,0,0,0,0,0,0,0,0,0,147,144,0,0,0,0,0,0,59,137,157,168,168,155,150,150,151,152,151,155,157,156,157,163,121,115,107,105,111,119,165,170,178,186,183,178,173,170,165,125,125,168,173,178,170,166,176,189,191,186,178,168,125,124,127,168,170,127,126,127,127,125,124,127,170,173,170,168,127,123,123,121,121,165,173,176,168,115,113,119,121,119,125,170,170,170,181,183,173,121,114,114,163,173,183,186,178,173,165,117,114,119,170,181,178,168,123,163,123,121,119,119,163,163,163,168,173,178,176,170,170,170,173,178,181,176,165,117,114,115,117,115,110,111,117,119,121,165,178,181,168,107,99,113,168,176,168,165,178,178,176,173,178,186,194,196,199,204,207,204,199,194,191,189,191,191,181,168,166,170,181,189,191,191,194,199,196,176,109,106,115,176,191,202,101,0,0,0,186,207,212,209,207,204,207,199,165,103,81,85,163,199,202,191,194,117,83,69,55,79,191,199,191,189,191,194,196,196,196,196,194,196,196,196,194,196,202,202,202,204,209,215,217,212,186,85,121,194,204,204,196,195,199,204,202,196,195,199,202,199,198,199,202,191,107,115,194,204,196,189,194,204,215,222,178,97,178,194,217,228,65,0,0,87,152,99,91,75,5,0,0,0,0,152,183,183,170,189,202,196,191,186,181,177,181,189,196,199,199,196,196,199,199,199,196,196,194,194,194,101,0,0,91,173,189,194,191,189,186,185,189,194,194,178,0,0,0,0,29,61,147,178,191,191,191,196,191,186,183,186,191,196,202,204,204,207,202,178,168,160,109,9,0,23,95,115,168,178,183,186,189,178,111,95,105,115,117,119,123,119,105,117,170,173,169,168,169,181,194,199,199,191,176,165,125,165,173,183,183,173,125,125,125,125,168,170,170,176,186,191,191,191,191,194,196,202,202,186,170,123,119,121,123,163,165,125,119,113,107,103,105,119,176,183,181,178,191,202,207,204,202,202,202,199,191,189,183,173,168,170,178,181,170,127,127,168,170,173,173,170,166,164,165,173,183,186,183,178,176,178,178,176,170,170,170,129,125,125,125,129,176,191,204,209,209,207,207,204,199,189,176,126,125,129,181,191,196,196,196,196,196,194,191,186,176,129,170,178,183,176,125,124,127,173,170,168,170,168,170,173,173,170,127,126,126,170,173,170,168,168,176,181,183,181,168,119,113,121,170,173,122,125,178,186,183,178,173,129,127,123,123,121,117,115,123,173,183,191,186,170,170,183,194,196,199,202,199,191,178,168,125,127,127,173,186,196,202,202,196,191,183,173,168,168,165,125,121,116,170,183,183,105,86,105,194,199,196,183,114,110,114,121,125,165,125,121,125,173,181,189,191,191,178,115,109,112,121,176,189,199,204,202,196,191,186,183,183,178,125,122,173,189,191,183,173,125,123,125,125,129,176,181,183,178,173,176,176,176,170,125,119,123,170,178,170,127,127,170,178,186,194,196,194,189,178,178,178,176,176,178,173,127,126,126,127,176,183,191,196,196,191,186,181,178,173,125,123,125,170,176,173,173,176,181,181,181,186,191,186,178,176,181,186,181,168,125,168,173,129,119,114,115,125,173,176,173,170,131,129,127,128,178,194,202,204,204,204,204,196,186,181,186,183,178,177,177,181,189,194,191,173,172,178,189,189,183,178,132,131,131,135,189,199,202,199,196,191,183,135,131,131,131,133,178,186,189,186,182,182,189,196,204,209,204,173,126,173,176,170,172,176,186,194,191,107,87,93,178,176,111,107,111,111,121,125,117,116,116,117,121,127,176,178,129,123,127,131,176,176,176,178,186,191,183,173,181,191,189,176,130,129,131,178,189,202,207,207,212,207,186,127,125,125,119,115,116,119,127,176,183,127,117,119,121,170,183,191,196,196,189,189,194,168,156,156,176,186,168,116,118,165,176,191,196,183,100,100,119,170,168,165,168,168,173,183,189,186,178,174,178,189,189,191,191,181,105,95,123,183,191,194,194,178,173,176,176,173,173,172,169,178,186,181,131,128,131,173,131,127,123,121,125,127,129,131,178,183,191,196,202,204,204,199,191,183,181,183,178,125,124,133,189,196,202,204,207,204,202,199,199,196,183,181,182,191,202,204,194,181,178,176,178,181,181,131,115,107,123,181,191,196,204,204,194,186,186,191,189,181,170,127,127,127,129,173,178,191,199,186,115,111,117,125,131,173,178,183,186,186,183,131,128,133,191,199,196,194,194,194,196,202,204,209,209,204,191,178,176,181,186,186,181,178,176,178,181,131,120,120,125,129,129,129,129,176,183,186,189,189,191,191,189,191,191,194,194,191,178,128,128,131,178,181,181,178,133,133,178,181,183,183,189,194,202,204,199,196,199,199,196,189,181,179,179,183,183,183,183,189,194,202,204,207,207,207,209,212,215,212,207,194,178,176,176,176,181,191,194,194,191,191,194,194,191,191,196,199,199,202,199,194,186,186,191,183,113,107,111,131,181,186,189,189,183,181,186,191,189,181,174,174,178,183,183,186,186,186,189,194,194,189,181,179,183,189,191,191,191,181,173,173,181,186,183,183,181,178,173,129,127,127,170,173,176,176,176,173,173,176,178,181,178,181,181,176,165,163,165,163,157,119,157,157,115,109,103,101,105,105,104,109,117,157,155,155,160,165,165,163,157,119,119,157,160,165,168,170,168,168,173,176,173,165,127,173,178,178,176,181,186,189,186,186,186,186,181,134,133,134,178,186,189,189,186,189,191,191,191,189,189,189,194,196,196,199,204,207,209,209,209,207,204,204,204,207,209,209,204,194,97,88,96,125,183,191,196,196,199,196,196,202,202,196,194,191,191,189,186,178,129,123,115,109,104,104,109,123,170,178,176,174,174,181,189,189,187,187,191,196,191,189,186,178,135,137,186,194,196,196,196,199,204,204,204,207,209,212,212,209,204,196,194,202,212,215,207,186,179,181,183,181,137,137,183,194,191,186,183,189,194,196,196,199,202,199,196,194,194,194,189,183,178,178,178,178,133,133,178,189,199,199,191,182,181,189,204,212,204,191,186,189,194,194,194,194,194,189,187,187,194,196,196,196,199,202,204,204,202,199,194,186,181,137,137,183,191,196,196,194,194,194,194,194,194,194,196,202,196,189,189,196,204,204,199,194,191,194,196,202,202,202,202,202,196,191,191,186,137,133,135,137,181,183,189,191,191,189,183,178,178,181,183,183,183,189,191,194,191,189,189,194,199,202,196,183,129,123,123,131,181,189,191,189,189,189,186,178,133,131,133,135,135,178,181,178,178,186,202,202,196,189,133,130,130,135,181,181,135,135,181,186,186,189,194,199,196,191,183,137,135,135,137,186,191,191,194,196,202,202,199,196,191,189,191,191,189,186,186,189,189,191,196,202,202,194,189,189,191,189,189,191,194,196,199,202,202,199,191,186,183,186,189,189,186,186,185,186,186,189,189,191,194,194,194,191,191,194,196,196,189,186,191,194,191,187,186,191,194,196,194,191,191,191,191,186,186,189,191,194,191,189,189,194,196,196,191,189,189,199,207,212,212,209,209,215,217,215,204,194,183,135,135,137,186,189,186,189,191,191,189,181,178,183,191,189,181,121,117,123,131,137,194,202,204,207,207,199,186,183,186,189,183,137,136,137,183,186,186,186,189,194,199,196,195,195,196,196,196,199,202,200,200,200,202,202,204,204,207,207,209,212,215,212,209,207,204,204,207,199,186,133,130,130,131,183,199,207,209,209,207,207,204,204,204,204,204,207,209,209,207,204,204,204,202,199,196,194,194,196,199,202,204,202,196,194,196,199,199,199,202,202,204,207,207,207,204,202,199,199,202,199,199,196,196,196,194,194,191,191,189,183,178,173,125,119,121,165,168,168,125,123,123,165,173,178,178,176,178,176,125,119,168,173,127,125,127,129,129,173,133,129,119,116,119,181,196,202,196,176,173,182,186,186,196,199,194,189,183,183,191,196,194,189,133,128,137,199,209,215,215,209,207,204,204,204,207,204,204,209,215,217,215,211,212,217,222,222,225,228,228,228,222,217,217,217,215,212,207,204,196,186,173,160,113,109,0,170,186,0,0,0,170,160,0,0,0,0,0,0,0,0,0,0,0,0,181,186,189,194,204,212,217,222,222,222,225,230,235,238,238,235,235,233,233,233,238,246,248,246,0,0,0,0,0,0,0,0,0,0,0,0,212,202,194,194,199,207,217,0,0,0,0,233,233,0,0,0,0,0,0,0,0,0,255,255,255,238,217,207,200,199,207,228,0,0,0,243,235,207,183,0,0,0,0,0,209,191,183,178,176,0,186,189,189,196,199,196,186,181,178,178,176,168,155,151,151,152,151,0,165,186,209,225,228,225,217,199,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,194,186,178,173,168,163,160,163,0,165,178,196,212,225,233,235,233,225,217,212,212,212,209,207,202,198,198,202,212,222,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,30,29,79,139,160,170,176,183,186,191,191,189,183,178,176,170,160,165,181,186,178,165,164,168,176,181,183,186,189,191,189,183,181,147,51,0,0,0,0,0,0,0,0,0,0,0,178,189,17,0,0,0,0,0,17,131,147,157,157,155,152,157,165,163,151,155,160,155,155,160,123,117,107,99,99,109,123,178,189,196,191,186,181,176,170,165,165,170,178,181,176,168,173,181,189,191,186,170,124,122,125,168,170,168,126,127,127,125,125,127,168,168,127,127,125,125,127,168,165,165,170,178,170,111,109,115,165,170,176,176,173,178,189,189,178,165,117,115,165,183,209,217,189,165,119,115,115,160,183,199,196,176,119,117,117,119,115,113,121,163,168,176,186,189,183,173,168,170,170,168,168,165,121,114,114,119,165,163,119,119,163,160,121,160,163,119,113,105,103,111,163,170,189,196,181,170,176,189,191,194,194,196,194,194,199,202,196,189,189,191,196,199,189,173,169,173,178,189,191,194,194,199,204,204,183,106,105,163,186,199,109,0,0,0,165,202,209,207,202,202,199,152,93,101,115,163,181,199,204,204,212,215,204,97,47,48,176,191,186,185,191,196,199,196,194,194,192,194,196,196,199,202,204,204,204,204,204,202,196,191,189,105,109,183,199,202,199,198,199,204,202,196,196,199,202,199,196,198,202,196,181,170,178,189,183,176,191,207,215,202,168,173,196,209,217,225,212,39,19,91,105,83,85,67,1,0,0,0,0,61,155,155,103,176,199,202,202,199,196,196,196,199,199,199,196,194,194,199,199,196,196,196,194,189,178,85,0,3,176,181,191,194,194,191,189,186,186,189,189,173,0,0,0,57,137,163,176,189,191,189,189,191,189,183,183,183,189,194,199,202,204,207,204,196,191,173,89,0,0,2,67,107,163,176,181,189,189,163,59,69,113,168,163,119,121,119,111,115,165,173,170,169,173,181,191,196,202,194,176,120,118,123,176,199,199,176,125,125,125,119,117,165,170,176,189,194,194,196,196,194,196,199,191,178,165,119,118,118,121,163,163,163,121,109,103,102,105,119,173,178,176,173,189,202,204,204,204,204,202,194,186,181,173,165,125,165,165,123,123,125,168,168,170,178,178,173,168,165,166,170,173,173,170,168,168,170,173,170,129,170,173,170,125,124,124,129,183,199,209,212,209,207,204,204,204,196,183,170,126,127,176,186,194,199,202,199,196,191,186,176,127,122,125,173,186,183,173,127,127,168,168,127,168,170,176,181,183,176,168,126,126,168,173,173,173,176,181,189,191,186,176,127,127,176,181,178,173,183,196,199,191,178,170,125,121,120,120,125,127,127,168,173,181,189,183,173,178,189,191,191,194,199,194,178,125,123,123,127,170,168,173,191,202,199,196,194,183,173,168,168,168,126,122,119,168,181,178,93,83,113,199,202,202,194,165,115,121,165,173,173,123,101,119,173,181,186,189,189,181,123,113,114,119,170,186,199,204,202,199,194,189,186,183,181,178,176,181,186,183,173,127,122,122,123,129,173,181,186,186,181,176,181,183,176,127,118,115,116,181,186,173,170,176,178,183,189,194,196,194,186,176,173,131,129,131,173,131,129,131,131,173,183,196,202,204,202,196,189,183,178,173,127,125,127,173,176,173,169,169,173,176,181,189,194,191,181,174,178,181,178,173,170,173,176,170,121,115,117,127,173,176,176,176,173,129,128,131,181,191,196,202,202,204,204,196,186,183,189,189,181,176,176,178,186,194,194,183,178,183,191,194,191,183,135,132,132,178,189,199,202,202,202,202,189,133,127,128,131,176,181,189,189,186,183,186,191,202,209,215,212,183,129,176,181,172,170,173,186,194,186,113,100,111,183,181,105,103,107,117,173,178,127,121,119,121,123,129,176,173,123,122,125,131,178,183,183,181,181,191,181,131,176,191,189,178,131,130,176,181,191,202,207,209,212,209,202,125,113,115,117,115,116,121,125,173,183,170,119,119,119,125,186,196,199,202,207,207,199,163,125,126,170,178,160,116,118,121,165,181,191,181,106,106,173,178,170,165,165,165,168,176,181,181,178,176,183,191,194,191,194,189,176,127,131,181,191,196,196,194,189,183,173,170,173,176,173,176,178,173,129,129,173,173,131,131,129,127,129,129,129,131,178,186,191,196,199,202,204,202,199,189,181,181,181,135,135,181,186,194,199,202,207,207,204,202,199,194,183,179,181,189,202,207,194,178,132,176,181,183,178,129,117,111,123,178,186,194,202,202,191,183,181,186,191,189,183,173,129,170,176,178,181,189,189,129,111,119,176,181,129,127,178,189,191,189,183,178,176,183,196,202,202,202,202,202,204,207,212,217,217,212,202,191,186,183,181,178,176,174,176,178,178,176,131,131,131,129,128,127,127,129,181,186,189,191,191,191,191,191,194,196,194,189,128,125,133,183,183,183,183,133,125,127,178,189,191,191,189,191,194,199,196,196,196,194,191,183,181,179,181,181,179,179,181,186,191,199,204,207,207,207,209,209,212,212,204,191,181,178,178,176,178,191,196,194,191,194,196,196,194,191,191,194,194,194,194,189,186,186,189,183,123,111,113,127,133,178,183,189,189,189,191,199,196,186,178,176,178,181,183,183,183,186,191,196,194,189,183,179,181,183,183,186,186,181,176,178,183,189,189,186,183,178,173,170,170,170,173,176,178,176,173,173,173,176,178,181,181,183,183,176,165,160,121,119,117,119,157,157,111,105,98,98,105,109,109,115,155,157,157,160,163,165,163,163,160,157,157,157,163,170,173,173,170,170,176,178,173,170,168,173,176,176,173,178,183,189,186,189,191,194,191,181,135,135,181,189,191,189,186,186,186,189,186,186,186,191,196,199,202,204,204,204,204,204,204,204,202,202,202,207,212,212,209,204,125,96,107,127,181,191,196,196,196,196,196,199,196,194,189,189,191,194,189,178,125,119,115,111,105,107,115,127,176,181,176,173,173,178,189,191,189,191,196,196,189,183,178,134,134,135,181,191,196,199,199,202,204,204,207,209,209,209,212,212,204,194,189,194,207,212,209,194,189,183,181,137,137,136,181,194,191,181,137,181,189,196,199,199,199,196,191,189,191,194,191,181,131,129,129,131,131,133,178,189,199,199,191,181,179,183,196,207,204,196,191,191,194,194,194,194,194,191,189,191,196,202,199,195,196,202,204,204,202,199,196,189,181,136,136,181,191,199,199,196,194,196,199,194,189,191,196,196,194,189,189,196,204,202,194,189,189,189,194,196,199,199,196,194,194,189,186,186,186,186,183,135,135,137,183,189,186,181,135,134,135,181,186,191,194,194,191,189,189,191,191,194,196,196,194,186,133,123,122,123,131,181,186,186,186,191,191,186,178,133,130,133,135,135,181,181,183,196,207,204,199,191,135,131,131,133,133,133,132,135,183,191,194,196,199,202,196,191,183,181,137,181,183,186,186,183,189,191,194,194,194,191,191,191,194,194,189,185,185,189,186,189,194,202,199,189,183,189,189,189,189,191,196,199,202,199,199,194,189,183,183,189,191,191,189,186,189,191,194,194,191,191,191,194,196,199,199,202,202,194,186,183,186,191,191,187,187,189,194,196,194,186,183,183,183,183,186,191,194,196,194,194,196,199,202,199,194,189,191,199,204,207,209,209,212,215,217,212,202,189,181,137,137,186,191,189,185,185,186,191,191,189,189,194,199,196,194,133,121,122,123,127,189,202,202,202,204,204,194,191,191,191,183,135,134,137,183,183,139,139,183,189,194,196,196,195,195,195,196,199,202,202,202,202,204,204,204,204,204,207,209,209,207,204,202,199,199,204,204,199,189,135,131,130,130,135,191,202,204,207,207,204,204,204,204,207,207,209,209,209,207,207,204,202,199,196,196,196,199,199,204,207,209,207,202,196,196,196,196,199,199,202,204,207,209,209,207,204,202,204,204,204,199,194,192,194,196,196,191,194,196,196,196,191,178,168,127,168,170,173,168,123,122,125,176,183,183,178,176,178,181,178,181,181,129,126,129,176,181,181,178,176,129,117,113,119,191,204,209,194,183,186,182,178,182,194,191,186,183,186,194,202,202,202,141,127,127,186,209,217,220,212,209,207,207,207,204,202,204,209,215,222,217,215,217,220,222,225,228,228,228,225,222,222,217,217,217,217,215,209,202,191,178,157,111,111,155,173,189,202,207,199,189,181,0,0,0,0,0,0,0,0,0,0,0,0,176,178,178,178,186,194,202,207,212,217,225,230,235,238,238,235,233,233,230,233,235,241,241,235,0,0,0,0,0,0,0,0,0,0,0,0,209,199,191,189,196,207,220,228,0,0,230,233,235,0,0,0,0,0,0,0,0,0,255,255,251,235,222,212,204,200,204,217,0,0,0,255,243,217,196,0,0,0,0,217,207,191,178,165,0,0,170,181,189,194,199,194,183,176,170,0,178,176,0,157,0,0,0,0,170,191,215,228,228,220,207,191,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,189,183,178,176,176,168,160,157,0,168,191,220,235,238,238,235,225,212,204,202,204,207,207,202,198,198,198,202,212,222,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,23,85,147,163,170,176,178,178,183,186,189,186,181,176,173,168,147,148,170,186,183,168,163,164,170,181,183,183,183,183,186,186,186,191,209,108,0,0,0,0,0,0,0,0,0,0,29,43,0,0,0,0,0,0,0,51,85,139,152,155,157,168,178,178,160,160,168,160,157,163,165,165,119,98,94,99,125,186,196,196,194,191,189,186,178,173,170,173,178,183,181,173,176,178,183,186,183,170,123,122,125,170,173,170,127,168,168,125,123,127,170,168,127,127,125,125,173,176,170,165,170,178,176,121,114,125,178,189,189,181,176,178,186,181,170,123,113,113,168,191,222,230,181,103,101,105,115,176,204,215,207,189,109,111,113,111,109,110,121,165,170,183,194,199,189,173,165,163,163,121,121,163,121,114,114,121,168,170,165,165,168,163,119,117,117,115,117,113,100,99,109,160,178,178,115,113,176,196,191,186,189,189,183,181,183,189,183,178,183,191,202,204,199,186,178,181,183,186,191,191,191,191,199,204,202,107,97,104,168,173,101,0,0,11,109,189,209,207,204,204,202,93,69,73,103,165,186,202,207,207,212,212,217,209,56,30,109,186,189,189,191,196,199,196,194,194,194,194,196,199,196,196,199,202,202,202,196,189,183,182,186,117,105,181,199,204,207,202,204,207,202,199,199,202,202,199,198,199,199,199,191,173,163,170,170,168,183,199,194,79,59,165,170,215,207,202,199,160,139,105,85,73,97,142,160,85,0,0,0,33,69,47,29,111,191,196,199,199,199,202,202,202,202,199,196,191,189,194,199,199,191,189,191,168,137,137,129,95,147,183,191,196,196,196,194,189,186,186,186,176,0,0,0,43,131,168,186,196,194,191,189,189,189,186,183,186,189,196,199,202,202,207,209,212,209,168,87,61,15,23,69,105,157,170,178,189,189,73,29,64,170,173,123,117,121,163,115,111,123,176,178,178,183,189,191,196,202,199,176,117,116,123,178,194,191,173,165,168,123,112,99,115,165,176,191,194,194,196,196,191,191,189,176,170,165,121,119,118,119,121,121,123,119,109,104,105,115,125,173,178,177,176,186,199,207,204,204,204,196,186,176,123,119,125,168,165,119,116,117,123,125,123,168,183,189,183,176,173,170,173,170,127,125,125,125,170,176,173,129,170,176,173,125,122,123,127,186,204,209,209,207,204,204,207,207,202,189,176,127,126,129,176,186,191,194,196,189,178,173,129,123,121,122,127,176,178,176,170,168,127,127,168,170,176,181,186,186,183,176,168,127,127,168,170,176,181,189,194,196,191,181,173,173,176,176,173,176,189,202,204,194,178,168,123,120,119,123,170,176,173,168,170,181,181,127,124,170,183,183,181,191,196,183,125,122,122,124,170,181,176,176,186,196,196,199,199,189,176,170,170,170,170,170,168,127,170,127,90,77,91,186,194,196,181,107,99,113,168,181,186,99,66,109,170,181,183,183,189,183,168,119,115,117,125,183,199,202,199,196,191,189,186,186,186,183,181,181,178,127,122,123,123,123,129,176,183,189,191,189,183,181,186,186,178,125,118,119,125,189,186,170,173,183,189,189,191,194,194,189,181,131,129,129,129,173,178,176,173,173,173,176,186,196,202,202,199,194,189,186,181,176,170,129,129,170,173,173,170,168,170,176,183,191,196,194,186,181,178,178,176,173,170,176,176,129,123,119,123,170,178,178,178,183,183,176,131,176,186,191,191,196,199,202,202,196,186,183,186,186,181,177,177,181,183,186,191,191,189,194,199,202,196,189,178,135,135,181,189,194,199,202,209,212,196,133,127,127,131,176,181,186,186,183,186,189,194,204,215,215,207,181,173,181,183,176,172,176,186,191,183,123,117,127,178,173,104,102,111,170,189,194,186,170,123,123,125,127,129,125,120,122,127,176,186,191,189,178,129,123,123,123,131,183,186,178,173,173,176,181,189,199,202,204,207,209,202,112,106,115,127,125,125,127,123,121,119,111,113,121,127,173,189,196,196,202,207,204,191,168,113,116,168,176,173,170,170,160,109,93,121,189,186,181,183,183,176,173,176,170,125,116,114,165,176,183,189,194,194,191,191,189,183,181,178,183,191,196,199,199,194,181,169,166,176,186,183,176,173,131,131,173,178,173,130,131,133,133,133,133,133,176,181,189,191,194,196,196,199,202,202,191,181,181,186,186,186,183,181,183,191,199,207,209,207,202,196,194,186,183,183,186,196,199,189,132,130,133,186,191,183,173,125,115,123,176,183,191,202,202,194,181,181,186,194,196,191,181,176,178,181,181,181,186,183,127,113,123,181,181,121,120,181,196,196,191,189,189,191,196,204,207,209,209,209,209,209,212,215,217,217,212,207,202,194,186,178,174,173,174,178,181,181,181,178,176,173,131,129,127,126,129,183,191,191,191,191,191,191,191,194,196,194,181,125,123,131,186,189,186,183,123,121,125,183,196,196,191,186,183,186,191,194,196,194,186,183,181,181,183,183,181,179,179,181,183,189,196,202,207,207,209,209,207,207,204,196,186,181,181,181,177,181,194,196,194,191,191,191,191,189,186,189,191,191,189,186,183,186,186,186,186,176,125,125,129,131,131,176,183,186,189,191,202,202,194,183,178,181,183,183,183,186,189,194,196,196,189,183,181,179,179,181,183,183,181,178,181,189,194,194,191,186,181,176,176,173,173,176,176,176,173,173,173,170,173,178,181,181,183,183,178,170,163,119,117,115,117,119,117,111,101,94,93,105,155,165,163,157,117,117,155,157,157,160,163,163,160,160,163,168,173,176,173,170,170,173,176,176,170,170,173,176,176,173,176,183,186,186,189,194,199,199,194,189,186,186,189,191,189,183,139,183,183,139,139,186,191,199,204,207,207,207,204,202,199,199,202,199,199,199,204,209,209,212,212,199,135,135,181,189,194,196,196,196,196,199,199,196,189,186,186,189,191,189,178,129,121,117,113,111,113,121,127,173,178,178,174,176,181,189,196,196,196,196,194,186,181,178,135,134,135,181,189,191,191,194,199,199,199,207,209,207,207,209,212,204,191,185,186,194,204,207,204,202,194,183,137,137,136,137,189,189,137,136,137,186,196,199,196,196,191,187,187,191,196,194,181,127,124,125,131,135,178,183,189,196,199,191,183,182,183,189,202,204,202,196,194,194,194,194,194,194,194,196,199,202,202,199,196,196,199,202,202,202,199,196,189,183,181,137,183,191,199,199,196,194,196,196,191,183,186,194,194,191,186,186,194,199,196,191,186,186,191,196,199,202,199,196,194,194,194,189,189,194,194,186,134,132,135,181,183,181,135,134,134,135,178,186,194,196,194,189,183,183,186,189,191,191,189,183,183,135,127,123,123,125,131,178,178,186,194,196,194,186,135,130,133,135,181,189,189,191,199,204,204,202,196,186,137,137,135,133,132,133,181,191,199,202,202,202,199,196,189,183,183,183,186,189,186,181,181,183,186,186,186,189,191,191,194,199,196,189,183,183,186,186,185,191,199,196,183,179,183,186,186,189,196,202,204,202,199,196,191,186,182,182,189,196,199,196,191,194,199,202,199,196,191,191,191,196,202,204,204,199,194,186,182,182,186,189,189,189,194,199,202,194,183,139,139,139,183,186,194,196,199,199,199,199,202,202,199,196,191,191,199,204,204,207,209,215,217,217,209,199,189,183,181,183,189,194,191,185,185,186,191,194,194,196,199,202,202,199,186,129,125,122,121,125,189,191,194,202,202,199,196,199,196,186,137,136,183,186,183,138,138,138,183,191,196,199,199,196,196,199,202,204,204,204,204,207,207,202,199,202,202,204,204,199,196,194,191,189,194,199,194,186,137,135,133,135,183,194,199,199,202,202,202,202,204,204,207,207,207,207,204,204,207,207,202,196,194,196,199,199,202,207,209,209,209,204,199,196,196,196,199,202,202,202,204,207,209,209,209,207,207,204,202,199,194,194,194,196,199,194,196,199,202,204,199,189,181,176,173,173,173,168,125,123,125,176,186,183,178,178,183,186,186,189,183,173,127,173,183,191,196,196,196,196,178,117,117,129,196,209,209,204,199,186,178,181,189,186,183,139,137,189,202,209,212,199,129,125,128,199,217,222,217,209,207,209,207,204,202,202,207,212,217,217,217,217,220,222,228,230,230,228,228,225,222,222,222,222,225,225,217,207,199,189,165,115,111,152,170,189,202,209,207,202,196,0,0,0,0,0,0,0,0,0,0,0,0,170,173,170,169,170,178,189,196,207,217,225,230,233,235,238,235,233,230,228,230,233,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,194,186,189,196,209,225,233,233,230,230,235,235,0,0,0,0,0,0,0,0,0,255,255,254,243,230,215,209,204,204,209,0,0,0,255,241,215,199,194,196,196,202,204,196,189,178,0,0,0,0,173,186,191,194,191,181,168,0,0,178,186,181,176,176,181,181,181,186,207,225,233,228,212,196,183,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,191,186,183,183,183,176,160,152,0,163,189,225,243,243,233,217,204,196,191,191,196,202,204,202,199,199,202,204,212,222,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,22,13,74,142,168,173,176,181,181,178,183,186,189,183,178,176,178,173,150,147,155,170,181,176,168,168,176,186,189,186,181,181,183,186,194,196,204,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,79,142,152,157,168,181,181,173,170,176,176,173,173,176,181,181,113,97,101,125,186,194,194,191,189,189,189,183,178,173,170,176,181,181,181,186,186,181,181,178,168,123,123,168,176,176,170,170,173,168,123,123,168,176,173,170,170,165,165,176,181,173,165,170,176,181,183,183,183,189,194,194,186,181,181,183,173,123,117,111,112,163,183,207,212,111,61,52,56,79,160,194,204,199,186,101,110,111,107,106,111,165,165,170,183,194,194,181,165,123,123,121,118,160,168,165,117,113,115,121,160,163,168,170,165,119,117,119,168,186,173,96,90,101,163,173,163,110,110,170,186,183,181,186,183,178,176,177,178,176,173,178,191,202,207,204,196,189,189,189,189,189,189,186,183,186,191,191,119,94,100,168,165,103,67,119,117,155,178,199,202,199,204,202,113,72,70,83,163,194,204,209,209,207,207,215,220,79,29,107,186,189,189,191,196,199,196,194,196,196,199,199,199,196,195,195,196,202,202,199,191,186,186,191,170,111,183,202,207,209,207,209,207,204,199,202,204,204,199,199,202,199,194,186,160,109,157,168,173,181,173,77,23,0,33,61,103,147,139,91,97,105,99,105,150,165,139,165,204,83,0,0,29,67,35,0,71,168,176,191,194,194,194,196,196,196,196,194,189,181,183,199,204,170,41,25,31,79,170,181,95,87,168,181,189,194,196,196,191,186,186,186,176,0,0,0,0,63,163,191,196,196,194,191,191,191,189,189,191,194,199,202,202,202,207,212,217,215,157,91,87,87,81,91,105,115,157,163,178,178,54,36,85,168,165,117,115,119,119,111,109,117,176,183,189,196,196,196,196,199,194,170,117,116,121,168,173,173,170,170,170,165,115,96,116,165,168,178,189,194,194,191,183,181,170,163,165,170,165,163,123,123,119,118,119,119,113,111,119,165,170,176,178,181,181,186,196,204,202,199,194,181,123,99,93,107,168,173,123,117,117,117,119,117,113,119,176,186,186,178,176,176,176,173,168,125,124,125,173,178,176,127,127,170,170,125,122,122,127,183,202,207,204,202,202,204,207,209,202,189,176,127,126,126,129,173,173,178,183,178,170,129,127,127,123,123,125,129,170,170,168,127,127,168,173,178,183,186,189,189,189,183,178,170,127,127,168,176,183,191,199,202,196,189,181,176,168,127,125,168,181,194,196,189,176,127,123,121,123,170,183,183,176,168,170,183,178,123,121,127,178,178,178,189,189,170,122,122,125,168,176,189,189,183,183,186,191,196,199,189,178,176,176,173,173,176,173,125,121,119,105,85,97,176,181,170,85,58,56,69,109,178,186,72,58,105,173,178,181,178,183,176,119,107,107,115,168,186,194,194,194,191,189,186,186,186,186,183,176,173,129,122,121,125,127,127,170,181,189,191,194,191,186,186,189,191,183,127,127,176,181,183,176,123,129,189,194,194,191,189,186,181,131,125,125,129,131,176,183,181,176,172,172,176,189,194,194,191,189,189,189,191,186,178,170,129,129,173,178,176,170,168,170,178,186,194,196,194,189,183,178,173,129,129,170,176,176,170,129,129,170,176,181,181,181,189,189,181,178,183,189,191,191,194,196,199,199,191,183,178,181,183,181,181,181,181,181,181,186,194,194,199,204,204,202,191,178,135,178,186,191,194,194,199,207,212,202,181,128,127,128,133,178,181,183,183,186,191,196,207,212,209,191,173,173,181,181,176,173,178,189,189,183,178,178,178,176,127,109,107,123,183,196,199,191,178,129,125,125,123,123,122,119,123,129,178,191,196,194,178,123,113,117,120,123,173,178,178,178,181,183,186,191,196,196,196,199,202,191,111,108,123,173,181,194,189,176,123,110,105,107,119,170,181,189,191,194,196,199,196,189,170,121,125,170,178,183,183,173,119,55,39,71,189,191,186,186,181,178,181,186,181,121,108,103,119,178,189,189,191,189,189,194,191,189,186,186,186,191,196,202,196,189,176,168,168,178,189,183,176,173,173,176,183,183,133,129,131,133,176,178,181,181,181,186,189,194,194,194,194,194,199,199,191,181,181,191,196,191,183,178,179,189,199,207,209,207,199,194,191,191,191,189,189,194,196,186,131,130,133,191,196,191,181,173,123,129,178,186,194,199,202,191,178,178,186,191,191,189,181,176,178,181,181,181,183,186,178,129,131,178,131,117,118,183,199,199,194,191,194,202,209,212,212,212,215,212,212,212,212,215,217,215,209,207,207,199,189,178,174,173,176,181,183,181,181,181,178,173,173,131,129,128,173,186,191,191,191,191,191,191,194,196,196,194,178,127,125,129,181,186,186,178,121,121,129,186,196,196,194,191,186,183,183,189,189,186,181,178,181,186,186,186,183,183,183,183,183,186,191,196,199,202,202,199,199,196,191,183,183,183,186,183,181,186,194,196,194,189,186,183,181,178,181,186,191,191,183,178,176,181,183,186,189,186,181,181,178,133,131,131,176,181,186,191,199,202,196,189,186,186,189,189,186,186,191,194,196,194,189,186,181,181,179,181,183,183,181,181,183,191,196,196,194,191,186,181,178,176,173,170,170,170,170,170,170,170,173,178,178,178,181,181,176,168,163,117,111,109,111,113,113,109,107,96,94,109,168,181,178,157,107,97,93,99,113,160,165,165,165,163,165,170,176,176,173,170,170,173,176,176,173,170,173,176,173,173,178,183,186,186,189,191,196,202,204,204,199,194,191,191,186,139,138,139,139,139,139,186,194,199,207,209,209,209,204,202,199,202,202,202,199,196,199,202,204,209,212,202,183,137,183,191,196,199,196,194,194,196,199,196,189,183,181,186,189,186,178,176,129,119,113,113,117,121,123,127,173,176,181,183,186,191,199,199,199,196,191,186,183,181,178,134,135,137,183,186,183,183,189,191,194,202,204,202,202,207,209,202,189,183,183,186,199,207,209,212,204,194,186,183,137,137,183,183,181,137,181,189,194,196,191,194,191,187,187,191,199,196,135,124,123,125,131,178,183,189,189,191,194,194,194,191,186,183,196,202,202,202,199,199,199,196,196,194,196,199,202,202,202,199,196,194,196,199,202,202,199,196,191,189,186,186,189,191,194,196,194,194,194,191,186,181,183,191,191,189,186,186,189,194,191,186,186,189,194,199,202,204,199,196,194,199,199,196,199,204,202,191,137,135,137,181,181,178,135,135,178,178,178,181,189,191,189,186,183,183,183,189,191,189,181,133,133,133,133,133,129,129,129,133,133,183,194,196,196,191,183,133,131,178,189,196,199,199,202,202,199,202,199,194,189,186,181,135,133,137,189,199,204,207,207,204,199,194,191,189,189,191,194,194,186,181,181,183,189,186,183,185,189,191,196,199,194,186,183,183,186,185,185,189,199,199,189,181,181,182,183,191,199,204,204,202,199,199,194,186,183,183,191,199,202,199,196,196,202,204,204,199,194,194,194,196,202,204,202,196,194,189,182,181,183,189,194,194,199,204,204,194,183,137,137,139,183,189,194,199,199,199,199,199,202,204,202,199,194,196,199,204,202,204,212,217,220,215,207,199,189,186,186,186,189,194,191,189,186,189,191,194,196,199,202,204,202,199,186,133,127,123,120,119,127,137,186,194,199,199,202,202,199,191,186,186,189,189,186,139,138,138,183,189,196,202,204,202,202,202,204,207,207,207,209,209,209,204,202,199,199,199,196,194,194,191,186,183,183,189,189,186,183,183,183,186,191,196,199,199,202,202,199,199,204,204,207,204,204,204,204,207,212,212,207,196,191,191,194,199,202,202,204,204,207,207,202,196,195,196,199,202,202,202,204,204,207,209,209,209,207,204,199,196,196,196,196,199,202,199,199,202,202,202,202,194,186,183,181,178,176,173,168,168,168,173,178,181,178,178,181,186,186,189,186,178,170,176,183,196,204,207,207,209,204,191,129,125,181,199,207,207,204,196,191,191,191,189,186,137,134,136,196,209,217,212,189,128,128,141,202,207,212,204,204,209,212,207,199,198,199,207,212,215,215,217,217,220,225,228,228,228,225,225,222,222,217,217,222,228,222,212,207,196,178,152,110,150,168,186,196,207,212,207,204,204,0,0,0,0,0,0,0,0,0,0,0,176,176,169,168,169,176,186,196,209,217,225,228,233,235,235,235,233,230,228,228,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,189,183,186,199,217,233,238,235,230,230,233,235,0,0,0,0,0,0,0,0,0,255,255,255,255,238,217,209,209,207,0,0,0,255,255,233,204,191,191,189,181,178,181,181,181,176,165,0,0,0,168,181,186,186,183,173,160,155,0,178,194,196,196,199,207,212,207,204,209,222,225,215,196,183,178,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,202,191,186,186,186,176,163,155,0,0,173,209,235,235,222,202,191,189,187,189,190,194,199,202,204,207,207,209,217,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,92,105,142,168,178,178,178,181,181,178,183,186,189,183,181,181,183,183,176,160,150,147,155,168,176,178,186,191,194,189,181,178,181,183,189,196,207,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,0,21,77,142,150,150,160,178,183,181,178,183,189,189,186,186,196,196,176,117,115,121,170,181,186,181,181,181,181,181,181,176,168,168,170,173,181,191,189,181,178,176,170,127,168,176,181,178,173,173,170,127,119,121,173,183,181,178,173,165,165,176,178,173,168,168,170,181,194,199,194,189,191,191,189,186,186,183,168,119,115,113,113,163,178,183,170,58,44,46,51,63,101,119,163,165,121,104,115,113,108,108,119,165,117,121,173,183,183,168,119,121,123,119,119,163,173,170,121,114,113,114,119,121,165,168,163,121,121,163,170,173,160,101,99,121,176,181,170,118,117,123,170,176,183,186,183,178,177,177,178,176,176,181,191,199,204,202,199,194,191,191,189,186,183,181,181,181,183,183,173,104,109,178,173,160,165,176,178,173,173,178,178,176,181,181,163,101,83,99,176,199,204,207,212,209,209,215,212,117,79,176,191,186,185,191,196,199,196,194,194,196,199,202,202,199,195,195,196,202,204,204,202,199,199,199,186,168,189,202,202,204,204,209,207,202,199,202,204,202,196,196,202,199,189,170,95,69,68,93,176,178,59,39,25,0,0,0,0,0,41,71,89,99,87,139,186,199,85,71,75,27,0,0,17,63,67,0,0,97,181,191,191,190,190,191,191,194,191,189,181,173,176,196,199,39,0,0,0,33,41,0,0,51,71,155,165,178,186,189,189,189,191,194,183,0,0,0,0,77,189,194,196,196,194,191,189,189,194,196,196,199,202,204,202,202,204,209,209,204,160,99,99,103,103,78,79,83,83,83,113,121,53,66,117,160,119,115,115,115,111,109,107,110,125,183,196,204,204,199,194,189,181,165,118,118,120,121,121,165,170,173,176,178,183,176,183,178,163,119,173,189,189,173,170,168,123,121,165,173,173,170,170,168,123,119,121,123,121,123,170,173,170,168,173,176,178,178,186,189,176,99,59,48,53,71,85,109,168,125,112,113,123,119,115,111,109,111,121,170,173,170,168,170,176,176,170,127,125,125,170,176,173,127,126,129,170,127,123,123,125,181,196,204,202,199,202,207,207,204,196,183,173,129,129,170,170,129,125,125,170,173,170,129,129,129,127,127,129,170,170,168,127,126,127,170,181,186,191,194,191,191,191,189,183,173,168,168,170,176,181,189,199,202,199,196,189,181,168,124,124,127,173,181,181,173,168,125,123,123,127,176,183,183,176,170,173,178,173,124,123,173,181,178,177,186,181,124,122,168,176,173,176,183,189,183,176,176,181,189,189,178,170,170,178,176,176,176,173,168,125,127,168,168,181,186,170,105,78,61,61,76,117,178,181,73,67,113,173,178,178,176,178,127,109,102,104,115,173,183,186,189,189,186,183,183,183,186,186,183,129,123,123,123,127,129,127,127,173,183,189,194,196,196,194,191,191,194,183,125,127,178,178,129,119,115,123,189,194,194,189,183,178,131,125,123,124,129,131,176,183,183,176,173,173,178,189,191,189,187,187,191,194,196,191,178,127,125,170,181,186,178,170,168,170,181,189,194,194,191,189,183,176,128,126,128,173,178,178,178,178,181,181,178,178,178,183,189,189,183,181,186,191,191,189,191,196,199,196,191,181,177,178,183,183,186,189,183,179,181,191,199,199,204,209,207,202,194,181,135,181,189,194,196,194,194,199,204,199,186,135,129,129,131,133,178,181,183,183,189,196,204,204,194,176,173,178,181,178,173,176,181,186,186,183,183,186,183,176,173,170,170,178,189,196,196,191,183,173,127,123,122,122,121,121,123,131,181,194,202,196,186,129,120,125,129,127,129,173,176,181,189,194,194,194,194,194,191,194,194,183,119,114,121,168,183,204,199,194,191,121,108,111,125,176,186,189,189,191,196,196,194,186,168,143,151,173,178,178,173,105,87,59,43,56,117,186,186,181,176,178,183,189,189,168,111,110,168,186,189,183,183,186,191,199,199,191,186,186,186,189,194,202,194,183,173,173,176,186,189,178,173,173,173,181,189,189,181,131,131,133,178,183,186,186,183,186,189,191,194,194,194,192,196,196,191,183,186,196,202,196,186,178,181,191,202,207,209,207,199,194,194,194,196,194,191,196,196,186,132,130,133,189,196,194,186,178,176,181,186,189,194,196,194,183,176,176,181,186,183,181,176,176,178,181,181,183,186,186,183,178,178,176,125,118,121,183,196,196,191,189,191,204,215,215,215,215,212,212,209,209,209,212,215,212,207,207,207,202,194,181,176,174,178,183,186,183,178,176,173,173,176,173,173,176,181,186,189,189,189,189,191,191,194,196,196,191,183,133,129,129,133,181,181,133,125,127,176,189,194,194,194,199,194,183,176,176,181,181,178,181,186,189,189,186,186,189,189,186,186,183,183,183,183,181,181,181,189,186,181,135,181,189,194,194,191,189,191,194,191,189,183,177,176,176,177,181,189,189,178,131,130,176,181,189,196,194,189,189,186,181,176,131,131,176,181,183,189,196,196,194,191,194,194,191,189,191,194,196,196,194,189,186,183,181,181,183,186,183,181,181,186,194,199,199,196,191,189,183,178,176,170,169,169,170,170,170,170,173,173,176,178,178,178,176,168,163,121,113,107,105,105,103,101,105,113,107,105,160,173,178,178,93,48,51,77,101,115,160,168,170,170,170,170,173,176,176,173,170,170,170,173,176,173,170,170,173,173,176,181,189,191,191,191,194,196,204,209,212,209,204,199,196,191,183,139,183,183,183,183,189,196,202,207,209,212,207,204,199,199,204,207,207,199,191,183,183,194,204,207,199,139,134,137,186,194,199,199,192,191,192,199,199,189,183,181,183,186,183,178,176,129,117,113,113,115,117,121,123,127,173,181,186,191,194,199,202,199,194,189,186,183,183,178,135,178,181,186,183,181,179,183,189,194,199,202,199,202,204,207,199,189,185,185,186,196,207,212,215,212,204,199,191,186,183,186,186,189,189,189,191,191,191,186,191,194,191,189,191,196,191,131,123,122,124,129,135,183,189,189,189,189,194,202,202,194,186,191,196,199,202,204,204,207,204,199,196,199,202,204,202,199,199,194,191,194,196,199,202,202,196,194,194,194,194,194,191,194,196,196,196,191,186,181,181,186,189,189,186,183,183,186,189,189,183,183,186,191,196,202,202,196,194,194,199,202,204,207,209,209,202,189,186,186,186,181,181,181,183,183,181,178,178,183,186,183,181,183,181,181,186,189,183,133,128,127,128,133,178,178,135,131,129,131,181,191,196,196,194,189,178,135,181,191,202,207,204,202,199,196,196,196,194,191,189,183,137,135,183,194,202,207,207,207,202,196,194,191,191,194,194,196,196,191,183,183,186,191,189,185,183,186,191,194,196,194,186,185,186,189,186,185,189,199,204,199,191,183,182,183,191,202,207,204,199,199,199,196,191,189,189,196,202,204,202,199,199,202,204,204,202,199,196,196,199,204,204,199,196,194,191,183,182,183,191,194,196,199,202,202,189,136,136,136,137,183,189,194,199,204,207,204,202,202,202,202,199,199,196,199,199,202,204,209,217,217,209,202,196,194,194,191,189,191,194,196,194,194,191,189,189,194,199,204,204,202,196,183,133,133,135,129,123,127,133,181,189,194,196,202,202,196,191,191,191,191,191,189,183,139,183,186,186,191,196,202,202,199,202,204,207,209,209,212,215,212,209,204,199,196,194,191,191,194,194,191,183,182,182,186,189,189,189,186,189,194,202,204,204,204,202,199,199,204,207,207,204,204,204,204,209,215,217,212,199,189,186,189,191,194,196,196,196,202,204,202,196,195,196,199,202,202,202,202,204,207,207,209,209,207,202,196,194,196,199,199,202,204,204,204,202,194,194,196,194,183,181,183,183,181,178,178,178,173,168,165,168,173,176,173,176,178,181,186,186,183,178,183,194,202,204,204,207,212,215,204,186,189,194,202,202,202,199,204,207,204,199,196,186,133,133,189,207,215,217,207,191,139,139,141,141,189,191,196,207,215,212,199,195,198,204,209,212,215,217,217,217,222,225,225,228,228,225,222,222,215,212,215,222,222,215,207,202,183,155,108,109,157,178,191,202,209,209,209,212,215,0,0,0,0,0,0,0,0,0,0,0,183,176,170,173,181,194,207,217,222,225,228,230,235,235,238,235,233,228,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,186,182,186,202,222,235,241,235,228,228,230,233,0,0,0,0,0,0,0,0,0,255,255,255,255,238,217,209,209,204,0,0,225,248,248,228,196,181,178,173,0,155,157,160,165,168,165,160,0,0,163,176,178,176,168,160,152,147,0,173,0,0,0,215,225,230,222,209,202,204,204,194,181,173,173,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,212,196,183,181,178,173,165,0,0,152,163,189,215,222,212,202,191,190,189,189,190,194,199,204,207,209,212,215,217,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,116,147,168,178,181,181,178,178,176,176,178,186,189,186,183,183,186,191,191,183,157,99,93,142,168,181,186,191,191,186,181,178,178,178,183,196,220,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,51,37,51,124,45,67,134,147,144,107,152,176,183,178,178,186,191,196,199,196,202,199,183,165,119,119,123,168,173,170,170,168,170,178,183,178,170,127,127,127,170,183,186,181,178,178,176,173,176,181,183,181,176,170,170,125,117,119,173,183,183,178,170,125,125,170,170,168,168,170,173,181,194,199,194,186,186,189,191,186,178,170,119,113,111,111,111,163,178,178,119,44,33,91,105,115,117,119,121,121,119,115,119,117,113,119,165,121,88,99,117,170,173,163,117,119,123,119,119,163,170,170,163,117,114,117,121,121,163,165,163,121,160,165,165,160,117,115,163,173,178,183,176,165,119,119,125,176,183,189,186,186,186,186,183,181,186,191,196,202,202,199,194,191,189,189,186,181,176,174,178,183,186,181,176,117,119,173,183,186,186,183,186,183,178,163,144,143,156,165,165,155,113,160,186,199,202,204,212,209,209,212,204,186,176,191,199,191,189,191,194,199,196,196,196,196,199,202,202,199,196,196,202,207,207,207,204,204,204,199,189,176,183,194,191,191,199,207,204,199,199,199,202,199,194,194,199,196,178,109,77,66,62,65,81,49,0,13,45,0,0,0,0,0,25,77,147,150,69,155,189,75,1,0,10,21,17,21,31,49,57,0,0,95,199,196,194,194,191,194,196,196,194,191,183,170,157,155,105,35,0,0,0,5,0,0,0,0,19,87,126,142,157,168,178,189,196,202,196,67,0,0,0,176,196,194,194,194,194,189,186,189,196,202,202,202,204,204,200,200,202,204,204,196,160,109,113,109,93,27,42,67,75,72,95,115,61,111,160,163,119,121,121,119,117,113,111,111,117,176,194,202,202,194,183,176,170,165,125,125,123,121,123,165,173,178,183,194,207,204,199,194,165,103,113,173,123,105,119,121,120,121,165,168,165,168,176,173,123,121,123,123,163,165,170,170,164,164,168,170,165,168,168,123,103,48,36,38,49,77,99,117,123,117,111,115,125,119,113,111,110,111,115,119,123,125,123,165,173,178,176,168,124,124,127,168,168,127,127,170,170,129,127,125,127,178,194,199,199,199,202,204,202,196,183,173,170,170,173,181,183,173,121,120,123,127,127,129,129,127,125,129,173,176,170,168,168,127,168,173,183,189,196,199,196,191,186,183,178,170,168,170,173,173,173,178,186,194,191,191,189,183,170,125,125,127,127,123,120,120,121,123,125,125,125,168,173,173,168,168,168,170,170,126,127,181,186,181,178,181,173,124,125,183,186,176,170,173,178,178,170,169,170,173,176,170,126,126,173,176,176,176,173,178,178,181,178,178,191,194,173,113,101,113,176,178,186,191,183,96,103,123,170,173,173,170,170,125,117,108,109,119,168,176,178,181,181,181,178,181,183,189,189,183,129,123,125,127,129,125,123,127,176,186,189,191,196,196,196,191,183,181,125,103,115,170,129,119,114,111,121,189,194,191,186,181,173,131,125,123,125,131,131,173,178,181,178,176,176,181,189,191,189,189,191,196,199,199,191,123,121,124,173,183,183,178,170,169,173,181,189,194,194,194,191,186,176,127,126,129,176,181,181,181,186,189,183,176,170,176,183,189,189,183,183,186,189,189,186,186,194,199,196,191,183,178,178,181,186,194,196,189,179,183,194,202,204,207,209,204,199,194,189,183,181,183,189,194,191,191,191,196,196,191,189,183,178,135,133,133,178,181,178,181,191,194,186,172,172,183,191,186,178,178,178,183,189,186,181,181,181,176,176,186,196,191,189,191,194,191,186,183,176,129,125,122,122,125,125,127,131,181,194,202,199,191,181,176,186,186,176,131,173,173,178,189,194,191,191,191,189,186,189,189,181,127,119,119,123,176,191,194,196,199,123,109,121,173,181,186,191,189,191,196,194,189,181,170,159,161,173,173,163,111,89,83,89,79,69,105,186,189,173,170,176,181,186,189,178,125,168,183,191,186,181,182,189,194,199,199,189,181,181,186,189,191,191,189,131,127,176,186,194,191,181,176,172,173,178,189,191,186,181,176,176,181,189,191,186,183,183,186,191,196,196,196,194,196,199,194,189,194,202,204,202,194,186,191,196,199,202,204,202,199,196,196,194,194,189,189,196,196,183,176,132,133,183,194,194,189,183,183,189,191,191,191,189,183,176,132,173,176,178,178,176,176,176,181,183,186,186,186,186,181,178,176,131,123,122,127,181,191,191,183,176,181,202,215,215,215,212,212,209,209,207,207,209,212,209,207,204,204,202,194,183,176,176,181,186,189,186,176,129,129,131,178,176,176,183,189,186,186,186,186,186,189,194,194,194,194,189,181,176,131,131,131,133,133,131,131,176,183,191,191,189,191,196,194,178,129,129,176,178,181,183,189,189,186,186,189,191,191,189,189,186,181,136,135,134,133,134,181,181,135,132,135,189,196,199,199,194,191,191,194,191,183,178,177,177,177,178,183,183,133,128,129,133,181,191,194,186,133,176,178,183,183,178,176,176,133,129,131,178,189,191,191,194,194,191,191,194,196,196,194,191,189,186,181,179,181,186,189,183,181,181,186,194,196,196,191,189,183,178,176,173,170,170,170,170,170,170,173,176,176,178,178,176,176,170,121,121,121,113,107,105,103,100,97,100,115,119,157,168,165,119,109,55,43,51,99,113,117,157,168,173,176,176,176,176,173,173,168,165,165,125,168,173,170,127,125,129,173,178,186,194,199,196,196,199,202,207,209,212,212,209,209,204,199,189,183,183,186,186,186,194,199,202,204,209,209,204,199,194,196,204,209,209,202,189,132,132,183,196,204,202,189,136,136,181,189,196,196,192,191,192,199,196,189,183,181,181,183,181,173,127,121,117,117,117,117,117,119,121,125,129,173,181,186,191,196,199,199,194,189,183,181,181,181,181,183,186,189,183,178,177,181,194,202,202,199,199,202,204,204,202,196,194,191,191,196,204,207,209,212,212,209,199,191,189,191,194,199,199,196,194,191,186,185,189,196,196,191,189,189,183,129,125,125,127,129,133,181,186,183,183,183,191,199,204,199,191,191,191,194,196,204,207,209,207,202,199,199,202,202,196,196,194,191,190,190,194,202,204,204,202,199,196,196,199,196,194,194,196,199,199,191,181,137,186,189,189,186,183,181,181,183,186,186,183,181,183,189,194,199,196,191,189,191,194,196,202,204,209,209,207,202,196,191,189,186,186,189,189,186,183,181,178,181,181,178,135,135,133,135,181,183,135,129,128,128,130,135,183,181,133,128,128,133,183,191,191,191,194,191,186,186,189,196,202,204,204,202,202,199,199,196,191,189,189,186,183,183,191,199,202,202,202,199,194,191,191,191,191,194,194,194,194,191,189,186,186,191,194,189,185,186,189,191,194,191,189,189,194,196,191,186,189,196,202,204,199,191,189,189,194,204,207,204,199,199,199,199,196,194,196,202,207,204,204,202,202,204,204,204,204,199,199,202,204,204,202,199,194,194,194,191,189,189,194,196,194,194,196,191,139,135,136,137,139,186,189,191,199,209,212,209,202,194,194,196,199,199,196,196,196,196,202,207,212,209,202,194,194,199,202,199,196,196,199,199,199,199,194,189,186,189,199,204,204,202,194,186,137,137,189,191,181,137,137,137,181,189,194,199,196,194,189,189,189,191,194,191,191,189,191,191,186,186,191,199,199,199,199,202,204,207,207,207,209,212,212,207,202,194,186,141,186,191,199,199,189,182,182,186,189,191,189,186,186,191,202,207,207,204,199,196,199,204,207,207,204,202,204,207,209,212,215,209,199,189,183,183,183,186,189,191,194,196,199,199,196,195,196,202,202,199,199,202,207,207,207,204,204,204,202,196,194,194,196,199,202,204,204,207,199,189,187,191,191,178,178,186,191,189,186,183,181,173,123,119,121,125,125,123,119,117,125,178,189,189,181,181,186,189,191,196,202,215,225,225,215,204,202,202,202,199,202,207,212,212,207,204,196,137,135,186,202,215,220,217,209,199,191,141,137,134,136,141,196,207,207,202,196,199,204,209,212,217,222,222,222,222,222,228,230,230,228,228,225,217,209,209,217,222,215,209,202,186,157,108,108,147,165,183,196,204,207,209,217,222,217,212,0,0,0,0,0,0,0,0,0,202,191,183,186,194,204,215,225,225,225,228,230,233,235,238,238,235,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,191,183,183,199,222,235,238,233,225,222,225,228,0,0,0,0,0,0,0,0,0,251,255,255,255,230,215,212,209,204,0,0,230,243,243,228,196,173,163,155,144,142,142,144,150,155,157,0,0,0,157,168,168,163,155,147,142,142,0,163,0,0,212,220,233,235,225,202,186,186,183,178,0,165,165,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,209,199,186,181,178,173,165,163,0,152,0,170,189,204,209,212,209,204,199,199,202,204,207,209,212,215,217,217,217,220,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,129,163,173,176,178,178,176,173,170,173,176,183,189,189,186,186,189,191,196,196,181,95,82,87,107,163,173,181,181,178,176,173,170,168,176,189,196,165,0,0,0,0,0,0,0,0,118,165,170,155,131,147,183,189,170,129,134,134,137,150,152,106,102,107,165,176,170,173,183,191,196,204,204,204,199,181,123,118,119,123,125,165,165,125,123,165,176,183,181,173,168,125,124,127,173,178,181,181,181,176,170,170,173,176,173,170,170,170,125,115,117,168,178,178,176,165,121,121,125,125,123,168,173,176,181,186,189,186,181,178,183,183,178,123,107,99,99,103,95,97,119,178,186,170,47,34,115,170,178,173,165,165,165,160,121,121,117,121,173,176,119,80,91,101,163,173,168,119,117,119,117,119,123,163,168,168,165,121,160,163,165,163,165,165,163,163,163,163,163,119,115,160,168,170,173,165,121,117,115,123,173,178,189,191,191,194,194,191,191,196,199,202,199,196,194,191,189,186,183,183,178,173,173,178,186,189,173,121,113,111,121,191,209,196,191,189,189,189,170,131,133,157,168,168,165,168,181,194,202,204,204,212,209,204,204,202,189,181,194,207,204,199,196,194,196,202,202,199,196,194,194,199,199,202,204,207,212,209,207,202,202,196,191,178,173,176,183,183,182,191,202,202,196,196,199,202,199,194,194,196,186,113,91,79,77,91,147,85,0,0,0,25,0,0,0,33,35,33,59,152,142,41,45,63,35,39,53,103,144,168,189,163,47,0,0,0,152,186,199,202,199,202,204,204,204,204,202,194,173,81,59,63,95,147,155,150,79,0,0,0,0,0,65,75,87,126,142,168,189,199,199,191,170,0,0,47,189,191,194,194,194,191,187,185,189,199,204,204,204,204,202,200,200,202,204,202,194,155,113,165,111,33,25,48,105,163,103,160,194,117,121,165,165,165,168,168,173,191,183,183,121,113,125,183,186,186,176,173,168,165,168,173,176,173,173,173,170,176,181,194,204,212,209,204,199,176,89,97,111,65,73,117,163,121,123,123,119,115,119,170,168,119,119,119,119,119,123,165,165,164,168,176,173,165,121,121,117,101,48,37,48,95,99,109,117,115,113,115,165,168,119,113,113,117,117,113,113,117,121,121,165,176,183,181,170,124,124,125,125,125,127,170,170,129,129,127,127,129,178,189,196,196,194,194,196,191,181,173,127,127,129,176,189,194,181,123,119,119,120,123,125,125,122,123,170,178,176,173,173,173,173,173,178,181,183,189,194,191,186,178,173,127,127,168,170,173,168,166,168,176,178,176,176,178,178,173,127,125,125,121,118,116,117,119,121,125,125,124,123,124,125,127,127,127,168,170,170,173,181,186,183,178,173,168,127,176,191,189,173,127,127,170,170,170,173,173,170,173,176,126,125,129,176,178,178,176,183,189,186,177,172,183,194,181,170,176,199,202,191,194,196,194,170,173,168,165,165,125,123,121,123,127,127,123,123,125,168,176,176,176,173,176,181,186,194,196,189,176,170,173,129,123,120,119,129,181,186,189,189,191,194,189,178,119,107,97,92,103,129,127,118,115,113,125,189,194,191,186,178,173,131,127,125,127,131,131,131,173,176,178,181,181,181,183,189,189,191,194,196,196,194,183,108,117,125,173,173,170,170,173,173,176,183,189,194,196,196,194,189,178,129,129,176,183,183,183,181,183,183,176,129,128,176,186,189,186,183,183,183,183,178,173,178,189,196,199,194,186,178,176,133,181,194,199,191,181,183,196,204,204,204,204,196,191,191,194,191,178,131,178,186,191,191,194,194,194,194,196,194,191,183,176,131,176,176,131,133,183,183,169,164,176,199,199,189,183,183,183,189,191,189,181,176,173,170,173,191,202,199,189,186,189,183,181,183,181,173,129,125,127,176,178,173,173,181,191,199,196,191,181,178,189,191,181,178,173,172,173,181,186,186,183,186,183,183,189,189,178,127,119,119,121,127,170,176,181,181,108,102,123,173,178,183,189,189,191,194,189,173,125,170,168,170,173,165,119,105,95,97,113,117,115,165,183,183,173,168,170,176,181,186,181,173,178,189,191,186,183,186,194,194,194,189,183,178,181,183,186,183,181,176,118,114,123,183,194,196,189,178,173,172,178,186,189,191,189,181,181,186,194,194,189,181,181,181,189,194,199,199,199,199,202,199,194,196,204,207,207,202,196,196,196,196,196,196,196,196,196,196,191,186,183,186,194,194,183,178,176,176,178,189,196,191,186,186,189,189,189,189,183,176,132,132,173,176,178,181,181,181,178,178,183,186,189,189,186,181,176,131,125,123,123,129,176,186,189,178,129,131,196,212,212,212,212,212,209,207,204,202,204,207,204,202,199,199,196,189,181,176,176,186,191,189,183,173,127,127,131,178,178,178,186,191,186,186,186,186,186,189,191,194,194,189,183,176,131,131,131,131,130,130,131,133,178,186,194,194,189,189,191,183,129,126,129,178,183,183,183,186,189,186,186,189,194,191,191,194,191,186,181,137,136,135,135,137,181,135,132,133,183,194,202,202,199,194,191,194,194,189,183,181,181,178,178,178,178,131,128,129,133,178,186,186,121,100,105,123,181,191,191,186,178,125,118,119,125,178,186,189,189,191,190,191,194,196,196,194,189,186,183,181,179,183,189,191,186,181,181,186,194,196,194,189,181,176,173,173,173,170,170,173,173,170,173,178,178,181,181,178,176,170,165,119,119,121,119,113,111,109,103,99,101,115,157,160,165,115,89,60,56,63,111,119,111,105,115,168,176,181,181,178,173,170,168,165,125,124,124,125,127,127,124,124,127,131,178,189,199,202,199,199,202,207,207,207,207,209,209,212,209,202,189,183,183,183,186,189,194,199,199,204,209,209,204,194,192,194,199,207,207,202,186,131,131,137,191,199,204,199,186,183,181,186,191,194,194,194,194,196,191,186,181,181,181,178,176,129,119,114,116,121,123,121,119,119,121,123,123,127,170,181,186,189,194,196,191,186,181,178,181,181,181,183,186,186,181,177,176,181,199,204,202,194,196,199,202,204,202,199,199,199,196,196,202,202,199,204,215,217,207,196,194,196,202,204,202,199,194,189,186,185,189,196,196,189,186,181,135,133,133,135,178,178,178,181,183,178,178,181,186,194,202,202,196,191,186,186,191,199,204,204,204,202,199,199,202,199,196,194,191,190,189,190,196,202,207,207,204,199,196,196,196,196,194,196,199,199,199,189,137,136,186,189,183,181,181,181,137,181,183,186,183,181,181,183,189,194,194,191,186,186,189,191,194,199,204,204,204,204,202,194,191,189,191,191,191,189,186,183,183,183,181,135,133,131,128,129,178,178,133,129,131,181,183,186,189,183,133,127,127,135,189,191,189,189,191,196,194,196,199,199,199,199,199,199,199,202,202,199,194,191,194,194,191,191,196,202,202,196,191,183,181,183,186,189,189,189,186,183,183,189,189,186,183,189,194,194,189,191,191,194,194,191,191,196,202,202,196,189,186,191,196,199,202,202,196,196,199,204,207,204,202,202,202,202,199,196,199,207,209,207,204,204,204,204,204,204,204,202,202,204,204,204,202,196,194,194,196,196,196,196,199,199,196,196,194,189,139,139,186,189,189,191,189,191,196,209,215,209,199,187,186,187,191,196,196,194,194,194,199,204,207,202,191,186,191,199,207,207,204,202,202,202,199,199,194,187,186,189,199,204,202,199,194,189,183,186,196,199,191,191,186,181,181,186,194,196,194,189,186,183,186,189,194,194,194,196,202,199,194,189,191,196,202,202,202,202,202,202,202,199,199,204,207,204,199,191,141,140,140,186,196,199,191,183,182,186,189,186,183,139,183,191,199,204,207,204,196,192,194,202,204,202,199,196,202,204,207,209,209,204,194,186,183,137,136,137,186,194,196,194,199,202,199,199,199,202,202,196,196,202,207,207,202,196,196,202,202,199,194,194,194,196,202,202,204,207,199,186,185,191,194,178,176,181,189,189,183,181,178,170,121,115,112,113,115,115,109,96,97,119,183,183,173,173,178,178,183,191,204,217,228,230,228,215,209,207,204,202,204,212,215,215,212,209,202,186,139,186,196,215,222,222,217,212,204,199,191,133,135,137,139,143,196,199,199,202,209,215,217,222,225,225,222,222,225,230,233,233,233,230,228,222,212,209,215,217,215,209,204,191,168,113,110,147,160,178,191,196,202,209,217,222,225,222,0,0,0,0,0,0,0,0,0,225,212,204,202,207,212,217,225,222,225,228,230,233,233,235,238,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,186,183,194,217,233,235,228,217,215,217,222,0,0,0,0,0,0,0,248,246,243,248,254,246,225,215,217,222,212,0,0,241,248,243,230,199,168,152,144,139,139,139,139,139,142,147,0,0,0,157,168,168,157,150,142,139,137,142,0,183,199,209,217,228,233,217,191,178,173,176,173,168,165,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,209,204,196,191,186,181,176,170,165,163,155,152,160,173,189,207,222,230,228,222,217,217,220,217,215,217,222,222,220,217,215,213 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,152,160,173,176,176,176,176,173,170,170,170,176,181,186,186,185,185,186,191,194,196,191,173,93,85,85,91,103,150,142,165,178,168,159,159,165,173,181,160,0,0,51,57,0,0,0,67,170,189,186,178,170,176,199,204,173,152,152,155,152,157,157,142,103,105,152,160,155,165,181,191,196,202,202,202,194,176,123,118,121,165,165,123,123,122,122,125,170,176,178,176,168,125,124,125,168,170,178,183,178,170,125,124,127,168,127,125,127,170,165,115,115,121,165,170,170,165,123,121,120,120,121,165,173,178,181,181,181,176,173,170,173,168,123,46,46,71,57,77,89,103,117,168,178,176,91,45,165,176,186,186,181,176,176,176,176,168,121,121,170,176,163,105,98,103,163,178,173,123,117,116,117,121,163,163,168,176,173,165,168,170,170,165,163,170,173,121,121,160,119,107,105,111,117,119,121,117,115,115,115,119,165,176,186,194,191,191,196,194,194,199,202,199,194,191,191,191,189,186,183,181,178,174,173,178,183,181,109,107,104,103,111,191,199,194,189,186,189,196,196,165,155,173,176,168,170,181,191,202,204,204,204,207,204,202,199,194,125,125,194,207,209,207,199,194,199,204,207,202,191,185,186,194,199,202,204,207,212,212,204,199,196,186,170,170,127,127,178,183,182,189,196,194,194,196,202,207,204,196,194,189,165,105,97,81,85,186,199,168,103,17,0,0,0,0,0,142,207,45,22,35,57,52,73,95,155,181,196,207,207,202,199,199,196,75,0,11,95,176,196,207,204,204,212,215,209,212,207,202,189,69,31,48,93,142,183,163,142,144,152,131,31,0,59,33,0,73,53,71,183,204,191,176,163,73,23,57,186,196,194,194,191,189,186,186,191,202,207,209,209,207,202,200,200,202,204,202,194,168,160,165,160,85,81,109,165,181,191,199,199,186,168,165,163,168,176,183,194,199,204,207,199,107,74,70,75,87,121,168,168,168,170,176,178,178,181,183,176,170,181,196,207,212,209,204,196,191,85,0,0,31,59,168,183,183,168,119,117,114,115,165,123,115,119,121,115,112,115,165,173,176,183,189,178,165,123,163,163,123,115,103,99,99,103,109,111,109,109,117,165,168,117,113,119,125,123,113,111,113,117,123,170,183,189,183,173,125,125,125,125,125,170,176,173,168,125,123,125,129,176,183,189,189,186,181,178,173,170,129,127,125,127,170,181,186,181,129,120,118,119,121,123,122,123,129,178,183,181,178,181,181,181,183,183,183,173,170,170,173,173,168,125,123,124,127,170,168,165,165,168,173,170,127,125,127,170,173,170,127,121,119,120,125,127,123,121,123,125,124,123,122,125,170,170,127,168,173,173,173,178,186,178,117,116,129,178,183,186,183,176,127,125,127,129,173,176,178,176,176,173,129,128,170,178,183,181,181,186,189,183,174,174,186,194,194,194,196,202,202,196,194,196,196,194,189,183,73,65,105,97,103,125,173,170,127,127,168,168,173,176,172,170,173,178,183,194,199,196,186,178,176,170,123,118,117,170,181,186,186,186,191,191,183,129,94,91,93,95,113,129,127,123,123,127,173,183,189,191,183,173,173,131,125,124,127,131,129,128,129,173,178,183,183,181,181,181,181,186,191,189,186,186,176,119,121,127,170,125,123,124,170,176,178,178,178,183,194,194,191,186,178,173,176,181,186,186,186,183,181,176,129,127,127,173,183,186,183,181,183,186,176,121,115,127,181,194,199,196,186,176,132,131,133,186,191,186,178,183,196,204,202,199,196,189,183,186,196,194,130,126,130,186,194,196,199,196,194,194,196,196,196,191,183,133,131,129,127,130,181,178,168,169,189,204,196,186,181,178,186,189,191,191,186,178,173,170,169,183,194,194,186,181,178,176,176,178,183,176,129,127,173,183,181,178,178,181,189,194,191,186,178,178,189,191,186,178,173,169,170,176,183,183,181,181,178,178,186,191,181,127,121,125,125,121,123,123,125,127,123,119,125,173,176,176,183,186,189,189,123,104,109,165,173,170,168,163,119,111,109,119,168,173,173,178,183,181,170,169,170,176,181,183,178,176,178,183,186,191,194,194,194,189,183,183,181,178,181,183,181,176,176,173,119,110,112,176,186,186,189,183,178,176,181,183,183,186,189,186,186,191,196,196,189,183,181,181,183,189,196,202,202,199,199,202,196,196,202,207,209,207,202,199,196,196,196,194,192,194,194,191,186,181,181,186,191,191,189,183,183,178,176,183,191,191,189,189,186,186,186,186,181,133,132,173,176,181,183,189,191,186,178,178,183,189,189,189,186,178,131,127,123,123,119,104,108,183,189,176,123,129,196,207,212,212,212,212,209,204,196,194,196,199,202,196,191,191,189,183,178,176,181,189,191,186,178,131,128,129,131,176,178,181,183,183,186,189,191,191,186,186,186,189,189,186,181,176,133,131,131,131,131,131,131,133,181,191,196,196,194,191,189,176,125,124,129,178,186,183,182,183,189,189,189,191,189,186,189,194,194,194,194,189,183,181,183,183,137,135,133,133,137,183,196,204,207,199,191,191,191,189,186,186,183,178,176,176,176,131,130,131,176,176,178,173,101,87,94,123,183,196,196,194,189,133,116,116,123,176,181,183,189,191,191,191,194,196,199,196,191,186,183,181,181,186,191,191,189,183,183,186,189,191,189,183,131,126,127,173,173,130,130,176,176,176,176,181,181,181,181,178,173,165,121,117,119,123,163,121,119,117,111,103,105,115,121,163,163,115,99,65,113,117,173,170,85,81,103,168,181,186,183,178,173,170,168,168,165,125,125,125,125,125,125,125,127,173,181,191,196,199,198,198,199,207,209,207,205,205,207,212,209,196,139,137,139,139,186,191,194,196,199,204,207,207,202,196,192,192,196,202,202,196,186,137,135,137,186,196,199,202,196,191,186,189,191,196,199,199,196,194,186,181,178,178,178,173,170,125,119,114,116,123,125,121,119,119,121,123,125,127,129,131,176,183,191,194,189,183,178,181,186,186,183,181,186,186,181,176,176,183,199,202,194,189,191,196,196,196,196,196,196,202,199,199,202,199,192,194,209,217,209,199,194,194,199,202,199,196,196,191,186,186,189,189,191,189,183,178,135,178,183,189,191,191,186,181,178,177,177,178,178,186,196,202,196,189,181,181,189,196,202,202,199,194,194,196,196,196,196,194,194,191,191,194,202,204,207,202,199,199,194,191,190,191,194,196,199,194,191,183,136,137,183,183,179,179,181,183,181,137,137,183,186,183,179,179,183,191,194,191,185,182,185,189,194,202,204,202,199,196,196,199,196,196,196,194,194,191,189,191,189,186,181,178,133,129,127,127,133,178,135,133,181,186,191,194,194,189,137,133,135,183,191,191,189,187,191,199,202,202,202,202,199,196,194,191,191,194,199,202,202,199,199,202,204,196,196,202,202,194,186,177,176,179,183,183,183,186,183,135,132,133,137,181,181,186,194,196,196,196,199,196,191,189,189,194,199,199,196,189,185,186,189,194,199,199,202,202,202,204,207,207,207,207,204,204,199,199,199,202,204,204,204,204,202,202,202,204,204,202,202,204,207,204,202,196,196,196,199,202,202,202,202,204,204,199,194,191,191,194,202,204,204,202,196,191,196,204,209,207,199,189,186,185,189,196,196,191,191,194,196,199,196,189,182,182,189,196,204,209,212,207,204,199,196,196,191,189,191,196,199,202,202,196,194,189,186,191,199,199,194,189,189,186,186,191,196,194,186,183,182,183,183,186,189,191,194,196,202,204,202,194,194,199,204,204,204,202,202,202,199,191,186,194,196,194,194,191,186,141,140,141,189,194,191,183,181,183,189,183,133,133,139,189,194,199,207,204,194,191,192,199,204,199,191,191,196,202,202,204,204,196,186,183,139,137,135,137,194,202,202,199,202,204,204,204,202,204,202,196,194,199,204,202,194,190,191,196,199,196,194,194,196,196,199,202,202,202,199,194,190,194,196,189,178,111,103,119,168,173,178,173,165,121,106,97,108,117,113,99,87,94,173,176,125,127,178,181,181,194,209,222,228,230,228,222,215,209,207,207,207,212,212,209,212,209,196,189,191,191,196,209,222,225,222,217,212,207,207,202,191,141,137,136,137,141,191,202,212,217,222,222,225,225,222,222,225,230,233,233,230,228,228,222,215,209,212,215,215,212,204,194,176,157,150,150,160,170,181,189,194,202,212,222,225,225,225,228,0,0,0,0,0,0,241,238,230,225,222,225,225,222,216,216,222,228,230,230,233,235,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,183,178,189,209,222,225,220,209,202,202,207,0,0,0,0,0,0,0,246,241,238,238,243,243,230,225,230,233,217,215,0,0,251,241,222,191,170,0,0,0,0,0,142,139,139,139,137,139,147,165,178,178,170,157,147,139,137,142,152,181,196,204,209,220,217,202,186,173,170,173,176,178,176,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,215,204,199,202,202,191,183,178,178,178,178,165,152,152,160,173,194,217,233,238,241,235,233,228,225,217,217,222,225,222,222,215,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,176,183,178,178,178,178,178,178,173,170,170,170,176,181,186,186,185,185,186,191,191,194,196,189,165,101,79,49,25,29,41,103,181,176,161,159,165,168,165,144,0,0,137,163,25,0,7,134,168,178,178,170,160,160,181,189,163,151,152,157,157,160,163,152,109,111,152,155,153,157,173,186,194,196,194,191,181,170,121,119,123,168,168,125,123,122,122,125,127,168,173,173,170,127,125,125,125,127,170,176,170,125,123,123,124,124,124,124,125,165,121,115,115,119,121,123,165,168,168,125,121,120,121,125,170,176,178,181,181,176,168,163,121,121,115,42,40,44,28,35,99,115,121,160,168,168,163,163,170,176,183,189,186,183,181,183,186,181,168,121,123,168,165,115,109,111,165,183,178,123,117,117,121,168,170,170,170,173,173,168,168,170,163,109,115,183,186,165,121,117,107,101,102,109,113,112,113,115,119,121,119,121,165,173,186,191,189,186,189,189,191,199,199,194,186,183,186,189,186,183,181,178,178,178,178,176,178,170,109,106,104,103,107,165,181,181,186,189,191,199,202,194,183,181,173,163,168,183,194,202,204,204,202,202,207,207,202,168,97,107,194,207,209,207,202,199,202,207,204,199,186,181,182,191,199,199,204,209,209,204,199,196,189,168,127,170,117,107,170,183,186,189,194,186,186,194,199,202,199,189,189,176,107,96,105,93,93,186,212,212,209,163,59,9,0,0,0,31,75,45,22,33,89,152,186,191,194,199,204,212,212,209,209,209,207,170,0,21,71,115,199,202,202,204,212,215,209,209,207,202,194,77,48,58,77,43,39,81,144,204,220,196,45,0,67,37,0,0,0,0,178,181,173,150,152,150,83,85,189,202,199,194,189,187,187,189,194,199,204,207,209,209,204,202,202,202,204,202,199,189,173,173,181,178,115,119,168,181,191,199,202,191,173,163,163,170,181,191,199,204,207,212,215,207,77,52,57,83,121,168,170,170,170,170,173,176,178,176,165,123,173,189,199,207,204,199,191,183,67,0,0,9,89,170,189,194,178,123,123,123,119,115,111,113,123,121,111,110,113,170,178,178,183,186,178,170,176,181,183,178,163,113,105,101,103,107,109,109,111,117,123,123,113,112,119,163,123,113,111,112,117,123,173,183,189,183,173,127,127,125,125,127,181,191,186,170,123,122,123,127,170,173,176,173,127,123,121,121,125,127,129,127,123,123,127,178,181,173,125,121,123,125,123,125,170,183,194,194,189,189,189,191,191,191,191,186,127,119,117,119,125,125,123,122,124,168,170,170,168,168,173,176,170,125,123,125,127,170,173,170,121,119,123,173,176,168,125,125,127,168,127,127,170,178,176,127,124,127,168,170,176,178,125,112,115,170,181,178,176,176,173,129,127,125,127,170,178,178,170,128,129,170,176,178,181,183,183,183,186,186,181,176,177,189,199,199,202,202,202,199,196,196,199,202,202,199,202,58,44,67,73,75,111,127,127,127,170,170,170,176,178,176,172,173,176,183,189,191,191,183,176,176,173,127,121,122,173,181,186,186,189,194,194,186,170,100,98,107,117,173,178,129,129,176,181,181,178,181,183,181,176,173,127,122,121,125,131,131,127,127,131,178,183,183,181,178,173,173,178,181,176,173,178,178,170,129,170,170,125,122,122,127,176,178,176,174,176,186,191,186,183,178,173,173,178,183,186,186,186,181,176,170,128,127,131,181,183,181,181,186,186,131,113,108,117,173,189,196,196,189,178,131,130,133,181,181,176,133,181,194,199,194,189,186,183,181,186,194,186,127,125,131,191,199,202,202,202,196,194,194,196,196,196,189,178,133,130,129,131,178,178,176,186,204,207,191,178,129,127,173,183,186,191,191,181,173,170,168,170,181,183,181,178,176,127,116,129,181,178,170,126,127,176,178,178,178,178,181,186,186,183,178,178,189,194,186,181,173,170,172,173,178,183,183,181,177,177,186,191,186,178,173,176,173,125,121,119,117,121,127,127,168,170,170,170,176,176,178,178,113,102,106,123,168,125,125,125,121,119,165,178,183,183,183,183,183,178,170,170,170,173,176,173,170,168,168,173,183,191,196,196,186,176,173,176,178,178,181,183,181,176,176,176,129,117,118,173,178,178,183,189,186,186,186,183,182,182,186,186,189,194,196,196,189,183,183,181,178,181,191,199,199,196,196,194,191,189,194,199,204,204,202,196,191,194,196,194,194,194,191,183,181,178,181,186,191,194,191,189,189,181,176,181,191,194,194,191,186,183,181,181,176,133,132,176,181,186,189,194,191,186,181,178,181,183,186,189,189,181,131,127,123,121,113,105,108,181,186,133,118,124,191,207,212,212,209,209,207,202,194,189,191,196,196,191,183,181,178,176,176,178,183,191,189,181,173,130,130,131,173,176,178,181,183,183,186,189,189,186,181,181,183,186,189,183,178,178,176,176,176,176,176,176,176,178,183,194,199,199,196,194,189,176,127,126,131,178,183,183,183,186,194,194,194,194,186,185,186,191,196,199,202,196,189,189,191,186,181,135,135,135,133,135,186,202,207,202,186,182,186,189,186,183,181,178,176,176,133,131,131,176,178,131,129,129,113,98,113,173,183,196,199,199,196,186,121,120,129,181,183,186,194,196,194,191,191,196,199,196,191,189,183,183,183,186,191,191,189,186,183,186,189,186,183,178,127,125,126,131,170,129,129,173,178,178,181,181,181,181,181,178,173,125,117,116,117,123,165,163,121,119,113,107,109,115,121,165,165,121,111,109,160,173,189,186,37,45,115,176,186,189,183,178,173,170,168,168,168,168,127,127,125,125,127,125,129,176,183,191,196,199,199,198,202,207,209,209,205,205,205,209,207,191,136,135,137,141,189,196,199,199,202,204,207,204,202,196,194,192,192,194,196,194,191,189,186,186,189,191,191,194,194,191,191,191,194,199,202,202,199,191,183,178,176,173,173,131,129,129,125,119,119,125,125,119,117,121,125,170,176,176,170,127,127,178,189,191,186,178,178,183,189,183,178,178,183,186,186,178,177,189,199,199,191,187,189,191,186,186,189,191,191,196,199,199,202,196,190,191,202,212,209,199,192,192,194,199,196,196,196,191,186,186,186,185,186,186,186,181,178,181,186,194,199,199,194,186,178,177,177,177,177,178,189,196,194,186,181,137,183,191,199,199,196,191,191,196,196,196,196,196,194,194,196,199,204,204,204,199,196,194,191,189,189,191,196,199,196,191,183,136,136,136,137,181,181,181,183,186,183,137,137,183,189,186,181,178,179,186,191,191,186,183,186,194,202,204,204,194,189,189,194,199,204,204,204,199,196,194,194,194,194,191,186,183,181,131,126,126,131,137,181,181,183,186,189,194,196,194,186,186,189,194,199,199,194,194,199,202,199,196,196,199,199,196,194,189,187,187,194,202,204,202,202,202,202,199,196,202,204,202,191,181,178,181,183,183,183,186,183,133,129,128,132,137,183,191,196,196,196,199,199,196,189,185,185,189,191,191,191,186,185,185,186,191,196,196,199,199,202,204,207,209,207,207,207,207,204,202,199,196,196,202,204,202,199,199,199,204,204,202,199,199,202,202,202,199,196,196,199,202,204,204,204,204,202,199,194,194,196,204,209,212,212,209,202,194,196,204,207,202,194,191,189,187,189,196,194,189,191,194,194,194,186,182,181,185,194,196,202,207,209,207,202,199,194,191,189,191,196,199,199,199,199,199,196,191,189,191,196,194,191,189,189,189,191,194,196,194,186,182,182,183,186,189,189,189,191,194,202,207,207,202,199,199,202,202,196,191,194,196,194,141,137,139,141,186,189,191,191,189,186,141,183,189,189,183,181,182,186,139,127,124,131,183,189,196,202,204,199,194,194,199,199,194,189,189,191,194,194,194,196,191,183,137,137,137,137,186,196,202,202,202,204,207,204,204,202,202,204,202,196,194,199,196,190,189,191,196,196,196,196,196,199,199,202,202,202,202,202,199,194,194,194,191,181,105,100,113,168,173,178,178,176,178,121,103,106,121,170,173,99,97,113,123,125,170,176,178,183,194,209,225,228,228,228,225,217,212,207,204,204,207,207,207,207,204,194,189,194,196,199,207,217,225,228,225,217,212,212,209,207,199,194,143,137,135,136,145,202,212,217,217,217,217,217,217,225,230,233,233,230,225,225,225,217,212,209,212,215,212,204,194,178,163,155,0,0,165,173,181,191,202,212,217,225,225,228,228,230,230,235,0,0,0,248,246,241,238,238,238,233,225,216,215,216,225,230,233,235,238,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,178,0,176,191,204,207,204,194,186,186,191,0,0,0,0,0,0,0,243,238,237,238,246,248,238,230,233,230,215,207,222,0,246,233,204,183,168,0,0,0,0,0,0,147,142,139,134,0,150,170,186,191,183,170,155,142,134,137,0,173,189,194,199,207,204,191,181,176,176,181,183,189,194,189,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,230,222,209,204,209,207,194,178,176,181,183,183,168,152,147,150,155,168,194,220,235,243,241,233,228,217,215,217,222,225,225,225,222,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,170,183,189,186,183,181,181,181,181,176,173,173,173,176,183,186,189,186,186,189,191,191,194,196,196,191,173,89,27,22,23,26,83,183,186,173,164,168,170,168,147,9,9,126,142,47,29,75,155,168,173,170,165,155,153,160,163,152,150,152,160,163,165,168,160,152,155,160,155,153,155,163,176,189,191,189,181,176,170,123,121,123,168,170,165,125,123,123,125,125,127,170,173,170,127,127,125,125,125,127,168,127,125,125,125,165,165,165,165,165,165,119,113,115,117,115,115,121,165,170,165,123,120,123,165,170,173,178,183,186,181,168,119,113,121,168,89,81,81,47,61,119,121,121,121,163,168,176,189,168,170,178,183,183,183,183,183,186,186,178,121,116,123,163,117,111,117,173,181,170,123,115,115,163,176,183,181,173,165,163,163,163,121,103,91,101,189,191,176,160,115,105,102,106,119,117,111,112,117,163,165,123,163,168,173,181,186,186,181,181,181,186,196,196,189,181,178,181,186,186,183,181,178,181,181,181,181,176,168,117,111,107,107,113,119,119,157,170,186,189,191,196,199,189,176,163,160,170,186,196,202,202,202,204,204,209,215,209,170,95,111,196,207,209,207,204,202,202,202,199,194,186,183,185,194,199,199,202,209,209,204,199,194,176,107,123,183,115,75,109,178,183,189,189,181,181,189,191,189,183,173,165,155,101,96,152,103,103,181,204,212,220,217,209,147,0,0,0,0,0,53,91,176,204,209,202,199,199,196,199,204,204,204,204,207,209,209,83,23,53,95,105,117,196,204,207,207,207,209,204,196,178,67,58,89,105,49,28,29,29,199,248,233,31,0,83,129,0,0,0,0,33,49,21,19,134,152,83,85,204,215,202,194,191,189,189,191,194,196,199,202,207,207,204,199,199,199,199,199,196,189,173,178,189,183,160,157,165,173,186,196,199,191,168,160,163,173,183,191,196,204,209,209,212,212,194,77,75,107,125,168,168,170,168,168,168,173,173,170,123,118,119,168,181,191,191,186,178,170,107,19,21,89,119,170,183,191,178,123,123,168,123,110,108,113,123,117,111,111,117,170,178,173,170,173,176,178,191,196,196,191,176,121,111,105,105,107,111,113,115,119,119,115,110,111,115,119,119,115,112,112,115,121,168,176,178,173,168,125,125,125,125,170,194,209,202,176,123,122,127,170,170,129,123,119,116,115,116,117,123,127,170,129,123,121,122,170,181,178,170,129,173,170,127,129,181,196,202,199,196,194,196,196,196,194,191,186,170,119,113,114,119,127,127,125,127,170,178,181,181,181,181,178,170,127,125,123,125,168,176,176,125,121,127,173,176,127,124,125,170,176,178,178,183,189,183,168,119,119,122,127,170,170,123,117,123,178,183,173,127,129,176,178,173,127,124,125,173,173,129,126,128,170,181,183,183,183,181,183,181,181,178,176,178,189,196,199,202,202,199,194,194,196,202,204,202,199,204,59,34,59,77,81,101,119,125,125,127,127,168,176,181,181,178,176,176,178,176,176,173,170,129,170,170,127,127,129,178,186,189,189,194,196,199,194,181,115,115,127,176,186,186,176,176,186,189,183,177,177,178,181,181,178,129,122,121,125,173,173,128,127,129,178,186,189,183,176,130,130,176,176,129,129,178,189,189,183,178,176,129,124,123,125,173,178,176,173,174,183,186,183,181,173,169,169,173,178,178,183,186,181,178,176,170,127,128,176,181,181,181,186,186,129,109,105,111,125,178,189,191,189,181,133,131,133,176,133,129,129,133,183,191,186,178,133,176,181,189,189,178,127,127,178,196,204,204,204,204,202,196,196,196,196,194,189,181,178,178,176,178,181,183,183,196,209,212,183,127,123,123,127,173,176,183,186,178,176,173,170,168,170,173,173,178,176,117,104,116,181,186,178,126,125,129,173,176,178,176,172,173,183,186,181,178,189,189,186,181,178,176,176,173,173,173,178,183,178,178,183,183,186,191,189,189,189,176,127,119,111,115,168,170,170,176,173,170,168,125,168,178,125,105,106,119,123,119,121,165,123,119,178,186,189,186,181,183,183,181,176,173,170,168,127,123,121,119,119,125,178,191,194,189,178,127,123,127,173,178,178,181,183,181,173,173,173,173,173,176,176,176,186,194,196,196,196,186,179,179,183,189,191,196,199,194,189,186,186,178,174,174,183,196,199,194,191,189,186,183,186,191,194,196,194,191,189,189,194,194,199,196,189,181,135,135,181,191,196,194,194,194,194,183,176,183,194,199,199,194,186,181,176,176,133,132,133,181,189,194,194,189,181,178,178,178,176,176,181,189,191,181,131,131,127,127,121,112,119,186,189,176,117,123,186,202,209,207,204,204,204,199,191,186,189,194,191,186,178,131,129,129,131,178,186,194,186,176,131,131,176,176,178,178,181,183,183,183,183,183,183,178,176,176,181,186,189,186,183,183,183,183,183,183,183,183,183,181,186,194,196,196,194,191,186,176,129,131,135,178,181,186,189,191,199,199,196,194,186,183,185,189,194,199,202,199,191,189,191,189,183,137,137,135,133,132,135,194,204,199,182,179,183,189,186,183,178,178,176,176,133,131,133,178,176,128,128,178,178,131,178,181,186,191,196,196,196,191,176,133,183,189,191,194,199,202,196,191,191,196,199,196,194,189,186,183,183,186,189,189,189,186,186,189,189,186,181,176,129,127,131,173,131,129,129,173,178,181,183,183,181,178,181,181,176,125,117,114,116,123,165,163,121,117,113,109,111,115,160,165,168,163,119,121,165,178,186,178,16,37,173,183,189,189,183,178,176,170,168,168,168,170,168,127,127,125,125,125,131,181,191,196,199,202,202,202,204,207,209,212,209,209,209,209,204,191,137,136,139,189,196,202,202,202,204,204,204,202,199,196,194,192,192,192,194,196,196,199,196,191,191,189,187,189,191,191,191,194,196,199,202,202,202,194,183,176,131,131,131,129,129,170,129,125,125,127,125,117,117,123,129,178,183,183,176,128,126,181,189,186,181,176,176,183,186,176,129,125,127,178,189,183,179,189,196,196,191,191,189,183,136,135,183,189,189,191,191,194,196,196,191,191,199,207,207,199,194,191,192,196,196,196,196,191,189,186,185,185,186,189,191,186,183,183,186,191,199,204,202,191,183,178,178,178,177,178,183,189,189,183,137,136,137,183,191,194,194,191,191,196,199,199,196,196,196,196,196,199,202,204,202,199,196,196,194,191,191,196,199,199,194,189,181,137,137,137,136,137,181,137,181,183,181,137,137,183,189,189,186,181,181,183,189,191,191,186,191,199,204,204,196,186,137,183,189,196,204,209,209,202,196,196,196,199,196,194,194,191,189,181,129,127,135,186,186,186,186,186,189,194,199,199,196,196,199,204,207,207,207,207,209,204,196,194,194,196,202,199,194,189,186,187,194,204,207,204,199,199,196,194,194,199,204,207,204,196,191,189,189,186,189,191,189,139,130,129,133,183,189,194,196,196,195,196,199,194,186,183,185,186,186,186,186,186,185,186,189,191,196,196,196,196,199,204,209,209,207,202,204,207,207,204,199,194,192,196,199,202,199,199,202,202,202,202,199,194,194,196,202,202,196,195,196,202,207,207,202,202,199,199,196,196,199,202,207,209,209,212,202,194,194,202,204,199,191,191,191,189,189,191,189,186,189,191,194,191,186,185,186,194,199,199,199,199,202,202,202,196,194,189,189,191,196,196,194,196,199,202,199,191,187,189,194,194,191,191,191,191,191,196,199,196,189,183,186,189,191,189,189,189,189,194,204,212,215,209,207,202,202,196,141,135,141,191,186,136,133,135,137,141,189,194,196,194,191,186,186,189,191,186,183,182,183,139,125,121,124,137,189,194,196,202,202,199,199,196,194,191,189,187,189,191,191,189,189,186,139,136,136,139,189,194,196,196,199,202,204,204,202,199,199,199,202,202,194,189,191,191,191,191,194,196,196,196,196,196,199,199,202,202,199,199,202,199,194,189,189,189,186,123,113,129,176,170,173,176,178,183,183,117,112,123,178,178,121,109,107,113,127,173,173,173,178,183,202,215,222,225,225,222,220,215,209,204,204,204,204,204,202,199,194,189,186,143,191,196,212,222,228,230,225,217,215,212,212,212,212,209,196,139,136,137,139,147,204,215,217,216,216,217,222,230,233,233,228,222,222,225,217,212,207,209,212,212,207,196,183,168,160,0,0,0,168,173,183,196,207,215,222,225,230,230,230,230,235,241,246,0,248,248,248,246,248,246,243,233,225,217,217,222,230,235,241,0,0,233,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,165,0,155,168,181,186,183,178,173,173,178,186,0,0,0,0,0,0,243,241,238,241,0,251,241,230,228,217,204,196,204,0,241,233,202,181,170,163,0,0,0,0,157,152,144,139,134,137,0,168,186,194,189,173,155,139,129,129,137,157,176,178,181,186,186,181,178,181,189,194,196,204,215,209,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,235,230,217,207,209,204,186,168,168,176,181,178,160,144,107,107,107,113,163,194,217,235,238,230,220,212,209,215,222,225,228,228,228,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,178,178,178,183,186,186,183,183,183,183,178,176,173,176,178,183,191,194,194,191,191,194,194,194,194,194,196,194,157,41,31,29,33,87,181,189,189,178,173,176,176,163,85,67,85,83,55,49,129,160,170,176,176,173,168,160,155,155,151,150,155,165,170,173,170,163,160,165,170,163,157,157,160,168,181,186,189,186,183,181,173,165,125,170,173,170,165,125,125,125,127,168,170,173,168,127,127,127,125,125,125,125,124,125,165,170,170,170,173,178,183,178,123,115,115,115,113,113,117,123,165,165,125,125,168,176,178,181,183,189,194,189,173,116,85,117,178,183,202,202,165,170,165,160,121,160,165,168,170,176,163,163,170,173,178,181,183,181,181,186,183,123,114,117,121,110,103,119,178,176,163,121,117,113,168,183,191,191,176,121,120,160,163,160,100,89,104,173,181,173,160,115,109,111,121,165,121,113,113,117,121,121,119,123,168,170,173,181,183,178,176,176,181,191,191,186,181,178,181,186,189,186,186,183,181,181,183,189,181,165,115,111,111,115,119,119,113,109,119,178,181,176,183,189,178,168,160,165,181,194,196,202,202,199,199,204,209,209,204,121,77,103,202,207,209,209,207,204,202,196,194,194,191,189,194,199,199,198,199,207,209,207,199,189,95,64,111,194,111,68,87,121,168,176,186,186,181,178,173,173,173,163,157,152,107,99,109,97,99,173,189,202,207,207,220,204,0,0,0,0,0,95,207,207,209,207,202,196,191,186,186,191,194,196,196,199,207,212,183,18,35,87,87,85,191,204,194,196,202,202,199,186,155,73,69,144,173,157,144,33,0,61,173,152,0,0,41,173,173,147,0,0,0,0,0,0,0,0,0,81,217,215,204,199,194,191,191,194,196,196,195,196,202,202,196,191,189,191,194,191,181,97,86,160,181,176,165,160,165,176,189,194,194,181,165,121,163,170,178,183,189,196,207,207,202,194,194,191,173,123,125,125,125,165,165,165,173,178,176,170,125,118,115,114,117,165,170,173,168,123,119,119,165,170,173,173,176,176,165,118,121,165,163,113,111,115,121,117,113,113,113,163,165,123,121,165,176,186,196,202,202,196,181,165,117,111,109,113,115,119,121,123,119,113,110,111,113,115,117,119,117,115,117,119,121,125,168,168,125,124,124,125,168,176,196,212,204,176,125,125,173,181,178,129,121,116,115,115,117,121,125,129,129,129,123,122,123,170,178,178,176,173,173,129,127,170,183,196,202,202,199,196,196,194,194,194,191,189,181,123,112,111,115,127,170,170,170,173,181,186,189,189,183,178,170,127,123,121,123,170,178,178,170,127,127,168,127,124,123,125,176,183,183,186,189,194,189,178,122,120,123,125,123,117,117,123,173,186,186,170,125,127,178,186,186,129,122,121,125,176,178,176,173,173,178,183,183,183,178,181,181,181,181,181,183,191,196,199,202,199,194,191,191,194,202,202,196,189,191,81,42,77,119,117,115,123,127,124,123,124,168,178,183,186,183,176,173,173,128,126,127,128,129,170,129,129,129,176,186,191,191,194,194,196,196,194,183,125,123,170,178,183,183,176,178,186,189,181,177,177,181,183,183,186,181,129,125,129,176,176,129,127,129,178,189,191,186,176,130,130,176,173,128,129,183,196,196,189,181,173,170,129,127,127,170,176,176,176,178,183,186,181,176,170,169,169,170,173,172,173,181,178,178,181,176,128,128,176,181,183,186,191,189,173,110,106,111,121,129,178,183,189,186,181,132,133,176,133,131,131,129,129,176,178,133,128,128,135,183,186,181,130,130,186,199,204,204,204,204,204,202,199,196,194,189,186,183,183,183,186,189,189,186,183,191,204,204,111,107,121,125,129,127,121,123,170,173,176,178,178,173,170,173,176,178,170,113,103,117,189,196,189,131,127,131,173,176,178,173,169,170,183,189,181,178,186,186,181,181,181,181,183,178,127,122,125,178,178,176,173,127,176,196,196,196,194,183,170,119,110,114,127,170,178,183,178,173,123,113,121,183,181,111,108,117,121,116,117,125,117,111,170,183,183,176,173,178,183,183,181,176,168,125,121,118,116,116,117,121,173,186,189,181,170,123,121,122,129,176,176,178,183,183,173,173,178,183,183,181,176,178,189,196,204,204,199,186,179,179,183,191,196,199,199,194,186,186,186,181,174,173,178,196,202,196,191,191,191,189,183,181,137,183,186,186,185,186,191,196,199,196,183,135,132,133,183,194,199,196,196,199,194,183,178,186,199,202,202,194,186,181,178,176,133,132,176,186,194,196,191,176,127,129,176,178,133,130,176,186,189,176,129,133,178,181,178,127,133,189,191,181,123,127,183,194,199,196,194,199,199,191,185,185,186,191,191,186,135,129,128,128,129,178,189,191,183,173,173,178,183,181,178,178,181,181,181,178,181,181,181,178,178,176,178,183,191,191,189,189,189,189,189,189,189,189,186,183,183,186,189,189,189,186,181,176,133,178,181,183,183,189,189,191,196,196,194,191,186,183,185,186,189,196,199,196,191,187,189,189,183,137,137,137,133,131,132,189,202,199,183,179,183,191,189,183,181,178,176,176,133,133,133,178,173,128,173,191,194,189,186,186,186,189,189,186,183,186,183,183,191,196,196,202,204,202,196,191,194,196,196,196,191,189,186,183,183,186,189,189,189,186,186,189,191,186,181,178,173,131,176,176,176,170,170,178,181,181,183,183,181,178,178,181,178,168,121,116,117,123,168,168,163,119,113,111,113,117,160,168,173,168,163,163,168,178,173,109,3,38,176,186,189,189,186,181,176,170,168,168,127,127,168,129,127,125,124,125,176,189,196,199,199,202,204,207,207,209,212,215,215,215,212,212,209,199,189,186,189,194,202,204,204,204,204,204,202,199,196,194,194,196,196,194,196,202,204,204,202,199,194,189,187,189,194,194,194,194,194,196,202,204,204,199,191,181,176,173,131,129,129,170,170,129,129,129,125,119,117,121,127,173,181,186,186,181,178,189,186,178,132,132,176,181,181,133,125,120,117,123,183,191,189,189,194,194,194,194,189,137,133,133,181,189,191,189,135,135,191,196,194,194,199,207,207,204,199,194,194,196,196,196,196,191,189,189,186,186,191,196,196,191,186,183,183,189,196,204,204,196,189,186,186,186,183,183,181,181,181,183,137,135,136,181,186,191,191,194,196,199,199,199,199,199,199,196,195,196,199,202,204,202,202,204,202,199,199,202,199,196,189,186,189,191,191,183,137,136,136,135,135,136,137,136,136,137,183,186,189,186,183,186,189,194,196,194,194,196,199,199,189,137,135,137,181,186,196,204,204,199,194,196,199,199,199,196,196,199,199,196,189,183,189,194,194,194,191,189,191,199,207,207,202,199,202,207,212,215,215,212,209,204,199,194,195,199,202,196,191,189,189,194,202,209,209,207,199,196,194,191,191,194,199,207,207,204,199,194,191,189,191,196,196,189,137,139,183,189,191,196,199,199,199,199,199,196,189,186,186,189,189,189,189,189,189,189,189,191,194,196,194,191,196,204,207,204,196,191,196,202,204,204,202,196,192,194,196,199,202,204,202,199,199,199,196,189,186,189,194,196,196,195,196,202,207,204,202,199,199,202,199,196,196,196,199,202,204,204,199,194,194,199,202,196,194,194,194,189,186,189,186,183,186,189,194,199,196,194,199,202,202,202,199,196,196,199,199,196,194,191,189,191,194,194,191,194,199,202,199,194,189,189,196,199,196,194,191,189,189,194,199,202,196,191,191,191,191,189,189,189,191,199,207,212,217,215,212,207,202,194,133,129,135,141,139,134,133,135,139,189,194,199,199,196,194,194,194,194,194,194,191,186,186,186,129,122,123,127,135,137,139,186,194,196,196,194,191,191,191,189,191,194,194,191,189,189,186,137,137,186,196,196,191,191,199,204,207,204,202,199,198,199,202,199,189,186,187,191,191,194,194,194,194,194,194,194,196,196,199,199,196,196,199,202,196,191,185,185,189,191,186,186,178,125,123,170,178,189,191,178,125,123,165,125,165,123,113,107,117,123,121,127,127,129,181,199,212,217,222,222,217,212,209,207,204,204,204,204,199,199,196,189,135,129,135,143,204,215,225,230,228,222,220,215,212,215,217,222,217,204,191,139,127,123,141,209,220,220,216,216,222,228,233,230,225,215,215,217,215,209,207,207,209,209,207,202,191,181,170,165,165,168,165,168,173,183,196,207,215,225,230,233,230,230,233,238,243,248,251,251,251,251,251,251,248,243,238,230,228,225,228,235,0,0,0,233,225,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,0,142,155,165,173,173,170,169,170,173,181,0,0,0,0,0,248,246,243,243,241,243,243,233,222,215,207,199,191,194,0,0,238,220,189,178,176,0,0,186,178,168,157,150,139,134,131,0,160,178,189,183,170,152,137,129,126,131,147,160,163,160,165,170,173,178,189,204,212,215,222,235,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,233,220,204,199,191,173,0,160,165,170,163,147,137,101,101,101,105,113,168,196,222,228,222,209,204,207,212,215,222,225,230,230,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,173,183,181,181,183,183,183,183,186,186,183,181,178,176,178,181,186,194,199,199,194,189,189,194,196,194,192,196,202,186,93,65,57,61,107,176,189,191,183,176,178,181,168,155,142,137,134,85,89,147,160,173,178,181,181,176,165,160,160,157,155,157,168,173,173,170,168,168,173,176,165,160,121,121,163,170,181,189,194,199,196,186,170,168,176,181,176,168,125,125,127,168,170,168,127,125,125,165,165,165,165,168,165,124,125,168,173,173,178,183,189,196,194,183,165,123,119,114,114,117,121,123,125,165,173,181,189,191,191,191,191,196,191,176,116,85,117,181,191,202,199,181,173,168,163,160,165,168,160,115,115,117,121,163,165,170,173,176,176,178,186,183,123,110,114,119,107,99,119,181,176,117,113,115,115,170,186,196,199,181,119,118,163,181,189,168,115,160,163,163,165,160,117,115,117,121,160,121,117,117,113,109,107,109,119,165,168,170,178,183,181,176,174,178,186,186,181,178,178,181,186,191,191,191,189,183,181,189,196,186,111,87,101,117,163,165,160,113,109,115,160,157,113,113,114,115,157,163,173,189,194,196,199,199,194,189,196,202,204,191,55,38,115,202,207,207,209,209,207,202,199,196,194,191,194,199,202,202,202,202,202,204,204,196,170,86,57,103,111,75,70,97,111,113,123,181,186,178,117,111,157,170,163,157,152,109,101,99,85,85,107,173,196,199,196,199,196,41,0,0,0,17,181,204,207,207,204,199,191,183,182,182,183,189,191,194,196,202,204,191,18,43,99,83,70,79,113,155,186,196,189,165,157,150,99,95,144,160,160,160,37,0,0,0,0,0,0,9,181,196,207,147,0,0,0,0,0,0,0,0,83,209,204,202,199,196,194,189,191,194,199,196,196,196,194,189,183,181,183,186,181,160,81,62,79,163,178,176,168,168,176,186,189,181,165,157,121,160,165,168,168,170,176,189,196,186,123,117,125,165,125,165,123,121,123,165,170,181,189,181,173,125,119,117,113,114,119,163,165,123,121,121,121,170,178,176,168,165,123,118,117,119,163,163,123,121,121,123,163,123,111,95,107,115,115,119,165,181,194,199,199,199,196,186,170,121,115,111,115,119,121,163,165,123,119,115,115,115,115,119,123,123,119,119,117,114,117,123,165,125,124,124,168,173,178,186,196,191,170,125,127,176,178,178,170,125,121,117,117,123,127,129,129,128,129,170,170,170,176,178,178,176,173,125,122,125,129,178,186,194,199,199,194,191,191,191,194,191,191,186,170,115,113,121,170,178,176,170,173,178,186,189,186,181,173,170,127,119,116,121,173,183,181,173,127,124,124,123,123,125,170,181,186,186,186,189,194,194,189,183,178,176,168,114,105,106,114,178,186,181,127,124,127,178,186,183,127,121,120,125,178,189,191,183,173,173,178,183,183,177,178,186,189,191,189,191,194,196,199,202,199,194,190,190,191,196,196,194,183,176,111,65,99,176,173,127,168,173,168,124,125,176,181,181,183,181,178,176,173,128,125,126,129,173,176,170,128,129,178,189,191,194,194,191,189,191,189,181,127,125,131,176,178,173,131,176,181,181,178,178,183,189,189,189,194,194,178,129,129,173,176,131,129,131,181,189,194,189,178,130,131,176,173,129,130,183,194,191,183,173,129,170,173,170,127,125,129,178,183,186,189,186,181,176,170,170,173,176,173,170,170,176,176,178,181,178,131,129,176,183,186,191,196,194,181,119,109,115,125,173,178,183,186,186,178,133,133,176,133,176,176,128,125,129,178,178,129,127,129,178,183,189,181,178,186,196,199,199,202,204,204,204,202,196,189,183,183,186,186,189,194,196,196,183,173,131,183,127,78,79,119,173,178,129,111,109,117,125,173,181,183,181,178,178,186,183,170,112,108,127,196,202,196,183,178,178,178,181,183,178,170,173,191,194,186,183,189,186,183,181,181,178,181,178,127,121,123,168,127,117,115,111,117,191,199,196,194,186,176,125,117,119,127,170,183,191,183,173,119,111,113,127,170,121,115,173,170,116,115,119,114,108,125,181,176,169,169,173,181,186,183,176,168,123,119,118,118,118,121,127,176,183,181,173,127,123,120,121,129,176,129,127,183,189,178,178,183,186,183,176,173,173,181,194,204,204,196,183,178,179,189,196,199,199,196,191,186,183,186,183,176,174,181,199,207,202,194,196,199,196,186,134,133,134,183,186,185,185,189,194,199,196,181,133,131,133,186,196,199,199,199,196,191,181,177,186,196,202,199,189,186,183,183,181,176,176,178,189,196,196,183,127,121,129,183,183,133,130,133,183,183,131,127,133,183,191,189,181,178,183,189,183,129,135,189,189,186,186,189,194,194,189,183,183,186,191,194,189,181,133,131,129,131,178,186,189,183,178,181,191,191,178,127,129,173,176,178,181,181,183,183,181,181,176,133,178,189,194,194,191,189,189,189,189,189,186,186,183,178,176,176,176,178,181,181,135,135,181,186,189,191,191,183,183,189,189,189,189,186,185,186,189,191,194,196,196,191,187,189,189,183,181,183,183,181,133,135,189,202,202,191,186,186,189,189,186,183,181,178,176,176,133,133,176,173,129,176,189,194,189,186,183,183,183,178,129,129,176,181,183,189,194,199,204,204,202,194,191,194,196,194,191,186,183,183,183,183,186,189,189,189,186,186,186,189,186,183,181,178,173,176,178,181,178,176,178,181,178,181,183,181,178,176,178,176,170,125,121,121,125,168,173,165,119,115,115,117,121,168,176,178,176,173,173,181,189,178,73,0,28,170,181,186,186,186,183,178,170,168,168,127,126,127,129,129,125,124,127,181,194,199,196,194,196,202,207,207,209,212,215,217,217,217,215,212,207,202,199,194,194,199,202,204,207,207,204,199,196,194,191,194,199,202,202,204,207,212,209,207,204,199,194,189,191,196,199,194,192,191,196,202,207,209,207,199,189,181,178,173,129,129,170,173,170,129,170,127,119,117,117,119,123,173,183,191,191,191,189,178,130,130,133,181,183,181,181,133,122,118,122,183,194,191,194,191,189,186,189,186,178,133,134,137,189,196,189,121,117,181,194,199,202,204,207,209,207,202,199,196,196,196,196,196,194,191,189,186,189,194,199,196,191,183,181,181,183,189,196,199,196,194,196,196,191,183,181,135,135,181,183,183,137,137,183,189,191,191,194,196,196,196,194,196,199,199,196,195,195,199,204,207,207,209,209,209,204,204,202,196,186,137,181,196,204,202,194,189,181,135,133,135,136,137,137,136,134,135,181,183,186,186,186,189,194,196,194,196,199,202,199,189,137,135,136,137,181,189,196,199,196,191,194,196,199,199,199,199,202,204,209,209,207,207,204,202,199,199,199,199,202,204,202,199,196,202,207,212,215,215,209,204,202,199,199,202,204,202,194,189,189,194,204,212,212,209,204,196,194,194,194,191,191,194,202,202,202,196,194,194,194,194,202,204,196,189,189,189,191,191,194,196,199,199,202,204,202,196,191,194,194,194,191,191,189,189,189,189,189,191,194,191,190,191,199,202,196,187,186,189,194,196,202,204,202,196,194,194,196,199,202,202,199,196,194,191,186,183,183,185,191,196,196,199,204,204,204,202,202,202,204,202,199,195,195,196,202,204,202,199,194,194,191,194,194,196,199,194,186,183,186,186,183,186,189,196,202,199,196,199,202,202,204,202,196,196,196,199,196,196,194,191,189,191,191,191,196,202,204,202,194,189,189,196,202,202,196,191,183,139,186,196,202,199,196,194,194,191,189,189,194,199,204,207,209,212,215,212,207,202,191,131,129,133,141,139,136,137,141,189,194,196,199,199,199,199,199,199,199,199,199,196,191,191,194,183,129,124,123,121,120,121,129,137,189,191,189,189,191,194,191,191,194,191,189,189,194,196,189,189,196,199,194,186,189,199,204,207,204,202,199,199,199,202,196,189,186,187,191,194,191,191,191,191,191,191,191,194,194,196,196,199,199,199,202,202,196,189,186,189,191,194,191,181,119,111,125,181,189,189,183,173,123,122,122,168,173,165,113,111,113,112,117,117,117,121,133,196,215,222,217,212,209,207,204,204,204,207,207,202,199,196,186,129,125,129,141,199,209,217,228,225,222,222,220,215,215,217,222,225,220,212,199,125,111,117,202,225,228,217,217,222,228,230,228,217,209,209,215,215,209,204,204,204,204,204,199,196,189,183,181,178,176,170,165,164,168,181,196,209,222,230,233,233,230,233,238,243,248,251,254,251,251,251,251,248,248,248,246,238,230,230,0,0,0,241,235,228,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,165,173,173,173,170,172,176,183,0,0,0,0,0,251,248,246,243,238,238,238,230,217,212,209,204,194,186,0,0,238,235,207,194,0,0,0,217,194,178,163,152,142,134,131,0,155,168,178,176,163,147,134,129,126,134,147,0,157,155,156,0,170,183,202,222,233,235,246,255,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,243,230,215,199,189,178,0,0,157,157,157,150,139,101,98,98,98,101,109,121,181,204,212,209,202,196,202,209,212,215,222,228,228,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,165,173,176,178,181,181,181,181,183,186,183,181,178,178,181,183,189,194,199,196,191,183,181,189,194,194,194,196,199,194,165,107,95,99,165,178,183,186,176,166,170,176,168,163,160,152,152,152,150,152,157,168,176,176,176,168,163,160,163,165,160,160,168,170,165,165,170,173,173,170,165,157,119,119,121,163,176,189,199,202,199,189,170,170,181,189,183,170,168,165,165,168,168,125,123,123,125,165,165,165,168,170,168,125,165,170,176,181,183,189,194,199,202,199,189,178,165,119,119,121,123,125,165,170,181,189,194,194,194,189,186,189,189,176,119,116,168,178,183,186,183,176,165,160,163,163,163,121,112,109,111,114,119,160,160,160,165,165,168,173,176,176,119,107,113,168,123,115,121,178,178,109,86,87,107,170,183,196,199,186,122,120,168,186,194,194,183,170,160,119,160,160,121,117,117,117,119,121,163,163,111,105,104,105,113,123,168,173,181,189,186,177,176,178,181,176,174,174,176,181,186,189,191,191,191,189,189,194,196,173,96,80,103,181,183,176,163,117,113,117,117,112,107,107,107,110,115,160,173,181,181,181,189,191,178,109,75,67,69,49,0,0,183,199,204,207,207,209,209,207,204,202,196,191,191,196,202,204,207,207,199,202,202,181,125,117,97,91,66,60,79,119,115,113,165,176,178,163,103,99,115,170,165,109,99,105,109,150,97,85,67,63,144,191,191,186,178,109,99,168,87,105,199,209,209,207,202,191,183,181,182,183,186,189,191,194,194,199,196,186,69,107,199,97,71,70,60,49,72,115,150,79,103,147,111,107,144,155,160,147,33,0,0,0,0,0,0,0,173,207,207,173,23,0,0,19,0,0,0,0,29,157,209,196,194,194,191,189,189,194,196,199,199,196,191,183,178,176,178,181,163,152,111,89,88,113,170,176,165,157,165,176,176,163,115,115,157,121,117,115,117,117,115,115,121,119,114,113,115,121,125,125,121,119,119,123,170,186,194,186,173,125,123,125,121,121,168,173,170,163,163,121,101,108,173,123,121,119,116,115,118,121,163,168,170,170,165,163,165,121,95,87,93,103,109,119,170,183,194,196,196,196,194,183,170,121,113,111,113,119,121,163,165,165,163,121,119,115,115,119,123,121,119,121,115,111,112,119,165,165,165,170,178,181,181,178,178,173,168,127,168,173,173,170,168,170,129,123,123,129,170,170,170,129,173,186,186,183,181,181,181,181,176,121,120,123,129,170,176,186,194,194,191,190,191,191,194,191,186,181,127,121,121,170,178,181,176,170,170,178,183,186,183,176,170,168,123,116,114,117,173,183,186,181,173,125,123,123,125,173,181,189,191,189,186,186,189,194,191,186,183,183,178,121,106,106,112,176,181,173,126,126,129,173,173,129,125,123,124,129,178,189,191,186,173,173,178,183,181,177,178,191,196,196,196,196,196,196,199,202,199,194,191,191,191,191,191,194,186,178,127,111,123,186,181,127,127,176,176,170,173,181,183,178,176,178,178,178,178,173,129,128,173,178,178,170,127,129,178,189,191,194,194,189,181,181,181,176,131,131,176,181,176,130,130,131,173,176,178,186,191,189,186,189,196,196,181,129,129,133,176,176,176,178,183,189,194,191,183,131,130,173,131,129,170,178,181,176,173,170,129,129,170,129,125,120,125,178,189,194,191,186,178,173,173,173,178,181,178,172,170,173,176,176,178,176,131,173,178,183,191,194,199,199,191,131,119,123,176,186,186,183,183,181,176,173,131,131,133,176,176,128,126,131,183,186,133,127,128,135,186,194,189,183,183,189,191,194,199,202,204,204,202,194,186,183,183,189,189,189,191,199,199,181,119,97,104,104,82,86,170,183,191,186,110,107,111,121,127,178,183,186,183,186,194,191,173,115,113,176,196,202,199,194,191,189,181,183,189,186,178,181,191,196,189,189,194,194,186,183,178,176,177,178,176,170,170,125,107,100,103,105,107,189,199,194,194,189,181,178,170,127,168,176,186,189,181,170,123,115,112,112,119,127,181,196,189,121,118,121,118,117,176,183,173,168,168,173,183,189,186,176,168,125,123,123,127,168,173,176,183,186,181,176,173,129,123,122,170,176,119,101,176,194,186,181,181,181,176,131,130,131,131,183,196,199,194,182,179,182,191,199,196,196,194,191,186,183,183,186,178,177,186,202,207,204,199,196,199,199,189,134,132,135,186,189,186,186,186,189,196,191,135,131,131,133,186,194,196,196,196,194,183,177,177,186,196,196,191,183,183,186,189,186,183,181,183,191,194,189,129,121,125,183,194,189,176,131,176,183,181,131,129,178,189,196,194,186,181,181,183,181,133,186,191,185,183,185,189,194,194,189,185,186,189,191,191,191,186,181,178,178,176,181,186,186,183,181,186,194,189,125,107,106,115,127,178,183,183,181,181,181,181,176,132,133,186,196,194,189,186,186,186,186,186,186,183,181,176,130,129,130,133,178,178,178,178,186,191,191,194,189,178,135,181,183,183,186,186,186,189,191,194,196,202,202,196,194,191,189,186,183,189,189,186,183,186,196,204,204,199,191,186,183,183,186,183,183,181,178,176,131,131,176,176,131,176,181,183,181,178,181,181,181,131,126,128,133,176,176,181,189,196,202,202,199,194,191,194,194,191,186,183,182,182,183,186,189,189,191,191,189,186,186,186,186,181,178,176,173,176,178,183,181,181,181,178,176,176,178,178,176,176,173,170,127,125,125,125,165,170,170,165,121,117,119,121,163,173,181,181,178,178,183,191,199,199,45,0,10,121,176,183,189,186,183,178,173,170,170,127,127,127,129,129,127,127,131,181,191,191,189,186,191,196,202,207,209,212,215,215,217,217,215,209,207,207,207,199,192,194,199,204,207,207,202,196,194,189,189,191,199,202,204,207,209,212,212,209,207,204,199,194,194,196,202,196,191,191,196,204,209,209,209,202,191,186,181,176,131,129,173,173,129,127,129,125,117,116,116,116,119,129,183,194,194,194,189,176,129,130,181,191,191,189,186,181,133,125,133,186,194,194,196,191,181,135,178,181,183,178,136,178,186,196,194,121,109,121,186,199,204,204,209,212,212,207,204,202,199,199,196,194,194,194,189,186,189,194,194,191,186,183,181,181,178,183,189,191,191,194,202,196,183,133,129,129,130,137,186,186,186,186,191,194,194,194,196,196,196,192,192,194,196,199,199,199,199,202,207,209,209,209,209,207,202,199,194,186,135,131,133,196,207,204,199,199,194,181,137,137,181,183,183,137,135,134,136,181,181,181,181,186,189,194,194,196,202,204,204,194,183,137,137,181,183,189,194,196,194,189,189,191,194,194,194,194,196,202,212,217,222,217,212,207,207,207,207,202,199,199,194,192,194,202,207,209,215,212,207,199,198,199,202,204,204,199,189,183,183,194,207,212,212,204,199,194,191,194,199,196,194,191,196,196,194,192,194,196,199,199,202,204,202,194,187,187,189,191,194,194,194,199,207,209,209,202,196,196,196,194,194,191,191,189,186,186,186,189,194,191,191,194,202,202,194,187,186,187,191,194,199,204,204,204,199,194,191,191,194,199,202,199,191,189,189,186,185,189,196,202,202,204,204,204,204,202,202,204,204,202,199,195,195,196,202,204,202,199,196,191,186,186,191,196,196,194,183,139,139,137,135,139,189,194,196,191,191,191,196,196,199,196,194,194,194,194,196,196,196,191,187,189,191,194,199,202,204,202,196,189,189,194,199,199,194,186,138,137,139,191,199,199,196,196,194,191,189,191,199,204,204,204,204,207,212,209,207,199,189,137,133,137,141,141,186,189,194,196,196,196,196,196,202,202,204,204,202,202,199,196,194,191,196,191,183,133,125,122,120,122,129,137,186,189,186,186,186,186,189,191,189,186,139,139,194,204,196,194,196,196,186,139,186,199,204,204,204,204,202,199,202,202,199,194,189,189,191,191,189,189,191,191,191,189,189,189,191,194,196,199,196,196,196,199,196,194,189,189,189,194,194,181,111,94,102,127,176,168,170,168,165,125,168,170,181,186,178,168,125,117,112,112,111,111,115,176,202,215,212,209,204,202,202,202,204,207,209,204,196,189,137,127,125,133,189,202,209,217,225,228,225,225,225,222,215,215,217,222,222,220,215,137,110,110,137,222,228,222,217,222,225,228,225,215,208,208,215,215,209,204,199,196,194,191,194,194,194,196,194,189,183,176,168,163,163,165,181,202,215,228,233,233,230,233,238,243,246,251,254,254,251,251,248,248,251,251,251,246,238,233,0,0,0,238,235,228,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,0,144,163,173,178,181,181,178,178,181,186,0,0,0,0,0,248,248,246,243,238,238,0,0,0,222,222,212,199,186,0,0,230,241,228,217,0,0,0,233,202,181,165,155,144,134,129,134,0,155,160,157,150,139,129,124,124,134,0,165,165,157,0,0,176,194,220,241,251,0,255,0,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,233,215,207,196,186,173,0,0,157,0,152,147,139,101,98,97,99,103,109,119,170,189,199,196,191,191,199,207,209,212,220,225,225,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,163,168,173,176,178,178,178,181,183,183,181,181,181,183,186,191,191,191,189,183,177,177,183,191,196,196,194,194,191,183,173,157,157,176,181,181,178,168,164,166,170,160,157,160,157,157,160,152,150,152,163,168,165,165,160,160,159,163,168,163,163,173,170,160,160,168,168,163,163,160,119,117,117,119,163,173,186,194,194,191,181,168,170,183,191,183,173,170,168,165,165,165,124,123,124,125,165,163,163,165,168,168,165,170,178,186,189,191,191,191,196,202,199,194,186,170,123,121,123,165,170,170,173,178,186,189,186,183,176,170,176,181,173,160,121,160,165,165,163,165,163,113,113,121,160,121,115,111,111,113,115,160,163,121,119,119,121,123,163,163,165,119,104,110,176,170,123,123,176,181,113,78,78,86,165,178,189,196,189,168,123,165,176,186,194,186,165,119,119,121,119,117,115,115,117,119,165,176,173,113,105,105,106,109,119,170,181,186,191,189,177,177,183,181,173,173,174,178,183,189,191,194,194,194,194,196,199,189,119,100,98,163,196,199,189,170,157,119,160,160,117,115,157,119,114,115,121,168,170,165,163,178,181,165,40,34,29,30,25,0,0,173,196,204,207,207,207,209,209,212,209,202,194,194,196,202,207,209,204,199,199,194,97,109,125,109,85,67,67,117,123,121,123,176,176,176,163,107,104,165,178,165,75,70,101,173,196,196,173,65,0,0,85,173,173,163,157,189,217,196,196,209,217,212,202,191,182,178,179,183,189,191,194,196,194,194,194,183,176,181,202,217,170,157,155,64,39,49,68,74,79,109,163,160,157,160,168,176,168,101,31,31,39,39,0,0,0,41,204,199,124,0,0,0,39,73,160,165,59,5,19,150,134,150,170,178,181,183,186,191,196,199,196,189,181,176,173,173,163,107,113,191,196,155,111,117,160,114,112,117,165,163,115,108,113,163,163,115,113,115,114,111,110,112,113,114,115,121,165,168,117,113,111,111,117,165,181,186,181,170,125,125,165,123,165,186,194,176,163,165,121,83,87,111,115,117,121,118,119,165,168,173,178,176,178,176,111,93,93,91,91,97,99,103,115,165,178,189,189,189,189,186,181,168,119,113,111,115,121,123,123,163,165,163,121,117,115,117,123,163,121,119,121,115,111,111,117,165,173,176,181,181,181,181,176,170,168,170,176,178,178,173,168,168,170,170,129,129,170,170,170,129,170,178,191,189,181,178,178,178,178,176,125,123,125,129,129,129,176,186,194,194,194,194,194,189,181,168,115,113,115,123,173,181,178,173,170,170,176,181,181,176,173,170,170,127,117,113,116,168,183,189,189,183,170,125,125,170,181,189,194,194,191,186,186,186,189,189,183,182,183,183,176,121,115,123,178,181,170,168,173,178,173,125,123,125,170,176,176,176,178,181,176,173,181,186,183,177,177,186,196,199,199,199,199,196,196,199,199,199,196,196,196,194,190,190,191,194,189,178,170,178,186,176,119,119,173,178,176,181,189,183,176,170,173,178,181,181,178,176,170,176,181,178,129,126,129,181,189,191,191,189,181,129,125,131,176,178,181,186,189,183,173,130,131,173,176,183,191,194,183,173,181,189,186,176,133,176,181,181,181,183,183,186,189,191,194,189,173,130,130,130,130,170,173,129,128,170,176,176,173,129,125,120,119,125,181,194,199,194,186,178,170,170,173,178,181,181,176,172,173,176,173,129,127,129,131,176,183,191,196,199,202,199,186,131,131,183,189,186,178,177,178,176,173,131,129,129,131,133,131,176,183,191,194,181,129,128,178,191,194,189,181,181,183,186,191,196,202,204,204,199,191,189,189,189,191,191,189,186,194,194,178,111,94,99,105,109,125,178,186,199,199,117,110,115,121,125,176,183,189,186,183,189,189,178,123,119,181,196,199,199,199,199,196,183,181,189,191,186,183,186,189,189,191,199,196,191,186,181,174,176,178,183,183,181,170,109,102,107,103,99,181,196,196,194,194,191,189,181,168,170,183,186,178,176,170,125,117,112,110,113,127,183,194,183,125,123,168,170,173,183,186,173,168,169,176,186,194,191,181,170,168,127,168,170,176,178,181,186,189,186,183,186,183,173,127,170,170,89,72,111,196,189,181,178,178,173,130,130,131,130,176,186,194,194,189,186,189,196,199,196,194,194,196,191,186,186,189,181,178,189,202,207,204,199,196,196,194,186,137,135,183,191,191,189,189,183,186,191,186,133,130,130,133,183,189,189,194,196,189,181,176,177,191,196,194,186,178,178,186,189,189,186,186,189,196,191,133,115,116,178,196,196,178,127,129,176,183,183,181,181,186,191,194,194,191,189,186,186,183,178,191,196,186,183,186,194,196,199,196,194,194,194,191,189,189,191,189,191,189,183,183,183,186,183,183,186,186,173,106,97,100,107,123,176,183,183,183,178,176,176,133,131,132,186,196,194,186,183,183,185,185,186,186,186,181,133,130,129,130,133,178,181,183,183,189,191,191,191,186,135,133,135,178,181,186,186,189,191,191,194,199,207,209,207,202,196,194,189,189,194,194,191,191,196,202,202,199,199,194,181,133,135,181,183,183,186,181,133,129,129,173,178,181,181,181,181,178,176,176,178,178,133,129,133,178,176,174,181,189,196,199,199,196,196,194,191,191,191,186,183,182,183,183,186,186,189,189,189,189,186,186,186,183,178,178,176,173,176,178,183,186,186,183,178,174,174,174,176,178,176,173,127,125,123,165,168,173,170,165,123,121,123,123,123,165,178,186,183,178,178,186,191,196,199,47,0,20,115,173,183,189,186,181,178,176,176,173,173,170,170,129,129,129,131,176,181,186,186,183,183,186,194,199,204,209,212,212,212,215,217,212,207,204,207,212,204,192,192,199,204,207,207,199,194,189,187,187,191,194,196,199,202,204,209,209,207,207,207,204,199,194,196,196,196,194,194,199,204,209,209,209,199,189,181,176,173,170,170,170,129,121,121,125,123,116,115,117,117,117,125,178,189,194,194,189,181,176,181,191,199,199,194,189,186,183,183,186,189,191,194,196,186,135,133,134,178,186,186,183,183,186,191,194,133,104,101,127,189,202,204,207,212,212,207,204,202,199,199,196,191,191,191,189,191,191,191,189,183,183,183,183,181,178,177,178,181,186,191,196,191,137,130,128,127,129,135,183,189,189,194,196,199,194,194,196,199,199,196,194,194,199,202,204,204,202,204,204,204,202,202,202,199,194,191,189,139,133,130,133,189,199,196,199,202,202,194,189,186,186,189,189,186,181,137,181,181,179,178,179,181,186,191,196,196,202,207,204,196,186,183,183,186,191,194,196,196,194,189,187,187,189,191,191,191,191,194,204,212,215,217,215,212,212,209,207,204,202,202,196,194,194,202,204,207,209,212,207,199,198,198,199,204,202,194,183,136,137,186,202,207,204,199,194,190,190,194,202,199,191,190,191,194,194,192,196,202,204,202,202,202,199,194,189,187,189,194,196,194,192,196,204,209,209,204,199,196,196,194,194,191,191,189,186,185,185,189,194,196,196,202,204,204,199,194,189,191,194,196,199,204,207,204,202,194,189,187,191,196,202,202,196,194,194,194,194,199,202,204,204,204,207,207,204,202,202,202,199,199,199,199,196,196,199,202,199,196,191,186,185,186,191,196,196,191,183,137,133,129,128,133,189,189,186,186,185,185,189,191,189,189,189,186,186,189,194,196,196,191,187,189,196,202,202,202,202,202,196,189,186,189,194,194,191,186,138,138,183,191,196,196,194,194,194,191,191,196,202,207,207,204,204,207,212,212,207,199,191,189,186,141,139,139,186,191,194,196,202,202,202,202,204,207,204,204,204,199,199,199,196,194,194,194,194,189,186,139,135,135,183,186,189,189,189,186,183,182,189,191,191,183,133,129,135,189,189,186,183,139,137,139,189,196,199,202,204,202,202,199,199,199,199,196,191,189,186,186,186,186,189,191,189,186,186,186,186,189,194,199,196,192,191,192,194,194,194,191,191,191,189,181,119,95,98,107,107,105,119,165,168,170,170,173,183,196,199,194,183,168,117,115,113,110,110,119,181,196,204,204,202,199,199,202,207,212,212,209,199,186,133,125,123,127,143,199,207,215,228,230,228,225,222,220,217,217,217,217,217,220,220,204,121,109,115,202,222,222,217,217,222,222,220,215,209,209,212,215,209,204,196,191,186,183,186,191,199,204,204,199,191,183,176,165,163,163,168,189,209,228,235,235,233,233,235,243,246,251,254,254,254,251,251,251,251,254,254,248,243,241,0,0,0,238,235,225,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,152,152,170,181,183,186,186,183,181,0,189,0,0,0,0,0,246,243,241,241,238,241,0,0,0,230,228,215,199,186,0,0,0,248,246,241,251,0,254,225,194,178,168,0,152,139,131,131,139,0,150,147,139,131,124,118,118,126,0,170,178,178,181,183,191,0,0,0,0,0,0,0,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,222,204,202,202,191,178,168,160,157,0,150,147,139,101,98,98,101,107,111,117,123,173,183,189,189,194,202,209,212,212,217,225,222,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,170,173,168,170,176,176,176,178,181,183,181,179,181,183,186,189,189,186,183,178,176,176,183,191,196,194,189,187,189,189,186,168,160,170,173,176,176,168,166,173,173,150,140,155,163,168,157,150,147,150,160,163,157,157,160,160,159,159,163,163,165,181,178,160,155,160,160,156,157,121,117,115,119,121,165,173,181,186,186,183,173,125,165,181,186,178,170,170,170,168,125,125,165,125,125,165,165,163,161,161,163,163,168,173,181,189,194,194,191,189,191,194,191,186,181,168,123,121,125,170,178,176,170,168,173,178,173,168,123,121,163,173,173,165,121,117,115,117,117,119,117,108,112,121,163,160,121,121,160,160,121,160,165,121,118,118,119,121,121,119,163,121,104,107,163,163,120,121,173,183,168,89,81,84,123,173,183,189,183,170,163,123,165,173,183,176,109,111,121,119,114,112,113,115,119,163,176,186,183,121,111,109,106,107,117,173,189,191,191,189,178,181,189,186,176,176,181,186,189,191,196,202,202,199,196,202,199,173,111,109,117,165,186,199,194,178,163,160,160,163,165,173,189,186,163,117,165,173,173,161,161,178,183,168,65,93,109,117,178,95,59,173,194,204,209,209,207,207,209,212,209,207,202,199,204,207,207,207,199,194,196,127,36,47,97,85,91,111,173,168,115,117,165,176,181,181,178,178,183,194,191,173,73,68,101,191,207,217,225,109,0,0,0,147,157,150,147,173,194,196,202,212,217,209,202,196,182,181,186,196,202,202,199,199,196,194,191,165,160,196,204,202,163,165,173,107,75,103,103,93,105,173,186,176,178,189,191,191,191,199,189,176,194,212,160,0,0,0,33,19,0,0,0,15,95,163,178,178,152,21,0,0,0,0,0,35,89,150,165,173,186,189,189,183,173,165,163,160,103,96,113,183,178,152,111,113,117,112,111,115,165,163,109,105,119,176,178,163,121,165,163,115,113,115,119,119,119,163,170,168,107,107,108,108,111,121,168,173,170,168,125,123,116,112,117,194,196,173,159,165,176,119,113,121,123,123,170,173,178,186,186,189,186,176,181,183,69,45,65,99,113,115,105,99,105,119,168,178,176,176,176,176,173,163,119,113,111,117,123,123,121,123,123,123,119,115,117,123,170,170,165,163,163,119,114,113,119,170,181,189,189,181,176,178,173,168,168,178,186,191,191,183,176,168,168,170,173,170,129,127,127,127,129,170,178,170,123,123,129,170,173,173,170,129,127,129,129,127,129,178,191,196,196,194,189,178,123,109,105,109,115,121,170,178,178,173,168,168,173,173,170,168,168,170,181,183,170,119,117,168,181,189,191,186,176,168,170,178,186,191,194,194,194,189,186,183,183,183,183,183,186,186,183,176,168,170,186,186,178,178,186,186,176,125,123,127,181,186,181,173,173,173,130,131,186,191,181,176,177,194,202,202,199,202,202,202,199,199,199,202,202,202,202,196,191,190,191,196,194,181,178,181,178,125,116,117,168,176,178,186,194,189,178,129,127,173,181,181,178,178,176,178,178,176,128,127,131,186,189,186,183,178,125,117,117,121,181,183,183,189,194,189,178,176,131,173,178,189,196,194,176,128,131,176,176,178,183,191,191,189,189,191,189,189,186,189,191,189,176,130,130,131,170,173,129,126,127,176,189,191,181,170,121,119,120,129,183,196,196,191,186,178,170,169,170,176,178,178,178,176,176,176,131,123,119,121,127,176,186,191,194,196,202,202,194,176,131,181,186,178,174,176,181,183,181,173,129,129,129,131,181,194,196,196,196,186,131,129,181,196,194,183,179,179,181,186,191,196,199,202,199,194,191,191,194,196,194,191,186,181,183,186,173,113,104,103,107,119,129,173,178,196,199,127,119,123,127,129,176,186,191,189,181,177,178,181,176,131,186,196,199,199,199,199,199,189,179,189,194,189,179,179,183,189,191,196,194,189,186,183,177,177,183,183,181,183,181,168,123,123,101,81,123,194,194,194,196,194,191,178,123,127,186,181,168,168,168,125,121,117,113,119,125,168,170,127,127,168,176,181,178,178,181,173,169,170,178,186,194,194,183,173,127,125,127,173,178,178,181,186,189,186,189,196,196,186,173,173,170,78,55,91,191,186,181,178,181,176,130,131,173,130,131,181,191,196,196,196,196,199,199,196,194,199,202,196,191,189,186,181,181,189,199,204,202,196,194,191,189,186,183,183,186,191,194,191,189,183,181,186,183,133,130,130,133,181,183,186,189,194,189,181,178,186,199,202,196,191,178,178,183,189,189,189,189,194,199,186,117,110,115,191,199,189,125,123,127,178,186,186,189,191,189,189,186,186,194,196,191,189,183,181,191,194,186,186,191,196,202,204,204,204,202,199,191,189,191,194,196,199,196,189,186,186,186,183,183,183,178,119,101,93,105,115,127,178,186,186,186,181,133,133,133,132,176,189,196,194,185,183,183,185,186,186,186,186,178,131,130,131,135,178,181,183,186,186,189,189,186,183,181,134,133,135,137,183,189,189,189,189,189,191,199,209,215,212,207,202,196,194,194,196,196,194,194,199,199,194,191,194,191,178,131,133,176,181,183,186,181,131,128,128,173,181,189,191,186,183,178,173,131,176,178,178,178,189,189,178,181,189,194,196,199,196,196,196,194,191,189,186,186,186,186,186,183,183,183,186,189,189,189,186,186,189,183,178,176,176,176,178,181,183,186,189,186,181,176,174,174,178,181,178,173,127,121,119,121,168,176,170,123,121,123,165,168,170,176,186,189,186,183,181,183,189,186,183,77,34,91,123,176,181,181,178,176,178,178,181,178,178,178,176,170,129,173,176,178,181,181,181,181,181,186,191,196,204,209,212,212,211,212,215,212,207,203,207,212,207,196,194,202,207,209,207,199,191,187,186,189,191,191,191,194,196,199,202,204,204,204,207,207,204,199,196,196,196,199,199,202,204,207,209,207,194,178,173,131,131,170,170,127,121,115,115,119,119,116,117,121,119,117,121,170,183,191,194,194,191,191,194,199,202,202,199,196,196,196,194,191,189,191,194,191,186,178,134,135,178,183,189,189,189,186,189,196,191,104,84,109,178,196,202,204,212,212,207,204,202,202,202,196,189,189,189,191,194,194,191,186,183,183,186,186,183,181,177,177,178,183,189,191,189,183,181,135,131,131,135,181,183,186,191,196,196,194,192,199,202,202,202,202,202,202,202,204,204,204,204,202,199,194,191,191,191,191,189,189,183,135,132,133,137,183,191,196,202,204,202,196,191,186,189,194,194,194,189,186,181,178,178,181,183,189,194,199,199,199,202,202,196,191,189,186,189,194,199,202,199,194,191,189,191,194,196,194,191,191,194,196,199,204,207,212,212,212,207,204,204,207,209,204,196,194,196,202,204,207,212,209,204,198,198,199,202,202,191,137,134,135,139,196,199,196,194,191,190,190,194,199,194,190,189,191,196,196,196,202,207,209,204,202,199,199,196,194,191,194,196,199,196,196,199,204,207,204,199,196,196,196,196,194,191,191,189,186,186,186,189,194,194,194,199,202,204,204,202,199,199,202,202,204,204,207,204,199,191,189,189,191,196,199,202,202,202,202,202,202,204,204,202,202,202,204,204,204,202,202,199,196,196,199,199,196,194,194,194,194,191,189,185,186,189,194,196,196,196,189,139,131,126,126,133,186,186,185,186,186,185,186,186,137,137,137,139,183,186,189,194,194,191,189,194,202,204,204,202,199,196,194,186,185,186,191,194,191,189,186,186,189,194,196,196,194,194,194,194,196,199,202,204,207,204,204,207,212,212,207,199,196,199,199,191,139,138,141,186,189,196,204,212,215,212,209,207,204,207,207,202,199,199,199,196,196,196,196,199,199,194,189,186,189,186,186,186,191,189,186,185,191,196,196,189,133,127,126,129,131,131,129,129,131,137,189,196,199,199,202,202,199,199,196,196,196,191,189,183,183,183,183,186,189,186,183,183,181,181,181,186,196,199,199,192,191,192,196,196,196,196,194,189,183,183,194,194,115,105,85,85,115,165,168,170,168,170,186,202,202,196,186,173,168,170,127,119,113,119,131,186,196,199,199,199,199,207,212,220,225,222,209,191,137,129,122,120,125,139,194,207,220,225,225,222,212,212,217,222,225,222,222,222,222,217,191,111,107,135,212,217,215,215,217,220,217,215,209,209,212,212,209,204,199,191,183,181,183,189,199,207,212,207,199,191,183,176,168,163,164,176,199,222,233,235,235,233,235,241,246,251,251,254,255,255,255,254,254,254,251,248,246,243,243,0,0,238,233,222,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,163,160,176,183,186,189,186,186,183,0,189,0,0,0,0,241,241,0,238,0,0,0,0,0,0,233,228,212,196,189,0,0,0,255,255,255,255,255,248,209,189,178,176,170,163,0,0,0,0,144,0,144,139,131,124,118,118,124,0,170,186,194,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,238,212,202,202,207,199,183,168,157,155,152,150,144,139,103,99,99,105,111,115,115,117,121,173,183,191,196,207,209,209,212,217,222,217,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,181,176,168,165,170,176,173,178,181,183,181,179,179,181,183,183,186,186,186,183,178,178,183,189,191,191,189,187,189,191,189,176,121,116,119,168,173,173,173,181,178,101,78,142,181,173,160,148,146,150,157,160,156,157,163,163,160,159,160,163,165,170,176,165,152,117,160,163,168,160,114,114,121,163,168,173,176,176,178,176,168,121,121,168,176,173,173,170,168,165,125,125,168,168,163,124,163,165,165,163,161,163,165,170,178,183,189,191,189,183,181,183,181,176,170,165,123,123,165,173,183,183,170,164,165,168,165,121,119,119,121,170,176,170,160,115,109,111,115,115,112,111,115,163,168,170,173,178,181,176,160,119,121,121,119,118,119,123,121,111,113,117,110,110,121,123,119,121,165,173,170,163,117,117,165,170,178,181,168,163,163,123,163,165,163,98,85,98,168,173,119,113,113,115,160,173,183,194,194,189,170,109,105,107,115,176,189,194,191,186,183,186,189,189,181,181,183,189,189,186,191,199,202,202,194,199,176,29,63,113,119,117,176,191,189,176,160,157,160,163,165,173,183,183,173,168,178,186,186,168,163,181,183,123,111,183,196,204,215,186,117,123,176,199,207,209,209,207,207,209,209,209,207,207,207,207,204,199,194,189,176,107,0,0,59,93,168,173,170,119,107,113,160,170,181,186,189,191,196,202,204,202,186,91,99,196,209,217,222,178,0,0,7,105,150,152,147,120,125,176,199,209,212,209,202,194,189,191,202,207,209,209,207,204,202,196,189,99,81,186,202,186,159,168,178,189,196,196,189,168,150,152,152,168,183,196,199,196,196,207,209,204,215,233,183,19,0,0,0,0,0,0,63,155,181,160,150,144,144,77,0,5,5,0,0,0,0,39,47,61,105,91,147,160,150,105,107,152,96,73,97,160,155,113,111,155,160,152,114,160,176,178,109,104,157,176,181,181,183,189,186,173,168,165,163,123,121,123,170,173,113,109,109,109,111,117,123,165,168,170,170,165,115,112,117,186,202,170,160,168,181,176,168,170,176,178,181,189,194,199,196,194,189,173,165,62,52,75,101,111,123,178,178,115,105,109,117,119,115,121,165,168,165,163,121,117,115,119,121,117,117,119,119,121,119,117,119,165,178,178,173,173,170,123,117,117,125,176,189,196,194,178,168,170,170,165,168,178,189,196,194,189,181,173,173,181,183,178,129,125,126,127,127,125,121,118,117,120,123,129,173,173,127,126,126,127,129,125,123,168,181,189,194,191,178,121,104,90,105,123,123,119,125,176,176,127,125,168,170,168,165,165,166,173,186,191,186,170,125,168,178,189,191,186,173,127,176,186,191,191,186,189,191,189,186,186,183,183,182,186,189,189,186,183,181,178,191,194,191,189,186,181,173,127,123,125,176,183,178,173,176,181,130,131,183,189,178,174,178,194,202,199,199,199,204,204,202,199,202,204,204,204,202,199,196,196,194,191,189,178,178,178,127,123,116,116,121,129,181,189,191,183,176,127,125,129,181,183,181,183,186,178,176,173,129,128,173,183,186,181,173,125,118,115,119,173,181,181,181,186,191,189,183,178,173,131,173,186,196,196,181,129,128,129,131,183,196,202,196,194,194,196,194,189,185,185,189,189,178,176,176,173,176,176,129,126,129,183,196,199,191,170,120,120,125,176,183,186,186,186,183,178,170,169,170,173,176,176,178,181,183,181,173,121,114,113,121,183,191,194,196,196,202,202,194,129,122,131,183,181,177,178,189,191,183,176,173,131,128,128,178,194,196,196,196,186,133,129,181,196,191,183,179,181,186,191,194,194,196,199,196,191,190,191,196,196,189,189,183,176,178,176,127,115,107,102,104,121,129,129,170,181,183,173,127,129,170,173,178,183,189,189,181,176,177,181,183,183,189,194,199,199,198,199,199,196,191,191,191,186,179,181,189,191,191,189,181,176,178,178,178,178,181,173,125,176,181,181,181,170,93,46,73,186,196,196,196,196,191,176,123,123,168,168,125,127,170,170,168,170,170,168,127,127,126,168,173,181,186,186,181,173,173,176,176,173,176,181,186,186,178,168,120,118,121,176,181,181,181,186,186,181,181,189,196,191,183,186,183,113,90,103,129,181,178,181,183,178,173,173,173,131,133,178,186,196,202,202,196,196,196,196,199,199,199,199,194,186,179,178,181,191,199,199,194,191,189,183,183,189,191,189,189,194,196,191,186,183,183,181,137,135,133,133,133,137,183,186,191,194,189,183,186,196,207,209,207,202,186,178,178,186,189,186,189,196,196,131,111,112,183,199,194,181,124,126,176,183,186,186,186,186,186,181,178,183,196,202,196,189,183,186,189,189,186,191,196,202,204,204,207,207,204,199,196,196,199,199,202,204,202,194,186,186,189,183,181,181,131,117,109,113,125,127,173,181,189,189,189,183,176,133,133,178,183,189,196,196,189,186,189,189,186,186,186,181,133,130,131,181,186,186,183,183,183,183,186,186,183,181,178,135,134,137,183,191,196,194,189,186,186,191,199,207,209,212,209,204,202,199,199,199,196,194,191,191,191,189,187,187,189,181,133,129,131,176,181,183,178,131,129,130,133,178,186,191,191,189,181,173,131,173,178,183,189,194,189,183,189,194,199,199,196,196,196,196,194,189,178,133,181,186,186,183,181,181,183,189,189,189,189,189,189,186,183,178,178,178,181,181,181,181,183,186,186,181,178,178,178,178,178,173,173,168,119,110,110,125,173,168,123,123,168,173,178,183,186,189,189,189,186,186,183,181,181,176,125,117,123,173,178,170,123,123,127,173,178,181,183,181,181,178,173,131,173,176,178,178,181,181,181,183,186,189,196,204,212,215,212,211,211,212,215,209,204,204,207,207,202,202,207,209,207,207,202,196,189,187,189,191,191,194,194,194,194,194,199,202,204,207,209,207,204,199,199,199,202,204,202,202,204,204,202,178,125,127,131,173,173,176,129,117,115,116,117,116,116,123,127,125,119,119,123,173,183,191,196,199,199,202,204,204,204,204,202,199,202,199,194,189,189,194,194,191,186,183,178,178,181,186,189,191,189,191,199,204,178,94,93,117,191,199,204,207,209,207,204,204,204,202,194,186,186,189,189,191,194,191,189,186,186,189,191,191,189,181,178,178,183,186,189,189,189,191,189,183,137,137,183,181,186,189,191,191,194,194,202,204,204,204,204,204,204,202,202,202,202,202,204,199,194,190,190,191,191,194,194,191,183,135,129,128,132,189,202,207,207,202,199,191,186,189,194,196,196,191,186,179,179,186,191,191,196,202,202,199,196,202,204,202,196,194,189,191,194,199,202,202,199,196,196,199,202,202,199,196,194,194,196,196,194,194,202,207,207,207,204,204,209,212,204,191,187,191,196,202,204,207,209,207,202,199,199,207,207,194,137,135,136,183,191,191,191,191,191,191,194,199,196,191,189,189,191,196,199,199,204,207,209,207,202,199,199,196,196,194,194,199,202,202,202,204,204,202,199,194,191,191,194,194,191,189,189,186,185,185,186,189,189,183,139,186,191,199,204,207,207,207,207,207,209,209,207,204,196,190,189,190,191,191,194,199,204,207,204,202,202,202,202,200,200,202,202,204,204,204,204,199,194,194,194,196,196,194,191,191,191,189,189,189,189,194,196,196,199,199,194,186,131,127,128,137,189,186,186,191,194,194,191,183,135,134,134,137,183,189,186,186,191,194,196,196,202,204,204,199,194,194,191,189,186,186,191,196,196,196,196,196,196,194,196,196,196,194,192,194,196,196,199,202,199,199,199,202,204,204,202,199,199,204,212,212,202,191,186,186,191,199,207,215,217,215,209,204,204,209,209,207,204,204,204,204,202,199,199,204,202,196,191,189,189,183,182,183,189,194,194,196,202,202,199,191,139,131,128,128,131,131,129,126,126,129,183,196,196,199,204,202,196,194,196,196,194,186,181,181,181,181,181,183,183,183,181,181,181,181,183,186,194,199,199,196,196,196,196,196,196,194,191,186,182,186,199,207,191,99,59,67,119,168,168,168,165,168,181,199,199,191,186,181,181,176,173,170,131,131,176,183,189,194,196,199,202,207,215,222,228,228,215,196,191,194,135,118,118,122,133,191,204,212,217,215,209,212,217,222,225,228,228,225,228,217,209,137,97,102,196,207,212,212,217,222,222,215,209,209,209,209,209,209,204,194,183,178,181,186,194,204,212,212,204,196,191,189,181,168,164,165,0,0,0,0,0,235,235,241,246,251,254,255,0,0,255,255,254,251,248,241,241,243,243,0,243,246,241,225,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,168,168,176,181,183,186,186,186,183,186,189,0,0,0,0,0,238,0,0,0,0,0,0,0,0,233,225,217,204,196,0,0,0,255,255,255,255,255,241,212,194,189,183,178,176,170,160,0,0,0,0,0,0,0,0,126,124,124,0,160,186,199,207,215,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,241,230,215,207,209,212,199,178,163,157,155,152,147,142,139,103,101,99,103,109,115,115,114,117,168,183,194,199,204,204,204,209,215,217,215,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,170,165,163,165,170,173,178,183,183,183,181,181,183,186,186,186,189,189,186,183,183,183,189,189,191,189,191,191,194,194,178,117,111,112,160,178,183,183,183,173,109,100,147,176,173,163,155,152,157,160,157,156,157,165,165,163,160,163,163,163,165,168,163,115,115,157,170,186,183,117,115,123,163,165,168,168,168,170,170,165,121,119,123,170,176,176,170,165,165,163,163,165,168,163,124,124,165,168,165,165,163,161,165,170,176,181,186,183,178,170,168,170,170,165,160,163,168,168,170,181,186,173,165,168,170,170,165,163,121,160,168,176,173,163,113,106,107,113,113,112,113,157,168,178,181,186,189,186,176,115,112,115,121,163,123,121,121,113,105,109,121,121,121,170,170,165,165,165,165,165,165,165,168,168,170,176,168,116,115,120,163,165,168,121,96,89,111,194,191,173,160,117,119,163,176,186,194,199,196,186,113,106,109,117,176,189,194,194,189,189,189,186,178,165,168,176,178,173,170,178,191,196,196,186,165,0,0,0,101,117,114,117,163,168,165,119,119,121,160,160,163,168,170,170,173,181,191,191,170,163,170,123,108,109,186,196,194,194,181,123,119,123,191,207,207,207,204,204,207,207,207,207,204,202,196,194,194,186,173,121,113,38,37,107,123,183,178,165,100,105,111,160,176,186,189,191,194,196,199,202,204,202,181,168,181,194,207,194,51,0,0,57,89,99,157,165,142,139,176,194,202,207,209,202,194,194,199,207,209,209,209,209,207,207,207,196,85,73,163,186,170,168,186,199,204,212,212,204,189,112,108,106,150,181,196,202,196,196,202,204,202,204,207,178,57,57,49,19,0,0,0,91,173,183,144,64,57,81,134,134,168,194,168,139,41,0,0,0,0,0,45,77,87,31,16,85,202,113,80,97,160,165,157,115,152,160,152,115,160,173,168,107,101,109,165,181,191,196,199,196,189,181,176,170,168,163,163,168,170,125,117,115,115,115,119,123,168,173,178,183,183,168,117,121,176,183,173,165,168,170,168,168,173,176,181,186,194,199,202,199,196,189,176,117,58,58,103,117,165,186,194,189,170,113,104,104,105,109,119,165,168,168,168,165,163,163,165,123,117,116,116,117,121,163,163,123,163,176,181,181,181,178,165,121,123,168,176,183,186,183,173,165,125,165,165,165,170,181,191,191,186,181,176,178,189,191,183,129,126,127,170,170,129,122,120,120,122,129,178,183,178,126,125,127,129,127,122,120,122,170,176,183,183,125,113,105,104,115,125,121,111,113,123,127,125,127,173,176,170,166,165,168,173,186,191,189,181,173,168,176,183,186,176,127,168,181,189,191,191,183,181,183,186,186,186,186,183,186,189,189,191,189,186,183,183,183,189,189,189,183,176,170,127,125,127,170,178,178,176,176,176,129,131,186,189,181,176,178,191,196,196,196,196,199,202,202,202,204,204,204,202,199,196,199,199,196,189,176,127,170,173,125,123,117,113,114,127,183,186,181,173,129,127,127,176,189,189,189,191,194,189,183,176,131,131,173,178,178,181,176,127,121,121,173,181,178,174,176,181,186,186,186,181,176,130,131,181,194,199,189,176,130,129,133,189,202,202,196,192,194,196,191,186,183,185,186,186,181,176,176,176,176,176,170,170,178,191,196,196,186,129,121,125,173,181,181,173,129,170,181,181,168,168,170,176,178,178,178,181,186,186,178,127,114,111,115,183,196,196,194,199,202,199,178,111,111,127,189,191,189,191,194,191,181,178,178,176,129,127,131,186,189,186,186,178,131,129,181,194,194,189,183,183,189,194,194,194,194,194,191,189,189,191,194,191,185,186,181,174,176,181,176,121,104,103,111,125,129,127,127,173,176,176,173,173,173,176,176,178,181,186,186,177,176,178,183,186,191,194,196,199,199,199,202,199,194,194,191,183,179,186,196,199,194,186,176,172,173,173,170,170,125,107,104,125,178,189,199,196,176,44,47,121,191,196,194,194,189,178,127,121,117,117,119,127,181,183,186,189,186,178,173,170,173,178,183,189,191,191,186,178,181,183,181,176,173,173,173,170,129,121,118,119,127,178,183,183,183,186,181,170,127,173,181,183,186,191,191,178,125,125,170,173,173,176,181,181,173,173,176,176,176,178,183,194,199,196,191,189,191,194,196,199,199,199,194,186,179,178,181,191,194,191,186,183,181,181,183,194,196,194,191,194,194,191,186,186,186,181,137,137,181,137,137,183,186,189,194,196,191,186,194,204,212,215,212,204,186,136,136,183,186,186,189,191,189,131,117,123,189,196,186,176,131,176,183,189,189,183,181,181,183,181,178,183,194,199,196,191,186,183,183,181,183,194,199,204,204,204,207,207,207,202,199,202,204,204,207,209,204,196,189,183,181,178,178,181,176,129,127,176,178,178,178,183,189,194,191,186,181,176,181,189,191,194,196,196,191,194,194,191,189,186,183,178,131,131,178,189,191,189,183,183,183,183,183,183,183,183,183,181,181,183,189,196,199,199,191,186,189,194,199,202,207,209,209,207,204,204,204,202,196,191,189,189,189,187,186,187,189,183,133,128,129,133,178,186,183,178,133,133,133,176,181,189,191,191,186,176,131,133,181,189,194,196,191,183,189,194,196,196,194,191,194,194,191,183,130,127,131,181,183,181,178,178,181,189,191,191,191,191,186,183,181,178,178,181,183,186,183,181,181,181,181,181,178,178,178,176,173,170,168,125,115,109,110,123,170,168,125,125,170,176,181,183,183,183,183,183,186,186,183,181,183,183,178,173,178,181,170,120,117,118,123,127,173,176,178,181,178,176,173,131,173,133,176,178,183,183,181,183,186,194,199,204,207,212,212,212,212,215,215,212,207,204,207,207,207,207,207,207,204,202,202,199,196,194,194,194,194,194,196,194,192,192,196,204,207,207,207,207,204,204,204,202,204,204,202,202,202,196,183,125,121,124,173,181,183,181,129,119,117,117,116,115,117,127,170,129,123,121,123,129,178,186,194,199,202,204,204,204,202,202,202,202,202,202,196,191,191,196,202,202,196,191,183,178,181,186,191,194,196,199,207,209,202,127,100,104,123,191,204,207,209,209,204,204,204,199,194,189,185,185,185,189,194,191,189,183,183,186,189,194,196,189,183,181,183,183,186,186,191,196,196,191,186,186,189,186,189,194,191,194,199,202,204,204,202,202,204,204,204,202,200,199,199,200,207,204,199,191,191,194,196,199,199,199,194,186,131,129,131,191,209,215,209,204,199,191,186,186,189,194,194,194,189,183,186,194,199,196,199,202,202,196,196,202,207,204,202,199,194,194,194,196,199,202,202,202,202,204,204,204,204,199,199,199,202,199,192,191,194,199,196,199,199,199,207,209,202,187,186,189,196,199,204,207,207,204,202,199,202,207,207,199,191,186,183,186,189,186,183,186,186,189,194,199,199,194,189,189,191,196,199,202,204,207,207,207,204,199,199,199,199,196,194,199,204,204,204,204,202,199,196,191,191,191,191,189,189,186,186,186,185,185,186,186,139,137,137,138,189,196,204,209,212,209,209,209,212,212,209,207,199,191,191,191,191,190,190,191,196,202,202,199,199,202,202,202,202,202,202,202,202,204,204,202,196,194,194,194,196,196,196,196,194,194,191,191,194,194,196,202,204,202,199,189,137,135,139,191,191,189,191,196,199,199,194,183,135,134,133,135,183,189,186,185,189,194,199,199,202,204,204,199,191,191,194,194,194,191,194,196,199,202,202,202,202,199,199,199,196,194,192,194,194,192,194,196,199,199,199,199,196,196,199,199,202,207,215,215,209,202,199,199,199,204,209,215,215,212,207,203,203,209,212,209,209,209,209,209,204,202,202,202,199,194,191,189,183,181,181,183,194,199,199,199,202,202,199,196,194,189,139,137,137,137,135,131,126,125,127,137,186,194,202,199,191,189,194,199,194,183,137,137,137,135,135,135,137,181,183,183,183,186,186,189,191,194,196,199,202,199,196,191,191,191,191,189,189,191,202,215,225,191,57,55,123,170,168,168,165,170,186,194,189,186,189,189,181,176,173,178,183,186,186,189,189,194,196,202,204,207,212,217,222,225,215,204,202,207,199,125,121,123,127,137,145,199,207,209,212,215,217,220,225,228,230,228,228,225,215,196,111,104,113,194,209,215,217,225,225,220,209,204,204,207,212,215,209,196,183,178,176,181,189,202,212,215,212,204,196,194,189,178,168,165,0,0,0,0,0,0,233,235,243,248,0,0,0,0,255,255,255,251,241,230,230,238,243,246,0,254,251,235,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,176,176,178,178,178,178,181,181,183,183,189,0,0,0,0,0,0,0,0,0,0,0,0,0,241,233,230,225,215,0,0,0,0,255,255,255,255,243,230,222,209,199,189,181,178,176,0,0,0,0,0,157,157,155,0,0,134,131,0,0,178,196,207,217,230,0,248,255,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,233,225,215,209,215,215,199,176,160,155,155,152,147,142,137,103,101,99,101,107,111,115,115,121,170,183,191,196,196,196,191,196,207,215,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,170,170,164,168,170,176,181,183,183,183,186,186,189,191,191,191,191,194,191,189,186,186,189,189,191,194,194,194,194,194,186,165,113,112,121,181,191,191,183,163,109,109,165,176,168,160,160,165,168,165,160,157,160,165,165,163,160,160,165,163,160,165,160,115,115,119,165,181,178,115,117,165,168,168,168,164,164,165,170,170,123,119,123,176,186,183,170,165,168,168,165,163,168,170,165,163,165,170,170,165,163,161,163,165,168,170,176,176,170,160,156,160,165,160,155,157,170,173,173,176,176,168,165,173,178,181,181,176,168,165,168,170,170,157,109,107,115,160,119,115,117,163,173,183,189,191,191,183,168,111,110,113,163,170,168,163,121,115,108,113,183,191,194,191,186,186,181,173,165,121,121,168,176,170,168,168,121,115,115,123,165,123,165,160,106,111,196,204,199,189,178,165,119,121,168,181,189,191,196,194,170,119,117,121,176,186,191,191,191,194,194,189,176,123,119,121,123,163,165,170,181,186,178,111,3,0,0,33,109,117,115,113,111,112,114,114,117,121,121,121,121,121,121,160,165,176,189,186,123,120,121,108,104,109,191,196,186,186,181,165,117,117,186,204,207,204,202,204,207,209,204,202,199,191,186,183,183,123,113,121,123,109,95,103,107,178,176,119,79,101,109,173,191,194,194,194,194,194,196,199,204,207,204,189,170,165,150,41,0,0,29,97,101,107,178,189,178,165,183,194,196,202,202,199,196,199,204,204,204,204,207,209,209,209,212,215,165,79,69,67,115,173,196,207,212,217,217,204,189,157,108,106,152,186,199,202,196,196,196,199,196,191,183,168,150,191,212,204,59,0,7,67,137,163,69,57,57,93,170,178,194,217,204,204,103,0,0,0,0,0,47,81,89,21,0,51,173,165,107,163,183,181,176,163,157,157,152,114,152,160,157,111,105,106,119,181,194,199,199,199,196,191,181,176,173,170,168,170,170,163,121,121,119,121,123,165,170,173,181,189,194,186,168,163,165,170,168,168,173,173,170,170,170,170,176,183,191,196,199,202,199,194,189,170,93,119,178,168,176,191,191,183,173,123,107,102,102,107,119,165,170,173,178,181,181,181,181,170,121,117,117,119,123,170,170,122,121,168,178,183,183,178,170,165,170,176,176,173,168,168,168,165,123,125,170,168,164,170,181,183,178,173,173,178,189,186,176,127,127,170,173,176,181,176,173,173,170,176,186,189,178,127,129,176,178,176,125,122,123,123,123,125,121,107,105,111,117,123,123,113,106,108,113,121,127,173,186,189,178,170,170,168,168,173,181,186,189,181,170,170,176,173,125,125,170,178,186,194,191,181,176,177,181,186,189,186,186,186,186,186,189,191,186,183,183,179,181,186,186,183,178,173,173,178,178,181,178,173,170,173,173,131,178,191,194,186,178,178,186,194,194,196,196,196,199,204,207,207,204,202,199,196,196,199,199,194,181,111,105,107,107,117,123,119,113,113,125,181,181,170,126,125,170,178,189,194,194,191,194,196,196,191,181,173,173,173,173,173,181,183,176,131,173,181,181,178,174,173,176,181,186,186,183,178,131,130,176,189,196,196,186,176,133,181,194,202,199,194,192,194,194,191,186,185,185,186,186,181,173,173,173,173,173,176,181,189,196,199,196,189,173,125,170,181,183,181,170,127,128,176,181,168,166,170,178,183,183,181,178,186,191,186,176,121,113,117,186,199,196,194,196,199,194,123,102,107,173,194,196,196,199,199,189,181,178,181,181,173,128,129,176,176,133,131,129,128,129,181,196,199,196,191,191,191,191,191,191,194,194,191,190,190,191,191,186,185,189,183,176,181,191,191,183,113,117,131,176,170,127,127,173,178,183,181,173,170,173,173,170,173,183,186,178,174,176,181,186,191,196,199,204,204,204,204,199,194,191,189,183,181,189,202,207,202,191,183,181,178,127,121,121,117,103,100,123,181,191,204,209,204,51,44,55,176,191,191,191,183,176,127,119,114,113,116,127,183,191,194,194,189,181,178,181,181,186,189,189,189,191,191,191,189,183,176,129,125,127,127,127,127,121,120,127,178,183,186,186,186,186,178,125,122,124,170,178,183,191,191,189,181,176,170,127,123,125,173,176,173,176,178,181,181,183,186,191,194,191,189,187,187,191,196,199,202,202,199,191,183,181,186,191,194,189,181,179,181,181,189,196,202,196,194,191,191,189,191,191,189,183,181,183,183,183,183,186,191,191,194,196,191,191,196,204,212,212,209,199,181,135,135,181,183,186,186,189,181,131,129,135,191,191,181,178,186,189,194,196,189,179,178,181,183,181,178,178,183,191,194,191,186,181,176,174,178,191,196,199,199,202,204,209,209,207,204,204,207,207,209,209,204,194,186,178,133,131,173,178,181,178,183,189,186,181,178,183,191,194,194,189,186,183,191,199,199,196,194,189,189,194,196,194,189,186,183,178,135,181,191,196,194,186,183,183,186,186,186,183,183,183,183,186,186,189,191,196,202,199,191,186,189,194,196,199,204,209,207,204,207,207,207,202,194,189,189,189,189,189,189,189,191,186,135,128,128,129,176,186,191,189,183,178,176,176,176,181,189,191,186,176,129,133,186,194,196,196,191,186,183,189,191,191,189,186,189,189,189,181,129,127,131,181,183,181,178,178,181,189,191,191,191,189,186,183,181,178,181,183,186,186,183,178,178,178,178,178,178,181,178,176,170,129,125,117,110,109,115,127,173,170,125,165,170,176,178,178,176,176,176,181,186,186,186,186,189,191,191,189,186,183,168,119,118,121,125,125,127,170,173,176,178,176,173,131,131,133,133,178,183,183,181,183,191,199,202,202,204,207,212,215,215,217,217,212,204,202,204,207,209,207,207,204,202,199,199,199,199,196,194,194,196,196,199,196,194,194,196,204,207,207,204,202,204,207,207,204,202,202,202,202,196,191,178,127,122,123,131,183,186,178,127,121,121,119,117,116,121,129,170,170,127,127,170,173,178,181,189,194,199,204,204,202,199,194,194,196,199,202,199,194,194,196,204,204,202,196,189,183,186,194,196,199,202,207,209,212,207,196,121,102,102,125,194,202,207,209,207,204,202,199,196,191,186,185,185,189,194,191,186,181,181,181,186,196,202,199,191,189,186,186,186,189,196,199,199,191,189,194,194,194,194,196,194,194,199,204,202,199,199,199,202,202,202,202,202,200,199,202,207,207,199,191,191,194,199,202,204,204,202,196,183,133,135,194,212,217,212,204,196,191,183,181,181,183,189,194,194,191,194,199,202,199,196,196,196,196,199,202,207,207,204,202,199,196,194,196,196,199,202,202,202,202,202,204,204,204,204,204,207,204,196,192,194,194,192,192,194,196,202,204,199,189,187,191,199,204,207,207,204,202,202,202,204,204,204,204,199,194,189,183,139,139,137,139,186,191,196,202,202,196,191,190,194,196,199,202,204,204,204,207,204,199,196,199,202,199,196,199,204,204,204,204,204,199,196,194,196,194,191,189,186,186,185,185,185,186,186,183,138,137,138,183,189,196,202,207,212,209,209,209,212,212,212,209,204,199,196,194,191,190,189,190,191,196,196,196,196,199,202,202,204,204,202,202,202,204,207,207,199,196,194,194,194,196,199,202,202,194,194,194,194,194,196,204,209,207,202,194,189,186,191,196,194,189,191,196,199,199,199,191,183,135,135,137,186,189,186,186,189,194,196,196,199,202,202,199,194,196,199,199,199,196,196,199,202,204,204,207,207,207,204,202,196,194,194,194,194,191,192,196,199,202,202,199,196,195,196,199,199,204,209,209,209,207,207,207,207,204,207,212,212,212,207,204,204,209,212,212,212,215,215,209,202,202,199,196,191,194,196,191,183,182,183,194,202,207,204,202,202,199,199,199,199,199,194,189,186,186,189,186,135,127,126,127,127,133,183,186,186,186,194,196,194,189,186,183,183,137,135,134,134,137,186,191,191,189,191,191,191,190,191,196,202,199,189,181,181,186,194,196,196,199,207,217,230,220,63,46,87,163,163,165,170,176,186,183,178,183,189,186,178,172,173,181,191,194,194,194,196,196,202,207,209,212,212,212,215,217,212,207,207,212,209,199,139,133,133,135,139,145,199,207,212,215,217,217,222,228,230,228,225,228,217,209,202,110,102,123,209,217,225,230,230,225,215,202,202,204,212,217,212,196,183,176,174,176,186,199,212,217,217,209,199,194,191,186,178,170,0,0,0,0,0,0,230,230,238,246,0,0,0,255,255,255,255,251,235,225,224,230,241,246,251,254,254,243,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,181,176,178,178,176,168,165,173,0,178,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,238,235,230,0,0,0,0,255,255,255,255,255,215,212,222,217,202,189,178,176,178,0,0,0,0,0,0,178,176,168,160,0,0,0,0,173,191,207,222,235,243,248,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,241,230,222,215,209,215,212,196,173,155,152,152,150,144,142,137,103,101,101,105,107,109,113,117,125,173,181,186,189,191,189,182,183,199,215,222,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,168,176,170,176,178,178,181,181,183,186,189,191,194,196,196,194,196,196,194,189,189,191,191,191,191,194,196,196,194,194,194,186,168,121,163,178,189,189,181,117,105,113,173,173,157,152,157,165,168,168,168,168,170,165,165,163,159,163,165,160,156,160,160,116,116,117,121,123,117,110,113,168,173,173,170,164,164,165,176,178,170,121,123,181,196,191,176,170,178,181,170,165,168,176,173,168,168,170,168,165,163,165,168,168,165,163,165,165,160,157,155,156,160,156,153,156,165,173,173,168,159,155,163,181,186,191,194,189,176,168,163,163,160,111,107,113,160,170,173,168,163,165,176,183,186,189,186,178,163,112,111,119,170,170,123,119,163,165,163,178,202,207,207,202,196,196,194,186,173,119,115,123,176,176,168,123,120,120,123,168,165,117,119,117,115,186,207,207,199,196,189,168,113,109,117,168,178,186,191,191,176,165,123,123,173,186,191,191,191,196,199,194,181,123,111,109,115,163,170,173,173,176,165,91,0,0,173,178,117,119,157,114,109,109,112,115,121,160,160,160,160,160,120,119,120,163,178,176,120,120,121,107,106,121,194,196,186,178,173,123,115,117,186,202,204,202,202,202,207,207,204,196,189,181,181,181,176,81,91,123,125,119,107,95,84,170,178,123,77,88,107,194,204,202,199,199,196,196,199,202,204,209,207,196,155,99,1,0,0,5,87,176,191,202,202,196,189,178,189,196,194,194,194,192,194,202,204,204,199,199,202,207,209,209,212,228,230,73,0,0,35,183,199,209,212,215,209,183,173,165,113,110,165,194,202,202,196,194,194,196,196,181,168,165,176,199,212,217,204,144,47,55,87,95,64,62,137,178,183,189,196,202,181,170,147,33,0,0,0,0,63,160,160,93,45,87,147,163,170,189,191,181,170,165,160,157,157,152,115,152,157,165,160,107,113,173,191,194,189,191,196,194,183,176,173,173,170,170,170,123,123,163,165,165,165,168,170,173,173,178,183,181,170,163,163,165,168,170,176,186,189,181,173,170,173,178,186,194,199,202,202,196,189,170,165,181,183,168,165,173,173,173,173,173,165,113,105,109,119,165,170,176,186,191,194,194,191,178,163,121,119,119,163,170,168,122,122,168,176,176,176,170,168,173,181,181,176,165,123,123,125,123,123,168,178,173,165,170,178,176,170,168,168,173,181,178,168,126,127,170,170,170,181,183,186,186,178,178,186,186,176,129,173,181,186,189,183,181,178,125,119,113,104,99,102,113,121,123,123,117,112,115,117,121,127,178,194,199,191,183,178,170,123,121,168,183,191,186,170,168,170,168,124,125,170,170,181,194,191,178,173,173,181,189,189,186,183,183,183,183,186,191,186,181,181,179,181,183,183,183,183,183,186,194,199,194,178,128,126,128,131,176,183,191,191,183,178,181,186,191,194,199,199,196,196,202,207,204,202,199,196,194,194,194,191,178,85,2,21,81,89,107,119,123,119,119,127,173,173,127,125,126,176,183,189,196,196,191,191,191,191,189,183,178,176,173,173,173,178,183,181,176,176,178,181,183,176,173,173,178,186,186,183,178,133,131,176,186,196,196,191,183,181,186,196,202,199,196,194,194,194,191,189,186,186,186,186,181,173,172,173,173,176,178,189,194,199,199,196,191,173,119,121,178,178,176,170,129,129,176,178,170,169,170,176,181,183,178,176,178,186,189,181,129,119,125,191,199,196,192,194,196,189,123,104,118,183,196,199,199,202,202,191,181,178,181,181,173,129,129,131,128,128,127,127,127,131,186,199,207,204,199,196,194,191,186,189,194,199,196,194,194,194,189,185,186,194,191,186,183,186,194,196,183,178,178,176,170,129,170,176,181,183,178,125,123,129,170,168,169,178,183,178,176,176,177,181,186,194,202,207,209,209,204,199,191,189,183,178,181,189,199,207,207,199,194,194,191,125,111,111,113,106,105,125,178,186,202,204,196,105,53,50,97,189,189,186,178,127,121,116,114,114,117,168,183,191,191,186,176,170,173,181,186,189,189,183,183,186,191,194,189,178,125,119,120,127,173,173,170,125,125,173,183,186,186,186,186,183,176,125,123,124,170,178,186,189,189,189,183,176,129,123,117,115,121,127,131,178,183,183,186,189,189,191,194,191,189,187,187,189,194,199,202,204,204,199,189,186,191,196,196,189,181,179,181,186,191,199,202,199,194,189,183,186,191,194,189,183,183,186,186,183,186,191,194,194,194,196,194,194,199,204,207,207,202,194,137,135,136,181,183,186,186,186,133,133,135,183,189,189,186,189,199,199,199,202,191,179,178,183,186,181,135,133,178,186,191,191,186,178,173,173,178,191,196,196,196,199,202,209,209,207,204,202,204,204,204,202,196,189,181,176,133,131,130,173,181,183,186,186,178,176,176,181,189,194,191,189,186,186,196,204,204,199,189,178,183,191,191,186,186,186,186,186,189,191,196,199,196,189,181,182,191,194,186,181,137,137,137,183,186,186,191,196,199,194,186,183,189,194,194,196,202,207,207,204,204,207,207,199,191,189,189,194,194,191,189,191,194,191,183,135,129,129,133,186,194,191,186,181,178,176,176,178,183,186,178,129,125,131,186,196,196,194,191,189,186,183,186,186,186,186,186,186,186,183,133,130,178,186,183,181,178,181,183,189,191,189,186,186,186,183,181,181,181,183,183,186,183,181,178,176,173,131,176,183,183,178,176,170,123,111,108,109,121,173,176,170,127,125,168,170,170,170,168,170,176,181,186,189,189,189,191,196,199,194,189,181,170,121,121,173,178,173,127,129,173,178,181,178,176,176,176,133,176,181,186,186,183,186,194,199,199,199,199,204,212,215,217,215,215,209,202,199,202,204,207,207,207,204,204,202,202,199,199,196,191,191,194,199,202,202,196,194,196,199,202,204,204,204,202,204,207,202,196,196,202,202,196,189,183,178,129,125,129,181,183,176,123,121,121,121,121,121,127,129,129,129,170,176,181,183,183,183,186,191,196,199,199,199,194,189,183,186,194,196,194,191,189,191,196,199,202,202,194,191,194,202,199,196,196,202,207,204,196,194,186,107,100,105,125,183,199,209,207,202,199,196,191,189,189,186,189,194,196,191,186,182,181,182,191,199,202,202,202,199,199,194,189,194,202,204,199,189,189,194,196,194,191,191,189,191,196,196,194,191,194,196,199,202,202,204,209,209,204,204,207,204,194,190,191,196,202,204,204,204,204,202,194,139,139,196,212,217,209,202,194,189,181,178,177,178,183,191,196,196,199,204,204,199,191,191,194,196,199,202,204,204,204,204,202,199,196,196,196,199,199,199,194,194,196,199,204,207,207,204,207,207,199,194,196,194,191,191,194,194,199,202,202,194,191,196,204,209,215,212,207,204,204,207,204,204,204,204,199,194,186,137,135,135,137,183,191,194,199,202,202,196,191,191,196,199,202,202,204,204,204,207,204,195,194,199,204,202,199,202,204,204,204,204,207,204,199,202,204,202,196,191,189,186,185,185,186,189,189,183,139,139,186,189,194,196,199,204,209,209,207,207,209,209,209,207,204,202,199,199,196,194,191,191,191,194,196,199,202,202,202,204,207,207,204,202,202,204,207,207,202,199,196,194,194,196,202,202,199,194,194,199,199,194,194,204,212,209,204,196,194,191,191,191,191,189,189,191,194,199,204,202,191,186,183,186,191,194,191,191,191,194,194,196,196,199,202,202,199,199,202,202,202,202,202,204,207,207,209,209,212,212,209,204,196,194,196,199,196,194,196,199,204,207,207,204,199,195,196,196,196,196,199,199,199,204,207,209,207,204,204,209,212,212,209,207,207,209,212,212,212,215,212,204,196,196,194,187,189,194,202,196,191,189,191,202,209,212,209,207,204,202,202,202,202,199,196,191,191,194,199,202,194,183,135,131,121,119,119,123,135,186,191,191,194,194,191,191,191,186,181,135,134,137,191,196,196,194,194,194,194,190,190,194,196,194,183,177,174,179,191,199,202,204,209,215,222,220,189,59,53,77,81,59,57,79,123,173,173,176,181,181,176,172,173,181,194,199,199,199,202,204,207,212,215,215,215,212,212,212,209,205,207,209,215,215,207,196,143,139,141,145,196,202,209,212,215,217,222,225,228,228,222,225,222,222,225,141,102,104,202,220,233,233,233,228,215,204,199,199,204,209,209,199,186,176,174,176,186,199,212,217,220,215,204,196,196,194,191,183,176,0,0,0,0,0,0,228,233,243,0,0,255,255,255,255,255,254,238,226,222,228,238,246,251,254,251,246,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,176,170,173,178,168,160,157,160,0,0,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,243,238,225,209,202,0,0,255,255,255,255,254,196,194,207,207,194,183,176,176,178,0,0,0,0,0,0,191,189,183,178,173,163,0,163,176,196,0,230,238,243,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,233,225,212,207,209,207,191,165,152,148,150,147,144,142,137,101,101,107,111,113,111,111,115,0,165,173,178,186,189,183,181,182,194,212,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,178,178,183,186,183,181,181,183,186,191,194,196,194,194,194,194,194,191,189,189,191,191,191,194,196,199,196,194,196,202,199,186,173,168,176,181,181,168,107,104,117,170,165,150,148,152,160,168,173,181,186,183,173,168,163,160,163,168,163,120,120,121,117,117,117,119,121,115,109,112,165,173,173,173,165,165,173,183,186,176,121,117,170,191,189,178,176,186,189,178,168,165,173,176,173,170,170,168,165,165,168,170,170,165,160,160,160,160,157,157,157,157,157,157,157,160,165,173,165,152,150,168,186,183,189,194,186,176,168,155,113,109,103,103,113,157,168,178,178,168,168,176,178,181,181,181,173,160,117,115,160,170,123,104,107,168,178,186,196,207,207,207,204,202,202,199,194,181,117,111,114,173,181,173,123,121,123,165,163,119,115,114,113,121,194,207,204,202,196,186,160,101,97,109,119,163,176,178,176,165,165,163,121,170,186,191,194,194,196,194,183,165,107,105,107,117,170,178,173,168,168,186,191,9,0,87,119,115,157,176,170,117,115,119,165,176,168,163,160,165,165,163,121,120,121,170,170,123,165,170,117,113,170,183,183,173,125,115,111,113,123,189,199,199,199,202,202,204,207,207,196,176,173,186,189,181,47,53,113,113,119,119,113,107,181,196,194,98,62,101,202,207,204,202,202,199,199,202,204,207,209,204,189,57,31,0,0,21,75,157,191,204,209,204,196,186,181,196,202,196,192,191,191,196,204,204,202,198,198,199,207,209,207,209,228,235,65,0,0,15,189,202,212,215,209,189,97,111,155,113,112,173,196,204,204,202,196,194,196,194,173,161,165,189,199,207,212,209,202,160,93,91,89,81,89,165,183,191,199,204,202,152,142,150,139,0,0,0,0,17,97,101,105,152,147,109,157,178,189,186,168,155,157,155,155,165,163,157,155,163,181,181,115,113,165,183,183,179,181,191,191,183,176,173,170,168,163,123,123,165,173,176,173,170,170,170,170,165,123,123,123,163,163,165,168,170,168,170,183,189,181,173,173,173,176,181,189,199,202,199,189,109,107,163,168,123,122,121,122,163,165,173,186,196,183,119,107,113,123,170,181,189,196,199,199,196,183,168,123,121,118,119,123,123,123,168,178,173,165,163,123,163,170,178,178,170,165,123,123,119,119,123,176,181,178,173,181,183,173,127,127,125,125,168,170,127,127,170,176,169,168,176,186,191,191,181,178,183,181,173,128,170,176,181,191,196,199,196,178,125,115,102,99,104,115,117,117,121,127,181,186,127,117,119,170,186,194,194,191,186,173,119,115,123,181,191,186,170,166,168,168,168,127,117,109,125,183,186,181,176,176,186,194,194,189,183,181,181,178,178,181,186,183,181,181,181,181,178,178,181,186,194,199,202,196,178,128,126,127,129,176,181,181,173,129,131,178,186,191,196,202,202,199,199,202,204,202,199,199,196,196,194,189,181,119,11,0,1,85,95,107,119,129,178,181,173,129,129,127,127,129,173,176,181,194,196,191,186,183,181,183,189,186,178,176,178,178,178,181,183,178,174,176,183,189,181,173,173,181,189,189,183,178,176,178,183,191,199,199,196,189,183,186,191,199,199,202,202,199,196,194,191,191,191,189,189,183,176,173,176,178,181,183,189,191,191,189,183,178,121,97,88,123,125,124,127,170,176,178,181,178,173,170,169,173,178,177,174,176,181,186,183,176,125,129,189,196,196,196,196,196,189,127,112,173,189,196,202,202,202,202,196,183,176,178,178,176,131,131,129,127,127,128,128,128,176,191,204,209,209,204,199,196,191,186,186,194,202,207,207,204,199,191,186,191,196,196,191,181,129,133,199,194,183,176,131,170,170,173,178,178,173,121,112,115,127,170,169,170,178,183,183,181,181,181,177,176,181,196,204,209,207,202,196,189,183,173,173,181,186,194,204,204,202,199,202,199,168,109,108,110,109,111,127,178,186,196,196,186,127,103,73,95,176,183,183,173,121,116,116,119,123,125,173,183,189,183,170,121,120,123,173,189,191,189,183,181,181,186,189,183,170,121,118,121,173,183,183,173,127,129,176,183,189,186,183,183,181,173,127,125,129,176,181,183,186,186,186,183,178,173,127,115,111,112,121,173,183,189,186,186,191,191,194,194,194,191,189,186,187,191,194,199,204,207,202,194,191,194,199,196,189,183,181,183,186,191,196,199,199,191,183,137,181,189,194,191,186,186,189,189,186,189,194,196,194,196,199,199,199,199,202,202,202,199,191,181,137,181,183,186,186,189,186,135,178,183,183,186,186,191,199,204,202,202,204,194,181,179,186,191,181,129,129,178,189,194,191,183,177,176,177,186,199,202,199,196,196,199,204,207,204,199,199,199,199,196,191,186,183,181,178,176,173,130,131,181,186,186,176,127,125,131,178,186,189,189,186,183,186,194,202,202,194,178,125,135,183,181,178,181,189,191,194,196,196,199,199,199,191,182,181,194,194,186,137,133,133,135,181,186,186,191,196,194,183,135,137,189,194,194,196,204,209,207,202,202,202,202,199,194,191,196,199,194,189,186,189,191,191,191,186,178,133,133,183,191,191,186,181,178,176,176,181,181,178,131,125,123,127,183,196,196,194,191,191,189,183,181,183,186,186,183,183,186,186,181,181,186,186,176,131,176,178,183,186,189,186,186,186,186,183,181,181,183,183,183,181,181,181,181,176,130,129,170,181,186,183,178,173,123,111,109,111,125,173,176,170,127,127,127,127,127,127,168,173,181,186,189,191,191,194,194,196,199,196,189,178,170,125,127,181,186,181,173,170,176,183,186,183,181,181,181,181,181,183,183,183,186,189,191,194,194,194,196,204,215,217,217,215,212,204,199,196,199,202,204,204,202,204,207,207,204,204,199,194,141,141,189,196,202,199,196,191,191,191,194,199,207,207,204,202,204,199,191,194,199,202,196,191,189,183,176,125,125,173,178,173,121,117,117,121,125,127,129,170,170,170,176,183,189,191,189,189,189,194,194,194,194,196,194,186,176,178,189,191,186,181,181,183,186,189,196,199,199,194,196,202,199,186,183,194,202,196,183,181,181,125,107,107,115,129,191,204,204,199,194,189,186,187,189,191,194,196,196,191,189,191,194,191,191,191,191,194,202,207,204,196,191,196,202,204,196,189,189,196,196,186,183,186,189,191,194,191,186,186,189,194,199,202,202,204,212,215,212,207,202,196,190,189,191,196,202,202,199,199,202,202,196,189,186,196,209,212,204,196,191,186,181,178,177,178,183,189,194,196,199,204,204,196,190,189,191,194,196,199,199,202,204,204,202,199,199,196,194,194,191,189,186,189,191,194,202,207,207,204,204,204,199,199,202,199,194,194,196,196,199,202,204,202,202,202,207,215,217,215,209,207,209,209,209,207,207,202,194,186,139,137,134,137,186,191,196,199,202,199,199,196,194,194,199,204,207,207,209,207,204,204,199,195,194,196,204,202,199,204,207,207,207,207,207,204,204,207,209,207,202,196,191,189,186,186,189,189,189,186,186,189,191,196,199,199,199,202,207,207,204,204,207,207,207,204,202,202,202,199,199,199,199,196,194,196,199,207,207,207,204,204,209,209,204,202,202,204,207,207,204,204,202,202,199,199,199,199,196,192,196,204,204,199,199,204,209,209,204,202,199,196,191,191,191,189,189,191,194,202,207,207,202,199,194,194,196,199,196,191,189,189,191,196,196,196,196,199,202,202,202,204,204,204,207,207,209,209,209,212,212,212,209,204,196,194,194,199,202,202,202,204,207,207,209,207,202,199,196,196,196,196,195,194,195,199,204,207,204,203,204,207,212,215,212,209,204,207,209,212,212,215,209,202,196,191,187,186,189,199,207,204,202,199,199,204,209,215,212,209,207,202,199,199,199,199,196,194,194,196,204,209,207,202,199,194,133,121,118,119,123,135,183,189,191,194,196,196,196,191,189,181,135,183,196,204,202,199,199,199,199,194,191,191,196,194,183,178,177,181,191,194,196,202,207,204,199,196,209,199,34,0,0,0,0,0,51,123,168,173,178,181,178,176,178,183,194,202,204,202,202,207,212,217,217,215,212,209,207,209,209,209,209,212,217,222,217,209,199,194,194,194,196,199,202,207,212,217,222,225,225,225,222,222,222,228,230,222,123,102,123,207,233,238,233,225,212,204,199,194,191,199,202,196,186,176,174,178,189,202,209,217,220,217,209,202,199,199,199,194,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,246,230,226,228,238,246,248,251,248,246,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,178,170,170,173,165,155,150,155,160,0,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,243,233,215,199,194,0,0,246,254,255,255,238,199,191,194,189,181,176,173,176,176,0,0,0,0,0,194,194,191,189,186,181,176,170,176,189,0,0,0,0,0,0,0,255,255,255,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,222,209,205,207,207,189,163,150,148,150,150,147,144,139,134,103,144,152,155,115,110,111,113,119,125,173,183,186,186,183,189,199,212,222,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,176,183,191,191,183,178,178,181,183,189,191,191,189,189,189,189,189,189,186,183,186,189,189,191,196,199,199,199,199,204,202,191,181,176,178,178,173,107,103,111,168,168,160,151,151,157,165,176,186,196,202,196,181,168,160,160,165,168,163,160,163,165,160,121,119,121,165,165,115,117,165,170,173,176,170,168,176,181,181,170,116,111,113,163,176,176,178,186,191,183,170,163,165,170,170,170,173,173,170,165,168,170,170,165,160,160,160,163,163,163,160,160,163,168,165,160,160,168,165,156,156,181,186,163,157,173,170,168,165,152,107,105,83,83,105,152,163,170,170,159,168,176,176,176,178,178,173,163,119,117,121,160,109,100,103,170,186,196,204,207,207,204,204,204,202,199,196,186,119,110,113,170,183,183,170,123,123,121,117,117,115,114,115,176,199,202,199,199,196,183,119,91,91,109,119,117,101,93,103,113,160,160,113,117,178,186,191,191,189,178,121,106,103,107,123,170,173,173,168,163,170,196,212,45,0,0,15,109,170,204,183,168,173,178,186,191,176,163,121,163,168,170,170,173,176,178,170,122,163,176,168,163,165,168,168,123,113,107,107,113,168,194,202,199,199,202,202,202,204,204,189,170,172,199,202,191,30,14,83,93,113,123,123,168,191,209,212,196,59,101,199,204,204,204,202,202,202,202,204,207,207,199,160,0,0,0,0,45,59,99,181,194,199,199,189,178,181,199,207,202,194,191,192,196,204,204,204,202,199,202,204,207,207,209,222,225,61,0,0,0,69,155,212,215,207,103,13,65,107,113,155,181,199,202,204,204,199,194,194,186,164,160,173,194,199,202,207,207,207,202,163,83,81,97,142,160,181,196,207,204,194,95,95,160,196,0,0,0,0,23,75,59,50,101,107,107,157,178,183,176,160,111,111,111,111,155,157,160,157,160,186,189,165,117,160,178,181,177,177,186,189,183,178,170,168,168,163,121,122,165,176,178,173,170,168,170,170,163,116,115,116,121,163,168,176,176,168,123,120,121,165,170,178,176,173,176,183,189,191,186,119,98,99,123,163,121,121,120,121,123,165,176,191,204,196,170,90,99,113,168,181,194,199,199,199,196,183,165,123,119,117,117,119,163,165,170,176,168,119,118,118,121,165,170,168,165,165,165,123,115,113,121,173,176,173,173,186,186,176,168,168,127,123,123,125,168,170,178,183,178,176,183,191,196,196,186,181,181,176,170,128,128,128,173,191,202,207,202,189,173,121,109,105,111,115,114,114,119,123,170,170,119,114,115,123,170,178,186,191,186,170,117,113,121,178,189,186,176,173,173,173,173,125,109,105,121,178,183,186,186,186,194,199,199,189,181,176,170,168,125,127,181,186,181,178,178,176,173,170,173,178,186,191,189,183,181,178,173,131,129,131,131,127,124,124,127,176,186,191,196,202,204,202,202,202,204,202,199,199,199,196,191,183,129,107,31,1,51,103,105,113,129,181,196,199,183,131,131,173,173,129,123,122,129,194,199,194,186,178,177,181,191,191,181,178,181,183,181,181,183,178,174,176,189,194,189,176,174,181,189,189,183,181,183,186,194,199,204,204,199,191,183,182,186,194,202,204,204,202,199,196,196,196,194,191,186,183,178,176,178,183,186,186,183,181,178,170,127,125,115,98,88,125,125,123,124,129,178,178,178,183,183,173,168,169,178,181,178,178,183,186,189,183,173,173,186,194,196,199,199,196,189,131,117,173,189,199,204,204,204,202,194,178,173,176,178,178,176,133,129,128,129,131,131,176,186,199,207,209,209,204,202,196,191,186,186,191,204,212,215,215,209,202,199,199,199,196,194,178,119,120,189,196,186,176,131,131,127,127,170,176,170,115,111,114,125,170,173,181,186,189,191,194,196,191,181,173,173,181,194,202,202,196,191,183,176,127,127,186,191,191,199,204,202,199,199,196,176,117,113,113,111,115,168,181,189,196,194,183,170,123,113,113,125,178,183,173,121,117,123,170,176,176,178,186,189,178,123,118,118,123,176,191,194,191,186,181,178,176,178,176,129,121,120,125,176,181,178,173,170,173,181,189,191,191,186,181,176,173,170,170,173,178,178,176,178,181,183,183,183,183,176,119,110,111,121,178,191,191,186,186,189,194,191,191,191,191,189,186,187,189,191,196,202,204,202,196,194,196,196,194,186,183,183,183,189,191,194,194,194,189,137,134,137,186,191,191,189,189,191,189,186,189,194,196,196,199,199,199,199,196,194,196,199,199,191,186,183,186,189,186,186,189,186,183,189,191,186,186,189,196,204,204,202,202,202,194,186,186,191,191,135,125,125,181,196,202,194,178,177,178,183,191,202,207,204,196,191,191,199,202,199,196,194,196,194,191,183,181,181,183,181,176,173,131,176,183,191,183,129,121,122,129,176,181,183,183,183,183,183,191,199,202,194,133,121,127,133,135,135,181,191,199,199,199,196,196,196,202,199,191,183,191,189,181,133,132,132,135,181,189,191,194,194,189,135,133,135,191,199,199,202,207,212,209,202,202,202,199,196,194,196,204,204,194,186,185,185,186,191,194,194,186,178,178,183,189,189,186,181,176,176,178,181,181,176,129,125,124,129,183,196,196,194,191,191,189,186,181,181,181,183,181,183,186,189,186,183,186,181,129,126,131,176,181,186,189,186,186,186,186,183,181,181,183,183,181,178,181,181,178,173,130,129,131,178,183,181,178,173,127,119,115,119,127,170,173,173,170,170,168,168,127,127,168,176,186,191,191,189,191,194,194,194,194,194,189,183,181,178,178,181,181,176,173,173,181,191,191,186,183,186,186,183,183,186,186,186,186,186,189,189,189,191,199,209,217,217,217,212,209,202,196,195,196,202,202,202,200,204,209,212,209,207,204,196,140,139,141,189,194,196,194,189,186,185,186,194,207,212,209,204,202,196,190,191,196,199,199,194,191,189,178,127,125,129,173,129,117,114,115,121,127,129,170,173,176,178,181,189,194,194,191,189,191,194,194,189,189,194,194,186,176,178,186,189,186,183,181,178,176,176,183,194,196,196,199,199,191,182,179,186,196,191,181,133,133,133,127,121,119,127,183,196,199,196,191,187,186,187,194,199,202,202,194,189,189,196,199,194,186,137,135,137,191,202,202,194,189,191,196,199,194,191,194,199,194,182,181,183,191,199,202,194,186,186,189,194,202,202,202,204,212,215,212,207,199,194,190,190,191,196,199,199,198,196,198,199,199,194,191,199,204,204,196,194,194,189,183,181,181,183,189,191,194,194,196,199,199,196,190,189,191,194,194,194,194,196,202,204,204,199,196,191,189,186,183,139,139,183,189,191,199,207,207,204,204,204,199,202,204,204,199,196,199,199,196,202,204,207,207,204,207,209,215,215,212,212,212,212,209,209,204,199,186,134,134,135,139,189,194,199,202,202,199,196,196,194,194,196,204,209,209,209,212,212,207,202,196,195,196,199,202,199,196,202,207,209,209,207,207,204,204,207,209,209,204,202,196,194,191,189,189,189,189,189,189,191,196,202,202,202,202,202,204,204,204,203,204,207,207,202,202,202,202,202,202,204,204,202,196,196,202,207,209,207,207,207,209,207,204,202,202,202,204,207,207,207,209,207,207,204,202,199,196,196,202,209,209,204,202,204,207,207,207,204,204,204,199,196,194,194,194,199,199,204,207,207,207,204,204,202,202,199,196,189,183,183,189,196,199,194,192,192,199,202,204,207,209,209,207,207,212,212,209,212,212,212,207,202,196,192,192,196,202,204,204,204,207,207,204,204,204,202,202,202,202,199,195,194,195,196,202,207,207,207,207,209,212,212,209,204,199,202,207,209,215,215,209,202,196,191,187,186,189,199,207,207,207,202,199,199,204,209,212,209,207,202,196,196,196,199,202,199,199,199,204,209,212,209,209,207,196,183,127,120,119,120,125,137,189,196,202,199,199,196,194,189,183,186,196,204,207,207,207,207,204,199,194,194,196,196,191,186,183,191,196,194,192,196,199,199,191,176,199,215,36,0,0,0,2,5,36,87,119,165,170,173,173,176,181,186,194,199,202,199,196,202,212,217,215,212,207,204,204,207,212,217,217,217,222,222,222,215,209,204,204,202,199,196,195,199,207,217,225,225,225,225,225,221,222,228,233,233,217,109,110,131,217,233,233,225,212,204,196,190,187,190,196,196,186,178,176,181,191,202,209,215,217,220,215,207,204,204,202,196,186,181,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,248,235,228,230,235,243,246,246,246,243,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,181,176,173,163,155,150,150,0,0,163,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,241,228,209,199,199,0,0,235,238,243,248,241,215,202,191,183,176,168,168,170,168,160,0,0,0,0,194,191,189,186,183,178,178,181,0,0,0,0,0,0,0,0,0,255,255,0,0,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,225,215,207,204,209,212,196,168,152,148,150,152,150,147,142,134,103,144,152,157,117,111,111,113,115,0,168,178,186,189,194,196,204,212,217,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,189,194,191,183,177,177,178,181,186,186,186,186,186,186,186,189,186,183,183,183,186,189,191,194,196,199,202,202,202,199,194,189,186,189,186,176,105,106,160,170,168,165,160,160,173,183,191,199,204,207,202,189,165,119,157,165,165,165,170,181,183,173,165,163,163,173,173,168,165,170,173,176,178,173,168,168,170,170,163,116,111,112,117,165,170,173,178,181,178,170,161,161,165,168,173,183,186,178,168,165,170,170,168,163,160,163,165,165,163,163,165,168,168,168,165,165,165,165,163,173,183,176,137,126,143,150,157,160,111,103,109,64,62,83,152,157,163,160,156,165,173,173,173,178,178,170,163,121,119,117,115,109,107,119,176,183,199,207,207,207,204,204,204,202,194,191,191,176,115,115,168,183,183,168,119,117,117,119,123,119,119,168,189,196,196,199,199,196,183,105,67,73,111,165,163,83,71,73,87,111,109,47,29,119,168,178,183,181,170,119,107,109,163,176,176,170,163,160,119,165,191,209,87,0,0,0,59,117,170,85,95,170,176,183,183,170,119,117,160,170,176,186,199,202,191,178,122,121,165,165,119,115,121,163,119,109,103,101,105,125,191,202,199,196,196,199,199,199,194,173,165,172,202,207,199,27,0,55,71,95,101,111,173,194,207,212,207,89,101,186,202,204,204,202,199,199,202,202,204,204,191,152,0,0,0,0,65,49,37,51,147,176,183,181,174,181,196,204,199,196,192,192,199,202,204,207,207,204,207,207,207,207,212,220,204,59,0,0,0,0,47,186,191,152,7,0,21,101,152,173,191,199,199,202,202,199,196,194,186,170,168,183,196,199,196,199,202,204,207,183,69,48,89,99,144,176,191,199,186,97,85,101,181,220,75,7,89,173,181,173,79,39,43,103,107,155,173,170,165,150,95,93,99,105,97,75,152,155,107,176,186,176,155,155,178,183,179,179,186,189,189,183,170,165,173,173,163,122,163,170,173,168,163,163,165,165,121,116,114,117,123,168,173,178,176,168,121,117,117,120,168,173,173,170,170,168,168,165,121,112,106,106,165,170,123,123,163,163,168,170,181,194,199,194,178,84,94,107,123,178,191,199,202,202,196,178,163,121,119,118,119,163,176,170,117,117,121,119,118,119,121,163,168,168,168,165,165,119,111,110,115,121,123,123,125,170,173,170,170,173,168,124,123,127,176,181,189,194,194,191,194,199,202,202,194,186,178,173,129,128,128,128,170,186,199,204,199,189,173,127,127,121,117,115,115,119,121,119,119,119,117,116,119,125,122,123,170,181,176,123,114,115,168,181,183,183,183,176,168,168,170,117,111,125,186,186,186,189,194,196,199,202,196,186,173,123,97,107,111,109,127,181,176,176,176,176,173,168,168,168,129,129,129,176,189,191,183,176,131,129,129,126,124,124,127,133,181,189,196,202,204,204,204,207,207,204,199,196,196,194,189,178,127,111,105,115,119,119,119,125,186,194,204,204,196,183,181,181,176,127,118,116,123,194,202,194,186,177,177,183,194,194,183,178,181,186,186,186,183,178,178,181,189,196,194,183,178,178,183,183,181,181,186,191,196,204,209,209,207,196,183,181,183,194,202,204,204,204,202,199,199,199,196,191,183,181,176,176,178,186,189,181,170,127,127,125,124,125,123,114,114,176,178,173,127,170,178,176,170,186,189,176,168,170,183,194,191,186,186,189,191,191,183,178,186,191,191,191,194,191,189,178,123,173,191,199,204,204,202,196,183,173,173,176,181,181,178,133,129,129,131,133,176,181,191,199,202,204,204,204,202,196,191,186,183,189,202,215,222,217,215,215,215,212,207,202,199,183,121,120,176,199,194,183,176,127,123,122,127,176,129,119,115,119,127,170,178,189,194,196,202,204,204,202,191,177,174,176,181,194,196,189,181,178,173,121,125,196,202,196,199,202,199,186,178,181,176,170,170,123,110,110,170,186,194,199,194,181,127,125,121,119,127,178,178,125,123,125,176,183,183,183,186,191,191,181,127,122,125,176,186,189,189,189,189,186,178,173,170,170,129,123,121,125,173,178,178,176,173,178,191,196,194,189,186,178,176,173,176,176,176,176,173,170,173,176,173,178,189,191,183,125,113,115,131,189,196,191,183,183,191,194,194,191,191,189,187,187,189,191,194,196,202,204,202,199,196,196,196,191,183,183,186,186,191,194,191,191,191,186,135,134,135,183,191,194,191,194,194,189,186,189,194,196,199,199,202,199,194,191,191,194,202,204,199,191,191,191,189,186,183,186,186,189,196,196,191,191,191,199,204,207,204,202,199,191,191,191,194,189,129,119,121,178,199,204,194,177,177,183,186,186,196,204,204,194,186,186,191,196,196,194,191,191,191,186,181,181,183,183,178,127,129,178,183,191,194,183,125,120,122,129,176,176,178,181,186,189,189,194,202,204,199,178,121,124,129,133,135,186,196,202,202,199,196,196,199,204,204,199,194,189,186,137,133,132,133,137,183,191,194,196,194,183,133,134,186,199,204,204,204,209,212,207,202,199,199,196,194,194,202,207,207,194,186,185,185,186,191,194,194,189,183,181,183,186,186,183,178,174,176,183,183,181,176,131,127,127,133,186,196,196,191,189,189,189,186,183,178,133,133,178,183,189,189,181,178,181,178,129,127,133,178,183,189,191,189,189,189,186,183,181,181,186,186,183,178,178,176,173,131,131,131,173,176,176,176,173,170,129,127,125,125,129,170,176,178,178,176,173,170,168,168,170,178,186,191,189,186,186,189,189,189,191,194,194,194,196,196,189,176,125,123,127,173,183,194,194,186,183,186,186,183,186,189,189,189,183,183,183,186,189,196,207,215,217,217,215,212,207,202,196,196,199,202,202,202,202,207,212,215,215,209,207,199,186,140,140,141,189,191,191,191,186,183,183,189,199,207,209,207,204,196,191,190,194,196,196,194,194,189,178,173,131,129,127,123,115,113,115,125,129,125,127,173,178,183,186,191,194,194,191,189,186,191,189,183,186,191,191,183,176,176,181,183,189,191,189,181,176,173,176,183,191,196,199,196,186,182,182,186,194,191,186,181,133,176,178,133,125,125,133,189,196,194,189,187,191,196,202,204,202,199,186,137,183,191,191,183,135,131,130,133,183,194,194,189,187,189,191,194,191,191,199,202,194,182,182,189,199,204,207,202,194,189,191,194,199,204,204,207,212,212,212,207,204,199,196,194,196,199,202,199,198,196,199,202,199,196,196,202,202,196,192,192,194,191,186,186,189,194,194,194,194,194,194,194,196,196,194,191,194,196,194,187,187,191,199,202,199,194,189,186,139,139,139,138,138,183,191,194,196,204,207,204,204,204,202,202,204,204,196,196,199,196,194,196,202,207,207,202,199,202,204,209,212,212,209,209,207,207,204,196,139,132,131,135,186,196,202,202,202,202,199,196,196,194,196,199,207,212,212,212,212,212,207,196,195,199,202,202,199,195,195,199,204,209,209,207,202,202,202,204,207,207,207,204,199,196,196,194,191,189,189,189,191,196,202,202,202,199,199,202,204,204,204,203,204,207,207,202,202,202,202,199,199,202,204,202,196,196,199,202,204,202,202,204,207,207,204,202,202,202,202,204,207,209,209,209,209,207,204,202,202,202,204,207,209,207,204,204,204,207,209,207,207,207,207,204,199,194,194,199,202,207,207,204,204,204,204,204,202,199,196,191,185,183,186,196,196,194,192,194,202,204,204,207,209,209,209,207,209,209,207,207,209,209,204,199,196,194,192,196,199,199,204,207,207,202,196,196,199,204,204,204,204,204,199,196,196,199,204,207,207,209,209,209,212,209,204,199,196,198,204,212,217,217,209,202,196,191,187,187,189,191,199,207,207,202,198,198,202,207,209,207,204,196,191,191,194,199,204,207,204,202,207,212,212,212,212,209,202,194,186,133,121,118,117,121,183,194,199,199,196,196,196,189,181,183,189,199,204,207,209,207,202,199,194,194,196,199,196,196,196,202,202,194,191,194,196,196,196,186,191,202,121,45,63,121,183,103,63,57,61,83,109,117,123,173,186,191,194,199,196,196,194,199,207,212,217,212,207,203,204,209,215,217,217,222,225,222,222,217,212,212,215,212,207,199,194,195,202,215,222,222,222,225,225,222,225,230,235,238,228,145,117,117,133,212,230,230,220,207,199,191,189,191,196,196,191,183,181,183,194,202,209,215,217,222,217,212,209,207,204,196,186,178,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,254,238,228,222,222,228,235,241,243,241,241,246,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,191,181,0,163,155,150,147,0,0,157,0,0,0,0,0,0,0,0,0,0,0,0,254,255,254,241,230,212,204,0,0,0,0,225,233,251,254,238,222,207,191,181,168,165,165,165,160,0,0,0,0,191,189,186,181,176,173,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,215,207,205,212,220,204,176,155,150,150,150,150,147,142,134,101,105,147,152,117,115,0,121,0,0,125,176,183,194,199,204,207,212,217,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,189,191,189,181,177,177,178,181,183,183,183,183,186,186,189,189,189,186,183,186,189,189,189,191,194,196,202,202,199,196,194,194,194,194,196,191,123,119,121,121,163,165,165,173,189,196,202,204,207,207,202,191,163,117,121,168,170,170,181,191,191,186,178,170,168,176,178,176,170,176,178,183,189,178,168,165,165,165,165,123,119,119,160,163,165,168,168,173,173,168,161,161,163,168,176,186,191,183,168,163,168,173,170,165,163,163,165,168,165,165,170,168,164,165,170,170,165,163,165,176,178,163,130,117,142,150,152,150,97,95,144,62,53,72,150,152,155,163,165,168,168,168,170,176,176,170,163,157,119,117,113,117,170,183,181,181,194,204,207,207,204,202,199,196,191,191,196,194,168,119,123,173,170,116,112,116,121,123,168,168,170,181,189,186,189,196,202,199,183,71,46,49,107,176,181,163,75,61,53,59,47,0,0,97,115,160,168,176,176,170,165,165,170,170,165,160,121,119,117,115,183,209,207,3,0,0,0,13,11,0,0,91,111,121,160,119,111,113,160,170,181,194,209,209,199,194,176,163,163,111,88,103,119,168,119,107,99,90,69,109,183,196,196,191,189,194,196,194,181,166,164,173,199,207,202,33,0,39,53,52,46,77,181,191,202,209,202,115,107,163,194,202,204,202,196,196,199,199,199,196,183,157,0,0,0,0,109,93,7,2,57,111,168,176,176,183,194,199,199,196,194,192,196,202,207,209,209,207,207,207,207,207,209,215,199,95,0,0,0,0,39,109,91,13,0,0,11,91,157,186,196,199,196,199,199,199,199,194,186,178,183,191,196,199,191,191,194,199,202,196,99,14,52,60,89,168,181,183,170,79,87,165,186,199,157,142,176,196,202,194,178,40,31,144,147,107,152,152,147,95,61,69,81,155,77,40,97,109,65,115,176,178,160,157,178,189,183,181,189,194,196,186,168,165,176,186,181,165,165,168,168,123,120,120,121,121,119,117,117,123,168,170,173,176,173,168,163,121,120,121,163,168,168,168,165,121,112,109,110,117,123,111,115,165,163,168,176,178,178,181,189,196,196,191,183,98,103,113,123,176,189,196,202,202,194,173,121,119,121,123,168,181,189,173,93,94,113,123,123,123,123,165,173,173,168,165,125,117,111,110,110,111,113,115,117,116,121,165,168,173,168,124,125,178,189,191,194,196,196,191,196,199,204,202,199,191,181,176,170,170,173,173,173,183,191,194,189,183,168,170,186,181,125,121,123,127,170,168,168,173,176,173,176,176,123,121,125,168,123,112,110,170,181,183,181,183,183,176,111,65,75,85,109,178,189,178,176,183,191,194,191,191,189,176,119,73,32,61,97,97,109,168,168,173,176,176,173,170,170,128,127,125,127,183,199,199,189,178,176,131,131,131,127,127,131,133,178,189,194,199,199,202,204,209,212,204,196,191,191,189,183,176,129,123,123,131,131,176,189,186,194,199,202,202,202,196,191,186,181,125,117,116,125,191,194,189,183,177,178,186,189,189,183,178,177,183,191,189,181,178,178,183,189,196,199,194,181,177,177,178,181,181,183,189,196,204,212,215,212,202,189,182,186,196,202,204,204,204,202,199,199,196,194,189,181,173,172,173,176,183,186,176,123,122,125,127,127,168,170,168,170,178,183,181,173,176,183,176,125,178,186,176,169,170,186,199,199,189,183,183,191,194,189,183,189,186,181,178,181,186,189,183,173,178,196,202,199,199,196,186,131,130,131,176,181,183,181,133,129,131,133,133,133,181,191,196,194,199,202,204,202,196,191,186,183,186,199,212,217,217,217,225,228,222,212,204,199,191,129,125,133,194,191,183,178,127,120,121,127,170,125,117,117,125,170,173,178,191,196,202,207,209,209,204,202,194,183,177,181,194,194,183,127,129,125,115,123,207,209,204,204,199,189,121,110,119,170,178,183,168,104,101,127,186,194,199,196,176,123,123,121,118,170,176,125,122,123,173,183,186,183,183,189,196,199,191,178,170,173,181,186,183,181,183,189,189,183,176,173,173,170,125,123,127,176,183,183,181,176,178,196,202,191,181,181,178,178,178,178,181,178,173,170,173,173,170,127,173,191,196,189,129,119,123,181,194,196,189,182,183,191,199,196,194,191,191,187,187,191,196,196,199,202,204,204,204,202,199,196,191,183,183,186,189,194,196,194,194,194,189,137,134,135,183,191,196,196,196,194,186,185,186,194,196,199,199,199,196,194,191,191,199,209,212,209,199,194,194,189,183,182,182,186,191,199,199,196,196,199,199,204,207,207,202,194,191,191,194,191,178,125,118,118,131,194,202,196,178,183,189,186,183,185,194,199,191,186,185,189,194,194,194,191,186,186,183,178,178,183,183,173,121,129,186,191,191,191,183,129,123,124,129,173,131,133,181,191,194,194,196,204,209,204,183,123,124,129,135,183,194,202,204,202,199,199,202,202,204,207,204,196,191,186,137,133,133,135,137,186,191,194,194,191,183,135,183,199,204,207,207,207,209,212,204,199,202,199,191,187,189,199,207,207,196,189,189,189,189,191,191,191,186,183,181,183,183,183,181,176,176,178,183,186,181,176,131,131,176,181,191,196,196,191,186,186,186,186,183,176,129,128,133,186,191,189,178,176,178,181,135,135,181,186,189,191,191,191,189,189,186,181,179,181,186,189,189,183,178,131,130,130,173,176,176,176,173,173,173,170,170,170,170,129,170,173,176,178,178,176,173,170,173,173,173,178,183,186,181,178,178,181,183,186,189,196,199,199,199,199,194,170,118,119,123,176,186,194,189,181,178,183,183,183,186,191,191,186,182,181,182,186,196,207,215,220,217,215,212,209,204,199,194,196,199,202,204,204,207,209,215,215,215,212,207,202,194,186,140,140,141,189,196,196,191,186,185,186,194,202,207,207,202,196,191,191,191,194,194,194,191,186,181,178,178,173,127,119,114,113,119,129,129,124,125,173,178,183,186,189,191,189,186,183,181,183,183,181,183,189,186,176,125,121,123,173,191,199,194,186,181,176,176,178,186,189,191,191,186,186,189,194,194,194,194,191,178,176,178,178,131,125,127,135,189,191,189,189,194,202,199,196,191,186,178,133,135,183,181,133,130,130,130,131,181,191,191,189,187,187,189,189,189,191,199,204,194,183,183,194,202,207,209,209,204,199,196,196,199,204,207,212,215,215,209,207,207,207,204,202,202,204,207,204,202,199,202,204,202,199,199,202,202,196,194,194,194,191,186,189,194,199,199,196,194,192,191,192,194,194,196,194,194,194,191,186,185,189,196,199,194,186,139,137,137,139,183,183,139,186,194,194,196,204,207,204,204,202,199,202,204,199,194,194,196,194,192,194,202,207,204,199,194,192,196,202,209,209,209,207,207,207,204,199,186,134,133,137,194,202,202,196,196,202,202,199,196,194,196,202,209,212,209,209,209,212,207,196,196,204,209,207,199,194,194,196,204,207,207,202,199,199,202,202,204,204,204,202,196,196,196,196,194,191,189,191,194,199,204,204,199,194,194,196,202,207,207,204,207,207,204,199,199,202,199,196,196,199,199,199,199,196,196,196,196,196,196,199,202,204,204,202,202,202,202,204,207,207,207,207,207,207,204,204,202,202,204,204,204,204,202,202,202,207,209,209,207,207,207,204,199,194,192,194,199,204,207,204,199,199,202,202,199,199,196,194,191,186,186,191,194,196,199,202,204,202,199,199,202,207,207,209,207,207,204,204,204,204,199,199,199,196,196,196,196,199,204,209,207,199,192,191,196,202,204,204,207,204,202,199,199,202,202,204,207,209,209,212,212,209,207,202,198,199,204,212,217,217,209,199,196,191,189,191,187,186,189,202,204,202,199,198,202,207,209,207,202,194,190,190,194,199,204,207,207,204,207,212,212,212,212,209,199,196,194,191,186,127,116,113,129,186,194,194,191,191,191,186,179,178,179,186,194,202,204,202,196,191,191,194,196,199,202,202,204,207,204,194,192,194,196,199,196,196,189,181,186,186,178,183,194,189,121,54,14,16,51,95,115,173,189,194,196,199,196,194,194,196,202,209,217,217,209,205,209,215,215,212,213,222,228,225,222,222,217,222,225,225,215,207,196,195,202,209,217,222,225,225,228,228,230,233,238,238,233,222,143,119,115,135,222,235,228,215,202,196,194,196,199,199,196,191,183,186,194,202,207,215,222,225,222,217,212,209,207,199,189,178,0,0,0,0,0,0,0,0,0,0,0,255,255,255,254,243,217,207,207,209,215,225,233,235,235,235,241,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,204,191,178,168,160,155,150,147,144,0,155,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,248,238,225,215,0,0,0,0,215,228,255,255,251,235,222,202,189,176,168,168,168,165,0,0,0,0,189,186,181,173,165,163,165,181,0,0,0,0,0,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,212,205,212,222,207,178,155,147,147,147,147,147,139,101,100,101,109,152,155,157,165,173,170,0,0,173,183,196,204,207,209,215,220,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,183,189,189,183,178,178,181,181,181,181,183,186,186,189,191,191,189,186,186,189,186,186,186,191,196,199,202,202,199,194,191,189,186,191,199,199,181,121,111,105,111,121,170,183,196,202,202,204,204,202,196,181,115,113,119,176,178,176,189,194,194,191,189,181,173,176,181,176,170,168,173,186,196,189,173,168,168,165,165,165,165,165,165,165,165,168,168,168,168,165,163,161,161,163,170,178,181,176,165,163,168,176,176,173,165,163,165,170,173,173,170,168,165,165,170,170,165,161,160,168,176,173,157,155,170,168,150,83,75,89,155,160,97,93,152,144,155,173,173,168,165,160,160,173,176,173,165,160,157,121,117,121,178,189,183,181,189,196,202,204,199,196,196,196,194,191,196,196,181,163,121,123,121,113,111,119,165,163,160,165,181,189,189,186,186,191,199,196,181,59,32,47,163,189,191,196,194,111,55,0,0,0,53,163,121,117,160,173,183,183,178,173,168,163,120,120,160,160,116,113,173,191,170,67,53,67,79,61,11,0,0,13,79,95,111,109,105,109,160,173,181,194,207,209,207,202,186,176,173,91,7,44,115,173,117,107,109,92,60,93,170,189,194,189,187,196,194,196,178,168,169,183,196,207,209,183,28,47,59,30,40,75,97,173,189,204,199,163,117,163,178,189,194,196,186,186,194,194,191,186,173,87,0,0,0,15,178,181,61,5,59,109,168,183,186,191,196,199,202,196,192,191,194,199,202,204,204,204,204,207,207,207,207,209,202,181,163,165,168,165,160,113,79,13,0,0,0,3,111,204,202,199,196,196,196,199,209,160,163,181,196,199,194,191,190,189,190,194,199,194,178,51,48,97,142,150,163,163,50,40,97,157,181,186,176,181,189,204,204,207,196,72,56,173,178,107,103,107,97,61,40,35,85,152,57,11,46,47,40,155,157,168,170,160,176,189,186,183,186,194,196,191,178,165,163,170,173,165,163,165,165,163,121,121,121,121,121,121,163,168,170,170,170,170,168,168,170,170,165,123,123,123,163,165,168,121,108,105,109,165,119,111,111,115,123,173,186,191,191,189,191,191,191,183,170,119,163,163,163,170,181,189,196,196,183,165,119,118,119,125,173,186,189,170,95,94,113,170,176,168,165,168,170,168,123,123,165,123,115,110,110,111,111,113,117,119,123,125,125,124,124,123,127,186,196,194,196,196,183,181,186,196,202,202,199,194,189,178,170,170,178,178,176,178,186,183,178,173,168,176,189,189,173,170,176,181,183,186,189,196,199,196,191,189,183,127,125,127,115,105,105,173,176,173,178,183,186,181,42,5,49,83,119,125,113,99,97,109,170,178,168,115,111,97,69,28,25,47,101,101,103,123,178,178,178,173,170,173,178,178,173,129,178,194,202,202,194,186,176,129,131,131,131,173,176,176,176,181,186,191,194,196,202,207,209,199,181,176,183,186,181,176,133,176,181,186,189,196,199,196,194,196,196,199,202,202,196,191,183,129,120,121,173,181,177,177,178,178,178,181,181,183,183,178,176,183,189,186,181,178,181,183,189,194,202,199,189,177,176,178,183,183,181,183,194,207,215,217,215,207,199,191,189,194,199,202,204,202,202,199,194,191,191,186,178,172,172,173,176,178,183,176,125,124,127,173,176,173,176,181,186,183,183,173,170,186,194,181,121,119,181,176,169,173,181,189,191,186,181,181,186,189,186,186,186,178,170,172,178,183,183,181,181,186,199,204,199,194,189,173,128,130,131,173,178,181,178,173,131,133,176,176,133,178,189,191,191,194,199,202,196,191,189,186,183,186,199,212,217,212,212,217,222,217,204,194,194,194,186,133,131,178,178,178,181,173,124,124,170,173,125,112,112,127,173,129,173,191,199,202,207,209,209,207,202,202,199,196,196,202,204,178,55,63,77,95,123,202,212,209,207,199,178,98,101,111,121,176,189,181,106,104,127,183,189,189,191,176,125,121,121,121,123,123,123,122,127,176,181,183,178,122,176,194,199,194,183,176,176,178,178,176,176,178,183,189,186,183,183,181,173,129,131,178,186,186,183,183,176,178,189,194,186,176,173,176,181,181,181,181,181,173,125,170,129,127,126,170,186,196,189,173,127,131,183,194,194,189,182,183,194,202,204,199,196,194,191,189,191,196,202,199,202,204,204,204,202,202,204,199,189,183,183,189,194,194,194,196,196,186,137,135,135,181,189,196,199,196,191,183,185,191,196,199,199,199,199,194,190,190,194,204,215,220,215,204,194,189,189,186,182,182,189,199,202,199,199,202,202,202,202,204,204,199,194,194,191,189,183,133,123,119,118,119,181,199,196,189,191,196,189,182,181,186,194,191,189,189,191,194,194,194,189,186,183,181,177,177,181,178,126,122,173,191,189,183,181,181,176,131,129,127,129,129,131,181,196,196,196,199,207,209,199,133,122,125,133,181,189,199,204,204,199,198,199,202,202,204,204,204,199,196,189,137,135,137,137,137,186,194,196,194,189,186,186,194,202,207,207,207,204,207,207,204,199,204,202,189,182,183,194,207,209,202,194,191,191,191,189,189,186,186,183,181,181,181,181,178,176,176,178,181,181,178,178,176,176,178,186,194,194,191,189,186,185,186,186,183,176,127,126,131,186,191,186,178,176,177,181,183,181,183,186,189,191,191,189,189,189,186,183,181,183,186,191,194,191,178,133,130,130,173,178,181,178,173,173,173,176,173,170,129,170,173,173,173,173,176,173,170,170,173,176,178,181,183,181,176,170,170,178,183,189,194,199,202,199,196,196,194,181,123,120,123,178,189,189,181,173,133,181,186,183,189,191,186,182,182,182,183,189,202,209,215,217,217,212,207,202,199,194,191,194,196,199,202,207,209,212,215,215,215,215,209,202,194,186,141,141,186,191,202,204,194,189,189,189,191,196,199,202,199,199,196,194,191,191,189,189,186,183,183,181,181,176,127,119,115,115,121,170,170,127,124,127,170,178,183,189,183,176,173,173,176,176,178,183,189,191,183,127,102,99,98,105,186,196,191,189,183,181,178,181,181,183,186,191,191,191,196,199,199,199,202,199,186,178,178,181,181,133,127,127,135,186,189,191,199,202,194,182,182,183,181,135,134,135,133,130,130,130,130,133,181,191,196,194,189,191,191,187,187,194,202,204,194,186,186,196,204,207,207,209,204,202,196,196,199,202,207,212,215,215,212,209,207,204,204,204,204,207,212,209,204,202,202,202,202,199,202,204,204,204,199,196,196,191,189,189,199,202,199,196,196,192,192,194,196,194,194,192,192,194,189,186,186,189,194,196,189,183,137,137,137,139,186,186,186,189,194,196,196,202,204,204,202,199,199,199,199,199,194,192,196,194,194,196,202,204,204,196,192,191,194,199,207,212,212,209,207,204,202,202,194,186,141,191,199,202,199,194,194,204,207,202,194,189,194,204,212,212,208,208,208,209,207,202,202,207,212,212,202,196,196,199,204,204,202,196,194,196,199,199,199,202,199,195,192,194,196,199,196,194,189,189,191,199,204,204,199,191,190,191,199,202,207,209,212,209,204,196,196,196,196,194,194,196,199,199,199,196,196,194,194,194,191,191,194,199,202,199,199,202,202,202,202,204,204,204,202,202,202,202,202,199,199,199,199,202,199,199,202,204,209,209,204,196,194,196,196,194,192,192,196,202,204,204,202,202,199,199,199,199,199,199,196,194,189,186,191,202,207,207,204,199,196,196,198,202,204,204,202,202,199,196,196,191,187,194,199,202,202,196,199,202,207,209,207,196,192,192,194,199,199,202,202,204,204,202,199,202,202,202,204,209,212,212,212,212,209,207,202,199,202,212,217,215,209,204,199,196,196,202,194,185,186,199,204,204,202,199,204,212,212,204,196,191,190,191,196,199,204,207,207,209,209,209,209,212,215,215,207,202,199,199,199,189,123,115,118,127,181,189,191,191,191,191,181,178,177,177,181,189,189,189,189,189,189,191,194,196,202,204,207,207,202,194,192,196,202,204,207,202,194,186,183,181,183,189,194,189,170,115,47,47,56,95,111,170,183,189,191,196,196,194,194,191,194,204,217,222,217,215,217,220,213,211,213,228,233,230,228,225,228,228,230,233,228,217,209,207,204,207,215,220,222,225,228,230,235,235,238,235,233,228,220,202,115,111,199,235,220,207,202,199,199,196,194,194,196,196,191,191,196,202,207,215,222,228,228,222,215,212,209,204,194,183,176,0,0,0,0,0,0,0,0,0,0,0,254,251,246,233,189,189,196,204,212,222,230,233,230,228,228,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,196,183,173,165,160,155,150,147,144,0,150,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,251,238,228,0,0,0,0,209,220,254,255,255,238,228,212,196,189,183,181,178,0,0,0,0,0,186,183,176,165,0,0,157,178,0,0,0,0,233,243,254,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,209,209,215,207,183,155,147,144,147,144,144,137,101,100,103,111,155,165,168,178,186,186,176,170,176,191,204,209,212,212,217,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,191,189,186,183,181,183,183,181,183,186,189,191,191,191,191,189,186,186,186,186,185,186,194,202,202,202,199,194,191,186,178,173,181,194,194,189,125,68,63,82,117,170,186,196,199,199,202,202,196,189,170,115,113,118,178,183,176,183,194,191,191,191,186,178,176,176,168,119,113,115,173,194,189,173,168,168,165,168,168,168,168,165,165,168,173,173,170,165,165,165,163,161,160,161,165,170,168,163,163,168,176,176,173,168,163,168,178,183,183,178,170,170,173,176,170,163,159,159,165,176,183,183,183,186,183,155,79,63,63,85,152,147,139,139,135,155,178,176,165,160,155,159,178,183,181,176,168,163,163,160,165,181,181,176,173,181,189,194,196,191,191,194,194,191,191,191,189,176,123,121,119,119,115,114,121,163,117,114,117,176,189,191,189,186,186,189,183,165,87,65,107,181,191,196,199,207,212,95,0,0,25,181,191,183,170,160,163,176,181,176,168,165,160,121,163,170,173,163,118,160,165,163,170,189,194,191,196,194,97,61,63,57,51,57,99,105,113,160,168,173,186,204,209,207,199,183,178,173,101,37,51,105,119,109,113,191,194,90,91,168,173,186,194,191,191,196,196,183,173,176,186,199,209,212,196,63,97,165,97,91,77,60,66,113,181,178,163,160,163,160,173,160,119,176,178,157,89,79,71,57,1,0,0,0,5,103,155,65,45,101,150,168,186,196,199,199,204,204,202,194,192,194,196,196,199,202,204,204,207,207,209,207,202,183,176,186,194,194,199,196,196,194,189,183,95,6,0,37,202,204,202,196,194,194,196,196,101,157,181,194,196,191,189,189,189,190,191,194,194,186,95,83,163,152,87,61,53,43,39,99,150,163,165,173,186,194,199,199,207,204,170,147,186,176,109,105,103,97,85,73,79,150,147,55,26,52,51,46,91,87,89,160,155,170,181,186,181,181,189,194,194,186,168,123,123,163,122,122,165,170,170,165,163,123,123,163,168,170,173,173,170,165,165,165,168,170,170,168,163,123,122,122,163,168,168,121,113,117,165,121,113,112,117,165,181,191,196,196,189,178,178,178,168,117,121,170,170,163,165,168,173,181,181,170,125,121,121,121,125,173,181,186,178,119,115,176,191,191,181,170,165,125,119,114,115,123,123,115,111,111,111,113,117,123,165,168,165,125,124,124,122,124,186,196,196,194,186,169,169,178,194,202,202,199,196,191,181,170,173,178,181,178,178,178,178,173,168,125,168,178,178,170,176,189,189,191,194,199,204,204,202,199,196,186,123,119,125,119,109,110,123,121,117,168,183,189,186,47,32,83,173,176,119,94,93,95,99,117,115,48,44,60,65,37,10,34,111,111,103,111,178,189,189,183,176,169,170,181,183,183,181,186,191,196,199,196,189,176,127,127,129,131,176,181,178,133,129,127,129,178,189,196,199,194,133,129,131,183,191,186,181,178,181,191,199,202,204,202,199,194,194,194,196,202,202,196,194,191,178,129,131,178,178,176,177,181,181,178,177,178,181,186,183,181,183,186,183,181,181,183,186,189,189,196,199,194,186,181,183,189,186,181,183,194,207,215,215,209,207,202,196,191,191,194,196,196,199,196,191,189,186,186,186,181,176,173,176,173,173,176,176,170,170,176,178,178,178,181,191,194,191,186,170,123,170,186,173,98,101,178,181,178,176,173,176,181,183,181,181,183,183,181,183,183,176,172,174,181,181,178,178,181,189,199,204,202,196,186,176,130,131,130,130,173,181,181,176,133,176,181,178,133,178,189,194,196,196,199,194,181,135,181,183,183,186,199,212,215,209,204,207,209,207,196,190,190,191,186,133,127,128,129,131,176,173,129,170,178,186,178,125,123,129,123,111,123,186,196,202,204,209,209,204,202,202,204,204,202,204,204,129,54,0,0,73,109,186,209,212,204,194,119,101,107,113,110,113,170,119,111,117,178,189,183,176,170,170,127,123,125,123,121,121,123,125,170,178,183,183,170,116,120,194,196,186,173,170,173,178,176,173,172,176,183,189,189,186,183,183,181,178,178,181,183,181,178,176,173,178,186,189,183,170,127,170,178,181,181,181,181,170,123,124,127,170,170,170,178,186,183,178,176,178,183,189,189,183,181,183,196,207,207,204,202,199,194,189,189,196,199,199,199,202,202,202,202,204,209,207,194,186,183,189,194,194,191,191,191,186,137,135,137,183,191,196,199,194,189,185,189,196,199,199,196,194,194,191,190,190,194,207,217,225,217,199,189,187,189,191,186,189,196,204,204,202,202,204,204,202,199,199,202,199,194,194,189,183,178,178,127,119,118,123,183,199,199,194,199,202,194,186,185,189,196,196,196,194,196,196,196,194,189,183,181,181,178,178,183,178,123,120,176,189,176,127,131,176,178,181,178,173,127,123,127,181,196,199,194,196,202,204,189,124,120,125,135,183,194,202,204,202,199,198,198,199,202,204,204,204,202,202,194,139,137,139,139,139,189,196,196,194,189,191,194,196,202,207,207,204,202,202,202,199,196,202,204,194,183,182,191,207,212,207,199,194,191,191,189,186,189,186,186,181,179,181,183,181,176,133,133,176,176,176,178,178,181,181,183,186,189,189,189,186,186,186,183,183,178,130,129,176,183,189,186,181,177,178,183,186,186,183,186,186,189,189,189,186,186,183,183,181,183,186,194,199,199,189,181,173,131,173,181,186,186,178,176,176,176,173,170,129,170,173,170,129,129,129,170,170,170,170,176,181,186,186,181,170,168,170,178,186,194,199,202,202,199,194,191,191,183,129,123,127,181,186,183,173,128,130,181,189,189,191,189,183,181,183,189,189,191,196,202,207,209,209,207,202,194,190,189,190,194,196,199,204,207,212,212,212,212,215,215,212,204,194,189,141,141,186,194,202,204,199,194,191,191,191,194,196,199,199,202,202,199,194,189,186,186,186,183,181,179,181,178,129,121,115,117,123,129,129,125,123,123,127,176,186,189,181,170,130,131,176,178,183,186,191,191,183,125,99,98,96,95,109,176,183,186,183,181,181,181,181,183,186,191,194,196,199,204,207,209,209,207,196,186,183,186,189,183,176,129,131,186,196,202,204,202,194,186,183,189,186,181,135,135,135,135,133,133,135,137,186,199,204,202,196,196,194,189,189,194,202,204,202,196,196,202,204,204,202,199,196,194,194,194,196,202,207,209,212,215,215,209,204,199,199,199,202,204,207,207,204,204,202,202,199,199,202,204,204,204,202,199,196,194,191,194,199,199,194,194,196,194,194,199,199,196,194,191,191,194,191,189,189,189,191,194,186,139,137,137,139,183,186,189,191,191,194,196,199,202,204,204,202,199,196,196,196,196,194,194,194,194,194,196,199,202,199,194,192,194,199,204,207,209,215,212,204,199,196,199,196,194,194,196,202,199,194,191,194,207,209,199,189,140,186,202,212,212,209,209,209,209,207,204,202,204,209,209,207,202,199,199,199,199,196,192,192,196,199,199,199,199,199,195,192,194,199,202,202,194,186,183,186,191,199,199,196,191,190,190,194,196,202,207,212,212,207,199,196,196,196,194,191,194,199,202,202,199,196,194,191,189,189,191,194,199,199,198,199,202,202,202,202,202,199,196,196,196,194,196,196,196,196,196,196,199,199,199,202,204,207,209,202,189,185,186,191,194,194,192,194,196,202,202,202,199,196,196,199,202,204,202,199,196,191,186,191,202,207,204,202,199,198,198,199,202,202,199,196,199,196,194,194,186,185,189,202,207,207,202,202,207,209,209,204,196,192,194,196,199,199,199,202,207,207,204,202,204,204,204,207,209,212,212,215,215,209,204,202,199,199,209,215,215,209,207,202,196,199,202,199,189,191,199,202,204,204,204,207,212,209,199,191,190,191,196,196,196,199,204,209,212,212,209,209,209,215,215,215,209,207,204,204,202,186,123,118,121,131,183,189,194,196,199,191,186,183,181,181,181,136,135,181,186,191,191,191,194,196,202,204,207,202,196,196,199,204,207,209,209,202,189,178,176,178,181,183,181,173,168,105,81,67,83,103,123,178,183,181,181,189,194,189,186,186,191,204,215,217,215,217,222,217,215,220,233,238,233,228,228,230,230,233,235,235,228,222,217,212,209,209,215,217,220,228,233,233,233,230,230,228,228,228,225,141,113,115,133,191,199,196,199,202,196,192,192,196,199,196,196,199,204,207,212,222,230,233,228,220,215,215,209,204,196,189,0,0,0,0,0,0,0,0,0,0,0,0,251,243,230,194,186,187,194,207,222,233,235,228,212,204,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,191,181,0,163,160,155,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,246,233,225,0,0,0,0,207,222,248,255,254,241,235,225,212,207,202,194,183,176,0,0,157,0,178,176,165,157,0,0,0,165,0,196,207,217,228,235,246,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,212,212,212,207,191,165,150,144,142,142,142,139,134,137,142,150,160,165,173,181,191,194,186,181,186,199,209,215,215,215,217,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,196,194,189,183,183,183,183,183,183,189,191,191,191,191,189,186,186,185,185,185,186,191,199,204,204,199,194,191,189,186,176,169,173,183,189,191,181,69,60,74,107,165,181,194,199,199,199,196,189,178,168,125,123,125,170,173,168,178,191,191,191,191,191,186,176,125,113,110,110,111,117,173,176,170,168,165,165,168,168,165,163,163,163,170,176,176,168,165,165,165,165,163,161,161,163,163,163,161,161,165,170,170,168,163,163,170,183,189,191,186,178,178,183,186,176,163,160,160,165,173,183,191,194,196,196,181,131,62,49,41,87,152,147,135,133,147,168,168,163,157,150,160,183,191,191,186,173,168,168,168,173,178,170,165,165,170,176,181,186,181,178,183,183,181,181,183,183,170,123,121,121,163,121,119,160,160,116,113,115,165,178,181,181,176,173,170,163,115,109,119,181,186,191,196,202,204,204,93,14,25,178,196,199,196,186,163,105,115,165,160,119,160,163,163,165,173,176,170,165,121,121,170,194,209,207,202,207,209,196,183,176,81,47,41,99,111,121,163,160,163,176,194,202,194,178,168,170,173,160,93,95,97,95,97,117,196,212,207,163,113,97,165,186,183,186,196,199,189,178,178,186,199,209,207,181,111,178,202,202,199,103,56,60,113,170,119,115,121,121,117,115,53,36,109,165,71,63,63,45,0,0,0,0,0,0,13,33,43,55,150,152,168,191,207,207,207,207,207,204,199,196,196,194,194,196,202,204,207,207,207,202,202,186,111,115,181,199,209,209,209,209,209,217,225,204,101,0,29,183,194,196,194,191,186,183,107,55,150,178,189,194,194,191,191,194,196,194,194,191,186,147,97,147,97,55,53,55,51,61,147,152,150,155,170,189,191,194,194,202,202,183,163,178,168,147,105,93,89,95,101,152,160,147,69,54,65,57,52,55,53,46,77,89,157,173,181,183,183,186,191,196,194,181,165,123,123,121,122,168,176,178,176,168,163,165,170,173,178,178,176,170,165,164,165,168,168,170,168,165,163,123,123,163,170,178,181,176,168,165,123,119,117,123,176,189,196,199,194,176,103,103,119,117,112,115,123,163,163,165,168,165,165,125,123,125,165,168,165,165,168,173,178,178,176,181,196,204,202,191,176,165,121,115,113,113,115,117,113,111,111,113,113,119,165,168,168,168,170,173,176,127,124,178,196,199,196,183,166,169,183,194,199,202,199,199,196,189,181,178,181,178,178,176,178,178,176,168,121,117,119,121,123,127,178,183,194,202,204,207,207,204,199,194,178,119,117,119,121,119,121,117,111,110,123,186,191,181,56,62,168,183,178,117,96,97,111,113,123,119,51,48,63,81,71,36,93,109,105,105,173,196,194,194,189,178,170,170,176,181,181,183,186,189,191,194,191,181,129,125,125,127,129,178,186,183,133,125,121,121,126,176,183,181,131,125,127,133,191,196,194,183,178,183,196,207,207,204,202,196,191,190,191,194,199,202,199,199,196,194,183,183,186,183,181,183,191,186,178,177,178,183,183,183,183,183,183,183,183,186,186,189,189,189,194,199,199,194,189,186,186,183,181,186,194,204,207,204,202,199,196,194,191,189,186,189,191,191,189,183,183,186,186,186,186,181,178,176,170,129,173,178,176,183,183,183,183,181,186,191,191,191,186,173,113,109,123,119,81,92,181,186,186,181,173,172,178,181,181,181,181,181,178,181,183,181,178,181,181,174,174,178,183,191,196,202,207,202,189,178,173,173,129,129,131,181,183,178,133,176,181,181,176,178,191,202,204,202,199,186,130,129,135,183,182,183,196,209,212,207,202,202,202,199,194,191,191,191,183,133,127,127,129,129,127,127,127,129,173,181,178,176,178,170,104,94,98,183,191,196,202,204,204,202,199,199,202,202,199,202,204,191,87,0,0,77,89,109,199,215,204,181,117,110,123,119,108,107,105,97,113,170,186,191,181,120,118,127,168,127,168,168,125,127,168,170,173,181,181,178,125,117,119,181,178,125,121,127,176,178,176,172,170,173,183,191,191,186,183,186,189,186,183,178,176,173,128,124,127,178,186,183,178,129,127,173,178,181,181,181,178,170,124,124,127,176,176,173,178,183,181,178,181,183,183,183,183,181,179,186,196,204,207,204,202,199,194,186,186,191,196,196,199,202,202,202,202,207,215,212,199,189,186,189,194,194,189,183,181,181,137,135,181,189,196,199,199,196,194,191,194,199,199,196,191,190,190,191,191,190,190,204,222,225,215,194,187,187,194,196,194,196,204,207,207,204,204,204,204,202,198,199,202,196,194,191,189,181,178,181,127,121,125,135,194,202,202,199,202,202,199,194,189,191,199,202,202,199,199,199,196,194,189,181,181,181,178,181,186,178,118,116,131,181,126,123,129,181,186,189,189,178,121,114,117,176,194,199,191,191,202,202,181,123,122,129,137,189,199,207,207,204,199,198,198,199,202,204,204,204,207,204,196,186,139,183,183,186,191,199,196,191,191,194,196,196,196,202,204,204,202,202,199,196,195,199,207,204,191,186,194,209,215,209,199,194,191,191,189,189,189,189,186,183,181,183,186,183,178,133,131,131,131,133,178,183,183,181,176,133,178,183,186,186,189,186,181,178,178,133,133,178,181,183,183,183,181,183,189,189,186,183,186,186,189,189,189,189,186,181,178,178,181,186,194,202,204,199,191,181,173,173,183,191,191,183,178,178,176,173,170,170,176,176,173,128,127,128,170,173,173,170,176,181,186,186,183,176,170,178,183,191,196,202,204,202,196,191,189,186,178,127,125,131,178,178,176,130,128,133,189,196,196,196,196,186,183,189,196,196,196,194,196,194,191,191,194,194,191,191,191,194,196,202,204,207,209,212,212,212,212,215,215,212,204,196,189,186,189,191,199,202,202,196,194,191,191,191,194,196,202,202,204,209,204,196,191,189,191,191,186,179,179,181,181,131,119,115,121,127,129,127,125,123,123,125,178,189,191,183,170,130,173,181,186,189,189,189,191,186,176,107,109,103,98,103,125,178,183,183,181,181,183,186,186,189,191,194,196,199,204,209,212,215,209,199,189,186,191,194,191,183,178,178,191,202,204,202,202,199,194,191,191,189,183,181,183,186,186,183,183,186,189,196,204,207,204,202,202,196,191,191,196,202,204,207,207,204,202,202,202,196,189,186,186,186,189,194,196,202,204,209,212,215,209,202,196,195,196,199,199,199,199,202,204,204,202,196,196,204,204,204,202,199,199,196,196,194,191,194,194,191,194,199,199,199,202,202,199,194,191,191,194,194,191,189,189,191,191,189,183,183,183,183,186,189,191,196,196,196,196,202,204,207,204,199,196,196,194,192,192,194,196,196,196,196,199,199,196,194,192,194,199,207,207,204,204,209,209,202,194,191,194,199,196,196,196,199,196,192,191,196,207,207,196,141,139,141,199,209,209,209,212,215,212,207,204,202,204,207,207,207,204,199,196,194,194,194,194,194,194,196,196,199,196,196,199,196,202,204,207,204,194,141,139,140,186,191,196,196,194,191,190,191,194,199,204,209,209,207,204,196,194,194,191,191,194,199,204,204,199,196,194,189,186,187,194,199,199,198,198,199,202,204,202,202,199,196,194,194,194,191,191,194,196,196,196,196,199,202,204,204,204,209,209,202,189,183,185,194,196,196,194,194,196,199,199,194,189,186,191,199,204,204,204,199,199,194,191,191,199,202,199,199,199,199,202,204,204,202,196,196,194,194,194,196,189,186,191,204,212,212,209,209,209,212,209,204,199,196,199,202,199,198,198,202,209,209,207,204,207,207,207,207,207,209,209,215,215,204,196,196,196,199,207,212,212,209,207,202,196,196,196,196,194,194,196,199,204,207,207,207,209,207,196,189,191,199,204,199,195,199,207,209,209,209,209,209,209,212,215,215,212,209,204,204,204,199,186,125,125,127,131,181,191,199,204,204,204,202,199,191,186,136,133,136,186,191,194,194,191,191,194,202,204,204,202,202,204,207,207,207,207,199,186,178,173,173,168,168,168,168,165,109,85,59,51,95,111,168,176,170,127,173,183,181,178,178,176,181,196,202,204,209,220,225,225,228,233,238,230,222,222,225,225,230,233,233,230,228,225,217,212,207,209,215,217,225,228,225,225,222,222,222,220,222,230,225,141,121,119,121,133,143,202,204,196,191,191,196,202,199,199,202,204,207,209,220,228,233,230,225,222,222,222,215,209,207,0,0,0,0,0,0,0,0,0,0,0,0,0,248,235,209,189,183,185,199,225,238,241,230,207,189,189,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,189,178,168,165,163,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,225,215,212,207,0,0,0,0,228,248,255,254,246,246,241,228,217,209,199,183,168,0,0,0,0,168,163,155,0,0,0,0,157,173,186,199,207,215,222,230,251,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,212,215,217,212,199,178,155,142,139,142,142,139,139,147,152,155,0,160,165,178,191,196,194,191,196,209,215,217,215,215,217,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,189,199,191,186,183,186,186,183,186,189,191,194,191,189,189,186,186,185,185,186,189,196,202,202,199,196,191,189,189,186,181,173,170,176,183,189,186,170,85,82,97,117,168,189,196,196,196,189,176,173,173,181,189,178,165,119,121,181,189,191,191,191,196,194,178,115,99,107,115,117,114,115,123,165,168,165,165,165,165,163,161,163,168,173,176,173,165,163,163,163,160,163,168,170,168,165,161,161,163,165,165,163,160,157,157,165,178,186,189,186,183,183,189,191,181,168,163,165,165,168,176,189,194,196,196,183,147,73,50,42,65,165,160,142,137,142,155,163,168,165,150,170,189,196,196,194,176,170,170,170,173,173,160,160,165,163,119,119,123,121,115,119,163,123,163,176,183,176,121,117,163,168,165,163,165,163,121,117,119,163,163,121,119,119,117,117,115,115,117,163,178,186,189,196,202,196,160,75,63,115,186,194,196,194,191,170,95,97,109,111,113,119,163,163,160,163,165,168,168,163,163,181,196,202,202,202,207,207,199,202,222,215,117,91,115,163,170,168,163,163,173,183,186,165,111,113,160,168,176,186,173,97,92,101,170,196,212,225,194,35,34,113,168,176,191,199,199,191,181,173,178,194,199,189,163,173,199,204,204,207,191,97,87,194,191,117,109,113,115,113,103,45,15,75,111,75,85,103,109,27,0,0,0,0,63,37,10,25,47,87,99,160,194,212,215,212,209,209,207,202,202,202,196,194,196,199,204,207,209,207,199,194,165,101,105,173,196,207,209,212,212,212,215,215,204,186,19,91,152,165,183,189,186,181,165,89,53,152,176,189,196,202,199,196,196,202,199,196,194,189,163,103,93,57,49,65,73,69,103,157,155,150,160,186,194,189,186,186,191,186,170,105,152,160,152,105,76,81,97,147,168,170,160,101,93,79,57,51,52,52,40,31,24,99,165,178,186,189,186,191,199,202,191,173,163,122,122,123,165,173,178,178,170,168,170,173,176,178,178,176,170,168,165,168,170,170,170,170,170,168,165,165,168,170,181,189,189,178,168,168,165,121,163,178,189,194,196,189,117,95,95,109,119,115,115,115,117,123,173,176,168,122,121,122,125,170,173,168,164,165,165,168,170,178,191,204,209,204,186,173,165,125,123,119,117,115,115,111,111,111,111,113,119,125,125,165,168,178,191,196,183,168,170,196,202,194,178,170,176,186,194,199,202,202,202,202,199,194,191,183,176,170,176,183,186,183,173,119,114,115,118,121,123,127,178,194,204,209,207,207,204,199,189,176,123,118,118,121,168,178,123,112,113,173,194,194,173,73,121,173,127,123,119,119,176,191,186,181,186,196,183,123,170,199,186,125,111,107,119,186,196,196,194,186,176,170,170,173,173,176,181,183,183,186,186,178,125,120,127,127,127,131,181,189,189,178,126,124,124,129,176,178,133,129,127,131,186,196,202,196,186,178,186,199,204,202,199,196,194,190,190,191,194,199,202,202,204,204,204,196,191,189,186,186,191,196,194,183,178,181,183,181,183,183,183,178,178,181,186,189,189,191,194,194,196,196,194,186,181,181,183,183,186,191,196,202,199,194,191,191,189,186,183,181,183,186,186,181,181,183,189,189,189,189,183,178,176,129,127,173,178,181,186,186,186,183,178,178,178,176,181,181,178,117,100,103,103,82,91,186,189,189,186,183,183,183,183,181,181,181,181,178,178,181,183,186,183,176,172,173,181,189,191,194,199,204,199,183,176,176,176,130,129,131,183,189,181,173,133,178,183,181,181,194,204,209,207,202,186,128,128,178,186,182,182,191,204,207,207,202,199,199,194,194,194,194,194,189,181,176,176,181,176,127,125,125,125,126,129,129,170,176,173,108,95,97,173,183,191,191,191,194,196,199,202,199,199,196,196,207,207,191,67,9,87,77,75,115,204,196,176,125,127,176,168,119,111,98,84,113,170,183,186,170,116,117,127,170,168,173,176,176,176,181,183,181,178,176,170,125,122,124,173,127,117,118,129,181,181,176,172,170,173,186,194,194,183,182,186,191,194,189,178,131,131,128,121,126,181,189,181,129,123,127,178,183,183,183,181,178,170,125,124,127,178,186,186,186,183,178,177,181,183,181,181,183,182,181,186,196,202,202,199,199,199,194,186,181,186,194,196,202,204,204,202,202,207,212,212,199,189,185,186,194,194,186,137,135,135,133,135,181,191,199,204,207,207,204,199,199,199,199,194,191,189,190,194,194,190,189,199,215,222,209,194,189,191,199,202,202,202,207,209,207,204,204,207,204,202,198,199,202,199,194,191,186,137,178,178,129,127,178,196,204,204,202,202,202,204,199,191,183,186,194,202,204,202,202,199,196,191,183,178,176,176,176,178,183,173,113,115,176,181,124,121,131,186,191,191,194,183,116,111,116,181,199,199,186,186,199,202,181,127,127,135,183,191,202,207,209,209,204,199,199,202,204,204,207,209,209,207,199,186,139,186,189,191,196,199,194,191,191,196,196,194,191,194,196,202,207,207,204,196,195,199,207,207,199,194,196,207,212,204,196,194,194,194,191,191,191,189,183,183,183,189,191,189,181,135,131,131,131,133,178,183,186,178,129,128,133,181,181,181,183,183,176,174,176,176,178,181,178,178,181,183,186,186,189,189,183,183,186,189,191,194,196,194,189,178,177,177,181,186,194,199,204,202,194,181,173,176,181,189,189,183,178,178,176,176,173,176,181,181,176,170,129,170,173,176,178,178,181,181,181,183,186,183,181,183,189,194,199,202,202,199,196,191,189,181,173,125,125,131,176,131,130,131,176,186,199,204,204,207,207,196,183,186,194,199,199,196,194,186,127,123,133,183,191,196,199,199,199,202,207,209,212,212,212,212,212,212,209,207,202,199,194,191,194,199,202,202,199,194,191,189,189,191,194,202,204,204,204,207,207,202,196,194,194,194,189,179,178,181,181,127,114,114,123,129,129,129,129,129,129,173,181,191,194,186,178,131,173,181,189,191,189,186,189,189,183,129,127,127,119,119,127,176,181,181,183,186,191,194,194,191,189,194,199,202,202,202,207,212,209,199,189,186,189,194,194,189,186,191,196,196,194,189,194,199,199,194,191,189,183,181,189,194,194,191,191,191,196,202,204,204,202,202,202,196,191,191,196,199,202,207,209,204,196,196,199,194,186,185,185,186,189,191,196,199,202,207,212,212,207,202,196,195,196,196,196,194,194,199,204,204,199,191,194,204,207,204,202,199,199,199,196,190,189,190,191,191,196,199,202,202,202,199,196,194,192,192,196,194,189,187,189,191,194,191,189,189,186,189,189,191,196,202,202,199,202,204,207,202,196,194,196,196,194,192,192,196,199,202,202,202,199,199,196,194,194,199,204,207,207,202,199,199,202,199,191,190,191,196,199,196,195,199,199,196,196,202,207,207,196,186,140,186,199,204,207,207,209,215,215,207,204,204,207,209,207,207,204,196,194,191,189,191,194,196,194,194,196,199,196,196,202,209,209,207,207,204,196,141,138,139,141,189,194,196,196,194,191,194,196,199,202,204,204,204,202,196,189,186,189,194,199,204,207,207,202,199,199,191,185,186,196,202,199,198,198,199,204,207,204,204,202,196,196,199,196,190,189,194,199,202,202,202,202,207,209,209,207,209,212,207,196,189,191,199,202,199,196,196,196,196,194,183,137,138,186,196,204,204,202,196,196,196,194,194,199,199,196,196,196,196,202,204,207,202,199,196,194,194,199,202,199,196,199,207,212,215,212,212,212,209,207,207,202,202,204,204,199,196,195,199,207,207,204,202,204,207,207,204,204,204,207,212,212,202,194,194,195,199,207,212,212,209,204,199,196,196,194,192,192,194,196,199,204,209,209,209,212,209,199,191,196,204,209,204,199,202,209,209,208,208,209,209,212,215,215,209,209,207,202,202,204,202,196,189,137,129,126,131,183,194,202,207,212,212,207,202,196,189,137,137,183,191,196,196,194,189,189,194,202,204,204,204,207,209,204,202,196,191,181,176,173,165,119,113,115,117,117,111,101,87,89,101,109,121,163,123,121,125,170,129,170,129,123,123,135,189,196,204,215,225,230,233,233,230,222,209,207,209,212,217,228,228,225,222,222,217,209,207,209,215,220,217,217,217,217,222,217,209,204,204,217,217,202,141,127,117,115,133,196,207,199,192,192,196,199,199,202,202,204,204,209,220,230,233,230,228,225,225,225,225,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,243,225,196,182,182,191,222,238,243,238,212,189,182,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,186,178,173,173,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,238,209,204,202,199,0,0,0,0,0,254,255,255,254,254,248,235,217,207,194,178,163,0,0,0,0,165,160,0,147,0,0,0,155,165,176,183,191,199,204,212,235,254,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,207,212,222,215,199,186,163,144,139,139,137,135,139,150,157,157,155,0,0,170,186,196,199,199,204,215,217,217,212,215,217,217,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,168,194,194,186,183,186,186,183,186,189,194,194,194,191,191,189,189,189,186,189,194,199,199,199,194,191,191,189,183,183,181,176,170,173,178,181,183,181,168,103,103,111,121,178,189,189,183,176,173,173,181,186,191,183,125,115,115,186,189,186,183,183,189,194,183,123,101,117,186,181,121,114,119,168,173,170,165,168,165,163,161,165,173,173,173,170,168,163,157,155,156,165,178,183,178,168,165,165,165,165,165,163,155,153,155,160,168,173,176,181,183,186,186,183,176,165,165,170,168,163,168,183,189,186,176,160,137,116,85,124,150,196,183,160,147,138,144,160,178,183,173,186,194,194,191,186,170,168,168,168,170,163,118,160,168,160,112,110,112,110,106,106,112,115,121,170,181,168,107,107,117,160,163,163,165,165,163,160,163,165,119,114,115,115,115,115,115,119,119,160,170,181,189,196,202,199,113,83,97,160,178,196,196,191,194,189,98,96,101,107,111,119,163,160,119,118,119,160,163,163,170,189,199,199,198,199,204,204,204,209,222,217,202,181,165,168,173,176,176,178,186,189,183,117,108,110,115,160,176,194,186,115,105,160,186,196,204,209,111,25,23,63,115,189,199,202,199,191,173,163,168,181,183,173,165,189,204,202,199,207,204,165,105,194,194,123,113,109,107,109,111,89,50,103,165,160,189,191,202,196,173,155,83,61,199,189,43,57,77,91,89,157,196,217,220,215,209,209,209,207,204,204,199,196,194,196,204,207,209,204,196,173,103,91,95,119,186,202,209,212,212,207,204,202,194,183,170,157,101,82,87,163,173,168,107,93,67,147,176,189,196,204,204,199,199,202,204,202,194,189,178,168,150,53,45,75,71,47,79,144,152,155,170,194,191,176,168,170,173,170,163,100,107,155,157,107,74,83,109,155,173,178,173,163,152,91,54,51,53,77,59,31,16,67,113,181,189,189,189,191,196,196,189,173,163,123,163,163,165,168,173,173,173,170,173,170,168,170,170,168,165,168,170,173,173,173,170,170,168,165,165,170,170,168,170,181,186,183,176,178,170,123,123,170,178,181,186,178,123,107,108,121,165,165,121,115,115,123,170,173,168,122,122,123,165,170,170,165,163,164,165,165,165,178,194,204,202,189,168,125,165,170,176,176,168,121,117,113,111,111,111,111,115,119,121,125,173,186,202,202,189,166,165,191,191,178,173,176,183,186,191,196,199,199,202,204,204,202,199,189,173,126,170,191,194,186,181,170,119,119,123,127,168,173,181,194,204,207,207,204,204,199,183,168,123,121,121,127,181,189,183,170,173,186,196,194,176,121,178,176,117,117,125,178,194,202,202,194,196,212,204,176,178,202,202,191,176,168,173,186,194,194,191,181,170,168,168,170,173,176,178,178,181,181,176,127,120,120,129,129,127,131,181,186,186,181,176,181,191,191,186,183,183,181,178,186,194,196,199,196,186,181,191,196,196,194,194,194,191,190,190,194,196,199,202,204,204,207,207,204,199,194,189,186,191,194,194,186,181,181,181,178,181,186,178,176,176,178,181,186,189,191,191,189,186,189,189,183,181,183,186,186,183,186,191,194,194,191,189,186,183,181,179,181,183,186,183,178,178,186,191,191,189,183,176,129,127,125,125,173,178,176,178,181,183,181,127,119,117,117,127,176,183,176,102,101,102,98,101,186,183,178,189,196,196,191,183,183,181,181,181,178,173,173,178,181,181,176,173,176,189,194,191,186,189,196,194,178,173,176,178,173,130,173,186,191,183,173,132,181,186,183,183,191,199,199,199,199,189,132,132,183,189,182,182,189,199,204,204,202,199,196,194,194,196,199,199,194,191,191,194,196,191,176,127,127,127,126,126,126,126,129,178,194,189,127,129,178,181,181,181,183,191,199,202,202,199,196,196,202,207,196,170,27,107,89,81,97,178,186,178,170,170,178,178,173,170,107,93,117,170,178,181,123,117,122,173,170,168,173,178,178,181,186,191,183,178,173,170,127,125,170,178,127,117,119,173,186,183,176,172,170,173,186,196,194,186,183,189,196,199,196,186,176,176,178,129,131,186,194,181,120,119,129,186,189,186,183,178,173,170,125,121,123,181,194,191,183,181,178,178,178,181,181,183,186,183,182,189,196,199,199,198,199,199,191,183,179,183,194,199,204,209,209,207,204,207,207,207,199,189,185,186,194,196,191,181,135,133,133,133,181,191,199,207,209,212,209,204,202,202,199,199,196,194,194,202,199,191,190,196,207,209,202,196,194,196,202,204,202,204,204,207,204,204,204,207,204,202,198,199,204,202,194,191,186,137,137,137,135,135,189,202,207,204,204,202,202,202,199,186,177,178,189,202,204,202,199,199,194,189,181,131,129,129,129,173,176,127,113,123,189,189,125,122,127,181,183,189,196,191,127,117,129,191,202,196,181,178,196,199,183,135,137,183,189,194,202,207,209,212,209,204,204,204,207,209,212,212,212,209,202,189,139,186,191,196,199,196,194,191,194,196,194,191,194,194,194,199,204,207,202,196,196,202,204,204,199,196,199,204,202,196,191,194,199,202,196,191,189,183,181,137,183,189,189,189,183,135,133,131,133,176,181,186,186,176,128,127,131,181,181,179,181,181,176,174,174,178,183,183,181,178,183,189,189,189,189,189,183,183,183,189,194,196,199,202,194,178,176,176,178,186,191,196,199,196,189,181,176,176,178,181,183,181,178,176,178,178,178,183,189,186,181,178,178,178,181,181,181,183,183,181,181,183,186,189,183,181,183,189,194,196,196,196,194,196,191,183,173,125,127,173,173,129,129,173,183,194,204,207,209,212,215,202,182,181,189,196,202,199,196,186,124,119,122,135,189,196,199,196,196,199,204,209,212,212,209,207,209,209,207,202,199,199,196,196,199,204,204,202,196,191,189,189,189,191,194,199,202,202,199,199,202,204,202,199,196,194,186,179,178,181,176,121,110,113,123,170,170,129,173,181,183,183,186,189,191,189,183,173,131,176,183,186,183,183,186,191,189,178,131,129,127,125,125,129,176,181,183,191,196,202,199,189,183,191,202,204,196,195,196,202,204,199,191,189,191,191,191,189,189,196,196,189,183,183,191,196,196,194,191,186,183,186,194,199,199,196,194,194,199,199,199,196,196,202,202,196,194,194,196,199,199,207,207,199,191,189,194,191,186,185,185,186,191,194,199,199,204,209,209,204,202,202,199,199,196,199,194,192,194,199,202,202,194,190,194,202,207,204,202,202,202,202,196,190,189,191,191,186,189,196,199,199,199,196,196,196,196,196,199,196,189,189,191,191,194,194,191,189,189,189,191,194,199,207,207,204,204,204,202,194,189,189,194,196,196,194,194,196,202,204,204,202,199,196,196,196,199,202,204,204,204,202,199,196,196,196,191,190,191,196,202,196,195,199,204,204,204,204,204,204,199,194,191,196,202,207,204,204,207,212,212,207,204,207,209,209,207,207,204,199,191,189,189,189,194,199,196,194,199,202,199,199,207,217,212,207,204,204,202,189,139,139,141,186,191,194,194,191,191,196,196,199,199,199,199,202,199,191,141,139,140,191,202,207,207,207,204,204,204,196,187,189,199,202,199,198,199,202,207,207,207,204,202,199,199,199,196,190,187,194,202,204,207,204,207,212,215,209,207,207,209,209,204,199,202,204,204,199,196,194,194,194,191,139,136,137,186,196,204,204,199,195,195,196,196,199,202,202,199,199,196,196,196,202,204,204,202,199,196,196,202,204,204,202,202,207,209,212,209,209,209,207,207,207,207,207,209,207,199,195,194,199,204,204,202,199,204,207,207,202,200,200,202,207,209,204,195,195,199,204,212,215,215,209,202,195,196,196,194,191,192,196,199,202,204,207,209,212,215,212,207,199,202,207,212,209,207,209,215,209,208,208,209,209,212,212,209,207,207,207,204,202,202,202,196,194,186,135,127,129,137,183,189,202,212,215,212,207,207,202,194,183,181,186,194,199,199,189,183,186,191,196,199,202,204,204,199,199,196,191,183,170,163,121,115,107,103,103,107,113,121,168,163,107,113,119,119,115,117,123,125,124,125,123,117,117,125,181,194,204,212,217,225,230,230,222,209,203,202,202,203,209,217,220,215,212,215,212,207,204,207,212,215,215,212,215,220,222,215,196,139,141,143,145,191,191,141,129,118,123,141,199,196,194,194,199,199,199,202,204,204,204,209,222,230,233,230,228,225,225,228,228,225,222,0,0,0,0,0,0,0,0,0,0,0,0,0,251,243,233,209,186,183,191,212,233,241,235,217,194,182,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,189,178,173,173,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,235,212,207,204,199,0,0,0,0,0,255,255,255,255,251,246,233,212,199,183,173,163,0,0,0,0,0,160,155,152,152,0,147,152,160,0,0,176,186,191,196,212,235,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,204,209,215,209,196,186,170,152,142,137,134,133,137,150,157,157,152,0,0,168,189,202,207,207,209,217,217,215,209,212,215,215,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,160,191,189,183,183,186,186,183,183,189,191,191,191,191,191,191,191,189,189,191,194,196,196,191,189,189,191,186,178,177,178,178,173,168,168,173,173,173,168,165,121,115,117,165,170,168,168,168,170,178,181,181,178,173,125,116,116,178,183,178,173,168,176,186,189,186,178,191,196,191,173,163,168,178,181,176,170,170,168,163,163,168,176,173,170,170,170,165,156,152,157,173,186,191,186,176,168,163,163,165,168,163,157,155,155,157,157,160,163,170,176,181,178,176,168,164,165,168,163,155,157,165,170,163,155,147,139,134,147,176,199,202,183,163,150,129,134,155,176,183,173,181,186,183,178,168,160,155,160,165,168,160,117,121,165,119,111,110,114,114,109,109,112,117,160,165,121,94,88,94,106,111,117,160,163,165,165,163,165,165,157,117,160,168,168,163,160,163,160,160,168,178,189,194,199,204,113,99,160,168,176,199,199,194,194,194,119,101,105,111,115,121,163,160,118,118,121,163,163,163,173,189,202,202,199,199,202,202,202,207,212,215,207,191,168,163,168,178,191,204,207,204,196,170,117,117,115,117,165,186,191,178,160,121,170,183,181,119,99,85,26,9,73,202,199,202,196,183,123,115,119,168,168,163,168,189,199,199,199,207,207,121,104,111,115,109,105,105,107,111,170,186,176,186,189,191,194,191,199,204,209,215,204,170,189,168,47,81,165,163,111,181,202,217,217,215,209,209,209,207,204,204,202,196,194,196,202,207,204,196,163,101,93,83,59,58,113,199,207,212,209,207,202,191,176,168,176,165,97,68,60,54,49,48,99,142,69,95,163,181,194,202,204,202,199,204,207,202,194,181,168,181,183,57,21,57,51,39,40,69,142,152,165,176,142,95,93,147,150,147,157,101,107,152,157,111,93,101,150,155,163,173,170,165,155,99,63,55,69,109,163,95,46,75,101,191,196,189,189,189,189,186,181,173,168,168,168,168,168,168,170,173,176,176,173,165,163,163,163,121,121,163,170,170,168,168,170,170,165,123,163,165,168,163,123,168,178,183,186,186,176,163,123,165,168,165,165,165,170,183,183,170,165,165,119,115,119,123,123,123,123,123,123,125,125,165,165,164,164,165,170,168,168,176,191,196,186,165,119,120,168,176,186,189,181,168,121,115,111,111,111,113,113,115,121,168,181,194,199,194,173,161,164,176,168,121,170,186,196,191,191,194,196,196,196,199,204,202,199,191,170,124,126,189,191,183,186,194,196,183,173,168,170,173,173,186,196,202,204,204,204,196,127,115,116,123,173,186,196,196,196,189,186,186,191,191,181,178,186,181,119,121,181,194,202,204,202,199,199,202,194,181,183,196,202,204,189,165,173,189,194,191,186,173,125,125,168,173,178,178,176,176,176,173,127,121,121,125,131,129,129,131,178,181,183,181,183,191,202,204,199,196,196,199,196,196,196,194,194,191,186,183,194,196,194,190,191,194,194,191,191,196,196,196,199,202,204,202,202,204,202,196,191,189,186,186,183,181,183,183,178,131,123,123,129,131,176,176,178,183,189,191,186,176,131,176,181,181,183,189,189,186,183,183,186,189,194,194,194,186,181,179,179,183,186,186,183,178,178,186,194,194,186,176,123,119,119,117,117,127,173,173,173,178,178,168,103,98,103,115,127,176,191,194,125,109,113,119,123,181,174,172,186,199,202,191,186,183,183,183,183,178,127,124,126,173,183,183,178,178,189,194,186,176,176,181,183,176,173,176,178,176,173,176,183,189,183,173,133,181,186,183,183,186,186,181,183,189,189,178,178,186,183,181,182,189,194,199,199,199,196,194,194,196,202,204,204,202,202,199,202,202,194,183,173,131,170,129,127,129,170,170,181,204,202,170,170,176,178,178,181,186,194,199,196,194,196,199,199,199,202,194,181,61,173,123,95,91,111,176,178,125,116,127,173,173,173,127,121,168,173,176,176,125,121,170,176,170,166,170,173,170,176,183,191,186,178,176,173,129,170,170,173,123,116,118,173,186,186,181,173,172,176,186,194,194,189,186,191,194,199,202,196,186,186,189,183,181,183,191,178,119,119,178,191,189,181,178,173,129,129,127,119,123,178,183,119,111,127,178,181,178,181,183,186,186,186,186,194,199,199,199,199,202,202,194,183,178,181,194,202,204,209,209,209,207,204,204,202,196,191,186,189,194,199,194,186,181,135,133,135,181,189,196,204,207,209,209,207,204,202,202,204,204,204,204,207,202,194,191,191,196,196,196,196,196,199,199,202,202,202,202,202,202,202,202,204,204,199,198,199,204,202,194,189,183,137,137,183,186,186,191,199,204,202,202,199,196,196,194,181,176,177,189,202,204,202,199,196,191,186,176,127,121,123,125,129,173,127,121,131,189,186,127,123,127,173,173,178,189,191,183,178,186,191,194,189,133,133,189,194,186,183,186,189,194,196,199,202,204,207,209,207,207,207,209,209,212,215,215,212,204,189,139,186,194,196,196,191,189,191,194,191,186,189,196,199,196,196,196,199,196,196,199,202,202,199,194,194,196,196,194,190,190,196,204,207,199,191,186,137,134,134,137,186,189,186,183,178,135,135,135,178,181,183,181,133,128,128,176,183,183,181,179,181,178,178,178,181,186,189,186,186,191,194,191,189,189,189,183,182,182,186,191,196,199,202,196,181,176,177,178,186,191,194,194,189,183,178,178,178,178,178,178,178,178,178,178,181,181,189,191,189,186,186,186,186,186,183,181,181,183,183,183,186,189,189,181,173,170,176,183,186,189,189,191,194,194,186,176,129,129,173,131,129,129,131,178,189,199,207,209,212,212,196,179,178,186,196,204,204,204,202,186,125,124,131,183,189,194,194,194,196,204,209,209,207,204,202,204,204,202,199,199,199,199,202,204,207,204,199,194,189,189,189,189,189,189,191,194,196,194,191,196,202,204,202,196,191,186,181,181,183,181,125,114,115,125,129,129,127,170,183,191,189,186,183,183,183,181,173,129,130,176,181,181,181,186,189,189,181,127,125,123,119,119,127,176,181,186,194,202,204,196,178,123,181,199,204,196,192,194,196,202,202,199,196,196,191,187,187,191,196,194,183,182,183,191,194,194,191,191,189,186,191,199,204,202,199,196,196,199,199,196,194,195,202,204,204,199,199,202,204,204,207,202,194,187,187,189,189,186,185,186,189,194,199,202,207,209,212,207,202,200,202,202,199,196,196,194,192,194,199,202,199,191,189,190,196,202,199,199,199,199,199,196,191,191,196,191,138,137,189,196,202,202,199,202,204,202,202,202,194,189,191,194,191,194,194,191,189,187,187,189,191,199,207,209,207,204,199,194,186,182,186,191,196,199,202,199,199,202,202,202,199,196,195,195,199,202,202,199,199,202,204,207,202,199,196,194,191,191,199,202,199,195,196,204,209,212,207,204,202,202,202,204,204,207,207,204,204,204,209,209,207,207,207,207,207,207,207,207,202,196,189,143,143,191,199,199,199,204,207,207,207,209,215,212,204,204,207,204,194,141,141,186,189,191,191,189,186,189,194,196,196,196,196,199,202,199,191,140,138,139,186,196,202,204,207,204,204,202,199,191,194,202,202,199,199,199,202,204,204,204,202,199,196,196,196,191,189,187,194,199,204,207,207,209,209,209,207,204,204,207,207,204,202,204,204,202,196,191,191,191,191,189,183,139,186,194,202,204,204,196,195,195,199,202,202,202,204,204,204,199,196,196,199,202,202,202,202,196,196,202,199,199,202,202,202,207,207,207,207,207,204,204,207,207,207,209,209,202,195,195,199,204,204,199,199,204,209,209,204,200,199,200,204,209,207,202,199,204,212,215,217,217,212,202,195,196,199,199,196,199,204,207,204,202,202,204,209,215,212,204,202,202,207,212,212,212,215,217,215,212,209,209,209,209,204,202,202,204,204,204,202,202,199,194,191,189,183,135,135,137,136,136,194,207,212,212,209,209,204,196,189,183,186,194,199,199,191,181,176,178,183,189,191,196,196,194,194,199,202,196,170,114,114,115,109,99,93,93,115,165,170,119,105,109,117,113,110,110,117,125,125,125,123,119,116,117,127,186,202,207,209,215,225,225,215,204,202,202,202,202,207,212,215,212,212,212,209,204,202,202,204,204,209,209,212,215,217,207,139,124,125,127,139,194,194,194,191,139,125,127,139,191,196,199,202,202,202,204,204,204,204,209,222,230,233,230,228,225,225,225,228,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,243,233,215,196,189,196,209,225,230,228,212,196,186,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,191,173,160,163,163,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,251,255,246,225,217,212,0,0,0,0,0,0,0,255,255,246,241,238,233,222,204,183,168,165,0,0,0,0,0,0,155,0,0,0,0,152,0,155,152,157,170,178,181,191,212,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,204,199,194,186,176,157,144,137,135,134,137,147,157,155,150,0,155,173,196,212,217,215,215,217,217,209,207,209,212,212,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,183,183,183,183,183,183,183,183,186,186,189,191,191,194,194,191,191,191,194,194,191,191,186,183,186,186,181,178,178,181,178,170,125,123,127,168,164,165,173,168,117,115,119,121,121,123,125,125,168,173,173,170,165,123,119,117,125,170,168,165,125,168,178,191,199,202,202,196,189,176,170,178,186,186,181,176,178,176,168,165,170,176,173,165,165,170,170,163,157,173,183,191,196,194,178,157,142,155,160,165,165,160,157,155,155,155,155,157,163,168,170,170,170,168,165,165,165,160,152,150,152,152,147,144,147,147,150,163,183,196,189,168,155,144,124,134,152,160,160,142,137,163,170,173,163,147,99,109,160,168,168,157,119,119,117,114,117,165,165,160,119,117,121,163,165,117,92,87,97,109,111,115,157,160,165,170,168,173,170,163,163,176,186,183,178,170,168,163,160,168,178,181,189,194,189,111,105,163,170,178,194,196,191,189,181,163,115,115,117,119,121,160,121,118,118,160,168,163,163,170,186,196,202,199,202,204,202,202,204,209,212,204,189,168,161,165,181,204,215,217,212,196,178,176,173,117,111,117,165,183,173,121,119,119,115,98,93,115,178,57,0,44,183,181,189,186,168,113,110,111,117,121,123,170,183,194,202,202,204,207,115,104,105,107,99,94,100,117,173,196,202,199,199,199,199,194,187,191,196,202,207,217,204,168,59,32,73,165,163,115,191,204,212,215,212,207,209,209,207,204,202,199,196,196,199,202,202,194,178,103,87,87,83,46,45,87,189,202,209,204,199,194,170,152,157,160,163,150,83,68,57,43,33,144,168,35,15,35,63,95,181,189,191,194,199,202,199,186,168,150,165,160,15,0,25,53,59,51,75,105,107,105,87,0,0,29,107,103,60,73,83,101,111,147,107,103,101,105,109,111,155,155,150,109,105,95,79,89,113,173,160,93,93,99,181,196,189,186,186,185,186,181,170,163,160,123,163,168,170,173,173,176,176,173,165,163,165,163,120,119,121,165,165,164,168,173,176,170,163,123,163,123,119,116,119,168,181,189,189,178,168,165,165,163,119,117,118,168,183,181,163,119,117,113,113,125,173,125,121,121,121,123,125,125,165,168,168,170,176,178,178,176,178,183,186,176,121,118,121,170,178,186,194,189,178,165,119,113,113,115,117,115,115,121,173,189,199,196,183,164,159,168,168,103,105,176,196,207,202,196,196,196,194,194,196,199,199,194,186,170,124,124,170,173,170,178,196,204,202,189,170,121,109,97,117,181,194,202,204,199,183,118,111,115,170,186,199,202,199,194,194,191,185,186,191,183,186,191,183,127,170,191,199,202,202,199,202,202,199,194,189,183,186,194,194,115,91,113,181,186,183,168,121,121,127,173,178,181,178,173,170,170,129,123,120,120,125,129,129,129,173,178,181,181,183,183,191,199,204,204,204,207,207,202,196,191,189,189,186,181,178,189,194,191,190,190,194,194,194,194,196,196,194,194,199,199,196,196,199,202,196,191,189,183,178,177,178,181,178,129,121,115,110,122,131,178,181,181,186,191,191,181,130,129,131,176,178,183,189,189,186,183,181,183,189,194,199,199,191,183,181,186,189,189,186,183,181,178,181,189,191,186,129,114,114,115,113,111,117,129,176,176,178,176,115,85,85,101,170,189,191,196,199,191,173,173,178,181,178,169,170,189,194,189,186,186,186,186,189,191,183,127,121,124,173,189,194,181,173,181,189,183,173,127,129,173,131,131,173,178,178,176,176,181,183,178,173,176,183,189,183,183,183,181,177,176,181,189,189,189,189,183,181,183,189,189,191,194,194,191,191,194,196,204,209,212,209,207,204,202,199,194,183,176,131,129,127,129,176,181,129,121,183,191,170,176,173,173,181,191,199,196,191,183,183,191,199,199,196,196,194,181,119,127,123,105,95,103,168,178,125,110,112,121,127,173,178,178,176,173,173,170,127,125,168,173,170,168,168,166,165,170,183,189,181,176,178,176,173,176,129,123,116,115,119,173,183,183,181,178,176,178,186,191,191,191,191,191,189,191,199,199,191,189,191,189,181,178,176,127,120,125,186,191,183,176,170,129,128,170,176,170,170,127,109,76,74,104,176,176,173,178,183,186,185,185,191,199,202,202,199,202,204,204,196,183,177,181,196,202,204,207,207,207,207,204,204,204,202,194,189,189,194,196,194,186,181,137,135,181,183,186,194,202,207,207,207,204,202,202,202,207,209,209,209,204,196,191,189,186,183,183,191,196,196,196,194,194,196,196,196,196,196,196,199,204,204,199,198,199,204,199,191,183,137,136,137,186,191,189,191,199,202,199,196,191,189,189,186,181,177,179,191,202,202,202,199,196,191,186,178,127,120,121,125,127,131,131,129,176,183,181,131,129,131,173,173,176,181,186,186,186,189,189,183,135,129,129,181,191,191,191,194,194,196,199,199,196,196,199,202,207,209,209,209,209,212,215,217,215,207,194,183,186,191,194,194,186,183,186,189,186,185,189,199,207,202,196,196,196,195,196,202,204,202,196,191,191,194,191,191,190,191,199,209,209,202,189,181,135,133,133,137,186,189,189,186,181,181,181,181,181,135,133,131,130,129,130,135,183,186,183,181,181,183,189,189,186,189,191,191,191,196,196,191,186,186,186,183,182,182,186,189,194,196,199,194,183,178,178,183,189,191,194,191,186,178,178,181,181,181,178,178,178,178,178,181,183,183,189,194,194,191,191,191,191,189,183,181,181,181,183,183,183,186,183,173,125,125,129,176,181,183,186,186,191,191,189,183,178,176,173,130,130,130,131,133,181,191,204,209,209,207,191,178,181,191,199,204,209,209,209,207,194,135,133,139,186,191,194,194,199,204,207,202,199,194,194,199,202,202,202,199,202,204,209,209,207,204,196,194,191,191,191,191,186,183,183,183,189,189,189,191,196,199,199,199,194,191,189,189,189,186,176,127,125,129,170,127,121,121,173,189,189,186,178,173,173,176,131,129,130,176,181,183,186,189,189,189,183,129,123,117,113,115,125,173,181,186,194,199,199,186,115,100,127,191,202,199,195,196,199,199,199,202,202,202,194,187,189,194,196,191,183,182,183,189,189,189,194,199,196,196,202,204,204,202,199,196,194,199,199,196,195,195,199,204,207,202,199,202,207,207,204,196,189,189,189,189,189,189,189,189,194,196,202,204,209,212,212,209,204,202,202,202,196,194,194,194,194,196,202,202,199,194,190,191,194,196,196,196,194,194,194,196,196,196,199,189,136,134,183,199,207,209,209,212,212,209,212,204,186,133,139,189,191,196,196,194,189,186,186,187,194,199,207,207,204,199,191,186,182,182,183,189,196,204,209,207,202,196,196,199,196,196,195,196,199,204,202,199,196,202,207,209,207,202,202,199,196,194,199,202,199,195,196,202,209,212,212,207,202,199,202,204,207,207,204,204,204,204,207,209,209,209,207,205,205,207,209,209,209,202,191,141,139,143,199,204,204,207,209,212,209,207,207,207,204,207,209,207,196,191,191,194,196,194,189,141,141,186,191,196,196,196,196,196,199,202,194,189,141,140,141,189,194,199,204,202,199,196,196,196,202,204,202,199,199,202,199,196,196,202,199,196,196,194,191,190,189,189,194,199,202,207,209,209,207,207,204,202,202,204,204,202,196,196,199,199,194,191,190,190,191,191,189,191,196,202,207,204,202,199,195,196,202,204,204,204,204,207,207,202,199,196,202,204,204,202,199,191,194,196,191,191,199,199,199,202,204,204,204,204,204,204,204,204,207,209,212,204,198,196,199,204,202,199,199,204,209,209,207,204,202,200,202,209,212,209,207,209,212,212,212,215,212,204,196,196,202,207,207,207,209,212,202,194,194,199,207,209,202,194,194,196,204,212,215,215,215,217,215,212,209,209,209,207,202,200,200,202,202,202,202,202,196,191,189,191,189,183,139,183,137,135,181,196,209,215,212,207,196,191,189,189,189,194,199,196,191,178,129,131,176,181,186,189,191,189,189,191,199,204,183,114,113,115,113,99,85,73,103,163,173,160,105,106,113,115,111,109,112,121,127,125,123,121,116,114,116,133,199,202,202,207,215,217,212,204,203,207,207,204,204,207,212,215,215,215,209,204,202,199,195,195,202,204,204,204,202,145,127,123,123,127,191,204,196,191,194,191,131,124,125,139,194,199,202,204,207,207,207,204,204,209,217,230,233,233,228,225,222,222,225,228,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,230,215,202,199,207,215,217,215,212,209,202,196,0,0,0,0,0,0,204,0,0,0,0,0,0,0,0,0,217,189,160,146,147,152,155,0,0,0,0,0,0,0,0,0,228,228,0,0,0,0,0,0,246,251,255,246,230,222,215,0,0,0,0,0,0,243,243,233,228,230,233,238,243,225,191,178,176,0,0,0,0,0,0,157,0,0,0,0,155,155,147,142,144,0,0,163,173,196,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,202,196,191,181,168,163,157,152,144,139,139,0,155,155,0,0,160,178,204,225,230,225,217,217,212,204,202,204,209,209,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,61,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,181,183,183,186,186,183,183,186,186,189,189,191,194,196,194,194,191,194,194,191,186,183,183,181,181,181,183,186,186,181,170,121,119,123,168,168,165,170,168,119,115,117,117,119,123,123,117,113,123,170,170,123,119,119,117,119,123,123,125,165,170,178,189,199,199,196,189,176,170,168,178,189,191,183,181,181,178,170,168,173,178,170,160,157,165,176,181,181,183,186,191,199,194,176,116,49,139,147,155,157,157,155,157,157,157,157,157,160,163,168,173,173,170,168,168,168,163,155,151,151,152,144,139,144,150,155,165,178,181,168,157,152,150,135,152,160,150,137,124,112,144,170,191,176,101,79,91,160,176,181,170,160,117,115,117,160,170,170,165,163,119,119,160,170,176,168,170,186,173,119,117,119,157,165,176,178,183,181,170,168,181,194,194,186,176,165,157,160,168,170,170,176,178,168,115,109,117,163,173,183,186,181,173,160,157,119,157,119,119,121,121,119,118,119,165,170,165,165,173,181,189,194,196,199,202,199,199,202,202,199,194,181,170,163,163,183,207,215,215,207,173,165,176,176,115,107,109,107,113,105,109,160,160,103,88,85,117,163,93,37,46,160,163,168,170,119,110,109,110,113,115,121,173,181,191,202,202,199,202,123,107,117,170,109,90,100,186,202,212,209,207,202,204,207,202,194,191,189,189,191,212,209,101,49,61,103,168,152,110,199,207,212,212,207,204,207,209,207,202,199,196,195,196,199,202,199,183,163,105,77,83,82,45,47,81,85,103,176,178,163,111,89,93,155,153,160,178,204,225,207,101,74,155,163,0,0,0,0,0,27,79,147,173,183,189,189,181,168,155,157,77,0,0,0,69,196,191,163,144,95,81,43,0,0,7,144,97,18,23,45,85,103,101,101,103,99,98,101,107,113,101,98,99,111,150,101,99,107,160,117,103,101,95,107,186,191,189,186,186,189,181,163,107,93,105,115,121,165,168,168,168,168,170,168,168,170,165,121,118,120,165,165,165,170,183,194,191,178,168,123,121,117,115,115,119,170,183,183,176,173,173,173,168,119,115,116,121,165,163,117,114,113,112,115,178,194,186,170,121,115,119,125,168,170,173,176,181,189,191,191,186,178,176,178,173,125,121,125,170,173,181,191,189,181,170,125,119,117,119,121,121,117,121,176,194,199,191,170,161,161,196,168,86,91,176,194,204,204,202,202,199,194,191,194,196,196,189,178,129,126,125,126,127,123,121,176,199,207,202,186,111,67,35,71,121,191,202,202,189,173,125,119,173,189,194,202,204,196,192,194,194,186,186,191,186,191,199,189,168,173,191,196,196,196,196,202,204,204,199,191,176,165,170,123,93,86,91,111,123,165,113,115,123,173,181,181,178,173,168,127,127,127,123,119,119,121,127,129,131,176,181,183,186,189,189,189,191,199,204,207,207,204,199,194,189,191,189,181,131,131,181,191,194,191,191,191,194,194,194,194,194,192,194,196,196,192,192,196,202,199,194,189,183,177,177,181,176,127,121,120,118,117,123,173,181,186,189,191,194,191,181,131,130,131,131,173,178,183,186,186,183,181,181,183,189,196,202,196,189,189,194,196,194,186,181,178,178,178,183,186,183,129,113,114,117,113,109,113,129,181,186,186,176,101,77,78,113,202,207,204,202,204,204,191,183,186,186,181,169,177,191,181,170,176,186,191,191,194,199,194,173,123,127,178,194,196,176,165,169,183,183,173,126,126,129,129,127,129,176,181,178,176,178,181,178,176,181,189,189,183,183,189,186,179,178,186,196,199,199,196,191,189,189,186,186,186,189,189,189,191,194,199,207,215,217,215,209,207,204,199,194,186,176,129,126,126,127,176,176,109,85,99,189,189,178,168,168,181,199,204,196,183,178,178,186,194,194,194,196,194,181,125,121,121,119,117,123,176,178,176,113,109,114,125,178,181,183,176,170,168,168,170,168,125,125,127,170,170,166,165,178,191,189,181,174,176,176,176,183,173,123,118,118,129,178,181,178,178,181,181,181,186,191,194,194,196,191,186,186,191,196,191,186,189,189,181,131,123,119,119,129,183,186,178,170,129,129,128,173,183,186,178,127,102,69,66,90,107,123,125,131,183,186,182,183,191,199,202,202,199,202,204,204,196,183,177,181,196,202,202,202,202,204,204,207,207,207,204,199,194,189,191,191,189,186,181,135,135,181,186,186,191,199,207,207,207,204,202,202,202,207,209,209,209,202,191,183,183,181,178,179,189,196,196,191,189,189,191,194,194,192,192,194,196,202,202,199,198,199,202,196,189,183,181,136,136,137,189,189,191,199,202,191,186,186,181,181,183,181,179,183,194,202,202,202,199,196,191,186,178,131,121,121,123,125,129,173,176,181,183,181,178,178,181,181,181,178,178,178,181,183,186,183,178,131,128,128,137,191,196,199,202,196,196,199,199,194,191,192,196,207,209,209,209,209,212,212,215,215,212,199,186,186,189,191,189,141,139,141,189,186,186,191,204,209,204,202,202,202,196,196,204,209,207,199,194,191,191,191,191,191,196,204,209,209,202,191,183,137,134,134,137,186,189,189,189,189,186,186,186,181,133,129,128,130,133,135,181,186,189,186,183,183,189,194,194,189,189,189,189,194,196,194,186,182,182,183,183,183,183,186,189,191,191,194,191,186,181,181,186,191,194,194,191,183,181,181,183,186,183,181,181,181,181,181,181,181,183,189,196,196,196,194,191,191,186,181,178,178,178,178,176,178,181,178,170,123,122,125,170,176,181,183,186,189,191,191,189,189,183,178,131,173,173,173,133,178,186,199,207,207,204,191,182,189,202,204,204,212,209,209,209,199,183,137,139,186,191,196,196,196,199,199,194,191,190,190,194,202,204,204,204,204,207,209,212,209,204,199,194,189,189,191,194,189,183,181,182,186,191,191,191,189,191,194,196,196,194,194,191,189,186,181,176,173,173,173,125,116,114,121,181,186,183,176,130,130,131,131,129,131,178,183,186,191,191,191,189,183,176,125,117,111,115,125,129,178,186,189,191,186,129,98,90,121,181,194,196,196,199,199,196,196,202,204,202,194,189,191,196,196,191,183,181,181,182,182,189,202,207,207,207,207,204,199,196,196,194,194,196,199,199,199,199,196,199,199,196,194,196,202,202,196,186,183,189,194,194,194,196,196,196,196,199,199,202,204,207,212,212,209,209,207,202,196,191,191,191,194,196,199,202,199,196,194,196,199,199,199,196,194,191,191,194,196,196,196,186,136,136,139,199,212,217,217,217,215,212,215,204,127,118,122,139,194,202,202,196,191,189,189,191,196,202,207,207,202,194,186,182,182,183,186,191,196,204,209,209,202,196,195,196,199,196,196,199,202,204,199,196,199,204,209,209,207,204,204,204,202,199,199,199,196,194,195,199,207,212,215,209,202,199,198,199,202,202,202,202,204,207,209,212,215,212,209,207,207,207,212,215,212,204,191,139,137,139,196,204,207,207,209,215,212,202,199,199,207,209,209,207,202,196,199,202,202,196,186,139,139,186,191,196,199,199,199,196,199,202,202,199,196,191,186,186,189,196,199,199,194,189,189,199,204,204,204,202,202,199,196,194,195,196,199,199,196,194,191,190,191,194,196,196,199,204,207,207,204,202,204,202,199,202,202,194,189,189,196,196,194,191,191,191,194,196,196,199,202,204,204,202,199,199,196,199,202,204,204,204,207,207,207,202,199,199,204,207,207,204,196,189,189,191,189,191,199,199,199,202,202,202,204,207,207,204,204,204,204,209,212,207,202,199,202,204,202,198,198,202,207,209,209,209,207,202,204,209,215,215,209,209,207,204,202,204,207,207,207,204,207,212,215,212,212,209,199,191,190,196,204,202,194,187,187,191,202,212,215,213,213,215,215,212,209,209,209,207,202,200,200,202,202,202,204,204,202,194,191,194,194,189,186,191,189,137,135,183,204,212,209,202,189,183,189,191,194,194,194,191,189,178,127,129,176,183,186,186,186,186,183,176,178,194,191,125,115,117,117,105,85,55,63,83,160,163,117,109,109,119,123,115,113,119,125,123,121,119,117,114,115,125,194,196,196,202,209,212,209,204,204,212,215,212,207,204,207,212,212,212,209,207,204,202,195,194,196,196,194,145,139,129,125,125,127,137,196,204,191,187,190,194,143,125,124,135,194,199,202,204,207,209,207,204,204,207,215,228,235,235,230,225,217,217,225,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,228,209,204,207,215,217,212,209,209,209,209,209,0,0,0,0,0,196,199,0,0,0,0,0,0,0,0,0,209,181,0,143,144,147,152,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,251,251,251,241,228,217,212,204,0,0,0,0,225,215,207,204,209,225,235,246,255,241,204,191,189,178,0,0,0,0,0,0,0,0,0,0,160,157,0,137,137,144,0,0,168,196,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,204,202,194,176,165,163,168,173,165,0,147,152,157,157,0,0,165,183,209,228,233,228,217,215,209,202,196,202,207,209,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,56,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,178,186,183,189,191,189,189,186,186,186,186,189,191,196,196,194,191,194,194,191,186,183,183,179,179,181,183,189,191,186,170,120,120,123,176,178,170,170,170,123,121,119,119,165,168,121,112,110,111,168,165,115,113,113,115,119,119,119,123,168,173,176,178,176,121,116,116,123,165,165,170,186,189,181,178,178,176,173,173,181,183,170,157,152,157,176,191,191,189,186,189,199,189,173,0,0,105,121,124,126,142,147,152,157,160,160,163,163,168,178,181,178,168,168,173,173,168,157,152,155,155,142,137,142,150,157,163,168,163,157,152,150,147,155,165,163,147,134,125,125,165,199,202,194,84,68,83,170,186,189,183,173,163,115,115,163,165,165,168,160,117,119,165,181,194,196,196,191,181,163,115,115,117,157,165,183,189,189,181,176,183,194,191,183,168,155,117,157,163,163,160,163,165,165,160,117,115,117,163,170,173,170,160,118,118,157,157,117,116,119,121,119,119,160,168,173,170,170,170,173,181,186,189,191,191,191,191,191,189,191,186,176,176,170,163,176,202,207,202,183,115,119,165,168,163,117,107,102,101,102,113,165,160,105,96,97,101,95,83,59,63,113,119,121,121,115,111,115,168,168,121,117,123,170,183,196,199,194,186,173,121,178,191,183,176,183,199,209,215,212,209,207,207,207,207,202,196,189,187,189,209,217,71,31,101,183,189,152,152,194,207,209,207,204,200,202,207,207,202,196,196,196,196,202,202,189,91,117,170,157,103,107,157,93,93,91,89,109,150,111,87,59,64,165,168,165,183,202,215,212,181,168,191,155,4,0,0,0,0,0,8,37,71,101,168,142,77,173,178,220,65,0,0,0,13,199,194,191,189,83,65,43,0,0,0,99,109,73,61,63,77,107,107,101,101,101,100,101,109,111,95,91,101,157,155,109,103,109,165,157,107,101,94,93,181,191,189,189,189,194,183,113,93,72,75,92,103,115,119,119,121,123,163,165,170,176,170,163,120,121,168,170,168,173,191,204,204,194,176,165,123,121,117,115,116,123,173,176,173,170,173,178,173,121,115,116,119,163,165,165,119,113,113,123,178,186,183,176,119,111,114,125,173,176,173,181,191,196,199,194,186,178,173,170,170,170,165,165,165,168,173,181,176,168,168,168,125,123,123,165,165,125,125,176,194,196,173,159,160,181,196,178,87,84,105,186,196,199,199,199,196,194,191,194,194,191,181,173,129,129,176,183,183,173,85,111,186,207,204,191,183,65,18,13,87,183,189,191,178,170,181,189,191,194,199,204,204,196,192,194,196,189,176,129,178,194,199,186,173,178,191,196,196,194,194,199,202,202,199,186,121,113,117,113,103,92,88,87,93,109,113,123,176,181,181,178,173,170,168,129,170,129,123,120,120,125,129,131,131,178,186,194,196,199,196,191,189,191,194,196,194,191,189,189,191,196,194,178,126,127,183,194,194,191,191,194,194,194,194,194,194,194,196,199,196,192,192,194,196,196,194,191,186,181,181,181,176,125,122,173,194,194,189,178,178,189,199,202,199,191,181,176,173,173,131,131,173,181,186,186,186,181,174,174,181,189,194,194,191,191,196,199,196,186,181,178,178,178,181,183,181,173,121,121,123,117,111,113,170,189,194,194,186,105,97,105,125,204,212,207,204,204,202,189,178,181,186,186,189,196,189,119,111,121,183,194,199,199,202,199,183,129,170,181,191,189,170,164,165,178,183,173,127,127,127,125,124,127,176,181,178,178,181,183,183,183,186,191,189,182,182,189,191,186,186,196,202,204,204,204,199,196,194,189,183,181,183,186,186,191,196,199,204,212,217,217,212,207,204,199,191,189,183,176,170,127,127,173,170,101,83,96,194,191,176,123,168,183,196,202,186,176,173,178,186,191,191,194,194,189,176,123,121,123,125,170,178,181,178,123,119,117,113,117,176,181,178,178,170,166,168,178,176,124,122,124,170,176,176,181,194,199,194,189,183,181,176,176,181,181,131,129,176,183,181,176,176,178,183,186,183,186,194,194,196,202,196,185,183,189,194,189,183,186,186,178,131,121,116,119,173,181,181,176,129,129,170,170,176,181,186,181,176,173,127,117,107,107,111,113,125,183,189,185,185,191,196,199,199,202,199,199,196,194,181,177,181,196,202,202,202,202,204,204,204,207,207,204,199,196,189,186,186,183,186,183,135,133,181,186,189,191,196,204,204,204,204,204,204,204,207,207,207,207,204,191,181,179,181,179,181,186,196,194,186,183,186,194,196,192,192,192,192,194,199,202,202,199,199,202,196,189,189,191,183,134,135,137,186,189,191,189,181,178,178,181,183,183,181,181,186,194,199,202,202,199,194,191,186,181,129,119,119,117,115,125,173,181,183,183,181,181,186,191,191,189,178,131,129,133,178,186,186,183,135,129,130,183,194,199,202,199,196,196,199,199,192,191,192,199,212,215,212,212,212,212,209,212,215,212,207,194,186,185,186,186,139,137,139,186,189,186,194,207,212,204,204,209,207,199,199,209,212,212,207,194,191,194,194,190,190,199,209,212,212,207,199,189,183,139,137,137,183,189,191,191,191,189,189,186,183,135,131,130,178,186,194,202,196,186,183,189,194,191,191,191,186,183,183,186,189,194,194,186,182,182,183,181,181,183,186,183,183,186,189,191,186,181,181,189,199,202,196,194,189,186,186,189,189,186,186,183,183,186,183,178,178,183,191,196,199,196,194,191,189,183,178,176,176,178,176,127,127,173,176,127,123,122,123,127,173,181,186,191,194,191,191,191,191,189,183,178,178,178,176,133,176,183,194,202,196,194,189,189,199,209,209,207,212,209,204,202,194,183,139,186,191,196,199,196,191,191,194,191,191,191,190,191,199,204,209,209,207,207,207,207,207,209,204,194,189,186,191,196,194,186,182,183,189,194,196,194,186,183,183,189,194,191,191,191,189,183,178,178,178,176,173,125,115,113,117,176,183,181,173,130,131,131,173,131,173,178,183,186,191,191,191,191,183,173,123,118,119,125,127,129,181,186,181,173,121,99,94,100,121,176,178,183,183,173,181,183,186,196,196,191,186,186,191,186,181,189,186,182,182,181,182,194,204,209,212,215,209,196,186,186,191,191,189,191,199,199,199,202,199,196,194,189,187,191,194,194,189,183,181,182,191,196,199,204,204,199,196,196,196,194,196,204,209,212,212,212,209,204,196,189,189,189,189,191,196,199,196,194,194,202,204,204,199,196,194,191,191,194,196,196,194,189,139,139,186,199,207,215,217,217,209,204,207,194,123,114,116,135,199,207,204,202,196,196,199,202,202,202,204,207,204,196,186,182,183,186,191,191,196,202,204,207,202,196,196,196,199,199,199,202,202,199,199,196,199,207,209,207,207,207,207,207,207,204,202,196,195,195,194,195,204,215,217,212,204,199,198,198,199,202,202,202,204,209,215,215,215,212,209,209,209,212,215,217,215,207,191,139,137,139,194,204,204,204,209,215,212,204,196,198,204,209,209,209,207,204,204,207,207,199,186,138,138,141,191,199,204,204,202,202,202,204,204,204,204,202,199,194,191,191,194,196,189,186,187,196,204,204,207,204,199,195,194,195,196,199,202,202,202,202,199,196,199,204,202,196,196,202,204,199,196,199,204,199,196,196,194,187,185,186,194,196,196,194,194,196,202,204,202,199,196,196,199,199,199,196,199,199,199,202,204,207,209,209,207,202,199,199,202,207,209,207,199,189,186,189,196,199,202,199,199,202,204,207,209,212,209,204,204,204,207,209,212,209,204,202,204,207,202,198,196,199,204,204,207,209,209,207,207,207,212,212,207,202,196,191,189,189,194,204,212,212,212,215,215,215,209,204,196,194,191,194,196,194,189,189,189,196,207,215,217,215,215,217,217,215,212,209,207,207,204,204,204,202,202,202,204,204,204,199,194,194,196,194,194,199,199,189,135,135,189,204,204,196,186,183,186,191,194,194,191,186,183,181,125,125,178,191,189,178,178,186,183,173,127,168,173,168,163,121,119,117,105,51,47,73,103,163,176,115,109,119,178,186,176,165,125,123,119,119,123,123,121,127,189,194,191,196,204,207,204,203,207,212,217,222,217,207,204,202,199,202,202,199,204,207,202,202,204,202,147,139,131,126,125,127,141,145,196,199,190,183,187,207,207,186,135,186,202,204,204,204,207,209,209,207,204,204,212,225,235,235,230,225,217,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,225,207,202,207,217,222,212,208,209,212,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,209,183,163,152,147,147,155,160,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,251,248,238,225,217,207,191,189,202,212,212,196,186,183,189,202,217,233,248,255,243,215,204,194,178,165,163,0,0,0,0,0,0,0,0,173,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,207,196,181,170,165,168,181,181,168,157,157,160,160,0,160,170,189,209,228,230,225,217,215,207,199,196,202,207,207,205 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,186,178,181,183,183,186,183,181,178,181,183,189,194,194,191,191,194,194,189,186,183,183,181,181,181,181,186,189,186,170,121,121,127,181,178,168,170,170,165,125,125,168,181,181,165,113,111,115,170,165,112,110,109,111,121,121,121,123,165,170,173,173,125,114,112,114,123,173,168,168,176,178,176,173,173,176,178,186,191,186,168,152,147,152,168,186,191,183,178,178,189,176,144,0,0,0,0,0,0,35,108,137,152,155,155,157,157,173,186,181,173,165,165,170,173,170,165,160,157,155,144,134,139,152,157,160,160,157,144,139,144,152,160,160,155,147,139,133,142,186,202,199,183,142,85,99,160,186,191,189,186,173,157,115,119,160,160,163,160,117,160,176,189,199,202,199,189,176,115,106,108,117,157,157,165,176,186,181,176,178,183,181,170,157,115,115,157,163,163,157,157,160,163,157,113,111,113,119,165,170,165,119,118,119,160,119,115,116,117,157,121,160,165,168,168,173,173,168,168,168,173,173,176,178,176,173,173,173,178,178,173,170,168,163,170,176,168,160,113,109,113,121,163,163,160,113,105,104,107,117,163,121,109,103,101,101,99,91,73,87,178,163,111,110,112,123,194,212,199,168,117,116,121,173,183,186,178,125,113,103,123,181,183,186,194,202,207,209,212,212,207,204,204,207,212,207,194,189,194,207,212,65,31,109,165,186,157,113,191,202,202,204,204,202,202,204,202,199,196,196,194,196,212,199,91,70,115,194,191,173,165,173,117,115,113,111,150,155,160,160,73,65,93,170,170,160,173,212,212,176,168,178,186,181,189,91,63,79,152,165,155,99,93,79,55,71,181,196,196,65,0,0,0,9,83,178,189,191,69,53,41,0,1,37,160,183,183,165,95,95,163,168,107,99,101,105,105,105,103,98,92,103,170,168,109,103,183,194,173,111,107,103,105,173,186,186,183,191,196,170,105,95,83,84,95,103,113,119,117,119,160,163,165,170,173,173,170,163,123,165,165,165,170,189,204,204,194,178,168,165,165,163,121,123,168,168,168,168,168,173,176,170,123,118,117,119,168,178,178,165,119,117,123,165,125,165,168,123,115,116,165,178,176,176,183,194,199,196,186,178,176,173,168,168,165,165,165,168,165,165,165,123,121,123,165,168,168,168,170,173,168,168,173,181,178,165,160,165,189,191,127,86,84,91,113,129,181,189,191,191,191,186,183,181,178,173,170,170,178,189,196,199,194,84,87,123,202,194,183,178,101,5,0,33,119,170,176,173,176,189,189,183,189,199,204,204,202,196,199,196,186,127,122,124,183,199,191,186,191,199,199,199,196,191,196,196,196,194,181,121,112,113,117,119,113,99,92,99,115,165,178,186,186,181,176,168,126,168,173,176,173,125,121,125,170,178,178,178,183,191,202,204,204,204,196,191,186,186,186,183,178,176,181,189,194,191,133,126,129,183,194,194,194,194,196,196,194,194,194,194,196,199,199,199,194,192,194,196,196,196,196,194,189,189,186,183,176,173,186,199,199,191,178,176,189,202,204,199,189,178,176,176,173,173,173,173,178,183,186,183,178,173,172,176,183,186,189,191,194,196,196,191,181,176,178,183,183,181,181,183,181,176,173,170,121,113,113,125,183,191,194,189,119,113,121,168,189,207,209,207,204,194,176,127,170,181,189,194,191,123,102,104,123,181,194,199,202,204,202,189,173,173,176,181,181,170,166,169,181,186,178,129,125,125,125,125,127,173,181,181,183,189,189,186,189,191,194,191,182,181,189,189,186,189,199,204,204,204,202,196,194,194,191,183,181,183,183,183,189,196,202,204,209,215,222,212,202,196,194,191,196,196,189,181,173,173,178,181,117,93,107,191,186,120,119,168,181,189,189,173,123,125,173,181,186,189,191,191,183,125,119,120,125,170,178,186,186,173,117,117,117,114,117,176,178,176,178,178,170,173,181,181,170,122,122,129,178,183,189,199,202,199,196,194,191,183,178,178,181,178,181,183,186,181,173,131,176,186,189,186,186,194,194,194,202,196,186,186,191,194,186,181,183,181,178,176,127,120,125,181,183,181,178,170,129,129,127,170,176,176,176,181,183,183,178,178,178,113,109,113,181,194,191,189,191,196,199,202,202,196,191,191,191,183,178,183,196,202,204,204,204,204,204,204,204,199,196,194,194,186,181,181,183,191,189,137,134,181,186,189,191,196,202,204,207,207,207,207,207,204,204,204,204,204,191,182,181,183,183,186,191,196,191,183,186,191,199,202,196,194,194,194,194,199,202,204,204,207,204,199,191,189,189,183,137,136,137,181,183,186,183,178,177,178,183,189,189,186,183,186,191,194,202,202,196,191,189,186,181,123,119,119,108,104,115,131,178,183,183,183,186,191,196,196,189,173,127,127,129,176,183,189,189,181,135,137,189,196,202,202,199,195,195,196,196,194,194,199,207,215,217,217,215,212,209,209,209,212,212,207,196,189,185,186,186,137,135,139,186,186,189,196,207,212,207,207,212,212,207,209,215,217,215,207,196,191,194,191,189,189,199,209,215,215,212,204,194,189,183,139,139,183,186,189,191,191,191,189,189,189,186,183,183,191,202,212,215,202,183,178,186,191,189,186,186,181,178,178,181,183,191,194,191,189,189,186,178,178,178,181,181,178,181,183,186,183,179,181,191,202,204,202,196,191,189,189,189,189,189,189,189,189,189,183,176,176,181,191,196,199,196,191,189,189,183,181,178,178,178,170,125,126,173,173,127,123,123,125,129,176,183,191,194,194,191,189,191,191,186,181,181,183,183,181,176,176,181,191,191,181,178,181,186,199,209,209,207,204,202,196,191,189,186,186,186,191,199,202,196,190,189,190,194,199,199,196,196,199,207,209,209,207,204,203,203,207,209,209,202,191,183,186,194,196,189,183,186,189,194,196,194,189,181,178,178,183,186,189,191,189,178,176,178,178,176,170,123,116,114,119,170,178,181,176,176,178,181,181,181,178,178,181,183,189,191,194,194,186,127,117,118,129,181,178,176,186,189,178,117,100,97,101,119,115,91,63,55,59,71,87,101,111,131,181,178,173,176,181,112,115,178,189,189,191,186,186,194,202,204,207,207,202,189,181,137,183,183,183,186,191,194,194,199,199,196,194,187,187,189,189,189,191,189,183,186,194,199,202,209,207,199,196,196,196,194,196,204,209,212,209,207,207,202,194,189,187,187,187,189,191,194,196,196,199,207,209,204,196,194,194,191,191,191,191,191,194,194,191,194,199,199,199,202,209,212,207,199,189,186,129,116,116,139,202,207,207,202,199,199,204,209,207,207,207,207,204,196,189,183,186,191,194,194,194,199,202,204,202,199,196,196,196,199,202,199,196,196,196,194,194,202,207,209,207,207,207,207,207,207,204,199,199,196,196,195,199,207,212,207,202,198,198,199,202,202,202,204,207,212,217,215,212,209,209,212,215,215,217,217,217,209,199,189,139,139,191,202,204,202,204,209,212,209,199,198,199,204,209,212,209,207,207,209,209,202,186,137,137,141,194,199,202,204,204,204,204,204,207,207,207,209,207,204,196,194,194,196,194,189,191,199,202,202,204,204,199,195,195,199,202,202,204,207,209,209,204,199,199,202,202,196,194,199,199,195,194,196,199,194,191,194,191,186,185,187,196,199,196,194,191,194,199,204,202,194,190,190,191,196,199,199,199,199,198,199,204,207,207,209,209,204,202,199,202,204,207,204,199,189,187,191,199,202,204,202,202,202,204,207,209,212,209,204,202,204,209,212,212,209,207,207,209,209,204,198,196,199,202,204,204,204,207,207,207,204,207,204,199,191,189,186,141,139,139,191,204,207,207,209,209,207,204,199,196,194,194,189,189,187,189,191,199,207,215,222,222,217,217,217,217,215,212,209,209,209,209,209,209,207,204,204,204,202,199,196,194,194,194,194,196,202,204,199,183,136,183,199,202,194,183,181,183,183,186,189,186,183,181,178,125,121,133,189,189,178,174,178,178,168,124,124,165,165,168,165,121,113,99,72,70,87,103,170,183,168,115,115,168,186,189,178,170,168,125,125,173,181,178,178,189,189,186,191,202,207,204,203,207,212,222,228,228,220,215,209,199,145,138,139,199,212,215,215,215,209,199,145,139,133,131,135,194,199,202,207,204,196,204,222,222,204,194,202,209,212,209,209,209,209,209,209,204,203,209,222,233,235,233,228,222,0,0,0,0,0,0,0,0,248,248,0,0,0,0,0,0,0,0,0,235,215,202,202,209,217,212,208,209,212,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,212,189,173,165,157,155,157,165,163,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,254,248,241,230,217,202,186,183,189,191,189,178,0,170,181,196,212,228,241,255,255,230,207,189,170,0,0,160,0,0,0,0,0,0,0,186,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,209,204,196,186,173,165,165,178,181,173,163,163,165,160,0,160,173,194,212,225,225,222,217,212,204,196,194,199,204,207,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,116,160,170,176,181,176,173,173,173,178,181,186,189,191,191,191,191,186,183,183,183,183,183,183,183,181,181,178,168,123,123,170,173,168,123,165,170,170,170,173,181,189,186,168,119,115,121,176,176,125,113,108,108,115,121,123,123,123,168,178,181,170,121,119,163,183,191,178,168,165,168,168,168,168,176,186,194,196,189,155,137,134,134,144,168,178,183,165,150,150,157,142,0,0,0,0,0,0,0,0,0,59,105,142,147,139,157,178,173,170,163,168,170,168,163,165,173,176,160,142,116,134,155,155,155,155,150,139,139,150,155,160,157,152,147,144,144,165,191,196,186,173,160,144,105,99,155,183,189,191,186,168,113,114,157,157,119,119,117,160,173,189,196,199,191,181,157,107,103,107,115,155,117,117,160,170,173,168,168,168,163,155,113,112,115,157,165,168,165,160,155,155,115,111,111,112,117,160,168,163,157,157,165,168,160,116,116,117,157,163,173,176,170,165,170,170,168,163,163,160,160,160,163,160,160,160,163,168,170,168,163,160,160,163,121,113,111,109,111,115,117,117,119,121,117,109,113,117,121,160,119,111,105,103,107,111,111,105,121,186,168,110,108,112,165,186,196,181,163,119,116,121,125,123,117,103,75,61,67,93,119,176,191,202,204,204,204,209,209,204,196,196,204,215,212,196,191,196,202,189,37,0,105,103,152,95,59,109,183,191,202,204,204,202,199,199,196,196,196,186,183,194,95,79,76,173,199,196,176,160,160,117,155,155,160,168,181,209,225,176,93,105,183,189,95,91,207,202,105,93,105,181,196,209,181,186,207,209,191,186,183,189,83,55,101,170,186,181,160,87,107,142,55,93,144,170,173,79,63,67,69,176,183,194,199,199,189,109,101,160,176,109,91,91,103,107,105,105,107,99,105,165,170,101,91,196,199,186,117,111,111,109,119,176,173,170,181,189,119,99,99,105,121,121,115,160,160,117,117,121,165,168,165,165,170,173,165,121,119,121,121,165,181,191,191,183,173,165,165,168,125,125,168,176,170,166,166,173,176,173,170,165,125,119,123,176,186,178,165,121,121,121,117,115,119,165,165,121,121,170,176,173,173,181,189,194,186,176,172,173,178,176,170,165,125,165,168,165,123,122,122,121,123,168,176,176,176,176,173,168,165,168,173,173,168,168,176,186,181,115,88,87,93,105,117,170,170,129,129,125,123,121,125,127,127,129,176,186,194,202,204,204,93,74,95,181,173,170,178,183,69,27,71,121,127,127,170,181,191,183,178,183,196,202,202,202,199,199,196,186,125,120,120,129,191,194,191,196,202,202,202,199,191,191,189,189,189,181,123,115,117,125,170,165,115,107,113,165,176,183,186,186,181,173,127,125,127,173,176,170,125,125,170,181,186,186,183,186,194,202,207,207,204,199,191,181,178,181,178,173,173,178,186,189,183,129,127,176,186,194,194,194,194,196,196,194,194,194,194,196,199,199,199,196,194,194,196,196,199,199,199,196,194,191,194,191,186,186,194,194,186,173,173,189,199,199,191,186,178,173,131,173,173,173,173,176,181,183,183,176,173,174,178,183,189,191,191,191,194,189,181,174,174,181,186,186,181,181,183,189,189,189,181,127,115,113,119,129,178,181,127,103,109,119,123,173,202,209,212,204,189,127,125,127,173,183,186,176,107,100,103,121,178,191,199,202,204,202,189,173,173,173,173,173,170,169,176,186,191,183,170,124,123,125,127,129,173,181,186,191,194,191,189,189,191,194,189,182,183,189,189,181,186,196,202,202,199,194,186,183,189,189,183,181,183,183,183,186,194,199,204,207,215,222,215,202,194,191,194,202,202,196,186,181,181,189,196,183,119,168,183,176,108,116,170,176,178,176,121,113,121,168,176,183,186,191,189,181,120,118,123,170,173,178,189,189,170,116,116,115,114,119,173,178,176,178,181,176,173,181,186,183,170,127,170,181,183,186,191,196,202,202,202,199,194,186,181,183,183,183,183,181,176,131,129,176,186,189,186,186,191,191,194,199,196,189,189,196,196,186,178,178,178,178,178,176,131,178,186,186,181,178,170,127,125,119,121,127,170,178,186,191,189,183,189,191,131,111,113,181,199,196,191,194,199,204,204,202,191,183,186,189,186,181,186,196,202,204,204,204,204,204,202,196,191,189,191,194,186,135,133,183,194,194,183,137,181,183,183,186,191,199,202,204,204,207,207,207,204,202,204,204,202,194,186,186,191,194,194,196,196,183,183,191,199,202,202,202,199,196,194,194,196,202,204,209,209,207,199,189,179,179,181,186,186,183,181,183,186,186,181,178,181,189,191,191,189,186,186,189,194,202,202,196,189,186,186,178,125,129,131,104,97,109,127,173,178,181,183,189,194,196,196,189,131,127,127,129,176,183,189,186,183,183,189,191,196,202,202,199,195,195,195,196,199,202,204,209,215,222,222,217,212,209,209,212,212,209,202,194,191,191,191,189,137,134,135,139,189,194,199,207,209,209,212,215,217,217,222,225,222,215,202,194,194,194,191,187,186,196,209,217,217,217,207,196,189,186,183,183,186,186,186,186,191,189,186,189,194,199,202,199,202,207,212,209,189,132,133,186,189,183,135,131,131,131,135,181,186,191,194,194,194,194,189,178,176,177,178,178,181,181,183,186,186,183,186,194,202,202,199,196,194,191,191,189,189,189,189,191,191,189,181,176,174,181,191,196,196,191,189,186,186,186,183,183,183,181,129,124,126,173,173,127,127,129,170,173,178,186,191,194,191,189,191,191,189,181,178,181,189,189,186,181,178,181,183,183,176,174,176,181,191,199,199,194,191,191,189,186,186,191,189,185,189,196,202,199,191,190,191,196,204,207,207,204,204,204,209,209,207,204,203,203,207,212,212,204,194,181,137,186,191,191,189,189,191,194,196,194,191,183,178,177,178,181,186,191,186,176,173,176,181,176,129,119,117,119,123,129,173,178,181,183,186,189,194,194,189,183,181,181,189,194,199,196,189,125,116,119,181,191,186,181,186,191,189,125,101,101,115,123,69,0,0,0,0,11,40,79,105,119,127,129,127,131,173,90,97,127,191,199,199,196,191,191,194,196,199,196,191,189,183,137,137,181,137,181,186,189,191,196,196,196,196,191,191,191,189,189,194,196,194,194,196,196,199,207,207,196,194,196,196,194,196,207,212,212,209,204,199,194,189,187,187,187,187,187,189,191,196,199,204,209,209,202,196,194,191,191,190,189,189,190,194,199,202,202,202,196,191,191,202,209,204,194,182,183,135,119,119,183,202,207,204,202,199,202,207,209,209,207,207,204,202,196,189,186,189,194,199,199,196,199,202,204,202,199,194,194,196,199,202,199,196,194,194,191,189,194,202,207,207,207,207,207,207,209,209,204,204,204,202,196,195,199,202,202,198,196,199,202,202,202,202,204,209,215,217,212,208,208,209,215,215,215,217,217,217,215,207,199,191,189,194,202,202,199,199,202,209,215,209,199,196,199,209,212,209,204,202,207,209,204,191,139,137,139,194,196,196,196,199,202,202,204,207,209,209,212,212,209,204,199,199,199,199,202,202,202,199,199,202,204,202,199,199,204,204,204,207,209,215,215,207,199,196,199,202,196,194,196,199,196,195,196,196,194,190,191,191,189,189,194,202,202,196,191,189,191,196,199,199,194,189,189,190,196,202,204,204,199,198,198,204,207,207,207,209,207,202,199,199,202,202,199,196,191,191,194,199,202,204,204,202,204,207,207,204,207,207,204,202,204,209,212,212,209,212,212,215,212,207,199,199,202,204,202,202,202,202,202,204,204,202,199,191,189,189,189,186,137,134,135,186,194,199,199,196,194,194,194,194,194,191,189,186,186,191,199,209,215,222,225,225,217,217,217,215,215,212,209,209,212,215,215,215,212,207,204,204,202,199,196,196,194,192,194,196,199,202,204,199,189,189,199,207,202,191,183,181,133,129,133,135,178,135,133,123,119,125,183,189,181,174,176,173,125,124,125,125,123,125,165,119,105,95,89,91,99,107,168,183,178,121,111,117,178,186,181,173,181,181,176,181,186,189,186,186,183,186,191,202,207,207,207,212,217,222,230,230,230,228,222,209,191,134,134,145,209,217,222,222,217,209,204,199,194,143,143,202,209,212,217,220,222,228,233,233,217,209,212,217,215,215,212,212,212,209,209,204,204,207,217,230,233,233,230,228,0,0,0,0,0,0,0,0,246,248,0,0,0,0,0,0,0,0,0,246,230,207,196,199,212,217,212,209,212,217,225,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,217,196,183,178,168,163,163,170,170,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,248,233,215,196,189,183,183,181,173,0,0,163,170,189,0,0,0,255,255,241,204,183,170,0,0,0,0,0,0,0,0,0,0,191,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,209,199,194,186,170,163,163,168,173,173,168,168,165,157,152,0,170,196,215,222,222,222,217,212,202,191,191,196,202,207,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,170,176,168,165,165,165,168,170,178,183,186,189,191,189,186,183,183,186,183,186,186,183,176,170,127,125,125,168,173,168,119,119,165,170,173,176,178,181,186,178,168,165,168,168,178,183,181,170,115,110,119,125,125,121,121,170,191,196,189,186,183,189,196,202,186,168,164,164,165,165,165,173,189,194,191,170,126,77,65,55,55,63,87,113,103,111,126,152,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,157,160,165,160,168,157,100,103,163,199,204,191,124,0,116,144,0,9,113,131,139,152,157,155,155,157,155,150,144,147,165,189,189,178,173,170,168,142,83,90,170,183,191,189,170,102,107,160,157,114,113,115,117,163,183,194,189,178,168,117,111,111,113,113,115,152,152,152,155,155,115,152,152,115,112,111,112,115,157,168,176,173,160,115,115,115,113,113,115,117,117,157,160,163,168,176,176,165,119,117,119,157,165,176,176,168,160,160,160,163,165,165,160,159,159,159,157,159,163,163,168,168,160,117,116,117,119,111,107,113,115,119,121,121,119,121,160,113,101,109,119,163,163,160,117,107,105,113,119,160,160,160,163,163,121,113,119,163,123,109,106,111,117,119,123,119,103,89,81,66,54,68,97,121,178,194,204,207,204,204,207,204,199,192,192,202,212,209,199,194,196,196,176,15,0,0,0,15,19,21,71,103,176,199,204,202,199,199,199,196,196,191,178,119,80,64,82,101,178,191,191,165,113,115,152,157,155,157,176,194,212,215,183,152,152,170,170,33,31,101,105,59,7,91,168,191,202,160,170,196,196,194,194,196,212,75,37,101,142,168,183,186,181,196,194,155,147,101,147,155,147,157,191,194,202,202,202,199,199,189,111,97,101,107,95,73,63,87,105,107,107,109,103,99,107,152,93,77,186,191,183,113,103,109,109,106,107,113,115,115,160,115,99,98,117,176,178,168,168,168,121,117,118,160,160,119,117,160,170,168,119,117,118,119,123,168,173,176,170,163,123,123,123,121,121,165,176,173,165,165,176,178,170,165,168,168,121,123,178,181,168,121,121,119,117,115,115,121,168,168,123,165,173,173,172,172,176,183,183,176,172,170,176,186,191,186,170,125,125,125,123,123,123,165,168,168,176,183,183,178,176,173,165,123,165,173,176,173,173,170,123,109,101,93,93,101,111,123,173,121,115,113,112,112,112,113,115,121,129,181,189,196,202,204,204,183,71,91,123,127,170,189,204,186,107,119,127,127,127,170,183,194,189,181,183,191,196,199,199,199,199,196,186,129,121,121,127,186,191,191,196,202,202,204,204,194,183,173,173,183,183,125,117,119,165,173,168,121,115,117,125,170,178,186,186,181,173,127,126,126,170,170,127,125,127,176,186,191,191,186,186,191,199,204,204,202,199,189,177,177,178,178,173,173,176,183,183,176,125,125,183,194,196,194,191,191,194,196,194,191,191,196,196,196,196,194,194,192,194,199,199,199,199,196,196,194,191,196,199,191,186,191,189,176,125,129,183,191,186,181,178,178,173,129,129,131,131,131,173,178,183,183,181,178,181,186,191,196,194,191,191,189,183,176,173,174,181,189,189,186,183,186,189,196,196,189,176,123,115,115,117,117,101,95,94,103,117,119,129,199,209,212,204,189,170,126,127,173,176,176,127,115,107,109,119,176,191,199,199,196,189,176,129,173,173,173,170,170,170,181,191,194,186,173,127,124,125,127,170,173,178,181,183,189,189,183,186,189,191,186,183,189,194,189,181,181,191,191,189,186,181,135,135,181,183,181,179,183,186,186,186,189,196,204,207,209,212,212,207,199,196,199,199,196,189,181,181,186,194,202,196,183,181,178,123,101,116,173,173,176,173,119,113,121,173,183,186,186,186,183,178,123,121,165,176,178,178,183,183,170,121,119,117,116,121,170,176,176,178,181,176,173,181,189,189,181,173,178,186,183,179,183,191,199,199,199,199,199,194,191,189,189,186,181,176,131,129,129,176,186,191,189,189,189,191,194,196,194,191,194,199,194,183,176,173,176,178,181,181,181,183,186,183,176,170,127,127,123,109,99,117,176,183,186,189,186,186,189,196,199,178,131,183,199,204,196,194,199,204,204,199,183,179,181,189,191,189,194,202,204,204,204,202,202,199,196,189,186,186,194,196,186,133,131,135,191,196,191,183,183,139,137,139,189,196,199,199,202,204,207,204,202,202,204,204,202,194,191,194,199,199,199,199,194,135,135,194,202,202,202,202,199,194,189,189,191,194,202,207,209,207,199,186,178,177,181,196,202,196,189,186,186,186,183,183,186,191,194,191,189,186,186,186,194,202,202,194,183,181,181,173,129,186,196,106,100,119,129,173,176,178,183,189,191,194,194,186,133,128,129,131,176,181,183,183,183,191,196,196,196,199,199,199,202,202,202,202,207,207,204,204,209,217,222,217,212,207,207,209,209,204,196,194,196,199,202,196,141,134,133,135,189,199,204,207,212,215,215,217,222,228,230,228,222,209,199,194,196,199,194,187,186,194,209,215,217,215,207,196,189,189,189,189,186,186,185,185,189,186,185,189,199,207,209,207,204,202,194,181,130,129,133,189,191,181,129,125,125,129,181,191,196,196,196,194,194,194,186,178,176,177,181,183,183,183,183,186,191,194,194,196,199,196,194,191,191,189,186,186,183,183,186,189,189,186,178,176,177,181,191,196,194,191,186,183,186,186,186,186,186,178,127,123,125,170,173,170,170,173,173,176,178,181,183,186,186,186,189,189,181,176,176,183,189,191,186,183,181,181,183,181,177,176,176,178,181,186,183,179,181,183,183,181,189,196,196,186,185,191,194,196,199,196,194,196,202,209,212,209,207,204,207,209,207,204,204,204,209,212,209,204,191,135,133,137,191,194,194,191,191,191,191,194,194,191,183,178,178,183,186,189,181,173,173,176,178,176,129,119,119,125,170,170,173,181,186,189,189,194,199,202,196,189,183,186,191,199,202,196,186,125,119,127,186,191,186,183,189,196,202,189,113,111,119,119,45,0,5,11,17,79,101,125,125,121,125,129,128,178,191,97,92,119,191,199,199,196,194,186,183,189,191,186,186,191,189,181,135,137,137,181,186,189,191,196,196,199,199,199,196,196,194,191,196,202,199,199,196,194,196,207,204,196,191,196,196,194,199,207,209,212,209,202,196,189,187,187,189,191,191,189,189,189,196,202,207,209,209,204,199,196,194,191,190,190,189,191,196,202,202,202,191,186,183,186,196,204,202,191,186,186,137,123,122,139,196,202,202,199,202,204,207,209,204,202,202,199,196,194,191,191,194,199,204,202,199,202,202,204,204,202,196,194,194,196,199,202,199,196,196,189,186,187,194,202,204,204,207,207,209,212,209,207,207,209,207,202,196,196,196,199,199,199,202,202,202,202,202,204,209,215,217,209,207,207,212,215,215,212,212,217,217,215,207,199,196,196,202,204,202,196,194,196,204,212,212,207,199,202,209,212,209,202,199,199,204,204,199,189,138,139,191,191,189,189,194,196,199,204,207,209,209,212,215,212,209,204,204,202,204,207,207,202,196,194,199,204,204,204,204,207,204,204,207,209,212,212,207,196,194,199,202,196,194,199,202,202,199,199,199,194,191,191,194,194,196,202,204,204,199,194,189,189,191,194,196,194,191,191,194,199,204,207,207,204,199,199,207,209,207,207,207,204,204,202,202,202,199,196,194,194,194,196,199,199,202,202,202,204,207,204,202,202,204,202,202,202,202,204,207,209,212,215,215,209,207,202,202,204,207,204,202,199,196,199,199,199,199,194,191,191,191,194,191,141,134,132,134,139,191,191,189,142,142,143,189,194,194,189,187,189,196,209,215,217,222,225,225,217,215,215,212,209,209,209,209,212,215,217,217,212,209,207,207,204,202,199,199,194,194,196,196,196,199,204,204,196,196,204,212,209,204,199,191,133,126,126,129,133,131,125,119,118,125,181,189,183,178,178,176,129,168,176,165,119,119,123,115,105,99,97,99,101,103,117,178,183,168,109,97,111,173,176,125,178,183,176,178,183,186,186,182,186,194,199,202,207,209,217,220,222,222,225,228,230,230,228,217,209,145,140,143,194,204,217,222,220,217,215,212,207,199,196,204,215,222,225,225,228,233,235,233,225,222,220,217,215,212,215,215,212,212,209,207,207,209,222,230,233,235,233,233,0,0,0,0,0,0,0,0,246,251,254,0,0,0,0,0,0,0,0,0,241,215,196,198,215,0,217,212,212,215,217,228,238,238,233,225,217,0,0,0,0,0,0,0,0,0,235,225,207,194,186,176,165,0,173,173,168,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,255,251,228,204,191,189,191,189,181,170,0,0,152,160,0,0,0,0,255,255,233,204,191,183,170,0,0,0,0,0,0,0,0,0,186,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,212,204,191,186,183,168,160,160,160,165,165,165,165,163,152,147,0,163,196,215,222,222,222,222,209,196,189,185,189,196,202,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,168,168,165,160,155,155,160,168,176,181,186,191,191,189,189,189,189,186,183,178,168,165,125,123,123,123,168,173,165,117,119,168,170,168,173,176,178,178,176,170,173,178,178,176,176,178,178,173,176,183,170,165,119,119,170,196,204,202,196,194,194,196,196,183,170,165,164,168,168,165,168,178,181,168,79,59,45,25,19,21,17,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,85,61,124,100,0,0,0,142,215,209,209,51,0,0,0,0,0,0,37,121,170,170,147,144,152,155,152,142,140,152,178,181,176,173,178,186,170,86,92,173,186,194,189,165,98,104,117,117,113,114,119,117,157,178,183,160,152,160,163,165,170,165,115,152,160,160,115,111,105,103,109,113,113,112,112,113,115,155,163,170,168,160,152,157,157,152,113,115,115,114,115,155,165,176,181,176,165,157,119,117,119,163,168,168,160,118,117,117,119,163,168,168,168,170,165,160,163,168,168,168,165,119,112,114,117,117,103,93,113,163,160,163,170,178,186,178,109,74,87,117,170,178,178,165,113,113,119,165,168,163,118,118,160,165,163,123,121,113,108,107,109,115,121,125,117,93,83,83,81,69,125,173,181,186,194,202,204,204,204,204,199,196,194,194,202,207,204,199,196,196,199,194,45,0,0,0,37,49,79,79,66,89,196,199,199,202,202,199,194,186,176,170,160,81,65,84,95,113,170,165,115,111,155,160,163,157,153,165,178,173,165,165,157,152,147,79,14,15,69,97,75,5,87,168,196,204,83,79,150,163,181,181,155,71,0,0,91,142,163,186,176,163,181,181,168,144,107,150,160,165,181,196,196,194,194,191,194,194,189,170,107,95,83,75,49,35,51,97,101,93,95,87,67,71,93,75,60,155,173,155,61,46,93,113,105,93,104,106,101,102,163,107,90,115,173,181,168,160,165,165,163,119,119,117,112,110,115,163,165,119,117,118,121,121,121,121,163,165,123,119,118,118,119,121,170,178,176,165,166,176,178,165,164,170,168,121,121,170,168,111,109,117,117,117,117,121,168,176,173,165,168,173,176,176,176,178,181,176,170,172,173,176,186,196,191,170,123,121,121,123,165,170,173,173,173,176,178,178,173,170,168,125,121,125,170,173,173,168,115,96,94,99,103,105,113,121,168,170,123,117,114,113,114,113,111,111,119,173,186,194,196,199,202,204,196,84,101,125,176,191,202,204,189,178,181,178,176,178,183,191,196,196,189,178,178,186,194,196,196,196,194,186,176,125,123,127,178,183,191,196,202,204,204,204,199,181,121,121,181,186,168,117,121,168,173,170,125,117,114,115,123,173,183,186,178,170,127,168,173,173,170,125,125,170,178,186,194,194,189,189,191,196,202,202,199,196,186,177,176,181,181,174,174,178,178,133,125,118,121,183,199,202,196,189,187,191,194,191,186,189,194,196,196,194,191,191,191,194,199,202,199,196,194,194,191,189,194,199,194,189,191,189,129,123,124,129,173,176,178,183,186,178,131,129,129,129,129,173,176,183,186,186,186,183,186,199,202,196,191,189,186,183,178,174,178,183,186,189,189,186,186,186,191,194,189,181,129,119,113,107,99,93,94,103,170,170,125,178,196,204,204,202,194,181,173,170,173,173,170,127,127,170,170,129,173,189,199,194,181,170,127,127,176,181,178,176,170,173,183,194,194,183,176,173,170,127,127,170,176,178,173,172,173,176,178,183,189,189,186,186,191,194,191,181,176,181,181,176,176,133,132,133,178,183,181,179,183,189,189,189,191,194,202,204,196,181,186,199,199,196,199,194,183,173,173,178,186,191,199,199,194,186,176,123,106,123,181,178,178,178,117,111,123,181,194,194,183,177,177,178,173,168,173,181,181,181,181,178,176,170,168,125,121,123,170,173,173,176,178,178,178,181,181,178,170,170,183,191,183,179,183,189,191,189,189,194,199,202,202,199,196,194,186,176,129,128,131,178,189,191,191,189,189,191,196,196,194,191,194,196,194,181,131,131,173,178,181,183,186,189,183,178,131,125,124,127,125,99,75,95,181,181,181,183,189,191,196,204,209,202,186,183,196,204,202,194,196,202,204,196,183,179,181,189,194,194,199,204,204,202,199,196,196,194,189,183,182,186,194,196,183,133,130,130,137,194,196,189,186,137,135,137,191,199,196,195,199,202,204,202,202,202,204,204,202,196,194,199,202,202,202,196,186,131,132,194,202,200,200,202,199,191,186,186,187,191,196,202,204,204,199,191,181,179,191,207,207,204,196,191,186,186,189,191,194,194,191,186,183,186,186,186,191,199,199,191,183,181,181,131,129,191,196,115,111,173,176,176,176,181,181,183,186,186,189,183,133,131,133,133,176,181,183,183,186,196,202,202,199,199,202,202,207,207,207,209,212,212,207,203,204,212,217,217,209,207,207,209,209,204,196,196,202,204,207,202,186,137,134,137,186,196,207,212,217,222,217,217,225,230,230,228,222,207,194,194,202,204,199,191,189,196,207,215,215,209,199,191,191,194,196,194,191,191,189,185,185,185,185,191,202,209,209,209,202,191,137,131,129,130,178,189,191,183,130,126,126,133,191,202,204,204,202,196,196,191,183,177,177,178,183,186,189,186,186,186,194,199,199,199,196,191,189,186,189,186,183,181,181,178,181,181,183,181,178,178,181,186,191,196,196,191,186,183,183,183,183,181,178,176,127,124,124,129,173,173,173,173,173,173,176,176,178,178,178,181,181,178,173,129,173,183,189,189,189,186,186,186,183,181,178,178,178,178,181,181,181,178,179,181,181,181,191,202,199,191,186,185,181,182,196,199,194,191,196,204,212,212,207,204,207,209,207,204,207,209,209,207,204,199,189,134,132,137,191,194,191,191,191,191,191,194,196,196,191,186,183,183,183,181,176,172,172,176,176,176,129,123,123,129,176,178,178,181,186,189,189,194,202,204,202,194,189,191,196,202,199,194,178,119,117,129,189,191,183,183,189,194,196,181,117,115,121,119,44,38,183,189,125,125,129,189,183,123,123,173,173,183,204,123,102,121,191,196,195,196,194,186,182,183,186,181,181,189,189,137,131,133,137,183,191,194,196,202,202,204,204,202,202,199,196,194,196,199,199,196,194,191,196,204,202,194,191,194,194,194,196,204,207,207,207,204,199,191,189,189,194,196,196,194,194,194,199,204,207,209,212,207,204,204,199,196,194,191,191,194,199,202,196,189,135,133,135,137,189,196,199,194,191,186,137,131,133,183,191,196,199,199,204,207,207,204,196,194,194,194,194,194,194,196,202,204,207,204,202,202,202,204,204,204,202,196,191,191,194,199,199,199,196,194,189,189,196,202,204,202,202,204,207,207,204,199,199,204,202,202,199,199,199,204,207,207,204,202,202,202,202,204,209,215,215,209,208,209,215,217,212,207,207,215,215,209,202,196,199,204,204,202,194,191,190,194,199,207,212,212,209,209,212,212,207,199,196,194,196,202,204,196,141,138,141,141,139,186,191,194,196,202,207,209,209,212,212,212,209,207,207,204,204,204,202,196,191,191,196,202,204,204,207,209,207,204,207,209,209,207,199,191,191,196,202,196,194,196,204,207,207,202,199,194,191,191,194,196,199,204,204,207,204,199,194,189,189,189,194,196,199,196,196,196,199,204,207,204,202,204,207,209,207,204,204,204,204,207,207,207,202,196,194,194,196,196,196,196,199,199,202,207,207,204,202,202,202,202,199,194,189,191,199,207,209,212,209,204,202,202,204,207,209,207,202,199,196,196,196,196,194,194,194,194,194,191,191,186,137,133,133,137,189,191,189,142,142,142,189,194,196,194,194,196,204,212,217,217,217,225,225,222,217,215,212,207,207,207,209,212,215,217,215,209,209,209,209,209,209,207,202,196,196,199,199,196,194,199,202,199,202,207,209,212,212,212,209,189,129,127,129,129,127,121,117,118,127,183,189,186,186,186,183,178,181,189,181,121,120,121,113,109,107,107,103,95,85,101,170,186,186,119,73,53,59,99,107,125,173,170,170,176,181,183,189,194,202,207,209,212,220,225,225,222,218,220,222,225,228,225,222,220,209,196,145,141,139,194,212,217,217,217,215,212,207,202,202,215,225,228,225,228,233,235,233,228,228,225,222,215,215,215,215,212,212,212,212,212,0,225,230,233,235,235,235,0,0,0,0,0,0,0,0,243,251,254,0,0,0,0,0,0,0,0,0,251,228,202,199,215,0,217,212,209,209,212,217,230,235,235,230,225,222,222,0,0,0,0,0,0,238,233,222,209,196,186,178,168,0,0,173,173,176,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,241,209,191,186,189,194,194,183,170,0,0,0,150,0,0,0,0,255,255,220,207,204,202,0,0,0,0,0,0,0,0,160,173,176,165,0,0,0,0,0,0,0,0,0,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,204,196,186,181,178,168,0,160,159,163,163,163,163,157,150,111,111,160,191,215,222,225,228,225,212,196,186,183,186,194,196,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,173,165,155,150,148,152,160,168,170,178,189,194,194,191,191,189,183,176,123,113,114,123,125,121,117,123,165,121,113,115,125,125,120,123,165,173,181,178,173,173,173,165,117,117,165,176,186,194,196,183,168,119,119,170,196,204,202,204,204,202,196,191,178,170,168,168,170,168,165,163,160,150,113,49,45,41,27,20,23,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,168,79,0,0,0,0,0,0,0,0,5,189,196,121,100,134,152,147,142,138,142,160,170,173,176,186,194,189,142,142,178,189,194,191,173,110,112,115,114,117,163,160,157,163,173,163,138,139,155,168,170,170,165,152,157,165,157,111,105,102,102,109,113,113,150,150,150,150,150,155,157,155,152,163,173,168,115,107,111,115,115,115,117,163,173,173,165,157,117,117,115,117,160,165,163,157,119,117,117,118,163,168,170,181,186,178,163,163,168,170,170,165,117,109,121,170,168,103,81,88,163,160,170,183,191,202,199,121,76,79,160,186,199,196,168,112,115,173,186,176,163,118,118,163,165,165,163,115,110,110,111,111,115,125,170,123,99,91,99,115,127,181,183,186,189,194,199,204,204,204,199,194,194,194,199,202,202,202,199,196,196,202,220,202,17,11,155,202,209,222,178,61,64,183,186,189,194,196,194,186,176,165,170,186,189,97,83,70,78,105,111,109,109,157,160,165,163,153,152,152,153,160,168,168,160,150,87,28,32,91,107,89,51,103,186,199,199,45,43,79,142,160,170,139,37,0,0,33,139,152,183,163,150,150,155,160,147,168,176,178,178,181,186,186,183,178,181,183,186,189,191,186,165,89,87,50,34,56,109,101,81,79,62,56,63,71,47,30,71,93,89,55,39,51,119,117,106,107,109,102,102,178,168,93,117,173,178,160,155,159,170,173,165,121,119,113,110,111,117,121,119,119,121,121,121,119,119,123,165,123,119,119,119,163,173,189,196,189,173,173,181,181,168,168,173,170,121,119,121,111,100,100,109,119,123,125,170,183,191,186,176,176,176,181,183,189,189,183,176,172,176,178,178,181,183,176,125,118,117,119,165,176,183,183,178,170,168,168,165,165,165,125,121,118,119,123,165,168,168,121,103,101,127,170,127,127,127,123,121,125,119,115,115,117,117,115,115,127,183,194,199,199,199,202,204,199,115,117,176,196,207,204,199,194,196,204,196,191,194,191,191,196,199,189,168,123,129,186,194,194,189,186,181,176,129,125,124,123,127,178,194,202,207,207,207,204,186,121,119,178,186,173,121,123,173,181,181,173,123,114,112,119,168,181,183,178,170,170,178,189,189,178,127,125,170,178,183,194,194,194,191,191,196,202,202,202,196,186,177,178,183,183,181,181,181,176,127,119,115,118,183,202,204,199,189,187,189,191,189,186,186,189,194,196,194,191,190,191,192,196,199,196,191,191,191,189,186,191,199,196,196,196,189,131,124,122,121,122,131,183,194,196,186,176,173,129,125,127,131,178,186,189,194,194,178,176,196,199,191,186,186,186,183,178,178,178,178,181,183,181,181,181,181,183,183,186,183,176,125,113,105,100,98,107,127,183,178,170,181,191,191,194,194,196,191,183,176,176,178,176,170,176,189,191,183,127,181,194,186,170,127,126,128,181,186,183,181,176,178,186,191,186,178,176,176,173,127,126,170,181,181,173,169,170,173,178,186,189,189,186,186,189,191,186,178,133,176,133,132,132,132,132,133,183,189,183,181,186,191,194,191,194,196,202,199,176,108,109,176,189,194,194,189,178,170,170,176,183,191,199,199,194,181,176,176,173,194,199,191,186,173,101,103,119,181,196,196,183,174,174,181,186,178,178,183,186,186,183,176,173,173,170,127,125,168,170,170,168,170,173,181,183,178,173,127,126,170,189,194,186,181,183,186,183,178,178,186,199,207,209,207,204,199,191,178,128,127,129,176,186,189,189,186,186,191,196,194,194,191,191,194,191,181,131,130,173,181,181,183,191,191,181,176,131,124,124,127,129,99,67,90,178,176,174,178,189,196,199,202,204,196,181,178,191,204,204,196,196,199,202,196,189,183,186,194,196,194,194,199,196,196,194,194,194,191,186,182,182,186,191,191,183,135,131,129,133,194,196,189,186,137,135,139,194,202,196,195,196,199,202,199,199,202,207,207,204,199,199,202,204,204,202,194,133,128,132,199,204,202,202,204,202,191,187,187,189,191,196,202,202,202,196,191,186,189,202,209,209,204,199,194,191,191,194,194,194,191,186,176,133,181,183,183,183,191,194,186,183,186,183,131,129,186,191,123,121,131,131,173,178,183,183,181,178,181,183,181,131,131,133,131,176,183,189,191,194,199,207,207,207,204,202,202,207,207,209,212,215,215,209,204,204,207,212,215,212,209,207,207,209,204,199,199,202,204,204,199,186,186,186,139,139,191,207,217,222,222,217,220,225,230,230,225,215,202,192,194,202,202,196,194,191,199,207,212,209,202,194,191,196,202,202,196,194,194,194,189,186,186,189,196,202,207,209,207,199,186,135,133,135,135,135,178,186,186,183,178,181,191,202,207,209,212,209,204,199,191,181,177,178,181,183,186,189,186,183,183,191,196,199,196,194,191,189,186,186,186,183,181,181,178,178,178,178,176,176,181,186,189,191,194,196,191,189,186,183,181,178,176,173,173,129,126,125,127,170,170,129,129,129,170,173,176,178,178,176,173,173,129,125,123,127,176,183,186,189,189,191,189,186,183,181,181,181,181,181,186,186,183,183,183,183,186,191,199,202,199,196,186,169,165,186,196,191,189,190,199,207,209,209,207,207,207,207,204,207,207,207,202,199,196,191,137,134,137,186,189,183,186,191,191,191,194,199,199,194,189,183,181,178,173,172,172,173,176,173,173,170,127,125,129,178,181,181,183,186,189,189,191,199,204,199,194,191,194,196,196,194,186,131,112,110,123,189,191,183,182,183,186,183,173,121,117,119,119,123,123,189,186,178,181,189,194,186,125,125,176,173,131,176,119,116,131,196,199,195,196,202,194,186,186,183,179,179,183,183,133,129,133,183,191,199,204,207,209,209,209,209,204,199,199,196,194,194,196,194,191,191,189,194,204,202,194,189,191,191,189,194,199,204,204,204,204,202,199,196,194,196,199,202,199,199,202,204,207,207,207,209,207,207,207,204,199,196,194,194,196,202,199,189,137,131,131,131,133,183,194,199,202,196,186,139,183,189,191,194,194,196,202,207,207,204,199,192,191,192,192,194,196,199,202,204,207,207,202,199,199,202,204,204,207,204,194,186,183,189,194,196,196,196,199,202,202,204,207,207,204,196,196,196,196,191,186,186,189,189,194,196,199,204,209,215,215,204,202,202,202,202,204,209,212,212,209,209,212,215,215,209,204,204,212,215,207,196,195,199,207,204,196,190,189,190,191,196,204,209,212,212,215,215,209,204,199,196,194,194,199,204,199,186,138,139,139,139,186,189,191,194,202,207,209,209,212,212,212,209,207,207,204,202,199,196,194,189,187,191,199,202,204,209,212,209,207,207,207,204,199,194,189,190,196,199,196,192,194,204,209,209,204,196,191,191,191,194,194,196,199,202,204,204,199,194,189,189,189,189,194,199,199,196,194,194,194,196,199,202,204,207,207,204,204,204,204,204,207,209,209,207,202,194,194,196,196,196,196,199,199,202,207,209,207,204,204,204,199,194,186,183,185,189,199,204,204,204,199,196,199,204,207,207,207,204,202,202,199,196,194,191,191,194,191,189,186,186,186,141,135,135,141,194,199,194,189,143,143,191,194,196,196,196,199,207,215,217,217,217,222,222,217,217,215,212,209,207,207,207,212,215,215,209,207,207,209,212,212,212,209,207,204,202,202,199,194,191,194,199,202,204,207,209,212,215,220,217,202,181,133,133,129,125,119,117,119,131,183,189,186,189,194,191,189,191,199,196,181,168,125,119,113,117,163,119,87,77,91,163,183,191,189,119,55,33,19,67,113,170,173,125,124,173,196,204,207,207,212,220,225,228,228,225,222,218,217,220,225,225,222,220,217,209,202,194,139,133,134,199,212,215,217,217,215,209,204,200,209,225,230,228,228,230,235,233,230,230,230,228,222,217,217,222,217,215,217,217,217,0,0,233,235,238,238,238,0,0,0,0,0,0,0,235,241,246,251,0,0,0,0,0,0,0,0,0,0,235,212,207,0,0,215,209,207,204,202,207,220,230,233,230,228,225,225,225,228,230,230,0,0,230,222,209,199,191,183,178,170,168,0,0,170,178,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,238,215,199,189,183,186,191,189,178,165,157,0,152,155,0,0,0,0,255,255,220,209,209,0,0,0,0,0,0,165,152,0,152,160,163,157,0,0,0,0,0,0,0,0,207,228,238,246,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,199,191,181,181,181,178,170,163,160,163,160,157,155,155,147,109,0,155,183,209,225,233,235,230,215,196,186,185,186,191,194,194 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,163,165,155,150,150,152,160,160,160,168,181,189,194,191,189,183,176,168,115,111,113,123,125,119,115,119,119,113,107,103,113,121,119,121,165,178,189,189,178,168,123,115,112,114,121,176,191,196,194,186,165,115,115,168,189,196,199,207,212,209,202,191,176,168,168,168,170,168,163,155,139,81,53,42,43,53,85,90,82,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,79,0,0,0,126,139,144,140,140,147,157,163,173,189,194,191,160,152,176,191,194,189,170,160,163,157,115,157,168,160,157,160,163,152,142,143,152,163,163,160,155,151,160,168,150,105,103,103,107,150,150,147,150,152,150,148,150,150,147,146,150,168,178,170,109,103,106,152,155,117,115,117,160,160,117,113,112,113,113,115,160,165,165,160,121,119,119,121,165,168,170,178,186,176,160,121,165,170,168,160,116,115,191,196,199,191,82,73,89,160,178,191,196,202,202,178,93,79,165,194,204,202,115,106,117,189,199,189,176,163,119,121,119,163,165,121,113,115,117,117,117,125,173,173,117,109,117,173,186,191,189,186,189,196,202,202,199,196,194,192,192,196,202,204,204,204,202,196,195,199,222,235,89,69,168,202,212,222,212,71,67,111,152,152,155,163,168,173,173,170,173,181,191,163,91,67,82,111,113,105,101,109,105,157,170,163,150,148,160,173,173,170,168,163,147,83,91,157,85,25,49,194,199,196,183,45,49,139,163,178,186,186,165,41,0,0,35,95,168,173,155,148,153,165,176,189,194,194,191,183,181,181,176,174,178,186,189,189,191,194,183,157,155,105,89,178,196,168,105,85,66,64,77,85,49,31,68,85,97,107,54,52,115,165,165,119,119,121,160,173,168,113,163,176,178,163,157,165,173,176,173,165,160,117,112,111,113,119,163,163,160,121,120,119,120,163,168,165,123,119,123,173,191,204,209,202,186,183,189,186,176,176,181,176,123,119,119,109,100,100,109,119,125,173,183,194,202,199,189,178,178,186,196,204,202,186,176,176,181,183,181,173,165,123,121,118,117,121,173,183,189,189,183,170,165,124,124,125,165,125,119,117,117,119,125,170,178,189,194,196,199,196,191,186,168,117,113,117,115,113,114,117,121,123,127,178,191,199,202,199,199,202,204,202,183,127,181,202,207,204,199,196,194,196,189,189,189,181,183,194,196,189,170,119,118,129,181,183,178,173,173,170,129,125,123,121,123,168,181,196,204,204,204,202,189,125,119,165,173,168,125,168,178,189,189,183,173,121,115,119,125,170,176,178,178,183,194,204,202,189,170,125,170,178,183,191,196,194,194,194,196,199,202,199,191,183,181,183,189,191,191,189,186,133,125,118,116,119,183,199,204,199,191,189,189,191,189,183,183,183,189,194,196,194,194,194,196,199,196,191,186,186,189,186,181,189,196,199,199,196,186,176,173,125,119,120,131,191,199,199,189,181,176,129,121,121,129,178,189,194,199,196,120,115,186,191,186,183,183,183,181,176,174,174,176,178,178,176,174,176,178,178,181,181,183,181,170,117,109,107,111,119,125,170,170,129,176,181,183,186,191,196,196,189,181,178,181,178,176,181,194,194,176,114,125,178,176,129,128,129,176,186,186,183,181,181,183,186,183,178,174,176,176,173,127,127,170,183,183,176,172,172,173,178,183,186,186,186,183,183,183,181,176,133,176,176,133,133,176,133,178,183,191,186,181,186,194,196,196,196,199,204,199,127,106,106,117,178,189,194,196,191,178,173,173,183,194,199,196,181,121,125,186,194,204,209,204,194,117,81,95,111,165,191,196,186,176,176,186,194,186,181,183,186,186,183,176,168,125,123,125,176,183,178,173,168,127,170,181,183,176,129,127,129,181,189,186,178,181,186,186,181,176,176,183,199,207,212,209,204,202,196,178,127,126,129,176,178,178,181,181,181,191,199,199,196,191,191,194,194,186,133,130,173,181,181,183,191,191,181,176,131,127,127,127,176,125,81,121,178,174,173,178,189,194,194,189,183,128,126,133,194,204,202,196,194,194,196,196,194,191,194,199,196,189,189,189,189,191,194,194,194,189,183,182,183,189,191,189,189,137,131,131,181,194,191,183,137,136,136,183,196,202,199,196,196,196,199,199,199,204,209,212,209,204,204,207,207,204,202,194,124,123,133,202,207,204,207,207,204,194,189,191,194,196,202,204,199,196,191,185,186,196,204,209,209,204,202,199,196,196,196,194,189,183,176,128,128,176,178,178,178,186,189,186,186,191,183,131,131,183,186,129,125,125,124,131,183,186,186,181,178,176,178,176,129,130,131,130,133,183,191,194,196,202,207,212,209,204,202,202,202,204,204,209,212,215,215,212,204,204,209,215,215,212,209,207,204,202,202,202,202,202,199,196,191,191,191,141,139,191,207,217,222,217,215,217,225,228,228,225,215,199,192,196,202,199,196,196,196,202,207,209,207,199,194,191,199,204,204,196,194,196,199,196,191,194,196,199,202,204,207,207,199,189,181,181,183,137,127,123,178,189,194,196,202,207,209,209,212,215,212,207,196,186,178,178,183,186,186,186,189,186,183,182,186,194,199,196,191,191,189,189,189,189,189,186,183,181,181,178,178,176,176,181,186,189,189,191,194,191,189,186,183,181,176,173,172,173,173,129,127,127,129,127,126,126,127,170,176,181,183,181,176,170,129,127,122,121,122,127,178,181,183,189,189,189,183,181,181,181,181,178,181,183,189,189,186,186,186,189,191,196,199,202,199,189,163,160,186,199,191,189,189,194,204,209,209,207,204,204,204,204,204,204,202,196,196,199,194,181,134,135,181,178,135,178,186,191,194,196,196,196,191,186,181,178,176,172,172,176,181,181,176,170,129,127,127,129,173,178,181,183,186,189,191,191,196,199,196,194,191,191,191,189,186,181,125,110,108,119,183,189,186,186,186,186,183,178,129,121,119,123,129,170,170,173,178,189,191,189,183,176,173,178,173,129,129,121,125,133,196,202,199,202,209,204,191,189,186,181,181,181,181,133,130,181,194,202,207,207,207,209,209,209,207,199,196,196,196,194,194,194,189,186,189,189,194,204,202,194,189,189,189,141,186,196,204,207,204,204,204,204,202,199,202,202,202,204,204,207,207,204,204,202,202,199,199,202,202,199,196,194,194,196,199,196,186,135,133,132,131,133,183,199,204,204,202,194,186,186,194,196,196,196,202,204,207,207,202,196,192,192,192,192,194,199,202,204,204,204,204,199,196,196,199,204,204,204,194,183,135,135,183,189,191,191,194,204,212,212,215,215,212,207,199,191,186,186,186,139,137,136,139,186,191,196,204,212,212,209,202,202,204,204,204,207,209,209,207,204,204,207,209,209,207,204,207,212,215,209,202,196,202,209,204,199,194,191,190,190,194,202,207,207,209,212,212,209,204,199,194,192,192,196,202,199,191,141,141,139,186,191,191,189,189,199,209,212,209,212,212,212,209,207,207,207,202,194,191,191,189,187,189,196,199,204,207,212,209,207,204,202,199,196,190,189,190,196,199,194,191,192,202,209,209,202,196,194,191,191,194,194,194,194,199,202,202,196,191,189,189,189,189,189,191,194,196,196,191,187,187,191,199,204,207,204,204,204,207,204,202,202,204,207,207,202,194,192,194,196,199,202,202,202,204,207,207,207,207,204,199,194,189,186,183,185,189,196,202,202,199,194,192,196,202,204,204,204,204,207,207,204,196,191,191,191,191,186,140,139,140,186,186,137,137,189,199,204,202,194,189,189,191,194,194,194,196,202,209,217,217,215,215,215,217,215,212,212,209,209,207,204,204,207,209,209,207,204,204,207,209,209,209,207,207,204,202,196,191,189,186,186,191,199,202,204,204,209,215,217,215,204,194,186,181,133,125,119,118,121,133,183,186,186,191,196,199,196,196,202,202,194,181,173,165,121,163,173,163,95,80,91,113,173,191,204,207,189,51,16,61,105,170,176,127,121,125,202,212,212,212,215,220,225,228,228,228,228,222,218,222,228,228,220,215,209,202,199,194,139,133,134,147,207,217,225,222,217,212,209,204,212,228,235,235,230,230,233,230,233,235,235,233,230,228,225,228,225,222,222,222,225,0,0,235,238,241,241,0,0,0,0,0,0,0,0,235,238,241,246,0,0,0,0,0,0,0,0,0,0,235,217,209,0,0,0,209,202,194,186,189,202,217,228,228,228,225,225,225,225,225,225,0,0,228,215,196,186,183,181,176,173,0,0,0,0,178,0,0,0,0,0,0,0,0,0,0,255,255,254,243,233,217,202,194,189,183,183,183,183,173,0,152,157,163,0,0,0,0,0,255,255,233,209,202,196,0,0,0,0,0,186,163,0,0,150,155,152,0,0,0,0,0,0,0,191,202,217,228,235,246,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,186,181,183,189,194,183,168,163,160,155,152,152,155,150,109,107,113,165,196,225,235,238,230,215,199,189,186,189,194,194,192 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,147,152,163,160,152,152,160,165,163,159,159,168,181,186,186,178,173,168,160,117,114,117,123,121,115,115,121,119,112,104,91,108,165,168,178,186,194,204,199,183,168,121,115,113,116,165,178,191,196,191,181,117,105,107,123,176,183,189,196,204,204,199,186,170,163,165,168,168,168,160,147,124,63,42,40,47,92,126,134,111,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,150,147,142,142,144,152,170,191,196,191,163,148,168,189,191,178,157,157,170,160,111,115,155,152,115,115,152,152,152,150,152,160,160,160,157,152,163,168,111,101,101,107,155,160,152,111,150,155,155,155,157,155,147,146,152,165,173,165,109,103,106,152,160,155,114,113,115,117,112,110,111,113,113,115,119,160,157,119,119,160,160,165,170,170,168,168,173,163,117,119,168,173,165,117,114,165,202,202,209,233,107,57,56,117,181,194,199,199,196,178,97,53,115,183,196,191,109,105,163,196,204,199,194,178,115,114,116,123,178,191,181,163,119,117,117,121,170,176,168,123,170,186,199,199,191,186,191,199,204,202,196,194,192,192,194,199,204,209,212,209,204,199,195,194,209,228,97,85,157,199,209,215,215,97,55,83,89,81,81,87,105,168,183,186,178,160,160,155,105,83,160,160,155,101,77,69,41,95,165,189,153,152,176,178,157,152,156,173,181,186,191,204,25,0,31,199,196,189,170,66,144,207,199,204,202,202,217,222,35,0,31,93,152,183,170,163,170,176,183,189,194,196,196,191,183,181,174,176,186,196,199,194,191,186,173,113,117,113,155,191,194,176,157,109,155,178,178,173,111,71,101,157,170,196,117,87,113,163,163,157,160,176,173,163,121,121,168,178,181,173,173,178,178,178,173,163,119,117,115,113,113,160,173,168,160,120,120,121,123,165,170,165,121,121,163,176,191,204,207,199,189,186,186,183,176,176,181,178,163,123,163,163,117,115,121,117,123,176,191,202,204,202,194,183,178,186,202,212,207,183,170,181,186,194,191,170,115,115,121,121,119,125,173,181,186,186,181,170,125,125,125,165,170,165,121,118,118,121,168,176,186,199,207,207,207,204,204,199,178,119,113,111,113,115,117,119,121,123,129,181,194,199,202,202,199,202,207,207,196,123,168,196,194,196,196,189,173,123,127,176,176,170,176,189,196,194,183,127,116,115,123,129,127,127,127,129,129,129,129,129,127,168,176,186,194,196,191,183,178,123,113,111,115,119,123,170,183,191,189,183,178,173,165,121,117,119,127,178,189,196,204,209,209,194,170,125,129,176,181,189,194,194,194,194,196,199,199,191,186,181,183,186,191,196,199,196,191,178,127,121,118,125,183,194,199,196,194,191,191,189,186,183,183,183,186,194,202,202,202,204,204,202,196,189,183,181,183,176,173,181,194,199,199,191,181,176,178,173,122,122,173,191,196,194,186,178,173,125,115,115,125,178,189,196,202,199,109,103,133,183,183,181,183,186,178,174,173,174,178,178,178,176,176,178,183,183,183,183,186,186,178,125,113,109,113,119,117,121,127,127,170,178,181,186,194,199,199,194,183,178,181,178,176,181,189,176,109,108,115,127,173,173,178,183,183,186,183,178,178,183,186,183,178,176,178,178,181,178,176,173,173,178,183,178,173,173,176,178,181,183,183,183,181,178,178,176,131,131,178,181,178,178,178,178,178,183,189,183,179,183,196,196,194,194,199,204,199,173,111,109,115,178,186,194,202,204,191,176,129,176,189,194,186,116,102,111,183,194,202,207,204,199,105,81,101,109,119,178,191,186,178,181,189,196,189,183,183,186,186,186,178,168,123,121,125,189,199,194,183,173,127,129,173,173,170,127,129,176,183,183,178,174,181,191,189,181,176,177,189,202,207,207,202,199,202,196,183,129,128,131,176,129,129,133,178,181,194,204,204,202,194,194,196,199,191,178,131,131,178,178,181,189,191,181,176,131,173,176,131,178,183,119,191,181,174,173,181,189,191,186,181,131,122,120,133,196,202,199,196,189,189,189,194,194,194,196,199,199,191,189,189,189,191,199,199,196,189,182,182,189,196,199,196,196,183,133,135,191,196,189,136,135,135,137,186,196,202,202,199,195,195,196,199,202,207,212,215,212,207,207,207,209,207,204,196,117,121,135,202,204,204,207,209,204,196,191,194,199,199,204,204,196,191,186,183,186,199,207,209,212,207,204,202,202,202,196,189,181,176,131,128,128,133,176,133,178,189,191,189,191,194,183,130,131,183,183,173,129,125,124,176,186,189,189,183,181,178,176,133,130,130,130,130,133,183,194,196,199,199,204,209,209,204,199,196,199,199,202,202,207,212,217,217,207,202,204,212,217,215,209,204,199,199,199,199,202,199,199,196,196,196,191,186,186,194,204,209,215,212,212,217,225,228,225,225,217,204,199,204,204,202,199,199,199,202,207,209,207,202,196,194,199,202,199,192,192,196,202,199,199,202,202,202,202,202,204,204,199,189,183,181,137,127,115,114,135,191,199,204,209,212,209,207,212,212,207,199,186,178,178,183,189,189,189,189,186,183,183,183,189,194,196,194,191,191,189,189,189,189,191,189,189,186,183,181,181,178,176,178,178,178,178,183,189,191,189,186,183,178,176,173,173,176,173,170,170,170,129,127,126,126,129,170,176,181,186,183,176,170,127,125,123,121,121,122,129,176,178,183,186,186,181,178,179,181,181,178,177,178,181,183,186,186,186,189,189,191,196,199,196,186,168,165,199,204,194,190,189,194,202,207,207,204,202,202,204,202,199,199,196,194,196,199,194,181,133,133,134,134,134,135,183,189,194,196,194,189,183,178,178,176,176,173,176,181,186,183,176,170,127,127,125,125,129,173,176,181,186,191,194,196,194,194,191,189,191,189,189,186,183,178,125,114,113,125,178,181,189,196,196,194,189,186,181,127,123,170,176,178,170,165,166,178,191,191,186,189,189,189,186,183,183,129,125,131,194,202,202,204,209,207,196,191,191,189,186,186,186,181,137,191,199,202,202,199,196,199,204,207,202,194,191,194,196,196,194,189,183,139,186,189,196,202,202,196,194,189,186,139,141,194,209,207,202,202,204,204,202,202,204,204,204,207,207,207,204,202,199,196,195,194,195,196,196,196,196,194,192,194,196,194,186,137,137,135,133,139,194,204,204,202,204,202,191,186,191,196,202,202,204,207,207,204,199,194,194,194,194,194,194,196,199,202,202,202,202,199,194,194,199,202,204,199,139,131,130,132,139,186,189,189,191,202,215,217,217,217,215,212,204,191,183,185,186,141,136,135,137,186,189,194,202,207,204,200,202,204,207,207,207,209,212,209,202,196,196,199,199,202,204,204,207,212,215,212,207,204,207,209,207,204,199,196,194,191,196,202,204,202,202,207,209,209,207,199,192,192,194,196,199,199,196,191,141,186,191,199,196,189,189,199,209,212,209,209,209,212,209,207,207,207,204,196,194,194,191,187,191,196,202,204,207,207,207,202,196,194,194,194,191,191,194,199,199,194,191,192,199,207,204,199,196,194,194,196,196,196,194,194,199,199,196,194,189,189,189,191,191,189,186,191,196,196,189,186,185,189,199,207,207,204,204,207,207,204,200,199,200,202,204,202,194,192,194,196,202,207,207,204,202,204,204,203,204,204,196,191,189,189,189,191,194,196,199,202,199,194,191,194,196,199,199,202,204,207,209,207,199,194,191,191,189,186,140,138,140,186,186,141,141,189,196,202,199,194,143,143,191,191,191,194,199,207,215,220,217,215,212,212,212,212,209,209,212,209,207,204,204,204,204,204,204,204,204,204,207,207,204,204,202,202,196,189,183,139,137,137,183,189,191,194,199,207,212,215,209,204,202,199,194,183,131,123,121,125,133,183,186,186,189,196,202,196,191,194,199,196,189,181,176,173,168,165,119,103,85,85,93,163,191,204,207,207,194,113,101,105,117,173,176,125,124,178,207,212,212,215,215,220,225,228,230,233,228,220,222,230,230,222,212,204,196,191,191,143,138,141,194,209,225,233,230,225,217,215,215,222,233,243,241,235,230,230,228,230,235,235,235,233,230,228,233,230,228,225,222,225,0,0,235,241,241,241,0,0,0,0,0,0,0,241,238,235,235,241,254,0,0,0,0,0,0,0,0,0,230,215,207,0,0,217,207,196,183,173,173,183,202,212,217,225,228,228,225,225,222,220,217,0,228,212,189,181,181,183,178,176,173,170,0,173,183,194,0,0,0,0,0,0,0,0,255,255,255,243,230,222,209,196,191,191,186,181,181,178,165,0,0,152,0,0,0,0,0,0,255,255,255,209,191,183,0,0,0,0,0,204,178,0,0,142,144,0,0,0,0,0,0,0,0,189,199,207,209,217,230,235,238,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,202,0,0,0,202,189,183,186,199,209,199,176,168,163,155,151,152,155,150,109,103,105,152,181,215,233,235,228,215,204,194,189,191,196,196,192 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,160,152,152,163,163,160,163,170,170,163,160,160,168,176,176,160,155,160,121,121,121,163,173,115,92,109,125,125,117,113,115,125,181,196,202,202,202,204,202,191,178,165,117,117,165,178,186,189,191,186,173,105,99,105,117,125,170,178,189,191,191,186,173,163,161,165,168,168,165,160,147,126,67,42,42,59,105,142,176,124,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,155,150,140,140,140,144,170,189,199,194,160,150,163,181,181,157,107,111,155,110,106,110,115,113,111,113,155,160,152,111,150,157,160,170,173,170,163,150,105,97,87,101,173,181,147,109,144,155,173,186,194,204,152,147,152,160,160,155,111,106,106,113,155,152,114,152,160,155,112,111,113,115,115,112,112,115,115,115,119,163,165,170,168,163,163,121,115,117,117,121,173,178,163,116,115,163,178,194,204,204,183,117,107,121,178,191,194,191,181,85,7,3,113,168,178,173,112,111,176,199,204,204,204,194,121,113,114,170,196,209,202,173,125,119,115,117,123,173,173,170,176,191,199,196,191,191,194,202,204,204,199,196,192,192,194,202,207,212,215,215,209,209,202,195,209,212,79,50,64,176,199,196,160,10,14,28,29,41,79,91,109,183,194,196,189,176,170,157,95,82,93,111,176,109,41,2,0,31,95,165,163,155,155,157,155,153,157,189,199,202,186,186,0,0,11,191,191,183,71,79,194,202,209,209,209,209,212,228,69,27,51,93,147,165,168,176,186,186,181,181,186,194,194,191,183,178,176,181,194,202,202,196,191,189,176,113,112,113,157,178,181,170,160,157,168,178,183,183,178,168,168,176,186,191,176,111,117,165,160,157,168,176,170,163,121,163,173,183,186,186,189,189,181,173,165,121,115,111,113,115,104,117,165,163,121,120,121,163,165,163,123,119,117,121,168,178,183,189,191,183,176,176,178,176,170,170,173,168,122,170,176,176,183,119,111,113,121,178,199,207,204,202,202,194,181,181,196,209,199,165,152,173,191,204,207,115,112,113,121,115,115,123,170,173,178,176,165,113,119,125,168,173,176,173,165,123,125,127,170,178,189,199,204,207,207,204,204,204,194,168,114,113,121,129,127,121,119,119,125,183,194,199,199,199,202,202,204,215,127,115,111,109,170,186,176,107,97,98,121,127,123,121,119,178,196,196,191,186,119,109,112,123,129,129,170,173,178,181,183,178,173,170,176,181,183,176,168,125,123,115,108,107,109,113,119,125,178,189,176,168,176,183,173,123,115,112,115,173,194,202,202,204,212,191,125,125,127,127,176,186,189,191,194,196,194,194,189,181,181,183,183,186,189,194,199,199,191,181,133,129,127,131,181,191,194,194,194,191,189,189,183,182,183,189,191,199,204,204,202,204,204,202,196,191,183,133,127,127,127,129,181,194,191,178,176,173,176,131,125,125,176,191,196,194,181,173,129,117,113,115,123,178,189,199,204,202,109,70,127,181,181,181,189,194,189,178,176,178,178,178,176,178,181,186,189,189,189,189,189,189,183,170,119,115,109,108,111,125,176,176,173,178,186,194,199,204,204,194,181,172,176,181,178,178,173,119,108,111,115,125,178,191,196,194,189,181,178,176,178,186,189,186,178,178,181,183,186,189,189,181,173,176,181,181,178,176,178,181,186,186,183,181,181,181,181,131,128,129,178,183,178,178,178,178,178,183,191,186,179,183,194,194,187,191,199,199,194,183,119,112,117,178,186,189,199,204,191,129,124,127,170,178,168,94,92,120,189,194,194,194,189,93,79,97,107,113,115,173,183,181,178,178,186,191,183,181,183,186,185,186,183,178,170,117,119,194,202,199,199,183,170,127,127,127,127,126,126,173,181,181,178,178,181,189,189,178,181,191,199,202,199,194,191,191,194,191,183,176,173,133,131,128,128,129,176,186,202,207,207,204,196,194,199,202,191,176,130,130,176,178,181,186,186,181,178,176,176,173,176,178,181,183,186,176,173,174,181,189,191,189,183,176,131,131,181,191,196,196,191,186,186,186,189,191,196,199,199,196,196,196,191,189,194,202,204,199,186,181,181,191,202,207,207,202,194,186,189,199,199,189,135,135,137,183,189,194,202,207,199,195,195,196,199,204,207,212,212,212,207,207,207,209,212,212,196,129,128,137,191,191,191,202,209,204,199,194,196,199,199,202,202,194,189,185,185,194,202,207,212,212,207,202,202,204,199,194,183,133,129,129,133,178,176,133,133,178,191,196,196,199,199,189,131,176,183,183,178,176,129,129,176,183,183,181,183,186,181,176,133,133,131,130,133,181,189,194,199,199,202,204,207,207,202,195,195,196,196,199,199,202,209,215,217,207,199,199,207,212,209,204,202,199,198,198,202,202,199,196,196,199,196,194,191,189,191,202,207,207,209,212,217,222,222,222,220,215,212,209,209,207,204,202,199,196,194,199,207,209,204,196,196,196,196,194,192,196,202,202,202,204,207,204,202,199,199,202,199,194,183,137,137,127,101,102,123,183,196,202,204,209,209,204,204,207,207,202,191,183,178,181,189,194,194,191,189,183,179,181,186,194,196,194,194,194,191,189,186,185,186,186,186,189,191,189,183,178,178,176,131,125,113,112,125,178,186,189,186,181,176,173,173,176,173,129,129,170,170,170,127,126,127,129,170,173,181,183,181,176,129,125,125,125,125,123,123,125,131,173,178,181,183,181,179,178,181,183,181,178,177,177,178,183,183,186,186,186,189,191,194,196,191,185,189,202,207,202,194,194,196,202,204,204,204,202,199,196,196,199,199,196,194,196,199,194,183,135,134,135,135,135,176,181,183,189,191,186,178,173,173,173,176,176,170,173,181,186,183,178,170,127,125,124,125,127,170,173,178,183,191,196,199,196,189,181,183,186,189,189,186,183,178,127,121,123,129,176,178,189,202,207,199,194,194,189,183,178,178,181,183,178,168,166,173,181,181,176,186,194,196,204,207,191,119,110,127,183,191,199,204,207,204,199,196,196,196,189,189,191,189,191,191,191,191,191,186,189,194,202,204,199,191,189,191,194,194,189,183,136,136,183,194,199,202,204,204,202,194,186,141,139,186,196,202,199,199,202,204,202,200,204,207,209,209,207,207,204,202,202,196,194,195,196,199,199,199,199,196,194,196,196,194,189,139,139,139,139,189,202,207,204,200,204,202,194,189,191,196,204,207,207,207,207,202,194,191,191,194,199,196,194,194,196,202,202,202,199,194,194,194,194,199,202,194,133,130,131,135,183,186,186,189,194,199,207,212,215,217,215,212,204,186,182,185,186,183,137,136,141,189,191,194,199,202,202,202,202,202,204,204,207,209,212,209,196,191,191,194,194,199,199,199,204,209,212,209,204,207,209,209,209,204,199,199,199,199,202,204,202,200,200,204,209,209,204,199,194,194,196,199,204,204,202,191,140,141,194,199,199,194,194,202,209,207,204,204,209,212,209,209,207,207,207,204,199,196,196,194,194,196,202,204,204,204,202,196,192,192,194,196,199,199,199,199,199,194,192,192,199,202,202,199,194,191,194,199,204,202,199,199,199,199,196,191,189,189,191,194,194,189,186,189,191,191,189,189,191,194,199,207,207,204,203,204,207,202,199,199,202,202,202,196,194,194,196,199,202,204,204,204,204,204,203,203,204,204,199,194,194,194,196,199,196,194,196,199,199,194,192,194,196,196,196,202,202,204,207,209,204,196,194,191,189,189,186,141,141,186,186,186,189,186,189,194,194,143,141,143,191,194,196,202,209,215,217,222,222,217,217,215,212,209,209,212,212,215,215,209,207,204,204,199,199,199,202,204,204,202,202,202,196,191,186,186,183,136,135,135,139,183,183,189,199,204,209,212,212,207,204,207,207,199,183,133,127,127,133,178,183,183,186,194,202,191,181,181,189,191,191,189,189,181,173,121,109,93,81,73,49,93,178,194,199,202,199,183,165,115,115,125,173,125,129,125,189,204,212,212,215,222,225,228,228,233,228,212,212,228,233,225,215,204,145,143,191,202,207,207,209,222,230,235,235,233,230,228,222,228,235,243,241,233,228,225,225,228,233,235,235,233,228,228,233,235,230,222,217,225,228,0,0,241,0,0,0,0,0,0,0,0,248,246,241,238,238,243,251,0,0,0,0,0,0,0,0,0,0,207,202,0,0,0,204,186,170,0,0,176,189,202,212,222,230,233,228,225,225,222,217,225,228,209,191,183,183,186,181,178,176,173,176,181,189,196,0,0,0,0,0,0,0,255,255,255,254,238,228,215,207,196,191,0,183,183,181,176,165,0,150,0,152,0,0,0,0,0,255,255,255,212,191,183,173,0,157,0,0,217,199,170,147,0,0,0,0,147,0,0,0,0,0,202,202,199,202,204,209,217,233,238,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,199,202,209,215,207,194,181,181,199,212,204,189,178,168,160,155,152,152,150,109,101,98,0,165,199,222,230,228,217,207,194,187,189,196,196,194 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,170,144,139,150,163,168,173,176,173,168,160,160,160,163,163,153,116,118,121,163,165,165,168,109,88,101,170,176,176,176,178,181,189,202,207,204,202,202,196,189,181,173,121,123,176,186,189,186,181,178,168,115,107,115,121,121,121,165,173,176,176,173,165,160,161,168,173,170,165,157,147,131,105,55,61,98,118,150,155,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,147,152,144,140,140,150,165,189,191,173,150,150,165,173,165,152,110,144,111,107,108,152,155,111,109,150,173,176,152,103,105,147,155,176,183,178,157,101,95,85,35,77,178,183,105,102,107,152,178,194,196,189,105,109,111,111,152,152,111,107,107,107,111,115,152,160,168,165,157,155,157,155,115,110,110,115,157,119,157,160,165,165,111,105,117,113,105,111,119,163,178,183,170,119,116,117,165,181,191,196,189,178,163,160,170,183,186,178,89,0,0,7,163,176,181,173,119,119,183,199,204,207,207,202,181,117,114,168,194,212,207,181,165,121,117,115,119,168,168,125,127,183,194,194,194,194,199,204,207,204,202,196,194,192,194,202,207,212,212,215,215,215,215,207,207,189,69,0,28,87,165,105,39,0,0,14,32,73,105,163,189,202,202,204,202,196,194,183,97,67,59,85,168,157,57,22,21,43,75,152,163,163,157,157,160,170,189,202,209,199,163,65,0,0,0,39,55,59,55,71,186,204,207,209,204,207,209,176,2,0,57,89,101,144,160,176,186,186,179,179,183,189,191,189,183,176,176,181,189,196,199,196,194,191,181,112,112,117,160,168,168,163,160,163,173,181,186,186,181,176,176,181,189,191,183,168,168,173,168,160,165,168,165,163,160,163,176,189,194,191,191,189,181,173,163,119,115,111,105,101,91,105,119,121,121,121,163,168,165,113,91,95,111,123,168,173,181,183,181,173,168,168,168,168,168,168,165,122,120,165,176,183,165,40,53,109,163,189,204,207,204,204,204,202,178,125,168,181,176,164,160,173,191,207,212,117,113,115,121,107,108,115,125,170,178,168,97,84,96,113,168,181,186,181,173,170,170,170,170,173,181,191,199,204,207,207,207,204,196,176,123,125,129,129,123,119,118,119,125,178,191,194,196,199,202,207,204,117,110,108,101,97,119,170,106,97,99,115,176,123,113,111,113,170,196,199,194,186,125,111,113,125,173,178,181,181,183,186,186,181,173,170,173,181,178,168,120,119,123,119,110,109,110,113,115,117,121,123,119,117,125,168,121,113,112,113,121,176,189,194,194,199,204,186,119,121,125,125,129,176,183,189,191,191,189,178,131,131,176,178,178,176,173,178,186,194,191,181,176,133,131,176,181,189,191,194,191,186,183,183,183,181,183,194,199,199,196,196,199,199,199,196,196,194,183,125,120,124,127,127,129,173,129,127,131,131,131,129,125,125,170,183,191,191,181,173,129,123,115,111,115,183,194,204,204,194,111,77,121,181,181,183,194,199,196,186,183,181,178,176,176,178,183,186,189,189,189,189,189,189,186,176,123,115,107,105,111,170,183,183,176,176,186,196,204,209,207,194,170,169,176,183,183,181,176,129,119,115,119,170,189,202,204,196,186,181,176,176,181,186,189,186,181,183,186,189,191,191,189,181,176,176,186,191,178,131,178,186,191,189,189,186,186,186,186,133,128,130,178,181,176,133,176,176,133,178,189,189,181,181,189,189,189,189,191,186,183,186,173,121,121,173,181,183,191,199,189,129,124,124,124,125,121,116,127,191,196,196,186,181,125,76,71,79,99,109,119,178,181,178,176,170,173,178,178,181,183,186,186,189,194,194,186,113,108,170,194,199,204,189,176,129,127,126,127,127,127,173,178,181,181,183,183,183,181,178,183,189,191,191,189,183,181,181,183,183,181,178,178,176,133,131,129,129,176,194,209,212,207,202,194,194,199,199,186,131,129,129,133,181,181,183,183,183,181,181,178,176,176,178,178,181,181,174,173,176,181,186,189,191,191,186,183,181,183,189,191,191,189,186,186,186,189,191,196,199,196,196,199,196,191,189,194,199,202,196,183,179,181,189,202,209,212,207,202,196,196,202,204,191,137,137,186,189,189,189,199,204,199,195,195,196,202,204,207,209,209,209,209,207,207,209,215,212,196,132,131,137,139,136,139,194,204,204,202,199,199,202,202,202,202,196,189,185,186,196,204,209,212,212,207,199,199,199,196,189,181,129,126,129,176,178,176,131,133,181,191,196,199,199,202,189,173,173,181,186,186,186,176,129,131,178,178,173,181,189,186,178,176,176,131,130,133,183,191,194,199,199,202,204,204,202,199,195,194,196,199,202,202,202,207,212,215,207,199,198,202,207,204,202,202,202,198,198,202,202,196,191,191,194,196,196,196,191,191,199,204,207,209,212,215,217,217,217,217,215,215,215,212,207,202,199,196,191,142,143,196,204,204,199,196,196,199,199,199,202,204,207,209,212,212,209,207,202,199,194,191,186,137,137,135,123,101,100,117,186,199,202,202,207,207,202,199,202,202,196,191,186,183,183,186,191,191,186,183,181,179,181,189,196,196,194,196,196,194,191,185,183,183,183,185,189,194,191,183,178,176,131,127,121,111,108,112,170,181,183,181,176,173,170,170,170,127,125,125,127,129,129,129,129,129,129,170,173,181,183,178,173,129,125,127,129,170,129,127,127,129,131,176,178,181,181,179,179,181,186,186,183,178,177,178,181,183,183,186,189,189,189,191,194,194,194,199,207,209,207,204,202,202,202,204,204,204,199,194,189,189,194,199,196,191,191,194,191,186,181,178,178,178,181,183,183,183,186,183,178,129,128,131,173,173,129,119,117,129,178,183,181,176,170,127,125,125,127,170,176,178,183,189,196,199,196,189,181,178,181,183,183,183,178,176,129,127,127,173,176,178,186,199,204,202,194,194,191,186,181,181,178,183,186,183,181,178,129,115,115,176,191,196,199,194,127,111,111,129,183,191,196,202,204,204,202,199,199,199,191,191,194,189,183,182,183,186,186,186,189,199,207,204,199,194,191,189,189,189,183,137,135,135,183,194,202,202,204,209,209,204,196,189,139,137,186,194,196,199,199,202,202,200,204,209,209,209,209,207,202,202,204,202,199,199,204,207,207,204,202,199,199,199,199,196,189,183,183,186,189,196,207,209,207,200,204,202,196,194,194,199,204,204,204,204,207,204,196,191,191,191,194,194,194,194,196,202,204,204,196,189,186,186,186,191,196,191,135,131,133,183,189,189,189,191,194,194,199,202,207,212,212,209,199,185,183,186,191,186,139,141,191,194,194,196,199,202,202,199,199,199,199,202,202,204,209,207,194,187,189,196,199,199,198,196,199,207,207,204,202,204,207,207,209,204,199,199,199,202,204,204,202,200,200,204,209,209,204,202,196,196,199,202,207,209,204,191,138,139,191,196,199,199,199,204,207,202,199,202,207,209,209,209,209,209,209,204,199,196,199,199,196,196,199,204,204,204,199,194,192,192,196,199,204,202,199,194,196,196,196,194,194,196,199,199,190,189,190,199,204,204,202,202,199,196,194,189,187,189,194,199,199,191,183,183,183,186,191,196,196,196,199,204,204,204,204,207,204,202,200,200,202,204,202,199,199,199,199,199,202,202,202,204,207,207,207,207,207,204,202,199,199,196,199,199,194,190,189,191,196,196,196,199,199,199,199,202,204,204,209,212,207,199,191,189,189,189,189,186,189,191,191,189,189,140,139,141,186,141,143,194,202,204,204,209,212,217,217,217,222,222,222,217,215,212,212,212,215,217,220,215,212,209,204,199,196,196,196,202,199,196,199,199,194,141,140,186,186,137,135,136,183,189,189,191,199,204,209,212,212,209,207,209,209,207,196,181,133,127,126,133,183,189,194,199,202,189,173,129,176,183,189,191,191,186,176,121,103,87,81,75,27,30,87,173,186,189,191,186,173,125,117,114,119,125,125,117,129,191,207,215,222,228,228,225,225,228,217,208,208,217,230,228,220,204,143,140,145,209,220,222,225,230,235,238,238,238,235,233,230,230,235,238,235,228,225,225,225,228,230,233,233,230,230,230,235,235,228,217,217,222,228,230,0,0,0,0,0,0,0,0,0,251,251,248,243,241,241,246,254,0,0,0,0,0,0,0,0,0,0,207,204,0,0,225,204,181,166,0,168,178,189,199,207,217,228,228,225,222,222,222,217,222,225,212,194,183,183,186,183,181,176,176,181,189,194,199,0,0,0,0,0,0,255,255,255,255,248,241,230,217,204,196,0,0,0,0,0,0,0,0,157,0,147,0,0,0,0,238,255,255,255,222,191,183,178,163,157,0,0,215,204,178,0,134,0,0,0,0,0,0,0,0,207,212,207,199,196,196,199,212,233,246,254,255,255,255,255,0,0,0,0,0,0,0,0,0,0,217,209,199,196,202,207,204,196,181,176,189,202,199,189,183,181,178,173,157,152,147,107,101,98,103,152,181,209,225,225,217,207,194,187,187,191,194,191 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,160,111,124,134,150,165,176,178,173,165,163,163,157,160,165,163,117,117,157,170,170,165,163,115,98,108,183,191,191,191,191,189,191,196,202,202,199,199,194,183,173,165,121,165,181,191,191,183,173,165,165,168,176,178,170,163,121,121,160,163,168,168,163,161,163,173,178,170,163,155,147,134,116,92,105,116,129,139,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,147,144,142,152,165,160,147,150,150,147,150,157,160,155,152,150,147,110,109,157,176,170,111,107,155,189,191,155,93,91,103,107,163,178,168,105,89,83,75,0,40,157,157,96,96,103,144,163,181,165,99,84,103,107,109,155,152,105,104,105,105,107,113,155,163,165,163,163,165,165,157,115,111,111,119,165,165,163,163,163,160,105,99,105,103,99,105,119,165,181,186,176,163,117,119,165,176,178,181,181,178,168,160,168,181,189,186,85,0,0,41,183,191,186,176,115,117,181,199,204,207,204,202,186,123,114,121,178,202,204,183,165,123,119,114,115,123,123,115,117,173,189,194,196,199,202,204,204,204,202,199,196,194,196,202,207,207,207,209,209,212,217,212,196,117,83,43,46,79,99,81,61,38,152,59,73,85,109,181,199,204,204,204,204,204,207,209,178,69,57,62,84,107,79,65,101,107,99,105,160,176,178,170,173,186,202,209,222,215,150,0,0,0,0,0,0,0,59,91,157,204,212,207,199,191,142,19,0,0,16,85,89,101,160,178,186,189,189,186,186,189,189,189,183,176,174,176,181,189,194,194,191,189,183,168,165,173,176,170,165,160,160,165,178,186,189,186,178,174,176,181,183,183,183,181,181,183,176,168,165,160,121,121,121,163,176,189,194,194,191,191,189,178,163,117,119,119,109,99,90,105,119,160,163,163,165,168,160,79,47,51,97,113,111,113,176,183,178,170,168,165,165,168,176,178,178,165,123,123,168,178,53,0,35,113,173,199,207,207,204,202,202,191,121,112,114,125,170,169,169,176,181,186,186,117,119,165,165,102,105,111,121,168,181,170,93,83,93,113,170,186,191,183,173,173,173,170,168,168,173,183,194,199,204,207,204,199,189,176,127,129,129,127,121,118,119,123,129,181,191,194,194,199,204,204,199,108,110,113,105,102,115,125,106,102,123,183,181,101,94,109,115,127,191,194,186,181,129,117,118,170,181,183,186,189,189,186,183,176,127,126,170,181,181,168,120,119,165,170,125,121,117,115,115,115,114,114,115,119,121,113,105,104,111,123,173,183,189,191,194,199,202,191,123,115,119,123,125,127,173,183,186,183,173,125,123,129,131,131,127,121,121,125,173,183,181,176,173,131,129,131,178,189,194,191,186,181,181,182,186,182,182,191,196,194,183,186,191,194,194,194,194,194,186,125,119,125,131,129,125,121,119,122,176,176,170,127,124,124,127,176,183,189,186,181,176,127,115,107,108,181,191,202,202,183,118,102,121,181,183,183,194,202,199,191,186,186,181,176,174,176,183,186,189,189,189,189,189,189,186,178,125,117,108,106,109,129,183,181,173,169,178,194,202,207,207,189,165,165,176,189,194,191,191,186,176,125,127,181,196,202,202,191,183,178,170,168,176,181,181,176,178,186,191,194,194,191,183,176,170,170,181,178,121,121,131,189,196,194,194,191,191,194,191,181,131,131,176,178,133,133,133,131,130,131,183,186,181,181,181,186,194,194,176,100,97,117,129,127,127,173,181,181,186,189,181,129,125,124,125,125,123,168,186,191,189,183,102,125,168,79,64,59,78,103,165,183,178,176,176,125,119,121,170,178,186,186,189,194,202,207,199,113,106,115,181,191,194,189,181,178,176,173,173,178,178,178,181,183,189,189,186,178,173,173,176,173,131,176,178,178,176,176,176,176,181,183,183,181,178,176,131,128,176,199,217,217,207,196,191,191,194,191,178,130,129,129,131,176,178,181,181,183,181,183,181,176,176,176,176,178,178,176,176,181,183,181,183,191,199,196,191,189,189,189,189,189,186,183,186,191,191,196,199,199,196,196,196,194,189,186,189,196,196,194,186,182,182,189,199,207,212,207,202,196,199,204,204,196,186,186,191,194,191,187,194,204,202,196,195,196,199,202,202,204,207,209,209,209,207,207,212,212,196,130,133,183,137,135,137,196,207,207,202,202,204,204,202,202,202,202,194,189,189,196,204,209,212,212,207,199,196,196,194,186,178,131,127,129,131,133,131,131,131,178,189,196,196,196,196,189,173,173,178,183,189,191,183,131,129,173,173,173,181,194,194,183,178,178,131,131,133,183,189,194,199,199,202,204,204,202,196,195,195,199,204,207,207,207,207,209,212,209,202,198,198,199,199,202,207,207,202,202,202,204,199,191,190,194,194,199,199,194,191,196,202,209,212,212,212,212,215,215,217,220,217,215,209,202,199,199,199,191,141,140,142,196,199,199,196,199,204,209,212,209,209,212,215,215,217,217,215,209,199,191,183,139,139,139,183,137,112,109,119,186,199,199,199,204,204,196,196,199,199,196,191,189,186,186,186,189,183,179,179,181,183,186,191,194,194,194,196,199,196,191,186,186,185,185,185,189,194,191,183,173,129,127,127,129,123,113,117,129,178,178,178,173,170,170,129,125,123,121,121,123,125,127,129,173,173,170,173,176,183,183,178,176,170,129,129,173,176,176,170,129,129,131,176,178,181,183,183,181,183,186,186,186,183,181,181,181,183,183,186,191,191,191,189,191,194,199,204,207,207,207,209,212,209,204,204,204,202,196,189,186,187,191,196,194,189,189,189,189,186,183,181,181,183,186,191,191,189,186,181,131,127,127,129,173,170,123,113,112,115,125,173,178,176,173,129,129,129,170,176,181,183,189,191,194,196,196,191,183,176,173,173,176,176,173,131,129,127,129,173,178,181,186,194,199,196,191,189,186,181,178,178,178,183,191,196,196,189,127,107,102,111,131,178,129,115,111,111,115,133,186,191,199,202,204,207,204,202,202,199,194,191,191,186,179,179,182,186,189,191,194,202,209,207,202,194,191,189,186,183,139,137,136,136,183,194,199,199,202,207,209,207,202,191,135,130,135,189,196,202,204,207,207,207,209,209,207,207,207,204,199,196,199,202,207,209,209,212,209,207,202,202,204,202,199,194,189,189,191,194,196,199,207,212,207,204,202,199,196,194,194,199,202,202,198,199,204,204,202,196,191,191,191,191,194,196,199,202,202,202,189,139,137,135,137,183,191,191,139,137,139,189,191,191,191,194,191,191,189,194,199,204,207,204,194,186,186,194,196,191,189,191,196,196,196,199,202,202,196,194,191,194,196,199,202,202,204,202,191,185,187,202,209,204,199,196,199,204,204,202,202,202,204,207,207,204,199,199,199,202,204,204,202,200,200,204,209,207,204,202,199,202,202,202,204,209,204,194,140,139,141,186,191,196,202,204,202,196,194,199,204,207,207,207,207,207,207,202,199,199,202,204,199,199,199,202,207,204,202,196,196,199,202,204,204,199,191,191,194,202,202,199,191,191,194,196,191,189,190,199,207,207,202,199,202,202,196,194,189,191,196,204,204,194,183,138,138,139,189,196,199,196,196,199,202,204,207,209,207,204,204,202,202,199,199,199,202,202,202,199,199,199,202,204,207,209,212,209,207,202,202,199,199,196,196,196,191,189,187,190,196,202,202,204,204,202,202,204,207,207,209,212,207,196,189,185,186,186,186,186,189,194,194,194,189,139,137,139,141,189,196,207,212,212,209,212,212,215,215,217,225,225,222,217,217,215,212,212,212,215,217,215,209,207,204,199,196,196,196,194,191,191,194,196,189,140,139,183,189,186,139,183,191,196,196,196,202,204,207,212,215,212,209,209,209,209,202,189,178,126,124,127,183,196,199,202,204,196,178,127,127,176,186,191,191,186,176,163,113,101,101,105,39,17,26,117,168,165,168,176,165,170,121,85,83,123,123,117,123,183,204,217,225,228,228,222,222,222,217,212,211,217,228,228,222,209,143,138,140,207,222,228,228,233,235,238,238,238,238,235,235,233,233,233,230,225,225,225,225,228,228,230,230,233,233,233,233,230,225,217,215,217,225,228,0,0,0,0,0,0,0,0,0,248,251,248,243,238,241,246,254,255,0,0,0,0,0,0,0,0,0,217,0,0,0,222,207,183,0,168,176,186,194,199,207,212,217,217,215,217,222,225,222,0,225,217,199,189,186,191,191,186,181,181,186,194,196,202,0,0,0,0,0,246,251,251,251,251,248,246,235,222,204,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,248,255,255,225,189,178,176,173,168,181,196,202,196,178,0,134,0,0,0,0,0,0,0,0,0,217,209,196,189,189,194,212,238,254,255,255,255,255,251,248,248,246,238,0,0,0,0,0,0,217,209,199,194,194,199,202,194,181,173,173,186,194,191,186,189,196,191,168,150,144,105,99,99,105,0,170,191,204,209,209,204,194,187,187,189,191,191 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,124,69,121,124,126,147,170,173,168,165,168,168,157,157,178,189,170,155,163,173,170,121,119,119,115,173,194,199,199,196,194,191,191,191,194,196,199,199,191,176,121,113,115,168,189,196,191,181,165,161,163,176,189,189,183,173,165,160,157,163,170,173,168,163,165,170,170,165,160,152,142,131,118,103,105,121,124,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,139,139,173,191,168,98,114,134,147,150,150,147,150,152,152,147,142,143,163,176,170,108,106,150,181,181,155,89,75,89,91,99,103,101,99,91,87,41,0,36,150,150,97,95,102,105,93,93,95,87,82,147,152,152,163,157,105,105,107,105,107,113,157,163,157,157,157,160,160,155,157,157,119,160,168,170,176,168,163,160,115,101,99,97,97,103,119,163,178,183,176,163,119,163,170,173,168,163,163,165,163,165,168,181,196,202,181,67,15,103,189,191,189,173,106,108,178,194,202,204,199,191,173,119,114,115,119,181,189,173,121,121,123,115,113,115,117,114,117,173,189,196,199,202,202,202,202,202,202,202,199,199,202,207,207,207,204,204,204,207,215,215,183,157,160,173,178,173,155,111,163,157,173,157,91,63,57,170,199,202,202,202,202,199,204,215,212,178,95,74,79,105,93,81,95,97,97,103,155,186,196,186,176,183,199,207,225,230,77,0,0,0,0,0,0,0,23,67,93,207,212,196,183,103,0,0,45,17,8,41,55,77,168,183,191,194,199,199,194,191,189,189,183,176,173,173,174,181,189,186,181,178,181,183,186,194,194,183,173,163,160,165,181,191,191,186,178,174,176,178,173,176,183,189,189,189,183,178,170,163,121,121,121,163,176,186,194,194,194,196,196,186,160,109,117,170,165,117,104,115,121,163,168,165,165,165,119,74,44,51,99,109,99,96,113,176,176,170,168,165,165,173,186,196,196,186,173,165,165,168,53,6,50,123,183,199,204,204,204,199,183,103,104,109,115,165,176,183,186,181,116,103,105,114,170,181,176,106,108,115,121,168,178,178,123,125,173,173,176,183,189,183,176,173,170,127,127,127,127,168,176,181,189,194,191,183,176,168,125,125,127,129,125,123,123,129,176,183,189,191,194,202,207,202,191,102,108,119,113,107,109,113,113,125,183,173,87,72,79,115,123,121,176,181,173,173,170,127,129,178,183,189,191,194,194,189,181,170,126,126,168,176,176,168,121,121,170,181,183,176,121,113,117,119,115,117,168,173,168,115,104,103,113,173,186,191,194,196,196,196,199,202,183,105,99,119,125,125,129,178,183,176,117,115,127,176,173,123,119,118,120,125,129,131,131,129,129,129,128,129,176,189,196,194,189,181,181,183,191,194,186,183,183,183,181,181,186,191,194,196,196,194,189,173,125,131,176,173,127,121,119,123,183,183,173,125,124,124,127,173,181,186,194,194,183,170,110,106,110,129,178,194,191,176,123,119,129,178,178,181,191,199,199,194,191,189,183,178,176,178,183,189,191,191,191,189,187,189,189,181,129,125,117,113,115,123,176,178,173,168,172,183,191,199,199,178,164,164,173,194,202,204,202,194,183,173,176,186,194,194,189,183,181,176,166,165,168,173,170,169,172,186,191,194,194,189,181,173,127,106,88,89,106,121,173,189,199,196,196,194,196,196,194,186,176,131,133,176,176,176,133,130,129,131,178,181,178,178,178,186,199,199,113,93,91,107,123,129,131,178,186,186,181,178,170,125,125,129,178,176,170,173,125,111,117,91,56,109,209,194,76,55,83,109,176,178,119,165,178,115,101,107,119,173,186,186,186,194,209,212,207,127,109,113,170,178,178,181,181,186,186,183,183,186,186,183,186,189,191,191,183,176,131,129,125,117,115,123,173,176,173,173,173,176,183,191,194,189,186,178,131,128,133,196,217,222,209,196,189,189,191,186,178,176,133,130,131,133,133,178,181,178,176,178,178,176,176,173,173,176,178,181,186,191,183,178,179,191,202,202,199,196,194,191,189,186,183,182,186,191,194,196,199,199,196,194,191,189,185,185,186,191,196,196,191,186,186,186,194,202,207,202,199,196,202,207,204,196,191,191,196,199,194,187,191,199,202,196,196,199,199,199,199,199,202,207,209,209,207,204,207,207,194,123,137,191,189,183,194,204,209,207,204,207,209,207,204,202,204,207,202,194,191,199,207,209,207,207,202,196,196,194,191,189,183,178,129,123,121,123,129,131,131,173,183,191,194,194,191,183,173,173,178,181,186,189,183,173,131,131,176,181,189,199,196,186,181,176,131,131,135,183,189,194,196,196,199,202,202,202,199,196,199,202,204,209,209,209,207,209,209,207,204,199,198,198,198,202,209,209,207,204,204,204,202,194,191,194,194,199,202,196,191,196,202,212,215,212,212,212,212,217,222,222,222,212,207,199,199,202,204,202,191,141,141,191,199,199,199,204,212,217,222,217,215,215,217,217,217,220,217,209,202,191,141,183,186,189,194,191,133,117,121,181,196,196,194,196,199,194,191,196,199,196,191,189,189,191,191,189,181,178,179,186,194,196,196,194,192,192,196,199,199,194,191,194,191,186,186,191,194,191,183,173,129,126,127,176,176,129,129,176,178,181,178,176,173,170,129,123,121,121,121,121,125,127,170,173,173,173,173,176,178,181,178,176,173,170,170,173,173,173,170,127,127,173,181,186,186,186,186,186,186,183,186,186,186,183,183,186,183,182,183,191,194,191,189,187,189,194,202,204,207,204,207,209,209,207,204,204,204,199,191,189,187,191,191,186,181,181,183,183,183,183,181,178,181,189,194,191,189,186,181,131,127,127,129,170,170,125,116,113,114,116,123,173,176,173,173,173,173,176,178,186,191,194,196,196,194,194,194,189,178,172,170,170,173,133,131,131,129,173,181,186,186,186,189,191,189,189,186,183,181,177,177,183,189,194,196,202,196,181,117,103,110,123,123,109,105,106,110,119,133,183,191,199,204,204,204,204,204,204,202,199,194,191,186,182,183,186,191,191,194,199,204,209,207,199,194,194,191,183,139,139,139,139,183,189,191,191,191,194,199,204,209,207,194,133,128,131,186,196,204,207,212,215,215,212,207,199,196,196,196,194,189,191,199,207,212,215,215,209,204,202,204,204,202,194,191,191,194,199,202,199,199,202,207,207,202,196,194,194,194,194,196,199,199,195,198,202,204,202,199,196,194,191,194,199,199,199,196,196,194,183,135,133,132,133,139,191,191,186,183,186,194,194,194,194,194,191,186,183,186,191,199,204,202,194,189,191,196,194,191,191,199,199,199,199,202,204,202,194,189,189,191,196,202,204,202,199,196,189,185,189,209,215,209,204,202,202,204,204,204,202,204,204,204,204,202,202,199,202,202,202,202,202,200,200,204,207,207,204,202,204,204,199,199,202,207,207,199,191,141,138,138,141,194,202,204,196,190,191,196,202,202,202,202,202,202,199,199,202,204,207,207,204,202,199,204,209,209,204,199,202,204,207,207,202,191,190,191,199,207,207,202,191,189,191,194,194,191,194,199,204,204,196,194,202,202,199,196,191,191,196,204,207,199,186,138,138,138,183,189,194,196,199,202,202,204,209,209,209,207,207,202,199,196,196,199,204,204,202,199,198,198,199,202,207,209,212,209,204,199,198,199,199,199,199,196,194,191,191,196,202,204,204,204,204,204,204,207,209,209,209,209,204,194,186,183,185,185,185,183,185,191,196,199,196,189,141,186,191,199,207,215,217,215,212,212,212,215,217,217,222,222,217,215,215,215,212,207,207,207,209,207,202,199,199,199,199,199,196,194,189,186,186,189,186,140,140,189,196,196,194,194,196,202,202,199,202,202,204,212,215,215,212,207,207,209,204,191,181,126,124,127,186,196,199,202,204,204,194,176,127,170,183,191,189,181,173,173,176,178,176,168,123,33,31,87,109,115,117,111,85,165,123,81,77,123,121,117,117,125,191,212,222,228,222,215,212,215,217,217,215,217,217,217,217,209,191,139,140,202,212,215,225,230,235,235,238,238,238,241,241,235,233,233,230,228,228,228,225,225,225,225,228,233,235,235,233,228,222,215,215,215,217,222,0,0,0,0,0,0,0,0,243,248,248,246,238,233,235,241,251,255,0,0,0,0,0,0,0,0,0,233,228,0,0,217,207,189,176,173,178,186,196,204,207,212,215,212,209,212,222,0,0,0,225,222,209,199,194,196,199,194,191,191,196,199,202,207,0,0,0,0,230,241,246,251,251,254,254,248,238,225,207,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,230,255,255,228,183,170,170,173,178,181,186,189,183,168,0,0,0,0,0,0,0,0,0,0,215,212,202,186,181,181,191,212,235,248,255,255,255,248,238,233,230,233,230,228,228,0,0,0,222,217,212,202,191,190,194,199,196,186,170,168,181,0,194,186,191,199,194,168,150,144,105,99,99,109,157,168,170,173,183,194,196,191,189,189,191,194,194 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,56,48,126,113,108,124,152,165,163,165,176,173,151,147,176,196,181,160,163,170,168,115,115,119,123,176,191,199,202,199,194,191,189,189,189,191,196,196,189,176,121,111,113,170,191,194,186,176,165,161,161,170,183,189,186,181,173,163,157,163,173,176,170,163,163,168,165,163,160,152,134,124,113,100,95,100,82,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,124,181,165,111,114,126,139,144,137,137,144,155,155,147,143,147,155,157,152,107,106,142,152,152,150,101,67,61,59,61,57,73,137,157,176,25,0,55,165,170,165,152,147,139,63,63,83,99,107,176,176,165,173,173,160,157,150,103,101,113,163,163,155,152,113,105,105,155,173,178,173,173,176,181,183,178,170,168,119,103,98,97,98,107,117,119,168,178,170,163,121,165,170,168,121,115,117,121,163,168,170,178,194,199,191,178,168,176,181,183,183,170,98,100,170,186,191,194,189,173,116,115,116,115,116,165,176,165,120,125,170,119,112,113,115,119,127,181,194,202,202,202,199,196,199,202,204,204,204,204,207,209,209,207,204,204,207,209,217,217,181,163,183,194,209,202,168,111,165,152,103,111,95,37,0,49,189,196,202,202,199,191,191,207,212,194,176,157,101,155,163,105,97,94,101,152,155,173,194,181,168,178,191,207,222,230,29,0,23,65,0,0,0,0,0,0,3,168,101,99,152,99,0,0,57,45,25,19,25,35,155,181,196,199,204,204,199,194,189,186,181,176,174,174,174,178,181,176,170,173,181,183,183,194,202,196,189,176,163,165,181,191,191,186,178,174,176,176,170,169,178,191,191,189,186,186,183,181,173,165,119,115,163,181,191,196,196,196,194,176,105,81,89,168,173,176,168,163,121,121,163,163,160,163,160,111,77,109,176,176,106,99,105,115,123,163,165,168,170,176,183,189,191,183,168,168,173,170,105,81,113,173,189,196,202,204,207,191,119,93,102,115,176,183,189,194,196,183,113,102,102,114,181,194,186,123,115,121,165,170,178,178,176,189,191,181,176,178,186,189,183,178,170,127,127,127,121,114,110,107,112,121,168,168,127,127,127,127,170,173,170,129,129,173,176,178,181,183,194,204,207,196,176,79,101,119,119,109,109,115,123,181,186,97,70,69,86,178,173,118,125,170,169,169,173,176,178,183,189,191,196,199,199,194,183,173,127,127,127,127,127,125,121,119,123,176,189,181,103,95,117,121,119,125,178,186,186,181,123,112,127,186,194,196,199,199,199,194,194,199,189,76,69,103,170,129,170,186,189,129,95,99,129,181,176,125,120,121,127,131,131,129,129,129,131,131,129,173,181,191,196,199,194,186,182,186,194,196,191,181,178,181,183,181,183,189,194,194,191,186,181,176,131,131,176,173,129,125,123,127,183,189,176,127,125,129,170,178,183,191,202,199,189,173,115,111,123,123,127,178,178,129,125,127,133,176,178,178,189,196,199,196,196,194,189,186,183,186,189,194,194,196,194,191,189,191,191,186,178,178,178,173,123,121,127,173,176,172,170,176,186,194,189,173,166,168,176,191,202,207,204,196,186,181,183,183,181,173,170,176,181,183,173,166,170,173,170,168,170,183,189,191,194,191,183,173,125,80,80,88,119,178,186,191,196,196,196,194,194,196,196,189,176,130,130,133,178,178,176,131,130,178,183,178,173,173,173,178,191,186,112,106,117,173,173,173,176,178,189,191,181,176,170,127,129,178,189,186,183,176,102,94,105,82,56,113,209,202,181,111,183,181,178,119,90,102,123,99,90,101,113,170,186,186,176,183,204,209,207,181,114,113,123,129,129,129,176,186,191,186,186,186,186,186,191,194,194,189,181,176,173,131,123,113,112,117,127,131,131,131,173,178,189,196,199,194,189,181,176,133,178,191,207,212,209,196,189,186,186,183,181,183,183,178,133,133,133,178,181,178,174,176,176,176,176,131,130,131,178,186,196,194,183,177,178,189,199,202,202,202,199,196,194,189,183,181,182,186,191,194,196,199,196,191,189,186,185,185,186,191,199,202,199,194,191,189,194,199,204,202,196,199,202,204,202,194,191,194,199,199,196,189,191,196,199,199,199,202,202,202,202,202,204,207,207,207,207,204,204,202,183,114,186,204,204,202,207,209,209,207,207,209,212,209,204,202,207,209,207,199,196,202,209,204,194,183,183,186,189,191,191,189,186,181,125,116,115,120,173,181,178,173,181,191,194,191,186,181,173,176,181,181,183,189,186,176,173,173,183,191,196,199,194,183,178,133,129,129,135,183,189,194,196,194,194,196,199,202,202,202,202,202,204,207,209,209,209,209,209,207,204,204,202,199,198,202,209,209,207,207,204,204,199,194,189,189,191,199,202,199,194,199,204,215,220,217,215,212,215,217,222,225,220,212,204,199,199,202,207,209,202,194,191,199,207,204,204,209,217,222,225,222,217,215,215,215,217,217,215,209,202,194,191,194,196,194,199,202,186,123,119,181,191,186,133,137,189,189,191,196,199,196,189,187,191,196,196,189,183,181,183,191,199,204,202,199,194,194,194,196,196,194,194,199,194,189,186,189,191,189,186,178,173,126,126,173,176,176,176,181,181,181,181,178,176,173,129,121,120,120,120,123,125,168,173,173,173,176,176,173,173,176,178,178,176,173,170,129,129,129,127,124,124,173,183,189,186,183,186,189,189,183,183,183,183,186,189,189,186,182,183,189,194,194,189,187,187,191,196,202,204,202,202,204,207,207,207,204,204,204,204,196,191,189,183,135,131,133,178,183,183,183,178,177,178,181,186,186,183,183,181,173,128,128,129,173,173,170,125,119,117,117,121,168,173,173,176,178,181,181,183,189,191,196,202,199,194,192,194,194,186,176,172,173,176,178,178,181,178,183,189,191,189,189,189,189,191,194,194,191,186,181,181,189,194,196,196,199,196,189,178,127,129,131,127,111,105,106,111,121,129,176,186,202,207,202,199,199,202,204,204,204,199,189,186,189,194,194,191,191,194,199,204,204,202,196,196,196,191,186,139,139,183,186,189,191,191,190,190,191,196,204,209,209,199,141,133,133,186,199,207,209,215,217,215,212,202,189,141,141,186,186,186,186,194,204,207,209,212,212,207,202,204,204,202,194,191,194,199,202,199,194,191,194,202,202,199,191,189,191,194,196,199,199,199,198,199,204,207,204,202,202,199,196,199,202,204,199,194,191,189,139,133,132,132,133,139,191,194,191,189,191,194,196,194,194,194,191,183,182,182,189,194,199,196,191,189,189,191,186,183,189,199,204,202,202,204,209,207,196,189,187,191,202,209,209,207,202,196,194,187,194,212,215,209,207,207,207,204,204,204,204,204,204,204,200,200,202,202,202,202,200,200,202,202,202,204,207,207,204,202,204,204,198,196,198,204,207,204,196,186,139,138,140,191,199,199,191,189,191,196,199,199,199,199,199,198,196,199,204,209,207,207,207,204,202,204,209,209,204,202,202,202,204,202,194,189,189,196,204,209,209,204,196,189,189,189,194,194,194,196,199,199,191,189,191,194,194,194,191,189,189,196,202,196,191,183,139,139,139,139,186,194,199,202,207,209,209,209,207,207,204,199,196,194,196,199,204,204,202,199,198,198,199,202,204,209,209,207,202,198,198,199,199,202,199,196,194,196,199,204,204,204,204,203,203,204,207,209,209,207,204,202,199,194,186,185,186,186,185,183,185,194,202,207,209,207,202,204,207,209,215,217,215,212,212,212,215,222,222,222,220,215,209,209,212,215,209,204,202,202,199,196,191,189,196,202,204,204,202,196,189,141,140,141,141,141,186,194,204,207,204,204,202,207,204,202,202,202,204,209,212,212,209,204,202,202,199,191,178,127,126,133,186,194,199,199,199,207,207,194,173,127,178,189,186,181,178,181,186,189,186,178,173,123,99,77,77,103,105,47,43,117,176,115,108,168,121,119,109,107,115,183,207,215,209,204,204,209,215,215,215,212,209,209,209,204,194,142,145,202,204,204,215,225,230,233,235,238,238,241,243,241,238,235,233,228,228,228,225,222,222,225,228,233,235,235,233,228,222,215,212,212,215,215,0,0,0,0,0,0,0,0,241,243,246,241,233,225,222,228,241,251,255,0,0,0,0,0,0,0,0,243,230,217,212,209,204,189,176,169,173,181,194,204,209,215,217,212,209,0,0,0,0,0,222,0,212,207,199,196,199,202,202,204,207,209,212,212,0,0,0,0,235,243,251,255,255,255,255,251,238,225,209,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,248,255,235,189,169,166,169,178,183,186,186,178,160,0,0,0,0,0,0,0,0,0,0,207,202,189,178,173,173,183,202,222,233,238,243,246,238,228,215,212,220,225,222,222,225,228,225,217,215,212,204,194,190,191,199,0,189,176,170,0,0,0,186,186,191,186,165,152,147,107,99,99,0,157,165,163,155,0,170,178,181,186,191,194,196,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,95,98,108,126,147,155,163,178,173,146,140,152,178,173,160,160,168,165,117,115,119,123,168,181,191,199,196,194,191,186,183,181,183,186,186,183,176,123,111,113,173,189,189,176,170,168,168,165,168,178,183,183,181,176,165,157,160,170,173,168,161,163,168,168,168,168,152,121,105,100,87,74,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,155,163,142,129,134,131,75,54,69,139,152,152,144,144,155,155,152,147,140,140,142,101,93,139,142,81,42,45,47,39,47,144,178,202,39,25,139,170,181,186,189,176,155,61,49,73,142,150,170,176,176,183,194,191,178,157,93,55,105,157,160,155,152,103,80,74,168,183,189,186,186,186,186,186,183,181,178,115,100,100,101,103,111,111,107,119,170,168,163,163,163,163,119,115,114,114,117,160,168,170,173,178,183,186,183,183,186,178,173,178,168,96,98,113,173,178,178,173,121,113,114,121,117,119,168,173,165,165,181,191,125,114,113,119,125,173,189,199,204,204,202,196,195,196,202,204,207,207,207,209,212,212,207,204,202,209,215,217,212,170,115,170,196,215,189,93,59,95,103,97,105,150,87,0,0,65,183,196,196,194,189,186,194,194,170,157,157,105,111,176,170,157,165,220,199,155,152,163,160,160,178,189,160,75,59,0,0,63,109,85,83,81,21,0,0,0,7,19,49,155,173,152,35,13,21,57,55,45,43,105,170,204,199,202,204,199,191,186,181,178,176,176,178,178,176,173,168,165,173,178,176,173,186,202,204,199,189,163,163,176,186,189,189,181,176,178,178,170,166,170,186,189,185,185,189,191,194,194,181,117,97,97,117,176,191,194,191,170,89,52,39,35,103,160,170,170,165,121,120,121,121,121,160,165,168,170,183,194,202,196,165,111,109,113,119,123,168,170,168,121,116,114,112,113,163,176,176,176,176,168,178,189,194,199,204,202,183,119,106,117,183,194,196,196,199,199,191,173,165,121,168,183,196,189,170,123,165,176,181,181,173,169,176,178,176,170,173,186,191,189,178,168,127,168,168,121,113,109,104,107,114,123,127,168,176,183,191,186,178,173,173,176,173,173,176,178,183,191,199,196,178,115,69,102,119,121,119,125,176,183,196,204,113,90,99,183,196,183,125,168,176,173,173,178,183,189,189,189,191,196,202,204,196,186,173,168,127,127,123,123,123,121,113,112,121,173,123,74,74,113,119,119,121,168,178,186,189,183,170,181,194,199,199,199,199,196,191,186,183,123,67,62,91,173,178,183,194,196,123,86,87,117,176,176,173,176,181,183,181,176,173,173,176,176,173,173,178,186,191,194,196,194,186,183,183,189,191,186,181,178,183,186,186,183,186,189,186,176,129,131,173,173,131,131,129,131,173,170,127,170,181,173,170,173,173,173,181,194,199,202,199,189,173,125,127,173,125,125,131,173,127,125,129,176,178,181,183,189,196,199,199,199,196,194,191,189,191,194,196,196,199,196,196,194,196,194,186,178,181,189,183,127,120,121,131,178,176,170,172,186,194,191,178,172,172,178,189,196,202,202,196,191,189,186,178,127,118,119,170,189,196,189,181,183,183,178,173,173,176,183,189,189,189,186,178,127,92,111,181,183,186,194,196,194,194,194,194,191,191,194,191,178,129,129,133,178,181,176,173,176,191,191,181,173,131,129,131,176,173,117,119,186,191,189,181,173,170,189,194,183,176,176,176,183,191,191,191,191,189,105,98,117,109,106,168,121,111,183,196,204,199,178,107,89,96,105,92,79,103,117,173,183,178,169,173,186,186,189,181,127,123,127,127,126,127,173,186,194,189,186,183,183,186,191,191,189,183,178,176,178,178,129,121,117,113,113,121,127,131,173,178,186,194,196,194,186,183,186,186,183,183,191,202,204,194,189,186,186,183,186,189,189,183,181,178,178,181,183,181,176,178,178,178,176,131,129,130,178,191,199,194,181,177,179,189,196,199,202,202,199,196,194,191,186,179,181,183,183,183,189,194,196,191,189,186,189,189,191,194,202,204,202,199,194,191,194,199,202,199,196,199,204,204,199,194,191,194,196,196,194,189,191,196,199,202,202,204,204,207,207,207,207,207,204,204,204,204,202,194,131,113,191,207,212,212,212,207,207,207,207,209,212,207,202,202,204,209,209,204,202,207,209,199,137,117,122,178,186,189,189,189,189,183,127,116,115,125,186,191,183,173,183,196,199,194,186,178,173,176,181,183,186,189,186,178,176,178,191,196,196,191,186,178,133,128,127,129,178,186,189,194,196,194,194,194,196,202,204,204,202,200,202,207,209,209,209,209,209,207,207,209,207,204,202,204,207,209,209,204,202,202,196,189,185,186,189,196,202,199,196,202,209,215,222,220,217,217,217,220,222,222,217,209,202,196,196,202,207,207,207,204,207,212,215,209,209,215,222,222,225,222,217,215,213,215,215,215,212,207,202,199,199,202,202,199,204,207,196,133,129,186,186,129,118,121,135,189,196,199,199,196,189,189,194,196,194,186,186,189,189,194,199,204,207,204,199,194,191,194,194,194,196,199,194,189,186,183,183,186,189,186,183,131,127,129,173,176,181,186,183,183,181,181,178,173,127,121,119,119,121,125,168,173,176,173,176,178,178,173,172,176,181,178,178,176,170,127,123,125,125,124,125,176,189,194,189,181,183,191,191,189,183,183,183,186,189,191,189,186,186,189,191,191,191,189,187,189,196,202,202,202,199,204,207,207,204,204,204,207,207,204,196,189,137,129,127,128,135,183,183,181,178,177,177,177,178,181,181,183,183,178,170,170,173,176,178,176,170,125,123,123,125,168,170,173,178,181,183,186,186,189,189,194,202,202,196,192,194,199,194,183,181,181,183,186,189,189,189,191,194,194,191,189,189,189,194,199,199,196,194,191,189,194,196,199,196,194,191,186,183,183,186,189,186,133,119,113,115,123,133,178,189,202,204,196,191,191,194,196,202,207,202,189,186,191,194,191,186,185,189,194,196,199,199,199,199,199,196,189,183,139,183,186,191,191,191,191,191,196,196,202,207,207,202,194,191,191,199,207,209,212,217,217,212,207,196,186,139,139,140,141,186,189,196,199,199,204,209,209,204,202,204,207,207,202,199,199,202,196,191,189,189,191,199,199,194,186,186,189,194,199,202,202,202,204,207,209,209,204,202,202,204,202,204,207,207,204,196,191,186,139,135,133,135,135,183,194,196,196,194,194,196,196,194,194,194,191,183,181,182,186,191,191,191,189,186,186,186,183,137,186,199,207,204,204,207,212,212,202,191,189,194,204,212,212,209,204,202,202,196,202,209,207,204,207,207,207,202,202,202,204,204,204,202,200,200,204,204,202,202,200,200,202,204,204,204,207,209,207,202,204,202,198,196,199,204,207,204,196,191,186,186,189,191,191,191,191,191,194,199,202,199,199,202,199,198,196,199,207,209,207,204,207,207,204,207,207,207,204,199,194,191,191,194,190,189,190,199,204,207,207,204,199,191,186,183,186,189,191,194,194,191,186,183,183,139,183,189,189,186,186,191,194,194,189,186,183,186,186,183,186,191,199,204,209,212,209,207,202,199,196,194,194,196,199,202,202,202,202,199,199,199,202,202,204,207,209,207,204,199,199,199,202,202,196,191,189,194,202,204,207,207,204,202,202,204,207,209,209,204,199,199,199,196,191,191,191,191,191,189,191,199,207,212,217,217,215,215,217,217,215,215,212,209,209,212,217,222,225,222,215,204,199,199,207,212,212,207,202,196,194,191,187,187,194,204,209,209,204,196,186,141,140,140,141,189,194,202,207,209,207,204,204,204,202,202,202,204,204,209,209,207,207,204,199,194,191,189,137,131,131,181,189,194,196,196,196,202,209,204,183,127,168,181,186,186,186,186,186,186,183,176,168,163,119,101,67,39,33,36,49,165,191,189,173,173,176,176,115,97,93,111,189,202,199,194,204,212,215,212,209,207,207,204,199,194,191,194,204,209,204,202,207,217,228,233,235,238,238,241,243,241,241,235,228,217,217,222,220,220,222,228,233,235,238,238,233,228,222,217,215,212,212,212,0,0,0,0,0,0,0,235,238,241,241,235,225,215,212,217,233,246,248,0,0,0,0,0,0,0,0,241,230,215,207,202,196,183,173,168,168,173,183,196,204,215,217,215,0,0,0,0,0,0,217,212,0,0,0,199,199,204,212,215,217,217,217,217,0,0,0,0,0,251,255,255,255,255,255,248,235,225,207,196,191,189,186,186,0,0,0,0,0,0,0,0,0,0,0,0,225,246,254,243,212,178,168,169,176,183,189,189,178,0,0,0,0,0,0,0,0,0,0,0,202,196,181,173,172,172,176,189,202,207,212,222,230,225,212,202,202,212,225,225,220,217,217,217,212,209,209,204,194,190,191,196,0,191,181,176,0,0,0,189,186,183,176,163,157,150,142,103,99,103,147,160,163,155,152,155,165,170,178,189,196,196,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,87,95,95,111,137,155,170,168,150,144,150,163,160,157,157,160,121,115,117,123,163,165,168,176,186,189,189,186,181,176,173,173,173,173,173,168,115,99,95,125,181,176,165,163,168,173,168,168,170,178,183,181,176,165,157,160,168,168,163,161,168,178,181,181,181,165,113,63,45,25,39,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,98,165,173,170,165,163,150,59,41,49,124,147,150,142,142,157,160,155,150,147,150,152,131,71,85,144,142,47,53,53,31,24,57,139,178,65,69,155,170,178,183,189,176,152,77,39,37,95,105,155,165,178,189,196,191,173,163,99,39,93,111,150,152,155,101,74,70,168,186,194,191,189,189,183,183,186,186,183,117,101,105,111,115,113,99,89,105,163,165,168,168,163,115,113,114,114,114,115,121,165,168,165,165,168,176,181,183,183,173,168,178,178,107,105,112,170,173,165,123,117,115,116,119,117,121,168,173,168,170,191,199,170,117,117,123,129,176,189,196,204,204,204,199,196,196,202,207,207,207,207,209,209,212,207,204,202,207,209,204,189,115,91,85,103,111,103,93,61,67,75,77,99,165,165,0,0,0,55,165,178,181,181,186,191,181,106,100,152,103,79,99,155,163,183,209,191,111,111,150,155,173,191,181,85,73,63,0,0,109,181,194,209,225,220,63,0,0,0,0,41,191,207,209,163,7,17,71,144,147,85,89,87,183,189,196,199,196,191,183,181,178,181,183,183,178,168,160,160,168,173,173,168,161,178,196,199,199,191,160,157,168,178,183,189,183,178,178,181,176,168,169,183,186,183,183,189,194,196,202,194,119,91,85,87,95,115,165,119,95,75,53,38,30,93,107,113,113,119,121,121,120,121,160,163,165,173,181,189,194,199,207,202,183,163,121,121,160,168,170,163,115,113,113,111,113,121,168,170,176,178,165,168,181,189,191,191,186,170,123,168,186,196,199,199,199,199,196,191,186,186,178,173,176,183,176,168,168,181,189,189,186,178,168,166,170,170,168,170,178,183,181,173,168,127,170,168,125,125,168,115,115,123,170,176,178,189,199,204,199,186,181,178,181,178,173,178,183,189,191,191,183,125,110,85,108,121,127,168,176,178,186,202,217,173,105,121,191,202,191,181,178,183,183,176,176,183,189,189,186,189,194,199,199,194,183,170,168,170,170,168,168,168,123,110,108,113,117,93,63,65,107,113,113,113,115,117,125,173,170,173,183,196,202,202,202,199,194,189,183,170,109,79,79,111,129,181,189,191,183,103,86,88,109,131,181,186,191,194,194,189,183,181,181,181,181,176,173,178,186,189,191,191,189,186,183,183,186,186,173,125,173,183,186,186,186,181,178,173,125,121,127,173,178,173,131,129,173,181,176,123,119,123,127,173,178,176,129,178,196,204,204,199,186,127,123,173,181,173,173,176,176,131,129,131,178,183,186,186,191,196,199,199,199,199,196,196,196,196,196,196,196,196,199,199,199,196,189,176,123,129,181,181,127,119,120,129,176,178,173,176,189,196,194,181,172,172,178,189,196,202,202,199,196,189,183,173,119,114,116,170,196,204,199,191,189,189,189,183,176,125,173,183,183,183,186,181,129,125,191,199,189,186,194,199,196,194,194,191,189,189,191,191,183,130,129,133,178,178,176,173,178,191,196,186,173,129,127,125,129,131,127,131,186,194,194,186,125,113,178,189,183,178,181,186,194,196,196,194,194,189,121,115,178,191,191,178,105,93,111,196,199,191,165,117,105,103,103,85,68,105,123,178,178,173,170,173,173,118,119,170,173,176,176,173,127,173,181,191,196,194,189,183,181,183,186,186,183,181,178,176,178,181,178,173,127,107,94,99,123,129,176,181,181,183,194,191,186,183,191,191,186,178,181,191,196,194,191,189,189,189,189,189,186,183,183,183,183,181,183,183,181,181,181,181,181,133,130,131,181,194,196,189,178,177,183,191,194,199,199,199,194,191,190,191,191,183,182,182,181,181,183,191,196,196,194,194,196,199,196,199,202,207,202,196,191,189,189,191,194,194,196,199,204,204,199,196,196,196,194,191,189,189,191,196,199,199,202,204,207,207,209,209,209,207,202,199,202,202,202,186,126,118,191,204,212,215,212,203,204,204,207,209,212,207,199,199,204,209,209,207,207,209,209,196,123,112,119,181,191,191,189,189,191,189,178,123,121,176,189,189,176,131,183,199,202,194,186,176,173,176,183,186,189,189,183,178,178,183,191,191,181,176,133,133,129,126,126,131,181,189,191,196,199,199,194,192,196,202,207,204,200,200,202,204,207,207,207,207,209,209,209,209,209,207,207,207,207,207,207,204,202,199,196,189,185,187,189,196,202,199,196,202,207,212,217,217,222,222,220,217,217,217,215,207,196,192,192,196,202,204,209,209,209,209,212,212,212,217,222,225,225,225,222,215,213,215,217,215,212,209,207,204,204,204,207,207,209,209,199,189,189,191,189,125,116,118,133,191,202,204,202,196,194,194,196,186,130,131,183,191,191,191,196,204,209,204,194,186,183,186,191,194,199,199,196,189,186,181,178,183,189,191,191,181,170,129,173,181,189,189,189,183,183,181,178,170,127,123,120,120,123,168,178,181,178,176,173,176,176,173,173,176,181,178,178,176,170,125,121,121,125,127,129,178,194,194,186,178,181,189,194,194,191,186,183,183,189,189,191,191,191,191,191,189,189,189,189,191,194,196,199,199,199,202,202,199,199,202,202,204,207,209,204,191,181,129,127,128,135,178,178,178,178,178,178,178,178,181,183,189,189,183,178,178,178,178,178,176,170,125,121,123,125,125,127,170,176,178,181,181,183,183,181,186,196,202,199,196,199,199,196,189,186,186,189,191,191,189,189,191,194,191,189,191,191,189,191,196,196,196,196,196,194,194,196,196,196,194,189,182,182,189,196,202,202,194,183,129,123,131,183,191,199,204,199,189,183,178,183,183,191,202,199,191,189,194,194,191,185,183,185,189,194,196,199,202,204,202,199,194,189,186,183,183,189,189,189,194,199,202,202,199,202,199,199,202,204,207,209,212,212,217,217,215,209,204,196,189,141,140,140,141,189,194,199,199,198,202,207,204,196,194,199,207,209,209,204,202,199,194,190,189,189,196,202,196,186,138,139,189,196,202,204,204,202,202,204,207,207,204,204,204,207,207,207,209,209,209,204,199,191,141,137,137,139,139,189,194,199,199,199,199,199,196,194,194,194,191,186,182,183,191,191,189,186,186,183,183,186,139,137,186,199,204,202,202,207,212,212,204,194,191,196,204,209,212,209,207,207,207,202,202,204,204,204,204,204,204,202,200,202,202,202,202,202,202,202,204,204,202,202,202,204,204,207,207,207,209,212,207,202,202,202,199,199,204,209,209,202,194,191,191,194,194,194,190,190,191,194,196,202,202,199,199,202,202,199,199,199,202,202,202,202,204,204,204,204,204,204,202,199,191,187,187,191,194,191,191,196,196,199,202,202,199,194,186,182,181,186,191,191,189,189,186,183,183,138,138,183,189,186,183,186,191,191,186,182,183,191,194,194,191,196,202,207,209,209,207,199,196,191,189,189,194,196,199,199,199,199,199,199,202,202,202,204,207,207,207,207,204,204,202,199,202,199,191,139,138,186,196,202,204,207,204,203,203,204,207,207,207,202,199,202,204,202,199,196,196,199,199,199,202,207,209,209,215,217,217,217,217,215,212,207,207,207,209,212,215,215,215,212,207,199,145,194,204,215,215,209,202,196,196,191,189,187,196,207,209,209,204,191,141,140,140,140,186,194,202,207,204,202,199,199,199,199,196,196,202,204,204,207,207,204,204,204,196,189,187,189,186,181,178,186,194,196,196,196,194,196,207,209,194,129,127,176,186,189,186,181,181,183,181,168,123,121,123,168,123,34,22,46,173,191,199,196,178,170,183,183,125,89,69,85,173,194,194,189,204,217,222,215,209,209,207,202,194,141,139,194,209,212,204,202,207,217,228,233,235,235,235,238,241,241,238,230,212,202,202,209,215,222,228,233,238,238,238,238,235,228,225,220,215,209,209,209,0,0,0,0,0,0,0,233,235,238,233,225,215,209,212,217,233,241,246,0,0,0,0,0,0,0,233,230,228,220,209,199,194,181,169,168,168,173,178,186,196,209,217,217,0,0,0,0,0,0,0,212,0,0,0,204,0,0,222,225,225,220,217,215,215,0,0,0,0,251,255,255,255,255,255,246,235,225,207,194,186,181,178,181,194,209,204,186,176,0,0,0,0,0,0,0,0,238,248,251,241,212,186,176,178,183,189,189,176,160,0,0,0,0,0,0,0,0,0,0,0,191,181,173,173,173,173,181,191,196,199,204,207,204,196,189,191,209,225,228,217,212,209,207,204,202,204,202,196,190,191,194,194,191,183,181,0,0,0,196,189,181,173,168,160,152,144,107,103,103,147,165,168,0,153,0,160,165,176,186,196,196,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,82,47,51,111,142,157,165,160,155,155,157,157,155,117,113,109,109,117,163,165,168,123,163,170,173,176,176,173,170,168,165,165,165,125,117,95,76,65,95,168,168,117,116,123,168,165,163,168,176,178,176,170,165,160,163,170,170,165,165,178,191,189,189,191,178,121,41,0,0,13,77,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,181,178,176,183,191,189,186,186,160,51,50,83,139,147,139,138,152,157,152,150,152,157,163,144,55,61,144,155,147,134,97,27,11,11,29,75,58,67,150,165,173,160,170,144,99,77,21,0,61,95,152,160,173,176,178,160,155,173,178,49,85,103,107,150,160,113,78,77,111,181,191,189,183,181,176,181,186,186,186,170,113,109,111,119,107,90,82,97,121,165,168,170,160,114,113,114,115,115,117,160,165,168,163,120,121,165,170,173,170,165,163,176,189,183,178,176,181,170,121,119,121,125,121,116,115,117,125,165,123,168,183,189,170,119,119,127,129,170,181,191,199,204,204,202,199,202,204,207,207,207,205,207,209,207,204,202,204,207,202,186,165,111,83,71,48,47,59,101,91,77,69,67,61,95,163,0,0,0,0,77,111,157,170,186,196,186,102,97,165,155,65,65,101,152,186,199,109,103,107,113,155,189,199,160,72,97,150,157,194,186,204,217,222,238,248,189,79,59,23,35,47,204,207,199,189,47,57,65,105,157,85,69,0,75,144,189,194,194,191,186,183,183,186,189,183,173,150,144,157,173,176,168,160,156,170,189,191,191,186,157,117,160,170,181,186,186,181,181,183,183,173,170,183,186,183,185,189,194,196,202,196,168,99,89,85,73,61,56,60,74,95,113,57,41,105,103,99,98,109,119,121,121,160,163,165,165,173,183,186,186,191,202,207,204,194,186,178,173,173,176,165,117,119,176,168,163,123,163,165,170,170,161,156,163,173,176,165,121,121,163,186,196,199,199,199,199,196,189,183,181,181,170,163,163,165,159,161,176,194,196,189,189,189,178,173,176,176,168,125,168,170,170,168,168,168,170,170,170,178,189,186,181,181,183,183,183,191,202,204,202,194,186,183,183,181,181,183,186,189,189,186,176,127,121,119,123,168,176,181,173,168,176,186,202,115,95,107,178,196,196,186,181,183,183,176,174,178,183,186,183,181,183,189,191,186,178,176,176,178,181,181,178,173,121,108,109,115,115,87,60,64,103,109,111,111,110,109,109,105,99,121,178,191,199,202,202,199,196,194,186,127,113,109,170,173,170,178,183,178,111,89,88,93,113,131,183,191,199,199,194,191,189,189,186,186,183,176,131,176,186,191,194,191,189,189,191,191,191,191,111,97,115,181,186,183,178,131,127,123,121,123,129,178,183,178,173,170,176,183,178,121,116,116,119,170,178,129,121,127,194,202,202,199,189,114,112,131,183,181,178,178,181,178,176,176,181,186,189,189,191,194,199,199,199,199,199,196,199,202,199,196,195,195,196,199,199,194,178,119,114,119,131,173,127,123,125,131,176,181,181,183,189,194,191,176,166,170,181,196,204,207,204,202,196,189,181,170,118,114,116,176,202,207,202,191,183,181,189,186,173,101,123,176,176,176,181,178,170,170,183,189,189,189,194,199,196,196,196,191,189,189,191,194,186,131,130,133,176,133,131,173,178,189,194,191,181,176,127,121,123,176,178,181,183,191,196,189,110,106,125,178,173,173,183,191,196,199,202,199,194,181,123,123,186,196,194,178,111,97,104,178,183,117,109,125,170,121,105,76,55,101,170,181,173,168,170,173,168,117,115,119,129,178,183,186,181,183,189,196,199,194,189,183,178,181,178,178,178,178,178,176,173,176,181,183,176,101,81,90,119,127,178,181,179,179,189,189,183,181,186,186,178,131,133,183,194,196,196,194,191,191,191,189,181,176,183,189,183,181,181,183,183,181,181,181,181,178,133,176,186,194,194,183,178,179,189,194,194,196,199,196,191,189,189,194,196,191,191,189,181,179,183,194,199,202,202,202,204,204,202,202,204,207,202,194,186,183,183,182,182,186,191,194,202,204,204,204,204,202,194,189,189,189,194,199,199,196,196,202,204,207,207,207,207,204,199,195,196,202,199,183,125,123,189,202,207,215,209,204,204,204,207,209,209,204,199,199,204,207,209,207,207,209,209,194,123,115,127,196,204,199,194,194,196,196,191,176,125,129,173,127,123,129,183,196,199,191,181,176,176,178,186,189,189,186,183,181,181,186,186,176,123,123,127,129,129,126,127,133,186,194,196,199,202,202,196,192,196,204,207,204,202,202,204,204,204,202,204,204,207,209,212,209,207,207,207,207,204,204,204,204,202,202,199,194,191,194,194,199,202,199,196,199,204,209,212,215,215,217,217,217,217,217,209,202,194,192,191,192,196,204,209,207,202,199,204,212,217,222,225,225,225,225,222,222,217,217,217,217,215,215,212,209,207,209,212,215,215,209,202,196,199,196,189,131,120,123,181,196,204,209,207,202,196,199,194,131,117,122,133,186,189,189,194,207,209,202,183,174,176,181,189,196,202,202,199,194,186,178,176,181,189,194,196,189,178,173,173,181,189,191,189,186,183,181,176,170,127,123,123,123,168,178,186,189,186,176,168,127,168,170,170,173,178,178,178,176,170,123,119,119,125,127,170,181,191,191,178,174,176,189,196,199,196,191,186,186,186,189,191,194,196,194,191,189,189,189,191,194,194,194,194,196,196,194,186,183,189,199,204,204,207,212,209,199,189,135,129,131,135,133,132,133,178,183,183,183,183,186,189,194,194,191,186,183,183,181,178,173,168,121,117,117,121,123,125,127,170,173,176,176,176,178,176,178,191,199,202,202,202,196,194,191,189,189,191,191,191,183,183,186,189,186,189,194,194,186,186,189,186,186,189,196,196,196,196,196,194,191,186,182,182,199,207,212,209,204,196,181,133,183,196,202,204,202,194,186,181,133,133,133,181,194,196,191,194,199,202,199,191,186,189,191,194,196,199,202,204,204,199,194,191,189,183,183,183,186,189,196,204,209,207,204,202,199,199,204,209,209,209,209,212,215,220,215,207,199,194,191,189,186,189,189,189,194,199,202,202,202,202,194,183,183,191,204,209,209,207,199,196,194,191,191,196,204,204,196,139,136,137,183,194,202,204,204,202,199,199,202,202,204,204,207,209,209,209,209,212,215,212,207,199,189,141,186,189,189,191,194,196,199,199,199,199,196,191,191,194,191,189,189,191,194,194,189,183,139,137,135,139,139,137,186,196,202,200,200,202,209,209,204,196,196,199,202,204,204,204,209,209,209,204,200,200,202,207,207,203,204,202,200,202,202,202,202,202,204,204,204,204,202,202,204,207,207,207,207,207,212,215,209,202,200,202,204,207,212,215,212,202,196,194,194,194,194,191,191,191,194,196,199,202,199,196,196,199,202,204,202,199,196,196,199,202,202,202,202,199,199,199,199,199,196,189,189,194,199,196,194,194,191,192,196,199,199,194,186,182,181,183,189,189,186,186,186,186,186,138,137,139,183,183,139,186,189,186,182,179,183,194,202,204,202,207,207,204,204,204,202,196,194,189,186,186,191,194,194,194,196,196,196,199,202,204,204,207,207,207,204,204,204,204,202,199,196,191,141,137,137,186,194,199,202,207,207,207,207,207,207,204,204,202,199,202,204,204,202,199,199,202,204,207,209,209,207,204,207,209,212,212,212,209,207,205,205,205,207,209,212,209,204,202,199,191,139,143,202,215,220,212,202,196,196,194,189,187,194,207,209,207,199,189,140,141,186,186,191,199,207,207,199,194,192,192,194,194,192,192,196,202,202,204,204,202,204,204,199,189,189,196,199,191,186,189,194,199,199,196,194,196,202,207,199,173,125,168,181,176,170,168,178,183,181,168,118,121,163,178,191,125,69,107,196,202,204,199,181,164,178,173,119,68,55,61,121,189,186,183,199,215,222,215,212,212,209,202,191,135,132,143,204,209,204,203,212,222,230,235,235,233,233,235,241,241,235,228,207,196,196,202,212,225,233,238,238,238,238,238,235,230,225,222,215,212,209,209,0,0,0,0,0,0,0,233,235,233,228,217,209,208,215,228,235,241,243,241,0,0,0,0,0,0,225,228,230,228,215,204,194,181,170,170,176,176,176,178,186,204,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,225,217,212,209,0,0,0,0,0,248,254,255,255,255,255,248,241,228,209,196,189,181,178,181,199,209,199,178,170,170,170,165,163,0,0,0,0,228,246,255,255,243,207,189,183,183,186,183,170,0,0,0,0,0,0,0,0,0,0,0,0,189,183,183,186,181,178,181,189,191,194,194,189,183,176,173,176,196,217,225,217,209,204,199,196,196,196,199,194,191,190,0,191,191,186,0,0,0,0,0,191,183,178,173,165,155,147,144,142,0,160,173,170,163,157,160,163,165,173,186,199,199,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,5,7,51,129,147,163,165,160,157,155,160,155,111,105,104,109,119,123,163,163,121,117,121,165,168,173,170,168,168,165,168,168,163,117,93,45,56,111,176,176,115,110,117,123,123,165,170,173,176,173,168,163,163,173,181,178,170,170,183,191,181,178,178,173,139,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,189,189,181,186,191,194,194,191,189,183,168,144,142,144,142,139,142,150,150,147,147,142,150,129,14,45,150,168,176,178,204,196,17,3,35,69,65,53,131,142,99,67,41,10,31,37,13,0,39,99,150,155,160,160,151,148,157,199,204,52,69,97,49,157,160,160,150,75,100,163,181,181,176,168,165,170,181,191,191,183,160,111,103,95,91,90,93,109,160,165,165,163,121,117,115,115,115,117,119,121,163,168,160,119,119,123,163,163,123,119,119,163,173,181,186,191,196,125,117,123,189,189,176,123,117,117,121,123,123,168,176,176,125,119,119,125,129,129,173,181,191,196,199,196,199,202,204,207,209,207,207,209,207,202,199,204,207,207,194,168,123,163,115,82,52,61,61,83,97,89,46,49,40,51,93,0,0,0,0,0,81,150,170,189,191,183,94,103,173,168,95,60,61,89,101,101,87,103,107,107,150,181,176,87,72,168,204,204,204,209,212,215,215,217,217,212,209,202,186,165,142,186,207,196,168,57,152,11,27,65,71,0,0,0,69,155,178,189,186,189,186,189,189,181,168,139,134,142,170,181,176,163,157,157,170,186,189,181,168,117,113,115,163,176,183,186,183,179,181,183,183,183,181,186,186,186,189,194,196,199,189,165,113,105,99,75,62,51,60,99,111,181,115,160,165,103,96,99,109,117,121,160,163,165,165,168,173,183,186,185,186,199,207,207,202,199,196,189,181,183,178,173,186,189,186,170,165,163,163,170,168,160,157,160,165,123,118,117,120,168,194,196,196,196,194,191,186,181,170,165,165,121,110,119,165,163,161,181,194,191,186,189,196,196,189,181,176,125,122,124,127,127,127,168,173,173,176,178,181,181,183,186,191,194,186,186,194,202,202,199,189,183,181,181,183,183,183,181,181,183,181,176,170,176,181,181,173,173,178,127,121,125,173,170,81,68,103,176,189,194,181,178,178,178,176,176,178,183,183,181,179,179,181,178,176,173,176,183,189,189,191,191,181,119,106,112,173,183,165,99,95,103,107,115,115,115,115,111,104,100,117,170,183,194,199,204,204,204,199,181,121,119,178,194,191,186,183,176,107,85,87,92,105,121,176,183,191,199,199,194,191,191,191,191,191,183,131,125,131,186,194,196,194,191,194,199,196,194,191,99,93,103,176,178,127,123,123,123,121,123,127,131,178,186,186,176,169,173,183,176,121,116,116,119,129,170,120,117,123,183,194,196,189,129,83,103,129,183,181,174,176,181,183,183,183,181,183,186,186,189,196,199,199,202,202,199,199,202,207,204,199,194,194,196,199,199,191,127,115,114,118,123,129,131,131,131,131,176,183,183,183,186,189,186,176,173,178,189,199,207,207,204,199,191,183,183,176,125,121,125,176,196,207,204,189,113,105,125,194,99,0,77,168,170,173,176,178,176,181,186,189,189,189,191,196,196,196,196,196,191,189,191,194,189,176,131,176,176,173,129,129,173,181,191,196,194,189,129,115,114,173,186,189,186,183,186,170,110,108,117,121,109,119,181,189,191,196,202,196,183,176,123,117,176,191,191,176,178,183,117,117,117,46,95,168,173,165,111,76,42,99,181,176,121,125,168,127,168,125,119,119,127,181,191,191,189,189,191,196,196,196,194,189,183,178,176,174,176,178,176,131,131,173,181,183,176,121,100,100,113,123,173,181,181,181,183,181,178,178,178,133,129,129,176,186,191,196,199,196,191,191,191,186,133,131,181,189,186,181,181,181,178,178,178,181,181,181,181,183,186,189,186,181,181,189,196,196,194,196,196,196,191,190,191,196,202,202,204,196,182,181,191,204,204,204,207,209,209,207,204,204,207,207,204,196,189,186,186,182,179,181,183,186,189,194,202,209,209,202,194,191,191,194,199,202,199,194,194,199,207,207,204,204,202,202,196,194,195,199,196,139,127,128,189,202,207,209,209,207,204,204,204,204,207,204,202,199,202,204,204,204,204,207,204,196,186,133,183,199,207,207,202,202,204,207,204,181,101,99,113,125,131,178,183,189,189,181,176,178,183,186,189,189,186,186,186,183,183,181,133,119,115,120,125,129,129,129,131,181,191,199,202,204,204,202,199,194,196,204,209,207,207,207,207,204,202,202,202,204,207,209,209,207,204,204,204,204,202,202,204,207,204,202,202,202,199,196,199,202,204,204,202,202,204,207,207,207,209,212,215,215,217,217,207,194,192,192,194,196,199,204,207,202,196,195,199,209,220,222,225,225,228,228,225,225,222,217,217,217,220,220,217,217,215,215,220,222,217,212,207,202,199,199,191,137,133,181,189,194,204,207,207,202,196,196,194,178,121,121,131,181,183,186,194,207,209,202,173,170,176,183,191,196,202,202,196,191,186,178,174,178,186,191,194,191,183,178,181,186,191,191,186,183,181,178,173,168,125,125,125,168,176,186,191,194,191,178,127,124,125,127,168,173,178,181,181,176,129,125,119,118,123,125,170,181,189,186,176,173,176,186,194,199,196,191,189,189,186,186,191,196,196,194,191,191,191,194,194,191,191,191,194,194,194,186,176,176,186,199,204,207,209,212,209,202,196,186,178,135,135,133,132,133,181,186,186,183,183,189,191,194,196,196,194,189,186,181,178,176,168,117,112,113,123,125,123,125,168,170,173,173,173,173,173,176,183,194,202,204,202,199,194,191,186,189,191,194,191,183,182,183,181,178,186,196,191,181,178,181,178,178,183,194,202,202,199,194,186,183,183,183,186,202,209,212,215,209,202,191,189,196,199,199,202,199,196,189,181,135,132,132,133,183,189,191,194,202,207,207,202,196,196,196,199,196,194,194,199,199,196,194,191,186,183,183,186,191,196,204,212,212,215,215,209,207,204,202,199,202,207,207,207,215,217,209,199,189,141,186,189,194,194,191,191,194,199,204,207,204,196,189,182,182,189,196,204,207,204,199,196,196,196,199,204,204,199,191,183,137,138,183,191,199,204,207,202,199,196,194,194,199,207,209,209,209,207,207,209,215,212,207,202,194,191,194,194,194,191,189,189,194,196,196,194,189,183,183,189,191,194,194,194,194,194,189,183,137,132,131,134,135,137,183,196,202,202,202,202,204,204,202,199,199,202,202,199,198,199,207,212,212,207,200,200,202,204,204,204,204,204,202,202,202,202,202,202,202,202,202,204,204,204,204,204,203,204,204,209,212,212,212,207,202,204,207,212,217,220,215,207,202,196,191,191,191,194,194,196,196,199,202,202,196,195,194,194,202,204,204,199,196,196,199,207,204,199,196,194,194,196,202,204,204,199,194,196,202,202,199,196,192,191,194,202,202,194,189,186,183,182,186,186,186,183,186,189,186,139,138,139,139,139,139,186,189,183,179,181,189,196,204,207,209,209,207,204,202,202,199,196,194,189,186,186,189,189,189,191,196,196,196,202,204,207,207,207,207,204,202,199,199,202,202,196,191,186,138,137,139,191,196,196,202,207,209,209,212,209,204,203,207,207,202,196,199,204,204,199,199,199,202,207,209,209,202,198,198,204,212,212,212,209,209,205,204,205,209,212,212,207,199,196,194,139,136,138,199,215,217,209,202,196,194,189,186,186,191,202,204,199,194,186,141,186,191,194,196,204,209,207,196,191,191,192,192,192,192,194,196,199,199,202,202,202,204,204,202,196,199,207,204,196,189,189,196,199,199,194,191,196,199,199,191,173,125,125,125,123,123,165,176,183,183,176,123,123,168,178,186,189,181,176,191,199,199,194,181,166,168,170,115,73,50,52,99,121,121,119,181,199,207,207,207,209,209,204,189,131,128,135,199,209,209,212,217,225,230,233,233,233,233,235,238,235,233,230,222,202,198,198,202,222,233,235,233,233,235,235,235,230,228,222,217,215,0,0,207,212,0,0,0,0,0,0,235,228,217,212,208,208,217,233,243,243,238,235,233,0,0,0,0,228,228,233,235,230,222,209,199,186,178,181,183,183,178,176,181,196,209,220,0,0,0,0,230,235,0,0,0,0,0,0,0,0,0,0,228,217,209,0,0,0,0,0,0,0,0,255,255,255,255,255,246,230,212,202,196,186,183,189,199,204,196,181,176,176,173,0,0,0,0,0,0,230,248,255,255,255,212,196,186,183,183,0,0,0,0,0,0,0,0,199,183,168,0,163,173,183,0,204,202,191,183,186,191,194,194,189,181,170,165,160,0,181,204,217,220,209,204,199,191,191,191,194,194,191,191,191,194,194,191,181,178,0,0,0,191,186,181,173,165,157,152,152,152,157,165,173,173,165,163,165,165,165,173,189,202,204,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,63,131,152,168,170,165,157,150,155,157,115,108,108,117,119,119,117,117,113,105,113,123,173,178,176,170,168,168,170,170,163,117,95,48,77,165,183,183,163,114,119,123,165,168,170,173,173,176,173,165,165,178,186,186,176,173,181,186,168,163,163,157,129,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,178,194,189,179,183,186,191,191,191,191,189,181,170,163,160,152,142,131,137,147,147,144,134,81,6,0,43,173,178,176,170,196,199,55,39,73,81,73,60,61,43,10,0,0,0,37,31,0,0,67,93,142,155,165,165,153,152,168,202,204,53,63,81,46,155,168,168,160,101,105,155,170,178,173,161,159,165,178,191,196,194,181,157,99,89,89,93,109,160,163,121,115,113,117,117,117,119,121,121,119,119,163,170,165,120,120,121,123,123,121,118,117,118,123,170,181,189,186,118,114,125,199,207,199,189,170,119,121,165,173,176,170,168,125,121,123,127,129,127,127,170,181,189,191,191,191,196,202,207,209,209,209,212,209,202,199,202,204,202,183,163,163,165,119,99,99,101,83,95,97,77,46,85,87,51,23,0,0,23,49,67,107,157,186,196,183,168,107,105,157,173,170,83,71,75,61,42,93,107,113,115,160,176,173,105,97,181,202,209,209,212,212,209,207,208,209,215,217,212,204,189,160,163,194,194,170,0,1,0,0,0,0,0,0,0,0,81,144,160,168,181,189,178,173,168,147,139,138,152,178,186,181,170,161,163,176,189,186,173,160,115,112,112,157,170,176,176,181,183,181,178,181,186,186,186,189,189,191,194,194,191,181,165,119,121,160,117,111,97,109,111,107,113,119,163,170,107,97,100,111,119,121,121,163,168,168,165,173,186,189,185,186,194,204,207,204,202,202,194,165,168,178,178,189,199,191,176,168,165,165,170,170,163,163,168,176,173,163,123,170,181,191,194,196,194,194,191,181,170,163,111,109,111,111,119,168,173,173,183,186,181,178,189,199,202,199,181,125,121,122,165,170,170,170,173,181,186,186,183,181,176,173,183,199,199,186,181,186,191,194,189,181,176,176,176,178,178,176,170,170,178,181,178,178,183,191,189,127,110,113,117,119,123,127,127,107,96,119,173,181,183,178,173,176,178,176,176,181,183,183,183,183,183,181,176,129,126,173,189,196,196,196,196,189,168,113,123,183,196,199,186,165,119,119,123,125,165,170,165,115,110,119,127,178,189,196,202,204,202,196,178,123,127,194,204,199,194,186,173,115,97,97,103,113,129,178,183,189,196,196,194,191,191,196,196,189,131,117,119,129,181,191,194,194,194,196,199,191,183,86,87,92,113,131,125,114,113,118,121,125,127,129,170,176,186,186,176,168,170,186,186,129,119,118,123,127,125,119,119,122,129,181,183,178,121,82,96,129,183,178,173,174,181,183,186,186,181,178,178,181,186,194,196,196,199,199,202,202,204,209,207,202,196,196,199,202,196,186,127,119,119,121,123,131,181,181,131,129,178,189,186,182,186,191,191,189,189,191,191,194,199,204,204,196,186,177,181,178,170,170,173,181,196,204,207,181,71,39,15,33,21,0,35,123,176,181,181,181,178,186,191,194,191,191,191,194,196,196,196,194,191,189,189,189,186,133,176,186,189,178,125,124,127,176,189,196,199,196,181,118,117,176,194,196,189,183,181,170,117,114,117,113,108,110,176,186,191,196,199,191,181,173,121,114,125,183,186,181,189,196,189,125,39,24,57,121,168,125,119,105,94,125,176,115,102,115,121,121,125,127,123,121,127,183,194,194,191,189,194,196,196,196,196,194,186,181,176,176,176,176,176,131,130,178,181,176,131,129,127,125,121,123,173,183,186,181,178,176,176,176,129,124,125,131,181,189,194,194,196,191,186,186,189,183,132,131,178,189,191,189,186,181,133,133,178,181,183,183,186,186,183,181,181,183,189,196,204,204,202,202,199,194,194,196,199,204,204,207,207,202,189,186,199,209,209,209,209,212,209,207,204,207,209,209,209,204,199,194,194,194,186,182,182,182,182,183,194,204,207,204,199,196,196,196,196,199,202,194,194,199,204,207,204,202,199,202,199,195,195,199,196,139,130,132,194,204,207,209,209,207,202,199,199,202,204,204,199,196,199,199,199,199,202,204,202,199,191,183,189,202,207,207,207,207,209,212,207,129,92,88,107,176,183,183,183,183,181,176,173,178,183,189,189,189,189,189,189,183,181,176,127,119,117,121,125,129,133,176,178,186,194,202,204,202,202,199,199,199,202,204,207,204,204,204,207,204,202,202,202,204,202,202,204,202,199,202,202,199,199,202,209,209,207,204,204,199,196,199,199,202,207,207,202,204,204,204,204,204,204,204,209,215,217,215,204,194,192,196,202,204,207,204,204,199,196,198,204,212,215,217,222,225,228,228,228,228,222,215,213,215,220,222,222,222,217,217,217,217,217,215,209,204,199,202,199,191,189,194,194,194,196,196,196,194,191,194,199,199,186,178,186,189,189,189,196,209,209,199,176,174,181,183,186,189,196,196,194,189,181,176,176,178,183,186,189,189,186,183,186,191,191,186,178,176,173,176,173,170,127,125,127,173,178,186,189,194,191,186,173,127,127,168,170,170,176,181,181,176,129,125,121,119,123,123,127,176,181,181,176,176,181,186,191,191,194,194,191,189,189,186,191,194,194,191,194,194,191,196,199,194,190,191,191,191,191,183,176,176,186,199,204,207,207,204,204,202,199,191,183,181,181,133,132,176,189,194,191,189,189,191,191,194,194,196,194,191,189,186,181,176,127,115,109,111,119,165,125,123,127,170,176,178,176,173,173,176,183,189,196,199,202,202,199,194,189,186,189,191,191,186,183,186,179,177,181,191,186,178,176,178,178,178,181,194,207,209,204,194,182,179,182,186,191,202,204,207,212,215,209,202,196,196,196,196,196,199,196,191,183,181,133,132,133,181,186,189,191,196,202,204,204,202,202,202,199,191,186,186,191,194,196,196,194,189,189,196,202,204,207,209,212,215,217,217,212,207,202,194,192,199,207,207,204,209,209,202,194,139,137,139,186,194,196,194,191,194,199,207,209,207,196,189,183,183,189,194,199,202,202,202,199,196,194,191,191,186,139,139,139,139,183,186,189,194,199,202,199,199,196,194,192,196,204,209,212,209,207,207,209,212,209,207,202,199,199,199,196,191,186,139,139,183,189,191,189,183,182,182,183,189,194,194,191,191,191,189,183,137,132,131,134,137,139,186,196,202,202,202,202,202,199,196,196,199,202,202,198,198,199,204,209,209,207,202,200,202,204,204,204,204,204,202,202,204,204,204,204,199,199,202,204,207,207,204,203,203,204,207,207,207,209,209,209,207,209,212,212,217,222,217,215,209,204,196,191,194,194,196,196,199,202,204,202,199,195,194,194,199,204,204,202,198,198,204,207,204,199,194,192,194,196,202,207,209,207,202,202,202,204,199,196,196,196,199,204,204,194,189,189,186,183,183,186,183,182,183,189,189,183,139,139,183,183,186,189,186,183,183,191,199,202,207,209,209,207,204,200,202,204,204,199,196,191,189,186,141,140,140,189,199,199,199,204,209,212,212,212,207,199,194,194,199,199,199,194,189,139,137,138,189,196,196,196,202,204,207,209,212,209,207,204,209,209,204,196,196,202,204,202,202,202,204,209,212,207,199,195,195,202,212,215,215,212,212,209,207,207,212,212,212,209,207,204,194,139,136,139,196,212,212,207,202,196,191,187,187,187,191,194,196,194,189,189,189,191,196,196,199,204,209,209,202,196,194,196,194,196,199,202,202,202,199,199,199,199,202,204,204,204,207,209,204,196,191,191,196,196,194,189,186,191,196,194,189,173,123,122,122,122,122,127,176,181,181,173,165,168,176,181,189,191,186,178,178,181,181,176,168,173,176,181,183,176,109,99,109,113,113,119,133,183,191,199,202,204,204,202,189,132,130,141,207,217,217,217,222,228,230,233,233,233,233,238,238,230,228,228,228,217,202,198,199,207,222,225,228,228,230,230,230,228,225,217,215,212,0,0,212,215,0,0,0,0,0,0,235,228,215,209,207,208,217,235,246,241,233,228,225,0,0,0,0,225,230,235,238,233,225,212,202,191,186,189,191,189,183,178,176,186,204,220,0,0,0,0,228,230,0,0,0,0,0,0,0,0,0,0,0,222,0,0,0,0,0,0,0,0,0,0,255,255,255,255,248,233,215,207,204,194,189,189,189,194,191,183,181,178,173,0,0,0,0,165,0,0,255,255,255,255,215,199,191,186,181,0,0,0,0,0,0,194,183,178,173,165,0,152,160,0,0,0,207,194,186,186,191,194,194,189,181,168,157,156,0,176,196,215,222,215,207,199,194,191,190,190,190,191,191,194,196,199,194,186,178,0,0,0,191,186,181,170,163,160,157,160,163,160,163,173,173,168,165,165,168,168,176,191,204,207,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,116,150,170,178,178,176,165,147,151,157,160,163,168,168,160,117,115,111,100,94,101,117,173,183,181,176,170,168,173,170,123,111,89,47,99,165,181,181,170,163,163,165,168,170,168,168,170,176,173,168,163,170,181,183,176,173,173,176,168,160,157,155,134,98,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,189,183,191,189,179,183,189,191,191,189,189,186,183,181,181,173,163,142,107,107,124,137,150,142,113,9,0,116,194,189,186,134,73,65,63,81,129,89,79,81,67,49,29,0,0,8,89,95,31,0,53,69,93,165,178,186,178,165,165,186,189,58,57,47,39,97,173,170,168,163,113,152,165,176,170,159,156,165,181,191,196,199,194,178,111,89,87,97,163,170,165,115,109,109,112,113,115,119,165,165,160,119,160,168,165,121,121,121,123,123,123,121,119,121,123,168,176,178,170,116,114,165,204,215,212,204,189,125,123,173,183,178,125,122,123,125,127,127,127,127,127,129,173,178,183,186,186,191,199,207,207,204,207,209,209,202,194,194,191,178,121,119,163,168,119,105,111,107,95,99,95,57,48,168,183,67,0,0,0,97,186,186,173,165,181,186,108,106,168,113,67,96,168,115,85,67,55,51,99,111,160,173,176,173,176,189,155,189,204,209,212,212,209,208,207,208,209,212,215,215,209,199,163,156,181,186,170,0,0,0,15,9,0,0,0,77,69,93,139,144,142,101,105,142,109,147,144,147,157,170,183,189,186,178,173,176,186,196,183,163,115,112,113,113,152,160,160,163,173,178,178,176,181,191,186,178,183,189,189,189,186,181,170,160,160,165,176,173,168,168,165,115,103,104,113,119,160,113,101,102,111,121,160,121,165,176,176,170,176,191,191,185,185,191,202,204,204,202,202,196,103,97,165,160,173,199,191,176,170,168,168,170,170,170,173,181,186,191,189,189,189,191,191,191,194,196,196,194,181,165,121,103,99,103,111,117,165,178,186,183,178,170,178,191,202,202,196,178,123,121,124,170,173,173,181,183,191,199,194,186,178,127,125,178,196,194,173,170,176,178,181,178,176,172,172,172,173,173,170,127,127,173,178,181,183,189,194,191,121,102,105,117,127,127,127,170,170,125,127,173,178,181,173,170,170,173,173,173,176,181,183,183,189,189,183,173,125,124,168,189,199,199,196,196,189,176,168,173,183,196,204,202,183,168,165,165,168,173,178,173,125,123,125,127,173,189,196,199,199,199,189,176,129,176,196,199,194,191,189,181,170,125,121,117,121,176,183,186,189,194,194,191,191,191,194,194,181,115,111,117,129,178,186,189,191,194,196,194,183,129,85,90,105,127,131,119,114,116,121,125,129,170,129,129,176,186,186,181,169,170,194,199,186,127,123,127,170,129,123,123,123,123,173,181,181,131,96,104,129,186,181,174,176,181,186,186,186,178,133,176,178,183,194,196,196,196,199,202,204,204,207,204,202,199,199,204,202,196,186,173,127,131,127,127,173,183,176,120,120,173,189,186,183,186,194,196,194,194,196,189,185,186,194,199,194,181,174,177,181,178,178,181,189,196,196,194,91,0,0,0,0,0,19,83,181,189,189,191,186,183,189,194,196,196,196,196,196,199,196,194,191,191,189,183,183,181,129,176,194,196,183,125,123,125,178,189,196,202,204,189,123,120,176,196,202,194,186,183,178,129,121,115,115,111,113,176,189,194,194,194,186,178,173,121,112,117,178,183,186,191,199,199,178,32,33,79,123,168,168,173,178,178,181,178,107,98,106,115,119,125,168,125,121,127,178,189,191,189,191,194,196,199,199,199,196,191,186,186,183,181,178,178,173,131,181,183,173,127,127,173,176,131,125,173,189,189,181,176,176,178,178,125,122,125,178,189,194,196,196,191,186,185,186,189,181,132,132,181,191,196,196,191,176,127,129,133,181,186,189,189,186,181,177,179,186,194,202,209,209,207,207,202,194,196,202,207,207,204,202,202,199,196,194,202,209,212,212,212,212,209,204,204,207,212,212,215,212,204,199,202,204,202,186,182,182,182,182,183,194,204,204,204,202,199,196,186,185,199,196,194,196,202,204,204,202,199,199,199,196,196,196,191,137,132,139,196,204,204,207,209,204,199,198,198,199,202,202,199,196,194,194,196,199,202,202,202,199,194,189,191,199,204,204,207,207,204,196,129,106,97,95,115,186,194,191,189,181,176,131,129,173,183,189,191,194,194,194,189,186,181,133,122,120,123,127,129,133,176,178,186,191,199,204,204,202,196,195,196,202,207,204,202,199,199,202,204,204,199,199,199,199,196,194,196,199,199,199,199,199,199,204,212,215,212,209,204,199,195,199,204,207,207,199,194,199,204,204,204,204,204,204,209,215,217,212,202,196,196,202,207,212,212,207,204,202,202,209,215,212,207,209,215,222,225,225,225,225,220,213,212,215,217,222,225,225,222,217,217,215,212,212,209,202,196,199,199,189,186,191,196,196,196,191,186,179,183,194,204,212,215,207,202,202,199,194,199,209,204,186,181,186,186,178,133,181,189,191,189,183,176,173,176,178,178,181,181,181,183,186,191,191,189,183,176,168,170,176,176,170,127,125,125,168,176,181,186,191,191,191,183,176,173,173,170,169,170,178,178,173,127,123,119,118,121,119,119,123,131,176,181,186,191,189,185,185,191,194,189,186,186,186,189,191,191,194,194,194,191,196,199,196,191,191,190,190,191,186,179,181,186,194,196,199,199,199,199,199,196,191,186,183,181,132,132,178,191,196,194,194,194,194,191,191,191,194,194,191,189,183,181,176,125,113,109,110,115,125,121,121,125,168,176,181,178,173,173,173,181,189,194,196,199,202,199,194,189,186,186,189,189,189,189,189,181,177,179,183,181,176,176,178,181,178,181,194,207,212,207,191,181,179,182,189,194,199,202,204,212,217,212,202,196,194,194,194,194,196,194,189,183,181,135,133,135,183,189,191,189,191,194,196,202,204,204,204,199,189,181,181,186,194,199,202,204,196,199,204,207,207,207,204,207,209,212,212,209,204,196,191,191,199,207,207,202,202,199,191,186,137,136,137,186,194,196,194,191,194,199,207,209,204,196,186,139,139,186,191,196,199,202,202,202,196,189,183,135,133,132,135,183,183,186,186,186,186,191,194,194,196,196,194,192,194,202,207,209,207,207,207,209,209,209,207,204,204,207,204,196,189,139,137,137,137,139,186,186,183,182,182,183,191,191,191,189,186,189,186,183,137,134,135,183,189,189,191,199,202,202,202,202,199,196,196,196,199,202,202,199,199,199,204,207,207,204,202,202,204,204,202,199,202,202,202,202,204,207,207,202,196,199,202,207,209,209,207,204,203,204,207,204,202,202,207,212,212,212,212,212,217,222,222,217,215,209,199,194,194,196,194,194,199,204,207,204,202,199,196,196,199,202,204,202,199,202,207,209,207,202,196,194,194,196,204,209,212,209,204,204,204,202,196,194,196,199,202,207,207,196,191,191,189,186,186,183,182,182,183,189,191,186,139,183,186,189,189,189,186,186,194,202,204,204,204,207,207,204,202,199,200,202,204,202,196,194,191,186,139,138,140,191,202,202,202,207,212,212,212,209,204,191,189,191,196,196,196,194,189,139,138,186,196,202,202,199,199,199,202,204,209,212,207,207,209,209,202,194,196,204,209,207,207,207,209,212,215,209,199,195,194,199,209,215,215,215,212,209,209,209,212,209,209,209,212,212,204,191,141,145,202,212,212,207,202,194,191,189,191,191,191,191,194,191,191,191,194,199,199,199,196,202,204,207,207,204,202,199,199,199,204,207,207,204,202,199,196,196,196,202,207,207,207,207,199,191,190,191,194,196,191,186,185,189,196,196,191,178,125,123,123,123,123,168,178,181,176,168,168,173,183,189,191,191,189,178,125,121,117,116,123,178,189,191,196,199,196,189,176,123,123,178,186,183,186,194,199,199,199,199,191,137,137,196,215,225,228,225,225,228,230,230,230,233,235,235,233,222,212,212,222,228,215,202,198,199,202,212,217,222,222,225,225,222,217,212,209,207,207,0,217,222,0,0,0,0,0,0,238,230,217,209,207,208,217,235,241,235,225,217,215,215,0,0,217,220,228,235,238,233,225,215,207,196,191,194,196,191,183,176,0,176,191,215,0,0,0,0,222,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,248,233,222,215,207,199,191,183,178,181,183,181,176,173,0,0,0,0,0,173,0,0,255,255,255,255,222,204,191,186,181,0,0,0,0,0,0,178,168,165,168,165,0,0,150,0,0,0,202,191,181,181,183,186,191,189,181,168,157,0,163,176,194,0,225,220,209,202,196,194,191,190,190,191,194,199,202,199,196,191,186,0,0,0,189,186,178,168,160,157,160,165,165,155,152,160,168,165,165,168,173,173,178,191,204,204,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,144,165,178,181,181,183,176,148,151,160,165,173,178,173,163,117,115,111,100,94,101,115,168,181,183,178,173,173,173,173,163,113,87,51,103,119,168,173,170,168,168,165,168,170,168,165,165,168,168,163,159,160,168,176,178,176,170,170,181,170,168,168,160,144,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,170,183,189,189,183,189,189,191,194,189,186,183,181,183,189,181,170,147,100,100,114,134,155,144,124,40,34,152,191,194,186,79,54,61,142,183,139,55,83,165,176,194,189,81,13,69,170,238,131,0,15,49,81,165,183,194,196,173,150,160,176,152,61,25,37,99,165,165,170,173,111,115,163,170,168,160,159,170,186,191,194,194,194,183,160,97,86,99,168,176,165,115,109,109,113,115,113,115,160,170,168,121,119,121,121,119,123,163,163,163,163,165,165,168,168,170,170,170,165,118,117,170,202,212,212,202,186,165,125,170,176,168,118,118,123,127,127,127,125,127,170,173,170,170,176,178,183,191,199,204,207,204,202,202,199,191,183,178,170,112,109,114,165,170,163,117,113,105,99,105,105,67,63,189,191,97,21,0,0,111,196,199,191,173,168,152,98,94,189,176,56,73,157,163,85,53,50,77,105,111,165,194,194,165,115,113,111,189,207,212,212,212,212,209,209,209,209,209,209,207,204,196,178,168,181,178,173,59,0,0,31,23,0,0,0,93,160,142,142,147,103,60,65,75,65,63,144,155,168,176,183,191,189,186,183,183,191,194,176,152,112,112,150,157,155,111,103,113,160,155,160,165,178,189,181,173,173,176,173,173,173,165,157,119,160,165,170,168,170,178,178,119,104,104,109,113,119,119,109,105,103,111,115,119,165,176,178,178,189,199,196,189,185,189,199,202,202,199,202,202,99,72,68,69,93,168,173,163,168,170,168,168,168,173,178,183,189,194,199,199,196,191,181,178,183,189,189,181,165,163,160,107,99,102,106,109,119,176,181,176,168,165,176,189,196,194,183,178,173,170,176,176,170,173,186,191,196,202,196,189,173,107,109,119,129,121,115,121,129,170,170,173,173,173,172,172,176,176,170,127,127,129,176,181,183,189,191,186,125,110,113,170,178,176,170,170,173,170,127,176,186,186,176,127,125,127,127,125,129,173,178,183,186,189,183,173,125,123,127,183,194,196,194,191,178,168,173,176,181,189,196,196,189,176,170,170,173,176,176,168,125,170,170,168,173,189,196,194,196,196,186,176,173,178,189,186,181,181,186,191,186,181,176,129,129,181,186,189,191,194,191,191,189,189,191,189,173,115,114,121,129,131,178,183,189,189,189,183,176,125,119,131,186,183,173,118,116,123,125,129,173,170,129,129,173,181,186,183,176,173,191,202,189,173,129,173,181,181,178,176,131,127,176,183,191,191,123,119,131,186,183,178,178,183,186,189,183,133,132,133,178,183,194,199,196,196,199,202,204,202,199,196,196,196,199,204,202,191,178,127,123,127,125,127,173,131,121,116,119,176,189,189,189,194,196,196,194,194,194,186,182,183,189,194,186,177,174,178,183,183,181,186,194,196,186,59,0,0,0,0,0,65,183,196,202,199,196,196,189,182,183,191,196,202,202,204,204,204,199,191,190,191,189,181,181,178,127,130,183,191,181,127,124,129,181,189,194,202,204,194,125,121,173,191,199,199,194,191,183,173,119,112,117,121,125,178,189,191,189,186,183,178,176,125,112,113,170,181,186,189,186,176,113,71,95,117,168,176,181,189,186,181,181,181,123,105,107,113,119,170,176,129,123,125,173,183,186,189,191,196,199,199,199,199,196,191,189,196,194,186,181,181,176,131,176,186,181,126,124,127,176,176,129,178,189,189,183,181,181,181,178,129,124,131,186,194,196,199,196,191,186,186,186,186,181,133,176,183,194,202,199,189,129,120,123,131,181,186,191,191,189,181,178,181,189,194,204,209,212,209,207,202,196,199,204,207,204,199,199,199,199,202,202,202,204,209,212,212,212,209,207,204,207,207,212,215,215,207,199,199,204,204,194,186,183,189,189,186,189,199,204,207,204,202,194,176,172,191,196,194,194,199,204,207,204,199,196,196,194,194,189,139,133,133,186,199,202,202,207,207,202,199,199,199,202,204,202,196,194,194,194,196,202,204,204,202,199,196,194,194,196,199,199,196,196,194,176,87,93,109,117,127,186,194,199,189,176,127,123,125,173,186,191,194,196,196,194,189,186,181,131,119,120,131,176,178,178,178,183,189,196,202,207,204,199,195,194,196,204,207,202,199,196,199,202,204,202,194,191,194,191,190,190,194,199,202,199,199,196,199,209,215,217,217,215,209,202,196,199,207,207,194,131,131,191,207,209,207,204,204,207,212,217,215,202,196,196,199,204,207,209,212,209,207,209,212,217,217,209,200,202,209,217,222,222,222,222,215,212,212,215,222,225,228,228,225,222,217,215,212,207,204,199,194,191,186,129,119,127,186,196,199,191,179,177,181,196,209,217,217,209,202,202,199,189,196,204,181,131,178,186,183,127,124,133,183,189,186,178,169,170,176,181,178,173,172,172,178,186,191,194,191,186,176,168,168,173,176,170,125,123,123,124,168,178,186,189,189,189,189,183,178,176,170,168,169,173,173,127,123,121,119,117,117,116,116,117,121,173,186,196,199,191,182,181,186,191,186,181,181,186,189,191,194,196,199,194,189,194,199,196,194,191,190,189,191,191,186,186,186,186,186,189,191,194,196,196,191,186,181,183,181,131,131,178,189,194,196,199,199,196,194,191,189,189,189,189,183,178,176,170,125,115,112,113,117,117,113,113,121,125,170,176,176,173,169,169,176,189,194,196,199,199,196,189,189,189,186,183,181,183,189,191,186,179,179,181,178,135,135,178,181,181,183,191,204,209,204,194,186,183,186,189,191,191,196,207,215,215,209,196,191,191,191,191,194,194,191,183,178,178,135,133,178,183,189,191,191,191,191,194,199,204,204,199,191,186,181,181,189,196,202,207,207,204,202,202,202,202,199,196,194,199,204,204,204,199,194,192,192,199,207,204,199,196,191,141,139,137,137,139,189,196,199,196,196,199,204,207,207,202,194,139,135,136,139,194,202,202,202,199,199,196,194,186,135,132,132,139,191,191,189,189,185,185,189,191,194,196,196,194,192,194,199,204,207,207,207,209,209,209,209,207,207,207,209,209,202,191,139,138,138,138,139,186,189,189,183,183,186,189,191,191,189,186,186,186,183,139,139,186,194,199,196,199,202,204,204,202,202,199,196,196,199,202,202,199,199,199,202,204,204,202,199,199,204,207,204,199,196,199,202,199,199,202,204,204,199,191,196,202,207,209,209,209,204,204,204,204,199,196,196,202,207,209,209,212,212,217,225,225,222,217,209,199,194,194,194,191,191,199,204,207,207,204,204,204,202,199,199,199,202,202,204,204,207,207,204,202,196,196,202,207,209,212,209,207,204,202,199,191,189,191,194,202,209,209,202,194,194,194,191,189,186,183,183,186,191,196,194,189,189,194,194,191,189,189,191,196,204,207,204,204,204,207,204,202,199,199,202,202,199,196,194,189,186,141,141,191,199,204,202,202,207,209,207,204,204,199,191,189,190,194,196,194,194,189,139,138,189,202,207,204,202,199,198,198,202,207,212,209,204,204,204,196,189,194,204,212,212,209,207,209,209,212,209,202,196,195,199,209,212,212,212,207,204,207,209,209,207,204,204,212,215,212,202,196,199,207,215,215,209,202,196,191,194,199,202,196,196,196,196,196,199,202,202,202,199,196,196,199,202,204,204,202,199,196,196,199,202,202,202,202,196,196,194,194,199,207,209,207,202,194,190,190,191,194,196,191,187,187,194,199,196,189,176,127,127,129,127,125,170,178,181,178,170,168,176,183,191,196,196,189,181,165,116,113,114,125,186,196,202,204,204,202,199,194,183,183,196,194,186,181,181,186,191,194,196,194,183,139,191,209,222,230,233,230,230,230,230,233,235,235,235,230,220,205,203,209,230,230,215,202,198,196,202,209,209,212,215,222,217,215,209,207,204,207,0,222,225,0,0,0,0,0,235,241,238,228,215,209,215,225,235,238,228,212,209,209,212,0,0,215,217,225,230,235,235,228,220,209,202,199,199,196,191,181,176,0,170,181,202,209,0,0,0,217,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,243,255,255,255,254,254,251,248,251,255,254,246,238,233,230,217,207,196,0,0,177,178,0,165,163,163,0,163,0,168,0,0,0,254,255,255,255,235,215,196,186,181,0,0,0,0,0,0,173,160,157,163,168,0,0,0,155,0,194,196,186,178,173,173,178,181,181,176,165,157,157,163,173,191,0,222,217,209,204,202,199,196,194,194,196,199,202,202,196,191,194,189,181,0,0,186,186,178,165,157,157,163,170,165,150,142,147,155,155,160,168,176,178,181,189,199,202,198 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,134,157,170,178,178,181,186,183,151,152,160,163,173,176,165,119,117,117,117,117,109,115,121,168,178,183,183,181,176,173,173,170,163,111,90,109,119,163,168,165,165,165,165,165,170,170,165,163,163,163,160,159,157,163,173,181,181,173,173,186,181,178,186,191,194,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,170,183,189,189,189,183,186,189,183,181,181,178,181,186,186,183,170,126,116,139,163,170,150,116,40,45,168,183,183,168,116,63,116,217,222,134,31,129,189,199,207,209,204,77,35,87,147,59,0,11,49,87,150,173,178,181,155,135,142,173,181,107,22,57,147,152,155,165,160,96,109,157,163,163,163,168,178,186,191,191,189,186,178,157,103,90,105,165,170,163,117,112,112,117,117,112,109,111,160,165,121,118,118,117,119,168,173,170,168,165,163,165,165,168,168,168,168,125,121,125,181,199,209,207,194,173,125,125,125,125,122,117,117,125,168,127,125,127,176,186,189,170,127,127,173,183,191,196,199,204,202,196,194,189,178,173,127,115,109,110,119,165,165,165,173,163,113,111,117,163,115,113,183,191,155,89,63,75,160,194,202,202,191,170,115,105,99,178,178,86,94,183,191,155,65,65,105,105,107,157,196,202,115,64,41,73,178,209,212,212,212,212,209,209,209,207,204,202,199,199,196,189,176,173,160,163,142,11,0,83,85,93,53,0,47,160,144,144,157,163,97,85,73,22,12,142,150,160,173,183,191,194,191,189,186,186,181,163,150,147,147,152,165,163,111,89,87,105,105,107,111,157,168,165,165,160,111,110,119,157,119,117,119,163,165,157,157,163,178,183,163,111,111,117,115,160,168,121,105,94,89,93,105,121,170,176,183,196,204,204,196,191,194,199,202,202,199,199,199,170,73,56,57,79,93,105,109,163,170,168,163,163,168,178,181,186,191,196,199,194,186,105,91,97,115,113,94,99,160,176,186,170,111,106,106,113,163,165,163,123,123,168,178,181,178,176,178,178,183,189,181,170,170,181,191,199,204,199,191,125,81,93,101,105,107,109,121,129,129,129,173,176,178,178,178,181,183,181,173,129,129,173,178,183,189,186,173,127,127,178,186,189,183,176,127,127,127,168,183,199,194,181,127,124,124,123,122,124,129,176,181,183,186,183,176,127,125,127,178,189,191,189,181,123,105,113,165,173,178,183,186,186,181,176,176,181,181,176,121,121,173,178,173,176,189,194,191,191,191,183,176,173,178,181,173,170,176,183,196,196,191,186,183,181,186,191,194,194,194,191,189,186,183,183,176,127,125,125,127,125,125,173,181,183,183,183,178,173,170,176,196,202,196,178,119,116,118,125,170,173,170,129,170,173,178,181,189,183,178,183,189,181,170,170,176,189,194,191,186,181,176,178,181,189,189,181,173,178,186,189,183,178,181,186,186,176,132,132,178,178,181,189,194,191,191,196,202,202,199,194,191,191,196,202,202,194,173,120,115,113,116,120,129,173,129,121,121,131,186,191,196,196,196,191,189,189,191,194,189,185,186,191,191,186,181,181,189,191,186,181,186,194,194,103,0,0,0,0,0,165,191,194,199,199,202,202,199,183,177,182,191,199,204,207,207,209,209,204,194,191,194,191,186,183,183,131,129,131,176,176,131,131,173,178,183,189,196,202,189,125,120,129,183,194,202,202,194,181,127,115,112,121,129,173,181,186,186,186,186,189,186,186,176,116,115,123,178,183,186,183,93,68,97,111,123,173,181,186,189,181,170,170,173,127,119,115,115,121,170,178,173,127,127,173,183,186,189,194,199,202,199,196,196,191,186,189,196,196,186,178,178,176,131,131,183,183,129,124,125,131,176,176,181,186,189,186,183,181,181,183,178,176,183,191,196,199,202,196,191,191,189,186,181,176,133,133,183,196,204,199,183,123,119,122,131,181,189,194,194,194,189,186,186,189,191,199,207,209,207,204,204,204,204,207,204,199,196,196,199,202,207,204,202,202,207,209,212,212,209,207,204,202,202,204,212,215,207,199,199,202,204,196,186,186,194,199,194,191,196,202,207,204,202,194,176,170,189,196,194,194,199,204,207,204,199,194,191,191,186,139,133,132,133,189,199,202,202,207,207,202,202,202,202,202,204,202,196,194,194,196,202,207,207,204,202,199,196,199,202,202,196,189,183,181,178,176,87,90,117,127,173,186,189,178,127,119,117,119,125,176,189,194,196,196,194,191,189,189,186,133,119,121,176,186,186,183,181,183,189,194,199,204,202,199,195,194,196,202,202,196,196,199,202,204,204,196,189,189,191,191,191,190,196,202,199,196,194,194,199,209,217,217,217,217,215,207,199,196,199,189,124,120,126,191,212,215,209,202,202,209,215,217,209,191,190,194,202,204,204,204,207,207,209,215,217,217,215,207,199,199,207,215,215,215,215,217,215,213,213,217,225,228,228,228,228,225,222,217,209,202,196,196,196,183,129,109,101,111,135,194,202,196,179,177,186,207,217,217,209,196,189,189,176,170,186,191,126,127,133,181,176,123,122,129,181,186,183,173,166,168,176,181,178,173,170,170,173,186,194,194,191,186,176,127,127,170,173,168,125,124,123,122,127,178,189,189,186,189,189,186,181,176,170,169,170,176,173,127,125,125,123,117,116,118,118,118,123,176,191,202,202,191,181,181,186,194,186,179,179,183,189,194,196,199,199,194,186,189,196,196,196,196,194,190,191,194,191,191,186,181,181,186,189,194,196,196,186,178,177,178,178,132,132,178,183,189,194,202,204,202,196,191,189,189,186,183,178,176,173,168,123,119,117,121,119,105,98,103,111,119,125,170,173,170,166,165,173,191,199,199,199,196,186,181,183,186,183,176,133,176,183,189,186,183,183,181,181,135,135,135,181,181,186,194,204,207,204,196,196,196,196,194,189,189,196,209,212,212,204,196,191,191,191,191,191,191,189,178,133,132,133,135,181,183,189,194,196,194,194,194,199,202,199,189,181,181,179,183,191,199,202,204,204,202,198,198,198,199,196,191,183,183,189,194,196,196,194,194,196,199,204,202,199,194,186,139,141,141,141,186,191,199,202,202,199,202,207,209,207,202,194,139,134,136,186,196,204,202,196,194,196,199,199,194,183,135,135,186,196,196,196,194,189,191,196,202,202,202,196,192,194,196,199,202,202,204,209,209,204,204,207,207,207,207,209,215,212,202,191,189,186,186,189,191,194,191,189,183,183,189,189,191,191,189,186,186,183,183,183,191,199,199,199,202,204,204,204,204,202,199,196,199,202,202,199,196,194,196,199,202,202,199,196,199,204,207,204,199,194,196,199,199,199,199,202,199,191,185,191,199,202,204,207,207,204,204,202,196,194,194,196,199,202,202,204,207,212,217,225,225,222,215,207,199,194,191,191,191,191,196,204,207,207,207,207,209,207,202,199,199,202,204,204,204,207,207,207,204,202,202,204,207,212,212,209,207,204,202,199,191,189,189,194,202,212,212,204,194,191,194,194,194,191,189,189,191,196,204,202,199,202,204,199,194,191,191,191,194,202,204,204,204,207,207,207,204,200,200,202,202,199,196,194,191,189,191,196,202,204,204,202,202,204,204,202,196,194,194,194,191,190,191,196,196,194,186,137,137,191,204,207,204,199,199,198,196,199,207,212,207,204,202,196,186,139,141,196,207,209,204,202,202,204,207,207,204,199,198,204,209,212,212,209,204,199,199,202,204,204,204,207,212,215,217,209,207,207,212,215,215,212,209,202,196,199,207,209,207,204,207,207,207,207,209,207,202,196,199,199,199,199,199,199,199,194,189,189,189,186,191,196,199,196,194,192,192,196,207,209,207,199,194,191,190,191,194,194,191,189,189,199,202,191,176,123,121,129,173,170,127,168,176,181,181,176,173,173,178,189,196,199,194,186,181,121,116,121,178,189,199,204,207,207,202,194,186,176,176,183,186,181,131,120,123,135,186,186,186,139,135,137,186,204,222,235,235,233,233,235,235,241,241,243,238,230,209,200,203,225,235,230,217,202,199,200,204,204,207,212,217,217,212,209,204,204,204,212,222,228,0,0,0,0,0,228,238,238,230,217,215,222,233,238,235,222,207,204,207,212,217,0,217,217,222,230,235,235,233,228,0,0,204,202,199,191,181,173,0,169,176,194,202,199,0,0,215,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,235,243,246,248,251,248,247,247,251,251,248,243,243,246,248,241,222,202,186,178,183,189,0,163,160,160,0,165,0,173,0,0,0,248,255,255,255,243,228,207,189,181,0,0,0,0,173,170,165,157,155,160,168,165,155,0,0,160,183,191,189,178,173,173,173,176,173,165,157,152,152,157,165,183,0,0,215,212,209,209,209,207,204,204,204,207,207,202,191,186,191,191,181,0,0,186,186,178,165,157,156,165,173,168,152,142,142,144,144,0,160,173,178,183,189,194,199,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,137,155,163,170,176,176,181,186,183,152,155,163,165,176,173,119,116,119,121,123,163,119,123,165,170,178,181,181,178,173,168,165,173,178,186,183,163,123,165,165,163,163,159,160,165,170,170,165,163,163,163,163,160,160,165,173,178,181,173,173,183,183,183,194,204,207,191,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,168,191,194,183,178,178,178,176,173,173,170,170,181,189,189,183,163,139,147,178,189,181,137,34,61,173,170,139,121,129,137,186,217,191,49,25,139,191,199,204,207,209,189,27,0,0,0,0,33,53,95,147,155,134,142,139,135,139,157,163,101,29,71,109,144,147,157,103,91,103,150,155,157,163,170,176,181,186,189,189,183,176,119,105,101,115,165,165,157,117,119,119,117,117,113,109,109,115,121,121,119,118,118,123,176,183,181,176,168,125,122,121,122,123,165,165,125,125,170,183,196,207,207,194,176,168,168,127,127,168,123,123,170,170,127,125,170,186,199,196,173,123,123,127,178,183,186,186,186,189,186,183,178,173,170,125,113,111,117,165,123,118,122,186,186,165,157,160,168,155,113,152,178,160,111,95,73,81,170,202,202,194,173,152,111,109,155,163,155,176,204,207,212,209,163,105,102,105,117,173,165,107,79,67,69,157,202,212,212,209,209,209,209,207,204,202,196,194,194,196,194,170,157,156,160,155,65,83,181,191,194,170,23,27,63,95,150,157,170,178,178,63,0,0,142,142,150,165,181,189,194,194,189,183,181,168,152,147,147,144,147,163,170,170,86,65,87,103,109,109,99,85,88,117,117,106,106,111,119,117,115,160,168,168,160,156,156,163,170,165,163,168,168,160,170,178,170,115,94,88,91,105,163,170,170,181,194,202,204,204,202,202,204,207,204,199,199,199,183,111,69,71,97,97,105,111,173,178,168,121,118,160,176,181,186,191,194,194,189,176,93,86,89,103,99,89,91,165,189,209,212,178,109,107,117,123,123,123,123,163,165,170,173,173,173,170,168,176,191,186,169,169,178,194,202,204,199,183,83,66,87,97,105,115,123,170,176,173,173,178,183,186,186,186,183,186,186,181,173,129,170,176,183,189,181,125,125,181,191,194,191,186,173,123,122,127,176,194,202,196,183,168,124,124,124,123,124,170,178,183,183,186,183,178,170,127,168,176,181,183,178,127,105,81,64,83,119,168,170,176,178,176,176,181,186,186,173,117,114,127,176,173,173,181,189,186,186,186,181,176,170,176,176,170,129,176,183,196,199,194,194,191,189,189,191,194,194,194,191,189,186,178,127,122,123,129,173,127,124,125,173,178,181,183,181,178,176,181,191,207,207,196,181,123,117,116,119,127,170,173,173,173,176,176,181,191,194,186,181,178,173,170,170,178,189,196,194,189,186,181,178,176,178,183,186,186,189,191,191,189,181,178,183,181,132,131,178,183,181,176,178,183,183,186,194,199,199,194,191,191,194,199,199,196,178,120,116,114,114,118,125,176,181,176,131,176,183,189,194,199,199,191,186,186,187,191,194,194,194,196,199,196,191,189,194,199,199,191,181,183,191,191,35,0,0,0,0,0,89,183,196,196,194,196,202,199,183,178,186,196,202,207,207,207,207,207,207,199,196,196,196,194,194,191,181,131,129,130,173,176,181,181,173,173,176,181,189,178,123,121,129,178,189,202,204,194,170,123,123,121,170,176,178,181,181,183,186,191,196,199,199,194,170,121,127,176,181,191,204,95,56,101,115,125,176,183,183,181,173,165,127,125,123,121,121,119,121,127,176,173,129,129,176,186,191,194,196,202,204,202,199,194,189,181,181,189,189,178,131,131,131,129,128,173,178,173,127,127,129,131,178,181,181,183,186,186,183,181,186,189,189,191,194,199,202,202,194,191,191,191,183,133,131,131,131,183,199,204,199,181,127,122,123,131,178,186,194,196,196,196,194,191,189,189,194,202,207,207,207,207,207,207,204,199,194,191,194,196,204,207,207,204,202,204,207,209,209,209,204,202,196,194,196,204,212,207,202,199,202,202,194,185,185,194,199,196,194,196,199,204,204,207,202,186,183,191,194,191,194,199,204,207,204,202,196,194,191,191,183,137,133,137,191,199,204,207,209,207,204,204,204,202,202,202,199,194,194,196,199,204,209,207,202,199,196,196,202,204,202,194,178,127,125,131,178,119,113,125,173,178,178,123,107,103,107,111,117,121,129,178,189,194,194,194,189,189,191,189,181,127,127,178,186,191,189,183,181,181,186,191,196,199,196,195,195,196,199,196,194,194,199,204,207,202,196,189,187,191,196,196,194,199,202,196,189,187,191,199,207,215,217,217,217,212,202,189,189,141,130,121,121,135,204,215,215,207,199,196,204,209,209,202,189,187,191,199,202,199,199,202,207,212,217,217,215,212,204,200,200,209,217,215,213,215,217,215,215,217,222,225,228,228,228,228,225,225,222,212,199,191,194,196,183,123,99,95,115,181,196,202,196,181,179,191,212,217,215,207,191,186,178,169,166,178,189,133,129,127,129,129,123,123,131,181,183,178,170,168,168,176,181,183,176,172,170,176,183,191,194,189,181,168,125,125,168,170,168,168,168,125,124,127,181,189,189,185,186,189,186,181,173,170,173,176,178,178,170,168,129,129,123,121,125,127,127,131,181,194,202,199,191,185,183,189,194,189,181,179,181,186,194,196,196,196,191,186,189,191,194,196,202,199,194,191,194,194,194,186,181,183,191,191,194,196,196,186,177,176,178,181,178,178,181,183,189,196,204,204,199,196,191,189,186,183,178,176,173,173,168,123,117,119,123,121,99,95,98,107,113,121,168,173,170,166,166,176,191,196,199,196,191,181,177,181,183,176,129,127,129,176,181,186,191,189,186,183,178,135,135,181,183,189,196,207,207,202,199,202,207,204,199,191,194,202,207,207,202,199,199,199,196,194,191,191,191,186,178,132,131,133,178,183,186,189,194,199,199,196,196,199,199,194,183,178,178,179,183,194,199,202,199,199,198,196,196,199,202,199,191,182,179,181,186,191,194,194,199,202,204,204,202,199,199,191,183,186,189,191,191,196,202,207,204,204,204,209,209,207,204,199,189,138,139,191,202,202,196,191,191,194,196,202,199,189,183,183,189,194,196,196,194,194,194,202,207,207,204,196,194,196,199,199,199,199,202,207,207,202,199,204,207,204,202,207,215,217,212,207,199,196,196,196,196,196,194,189,186,186,189,191,191,191,191,189,186,186,183,186,191,191,191,194,199,204,207,207,204,202,196,196,199,202,202,196,191,191,194,196,199,199,196,194,196,202,207,204,196,194,194,199,199,198,198,199,196,186,183,186,194,196,196,199,202,199,199,199,194,192,194,196,202,202,200,202,204,209,215,222,222,217,215,207,199,191,186,186,189,191,194,199,204,207,209,209,212,212,207,202,202,202,204,207,204,204,207,207,207,207,207,207,207,209,212,209,204,204,204,202,196,191,191,196,204,209,207,199,191,186,189,194,196,196,196,196,199,204,209,207,207,209,209,204,196,196,196,194,196,199,204,204,204,209,209,209,207,202,202,202,199,196,199,199,196,196,202,207,207,207,207,204,202,204,204,199,194,194,194,196,194,191,191,196,199,194,186,136,136,186,202,207,202,199,202,199,199,204,212,215,207,202,199,191,139,137,138,186,196,196,194,194,196,199,202,202,202,204,207,212,215,215,212,209,204,199,194,196,199,204,207,212,215,217,217,212,209,207,209,215,217,220,217,209,204,204,209,212,209,209,215,212,212,212,215,212,204,199,204,204,202,199,199,196,194,189,183,181,179,178,181,191,199,199,194,192,192,194,204,209,209,204,202,199,194,194,194,194,194,191,196,202,199,183,127,118,118,125,173,170,127,125,168,176,178,181,176,172,173,186,196,199,194,194,194,178,168,183,191,191,194,202,207,207,199,181,125,117,119,129,178,181,131,119,118,127,131,127,127,129,131,130,131,139,207,228,233,235,233,235,241,246,251,251,251,241,217,200,200,212,228,230,225,217,209,207,204,204,204,209,217,217,212,209,204,204,204,209,222,225,0,0,0,0,0,222,233,235,230,222,217,228,235,241,235,217,204,202,207,212,0,0,0,222,225,230,235,238,238,233,0,0,207,204,199,191,183,176,0,168,176,191,196,199,0,0,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,230,233,235,243,248,248,248,251,251,248,246,243,0,0,255,255,230,204,186,181,194,202,191,168,0,163,0,168,173,176,0,0,0,0,255,255,248,238,225,204,189,178,0,0,0,173,0,0,0,0,150,155,165,168,160,0,0,155,173,189,191,183,178,176,176,173,165,155,147,142,142,0,0,173,0,0,0,215,220,222,222,217,215,212,215,217,217,207,191,183,186,189,181,178,178,183,183,181,170,157,156,163,176,181,168,152,144,142,139,139,0,160,176,186,189,194,196,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,173,170,142,137,152,155,157,168,173,178,183,181,170,107,152,165,178,189,183,119,115,119,165,163,119,112,119,165,173,178,176,173,168,163,121,123,170,181,186,189,168,121,163,163,163,163,159,160,163,168,168,163,163,165,168,168,165,170,173,176,173,170,168,170,181,183,186,194,202,207,202,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,191,199,189,183,178,173,168,166,168,163,161,173,186,189,189,181,150,142,173,189,194,173,33,85,152,144,109,83,134,191,209,209,57,0,0,105,178,191,196,202,207,212,168,0,0,0,27,51,61,131,142,85,53,93,139,144,147,147,105,83,57,79,103,144,152,157,105,99,107,113,152,157,160,160,163,170,178,183,186,186,176,160,109,109,157,165,157,115,116,157,160,119,119,121,121,115,113,119,163,160,121,119,163,176,181,181,181,178,170,125,121,121,122,123,125,123,125,170,178,191,204,207,204,194,176,168,170,178,183,178,176,176,170,125,125,176,191,199,194,173,123,122,123,127,129,129,129,127,173,178,178,173,170,170,168,119,115,123,170,123,116,119,181,183,165,157,157,160,101,87,83,87,109,155,109,63,54,101,199,191,168,107,97,99,111,115,160,170,186,202,204,209,209,157,93,100,107,111,99,98,115,170,170,89,109,181,207,212,207,202,204,207,204,202,199,194,191,191,194,199,181,165,163,168,168,170,196,196,196,194,189,134,87,87,101,150,147,152,170,173,31,0,0,142,137,144,168,186,191,194,196,194,183,170,147,97,101,103,97,101,150,163,176,95,62,83,101,150,155,104,84,83,105,117,110,109,155,160,117,115,157,165,165,165,163,153,155,160,168,181,186,181,173,178,183,178,173,160,119,117,176,183,178,168,163,168,178,194,202,207,207,209,207,204,196,194,189,117,107,111,115,115,111,113,119,183,186,170,118,116,121,176,183,189,194,194,189,181,165,109,93,95,107,105,92,95,173,189,199,202,170,99,105,165,173,168,163,165,168,170,176,181,183,176,166,161,163,183,178,165,166,178,191,196,196,191,103,69,69,99,103,117,176,181,181,181,181,181,183,189,191,191,189,183,182,183,183,178,173,170,173,183,189,178,121,125,191,199,196,191,181,168,122,122,168,178,189,194,186,176,124,123,127,129,127,129,178,186,186,186,186,181,176,129,125,168,176,181,178,168,115,97,79,59,76,111,123,165,168,170,170,170,178,183,183,173,115,111,113,123,125,127,170,181,186,186,183,178,173,129,173,176,129,128,178,189,196,199,196,196,191,183,183,186,191,194,194,194,191,186,176,123,121,124,131,131,127,125,170,176,178,183,186,186,183,183,189,196,204,202,191,181,170,121,116,114,121,173,178,178,176,176,176,181,194,199,194,186,178,173,173,173,178,186,191,189,191,186,176,174,176,178,181,191,191,194,194,191,194,189,181,181,178,132,133,183,189,178,132,133,178,181,186,196,199,196,194,189,191,194,196,194,189,173,121,121,127,173,178,181,181,181,176,176,178,183,189,191,196,196,191,187,187,191,194,196,196,196,202,204,202,196,194,196,202,204,196,183,183,194,194,75,25,23,5,0,0,67,202,196,194,194,196,199,194,186,183,191,199,204,207,204,204,204,204,207,202,199,199,199,199,199,196,186,133,129,129,173,181,186,183,127,123,123,123,127,125,121,123,129,176,186,202,207,194,173,125,129,173,178,181,183,181,173,178,186,194,207,209,209,207,191,178,176,178,181,189,202,178,81,107,117,125,176,183,183,178,173,168,127,123,119,118,119,119,121,127,173,170,129,129,176,183,189,191,196,202,207,204,202,196,189,178,178,178,178,131,125,125,129,131,127,128,176,178,176,131,131,173,178,178,176,176,181,186,183,181,186,194,196,194,196,202,204,199,194,189,189,191,183,131,129,130,133,186,202,209,202,186,131,125,125,129,133,181,189,194,199,199,196,194,189,187,189,196,207,209,209,209,207,202,196,194,191,190,191,196,204,209,209,207,204,204,207,209,207,204,199,196,191,189,189,196,207,209,207,204,202,196,191,185,183,186,189,189,189,191,196,199,202,207,204,196,191,189,186,186,191,196,199,202,202,199,196,196,196,199,196,186,139,183,191,202,207,209,209,204,202,204,204,199,199,199,199,196,199,202,202,207,207,204,199,195,195,196,199,204,202,189,127,113,109,119,183,186,178,176,178,176,125,109,100,99,101,109,117,119,123,129,181,191,194,194,191,189,191,191,186,181,176,176,181,186,186,186,178,135,178,183,191,196,199,199,199,202,199,196,194,194,199,204,204,202,194,189,189,194,199,199,199,204,204,194,186,186,189,196,204,212,215,217,215,207,186,127,123,133,137,133,139,196,202,204,209,204,196,192,196,202,202,199,191,190,191,199,202,199,198,199,209,217,217,212,209,207,204,202,204,215,222,217,213,215,222,222,222,222,225,228,228,225,225,222,225,222,220,212,199,189,186,191,189,119,88,89,127,191,199,199,194,183,183,191,202,209,209,204,196,189,181,173,173,183,194,191,131,120,119,124,127,129,176,181,178,176,173,170,170,173,181,183,181,176,173,176,181,186,189,183,176,127,124,124,127,168,170,170,170,168,127,170,181,186,189,186,186,186,183,176,168,168,173,178,178,181,176,168,168,129,129,129,170,173,176,178,186,194,199,196,191,189,189,191,194,191,183,178,179,186,191,191,191,191,189,186,186,183,183,186,196,199,194,191,194,194,194,183,137,186,191,189,186,194,196,189,181,178,183,183,183,183,183,186,191,199,202,199,194,189,186,186,183,178,173,170,173,173,165,119,115,117,123,121,107,99,101,107,111,119,168,176,176,170,170,181,189,189,191,194,191,181,178,178,173,127,126,126,127,133,176,183,196,196,186,186,181,178,178,181,186,194,204,209,207,196,194,199,204,204,199,196,199,204,207,202,196,196,196,196,196,194,191,189,189,186,178,133,133,135,181,186,189,191,196,199,202,202,202,202,199,194,186,179,179,181,186,194,202,202,199,198,198,199,199,199,196,194,191,186,181,181,186,194,196,196,202,209,209,207,204,204,204,199,191,191,194,196,196,199,204,207,207,204,204,207,207,204,204,204,196,183,139,191,199,199,194,190,189,190,196,199,196,189,183,186,189,189,189,191,191,190,194,199,204,204,202,196,196,199,202,199,196,198,202,207,207,196,196,202,207,204,202,204,212,217,222,215,209,204,204,202,199,199,196,191,189,189,194,194,191,191,191,189,189,189,189,189,189,187,186,189,196,204,209,209,207,202,194,192,196,199,196,194,191,191,194,196,196,194,191,191,194,199,204,202,196,191,191,196,199,198,199,202,196,186,185,191,196,194,192,194,194,194,196,196,196,194,196,199,204,204,202,202,204,207,212,217,222,217,212,207,196,186,139,139,141,186,189,194,199,204,209,209,212,212,212,207,202,202,204,204,202,199,202,207,207,209,207,204,202,204,207,204,202,202,202,202,199,196,194,196,199,199,196,191,186,139,137,186,191,194,196,199,202,204,207,207,209,209,209,204,202,202,202,202,202,202,199,199,202,207,209,212,207,204,202,199,194,191,194,202,204,204,207,209,207,207,207,204,204,207,207,204,196,196,199,199,196,194,196,199,199,196,189,137,136,186,202,207,202,202,204,204,204,209,217,217,209,202,196,191,141,139,139,186,189,189,189,191,196,202,204,204,202,204,209,215,217,215,212,212,204,199,194,191,194,202,209,215,215,215,215,215,209,209,209,215,220,222,222,215,207,202,202,204,204,207,212,212,209,212,217,215,207,202,204,207,207,207,202,196,191,186,181,181,179,178,181,194,202,199,194,192,192,194,199,207,209,207,209,207,199,194,192,194,196,199,202,202,194,178,125,118,117,121,129,129,125,121,121,125,170,178,178,176,176,186,194,196,194,194,196,191,191,196,196,191,189,191,199,202,189,125,117,117,117,121,127,173,131,123,121,121,119,113,109,121,135,135,131,135,191,212,225,228,230,235,243,251,255,255,255,246,225,204,202,207,222,225,222,222,222,215,209,207,207,209,215,215,212,207,204,202,204,209,217,225,0,0,0,0,215,215,225,230,228,222,222,230,238,241,233,215,199,199,204,212,0,0,0,228,230,235,241,243,243,233,0,207,204,202,199,194,189,181,0,170,176,183,189,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,230,229,230,238,246,251,254,255,255,251,246,248,0,0,255,251,225,204,189,189,204,212,202,0,173,0,0,0,178,181,0,0,0,0,255,254,241,230,212,199,186,178,176,0,181,168,0,0,0,0,147,155,168,170,163,0,0,0,168,183,189,189,183,181,178,173,163,152,142,134,131,137,0,0,0,0,0,222,230,235,233,228,222,217,222,228,228,222,199,186,183,183,181,177,177,178,186,186,176,160,155,160,176,186,181,163,152,144,139,101,0,0,168,189,194,196,196,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,199,194,163,150,152,150,147,163,170,176,181,170,144,97,109,165,186,202,196,163,115,121,168,165,113,109,113,165,173,176,168,123,121,119,119,121,165,170,173,173,119,114,117,121,165,168,160,160,160,160,157,157,160,168,170,170,170,178,181,176,165,160,163,165,173,181,183,186,194,202,209,202,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,178,194,194,189,178,170,170,173,168,163,168,178,181,189,194,152,137,163,176,191,183,39,79,139,147,137,100,176,199,202,168,5,0,0,31,155,181,189,194,191,209,217,37,0,0,49,69,83,137,85,24,19,91,152,157,155,147,105,89,91,97,142,155,160,157,109,107,111,150,155,160,155,111,111,157,168,173,178,178,173,160,115,115,163,165,117,113,115,160,165,160,163,176,189,170,115,117,168,165,123,121,163,173,178,178,183,189,189,181,170,125,122,122,122,122,125,165,168,178,194,204,207,209,178,168,173,186,191,181,176,170,168,125,125,173,186,191,183,127,122,123,123,121,117,116,119,123,129,178,181,176,168,168,170,168,125,125,168,168,122,160,176,176,157,156,157,155,89,83,76,63,82,155,163,81,62,113,183,170,95,84,78,71,111,157,168,173,181,191,196,204,202,170,111,105,109,101,87,93,165,173,109,95,99,117,199,209,202,196,199,202,202,199,196,192,192,192,196,199,194,178,168,163,168,183,196,196,189,181,173,101,99,95,91,152,150,155,168,178,75,0,26,131,99,144,178,194,196,199,204,199,178,101,64,58,76,93,95,96,144,155,160,103,75,89,91,99,157,173,150,101,115,165,160,155,163,163,115,111,115,119,119,157,165,156,156,165,178,191,194,189,183,186,186,183,186,191,196,194,196,196,186,117,71,61,71,176,194,204,207,209,204,196,186,178,113,57,64,115,119,117,115,111,113,173,181,168,119,117,121,176,189,194,196,194,183,168,121,117,105,107,113,107,95,101,165,176,160,115,95,65,91,186,186,176,163,163,168,170,181,194,196,181,173,163,164,181,176,164,168,176,183,183,183,176,86,69,93,105,109,123,178,181,178,178,183,186,186,189,191,194,191,183,181,181,183,183,176,173,176,183,186,173,121,129,194,202,196,189,173,127,123,123,168,173,178,181,178,127,122,123,170,176,176,178,186,189,189,189,189,183,173,124,123,127,176,181,178,127,113,99,89,81,107,123,168,168,170,170,169,169,176,178,176,170,119,112,111,115,117,119,127,176,186,189,183,176,129,128,170,176,129,128,178,191,194,196,196,196,183,173,174,181,189,194,194,194,194,189,178,129,129,173,176,131,127,170,178,178,178,186,191,191,189,189,191,191,194,191,186,181,173,123,116,110,121,181,186,186,183,181,178,178,189,196,194,186,178,173,131,131,176,183,186,186,191,186,173,173,176,183,186,194,194,191,189,191,196,194,186,181,178,133,178,183,183,133,129,131,178,181,186,196,199,194,189,186,189,191,194,191,189,178,131,178,186,191,191,186,176,129,129,131,176,181,186,189,194,196,196,194,196,196,196,196,196,199,202,204,204,199,194,194,196,202,196,186,189,199,199,194,178,186,176,59,0,59,123,186,194,194,196,191,183,176,181,194,202,204,204,204,204,204,204,204,202,199,196,199,202,202,196,186,176,130,131,176,183,189,186,127,123,119,116,117,119,121,125,129,176,189,204,207,196,181,168,129,176,181,181,181,178,168,169,181,194,209,212,215,212,202,186,183,178,176,176,181,186,125,121,123,125,170,178,183,183,178,176,170,127,121,119,117,117,121,170,176,173,129,129,173,178,181,186,194,202,204,204,202,199,189,176,173,173,131,129,125,127,131,173,127,131,183,189,181,176,176,181,183,181,176,131,133,178,178,176,183,194,196,194,196,202,204,199,194,186,183,189,186,131,129,130,181,194,204,209,204,189,135,129,127,129,131,178,186,191,196,196,194,191,187,186,189,199,209,215,215,209,202,196,191,190,190,191,194,202,209,212,212,212,209,207,207,207,202,194,189,186,189,186,186,191,202,207,204,199,194,191,189,186,183,183,182,182,185,186,191,194,194,199,199,196,191,139,135,137,183,191,196,199,199,196,194,194,199,204,204,194,189,189,194,199,204,207,207,202,196,199,199,199,196,199,199,199,202,204,204,204,204,202,196,195,196,199,202,204,204,189,117,104,102,104,186,191,186,181,178,131,117,107,99,99,103,113,121,125,127,173,181,189,194,196,194,194,191,191,189,186,181,176,178,181,183,186,178,133,133,178,186,194,199,202,202,202,199,194,191,194,199,202,202,202,196,189,186,191,196,199,204,209,207,196,186,186,191,199,204,207,212,215,215,202,133,115,96,121,202,207,202,196,190,187,202,204,196,192,194,196,199,199,199,196,196,199,202,199,199,204,215,215,212,204,202,202,202,204,209,225,228,222,217,222,225,225,225,222,225,225,225,222,221,222,222,222,220,215,204,189,139,183,186,101,74,78,131,196,199,194,186,186,186,186,186,191,199,202,202,194,189,183,186,189,196,202,131,114,114,123,173,178,181,181,176,173,173,176,173,127,170,181,178,176,170,170,173,178,181,178,173,168,127,125,125,127,168,168,168,168,168,170,178,183,186,186,183,183,181,168,164,165,170,176,176,176,170,123,121,125,129,173,170,170,176,178,186,194,196,194,191,189,191,191,191,191,183,179,179,183,186,186,186,186,189,189,183,137,133,134,191,196,191,189,191,196,191,135,132,181,186,178,135,189,196,194,186,186,186,189,186,189,189,189,194,199,196,191,183,181,181,181,178,173,127,125,165,168,123,115,111,115,119,121,117,111,109,111,113,119,168,176,178,178,178,183,183,181,186,191,191,183,178,176,127,125,125,127,127,131,176,183,199,199,189,183,181,181,181,186,191,196,204,209,204,194,186,189,194,196,196,199,202,204,204,202,199,196,191,186,191,194,191,189,186,186,181,178,178,178,181,186,191,194,196,199,202,204,207,207,204,199,191,186,183,183,189,196,202,204,202,202,202,204,202,196,190,190,191,191,189,186,189,194,199,202,207,215,215,212,207,209,212,204,194,194,199,199,199,202,204,207,204,204,202,204,204,202,204,204,196,183,137,183,196,202,199,191,189,190,194,196,194,186,183,186,186,183,183,189,191,190,190,194,199,199,199,196,199,202,202,198,198,199,204,209,207,199,196,202,204,202,196,199,207,215,217,217,215,209,207,204,204,202,202,199,194,194,196,196,194,194,191,189,191,194,194,194,191,189,187,189,196,207,212,215,209,202,194,192,194,194,191,191,190,191,196,196,194,189,189,191,194,196,199,196,191,186,186,194,199,199,199,202,199,191,191,196,202,196,192,194,191,191,191,196,199,199,196,199,207,212,209,207,204,204,209,215,217,215,209,202,194,141,139,138,140,141,141,189,194,202,204,207,209,209,209,207,202,199,199,199,196,194,199,204,207,207,204,199,194,194,199,199,196,196,199,199,196,194,194,191,191,186,183,183,183,137,135,137,186,189,194,199,202,202,204,204,204,207,204,202,204,207,207,207,204,202,196,195,198,204,212,212,207,202,199,194,189,186,190,199,207,209,207,207,207,204,204,204,204,209,209,204,202,202,207,202,196,196,202,202,199,196,191,139,138,191,204,207,204,204,207,209,209,217,225,222,212,204,199,194,189,186,189,189,191,191,191,194,202,204,204,202,199,204,212,215,215,212,215,212,204,196,191,189,191,202,209,215,212,212,215,215,212,212,209,212,220,225,222,217,207,199,196,196,196,202,207,207,207,212,217,215,207,202,202,207,207,207,202,196,189,183,183,183,183,181,186,199,204,202,199,196,194,194,196,204,207,207,212,209,202,196,194,196,199,202,202,196,183,129,125,118,117,119,127,129,127,120,118,119,123,173,183,183,183,189,194,191,191,194,194,194,196,199,196,191,186,186,189,191,176,121,121,123,121,115,99,109,121,125,123,115,109,103,99,115,186,194,186,141,191,204,212,217,222,230,241,251,255,255,255,248,233,212,207,212,217,215,209,220,228,222,212,207,207,209,215,215,212,207,204,202,204,0,0,230,0,0,228,222,215,215,225,230,230,228,228,233,238,238,225,207,194,194,204,212,217,0,0,233,238,243,246,248,246,235,215,202,199,199,196,194,189,186,178,176,173,173,173,178,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,230,230,233,243,251,255,255,255,254,251,255,255,255,255,233,217,204,196,199,212,217,207,202,191,181,0,0,178,183,189,0,0,0,255,254,235,222,207,199,189,181,173,173,173,165,157,155,155,0,147,155,168,170,160,0,0,0,0,176,186,189,186,181,176,170,163,150,139,131,129,131,0,165,0,0,0,225,235,243,243,235,228,222,225,230,235,230,212,194,183,183,183,178,177,178,189,191,181,163,156,157,170,183,183,168,155,150,144,99,0,0,163,191,202,202,199,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,186,194,196,176,152,147,144,147,163,173,173,178,173,101,98,107,160,186,199,196,178,163,163,168,168,113,110,117,173,178,173,168,165,121,119,118,119,123,163,163,123,115,112,113,121,170,170,165,157,156,156,155,155,157,170,176,170,168,176,181,170,160,157,160,163,173,178,178,181,186,202,212,220,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,189,194,196,181,176,181,183,178,163,163,168,178,191,186,126,116,150,152,173,137,38,45,170,202,191,170,173,191,181,13,0,25,29,12,45,160,181,183,191,209,220,126,0,0,51,79,89,83,35,0,35,147,152,152,152,152,142,97,95,103,150,155,150,105,99,107,111,109,152,165,150,105,105,111,155,165,170,168,160,157,157,160,168,168,157,115,117,163,165,165,168,173,176,163,113,121,173,170,163,123,163,170,178,181,186,194,202,202,189,173,125,122,122,123,165,125,123,127,183,194,202,199,183,170,173,189,196,183,123,121,121,123,123,127,176,183,173,121,123,127,129,123,115,113,117,123,127,178,186,181,170,168,170,170,173,168,165,168,176,183,189,178,160,155,160,160,103,93,89,64,73,101,165,183,186,176,117,99,109,109,94,99,157,163,163,163,170,181,191,194,189,170,155,117,105,101,107,160,173,105,81,84,86,115,194,202,196,196,199,199,199,199,196,196,199,199,199,202,194,183,163,147,152,181,186,186,183,168,142,99,97,95,93,173,173,173,178,183,155,33,29,93,83,163,189,199,202,204,202,194,157,96,77,64,77,139,147,152,157,163,163,155,103,160,93,87,101,147,113,155,170,173,170,157,115,111,107,107,111,111,107,109,157,163,163,170,189,196,194,194,191,189,189,189,191,194,196,199,202,202,186,49,49,33,0,51,176,191,194,199,191,119,107,99,74,64,71,91,113,157,113,109,107,113,165,176,176,165,119,173,191,202,199,194,170,97,109,99,56,61,111,89,68,103,168,173,91,27,27,21,35,186,191,170,97,111,163,165,178,196,196,191,181,181,186,194,191,181,176,176,176,178,178,173,121,109,105,101,105,121,170,170,173,181,183,186,185,185,189,196,196,194,186,183,186,189,183,181,181,181,176,125,118,127,189,196,191,181,168,123,123,123,125,127,168,170,173,173,124,129,178,178,181,189,186,183,189,191,191,189,176,123,121,125,173,181,183,170,117,111,115,119,127,173,181,181,181,178,173,170,173,170,127,125,125,123,119,119,119,121,129,181,189,191,183,173,128,128,129,170,129,129,178,189,191,191,194,189,176,170,172,178,189,194,196,196,194,189,181,176,131,173,176,173,173,176,178,181,178,189,194,191,191,189,189,183,181,181,181,176,170,127,121,123,181,194,194,191,191,186,181,178,183,186,183,178,173,131,129,129,130,178,183,189,186,176,170,172,178,189,191,194,191,189,189,194,196,194,186,181,178,176,176,178,176,131,130,133,181,181,178,186,191,191,186,183,186,189,191,191,186,178,178,186,189,191,189,178,129,126,127,173,178,183,186,189,191,196,196,199,199,196,196,196,199,199,202,204,207,202,196,192,194,196,196,191,191,196,202,202,199,199,202,181,99,107,178,189,191,189,176,107,105,121,173,196,204,204,204,207,207,207,207,204,199,196,196,196,202,199,196,189,181,176,178,181,181,186,181,170,129,123,116,115,117,121,125,170,178,194,202,199,194,183,173,170,173,178,178,178,178,170,166,170,194,202,202,207,209,199,189,183,178,174,170,174,183,183,173,168,170,176,178,181,186,183,178,176,176,170,125,118,118,125,178,183,178,173,176,176,176,176,183,196,199,199,196,196,194,183,129,124,125,125,125,127,131,173,131,129,181,189,186,178,178,181,183,186,186,176,128,129,133,176,178,183,194,196,196,196,199,199,196,194,186,179,183,181,130,130,135,186,196,202,202,196,186,178,133,133,135,137,186,191,199,199,199,196,189,186,186,194,207,215,217,217,212,204,196,194,194,196,202,204,209,212,215,212,209,204,202,202,202,194,137,131,133,183,189,186,189,194,202,199,191,183,183,186,186,186,185,183,183,186,189,191,191,189,186,186,189,183,134,133,134,135,183,191,199,199,194,190,194,202,207,204,202,199,196,196,194,196,199,202,199,194,194,194,194,196,194,199,194,196,204,204,204,199,196,196,196,202,204,204,204,202,202,133,105,105,111,131,186,183,178,176,173,109,100,98,101,111,123,131,181,183,183,189,191,194,196,199,199,196,191,186,181,178,178,181,181,183,183,181,135,133,135,183,194,199,199,202,199,194,191,191,194,196,199,202,202,196,189,185,185,194,202,209,207,202,196,189,189,194,202,204,204,209,215,217,207,139,121,108,120,207,212,204,194,185,183,199,207,199,194,194,199,202,204,209,207,204,204,202,199,202,207,209,202,196,196,202,204,204,209,222,228,228,225,222,225,228,228,225,222,222,222,222,221,221,222,225,222,222,217,207,191,139,137,137,91,69,86,194,202,199,185,182,185,189,183,133,131,183,199,202,196,194,191,191,189,194,194,181,131,125,127,178,183,181,176,172,173,176,176,170,111,106,125,168,168,127,127,168,170,173,170,170,173,168,125,122,122,125,127,127,125,127,170,176,181,181,181,176,181,181,168,163,164,168,173,170,168,123,116,115,119,127,170,129,127,129,176,186,194,196,194,189,189,186,186,189,189,186,183,181,183,183,183,186,189,191,191,186,135,129,129,186,194,189,187,189,196,194,127,122,133,181,130,129,181,194,194,189,186,186,186,189,191,194,194,194,194,191,183,176,176,178,178,176,168,121,117,119,123,121,113,109,111,117,119,119,115,115,117,119,123,168,176,178,176,178,178,178,178,183,189,191,183,173,129,127,127,127,127,129,133,178,186,196,202,194,181,181,183,183,189,194,199,202,204,202,191,183,183,183,186,191,199,202,202,202,202,202,199,186,133,186,194,191,186,183,183,181,178,178,181,181,186,189,191,191,194,199,204,207,207,204,199,194,189,186,189,191,196,202,207,207,204,202,204,202,196,191,194,196,199,199,194,189,191,196,204,209,212,215,212,209,212,212,207,199,196,202,202,202,204,204,204,204,202,200,200,202,204,204,202,194,186,139,189,199,204,207,204,199,196,199,199,196,189,183,183,183,183,186,191,196,194,189,189,194,199,199,196,196,196,199,199,202,202,204,207,207,202,199,196,194,191,191,194,202,207,209,212,212,209,207,204,204,207,209,204,202,202,199,196,196,199,196,191,194,196,199,202,202,199,196,196,199,207,215,217,209,202,196,196,196,191,190,190,190,194,196,196,191,187,186,189,191,189,189,189,186,182,183,194,202,202,199,199,196,194,196,202,204,202,196,196,191,190,191,196,199,196,195,199,207,212,212,209,207,207,207,212,215,212,204,196,191,189,189,189,189,141,138,139,186,189,196,202,202,202,207,209,204,199,196,194,191,191,194,202,207,204,199,191,139,135,186,191,194,194,194,191,189,189,186,183,137,136,136,139,183,183,137,137,183,189,191,196,199,202,202,200,200,202,202,202,204,212,209,207,204,199,198,196,198,207,212,209,204,202,199,196,190,187,191,199,207,209,207,207,204,204,204,204,209,212,209,204,202,202,207,207,204,199,199,204,202,196,194,191,191,196,204,207,204,204,204,207,209,217,222,222,212,207,204,196,191,189,189,189,191,194,196,199,202,199,191,187,191,199,209,212,212,212,215,215,204,191,187,186,189,204,212,209,207,207,209,212,215,212,208,209,215,222,222,217,212,199,192,192,194,199,202,204,204,209,217,212,202,196,196,199,202,202,199,196,189,186,186,189,189,191,199,202,204,204,202,202,196,196,199,207,209,209,209,209,207,202,199,199,199,199,194,181,131,127,125,119,119,125,170,173,170,123,117,116,121,176,191,194,194,194,194,191,191,191,189,189,189,186,189,194,191,183,183,183,176,125,123,125,109,79,37,51,87,119,125,93,85,97,97,107,191,207,202,199,202,202,207,212,217,228,238,248,255,255,255,248,238,225,215,212,212,207,205,212,222,222,212,204,204,207,215,217,215,209,204,204,0,0,0,0,0,0,0,225,217,217,228,233,235,235,235,235,235,233,222,202,191,191,202,215,0,0,0,0,0,248,248,251,246,0,215,199,198,199,199,191,186,183,181,176,173,0,0,170,178,191,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,238,251,255,255,255,255,255,255,255,255,251,228,212,202,196,202,212,217,215,207,202,191,183,181,0,186,189,0,0,0,0,255,233,222,212,207,194,178,168,165,163,157,155,0,0,0,144,152,165,168,157,0,0,0,155,165,183,186,176,173,168,165,160,152,139,131,129,131,144,163,0,0,0,228,235,246,251,248,235,230,228,230,235,235,228,207,189,186,191,189,178,181,194,199,189,165,156,156,163,178,181,165,152,150,142,0,0,0,168,0,209,207,199,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,160,178,183,168,142,137,137,144,160,173,176,178,168,99,100,150,160,176,186,186,173,165,165,168,168,123,119,165,183,189,183,181,181,173,123,118,118,121,163,163,119,115,113,114,160,173,176,170,163,157,156,155,156,163,178,183,173,163,165,170,165,157,157,160,160,165,178,183,181,186,199,207,199,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,168,178,173,178,183,183,170,150,157,168,181,178,124,61,43,56,72,124,108,82,100,173,194,196,178,155,152,55,11,0,13,7,4,27,108,160,183,196,204,204,152,0,0,55,83,85,71,37,14,53,147,152,147,147,150,150,137,97,99,105,105,95,89,89,107,107,97,101,150,109,103,103,105,111,157,163,163,157,163,170,173,173,170,165,157,157,168,176,168,121,117,101,68,71,160,178,173,165,123,163,170,178,186,191,202,209,212,202,186,170,123,122,168,173,125,122,124,173,181,186,183,176,170,173,189,194,181,119,116,118,121,123,123,170,178,176,125,127,129,129,125,116,115,121,127,127,170,178,178,176,173,173,170,176,170,165,170,183,194,196,186,170,160,165,165,115,107,101,93,89,109,173,194,204,183,97,98,165,202,204,189,173,153,133,156,173,189,191,189,178,168,157,115,87,89,97,99,87,79,77,87,111,170,186,186,186,191,196,199,199,199,199,202,204,204,202,196,191,183,165,147,150,170,178,181,178,165,137,73,41,57,163,189,189,186,181,176,137,17,3,77,77,165,189,204,204,202,196,178,157,150,144,139,152,176,181,173,168,173,181,183,178,170,91,88,91,89,87,107,168,168,157,113,105,104,105,109,111,107,101,101,111,160,168,178,194,199,196,196,196,191,189,187,189,191,194,196,202,196,109,45,59,81,45,11,41,115,173,160,101,69,51,75,85,85,87,93,107,160,160,111,106,107,121,178,183,173,115,117,191,204,204,189,72,48,93,77,8,8,87,89,74,99,165,170,105,43,3,0,23,170,168,97,87,93,117,165,176,186,186,178,181,189,196,199,196,189,178,176,173,173,176,173,127,117,109,103,105,121,170,173,181,189,189,189,186,186,189,196,202,204,202,196,194,194,191,189,186,178,125,115,114,119,178,186,186,176,125,119,121,123,123,123,125,170,176,176,129,178,189,181,181,181,176,176,186,194,196,196,181,125,122,125,170,178,176,127,119,119,125,176,178,178,186,194,196,191,183,176,170,168,127,127,168,168,127,125,123,125,170,183,191,191,181,127,127,170,170,129,124,127,178,183,186,186,189,189,178,173,174,181,186,191,196,199,196,186,178,129,127,131,173,173,176,178,181,183,183,191,194,189,183,178,178,173,176,178,181,176,173,129,127,176,191,199,196,194,194,191,186,181,181,176,170,173,176,176,131,128,129,173,181,183,176,170,168,176,186,194,194,191,189,186,189,191,194,194,186,181,178,133,132,133,133,132,132,181,186,183,176,176,181,183,183,183,186,189,191,189,178,176,178,183,183,178,173,129,126,126,129,176,181,183,186,189,191,194,196,194,194,194,196,196,196,199,199,202,204,202,196,192,194,196,196,194,194,196,202,202,199,202,204,196,127,127,183,196,186,121,100,88,84,94,129,194,202,204,207,209,212,212,209,204,199,194,192,196,202,202,196,186,183,183,186,181,176,173,173,170,176,129,117,115,116,119,125,170,181,191,194,189,186,183,178,176,178,181,176,181,183,176,170,173,183,186,189,194,199,196,189,186,183,176,172,173,181,183,181,176,178,181,181,178,178,181,178,178,178,178,170,125,125,170,181,183,181,183,181,181,178,174,178,196,199,196,194,194,191,181,127,122,122,123,124,129,131,129,131,176,186,189,183,178,178,183,186,189,186,176,128,128,131,176,181,189,196,199,199,196,199,199,196,199,194,186,186,181,129,130,178,186,191,194,191,186,181,178,178,183,189,191,196,202,204,207,204,199,191,187,187,196,209,217,222,222,217,212,209,204,204,207,209,209,212,212,209,204,199,196,196,194,194,186,133,130,133,183,191,189,186,191,199,196,189,182,183,183,186,189,191,194,194,194,194,194,194,191,185,185,186,186,137,134,135,137,183,194,199,199,191,189,191,199,204,204,204,204,202,196,191,191,196,199,199,196,192,192,194,196,194,191,185,189,199,204,204,199,196,196,199,207,209,209,207,204,204,183,117,123,178,178,183,186,181,173,123,99,97,101,113,125,173,183,191,191,191,191,194,194,196,199,199,199,194,186,181,181,183,189,189,186,186,181,135,133,133,178,189,194,196,199,196,191,190,191,194,196,199,202,202,199,189,183,183,191,204,209,204,196,194,191,191,194,199,202,204,209,217,217,207,186,131,125,189,212,207,199,194,189,189,199,204,196,189,191,199,204,212,217,217,212,209,204,199,202,202,194,187,189,194,202,207,209,215,225,228,228,228,228,228,230,228,225,220,220,222,222,222,222,225,225,222,222,215,204,189,139,139,137,93,75,103,204,204,194,181,179,186,196,189,129,126,133,202,204,199,196,194,191,191,194,194,186,181,176,173,181,181,176,172,173,178,178,173,125,108,104,115,125,125,125,127,168,127,125,123,168,173,173,123,120,120,123,125,123,119,121,168,178,181,181,176,174,181,183,176,168,168,170,170,170,168,123,116,115,117,123,125,125,125,129,176,183,194,196,196,194,189,183,182,183,186,186,183,183,183,183,183,186,189,191,194,191,183,131,130,181,194,191,189,189,194,186,126,123,133,181,129,126,131,183,189,186,186,186,189,189,194,194,194,194,191,181,170,129,173,178,178,170,121,113,111,113,119,117,111,107,109,115,117,117,117,117,121,123,165,173,178,173,168,127,168,170,178,186,189,183,176,129,125,125,127,129,129,129,176,178,183,194,202,196,186,186,189,189,194,199,202,202,202,199,189,182,182,183,191,196,204,204,204,202,199,202,199,135,122,178,191,194,189,183,181,178,178,178,178,181,183,189,189,186,186,191,196,199,202,199,194,189,189,189,191,196,199,204,207,204,199,196,196,196,194,196,202,204,204,202,196,189,189,196,204,207,207,204,202,204,209,212,209,207,204,204,204,204,204,204,204,204,204,200,200,202,204,204,204,199,196,196,196,199,202,207,209,207,202,202,199,194,186,182,182,182,183,189,196,202,199,191,190,194,199,196,194,194,194,196,199,202,204,204,207,207,202,194,190,190,190,191,194,199,204,204,207,209,209,207,203,204,209,209,209,207,202,196,196,199,202,199,194,194,199,202,207,209,209,204,202,202,207,212,212,207,199,199,202,199,194,190,189,190,194,196,194,191,189,187,189,189,187,187,189,186,185,186,196,202,202,199,196,194,194,199,204,204,202,202,199,196,191,194,196,199,196,195,199,207,209,209,209,209,207,205,207,212,212,204,196,191,194,199,199,196,189,138,138,138,141,186,191,191,194,202,207,207,202,196,194,191,190,191,196,199,199,196,189,134,131,135,186,191,191,189,189,186,186,183,137,135,135,137,186,191,191,186,183,186,186,189,191,196,202,202,200,202,202,202,204,207,212,209,204,204,204,204,202,204,209,212,207,202,199,202,199,194,191,196,204,209,212,209,207,204,204,204,207,209,209,207,204,202,202,204,209,207,202,202,207,207,202,199,199,199,199,202,204,207,207,204,204,207,209,212,212,207,202,202,196,191,189,186,185,186,194,202,204,202,194,187,186,187,196,204,212,212,209,212,212,204,194,186,185,191,204,212,207,204,207,209,212,212,209,208,208,209,217,222,220,212,196,190,191,194,199,202,204,204,209,215,209,194,189,189,194,196,194,194,194,191,189,191,189,183,189,199,202,199,202,202,199,196,196,199,207,209,209,207,207,209,207,202,196,194,189,183,173,173,173,170,127,127,173,178,178,176,127,118,118,123,181,196,199,199,199,196,191,189,186,186,183,178,117,111,181,189,181,178,181,178,127,111,91,81,72,63,84,93,91,69,57,64,87,95,109,196,212,209,207,207,207,207,212,217,230,238,248,254,255,254,243,228,207,203,207,207,205,204,209,217,217,212,202,198,199,212,217,222,217,212,207,0,0,0,0,0,235,230,228,222,222,228,233,238,238,238,235,230,225,212,199,186,186,199,212,0,0,0,0,0,248,251,0,0,0,222,207,199,202,199,189,181,178,176,176,173,170,170,170,173,183,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,248,255,255,255,251,246,254,255,254,238,220,209,199,196,199,207,212,212,209,204,199,196,196,196,194,194,0,0,0,255,255,230,217,215,212,194,168,160,157,152,0,0,0,0,0,0,150,160,165,163,157,155,0,0,160,173,173,165,160,160,157,155,150,142,134,131,0,144,160,0,0,0,228,235,246,255,255,251,0,238,235,238,241,235,217,196,194,199,199,189,183,194,202,194,176,160,157,163,176,178,165,150,144,142,0,0,163,189,0,0,209,199,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,150,155,163,160,137,116,116,126,142,160,170,176,176,144,95,100,152,160,165,173,170,163,161,165,168,165,165,165,173,186,191,191,191,191,181,163,117,117,121,163,163,121,117,117,119,163,173,181,178,173,168,160,157,157,168,183,191,181,163,159,160,157,150,150,152,152,157,173,178,176,186,202,202,168,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,59,157,183,178,152,95,0,43,87,85,59,33,0,0,0,0,74,85,111,150,178,183,90,98,142,121,131,113,27,0,2,21,47,113,183,196,196,189,163,5,0,45,75,79,67,47,34,59,137,150,147,146,150,150,139,97,95,91,79,71,73,83,101,101,87,81,95,97,93,99,105,109,150,157,163,168,176,183,183,170,165,168,165,163,170,181,168,119,115,93,56,63,117,170,170,165,123,123,168,178,189,199,204,212,215,212,202,186,168,123,170,176,165,124,127,173,173,170,170,168,127,168,181,183,173,118,116,117,121,123,122,168,181,181,170,129,129,129,127,123,123,170,178,173,127,127,170,173,173,170,168,173,170,165,170,183,191,194,183,176,165,168,165,157,117,115,165,178,183,186,189,191,165,92,105,186,209,212,204,194,163,140,168,189,196,194,183,176,173,168,115,49,43,53,76,82,80,82,111,160,165,157,165,170,178,189,194,194,196,199,204,207,207,202,196,191,191,181,152,152,176,181,173,170,163,139,55,7,17,178,186,186,178,163,147,79,0,0,0,43,170,186,207,207,194,181,150,152,152,147,152,165,181,189,176,168,178,186,191,189,173,147,142,144,93,87,101,155,155,113,105,102,103,107,113,115,111,101,100,105,119,173,186,196,199,199,199,199,194,189,187,187,189,194,196,199,196,77,45,71,113,77,0,0,20,33,25,27,35,35,79,103,95,84,84,97,165,181,176,111,108,115,170,178,163,95,88,181,199,204,163,70,36,85,89,15,12,91,105,97,109,119,163,160,85,0,0,37,176,170,105,92,96,163,178,178,176,170,125,170,181,189,189,189,181,170,168,169,170,170,170,168,123,115,113,117,127,176,183,189,194,194,189,189,189,194,199,207,215,215,209,202,194,194,194,189,176,121,115,115,121,170,178,181,173,117,113,117,121,119,117,123,173,176,129,125,173,183,178,176,173,129,129,183,194,199,196,183,129,125,129,173,173,127,121,121,123,127,173,173,170,181,196,204,204,194,181,170,168,170,173,170,168,168,170,127,125,129,181,191,189,178,126,129,176,176,170,124,125,173,178,181,181,186,194,189,183,183,186,186,189,199,202,194,181,173,126,126,129,131,127,131,178,183,186,189,191,194,181,123,121,121,129,176,183,186,181,178,170,125,170,189,196,196,191,191,189,186,183,176,169,168,170,178,178,173,129,130,173,178,181,176,170,170,183,194,196,196,189,186,186,189,189,194,194,191,186,181,133,131,132,176,176,176,183,189,186,178,172,176,183,183,186,189,189,189,183,177,176,178,183,181,131,126,126,126,127,176,183,186,189,191,191,194,194,194,191,191,194,196,199,199,196,194,196,199,199,196,194,194,196,196,196,196,196,196,199,196,196,202,202,191,183,186,189,173,113,104,97,87,90,127,189,199,204,209,215,215,215,212,207,196,191,191,196,202,202,196,186,186,186,189,181,170,170,170,173,178,173,119,116,116,117,121,123,170,183,183,176,178,183,183,186,186,181,176,183,189,178,176,176,173,173,178,183,189,194,194,194,194,186,178,176,183,186,183,181,183,186,183,177,176,177,178,178,178,178,178,176,176,178,181,181,183,186,181,176,176,174,178,196,199,196,194,194,191,183,131,124,123,124,125,127,125,125,131,183,191,191,186,181,181,186,191,191,189,178,129,129,131,176,183,191,199,202,199,199,199,199,199,202,199,194,191,178,129,131,181,186,186,186,186,183,181,181,183,194,196,196,199,202,204,207,204,196,194,191,194,199,207,215,222,225,225,222,222,217,215,209,209,209,209,207,199,191,189,189,191,191,191,183,135,133,137,189,191,191,189,194,202,199,191,186,183,183,186,191,199,202,202,199,196,194,199,196,191,189,194,194,191,189,189,189,189,194,199,199,191,189,189,194,199,202,202,204,199,194,189,189,194,199,202,196,194,194,199,199,194,186,182,185,202,207,207,199,196,196,196,207,212,212,209,207,204,181,123,178,194,194,191,202,196,125,101,96,101,127,178,183,186,189,191,191,189,191,194,194,196,196,196,199,196,186,181,181,186,189,189,186,183,178,133,132,132,135,186,191,194,196,194,191,191,191,196,196,199,199,202,196,189,183,185,196,209,209,202,196,194,194,194,194,194,199,202,209,215,215,207,191,186,196,212,217,196,186,191,191,194,202,202,194,186,187,194,202,212,222,222,217,215,207,202,202,202,191,186,189,196,207,209,212,222,228,228,228,230,230,230,230,228,225,220,220,222,222,222,225,228,222,220,217,212,199,186,138,139,139,97,85,119,204,204,191,182,182,191,202,194,131,128,178,204,207,204,199,196,194,194,194,196,191,189,181,176,181,181,176,173,181,186,183,176,129,113,110,121,127,127,127,168,168,123,117,119,165,173,170,123,120,121,123,125,119,109,113,170,178,181,181,176,174,181,186,183,178,178,176,170,170,168,127,121,117,117,119,121,123,127,170,176,183,191,196,199,199,191,183,181,182,186,186,183,183,183,183,183,186,189,191,196,196,191,135,133,181,194,196,196,191,186,135,129,129,181,186,131,126,128,135,183,183,186,189,189,191,194,194,194,191,189,178,125,122,125,173,170,121,111,107,107,111,113,113,107,105,107,111,113,115,117,121,125,165,170,173,173,125,119,118,121,127,178,189,189,178,170,127,125,125,125,129,131,133,176,178,181,189,196,194,191,194,194,196,196,202,204,204,202,196,186,181,182,189,199,204,209,209,204,199,199,202,196,126,114,129,189,194,191,186,181,178,178,178,178,181,183,186,186,183,181,183,189,191,194,194,191,191,189,189,194,199,202,204,207,202,194,191,191,191,192,199,204,204,202,199,191,186,186,191,196,202,199,191,186,189,196,204,207,209,209,204,204,204,204,204,204,207,207,204,202,204,204,207,207,204,204,207,204,196,194,196,202,202,196,194,191,186,182,181,181,182,186,191,196,202,202,199,196,196,196,194,191,191,192,194,199,202,204,204,204,204,199,191,189,190,194,196,199,202,202,204,204,207,209,207,204,204,209,209,209,207,202,195,196,202,204,204,199,199,202,207,209,212,212,207,204,202,204,204,204,202,199,199,202,204,199,191,191,194,196,199,199,194,194,194,191,189,191,194,196,196,196,199,202,204,202,199,199,196,196,202,204,202,202,202,204,202,196,196,196,196,195,196,202,204,204,204,204,207,207,205,205,209,212,204,199,196,199,204,209,207,199,186,139,139,141,141,140,141,189,194,202,204,202,199,194,190,189,191,196,196,196,196,189,135,131,134,139,186,189,189,186,186,186,183,137,137,139,191,199,199,196,194,194,191,189,185,186,194,199,202,204,204,202,204,207,209,209,202,196,199,207,209,209,207,207,207,204,199,196,196,196,196,196,199,204,209,212,209,207,204,204,204,204,204,204,204,202,200,200,204,207,204,202,204,209,209,204,204,204,202,198,199,204,212,209,207,204,202,202,204,202,196,194,194,194,194,191,186,182,183,191,207,209,204,196,191,189,189,194,204,209,209,207,207,209,207,199,187,187,194,204,207,204,202,204,207,209,209,209,209,209,209,212,215,215,209,196,191,192,199,202,202,204,204,209,212,204,189,183,185,189,191,189,186,186,191,191,191,183,132,134,189,196,194,196,196,194,191,191,196,204,207,204,199,199,204,204,202,194,189,183,173,129,173,181,181,178,178,178,178,178,176,168,121,123,170,186,194,196,199,196,191,186,183,183,183,183,173,76,69,103,127,125,127,125,117,105,93,86,86,103,121,119,99,80,66,60,66,80,97,119,199,212,209,209,215,215,212,215,225,233,241,246,248,251,248,238,215,198,198,204,212,207,205,209,215,217,212,202,196,196,204,215,225,225,217,0,0,0,0,0,0,238,235,230,228,225,228,233,235,238,238,233,228,217,207,194,183,183,194,209,0,0,0,0,0,248,0,248,0,0,230,217,207,204,199,189,183,181,178,176,176,178,178,176,173,178,196,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,243,0,255,255,233,228,238,246,243,233,222,212,202,196,196,204,212,212,212,204,207,217,222,215,204,204,0,0,0,255,238,217,212,212,209,186,163,0,150,0,0,0,0,0,0,0,152,160,165,170,0,0,0,0,0,163,157,152,155,155,152,152,155,152,142,137,0,144,155,176,196,212,222,230,243,0,0,0,0,0,241,241,246,243,228,204,202,209,212,202,191,196,202,196,186,170,163,163,176,178,165,152,150,0,0,0,0,0,0,0,207,199,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,168,160,147,131,100,82,87,108,137,157,165,170,165,134,94,100,155,163,165,168,163,160,161,170,170,163,163,163,170,186,194,194,194,194,178,121,115,117,163,168,165,123,123,165,168,170,178,189,191,189,181,170,163,160,168,181,189,183,176,168,163,147,134,142,144,142,139,150,157,163,178,186,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,82,43,0,0,0,0,0,0,0,0,0,0,0,0,0,56,121,126,82,43,23,35,142,144,157,165,124,0,1,17,33,47,157,178,176,168,144,47,19,43,77,83,77,69,39,47,79,142,147,147,147,147,139,134,101,93,69,58,59,69,81,87,79,73,76,79,81,93,109,109,109,152,168,181,186,191,189,165,157,163,170,170,170,173,168,168,178,170,82,81,107,117,163,123,123,123,165,178,191,202,207,212,215,215,209,199,178,125,165,168,165,168,178,181,173,127,125,127,123,123,125,168,125,119,119,121,125,125,123,173,186,186,173,170,173,173,173,129,170,181,194,186,168,123,127,170,127,125,165,170,168,163,165,173,176,178,178,176,170,165,160,157,163,173,196,207,204,194,176,157,103,92,160,189,204,207,207,204,202,194,194,202,199,183,170,173,181,183,107,47,41,52,79,99,107,119,163,119,72,68,113,160,165,181,186,191,191,194,202,207,207,204,202,199,199,194,160,152,170,181,142,157,165,165,129,10,6,77,168,168,163,157,152,137,0,0,0,0,168,194,207,202,183,131,75,137,137,129,147,163,170,176,155,155,181,186,186,183,157,150,160,176,176,157,150,150,152,152,109,103,103,109,152,160,160,115,104,107,117,173,191,199,202,199,199,196,194,191,189,189,189,191,194,196,199,97,65,79,101,75,24,11,20,29,23,19,21,29,105,117,97,78,82,101,173,183,181,160,113,111,117,163,117,84,74,101,91,101,107,107,58,84,101,91,91,103,113,168,168,109,121,178,173,0,0,93,196,194,183,173,168,178,189,181,168,165,123,125,165,125,165,170,173,168,164,170,176,127,124,125,123,119,117,119,125,178,189,194,196,191,189,191,194,199,204,212,222,225,215,204,194,194,194,189,176,123,121,123,129,173,178,181,176,117,112,115,115,99,96,109,127,170,123,121,125,170,129,129,129,128,129,178,189,194,191,181,170,129,173,176,170,123,121,125,127,127,168,127,126,173,189,202,199,191,178,168,168,176,181,176,170,173,176,170,125,129,178,186,183,178,176,181,181,181,176,129,125,127,173,178,181,191,202,199,191,191,186,178,178,189,191,176,125,127,131,131,131,124,121,123,178,189,191,191,191,189,125,99,102,107,125,178,189,189,183,178,129,113,107,125,186,189,189,186,183,181,178,173,170,170,173,176,173,130,130,131,178,183,183,181,178,181,189,196,199,196,191,183,186,189,189,194,196,194,189,183,176,132,176,181,183,183,186,189,186,181,173,178,189,191,194,194,194,191,186,183,183,189,189,181,129,126,126,127,131,181,189,194,194,196,194,191,191,191,191,191,194,199,202,202,196,194,194,196,196,194,190,190,191,194,199,199,196,194,194,194,194,196,202,199,191,183,178,170,123,170,196,117,102,127,189,199,207,212,212,215,215,212,207,196,190,190,196,204,204,196,186,183,183,183,181,173,173,176,176,178,173,123,119,119,119,119,117,123,176,178,168,168,178,183,186,189,178,170,183,186,170,170,170,125,170,181,181,183,191,196,199,202,199,191,186,191,194,191,186,183,183,181,178,176,177,178,177,177,178,183,186,186,183,178,176,181,183,176,173,174,176,183,196,199,196,194,194,196,191,181,173,131,129,129,125,122,122,173,194,196,196,196,191,183,183,189,191,189,181,176,131,129,131,178,189,196,199,199,199,199,199,202,202,199,194,189,178,131,133,178,181,183,183,186,186,186,186,191,199,196,189,186,191,196,196,196,194,194,194,196,202,209,217,225,225,228,228,228,225,217,209,204,202,199,194,183,139,139,183,186,189,189,183,139,183,186,191,194,196,196,199,202,202,196,191,189,189,189,194,199,204,202,196,191,194,199,199,196,194,196,202,202,202,202,199,196,194,194,194,191,190,190,191,194,196,199,199,196,189,189,189,191,196,199,199,196,199,199,196,191,189,186,191,207,215,209,196,196,196,199,204,207,209,207,207,202,135,122,181,199,202,196,212,212,113,96,98,176,189,194,194,191,191,191,189,186,189,191,194,194,191,194,196,196,189,181,178,181,183,181,181,181,178,135,132,132,135,186,191,194,196,194,191,191,194,196,199,199,196,196,191,186,185,191,202,212,209,204,199,196,199,199,194,194,196,202,204,209,212,207,202,199,209,217,215,185,182,189,191,194,202,202,191,186,186,189,196,209,217,220,217,217,212,209,209,207,196,189,191,199,207,209,212,217,222,225,228,230,233,233,230,228,225,222,222,222,222,225,225,225,225,220,215,207,194,141,139,183,186,113,101,131,196,199,191,189,189,191,194,189,181,178,186,199,207,204,199,196,196,194,196,199,196,189,178,174,181,186,181,178,186,191,186,181,173,125,123,170,173,170,168,168,121,113,111,119,125,168,165,123,121,123,127,127,115,103,107,168,176,181,183,176,176,183,189,189,186,183,178,173,173,173,170,127,123,121,121,123,123,127,173,178,186,191,196,199,199,194,183,181,183,189,189,183,182,183,183,186,189,191,194,196,199,194,183,137,186,196,199,196,189,181,133,133,181,191,189,135,128,128,133,178,181,183,186,189,189,191,194,191,191,189,181,129,120,122,127,125,113,105,102,103,109,111,111,105,104,105,107,111,115,119,123,165,168,168,170,168,119,117,117,119,168,181,191,191,181,176,173,127,124,125,129,176,178,178,178,181,183,189,191,194,199,199,199,202,204,207,207,202,194,186,183,186,194,202,204,207,207,202,196,196,199,194,123,113,133,189,196,194,189,183,181,181,183,181,181,181,181,181,181,181,183,186,189,191,194,196,194,191,189,194,199,204,207,209,204,196,192,191,191,192,199,202,199,196,191,189,186,185,186,189,194,191,186,137,136,139,191,199,207,209,207,207,209,207,207,207,209,209,207,204,202,202,204,204,207,207,209,207,199,189,186,189,189,186,186,186,186,186,186,189,189,194,196,199,202,204,204,202,196,194,192,191,191,192,194,199,204,204,204,202,199,196,191,191,196,202,204,204,204,204,202,204,207,212,212,209,209,209,209,207,202,199,195,196,204,209,207,204,202,204,207,209,212,212,207,204,202,199,199,199,199,199,202,204,204,202,199,196,196,202,202,202,196,196,199,191,189,196,202,204,204,204,204,204,204,202,204,204,204,202,207,207,202,199,199,204,202,199,199,199,196,196,199,204,204,199,194,199,207,209,207,205,207,209,207,202,202,204,209,212,212,207,199,191,189,189,186,140,141,191,191,194,196,196,196,194,190,189,191,199,202,199,199,194,183,135,135,139,186,186,186,186,186,186,183,183,186,194,202,204,204,202,202,202,199,191,185,185,194,202,207,207,207,202,202,209,215,209,196,186,186,196,207,207,202,202,202,199,194,191,191,191,194,196,202,204,209,209,209,207,202,202,202,199,198,199,202,202,202,200,202,204,204,204,207,209,207,204,202,204,204,198,198,207,215,215,209,204,202,199,199,196,196,192,192,192,196,194,189,182,182,186,202,207,207,204,202,196,196,199,202,202,202,199,202,207,207,204,194,191,199,204,204,202,200,202,207,209,209,212,215,215,209,208,208,209,209,204,199,202,202,202,202,204,204,204,207,202,186,182,183,189,191,186,183,183,186,191,191,135,128,129,183,194,191,191,191,189,189,189,194,199,204,202,195,196,199,202,196,191,183,178,127,125,131,181,186,186,183,181,176,170,170,127,125,168,178,186,189,191,194,194,186,181,181,183,183,183,168,74,66,79,101,103,109,105,97,93,97,115,196,212,209,194,117,101,113,111,85,84,109,129,199,212,215,215,222,225,222,225,230,235,238,243,246,246,243,243,230,203,202,217,225,215,207,207,215,220,215,204,196,195,199,209,220,225,225,0,0,0,0,0,0,241,238,235,230,228,0,0,235,238,238,230,222,212,202,191,183,183,189,202,0,0,0,0,0,243,246,246,0,0,235,225,215,209,202,194,189,186,186,183,183,183,183,181,176,178,196,204,0,0,0,0,0,0,0,0,243,241,0,0,0,0,0,0,0,0,0,0,0,255,255,251,217,212,222,233,238,238,235,228,212,199,196,204,212,217,215,209,212,230,235,225,212,212,0,0,0,255,228,209,207,207,202,181,0,0,152,0,0,0,0,0,0,0,150,155,0,176,0,0,0,0,0,160,0,0,155,157,152,152,160,163,155,142,0,0,0,163,186,202,212,222,238,0,0,0,0,0,0,243,246,243,230,209,207,217,225,215,0,202,202,199,191,178,165,165,176,178,168,160,160,163,165,0,0,0,0,0,207,202,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,163,170,160,129,95,77,74,77,98,129,150,160,163,160,147,103,147,170,178,176,170,163,160,163,173,170,163,122,123,170,186,194,194,194,191,178,121,117,121,168,170,168,163,165,170,173,176,183,196,204,202,194,178,165,160,163,176,181,178,176,173,160,105,87,113,131,113,98,92,103,134,142,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,95,0,0,13,25,131,147,152,155,150,0,0,19,35,49,157,160,144,131,111,71,59,73,139,150,155,173,47,41,49,89,142,144,144,144,144,147,155,155,89,63,56,50,52,71,77,72,73,76,79,101,150,109,106,111,170,186,189,189,186,165,153,157,170,173,168,163,165,189,196,196,196,160,105,109,117,119,121,123,163,173,186,199,209,215,215,212,207,199,181,168,165,165,165,173,186,189,178,168,127,125,122,120,120,122,123,121,127,168,168,127,125,173,186,183,173,178,183,183,181,173,173,183,196,191,168,121,168,170,124,123,170,178,170,163,163,163,163,165,168,173,173,165,157,157,176,196,215,215,209,196,170,115,103,99,176,191,202,204,207,209,207,202,204,204,194,170,165,173,183,183,91,82,95,107,115,165,176,178,173,107,63,64,113,119,119,173,186,191,194,194,199,204,204,207,204,202,204,199,168,103,75,46,48,147,173,191,191,43,8,21,129,150,165,163,163,165,142,69,0,0,142,199,199,191,178,73,45,116,87,71,126,152,152,144,121,129,181,186,178,168,122,125,150,168,173,168,157,152,160,183,163,109,107,113,155,168,178,178,160,115,117,170,189,199,199,199,196,196,196,196,194,191,191,189,189,191,199,183,111,91,95,91,103,95,65,57,47,17,5,4,95,115,111,101,117,168,176,173,157,157,119,110,110,160,165,99,72,73,57,67,97,163,82,99,111,119,115,99,101,178,178,99,113,183,194,37,19,165,199,204,199,189,178,176,181,165,118,123,125,125,124,123,124,170,176,170,169,178,178,125,122,125,127,119,113,113,119,170,189,196,196,191,191,194,199,204,207,209,217,222,212,202,194,191,191,186,178,173,170,170,178,181,186,189,183,127,123,127,117,92,88,99,119,123,119,119,125,129,128,128,129,128,129,176,183,186,183,178,173,173,176,176,170,125,127,173,170,126,127,127,127,170,181,183,178,173,168,125,127,178,183,178,176,181,181,173,129,129,176,183,181,178,183,189,183,176,173,127,123,125,173,181,186,196,204,202,194,189,181,131,127,127,123,117,117,121,183,183,176,125,120,122,181,194,194,194,191,181,107,95,99,103,121,173,183,183,181,176,127,109,95,104,125,178,181,178,178,176,173,173,176,176,176,173,130,129,130,176,181,186,189,186,186,186,189,194,196,199,194,186,183,189,189,191,194,191,189,183,178,133,178,186,191,191,191,189,183,176,173,183,196,202,202,204,202,199,196,194,194,191,186,176,127,126,129,129,173,181,191,196,196,196,194,189,183,186,189,191,191,196,202,202,196,192,192,194,194,191,190,189,190,194,199,202,199,192,191,192,192,194,199,199,196,189,186,181,170,178,202,194,129,176,191,202,207,209,209,209,212,212,204,194,190,191,196,204,202,194,183,181,178,183,183,178,178,178,178,178,170,127,168,168,125,119,116,119,173,170,122,122,170,176,178,181,173,168,176,176,121,123,123,120,129,186,183,181,186,194,202,204,202,196,194,196,199,196,189,178,176,178,181,181,181,181,178,176,177,186,194,194,186,176,170,176,181,176,173,178,181,189,194,196,196,194,194,196,196,189,183,183,178,173,125,122,124,183,196,202,202,204,196,183,179,181,181,181,181,181,176,129,125,133,186,194,199,202,199,199,199,202,202,199,191,186,178,135,135,178,178,178,181,181,183,186,191,196,199,189,134,132,137,186,191,191,194,194,196,199,204,212,217,225,228,228,228,225,225,215,207,199,191,186,137,134,135,139,183,139,183,139,139,183,189,191,194,196,202,202,199,202,202,199,194,194,194,194,196,199,202,199,194,189,189,194,196,194,194,196,202,204,204,207,207,202,194,194,194,194,194,194,191,191,191,194,196,194,189,189,189,191,196,196,196,199,204,196,139,183,191,196,199,209,215,204,191,194,202,204,204,202,202,202,204,199,133,123,181,196,194,176,199,202,123,105,119,199,196,196,196,191,191,191,191,189,186,189,189,189,189,191,194,196,189,181,177,177,177,177,178,178,178,135,133,133,178,189,194,196,196,196,194,194,196,196,199,196,196,191,186,186,189,196,204,209,209,207,202,199,199,199,196,194,196,199,199,204,209,212,207,204,207,212,207,185,182,186,189,191,199,202,196,189,189,187,191,204,212,215,217,217,217,215,215,215,202,194,196,202,209,209,208,209,215,217,225,230,233,233,230,228,228,225,225,222,222,225,225,225,225,222,215,207,199,189,189,194,194,137,133,189,196,194,191,191,191,186,183,181,181,181,186,194,199,196,191,189,189,189,189,194,191,183,172,170,181,189,186,183,186,189,183,178,176,170,173,176,173,170,170,125,113,105,109,119,125,165,165,123,122,125,168,127,111,101,105,123,170,178,181,176,178,183,186,186,186,183,181,178,178,181,178,173,127,123,123,125,125,127,173,178,183,189,194,196,196,194,189,186,189,194,191,183,182,183,186,191,194,196,199,199,199,191,183,183,191,199,199,194,186,137,137,186,194,196,194,181,131,130,131,135,178,178,181,181,183,189,194,191,186,186,186,178,123,122,123,121,111,103,100,101,109,113,109,105,104,104,105,107,111,117,123,165,165,168,165,125,119,117,118,123,173,183,189,189,186,183,178,131,125,124,129,178,181,181,181,183,186,186,191,199,204,204,202,202,204,207,207,202,196,191,194,194,196,199,199,199,202,199,196,199,199,186,123,116,183,194,199,196,191,183,183,183,186,183,135,133,133,135,178,181,186,189,191,194,196,196,194,189,186,191,196,204,209,212,207,202,199,196,194,196,199,199,194,191,191,191,189,186,185,186,191,194,191,183,136,136,139,191,202,207,207,207,209,207,204,204,207,209,204,202,196,196,196,196,199,202,204,204,199,189,183,182,183,183,186,191,199,202,204,202,199,199,199,202,202,204,207,202,196,192,192,194,194,194,196,202,204,204,202,199,194,194,199,204,207,207,207,204,204,202,199,202,207,212,215,215,215,212,209,204,199,195,194,199,207,209,209,209,209,209,209,209,209,209,209,204,202,199,199,202,202,202,202,202,204,204,199,199,199,202,202,199,194,194,194,189,189,196,204,204,202,202,202,204,202,202,202,207,204,204,207,207,202,196,196,199,196,196,199,199,196,196,202,207,204,196,187,194,207,215,212,207,207,207,207,204,204,207,209,212,212,212,207,202,196,196,191,186,189,194,191,191,191,191,191,194,190,189,194,202,207,204,199,194,189,186,183,186,186,186,186,186,183,183,186,189,196,202,204,204,202,202,202,204,202,196,191,189,196,204,209,209,204,200,202,209,215,209,196,138,136,139,194,196,194,191,196,194,189,186,141,186,189,194,199,204,207,209,209,207,202,199,199,199,198,198,199,202,202,202,202,202,202,204,207,207,204,199,199,202,202,199,199,204,212,212,209,202,199,196,196,199,199,196,194,194,199,199,194,185,183,185,189,196,204,209,207,202,199,199,199,194,191,191,196,202,207,204,202,199,202,204,204,202,200,204,207,209,209,212,217,217,215,209,208,209,212,209,207,207,204,202,204,204,202,199,202,199,186,182,183,186,189,185,183,183,186,189,189,135,129,130,183,191,191,191,191,189,187,189,191,196,199,199,196,196,196,196,194,186,178,129,125,123,127,178,186,186,183,181,176,129,127,125,127,170,178,181,181,183,189,189,186,181,181,183,186,183,176,105,79,91,103,103,103,105,107,115,178,207,212,209,207,207,209,217,215,181,117,115,127,183,199,209,215,217,222,228,228,230,233,233,235,238,241,243,243,254,254,238,228,233,230,217,207,205,209,215,212,202,195,196,202,209,217,228,228,0,0,0,0,0,241,241,238,235,230,228,0,0,233,235,233,228,215,207,199,191,183,182,186,194,204,0,0,0,238,241,243,248,0,0,241,233,225,215,207,196,191,191,191,189,186,186,186,183,181,183,196,202,0,0,0,0,0,0,0,241,241,238,0,0,0,0,0,0,0,0,0,0,0,0,255,238,212,207,212,225,0,248,255,248,225,202,196,202,215,0,222,215,217,233,238,225,215,217,228,0,255,255,230,209,204,204,194,181,170,168,157,0,0,137,0,0,0,0,147,152,0,0,0,0,0,0,0,0,0,152,163,163,157,155,165,176,168,150,134,129,0,0,176,196,204,212,230,0,0,0,0,0,0,0,243,238,222,209,209,222,0,225,0,204,202,199,191,181,168,165,176,176,168,168,173,173,173,0,0,0,0,0,0,207,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,157,155,142,74,70,72,77,90,108,131,144,155,157,157,160,163,176,189,196,189,178,168,163,165,170,170,163,122,122,170,183,191,189,186,183,176,123,119,123,165,165,163,123,160,165,170,178,189,199,204,207,199,181,165,160,160,168,170,165,155,160,150,65,45,43,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,33,64,121,111,116,137,17,17,100,147,170,183,165,118,88,68,100,126,157,178,186,191,196,81,47,47,73,134,144,147,150,152,157,170,178,181,170,73,44,49,61,79,77,81,91,95,160,157,144,107,147,173,186,189,186,181,165,152,153,163,170,163,117,160,194,199,199,207,189,113,107,109,113,119,121,123,165,176,191,207,215,212,207,196,186,176,168,168,168,165,170,186,189,181,173,127,127,123,121,121,123,127,125,127,127,168,127,125,168,173,168,168,183,191,191,186,178,176,178,186,178,119,117,173,170,123,123,183,189,178,168,165,163,160,161,163,168,170,168,157,156,181,204,212,212,212,202,168,115,119,178,191,196,202,204,207,209,207,202,202,199,189,170,165,173,181,176,103,101,113,115,119,173,181,181,173,111,80,85,117,113,107,163,183,194,199,199,199,202,204,207,207,204,204,199,168,93,47,4,49,147,170,178,170,89,35,37,83,137,173,163,142,157,183,220,121,0,0,144,165,160,155,51,17,59,49,29,37,47,39,49,55,53,53,87,152,155,124,122,139,147,147,150,155,160,173,191,176,147,107,113,160,173,186,186,173,160,157,168,183,196,199,199,199,199,202,199,196,194,191,189,189,191,196,194,178,97,93,105,119,115,93,83,85,35,3,6,79,109,157,176,189,191,183,160,110,115,119,111,110,163,176,160,84,75,62,76,111,170,115,170,170,168,121,99,97,113,103,92,100,178,189,111,101,181,194,202,202,191,173,168,163,116,114,119,125,125,125,165,170,176,178,178,178,178,173,124,124,170,173,123,113,114,117,129,186,194,196,194,194,196,202,204,204,204,207,209,207,199,194,191,189,186,183,178,129,127,176,189,194,196,191,176,173,183,178,103,97,111,117,114,112,117,129,176,176,176,170,129,170,176,178,181,183,181,178,178,176,173,129,127,176,186,178,126,127,168,168,170,173,170,127,124,123,122,125,173,178,176,176,183,183,178,173,173,178,181,178,178,183,186,176,123,115,114,117,127,181,189,194,199,202,194,186,183,181,131,125,124,121,118,119,124,183,186,183,173,124,127,183,194,191,191,189,176,109,102,105,111,121,127,176,181,181,178,176,125,98,104,117,129,176,178,178,176,131,173,178,181,178,173,131,173,173,178,183,189,189,189,189,189,189,189,191,196,194,186,181,183,189,191,191,189,186,183,181,176,176,183,191,194,191,183,131,127,131,186,199,204,207,209,212,209,204,202,196,183,173,129,127,127,129,170,176,183,191,194,194,196,191,181,178,181,189,191,191,194,199,199,196,192,192,194,194,194,191,191,191,196,202,204,202,194,190,191,194,196,199,202,202,196,194,191,181,183,199,199,183,181,191,202,207,209,207,207,207,207,202,194,191,192,199,202,199,189,181,178,178,183,186,181,178,176,178,176,173,173,178,178,168,119,116,118,127,125,118,119,168,173,170,170,168,127,168,127,119,119,120,119,123,181,183,181,183,191,199,202,199,199,199,199,199,196,186,173,169,176,183,183,183,183,181,177,177,186,194,196,189,176,129,130,176,176,176,178,183,186,189,191,194,191,191,194,196,194,191,191,186,176,127,125,131,189,196,199,204,204,194,181,178,178,179,179,183,186,183,129,124,133,183,191,199,204,204,199,199,202,204,199,191,183,181,183,178,178,181,181,135,131,131,137,191,199,199,183,132,131,134,186,191,194,196,196,199,202,204,212,217,225,230,230,228,225,222,212,202,191,183,137,133,132,135,186,186,139,137,136,137,183,191,194,199,202,204,202,196,196,199,199,199,196,196,196,199,202,202,196,194,189,186,186,186,189,189,194,196,199,202,207,209,204,196,196,196,199,202,199,191,190,190,191,194,194,191,189,189,194,194,191,191,199,204,189,127,132,194,199,196,199,204,194,183,191,204,209,207,204,199,199,202,196,131,121,131,178,127,111,117,178,183,183,189,199,202,202,196,191,189,189,189,183,181,181,183,183,186,189,191,194,189,181,177,177,177,178,181,181,181,135,133,133,183,194,199,199,202,199,196,196,196,196,196,196,196,191,186,186,191,196,196,199,204,204,202,199,199,199,196,196,202,202,199,202,207,212,209,204,202,202,199,189,186,191,189,191,199,204,202,196,191,189,189,202,209,215,215,217,217,217,217,217,207,199,196,199,207,212,208,207,208,212,222,228,230,230,230,228,228,228,225,222,222,225,225,225,225,220,215,212,207,204,202,204,202,199,199,199,196,194,191,189,186,183,181,178,135,135,183,191,189,183,178,178,181,181,181,186,186,178,170,169,178,189,189,186,186,186,183,178,176,176,176,170,127,168,127,117,103,101,107,117,123,165,165,125,125,127,170,127,113,105,108,117,125,173,176,173,176,181,181,181,181,181,181,181,186,186,183,178,168,123,125,127,127,129,173,178,183,186,189,189,191,194,194,191,194,196,194,186,183,183,189,194,199,202,204,202,194,186,183,189,194,202,202,191,186,181,186,196,202,199,196,186,181,133,131,131,133,133,133,133,176,186,191,189,183,183,183,181,125,123,123,121,115,109,103,103,113,115,111,107,104,104,105,105,109,115,121,163,165,165,165,125,123,123,123,125,170,178,183,183,183,181,178,131,125,125,129,176,178,181,183,189,189,186,191,202,204,202,202,202,202,207,207,204,199,199,199,199,196,196,196,194,196,196,196,199,199,186,125,122,194,199,202,199,194,186,181,181,183,178,131,128,129,131,135,183,189,191,194,196,199,194,186,181,183,189,194,199,204,209,209,207,202,196,196,196,196,194,190,190,194,199,196,191,186,189,196,202,199,189,137,135,137,186,196,202,202,204,207,207,202,199,202,204,199,194,191,189,189,189,191,191,189,191,194,189,183,182,182,183,191,199,207,212,212,207,202,199,202,202,204,207,207,204,199,196,199,199,199,196,199,202,204,204,199,194,192,194,202,207,207,202,199,199,196,196,196,196,202,209,215,217,217,215,212,207,199,194,194,199,207,209,209,212,212,212,209,209,209,209,209,207,204,202,202,202,202,204,202,202,202,204,202,199,199,202,199,194,189,186,189,189,191,199,202,202,199,199,199,202,202,199,199,199,199,199,202,204,202,196,194,194,192,192,196,199,196,196,199,204,202,191,185,189,204,212,215,209,207,207,207,204,207,207,207,209,209,209,209,207,202,199,196,194,194,196,191,190,190,190,194,196,194,190,194,204,207,204,199,194,194,191,189,189,189,189,189,186,182,182,183,191,199,202,202,199,194,191,194,199,202,202,199,196,199,207,209,209,204,200,202,209,212,209,199,141,136,137,141,186,186,189,194,191,186,139,139,141,141,189,196,202,204,207,209,207,202,202,202,202,199,199,199,199,199,199,199,199,202,204,207,207,204,199,196,196,199,199,199,199,202,204,204,199,196,195,196,199,202,202,199,199,202,204,199,194,189,186,182,185,199,207,207,202,196,194,194,189,187,191,196,202,204,207,207,204,202,202,204,204,204,204,209,209,209,212,215,222,222,222,217,217,215,209,207,207,204,202,202,204,199,194,199,199,189,183,183,186,189,189,186,186,186,186,186,137,131,133,183,189,186,186,191,191,189,189,191,194,194,194,191,189,189,191,194,189,176,127,123,123,127,173,178,183,183,183,178,170,127,125,125,127,168,168,173,178,186,191,189,186,186,189,186,183,183,181,127,125,125,123,115,168,186,191,199,209,209,196,194,202,212,222,217,191,173,173,181,191,199,207,215,215,215,222,228,233,233,233,233,233,238,243,246,255,255,254,246,241,230,215,207,205,207,212,207,198,195,199,0,0,222,230,233,230,0,0,0,0,241,241,238,233,228,225,0,0,0,230,228,222,209,199,194,189,186,183,183,189,196,0,0,0,235,241,243,0,0,0,0,241,233,222,212,202,196,194,191,191,186,186,186,186,186,191,196,196,194,0,0,0,0,0,233,238,238,235,233,0,0,0,0,0,0,0,0,0,0,255,248,230,212,209,0,0,0,0,255,255,233,202,192,199,0,0,228,220,217,225,228,217,215,225,241,0,255,255,248,222,207,202,194,186,183,183,168,0,0,0,0,0,0,0,0,160,0,0,0,0,0,0,0,0,0,0,0,170,163,155,165,183,181,155,131,122,124,0,173,196,204,207,225,0,0,0,0,0,0,0,241,230,215,208,212,228,0,0,0,207,204,202,194,181,168,0,173,173,170,173,178,176,0,0,0,0,0,0,0,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,129,118,72,69,77,105,116,131,142,147,150,152,157,168,181,191,196,202,199,186,170,165,165,165,163,123,121,122,165,176,181,178,176,173,170,123,119,121,119,117,117,119,119,119,163,176,189,199,202,204,199,181,165,160,157,160,155,137,111,129,124,55,31,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,103,51,40,11,0,0,1,118,131,168,186,196,196,181,113,59,64,118,168,181,183,189,194,191,137,63,55,73,131,144,150,155,157,165,176,181,189,196,176,54,52,59,83,91,139,147,97,155,157,150,147,157,176,186,189,189,183,168,155,152,155,157,117,116,160,186,194,199,202,186,119,107,98,100,111,117,119,123,168,178,199,209,209,199,186,176,168,165,165,165,164,168,178,181,176,168,123,125,168,168,173,178,178,170,125,125,170,170,125,124,124,123,127,183,194,194,191,186,176,173,173,127,114,115,176,170,121,124,189,191,181,170,168,165,161,161,163,163,168,170,165,160,178,199,204,207,207,194,165,160,181,199,196,196,199,204,207,209,207,204,196,196,186,168,160,165,170,163,157,157,160,113,111,160,170,170,163,113,100,102,113,105,98,109,163,186,196,199,199,199,204,207,207,207,204,186,97,69,51,28,87,144,150,138,139,142,126,79,73,113,150,75,3,31,157,225,137,0,0,23,73,131,126,15,0,0,9,23,23,0,0,0,55,49,26,46,131,152,142,134,139,142,137,135,150,165,173,173,157,95,95,109,163,176,181,178,170,163,160,165,176,191,199,202,202,202,202,202,199,199,196,194,194,199,196,194,186,101,91,119,160,119,117,119,157,111,105,105,101,111,160,186,199,204,196,163,110,111,115,113,113,160,173,163,101,89,97,113,163,173,173,181,178,165,163,117,113,109,96,94,100,178,186,181,176,181,186,189,191,178,165,163,163,118,116,121,123,125,168,173,173,168,165,173,178,178,170,125,127,173,173,127,123,125,127,173,189,194,194,199,199,199,199,199,196,196,196,199,199,194,189,189,189,189,186,178,120,119,129,194,202,199,189,176,170,183,178,113,109,121,119,107,109,121,178,189,191,189,181,176,173,176,176,181,189,191,189,183,176,129,125,170,189,196,189,170,127,127,127,168,170,170,127,124,122,123,125,170,170,169,170,178,181,178,178,176,178,178,178,178,181,181,127,113,110,112,121,178,194,199,199,196,189,178,173,178,178,173,127,125,125,129,173,176,181,183,186,181,131,173,181,183,178,178,181,129,121,127,127,123,125,125,129,178,181,183,186,189,127,119,123,170,181,181,176,129,129,173,181,186,183,176,176,176,178,181,186,191,189,189,189,189,189,183,186,191,191,183,178,181,189,191,194,191,189,189,186,181,176,178,186,189,186,178,127,124,129,186,196,202,204,209,212,209,202,194,178,119,115,123,129,170,129,173,183,191,191,190,191,194,191,179,178,183,189,191,191,194,196,196,194,192,194,199,199,199,199,196,199,199,202,204,202,194,189,190,194,199,202,202,202,199,199,196,191,189,191,189,173,129,186,199,207,209,207,204,204,202,196,194,194,196,202,199,194,183,178,176,178,183,181,176,178,176,176,176,173,178,183,181,168,121,116,119,168,127,119,120,168,173,127,126,168,127,125,123,120,121,120,119,119,170,183,183,183,191,196,199,196,196,199,196,194,191,186,169,166,173,181,178,178,181,181,177,177,181,191,194,186,173,128,128,131,176,178,178,181,186,189,191,191,189,186,189,194,194,194,196,191,178,173,133,178,189,194,199,199,196,186,179,181,183,181,181,183,189,183,125,122,129,181,191,199,207,207,202,199,199,202,196,191,181,183,189,183,183,189,189,181,131,129,131,189,202,202,194,181,135,137,189,196,199,202,204,204,204,202,204,215,225,230,228,228,225,222,209,194,139,135,135,134,134,139,191,191,183,137,136,138,189,194,196,202,207,204,196,191,189,194,199,202,199,199,199,202,204,202,196,191,189,183,183,183,186,189,194,196,196,199,207,212,207,202,199,202,204,207,202,191,189,189,191,194,194,194,189,191,196,194,186,186,196,202,135,120,129,191,199,181,137,191,186,182,191,207,209,207,204,202,202,199,194,131,121,127,131,123,113,115,125,189,196,194,199,202,204,199,191,186,183,181,178,176,176,178,181,186,189,189,189,186,181,177,178,183,183,186,186,181,135,133,135,183,196,202,202,202,202,199,196,196,196,194,194,194,191,186,186,191,194,191,191,196,202,199,196,196,196,199,199,202,204,204,204,207,207,207,204,199,196,196,194,194,196,191,194,202,207,204,199,196,191,194,204,209,212,215,217,220,217,222,222,215,204,194,139,191,215,212,208,208,209,215,222,225,228,228,228,225,228,225,222,222,228,228,228,228,217,212,212,212,212,209,207,204,204,204,194,189,194,191,189,186,183,183,181,134,133,178,189,186,178,176,176,177,178,181,183,183,181,174,173,181,189,186,183,183,183,181,178,176,178,176,168,125,123,117,99,91,97,109,117,123,125,165,125,127,170,173,168,123,119,117,119,125,170,173,170,170,173,173,176,176,176,181,183,186,186,186,181,170,125,125,129,129,129,170,176,183,186,183,183,186,194,196,194,194,194,191,189,186,186,189,191,194,199,204,202,189,183,186,189,194,202,204,196,189,186,194,202,202,199,199,196,189,178,133,131,131,130,130,130,131,181,189,189,186,183,183,176,125,123,125,125,123,119,115,115,117,115,111,109,107,107,107,107,109,117,121,123,125,165,165,165,168,168,127,125,127,168,173,173,173,173,173,129,127,127,131,176,178,178,186,191,191,186,189,199,202,202,199,199,202,204,207,204,202,202,199,199,199,199,199,194,191,191,194,199,202,191,133,129,199,202,202,202,196,186,178,135,178,135,129,128,128,131,135,181,186,189,191,196,199,194,183,178,181,186,189,191,196,207,207,204,196,191,191,194,194,191,189,190,196,199,196,191,186,186,194,202,199,189,139,137,139,183,191,199,202,207,207,204,196,195,196,199,196,191,189,187,187,189,189,187,185,186,189,189,183,183,183,183,191,199,207,212,209,204,199,196,199,202,204,207,209,207,204,202,204,204,202,199,199,199,199,199,196,194,194,194,199,199,196,191,191,191,191,191,194,196,199,207,212,217,220,217,215,209,199,192,192,196,204,207,207,209,212,212,209,207,207,207,209,207,204,199,199,199,202,204,202,199,199,204,204,204,202,202,199,194,186,185,186,191,194,196,196,196,194,194,196,202,202,199,195,195,195,195,196,204,207,202,196,194,194,194,194,196,196,194,196,199,196,189,185,186,196,207,212,209,207,207,204,204,204,204,204,202,202,204,207,207,204,199,199,199,199,196,194,191,191,191,196,202,199,194,196,202,207,202,199,196,196,194,194,191,191,191,191,189,183,182,186,191,196,199,199,194,189,139,139,189,196,202,204,204,202,204,207,207,202,202,204,207,209,209,204,194,141,138,137,137,138,186,191,189,139,139,139,141,141,186,194,199,202,204,207,207,202,202,202,204,204,199,196,194,191,194,194,196,202,207,209,209,207,202,196,191,189,194,196,196,196,202,202,199,196,196,199,202,204,204,204,202,202,204,204,199,196,194,182,182,191,199,204,199,191,187,187,186,187,191,194,196,199,204,204,199,191,191,199,204,204,204,204,204,207,212,217,222,222,222,225,222,215,207,204,204,204,202,202,202,196,194,199,202,191,185,185,189,194,194,191,191,186,183,183,181,135,181,186,182,179,182,191,191,189,186,186,186,186,186,181,176,178,189,194,191,176,121,115,119,125,129,129,173,181,183,183,176,127,124,125,125,124,124,127,173,183,191,194,194,194,194,189,186,191,191,186,183,186,189,186,194,196,199,199,199,194,186,189,199,202,196,194,186,178,178,183,194,199,202,207,204,202,209,217,228,230,230,230,233,238,241,241,246,251,248,248,243,233,222,215,212,215,215,207,198,198,209,0,0,233,233,233,230,0,0,0,0,241,241,238,235,228,225,0,0,0,225,225,217,207,196,189,189,186,183,182,183,191,0,0,0,235,238,0,0,0,0,0,243,238,228,217,207,202,196,194,194,191,189,186,189,191,196,202,199,194,0,0,0,0,0,228,233,235,235,233,0,0,0,0,0,0,0,0,0,0,251,238,225,0,0,0,0,0,0,255,255,235,204,192,196,0,0,0,225,217,215,212,209,217,238,0,0,255,255,251,230,212,204,199,194,194,196,186,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,165,155,163,186,189,168,134,122,124,144,181,204,209,209,215,0,0,0,0,0,0,0,243,230,212,208,215,228,0,0,0,209,209,207,199,186,176,173,173,176,176,178,181,173,0,0,0,0,0,0,0,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,108,108,90,82,100,124,131,139,147,147,147,152,157,170,191,202,202,202,202,189,173,165,163,123,123,123,121,122,125,168,170,168,168,168,168,123,119,117,114,113,115,119,117,115,119,170,189,196,199,199,194,176,160,155,155,152,144,111,41,25,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,168,160,155,35,0,0,0,105,155,170,183,189,186,170,121,58,95,150,186,189,186,189,189,178,129,63,61,81,137,147,150,155,163,173,178,174,178,191,189,134,58,59,79,93,152,160,59,75,147,147,152,165,178,183,186,191,186,176,165,157,155,116,116,117,160,178,191,196,191,176,117,103,90,95,101,111,117,121,163,170,183,196,199,189,178,170,165,164,163,164,165,170,176,170,125,121,120,125,173,178,186,194,191,176,123,124,178,183,173,125,123,123,173,189,191,191,194,191,173,125,168,125,115,123,181,168,120,125,183,186,176,170,168,165,165,168,168,165,165,176,173,163,170,189,199,196,186,170,165,178,196,199,199,196,202,207,209,212,209,204,199,196,189,163,115,113,107,101,168,178,191,165,112,113,121,165,121,117,107,106,113,105,96,97,101,163,189,196,199,202,204,207,207,207,202,142,14,19,57,69,95,144,142,135,147,163,155,118,33,21,21,0,0,0,31,150,152,71,53,37,105,163,147,9,0,0,0,73,71,0,0,0,129,124,38,67,150,163,155,139,134,142,137,135,144,165,165,150,94,86,88,103,157,168,170,165,163,163,163,165,173,189,199,202,202,202,202,202,202,202,202,199,199,204,194,189,181,111,91,168,119,117,170,189,181,176,173,163,157,115,119,183,202,207,204,160,110,109,113,117,115,119,168,165,105,107,160,163,165,173,173,165,160,157,168,173,168,121,102,105,121,189,191,194,189,176,168,163,170,163,123,168,173,170,165,165,123,123,168,173,168,117,116,122,173,181,178,170,127,125,125,123,129,173,170,173,186,191,194,199,202,199,194,191,191,191,191,191,191,186,183,186,189,189,183,176,119,117,127,194,202,196,181,129,173,183,176,111,113,129,129,115,117,181,196,202,204,199,191,183,178,176,176,183,194,199,196,191,181,127,119,127,194,202,196,178,168,125,125,127,170,176,176,170,170,173,176,173,170,169,170,176,178,181,181,178,176,176,173,176,178,176,121,113,112,121,178,196,204,207,199,186,173,129,130,173,176,129,125,121,125,176,178,178,176,176,183,183,176,173,176,173,129,128,173,129,170,191,183,173,173,125,127,173,178,183,191,196,191,176,173,178,186,183,129,119,123,131,181,189,186,178,176,176,178,181,183,186,186,186,186,189,189,183,183,189,191,186,178,178,186,191,194,196,196,196,191,183,178,181,183,186,186,181,173,128,176,189,196,199,199,204,204,199,186,127,99,91,99,119,170,173,129,176,191,199,194,190,191,196,189,179,179,186,191,191,194,196,196,194,194,194,196,202,204,202,202,202,202,199,202,202,202,196,190,190,194,202,202,202,199,199,199,196,194,186,123,101,97,97,176,194,207,212,209,204,202,199,196,194,196,202,202,196,189,178,173,173,173,176,176,174,178,178,170,173,176,181,186,181,168,123,121,127,181,181,125,123,168,168,126,126,170,170,125,121,121,123,125,123,119,123,181,183,183,191,199,196,195,196,199,196,189,186,183,170,166,170,176,129,129,176,181,178,176,177,183,189,183,176,131,129,173,178,181,181,181,186,189,194,194,189,186,189,194,194,196,196,191,183,181,183,183,183,189,194,196,189,181,181,189,191,186,183,183,186,181,123,120,125,178,186,196,207,207,202,196,196,191,189,186,181,181,189,189,189,194,196,191,181,131,131,186,204,209,207,199,191,186,189,196,202,202,207,207,204,199,196,207,217,225,225,225,225,217,204,186,135,134,139,139,139,186,194,196,191,183,183,186,191,196,199,204,207,202,191,185,183,189,199,204,202,199,202,204,204,199,191,186,183,186,186,186,191,196,199,199,199,202,209,212,209,204,202,202,207,209,204,194,190,190,191,196,199,196,189,189,196,194,186,185,194,199,133,118,129,191,194,132,132,186,186,185,196,207,207,204,204,207,204,199,194,135,125,133,176,129,121,115,119,183,194,194,196,199,202,199,191,183,181,178,133,133,176,178,181,186,186,186,186,183,178,178,183,189,191,189,189,178,133,131,133,183,194,199,202,202,202,199,196,194,191,191,189,189,186,186,189,191,191,191,191,194,196,196,195,195,199,202,202,202,207,209,209,209,204,202,199,199,196,196,196,196,196,194,199,204,207,204,202,196,194,199,209,209,209,212,217,220,220,222,228,225,209,141,105,113,212,217,212,209,212,215,220,222,225,225,225,225,225,225,225,225,228,230,230,228,217,209,209,212,212,207,202,199,199,196,179,179,194,194,191,189,189,186,181,134,133,135,183,183,181,177,178,181,181,183,186,186,186,183,181,183,186,186,183,181,178,178,178,178,183,181,170,125,119,101,75,75,95,113,121,121,123,123,125,168,173,176,173,173,176,170,125,168,173,173,168,125,127,168,170,173,173,178,183,183,183,183,181,173,127,125,168,129,129,170,176,181,183,181,181,186,194,196,194,191,189,189,189,189,186,183,183,183,191,199,196,186,181,186,191,194,202,209,202,194,194,199,202,199,199,202,204,199,186,135,133,131,130,130,130,131,176,186,191,191,191,186,176,125,125,127,170,170,127,123,119,119,115,113,111,109,111,111,113,117,123,165,163,123,125,125,165,170,173,170,127,125,125,127,129,126,126,127,129,127,129,133,178,178,181,186,191,191,185,186,194,199,199,196,199,202,202,202,204,204,202,196,194,199,204,204,199,191,190,191,196,204,199,189,186,202,202,202,202,196,183,135,134,178,135,133,129,133,135,178,181,181,186,191,194,194,189,181,178,181,183,183,186,191,199,202,199,189,186,189,194,196,194,191,191,191,191,189,181,135,137,186,194,191,186,183,183,183,186,191,199,204,209,209,204,196,194,196,199,196,191,191,189,189,191,194,191,186,187,189,189,189,189,186,189,194,199,202,204,202,199,196,196,199,199,202,207,209,209,209,207,207,204,202,199,196,196,196,196,196,194,194,194,194,191,189,187,187,189,189,191,194,196,202,207,209,215,217,217,215,209,202,194,194,196,204,204,207,209,209,209,204,202,202,204,204,204,202,199,198,198,199,202,199,196,199,204,204,204,202,199,196,194,186,185,186,191,194,191,191,191,191,191,191,199,204,202,196,195,195,195,196,204,212,209,204,199,199,196,194,194,194,192,192,194,194,187,185,186,194,204,209,209,207,204,204,202,202,202,199,199,199,202,204,207,204,202,202,204,202,196,194,194,194,196,204,209,207,199,199,202,202,202,199,199,199,196,196,194,191,191,191,191,189,186,191,194,194,196,196,194,186,137,136,138,191,202,207,207,202,202,204,204,204,207,209,204,204,207,207,202,194,141,137,135,138,189,194,189,139,139,141,186,186,186,191,196,199,202,202,202,202,199,204,207,204,199,194,189,186,187,189,194,199,207,209,209,207,204,196,141,140,186,191,194,196,202,202,202,199,199,199,204,207,207,207,202,199,199,202,202,202,196,186,185,189,194,199,199,191,186,186,186,187,189,191,189,191,196,196,191,186,186,191,199,199,196,194,199,207,215,222,222,217,217,217,215,212,209,207,207,204,204,202,202,199,194,199,204,196,189,189,194,196,196,194,189,183,137,181,181,183,189,191,183,179,182,194,194,189,186,183,178,176,176,133,133,178,186,194,191,173,115,112,115,121,121,121,123,173,181,181,176,168,125,125,125,125,123,125,168,178,191,196,199,199,196,189,186,191,191,186,183,191,196,202,199,199,199,199,194,183,178,189,204,202,181,170,129,129,173,181,196,202,199,196,191,189,199,207,215,222,225,228,233,238,241,235,228,228,235,241,241,235,230,228,225,225,228,217,209,212,225,0,0,238,235,235,233,0,0,0,0,241,241,241,238,233,230,0,0,228,228,228,222,209,196,189,186,186,183,183,186,194,0,0,225,230,233,0,0,0,0,241,241,238,230,222,212,207,202,199,202,199,194,191,191,194,199,204,202,0,0,0,0,0,0,0,233,235,235,235,0,0,0,0,0,0,0,0,0,0,243,233,0,0,0,0,0,0,0,255,255,238,207,194,199,0,0,230,222,212,204,202,204,220,0,255,255,255,255,243,228,212,207,204,199,199,207,202,178,0,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,168,157,163,189,196,183,142,129,0,150,191,215,217,212,212,0,0,0,0,0,0,248,246,233,215,209,220,230,0,0,0,0,215,217,209,196,186,181,181,178,178,183,183,173,0,0,207,228,0,230,225,228,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,85,95,95,92,111,129,134,139,147,150,147,152,157,170,196,204,204,199,199,189,170,165,165,163,123,163,123,125,165,165,165,168,170,173,173,163,115,114,114,115,119,121,117,113,113,155,176,191,194,186,176,157,147,144,155,163,163,147,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,186,181,173,168,43,0,0,51,160,170,173,176,176,147,134,95,116,163,183,191,191,194,194,152,49,47,71,137,144,147,150,155,165,173,178,174,176,181,178,168,137,75,63,62,97,49,18,25,67,97,150,168,181,183,186,189,183,176,176,176,157,115,116,117,157,168,181,183,178,160,109,103,100,100,101,105,115,123,163,165,168,168,170,173,173,168,168,165,164,165,178,183,173,121,119,119,120,165,173,178,186,194,194,183,124,123,178,189,183,170,124,127,178,189,189,186,194,199,176,105,113,115,125,183,181,123,120,125,176,176,170,165,126,126,170,178,176,165,163,170,170,123,117,163,173,165,117,117,165,189,202,202,196,199,204,207,212,212,209,202,194,202,189,119,119,109,93,81,81,173,186,173,160,121,165,173,176,178,178,181,170,119,99,57,48,84,168,194,202,202,204,207,207,202,186,144,2,0,59,69,144,160,157,163,165,168,160,150,77,55,47,29,0,0,9,131,152,194,183,168,176,186,183,108,0,0,0,47,65,69,124,0,113,129,121,155,183,181,170,121,65,131,150,147,147,155,150,99,91,88,92,105,107,109,157,168,165,163,165,165,168,183,199,199,199,199,202,202,202,204,204,204,199,196,189,181,168,107,99,99,105,119,181,194,194,189,178,168,160,117,109,157,191,196,181,119,109,112,119,121,117,117,168,176,163,123,170,173,165,164,165,163,161,163,173,178,176,173,165,165,173,181,186,189,186,165,105,107,115,123,170,173,173,168,163,123,121,123,168,178,178,122,118,123,170,181,186,183,176,125,121,122,129,170,170,173,186,191,191,191,194,191,189,189,191,191,189,189,189,183,182,183,186,186,183,176,121,121,125,176,189,186,170,126,173,183,170,113,115,125,129,170,183,196,204,209,209,204,199,194,186,178,174,181,191,199,202,199,189,127,105,101,121,191,194,183,129,125,124,125,129,176,181,183,186,186,183,176,173,178,181,181,183,186,183,178,176,173,170,170,173,123,117,121,127,178,191,199,207,207,191,131,128,129,131,178,173,123,121,117,108,112,129,131,128,131,181,183,181,178,176,176,131,129,129,170,178,183,181,178,186,178,127,129,178,186,191,194,189,181,176,176,173,123,114,113,121,129,176,186,183,178,176,181,181,181,181,183,186,186,186,186,186,183,183,189,194,194,186,178,181,189,194,199,204,202,189,177,178,186,189,189,189,191,191,181,183,191,196,199,196,199,199,183,117,85,85,88,117,168,178,176,170,173,189,196,199,194,196,194,186,179,181,186,191,191,194,196,196,196,194,194,196,199,202,202,202,202,202,199,199,204,204,199,194,192,194,196,199,199,202,199,196,199,199,186,111,95,95,103,125,186,204,212,209,204,202,202,199,196,199,199,199,191,181,176,173,172,173,176,176,178,181,176,168,169,176,183,186,181,173,127,125,170,186,183,127,123,125,127,127,170,176,176,125,119,119,121,129,176,129,127,176,181,178,183,196,199,196,196,199,194,183,181,181,170,169,173,129,123,123,170,181,181,176,176,181,186,183,178,173,173,178,183,186,186,181,178,181,189,189,183,183,189,194,194,191,189,183,183,189,191,186,181,182,189,191,189,189,191,194,191,189,183,183,189,183,129,125,129,176,183,194,202,199,194,186,183,183,183,181,179,181,186,186,191,196,199,196,186,135,135,189,204,212,212,207,199,194,191,194,199,199,199,202,202,196,191,194,207,215,217,222,222,212,199,183,135,137,189,191,189,189,196,202,199,196,194,191,191,194,194,199,204,199,194,185,182,186,199,207,204,204,202,202,202,194,186,181,181,186,189,194,199,204,204,204,202,204,207,209,207,204,202,202,204,204,204,199,194,194,194,196,199,194,187,189,194,194,189,186,189,196,137,122,127,194,181,129,135,191,191,194,199,204,204,203,204,207,204,196,186,133,131,176,178,129,103,96,106,178,191,194,194,196,199,199,191,186,183,178,133,133,178,183,186,186,186,186,183,183,178,177,183,194,191,186,183,178,131,130,135,183,189,194,199,199,199,196,194,189,187,187,189,186,185,185,191,196,196,191,191,194,196,196,195,196,199,199,199,202,207,209,212,209,204,196,194,196,196,196,194,191,191,196,199,202,202,202,196,194,196,204,212,209,208,209,215,217,220,222,225,228,215,135,99,102,196,215,215,215,217,222,222,222,222,225,225,225,228,228,225,225,228,230,230,228,217,209,207,209,207,202,194,191,194,189,179,178,189,196,194,194,194,194,186,135,133,134,178,183,183,181,181,183,183,186,186,186,186,186,183,183,183,183,181,178,178,178,181,181,186,189,178,127,103,75,69,72,99,121,125,125,121,121,123,168,176,176,176,178,181,181,178,176,176,173,127,123,123,125,168,170,170,176,183,183,183,178,178,176,168,125,127,129,129,170,173,176,181,183,186,189,194,196,196,191,189,186,186,186,189,186,178,178,186,194,194,183,179,181,189,196,204,209,209,199,196,199,202,202,202,207,209,204,191,181,135,133,131,131,131,133,133,181,191,196,199,194,178,125,124,127,170,176,176,168,121,117,117,115,115,113,113,115,119,163,168,168,125,121,123,125,168,173,173,170,168,127,125,127,129,126,126,126,127,126,126,133,183,186,186,189,191,194,191,191,194,196,196,199,202,204,202,196,199,202,199,194,189,194,202,204,202,194,191,190,194,204,202,196,199,202,202,199,194,186,178,135,178,181,178,135,135,178,181,181,178,178,186,191,194,186,181,179,179,179,183,183,183,186,191,194,194,189,186,187,194,199,199,191,181,137,129,125,123,127,129,133,135,181,186,189,189,186,186,191,199,207,212,212,204,195,195,196,199,199,196,196,194,194,196,196,194,189,189,191,191,189,189,191,194,196,196,194,191,189,189,191,196,194,194,199,204,207,209,209,207,204,202,202,196,196,196,199,196,196,196,194,194,194,194,191,189,189,189,187,191,196,202,204,207,209,209,212,215,212,207,202,199,199,202,204,207,207,207,207,204,199,199,199,199,202,202,202,202,199,199,199,199,199,196,199,202,202,199,199,196,199,196,191,185,186,194,191,186,183,186,189,186,186,196,202,202,199,199,196,196,202,207,209,207,204,202,202,199,194,194,194,192,192,192,194,191,189,191,199,204,209,209,207,204,202,199,196,194,196,196,199,202,202,202,202,202,204,202,199,194,191,191,191,199,207,212,209,204,199,196,199,199,196,196,199,199,199,194,191,189,189,191,191,194,196,196,194,191,189,186,183,138,136,138,191,199,204,204,199,196,202,204,207,212,207,199,199,209,209,199,189,186,141,139,141,194,196,191,141,141,189,189,186,186,191,194,199,199,199,196,199,199,204,207,204,202,196,191,186,185,189,196,202,204,204,204,204,199,194,141,138,138,186,196,202,202,202,202,202,199,199,204,207,207,204,196,191,194,196,199,196,196,194,191,189,191,196,196,194,194,194,189,189,191,191,187,187,191,191,189,187,187,189,191,194,192,192,196,204,212,215,215,215,215,212,209,209,212,212,204,204,212,209,204,199,194,196,202,199,194,191,194,194,189,183,137,135,137,135,131,137,194,204,196,189,194,199,199,196,194,189,178,131,129,129,133,181,189,191,183,129,119,115,115,115,111,113,119,125,129,176,178,173,125,125,168,168,125,124,127,176,186,194,196,196,191,181,181,181,183,181,181,186,196,202,202,199,202,199,191,181,178,194,207,204,181,121,119,123,129,178,199,204,199,189,185,183,186,194,204,204,202,212,233,241,235,228,215,215,228,230,230,235,238,225,215,222,235,238,238,238,235,0,241,238,235,0,0,0,0,0,238,241,241,241,0,0,0,0,0,233,233,233,228,212,199,194,189,186,183,186,194,0,0,222,225,228,233,0,0,0,0,241,241,235,233,225,217,207,204,204,209,209,202,196,194,194,199,202,196,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,238,209,202,0,0,0,222,215,204,198,198,199,0,0,255,255,255,251,228,212,209,0,0,204,204,209,207,196,181,173,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,181,173,163,165,181,194,194,168,142,137,152,194,217,225,217,215,0,0,0,0,0,251,251,248,235,217,212,220,0,0,0,209,215,222,225,217,204,196,196,191,183,183,186,183,176,173,183,209,230,233,228,225,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,64,85,95,98,113,129,134,142,150,152,155,157,160,170,196,207,204,202,199,186,168,164,168,168,163,165,170,173,170,168,168,173,176,176,173,121,113,112,119,168,170,163,115,111,109,109,157,181,186,170,105,103,137,147,165,183,189,186,168,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,111,90,59,0,0,0,0,113,155,170,170,157,126,131,129,126,150,170,186,196,196,163,28,24,37,131,152,147,144,150,157,165,176,181,178,176,176,176,176,170,152,126,85,89,75,28,24,38,71,134,163,181,183,181,181,176,170,173,176,160,152,155,155,155,160,165,170,170,121,109,109,111,111,107,107,113,123,165,165,163,121,123,165,170,168,168,165,168,173,189,196,181,121,118,118,123,168,173,176,183,191,194,186,168,124,170,181,178,168,125,170,183,186,186,186,196,202,183,95,86,95,123,183,181,125,123,125,173,176,170,125,124,165,183,194,183,168,123,123,163,117,113,113,110,108,107,110,165,189,196,194,194,196,202,204,207,209,204,194,191,178,121,113,113,103,93,81,76,85,117,168,173,178,183,186,189,194,199,196,196,204,194,68,58,82,91,97,170,204,207,202,196,191,160,142,95,45,27,0,150,165,160,160,157,163,155,155,150,111,105,152,150,41,33,90,160,196,194,183,181,183,181,134,0,0,0,0,47,178,152,0,0,103,126,183,199,199,199,155,60,79,157,157,152,152,147,101,97,105,163,163,103,71,89,170,176,168,168,160,163,176,194,199,199,199,199,199,202,204,207,207,202,196,189,160,97,92,92,97,111,173,189,194,196,194,183,163,113,105,102,107,119,115,115,113,115,121,121,121,121,123,170,173,170,173,181,183,176,165,165,170,176,181,189,189,183,178,173,176,181,181,168,170,173,111,104,107,117,163,170,173,168,123,121,121,123,165,173,181,183,170,123,125,173,183,194,196,191,176,123,121,129,176,176,178,183,189,191,189,186,183,183,186,191,194,191,189,186,186,182,182,183,183,178,125,121,121,121,125,173,176,125,123,129,181,173,121,119,123,127,176,194,202,207,209,209,207,204,202,196,186,178,181,191,199,202,202,202,173,100,95,100,123,176,173,127,127,125,124,125,173,181,183,183,186,183,181,181,189,189,186,186,189,183,176,127,125,125,127,170,125,121,129,181,189,186,183,196,199,183,129,128,131,181,186,178,127,123,119,113,118,129,127,126,129,178,186,186,186,186,183,178,173,173,176,178,176,130,130,191,186,170,170,186,194,194,191,183,131,127,125,121,116,114,116,127,129,173,178,178,176,178,183,186,183,183,186,189,191,189,186,183,183,183,189,191,194,183,135,134,181,191,199,204,202,186,177,183,189,189,189,194,202,199,181,181,186,189,191,186,183,183,125,68,77,93,117,173,176,181,181,173,170,181,191,196,194,194,189,183,181,183,189,191,194,196,202,202,199,196,194,194,196,199,202,202,204,204,202,202,204,207,204,199,196,194,196,199,202,202,199,194,196,196,186,117,100,101,115,123,176,196,207,207,204,204,202,199,196,196,199,194,183,176,173,173,173,178,181,178,181,186,181,170,170,176,178,181,181,183,181,127,170,178,173,117,117,123,127,170,173,178,178,123,119,119,123,178,186,176,170,178,181,170,127,183,191,194,196,199,194,183,178,178,173,176,176,127,120,121,129,181,183,178,177,183,189,186,183,181,178,181,186,189,186,181,173,169,173,173,173,181,189,194,191,183,131,123,131,186,191,186,179,179,183,191,194,194,196,196,191,186,183,189,194,191,178,131,131,176,183,191,196,191,186,181,179,179,181,181,178,179,183,183,189,196,196,194,186,137,137,191,207,215,212,209,202,196,191,191,194,196,194,191,194,194,189,186,191,202,209,215,215,209,196,183,135,137,191,196,191,191,194,199,199,196,194,191,189,189,191,194,199,202,199,191,182,183,194,204,207,204,199,196,194,189,181,181,181,183,191,196,202,204,207,207,207,209,207,207,207,204,202,199,196,199,196,194,196,202,204,202,196,189,187,191,194,189,186,186,191,199,191,129,129,181,135,133,189,196,194,196,199,204,204,203,204,204,199,191,178,130,130,135,176,117,101,99,107,176,191,194,194,194,199,199,194,191,186,181,176,131,176,183,183,183,183,186,186,183,178,177,183,189,191,191,186,178,131,131,178,186,186,186,191,191,191,189,189,189,191,189,189,186,185,186,194,199,199,196,196,196,196,196,196,199,199,199,199,199,204,207,207,207,204,196,192,194,196,194,191,189,190,194,196,196,194,191,191,192,199,209,215,212,208,209,215,217,217,222,225,225,215,145,111,103,121,196,209,215,217,225,225,225,225,225,225,228,228,230,228,225,225,228,228,225,217,209,207,207,204,196,190,190,194,189,181,181,191,196,196,196,199,199,191,181,176,178,183,183,183,181,181,183,186,186,186,186,183,181,176,176,173,176,176,176,178,181,183,183,189,189,178,117,89,77,75,83,101,123,173,170,125,125,168,173,170,127,168,176,183,189,186,181,176,170,125,121,121,123,127,170,173,176,181,183,181,176,176,173,168,125,125,127,129,129,129,173,181,186,189,194,196,199,199,196,191,189,186,189,194,189,179,177,181,189,189,181,178,179,186,196,202,207,207,204,202,202,202,204,204,204,204,199,191,181,178,178,176,133,176,133,133,181,189,196,199,196,181,127,125,127,170,176,176,170,123,119,117,119,117,117,115,117,119,121,123,123,119,118,121,165,170,173,173,173,173,173,127,127,127,129,129,129,127,126,126,133,183,186,186,189,191,194,196,199,199,196,194,196,202,207,202,194,194,199,199,191,186,187,196,202,204,202,196,191,196,204,204,199,202,202,194,189,183,178,133,135,178,178,135,178,135,135,135,178,178,181,189,196,194,186,181,179,181,181,186,183,183,186,189,189,189,189,187,187,194,202,199,191,137,127,119,115,114,115,121,125,129,137,189,191,191,186,185,186,194,204,212,212,204,196,195,195,199,202,202,202,199,196,196,196,196,191,186,183,183,186,189,191,191,194,191,186,183,139,139,139,183,186,191,196,202,204,207,207,204,202,202,202,199,199,199,199,196,196,199,199,196,194,194,194,196,194,189,187,189,196,202,204,207,207,207,209,212,212,209,209,209,207,204,207,207,204,202,199,199,199,199,199,199,202,202,202,204,207,204,202,199,196,194,194,196,194,194,196,196,202,202,194,186,185,189,189,139,137,139,186,186,186,194,202,202,202,202,199,199,204,207,207,204,199,199,199,196,194,194,194,194,194,194,196,199,196,199,204,207,207,207,204,204,199,194,189,189,191,196,199,202,202,199,196,199,202,202,196,191,189,186,186,194,204,209,209,204,199,196,196,196,189,186,194,199,199,196,191,189,186,186,191,194,199,194,186,182,181,182,186,186,183,189,196,202,207,204,196,194,199,202,207,209,204,196,196,204,204,194,185,186,189,191,194,199,202,194,189,191,191,191,189,189,189,194,196,196,196,194,194,196,202,204,204,202,199,196,189,186,191,199,202,199,199,199,196,194,191,186,138,137,183,196,204,204,204,207,204,202,199,202,204,204,202,194,190,190,191,191,191,194,196,194,189,189,189,194,196,202,202,199,196,199,196,189,187,189,189,189,189,189,189,191,194,194,196,196,199,204,207,209,212,212,207,204,204,209,212,204,202,209,209,207,199,191,191,196,199,196,191,189,186,139,135,133,131,129,125,124,133,199,209,204,196,196,202,204,204,204,196,183,133,128,129,176,183,191,191,183,173,127,123,115,108,107,109,115,119,125,173,178,176,127,127,170,170,127,127,173,181,186,186,183,176,170,168,170,176,176,176,181,186,194,199,199,202,204,204,196,183,178,196,207,199,176,120,118,120,127,181,204,209,202,191,186,185,186,189,186,137,186,207,225,230,228,215,209,225,235,235,233,238,235,212,208,217,241,251,255,255,248,246,243,241,0,0,0,0,0,0,241,241,241,0,0,0,0,0,0,238,235,235,230,215,202,196,191,189,186,189,199,0,0,0,230,230,233,235,0,0,0,0,241,238,235,230,220,209,204,207,215,215,212,204,194,189,191,194,189,191,0,0,0,0,0,0,0,0,0,0,0,0,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,254,230,215,0,0,222,217,212,207,199,196,196,199,0,0,255,255,255,248,217,204,209,0,0,0,207,212,215,204,194,183,178,178,183,0,0,0,0,0,0,0,0,0,0,0,176,178,183,186,181,173,168,176,189,194,183,0,144,152,186,209,217,215,225,0,0,0,0,251,254,255,254,243,225,215,215,222,215,204,204,212,225,228,225,209,202,204,199,191,189,194,194,183,176,183,207,230,235,230,225,215,211 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,23,64,87,95,108,124,131,144,157,163,163,165,165,173,194,204,204,204,199,186,165,164,168,168,165,168,181,181,176,168,168,173,176,173,168,119,113,114,170,186,181,160,113,107,103,103,113,160,103,69,81,95,142,160,178,191,199,199,194,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,147,181,163,124,100,137,142,131,134,139,142,124,105,79,23,21,41,144,152,147,144,150,157,168,178,183,178,176,173,176,181,181,173,150,118,73,67,61,39,45,73,97,150,168,173,173,170,165,163,165,168,160,155,155,155,155,119,157,163,168,160,113,113,119,119,113,111,113,119,163,163,123,119,119,123,165,168,165,125,165,173,191,199,189,170,125,123,165,168,168,170,181,191,196,191,178,125,125,168,168,127,127,178,183,178,178,191,204,207,194,89,56,76,113,170,176,170,127,127,168,176,173,125,123,168,191,196,186,170,123,122,123,119,113,111,107,105,106,111,168,181,183,176,183,186,189,194,196,196,189,178,173,103,111,115,111,101,97,87,85,80,97,170,183,189,194,191,191,196,202,204,204,209,212,113,111,117,97,94,155,202,204,183,176,170,103,97,137,147,65,0,41,25,9,77,134,142,140,150,157,157,163,181,196,186,53,13,129,191,196,186,178,170,157,95,0,0,0,0,0,137,35,0,0,27,95,186,199,202,207,189,65,73,168,168,157,155,150,150,97,155,189,194,157,35,28,91,107,79,55,73,157,173,186,194,196,196,196,194,194,199,204,207,207,202,196,86,79,88,90,93,163,186,194,191,191,196,186,163,105,101,100,105,115,111,111,113,170,168,120,120,165,173,176,170,170,178,191,196,189,178,176,178,186,196,202,199,189,178,173,176,189,189,102,107,115,104,105,117,163,163,165,165,123,115,117,123,168,178,181,178,173,165,123,168,176,186,196,202,199,186,127,122,170,183,186,186,183,183,189,189,183,182,182,186,194,194,191,189,183,186,186,183,183,181,127,118,120,121,120,121,170,173,126,124,126,176,181,173,127,123,127,181,199,204,207,209,209,207,207,204,199,189,181,181,186,191,196,202,202,181,109,98,101,113,119,123,170,176,173,129,129,170,176,176,176,181,183,183,186,191,189,183,183,183,176,125,117,117,121,127,176,178,173,181,196,199,183,177,183,189,181,130,130,181,191,194,183,129,123,119,119,176,181,128,127,131,178,186,191,194,191,189,183,176,173,176,178,173,128,127,191,183,173,178,196,202,199,194,178,125,118,118,117,116,119,173,178,173,131,133,176,176,181,189,191,191,191,194,196,196,194,186,183,183,183,183,183,181,134,131,132,178,191,199,204,199,189,181,186,186,181,181,196,207,196,173,170,173,123,115,111,105,105,99,77,82,101,117,170,173,181,183,176,168,176,186,196,194,191,183,181,186,191,191,194,196,202,202,202,199,196,194,191,191,194,199,199,204,207,207,204,207,207,207,202,196,194,196,202,204,202,196,189,189,191,189,176,121,121,123,121,125,178,194,199,204,207,204,202,196,194,194,189,183,178,176,176,178,183,183,178,181,186,186,178,170,170,170,170,173,178,178,170,176,176,121,113,116,127,170,170,170,176,173,127,121,123,168,183,183,173,173,186,186,127,114,114,176,189,191,194,191,183,178,176,176,181,181,127,120,121,129,178,183,181,178,183,186,186,186,183,178,178,183,189,189,186,176,169,170,170,172,181,194,196,196,183,121,113,121,181,189,186,182,181,183,191,196,199,199,196,194,191,189,191,194,191,181,176,133,176,181,189,189,186,181,181,179,179,181,181,179,179,181,183,189,191,191,189,183,181,183,194,207,212,212,207,202,199,191,189,189,194,189,186,189,194,189,139,139,189,199,207,209,207,199,186,137,137,191,199,196,191,191,191,194,194,191,189,186,186,189,191,194,199,202,194,183,181,186,199,204,199,194,191,189,186,183,181,183,183,189,196,202,202,204,207,209,209,207,204,207,207,204,196,191,191,189,189,196,209,215,209,199,189,191,199,196,186,183,185,189,196,196,186,137,137,136,137,199,196,191,191,196,202,204,204,204,202,196,183,133,129,129,133,135,117,107,107,119,176,189,191,189,191,194,196,194,194,191,186,178,131,133,178,181,181,183,186,189,186,181,181,181,181,191,196,191,183,133,131,181,189,189,186,186,189,187,186,187,194,196,194,189,186,186,189,196,202,202,199,194,194,191,191,196,199,202,202,202,202,202,202,202,202,199,194,192,192,194,194,191,189,189,191,196,196,192,190,190,192,204,215,217,212,209,209,215,217,217,222,225,225,212,194,123,99,93,99,143,207,215,222,225,225,225,225,225,228,228,230,228,225,225,225,225,222,217,212,209,207,202,194,190,191,196,189,181,183,191,196,199,202,202,202,194,183,178,181,183,183,181,179,181,186,189,189,189,186,183,178,173,130,130,130,170,173,176,183,183,183,186,186,173,105,87,89,105,109,111,127,181,176,168,170,178,176,126,123,124,173,186,191,191,186,176,129,121,119,119,121,127,170,170,173,176,178,176,176,173,168,127,125,125,127,127,127,127,173,181,189,194,196,199,202,202,196,194,189,189,194,196,194,183,179,183,186,186,181,179,179,186,194,196,202,204,204,204,202,204,204,202,196,194,191,186,183,183,181,178,133,133,133,133,176,186,191,196,191,181,170,170,173,176,176,173,168,123,121,121,119,119,119,117,115,115,115,117,119,118,119,123,165,170,173,173,176,178,178,170,127,129,176,176,176,176,176,176,178,183,186,186,186,186,189,194,196,196,194,192,194,202,207,204,196,192,196,196,189,186,186,191,202,207,204,199,196,199,207,204,202,202,199,186,135,133,132,133,176,135,133,131,133,135,134,134,135,181,186,191,196,196,191,189,186,189,191,194,191,189,191,189,183,181,189,189,191,194,199,199,191,137,127,119,114,113,113,115,121,127,181,186,191,191,186,182,182,189,202,209,212,207,199,196,196,199,204,204,204,202,202,202,202,199,194,183,178,179,183,191,191,189,186,139,138,138,139,139,138,139,183,189,196,199,202,202,204,204,202,204,204,204,202,202,202,196,196,199,199,199,196,196,199,204,199,194,191,191,196,202,204,207,207,207,209,215,215,215,215,212,209,207,204,204,202,199,198,198,199,202,202,202,202,204,204,207,209,204,202,196,194,189,189,189,186,189,191,196,202,204,199,189,183,186,186,139,136,138,183,186,186,194,202,202,202,202,202,202,207,207,204,199,196,194,194,194,194,194,194,194,196,196,199,202,207,207,207,204,199,196,196,196,194,191,186,186,189,194,199,202,199,194,191,194,199,199,194,189,186,139,139,186,194,199,204,202,199,196,199,194,183,182,186,196,196,196,191,186,183,183,186,194,194,189,182,179,181,183,191,196,196,199,204,204,204,202,196,194,196,199,202,202,199,196,194,196,196,189,185,189,196,202,202,204,204,199,196,196,196,191,189,191,189,191,196,196,194,192,192,192,199,204,204,204,204,202,196,194,196,202,199,196,196,196,196,194,191,189,183,139,186,196,204,207,207,209,207,199,196,196,199,199,199,196,194,191,191,191,191,194,196,194,189,187,186,187,194,202,207,207,209,212,207,194,187,189,189,189,191,191,194,194,196,199,199,196,194,199,204,204,204,204,202,199,199,204,207,202,198,202,207,207,199,189,186,189,199,199,191,186,139,137,135,133,129,125,122,122,129,199,212,207,199,202,207,204,202,199,196,186,176,129,129,176,183,189,189,183,178,173,129,115,107,107,109,113,117,125,173,178,178,170,168,173,173,170,173,181,189,189,183,173,125,119,117,123,173,176,176,181,189,196,199,199,202,204,207,199,183,176,183,196,194,183,125,121,121,125,176,202,212,207,202,196,194,194,189,131,128,137,207,215,212,204,194,199,228,238,235,238,243,238,211,208,215,243,255,255,255,255,251,248,243,0,0,0,0,0,0,243,241,238,0,0,0,0,0,0,235,233,233,228,217,204,196,194,191,189,191,0,0,0,0,238,235,233,235,0,0,0,0,0,243,241,235,225,212,204,204,215,222,222,217,202,189,187,189,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,241,225,215,220,228,225,212,204,202,198,198,202,209,0,0,255,255,255,243,207,196,204,0,0,0,207,212,215,209,199,189,181,178,176,0,0,0,0,0,0,0,0,0,0,0,173,173,181,189,189,178,168,168,181,194,191,173,0,0,168,191,202,209,230,0,0,0,0,254,254,255,255,248,233,217,215,215,209,203,203,212,228,233,228,212,204,209,209,202,196,202,199,189,176,176,202,225,233,230,225,212,208 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,22,0,9,7,9,21,79,92,103,116,129,144,163,168,165,165,165,170,186,199,204,207,204,189,170,164,165,165,164,165,178,178,170,165,165,168,165,121,117,115,115,121,176,191,183,160,119,111,103,95,79,56,54,59,89,144,170,181,186,191,199,199,178,111,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,191,121,27,56,144,155,139,100,59,64,74,74,49,29,27,51,134,150,147,142,147,160,173,181,183,176,173,173,176,181,189,189,170,126,35,0,79,81,81,91,134,144,155,160,163,165,163,160,160,163,160,155,152,152,117,117,157,165,170,163,117,115,119,119,115,113,113,117,121,123,121,118,117,119,125,125,123,122,123,168,178,183,178,183,191,181,125,121,121,165,178,191,199,196,183,125,123,125,168,168,170,183,183,125,168,189,204,207,199,91,64,85,125,173,176,173,170,168,127,170,170,127,126,170,183,189,181,170,125,123,125,123,119,117,115,111,113,121,168,173,165,121,163,165,168,176,181,176,123,107,81,85,101,111,111,105,113,163,119,80,89,186,194,196,196,194,191,191,196,202,199,199,202,189,194,204,178,111,157,176,157,89,87,91,91,85,91,196,152,0,0,0,0,0,69,142,142,152,168,181,186,189,202,207,160,21,19,134,178,176,160,142,27,0,0,0,0,0,0,33,0,0,15,27,51,168,186,191,199,196,69,69,176,168,152,144,134,129,57,152,191,202,191,37,8,11,14,13,12,43,160,173,178,186,191,194,194,194,191,194,199,204,207,207,207,72,72,115,103,99,173,189,191,189,194,196,191,168,109,102,100,113,165,119,113,119,178,173,119,120,173,186,186,173,170,181,196,207,207,194,183,186,191,196,199,199,189,176,165,170,191,199,96,100,107,105,113,165,170,123,113,105,95,92,103,163,181,194,191,178,122,117,120,176,183,186,194,202,202,194,173,125,176,189,191,189,183,182,186,189,186,183,186,189,191,191,189,183,181,183,186,189,189,178,121,116,123,127,125,127,176,176,170,127,126,173,183,183,173,125,131,191,202,207,207,207,207,207,207,204,196,189,183,181,176,176,181,191,194,181,117,105,107,115,117,121,186,189,183,176,176,176,178,176,176,181,183,186,189,189,183,178,178,173,123,115,114,116,121,127,181,191,189,189,202,204,183,177,181,186,181,173,178,191,199,199,183,121,111,111,119,178,183,173,173,176,181,189,191,194,191,189,183,176,172,176,178,176,130,130,178,173,129,178,199,202,196,189,178,123,118,118,118,119,173,194,189,181,176,176,176,178,183,191,194,196,199,199,199,199,194,186,186,189,186,178,135,135,134,132,133,181,191,196,199,196,189,183,183,181,176,177,194,204,186,170,129,127,85,77,81,87,95,97,99,97,103,107,119,127,181,186,181,123,170,186,194,194,186,178,178,189,196,199,199,202,204,202,199,199,196,194,191,191,194,196,196,202,207,207,204,204,207,207,204,196,194,196,204,207,202,194,187,186,189,194,191,181,176,129,121,121,127,176,189,199,207,207,202,196,191,183,183,186,186,178,173,178,186,183,173,173,178,183,183,166,165,168,168,123,123,127,178,186,181,117,111,116,170,173,125,123,168,170,170,170,176,176,178,173,170,176,191,194,173,112,97,117,181,189,191,189,183,178,176,178,183,186,176,125,126,173,178,183,183,178,181,181,181,183,183,181,178,181,189,196,196,189,178,176,172,173,186,196,202,202,191,115,101,117,181,189,194,191,186,189,196,199,199,199,199,199,202,199,196,191,186,181,178,176,133,176,181,183,183,183,183,181,179,183,183,181,181,181,186,191,191,189,186,183,181,189,199,207,212,209,207,204,202,194,189,187,191,187,185,189,196,194,140,138,141,194,202,207,207,202,191,186,183,194,202,199,194,189,186,186,194,194,191,186,186,189,189,186,189,194,191,185,183,186,194,196,194,189,189,189,189,189,186,181,137,183,194,199,202,204,207,207,202,199,199,204,207,204,196,189,183,181,181,191,207,215,209,202,196,202,207,202,189,183,183,183,189,199,202,194,186,183,189,196,191,187,189,194,202,204,204,204,202,194,183,131,129,129,133,135,129,127,127,129,178,189,186,185,185,191,194,194,196,194,189,178,131,131,135,178,178,183,186,191,191,191,189,135,127,178,196,191,183,133,131,178,189,194,191,189,191,189,187,189,196,199,194,189,189,189,194,199,202,202,196,191,186,183,186,194,199,202,204,204,202,199,199,199,199,196,194,194,196,196,194,191,191,191,194,196,196,196,194,194,199,207,215,222,215,209,207,212,217,217,217,217,217,212,196,129,98,88,89,98,143,204,217,225,225,222,222,225,225,228,228,228,225,225,225,225,222,217,212,207,199,196,194,191,196,202,189,179,183,191,194,199,202,202,199,191,181,176,178,183,183,181,179,183,189,194,194,191,189,186,181,176,131,130,130,130,170,176,181,178,176,181,181,168,107,97,105,125,125,123,173,183,176,170,173,181,181,127,122,122,170,186,194,191,183,173,125,118,118,119,121,125,127,127,168,173,176,173,176,173,125,123,125,125,125,125,125,125,170,181,191,196,196,199,202,202,196,194,191,189,194,196,196,189,183,183,189,189,183,183,186,191,196,196,199,202,204,204,202,202,202,196,186,181,183,183,186,186,186,178,133,133,133,131,173,178,183,189,186,178,176,181,183,183,178,170,125,121,121,121,119,119,119,117,115,114,114,119,123,125,125,125,125,168,170,173,176,181,181,176,173,176,183,186,186,186,186,186,189,189,183,183,181,181,181,183,189,194,194,192,194,202,209,209,199,192,192,194,191,187,187,194,202,204,199,196,199,204,207,207,204,202,194,178,131,130,131,133,178,176,129,128,129,135,135,135,178,181,186,189,194,196,196,196,196,196,199,202,202,199,196,189,136,135,183,191,194,194,194,194,191,186,129,121,117,115,115,117,123,129,181,186,189,191,186,182,182,191,204,212,212,207,202,202,202,202,204,204,204,204,204,204,207,204,202,189,181,181,186,194,194,191,183,138,137,138,139,139,139,183,183,189,194,194,194,196,202,207,207,207,207,204,202,204,202,199,196,196,196,196,196,199,204,207,202,199,194,194,199,207,209,209,209,212,215,217,215,215,212,209,207,204,202,202,199,199,199,199,202,204,204,204,204,207,207,207,207,202,196,196,194,189,189,186,183,183,186,191,196,202,199,194,189,191,191,186,139,183,186,189,189,194,202,204,204,202,202,204,207,204,202,196,191,191,191,194,194,194,194,194,196,196,199,202,207,209,209,202,194,191,189,191,191,189,186,189,191,196,202,202,199,191,189,190,196,199,196,189,186,139,138,139,183,189,194,196,194,194,199,199,185,182,186,194,194,194,191,186,182,183,186,191,191,189,186,189,191,196,202,204,204,204,202,196,196,199,199,196,196,199,196,195,195,196,194,192,194,189,186,194,204,207,207,207,207,202,199,196,194,189,189,191,191,194,196,196,196,192,191,192,199,204,204,202,202,204,204,202,202,202,199,196,196,199,199,196,194,194,191,189,189,194,199,202,204,207,204,196,194,194,196,196,196,196,194,194,191,191,194,199,196,194,189,187,187,187,191,199,207,209,212,220,215,199,189,189,191,194,194,194,194,196,199,199,196,194,196,199,202,199,199,202,202,199,198,199,204,199,196,196,202,204,202,189,183,186,196,202,194,183,137,137,137,135,131,125,122,122,129,194,207,207,204,204,207,196,189,183,183,178,133,129,133,176,176,178,178,176,176,176,173,123,111,109,111,115,119,125,170,178,181,176,173,173,173,176,181,186,191,191,183,173,127,121,110,107,111,168,176,178,181,191,196,196,199,199,199,191,178,125,123,178,191,194,186,176,127,125,129,196,209,207,204,204,204,207,199,132,128,136,202,209,207,196,189,195,217,225,222,230,246,243,225,215,225,243,255,255,255,255,0,248,0,241,0,0,0,0,0,246,243,241,0,0,0,0,0,0,230,228,228,225,215,204,196,196,194,194,194,0,0,0,238,238,238,238,238,243,0,0,0,0,248,246,238,228,215,204,202,209,222,228,228,212,199,199,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,248,238,222,215,217,225,217,204,199,202,202,207,222,230,238,248,255,255,255,230,199,192,194,202,196,194,202,209,212,207,194,186,178,173,168,0,0,0,0,0,0,0,0,0,0,0,0,176,186,191,189,176,166,166,181,194,194,181,163,0,0,170,189,204,225,0,0,0,255,254,255,255,255,254,238,225,220,217,212,204,207,217,230,233,230,215,209,215,222,209,202,202,199,189,174,0,191,217,230,230,225,212,208 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,74,90,108,40,7,5,87,98,103,113,126,144,160,168,160,163,165,168,176,186,199,207,204,196,178,165,165,165,164,164,170,170,165,163,164,165,121,113,106,110,114,119,168,181,183,176,178,178,155,62,34,35,57,150,170,186,196,199,194,191,196,196,163,134,126,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,48,0,0,116,160,155,64,42,64,90,85,69,31,27,37,111,144,144,131,137,160,173,181,181,173,172,173,178,183,189,194,189,178,83,0,85,124,85,126,142,150,152,155,157,163,163,163,160,160,160,155,116,115,116,157,165,170,170,163,117,117,119,117,117,117,117,119,119,121,119,119,118,119,123,125,123,121,121,125,165,113,111,181,199,191,119,116,118,123,176,186,194,194,181,123,123,127,176,176,173,183,186,122,122,173,189,199,189,105,107,181,202,196,186,178,173,168,127,125,125,127,168,170,176,178,176,170,125,123,125,125,125,173,186,183,173,173,173,168,121,116,116,116,119,165,173,168,117,101,89,98,99,93,99,101,107,170,91,70,80,196,202,202,202,196,191,190,190,196,196,196,194,173,178,199,196,178,168,160,109,91,91,93,89,53,41,99,61,0,0,0,0,0,29,142,142,155,176,189,191,191,202,204,183,152,0,0,13,79,92,15,0,0,0,0,0,35,108,129,29,0,15,33,61,137,163,178,186,183,53,31,81,147,139,129,20,0,33,150,178,186,178,85,18,12,13,19,33,89,165,168,166,176,186,191,191,191,189,189,189,194,196,207,212,67,67,181,165,119,165,178,186,194,202,199,191,173,115,107,107,121,168,163,121,163,173,168,120,121,176,191,194,181,173,183,196,209,215,202,183,183,189,189,189,191,186,173,163,163,178,196,100,101,107,113,123,168,176,117,97,90,86,87,103,178,196,202,196,181,123,118,122,181,186,189,194,196,202,196,181,170,178,189,191,189,182,181,183,186,189,186,186,186,189,186,183,183,181,181,186,194,194,178,123,120,129,173,173,176,181,178,176,173,129,170,181,183,173,127,178,196,204,204,204,204,204,204,204,202,194,191,189,181,131,123,125,173,181,173,119,109,111,119,125,170,186,189,183,178,178,181,181,181,181,183,183,183,183,183,181,178,176,129,119,114,114,119,125,129,183,196,194,189,196,202,189,181,183,191,189,183,186,196,202,199,181,111,105,109,121,176,183,183,186,189,191,191,194,191,186,181,178,172,170,173,178,178,176,173,131,128,126,131,189,189,178,176,173,125,121,121,123,127,181,196,191,183,181,181,181,183,186,191,196,202,202,202,199,196,189,185,186,191,186,135,134,178,183,181,178,183,189,191,191,191,186,183,181,178,177,177,194,199,178,176,186,181,78,74,81,95,111,115,109,107,107,109,117,127,189,194,178,105,170,186,194,194,183,176,177,189,199,204,204,207,204,196,194,194,196,194,194,194,196,196,194,196,202,202,202,202,204,207,204,199,196,199,207,209,207,199,191,187,187,191,194,189,181,173,127,125,125,129,178,191,199,202,199,196,186,173,176,191,191,181,173,178,183,178,125,125,170,176,178,166,166,176,170,107,103,119,181,189,183,119,113,117,170,168,121,120,125,170,173,178,183,178,129,126,129,178,189,191,178,117,98,119,178,183,186,186,183,181,178,178,181,186,183,176,176,178,181,186,183,178,176,176,178,183,186,181,178,183,194,199,202,194,183,176,173,176,189,199,204,204,196,89,57,87,133,191,199,199,196,199,199,199,196,199,202,202,209,209,204,196,189,183,181,176,131,131,131,178,186,191,189,183,181,183,186,183,181,181,183,191,191,189,186,183,186,194,204,209,209,209,207,204,202,196,189,187,189,187,187,194,202,199,189,140,141,191,199,207,209,207,202,196,196,204,207,204,196,189,181,183,191,196,194,189,186,186,186,185,183,186,191,191,191,191,189,186,186,186,189,191,194,191,186,137,131,135,189,199,202,202,202,199,191,191,191,196,199,199,191,183,178,177,179,186,196,204,207,207,207,207,209,204,196,191,186,182,185,196,202,196,194,194,196,196,189,187,189,194,196,196,196,196,199,194,186,135,131,131,135,181,183,181,178,135,183,189,186,182,183,189,191,194,194,194,189,135,130,131,135,135,135,181,186,191,199,199,194,133,120,125,189,186,178,129,127,133,186,194,196,194,194,194,194,194,196,196,191,189,189,194,199,202,204,202,196,191,183,182,183,191,199,199,202,202,202,199,196,196,199,196,196,196,199,196,194,194,194,196,196,194,196,202,204,204,204,209,215,222,217,207,205,209,215,217,212,209,212,207,199,143,125,99,93,93,127,194,215,225,225,221,222,222,222,222,225,228,228,228,225,225,222,215,207,199,191,189,191,194,196,199,183,178,183,194,194,199,202,199,196,186,178,133,176,183,183,181,179,183,191,194,194,191,189,186,186,183,178,173,131,130,170,173,176,173,169,173,173,123,111,109,123,173,173,176,181,178,168,168,176,181,183,178,127,124,127,181,191,189,181,129,121,117,117,121,125,125,123,124,127,170,173,176,178,173,123,122,125,125,123,121,121,123,127,176,186,191,191,194,196,199,196,191,189,189,189,194,194,189,183,183,189,189,189,189,194,202,204,202,202,204,204,204,202,199,199,191,181,178,179,183,189,191,189,181,176,176,176,131,131,176,178,183,183,178,176,183,189,186,178,168,123,119,119,117,115,115,117,117,115,114,115,123,170,176,170,125,119,119,127,170,176,178,181,178,178,183,189,194,194,194,191,191,191,186,183,181,181,181,181,181,189,194,196,196,196,204,212,212,204,194,192,196,196,191,191,194,199,196,191,191,199,207,207,202,199,199,191,178,130,130,132,176,178,178,129,128,129,135,181,181,181,183,186,189,194,196,199,199,199,202,202,207,209,207,199,183,133,133,137,191,196,196,189,189,191,191,129,125,123,123,123,123,127,131,137,181,186,189,189,186,189,196,207,212,212,204,202,204,207,204,204,202,202,202,199,202,202,204,207,199,191,189,194,196,199,196,191,183,139,139,138,138,139,186,186,189,191,191,190,191,199,209,212,212,207,202,202,204,204,202,196,191,186,189,194,196,196,196,199,196,194,194,199,209,212,209,209,212,215,217,215,212,207,202,199,199,199,199,202,202,204,204,207,207,207,207,207,207,207,207,204,199,194,194,194,194,191,191,183,182,182,186,191,196,199,202,202,199,196,194,194,194,194,191,191,196,202,204,204,202,204,204,204,202,199,194,191,190,191,196,196,194,194,194,196,196,196,196,202,207,207,204,196,189,189,189,189,186,186,189,194,199,199,202,199,191,189,189,194,199,196,191,189,183,139,139,138,138,183,189,189,191,202,204,194,186,191,196,196,196,194,186,183,183,186,191,191,191,191,196,202,204,209,209,207,202,194,190,191,196,204,204,202,202,196,194,195,199,199,196,196,194,194,199,207,209,207,207,207,202,196,191,189,186,189,194,196,196,199,202,202,196,194,194,202,207,204,199,196,202,204,207,204,202,196,195,196,199,199,199,196,199,199,194,191,191,191,194,199,202,199,194,192,194,196,199,196,196,196,196,194,191,194,199,199,194,191,191,196,196,196,196,202,199,202,212,215,204,194,191,196,196,196,194,194,194,194,194,191,191,196,199,196,191,194,202,207,204,199,202,207,204,198,198,204,209,207,194,187,191,204,209,199,186,137,137,137,137,133,125,124,124,135,196,207,207,204,202,196,183,135,133,133,131,128,129,133,131,127,123,123,123,127,170,176,173,127,119,115,119,121,123,127,176,183,181,176,173,178,181,186,189,191,194,189,181,176,173,119,100,97,110,168,168,168,181,194,194,191,191,191,183,170,121,116,127,186,194,191,183,129,125,170,194,202,196,191,194,199,204,212,196,181,186,202,209,207,199,195,207,215,207,196,207,238,243,238,233,235,248,255,255,255,255,255,251,243,241,0,0,0,0,243,246,246,243,0,0,0,0,0,230,228,225,225,222,212,199,194,191,194,196,0,0,0,0,230,233,238,241,243,246,0,0,0,0,248,246,238,228,212,202,196,202,212,222,225,220,212,217,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,251,241,225,212,212,212,207,199,199,202,207,217,238,246,243,243,243,241,228,209,199,194,194,196,192,192,196,207,209,199,186,178,173,170,163,163,0,0,0,0,0,0,0,0,0,0,0,0,191,191,186,178,173,173,183,191,189,181,168,0,152,160,178,196,215,0,0,0,255,255,255,255,255,254,243,233,228,228,0,220,0,0,230,233,228,217,215,225,233,217,204,196,194,186,174,0,181,207,222,228,225,215,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,43,33,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,85,85,23,0,0,95,103,105,113,126,142,155,160,155,160,163,163,168,173,183,196,199,194,181,173,173,170,165,164,164,165,165,164,165,168,125,115,108,112,117,119,123,170,183,194,202,202,168,51,38,65,176,183,186,194,202,202,196,194,196,196,160,137,126,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,79,137,152,82,64,85,98,87,79,43,19,27,51,126,131,95,95,144,163,176,178,176,173,176,183,189,191,194,194,199,196,0,0,21,47,116,144,157,163,160,157,157,163,165,160,157,157,152,115,115,117,163,173,176,173,160,117,119,121,119,119,123,163,163,123,121,121,121,123,123,125,125,125,122,122,125,123,108,103,115,181,173,118,116,117,121,165,173,181,183,173,121,121,127,178,178,168,173,189,170,122,123,168,178,173,117,119,178,199,202,191,176,168,127,170,125,122,124,168,170,170,170,170,168,125,123,125,125,168,189,204,202,194,186,178,168,121,117,116,116,119,168,176,173,168,165,189,199,113,87,98,99,85,78,68,65,81,199,207,207,202,196,191,190,190,194,202,207,183,36,52,160,186,181,170,163,155,147,144,160,142,49,27,0,0,0,0,0,0,11,55,75,47,142,173,189,191,189,194,199,186,152,0,0,0,0,0,0,0,0,0,0,0,72,173,196,131,0,0,45,134,139,152,170,176,168,31,0,0,47,126,129,29,0,19,137,150,95,85,95,103,107,71,79,95,155,173,168,163,164,181,186,186,178,170,123,119,123,181,207,212,69,64,105,119,117,157,170,183,196,202,194,181,165,117,117,119,160,160,121,160,165,165,165,123,165,178,189,194,183,176,178,183,194,204,191,170,170,181,181,181,186,183,173,164,163,165,170,111,107,115,123,165,119,109,95,93,93,95,105,168,194,202,202,191,178,176,173,168,170,178,186,191,194,199,196,183,170,178,189,191,186,182,181,183,186,189,186,186,186,183,183,186,183,181,181,186,196,194,178,131,131,131,131,129,173,181,183,183,183,178,176,181,181,131,131,186,202,204,204,204,204,204,204,204,202,196,196,194,189,176,121,119,121,125,125,123,119,123,129,173,173,176,176,173,173,178,183,186,183,183,183,181,181,181,181,181,181,181,176,123,117,121,127,129,173,183,194,191,189,194,199,194,186,189,196,196,189,191,196,196,196,189,127,113,125,181,186,189,194,202,202,202,199,191,186,181,178,176,172,172,176,181,178,176,176,173,128,127,173,183,178,128,128,129,127,125,125,129,173,183,189,186,183,186,186,183,183,189,194,196,202,202,199,196,194,189,183,186,191,186,134,133,178,186,183,181,183,186,186,186,186,183,181,177,176,177,181,191,189,123,178,199,189,85,81,103,168,191,186,111,105,109,113,165,183,199,196,125,77,178,191,199,199,189,179,178,183,196,204,207,207,202,194,191,189,191,191,194,196,196,196,195,196,199,196,196,199,202,202,202,199,196,202,207,212,209,207,202,191,187,187,191,189,181,173,173,131,127,127,131,181,189,194,194,194,186,170,172,186,189,178,173,176,178,129,117,119,127,173,178,176,176,176,123,84,82,113,168,178,178,123,116,121,170,125,118,118,127,176,178,181,183,178,126,124,129,178,183,186,178,125,117,170,178,181,183,183,183,183,181,176,176,181,183,183,183,181,181,186,183,176,174,174,176,178,178,176,174,178,191,199,199,189,176,173,173,176,189,199,207,204,191,56,35,46,119,191,199,199,202,202,202,196,194,196,199,204,209,215,212,202,194,189,181,133,130,129,130,178,191,196,191,186,186,186,186,183,181,179,179,186,194,194,191,189,194,202,207,209,209,209,207,207,202,196,191,187,189,191,194,202,204,204,196,189,186,191,199,207,209,209,207,202,202,204,204,202,196,186,135,135,186,196,196,189,185,186,186,185,185,186,191,196,199,191,185,182,183,186,189,191,194,194,186,135,129,131,181,194,202,202,196,189,183,183,186,189,189,186,183,181,178,178,181,186,191,196,204,209,209,209,209,204,196,194,191,185,186,191,194,191,194,199,202,199,189,187,191,191,189,183,186,191,194,194,191,186,178,135,181,183,186,186,183,183,189,194,191,185,186,189,194,194,194,194,183,131,129,131,133,135,135,181,186,194,204,204,194,129,120,124,135,178,133,127,126,129,181,191,196,196,196,196,196,196,194,191,189,186,191,196,202,207,207,204,199,194,186,182,183,191,196,196,196,199,199,196,196,196,196,196,196,196,199,196,194,194,194,194,194,194,194,199,204,207,207,207,215,217,217,207,204,207,212,209,207,202,202,202,202,202,202,196,121,99,129,194,215,225,225,222,222,225,222,222,222,225,228,228,225,222,217,212,202,191,186,183,189,191,189,189,182,181,189,196,199,199,196,196,191,183,176,133,178,183,183,181,181,183,189,194,194,191,189,186,186,186,181,176,131,130,170,173,173,170,169,170,127,113,107,115,170,181,183,186,189,176,127,127,173,178,186,191,181,127,170,183,191,186,176,127,121,118,119,125,129,125,122,123,125,170,176,178,176,170,125,123,125,123,119,118,118,119,123,129,178,183,186,191,194,196,194,189,187,187,187,189,189,183,182,182,186,189,191,196,202,209,209,204,202,204,204,204,199,199,196,189,181,179,181,183,191,196,194,189,186,186,181,133,131,173,178,181,183,178,176,183,186,183,176,127,121,117,117,114,112,113,117,121,119,115,119,125,176,178,173,121,115,116,125,168,173,176,178,181,183,186,194,196,196,191,186,183,183,183,181,183,186,186,186,189,194,199,202,202,204,209,215,215,207,196,196,199,202,196,194,191,189,183,179,183,199,204,196,191,194,196,191,181,133,133,133,176,176,176,133,129,133,181,186,183,181,183,189,194,196,199,196,196,199,202,204,207,207,202,194,137,132,133,137,194,202,199,189,186,191,194,181,133,129,129,127,127,125,127,133,137,181,183,186,189,194,202,209,212,209,204,204,207,207,207,204,202,199,196,194,192,194,196,207,207,202,199,202,202,202,199,194,189,186,141,138,137,139,189,191,194,194,191,191,194,202,207,212,212,207,202,199,202,204,202,194,141,135,137,186,189,141,139,189,194,191,189,194,204,209,204,204,209,212,215,215,212,207,202,198,198,199,202,204,204,207,207,209,209,209,207,207,207,207,207,204,199,194,194,196,196,196,194,189,183,182,183,186,191,199,204,207,204,202,202,202,202,199,194,194,196,202,204,204,202,202,204,202,199,199,194,191,191,194,196,196,194,191,194,196,199,199,196,196,202,204,202,191,183,139,139,139,139,183,186,191,196,196,196,199,194,190,190,196,199,196,194,194,191,189,186,139,137,138,186,189,191,202,209,204,199,199,199,199,199,196,191,186,185,186,189,189,189,189,191,194,202,204,204,202,196,191,190,191,199,204,204,202,202,202,196,196,202,204,204,204,204,204,204,207,207,204,204,204,199,191,186,186,186,189,196,199,202,202,204,207,204,199,199,202,204,202,195,195,196,204,207,207,202,196,194,195,199,199,196,199,202,199,194,191,191,191,194,196,199,196,192,192,194,199,202,202,202,202,202,199,196,196,199,199,196,196,199,204,207,204,202,199,192,192,202,209,207,199,196,199,199,196,194,191,189,189,189,189,191,196,191,183,137,189,204,212,212,207,207,212,207,199,199,209,215,212,207,202,207,215,212,202,189,139,137,137,139,137,131,127,129,181,199,204,202,196,191,183,135,133,133,176,131,128,129,131,127,121,118,117,119,123,129,178,183,178,125,119,121,121,121,123,170,181,183,181,178,183,189,191,189,189,191,191,183,181,176,127,108,104,107,106,99,105,173,194,196,191,189,189,181,168,121,116,123,176,183,181,173,125,121,176,194,194,181,176,177,181,189,196,202,204,209,217,217,204,194,199,209,212,199,191,195,228,241,241,238,243,254,255,255,255,255,255,251,243,241,0,0,0,0,243,248,248,248,0,0,0,0,0,228,225,222,222,217,207,194,183,186,194,202,0,0,0,0,222,228,233,238,241,246,248,0,0,0,248,243,238,225,212,199,191,191,194,207,217,217,220,0,0,235,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,238,222,209,204,202,199,194,196,202,207,222,241,246,238,228,217,212,207,204,204,207,207,204,199,196,199,204,202,191,178,170,168,165,163,165,0,0,0,0,0,0,0,0,0,0,0,0,196,194,189,181,181,181,183,186,181,176,165,157,0,157,173,191,207,233,0,0,0,0,255,255,254,254,248,243,0,238,0,0,0,0,0,230,225,215,215,230,238,228,207,196,191,186,176,0,178,202,215,222,222,215,211 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,40,17,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,90,98,108,129,142,150,155,155,160,160,160,163,165,168,173,178,181,176,176,181,181,170,164,164,165,168,170,173,176,176,168,123,123,123,123,123,168,183,196,202,194,165,97,109,191,196,191,194,196,196,196,194,194,196,196,163,126,113,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,64,66,77,74,66,64,48,56,95,108,37,31,30,31,33,27,31,87,129,160,173,173,168,170,181,189,189,191,186,186,189,0,0,0,49,126,150,157,165,165,157,155,160,165,160,157,157,152,115,116,155,165,173,176,170,160,117,121,160,121,121,163,168,168,163,123,123,163,165,125,125,125,125,123,122,168,176,121,109,113,121,123,119,119,119,119,119,121,165,173,168,119,119,125,176,173,121,121,176,178,170,123,121,125,123,119,117,123,178,194,186,168,123,127,173,168,123,124,168,176,173,168,168,168,170,170,168,124,127,191,202,204,202,196,186,170,125,121,119,117,119,165,170,173,173,178,181,176,119,101,168,176,115,81,74,80,117,194,207,207,202,196,191,190,190,194,202,207,101,0,37,101,181,181,173,170,163,147,97,103,147,150,152,11,0,0,0,0,0,77,134,103,0,21,51,168,189,173,173,186,160,74,0,0,0,0,0,0,0,13,0,0,0,0,121,178,152,0,0,49,152,137,144,160,157,157,100,3,0,29,126,152,157,15,19,93,131,71,65,87,155,165,152,111,155,173,181,181,170,163,178,181,176,165,118,114,112,114,178,204,204,90,75,85,93,105,119,170,178,181,181,176,168,119,109,117,121,121,121,120,123,123,122,165,168,170,176,178,183,176,170,168,121,123,181,173,123,124,173,176,178,183,183,173,165,165,168,170,173,170,168,170,165,109,81,88,97,107,115,163,176,189,202,207,191,168,173,178,165,114,119,170,181,189,194,189,173,123,173,186,191,189,182,181,183,189,189,186,186,183,182,183,186,186,181,183,189,191,186,178,178,181,131,126,124,127,183,191,194,196,189,181,181,178,173,176,191,199,202,204,204,204,204,204,204,204,199,196,199,199,191,131,120,118,119,123,129,173,176,178,178,176,129,128,127,128,176,183,186,183,186,183,181,178,178,178,178,181,186,181,173,127,129,173,176,176,181,183,183,186,191,196,194,186,189,199,199,191,189,191,189,191,194,189,178,181,189,191,194,202,207,207,207,199,191,183,178,178,178,178,178,186,183,176,173,176,178,173,131,181,186,173,127,128,129,131,131,131,173,181,183,181,179,181,189,186,183,182,186,191,196,199,199,196,194,194,189,185,189,191,186,133,133,178,181,179,181,183,186,186,186,186,186,181,177,176,178,183,189,178,102,173,194,178,105,105,121,183,196,186,95,95,111,123,186,199,204,199,99,53,189,202,207,207,202,191,181,181,189,199,207,204,199,194,191,189,186,189,194,196,199,196,196,199,199,196,195,196,196,196,196,196,196,199,204,207,209,209,207,199,191,189,194,189,176,127,129,131,129,127,129,176,181,186,189,191,189,178,173,176,178,176,173,173,129,117,113,116,127,176,186,191,178,121,105,82,79,109,117,123,170,170,127,168,173,125,115,117,168,178,178,181,181,173,124,123,127,176,178,178,176,129,129,176,181,183,186,186,186,189,181,176,173,176,183,186,186,181,181,183,181,178,178,176,176,176,174,172,172,176,189,196,194,181,131,131,176,183,194,196,199,199,181,75,46,55,125,189,194,196,199,202,199,194,191,194,199,202,207,212,212,202,194,191,183,133,130,130,131,183,196,199,191,186,189,189,186,186,183,179,179,186,194,196,191,191,196,204,209,209,209,209,207,204,199,191,189,189,191,196,202,207,209,207,204,199,194,196,202,207,209,207,202,202,202,199,194,191,189,181,133,132,137,194,196,189,185,186,189,189,189,189,194,199,199,191,183,182,185,186,189,189,191,191,183,133,128,128,135,186,196,199,191,183,182,183,186,186,183,181,181,181,181,181,183,189,189,194,199,204,207,207,207,194,181,181,186,186,186,185,185,186,191,202,207,199,191,189,189,186,135,133,137,189,194,196,196,194,186,181,181,181,183,183,186,191,196,199,196,194,194,196,196,196,196,191,181,130,129,131,135,178,181,189,194,202,209,207,191,133,127,129,135,135,133,129,129,133,183,191,194,194,191,191,194,194,191,189,186,186,191,199,207,209,212,212,207,196,186,181,182,191,194,191,189,191,194,191,189,191,191,191,189,191,194,196,196,194,191,191,191,194,194,196,199,202,204,207,212,215,212,207,207,207,207,202,200,200,199,199,200,204,212,212,196,137,145,202,212,222,222,222,222,222,222,222,222,225,228,228,222,217,215,207,196,186,139,139,183,186,183,183,183,186,196,202,202,199,196,194,191,183,176,133,178,183,183,183,183,186,189,191,194,191,189,186,186,183,181,176,131,130,170,173,176,173,170,170,125,97,84,99,127,181,189,194,194,181,168,123,125,170,186,194,186,176,178,191,196,191,181,173,129,127,129,173,173,127,123,124,127,173,178,178,168,123,125,127,123,119,118,118,118,119,121,127,170,178,183,189,194,194,191,189,187,187,187,189,186,183,182,182,186,189,191,196,204,212,209,204,202,204,204,202,196,194,189,186,183,181,183,186,191,196,196,191,191,191,186,176,131,131,176,181,181,178,176,178,181,176,170,168,125,121,119,114,112,113,121,165,165,123,123,165,173,176,168,119,116,118,127,168,173,178,181,181,183,186,191,194,194,186,178,176,178,178,181,183,189,189,189,189,194,202,204,207,209,212,215,215,207,199,199,202,202,196,194,191,183,178,177,181,196,202,181,135,183,191,194,189,181,178,176,132,130,131,133,133,178,186,189,183,181,186,189,196,202,202,196,196,199,204,204,202,196,194,189,137,135,137,186,196,204,202,191,187,189,194,191,183,135,133,133,131,127,127,133,181,181,179,181,191,196,199,204,207,207,202,204,207,207,204,202,199,196,192,192,191,191,192,202,204,204,204,204,204,202,196,189,141,141,186,186,141,186,191,196,199,199,196,196,199,202,207,212,212,209,202,199,202,202,199,189,135,132,134,141,141,138,135,141,191,189,186,189,199,202,199,202,207,209,209,209,212,209,204,199,199,202,204,207,207,204,207,209,209,209,207,207,204,204,204,202,194,189,191,196,196,196,194,191,189,186,189,189,191,196,202,204,204,204,204,204,202,199,196,191,191,196,202,199,196,199,204,202,199,199,196,194,191,191,194,194,189,189,191,196,199,199,196,194,199,202,196,186,138,137,137,138,138,138,183,189,191,194,196,202,199,196,196,199,199,196,196,196,194,196,194,186,137,137,186,191,194,199,207,209,204,202,202,202,202,199,196,194,191,189,189,187,186,186,186,187,191,196,196,194,194,194,194,199,204,204,199,196,199,202,204,204,204,207,209,212,212,212,209,207,204,202,202,199,191,186,186,189,191,194,199,204,204,204,207,209,209,207,202,202,202,202,196,195,199,204,207,204,202,196,194,196,199,199,196,196,196,194,189,189,194,196,199,202,202,199,194,192,196,202,207,209,207,209,209,207,204,204,207,204,202,202,202,204,207,207,204,202,194,192,196,202,202,199,199,199,196,194,189,186,186,183,183,183,189,191,186,134,132,139,199,209,212,209,207,209,207,199,202,209,215,215,212,212,217,217,212,199,191,139,137,139,183,186,181,135,133,181,191,196,191,183,181,178,135,135,178,178,176,133,131,129,125,120,118,118,120,127,173,181,181,173,127,123,121,121,121,123,125,173,181,186,189,189,191,191,186,183,186,189,181,173,168,123,121,119,111,98,85,96,117,196,199,196,191,189,181,127,119,117,121,127,168,168,125,119,115,127,191,194,183,177,177,178,178,125,183,209,0,0,235,209,194,199,209,217,209,196,199,225,235,238,238,238,248,255,255,254,255,255,254,246,243,0,0,0,0,243,248,251,254,0,0,0,0,0,228,225,222,217,212,196,181,173,178,191,0,0,0,0,0,217,222,228,233,238,243,248,0,0,0,246,241,233,222,209,199,189,185,185,191,204,209,217,0,0,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,212,202,199,196,194,189,191,196,204,215,238,243,225,207,202,0,0,209,222,228,228,222,215,207,202,199,194,183,173,0,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,194,186,181,178,181,183,183,176,168,160,155,157,163,170,181,196,225,0,0,0,0,248,248,251,254,254,248,243,243,241,0,0,0,0,228,222,212,212,228,241,235,215,202,196,189,181,174,181,202,215,217,0,217,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,51,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,47,63,103,131,142,147,155,160,160,160,157,160,157,155,155,163,165,163,170,186,189,176,164,164,168,170,173,176,181,183,178,170,163,163,165,165,168,173,183,186,176,168,173,183,191,199,202,199,196,196,196,196,196,199,196,165,124,111,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,3,1,43,118,137,181,137,26,9,16,22,27,41,51,124,165,168,152,152,168,176,147,150,142,124,155,131,0,23,134,152,155,155,160,165,160,155,157,163,163,160,157,155,152,155,157,163,168,170,168,157,117,121,160,121,121,165,173,170,165,123,123,168,170,165,125,125,125,123,123,173,189,191,165,115,115,119,123,123,119,117,116,117,123,168,165,120,120,124,170,127,118,118,123,178,181,168,123,121,121,121,121,121,170,191,186,124,121,125,173,173,127,127,176,183,178,170,168,170,176,183,178,124,125,183,194,199,202,202,191,176,165,125,119,115,115,119,123,123,163,168,170,123,119,119,183,196,204,160,117,165,178,194,204,207,204,199,194,191,191,196,199,181,63,0,56,183,202,191,186,186,178,107,85,38,56,144,176,163,0,0,0,0,0,111,152,139,0,0,0,0,79,121,103,41,25,19,9,0,0,0,0,0,0,150,13,0,0,0,33,168,165,23,0,1,85,95,103,55,31,124,183,121,26,118,137,152,186,25,25,93,131,71,61,73,105,150,163,170,186,191,191,191,189,181,183,183,176,168,160,118,118,163,189,202,196,173,93,88,91,99,168,183,181,113,99,113,117,109,95,109,115,119,160,163,123,121,122,170,173,170,168,168,170,168,168,123,116,116,170,170,122,122,165,168,173,178,176,168,165,173,186,189,204,204,189,183,170,113,95,101,111,117,121,165,176,183,196,209,194,118,118,165,119,104,108,119,170,178,181,173,119,110,168,183,191,191,183,182,189,196,196,191,189,183,183,183,183,183,178,181,183,183,176,178,186,186,178,127,123,126,183,194,199,202,196,186,181,178,172,176,183,189,194,199,199,202,204,207,207,204,199,194,194,202,202,189,127,120,121,127,131,176,178,181,181,178,129,127,127,129,176,183,186,183,183,183,178,178,178,178,177,178,183,186,181,176,176,181,183,181,178,131,173,181,186,189,186,178,189,202,199,186,181,181,181,186,191,191,186,181,178,181,189,199,204,207,204,196,186,181,181,183,183,181,186,191,186,176,172,176,178,178,178,186,186,176,129,131,173,178,178,176,178,183,183,179,178,183,189,189,183,182,186,191,194,196,196,194,194,194,191,186,186,189,181,132,134,183,183,181,181,186,189,191,194,194,191,186,183,178,183,186,186,127,96,129,181,127,113,117,127,178,189,121,44,81,176,191,202,204,207,204,69,31,186,204,212,212,207,199,186,176,181,196,204,202,196,196,196,191,186,186,194,199,199,199,202,202,202,196,196,196,194,191,191,191,191,194,196,202,207,209,207,202,196,196,199,191,131,123,125,127,129,127,129,173,181,183,189,191,191,186,176,129,129,173,170,170,127,115,111,115,127,178,191,199,127,100,101,96,93,115,111,119,170,178,178,178,178,170,112,116,170,178,178,176,176,170,124,123,127,176,178,178,176,170,170,178,183,189,191,189,189,189,183,176,173,173,181,186,186,181,181,181,181,181,183,183,178,178,176,176,176,181,186,191,186,176,130,131,178,186,191,191,189,183,173,119,113,125,181,189,194,194,196,196,196,191,191,194,196,199,202,207,204,194,191,191,186,176,131,131,178,189,199,199,189,181,189,191,189,189,189,183,181,186,191,194,191,189,194,202,207,207,209,209,209,204,196,191,189,191,199,204,207,209,212,209,207,204,202,204,207,209,207,199,194,191,194,191,186,183,183,137,133,132,135,191,196,191,186,189,194,196,196,196,199,199,196,194,189,186,186,186,186,186,189,189,183,133,127,126,131,183,196,196,191,183,182,183,189,189,183,183,183,183,181,181,181,186,186,189,191,191,196,202,202,181,126,128,178,183,186,183,183,186,196,204,207,199,191,189,186,137,128,128,137,194,196,199,199,196,189,181,178,178,178,181,189,196,202,202,202,202,199,199,199,199,199,194,181,131,133,178,183,183,189,196,204,209,212,207,196,186,186,183,178,178,135,135,135,137,186,191,191,189,187,187,189,189,191,189,186,186,189,199,207,212,212,215,212,202,186,179,181,186,191,189,186,186,186,186,185,186,186,139,138,183,189,196,202,199,194,189,189,194,194,194,194,196,199,204,207,209,207,207,209,209,204,200,199,200,202,200,200,204,209,209,204,202,202,204,207,215,222,222,222,222,222,222,225,225,225,222,215,209,207,199,191,183,139,139,183,183,183,183,189,196,202,204,202,194,194,194,194,183,131,129,133,181,183,186,186,186,189,194,196,196,191,186,183,181,178,176,173,131,170,176,178,178,178,176,123,85,64,70,111,178,189,191,194,189,176,121,118,125,181,189,186,178,186,196,204,202,194,186,181,178,176,176,173,127,125,127,168,173,178,176,120,118,125,168,121,117,118,119,119,121,123,127,170,176,181,186,191,194,191,189,187,189,191,191,189,186,182,182,183,189,189,196,204,209,209,204,202,202,199,196,191,186,183,183,183,183,186,186,191,194,194,191,191,194,186,133,127,127,131,178,181,176,176,176,173,170,129,170,170,127,125,119,115,119,127,173,176,170,168,170,173,173,168,123,119,123,168,173,176,178,181,181,183,186,186,189,189,181,176,174,176,178,178,183,186,186,186,186,191,196,204,209,215,212,212,212,204,199,199,199,196,191,191,189,181,178,178,181,196,194,123,119,135,189,194,194,189,186,178,133,130,130,132,135,181,191,191,186,183,186,189,199,204,202,196,194,199,204,204,199,191,186,186,183,183,191,196,202,204,204,196,189,187,189,191,189,181,137,181,183,183,183,186,189,186,179,183,196,202,199,199,202,202,202,204,207,204,202,199,199,196,194,194,194,194,196,199,202,202,204,207,207,202,194,191,186,141,189,189,191,191,196,202,202,202,202,204,204,202,204,209,212,209,204,202,199,196,191,139,134,133,135,186,186,139,137,141,189,189,186,189,199,199,199,204,209,209,207,207,209,207,204,202,202,204,207,207,207,204,204,207,209,207,207,204,202,202,202,196,189,183,186,191,194,191,191,194,191,194,196,196,194,194,199,199,199,202,202,199,199,196,194,187,187,194,199,196,194,196,202,202,202,202,202,196,194,191,189,186,183,183,189,194,199,199,194,191,194,196,194,186,139,139,183,183,139,138,139,183,189,194,196,202,204,202,202,202,202,199,199,196,196,196,196,191,139,138,186,194,194,196,204,207,207,204,202,202,202,202,199,199,199,194,191,187,186,186,187,189,189,191,191,191,194,199,204,207,207,202,194,189,194,202,204,204,204,204,207,212,215,215,212,207,202,196,196,191,141,139,186,196,199,202,204,207,207,207,207,209,212,209,204,202,204,204,202,202,204,207,207,204,199,195,195,196,202,202,199,196,194,189,186,189,196,202,202,202,204,202,196,196,199,204,209,209,207,207,207,209,209,209,212,209,207,202,199,199,199,199,202,207,204,199,199,196,191,194,199,199,196,191,189,186,183,183,183,183,183,183,139,133,132,135,191,204,209,204,202,202,199,191,191,204,209,209,209,215,217,215,209,204,196,189,186,189,194,199,196,183,137,137,181,181,137,135,178,178,178,135,135,178,176,178,176,129,123,121,121,123,127,173,178,178,129,125,125,125,123,123,125,123,123,127,178,189,194,194,191,186,178,176,181,183,178,170,127,127,170,173,168,123,117,113,117,196,202,199,194,189,176,121,112,113,119,123,121,121,123,117,112,117,183,199,202,202,196,191,186,123,0,0,0,0,0,238,217,209,217,233,230,215,209,225,235,235,233,228,233,248,251,248,254,255,254,248,243,238,0,0,0,243,248,251,254,0,0,0,0,0,228,228,222,215,204,189,173,169,173,0,0,0,0,0,0,217,222,222,225,230,238,246,0,0,0,243,241,230,220,209,199,191,185,183,186,196,204,212,0,0,241,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,212,204,196,194,194,191,183,183,191,199,212,233,235,215,199,194,0,0,0,0,0,251,246,230,212,199,191,186,0,0,0,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,196,183,173,168,173,183,186,176,160,0,155,160,165,165,168,181,209,235,0,246,243,243,246,0,0,0,251,246,243,0,0,0,0,0,225,222,209,207,222,241,241,225,209,202,194,186,181,189,204,215,217,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,53,66,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,63,124,137,139,150,163,163,157,155,157,157,155,153,152,163,161,159,163,181,186,176,165,165,170,173,173,178,183,186,181,168,121,121,165,168,163,117,157,163,163,163,170,183,194,199,202,202,199,196,196,199,199,199,194,160,126,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,98,139,191,194,103,29,66,53,77,41,29,21,23,47,79,129,157,155,33,17,21,0,51,59,25,131,155,165,152,150,163,165,160,155,157,160,165,165,160,155,155,155,152,152,157,165,157,115,115,117,119,121,160,170,178,178,170,163,163,173,173,125,123,125,125,123,123,176,189,191,181,123,114,117,123,123,117,115,117,119,121,125,165,168,170,170,173,168,120,118,121,176,181,173,125,125,125,125,125,127,183,204,199,125,120,123,173,168,127,170,181,189,186,178,178,176,170,173,170,123,124,176,191,199,202,202,196,183,173,165,121,111,111,121,123,122,122,123,123,123,113,103,121,194,189,163,160,163,173,189,199,204,202,196,194,191,189,191,194,85,47,49,178,194,204,202,199,202,204,196,103,29,43,78,142,165,65,0,0,0,0,23,137,147,7,0,0,0,0,0,39,27,25,113,144,25,0,0,0,0,0,0,79,0,0,0,0,74,170,90,9,0,0,0,0,0,0,129,191,183,144,134,124,122,137,17,15,124,129,61,18,77,103,105,165,183,196,196,196,196,194,194,189,186,181,181,183,186,186,189,196,199,194,176,87,89,93,160,189,202,191,51,61,63,73,97,87,107,115,119,163,173,173,170,176,178,173,126,124,126,127,168,170,121,116,118,173,181,127,121,121,126,170,170,168,165,165,173,189,204,209,207,202,199,189,168,117,117,119,119,121,163,170,178,189,194,186,121,118,121,119,110,108,125,123,91,93,113,113,112,125,181,191,191,186,183,194,202,204,196,194,191,191,189,178,131,129,121,173,173,127,176,189,189,183,176,129,129,176,186,194,199,194,189,183,178,173,173,173,176,181,183,178,191,199,204,209,204,196,189,189,196,199,189,173,127,125,127,131,176,178,181,183,183,173,128,128,170,181,186,183,181,181,181,178,178,178,181,178,177,186,189,186,181,183,186,191,186,173,129,130,178,181,181,178,178,189,199,196,131,114,123,178,183,194,194,189,181,174,172,177,194,202,204,199,186,183,186,189,189,183,181,181,183,181,176,172,176,181,181,178,183,183,181,178,181,181,181,181,178,178,178,181,181,183,189,194,194,191,189,189,191,194,196,194,194,194,194,191,189,189,189,131,130,183,191,191,189,189,191,194,199,202,204,202,199,196,194,194,194,181,121,115,125,178,72,110,127,170,168,178,70,37,93,186,194,204,212,209,199,47,0,125,204,217,215,207,202,181,120,183,196,199,202,196,199,199,191,186,189,196,202,199,196,202,204,204,204,204,202,194,191,191,191,191,194,196,199,204,207,207,202,199,202,202,191,131,125,126,131,129,129,173,181,183,183,181,183,183,178,131,129,127,127,127,129,176,173,119,117,125,176,191,196,170,91,92,113,123,111,115,125,176,181,181,181,176,123,112,119,170,173,173,168,127,127,126,125,127,176,181,181,176,169,169,176,189,194,191,189,189,189,183,173,170,173,178,183,183,181,181,181,183,186,189,189,183,181,183,186,189,186,183,183,183,176,129,130,173,181,189,189,181,176,129,121,123,178,191,194,194,194,196,196,194,191,191,191,191,194,194,196,196,191,191,191,186,178,131,133,181,191,199,199,186,133,183,194,194,194,194,191,186,183,186,191,186,137,186,199,207,209,209,209,209,207,202,196,196,202,207,209,212,215,215,212,212,209,207,209,212,209,202,194,186,181,181,183,183,183,181,135,134,134,181,194,199,194,191,194,196,199,202,199,199,196,194,194,199,196,191,189,185,185,186,186,183,181,126,124,129,189,199,196,189,186,186,186,189,191,191,191,186,183,178,176,178,181,183,181,181,181,181,194,194,135,127,129,135,183,189,186,186,194,204,207,207,202,196,191,186,131,121,124,183,194,196,199,199,196,189,181,178,178,177,177,183,194,202,202,202,202,202,202,202,202,199,196,189,181,186,191,191,191,194,204,209,212,209,207,202,199,199,191,181,181,183,183,181,181,183,189,191,189,187,187,187,189,189,189,186,186,189,196,202,207,209,212,209,199,189,182,182,186,191,189,186,185,185,185,186,189,183,136,136,139,191,196,202,204,196,189,189,191,191,189,191,191,194,202,204,207,204,204,212,215,209,204,202,202,204,202,200,202,202,196,194,196,202,204,207,212,217,222,222,222,222,222,225,225,222,212,204,199,196,191,183,137,135,137,181,183,183,189,196,199,199,199,196,191,191,191,196,196,128,127,131,176,181,189,189,186,189,196,199,199,194,189,186,183,181,181,178,173,131,178,186,186,186,183,170,97,71,69,109,173,183,189,191,194,191,119,114,118,176,186,186,181,183,194,204,207,207,202,191,183,181,176,170,127,127,129,170,170,173,173,120,117,121,127,125,119,119,121,121,121,123,127,170,176,178,181,186,191,189,189,189,191,194,194,191,186,182,182,186,186,189,196,204,207,207,207,202,199,196,194,181,135,137,183,186,186,186,186,189,194,194,191,194,194,186,133,125,125,127,176,178,176,176,173,170,127,127,170,173,170,168,127,127,170,176,176,178,178,173,176,176,176,173,127,123,123,168,176,176,176,176,178,183,186,178,178,178,178,176,178,178,181,181,181,181,181,181,183,189,196,202,209,215,212,209,207,204,202,199,196,191,186,183,183,181,181,181,183,196,133,79,109,133,183,191,196,194,186,181,181,178,135,178,181,186,191,191,189,183,183,186,202,207,202,194,191,191,196,199,196,189,186,186,189,191,194,196,196,202,204,202,191,185,185,191,191,186,183,186,189,191,194,196,196,186,179,183,196,199,194,194,199,202,202,202,204,204,202,199,196,194,194,196,204,207,204,204,204,204,204,207,207,204,199,194,191,189,186,186,191,199,204,207,204,199,196,202,204,202,204,209,209,209,207,202,194,189,141,137,135,137,186,191,191,141,139,186,189,189,189,194,202,204,204,207,209,209,207,207,204,202,199,196,199,202,207,207,207,204,204,207,207,207,204,202,199,196,196,196,186,181,182,189,189,186,189,189,189,194,202,204,199,194,194,194,199,199,199,196,196,196,189,185,185,191,199,194,189,191,199,202,202,204,204,202,194,189,186,182,183,189,191,194,196,196,194,189,189,191,189,189,189,194,196,196,191,186,139,183,186,191,194,199,204,204,204,202,202,202,202,199,194,189,191,191,186,183,186,191,194,196,199,202,204,202,202,202,200,202,202,204,204,202,194,191,189,189,191,191,191,191,191,194,194,199,207,209,209,204,194,186,186,194,202,202,199,199,202,207,212,215,215,209,199,191,141,137,136,139,189,202,207,209,207,204,207,207,207,209,212,212,207,204,207,207,204,204,207,207,204,204,199,196,195,199,202,202,202,202,199,194,189,191,199,199,194,194,196,196,199,199,202,207,212,209,207,203,203,204,212,215,215,212,204,194,191,189,189,191,196,204,212,212,199,185,182,186,196,199,196,191,186,183,183,186,189,183,137,133,132,133,135,183,191,202,204,199,191,191,191,185,181,189,199,202,204,204,209,209,207,209,212,202,194,199,204,207,207,194,181,135,135,135,133,133,178,181,178,134,134,176,178,178,133,127,125,127,127,129,131,173,173,170,127,125,127,129,125,123,125,125,125,127,173,183,191,191,189,178,173,170,173,176,178,176,173,176,181,186,183,183,189,170,105,191,202,196,191,186,178,121,111,111,113,119,113,113,125,117,113,115,173,194,209,217,215,215,222,212,212,0,0,0,0,248,230,217,235,241,233,222,212,215,230,230,225,215,215,222,233,241,248,254,254,248,241,235,230,0,0,238,243,248,0,0,0,0,0,0,0,233,230,215,202,186,170,0,170,0,0,0,0,0,0,228,225,222,222,228,238,243,0,0,246,246,243,235,222,212,207,199,191,186,189,196,202,212,0,233,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,0,0,0,0,0,0,0,0,0,251,225,0,0,217,199,189,189,186,181,181,189,202,212,228,228,212,194,194,0,0,0,0,0,255,248,230,204,189,181,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,196,181,170,165,170,186,196,178,0,0,150,160,163,157,155,168,194,222,235,241,241,0,246,0,0,255,248,246,243,241,0,0,0,0,225,217,209,204,212,235,238,230,217,204,194,189,189,196,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,22,33,48,69,95,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,59,118,134,139,152,163,163,155,152,155,155,160,163,165,173,168,161,161,165,168,165,161,165,170,173,173,178,181,183,178,168,120,120,165,123,60,57,93,117,160,160,165,176,186,194,196,199,196,196,196,199,199,194,183,155,113,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,134,196,194,144,98,142,124,116,103,17,0,0,35,139,157,144,37,0,0,0,0,0,5,21,168,160,147,134,144,160,165,160,155,152,155,163,168,168,163,160,157,155,115,115,115,113,111,111,112,117,121,165,178,189,189,181,170,168,176,173,165,123,125,125,123,121,168,176,183,186,176,121,121,123,119,115,115,117,121,123,165,168,173,173,173,176,170,123,120,125,178,181,176,170,170,173,170,170,176,196,209,202,127,122,125,125,119,117,125,178,191,194,183,176,170,123,125,125,123,125,176,194,199,202,202,199,194,181,165,117,105,111,173,178,168,123,122,163,163,111,94,82,75,74,79,115,110,109,163,186,191,186,181,186,186,183,178,165,73,63,181,196,204,209,207,202,207,209,202,62,42,81,150,163,189,178,160,181,69,15,21,57,111,7,0,0,0,0,0,19,25,39,124,189,124,0,0,0,0,0,147,0,0,0,0,0,0,92,150,186,181,27,0,0,0,77,178,181,170,155,150,126,120,124,27,0,89,134,87,55,93,137,147,170,186,196,196,196,194,194,191,189,186,183,186,191,196,196,196,199,199,194,173,83,87,95,170,189,199,194,73,63,51,39,55,71,109,163,168,178,189,194,194,194,189,178,127,125,125,127,170,173,125,119,120,176,186,170,121,123,127,173,168,126,125,165,173,186,202,207,207,207,204,199,186,165,123,123,123,121,123,168,176,178,183,176,123,119,125,168,123,165,178,123,91,91,103,113,115,127,178,183,183,181,183,191,199,199,194,196,196,196,191,125,111,107,107,121,127,126,173,189,194,194,191,186,178,176,176,183,189,189,186,183,181,176,173,172,173,176,172,165,174,191,199,204,202,196,191,189,189,186,181,176,173,129,129,131,173,181,189,191,186,176,129,170,176,186,186,181,178,181,178,176,176,178,183,181,178,186,191,191,189,186,186,186,181,173,130,173,178,178,176,178,183,194,199,189,114,107,117,181,191,199,202,194,181,173,173,178,194,199,199,191,181,182,186,189,186,181,173,131,173,176,173,173,176,183,181,178,178,181,183,189,189,186,181,178,133,132,133,178,183,189,194,196,199,199,196,194,194,194,194,194,194,196,194,194,191,191,189,132,132,191,196,199,199,199,199,199,202,204,207,207,207,204,199,199,202,189,121,113,117,119,76,113,181,183,168,168,79,84,170,189,196,202,207,204,111,0,0,170,204,212,212,204,194,173,119,181,194,199,199,196,196,194,186,185,186,194,196,194,194,199,202,204,204,204,202,196,191,191,194,199,199,196,196,199,202,202,199,199,204,202,189,173,126,127,131,131,131,181,189,186,178,129,129,129,127,125,127,127,126,124,126,181,191,181,170,127,173,186,191,178,99,99,121,127,123,125,176,181,181,178,178,173,123,118,122,127,127,127,125,127,168,170,127,129,178,183,183,176,169,168,176,186,191,191,189,189,186,181,173,170,173,178,181,178,178,181,183,186,191,196,191,183,181,186,194,191,186,183,183,183,178,131,130,130,178,186,183,173,129,125,120,123,181,194,196,194,196,196,196,191,190,190,190,189,190,191,194,196,194,191,191,186,176,131,176,186,194,199,196,183,132,181,194,199,199,199,196,189,186,186,183,133,127,133,194,204,212,215,212,212,209,207,202,204,207,212,215,217,217,217,217,217,215,212,209,209,207,202,196,186,135,134,137,183,183,137,134,134,135,186,191,194,194,194,196,199,202,204,199,194,191,189,194,199,199,191,186,185,186,191,191,189,183,126,125,131,191,202,196,191,189,189,186,186,189,191,191,191,186,181,176,178,178,178,176,133,133,133,186,191,183,131,130,133,183,202,199,196,202,207,209,207,204,202,194,183,131,126,127,181,194,196,196,199,194,189,183,183,181,177,176,178,191,199,199,202,202,199,202,202,202,199,199,194,189,194,196,196,196,202,207,209,212,212,207,204,207,207,199,186,183,189,189,189,183,183,189,191,191,189,189,189,189,189,189,186,185,186,191,199,202,204,207,207,202,196,189,186,191,194,191,186,185,186,186,189,194,191,183,139,189,196,202,204,202,194,186,186,186,189,189,189,189,191,199,204,207,204,202,207,212,212,212,209,204,202,202,202,204,199,191,191,194,202,204,207,215,217,215,217,222,225,225,225,222,215,204,194,192,194,186,135,131,131,133,137,181,183,189,196,199,199,196,196,191,189,191,196,194,127,126,129,176,181,186,186,181,189,196,199,199,196,191,189,186,183,181,178,176,173,178,189,191,191,189,183,119,84,82,115,170,178,186,194,196,191,119,112,115,176,186,186,183,186,194,202,207,209,204,196,186,183,178,173,170,170,170,168,168,170,173,123,119,121,127,127,125,121,121,119,119,121,125,129,173,173,178,181,183,183,186,189,191,194,194,191,189,186,186,189,194,196,202,207,207,207,207,204,202,196,189,132,131,137,191,191,189,189,189,194,196,194,191,191,191,186,133,125,125,129,178,181,178,176,173,170,126,125,127,170,173,173,173,176,181,181,181,181,181,181,181,178,178,178,170,123,123,168,173,173,129,127,129,178,181,173,131,173,176,178,181,183,186,183,181,181,179,181,183,191,196,202,207,207,207,207,209,209,204,199,194,191,183,179,179,181,183,186,189,194,87,53,78,127,181,189,194,191,186,183,189,189,183,181,183,186,191,191,186,181,178,181,202,207,204,196,191,190,190,194,194,191,189,189,189,189,189,189,189,194,199,199,191,185,185,191,196,194,191,191,191,191,194,199,196,189,183,189,199,196,191,194,196,196,196,199,204,204,202,199,196,196,196,199,207,209,209,209,209,209,207,207,207,207,204,202,199,194,191,189,196,202,204,204,202,195,194,199,202,204,207,209,207,207,204,199,191,141,139,139,139,186,191,196,196,189,141,186,189,189,191,199,204,207,207,207,207,207,207,204,202,199,196,196,199,204,207,209,209,207,207,204,204,204,202,199,199,196,196,196,189,182,183,189,186,139,183,139,183,186,196,202,199,191,191,191,196,196,196,199,202,199,191,186,186,191,196,191,182,182,189,199,202,204,207,202,194,186,182,181,186,194,196,196,196,194,191,189,189,189,189,189,194,196,199,196,194,189,183,138,139,183,186,189,194,199,199,196,199,202,204,202,191,183,186,189,189,189,191,196,199,199,199,202,202,202,202,202,202,202,204,207,207,204,202,196,194,191,191,191,191,191,191,194,191,196,204,207,207,199,186,139,140,189,196,199,198,198,199,202,209,212,215,207,199,186,136,133,134,137,189,202,207,209,207,202,204,207,207,209,212,212,209,207,207,207,202,202,204,204,204,202,199,196,196,199,202,202,202,204,202,196,194,196,199,196,191,186,183,183,189,191,196,204,212,215,209,204,202,204,212,220,217,212,199,186,183,182,182,186,194,204,212,209,194,181,181,186,196,196,196,194,189,183,181,183,189,186,135,132,131,135,183,191,196,202,199,194,189,189,186,181,177,186,189,189,189,191,196,204,209,215,217,209,202,207,212,209,207,194,139,133,129,129,129,131,135,181,178,135,134,135,181,178,133,129,129,129,131,131,131,170,170,129,129,173,178,176,127,122,122,127,168,173,178,183,186,186,183,178,173,170,170,173,176,178,176,178,189,191,186,196,212,170,20,37,115,189,183,176,176,127,117,112,111,113,111,104,104,109,113,115,125,181,196,209,222,230,235,235,233,0,0,0,255,248,228,209,228,233,222,207,199,202,217,222,215,207,207,209,225,235,243,246,246,243,238,233,230,0,0,235,238,241,0,0,0,0,0,0,0,0,238,217,202,189,176,170,173,0,0,0,0,0,0,235,230,222,217,225,235,0,0,241,243,248,246,238,225,220,217,209,202,196,202,207,209,215,220,225,230,233,230,225,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,248,0,0,0,0,0,0,0,248,233,225,0,0,230,209,191,183,178,177,181,189,196,207,212,215,204,196,199,0,0,0,0,246,246,235,212,191,178,173,170,168,168,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,191,178,168,165,173,183,189,173,0,139,142,155,157,152,152,163,186,212,230,235,238,0,0,0,0,0,248,246,243,238,0,0,0,0,0,215,204,200,207,225,230,222,209,196,189,186,189,199,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,30,13,25,56,66,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,55,95,118,134,150,157,160,155,152,152,155,165,178,183,189,186,178,170,163,161,161,161,168,173,173,173,176,178,176,170,165,121,163,168,113,52,49,85,165,168,165,165,165,170,181,191,194,194,194,194,194,194,183,160,142,85,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,168,202,199,170,64,56,46,64,90,8,0,51,116,170,155,82,0,0,0,0,0,0,0,0,118,134,55,63,124,142,157,165,157,150,150,157,168,173,173,168,160,160,155,115,113,115,112,112,113,119,121,165,181,191,194,186,176,170,170,168,123,120,123,165,123,115,113,117,165,183,186,176,170,168,117,115,116,119,123,125,165,168,170,125,125,168,170,125,125,176,186,186,181,181,183,183,181,178,183,196,204,194,170,129,176,125,114,113,117,170,189,194,183,168,125,121,122,125,127,168,176,191,202,202,202,202,199,186,165,107,98,105,186,191,181,165,123,163,163,115,101,90,77,73,79,115,109,106,114,119,113,109,112,163,176,178,176,121,79,81,194,202,209,212,207,204,204,202,189,45,59,186,189,191,204,212,230,235,186,121,37,0,0,0,0,0,0,0,0,0,0,0,9,173,157,0,0,0,0,0,0,0,0,0,19,0,0,46,225,199,194,98,0,11,108,111,90,129,152,160,173,170,152,144,17,0,81,168,176,157,144,142,165,176,186,191,191,191,194,191,186,183,181,181,186,191,196,196,196,199,199,194,170,84,88,101,173,176,170,170,103,75,33,8,1,69,160,186,191,194,202,207,209,207,199,186,176,170,127,129,173,178,173,125,127,181,191,181,124,127,173,173,168,125,125,127,173,183,194,202,207,207,202,194,183,119,117,165,170,165,168,173,170,170,170,168,121,119,165,170,165,173,173,115,93,94,107,117,123,170,176,178,176,173,176,183,186,173,170,186,191,191,178,105,100,103,108,123,127,129,176,183,194,196,202,204,196,181,173,176,181,181,183,183,183,178,173,172,173,176,172,165,174,186,189,194,196,199,199,194,183,176,176,181,181,173,173,173,173,181,191,194,186,176,173,176,183,191,191,183,176,176,176,174,174,178,183,183,183,186,191,194,189,183,181,181,176,131,131,178,181,176,178,183,189,191,194,189,125,116,131,189,196,204,207,199,181,174,176,186,194,196,194,186,181,182,186,186,183,178,129,127,127,131,173,176,178,181,176,172,172,178,189,194,194,189,183,178,132,131,132,181,191,194,196,199,202,202,202,199,196,194,194,196,196,196,196,194,194,194,189,134,135,196,202,204,207,207,204,202,199,202,207,207,209,207,202,204,204,191,111,101,107,113,95,127,189,191,168,119,93,165,189,199,204,202,204,207,69,0,0,191,202,207,209,207,196,173,120,176,194,196,199,196,194,189,186,185,186,189,194,194,196,196,199,202,202,202,199,194,191,191,196,202,202,199,196,196,199,202,199,199,202,196,181,129,127,126,127,129,173,186,191,186,173,123,123,124,123,123,125,170,170,122,122,178,194,194,186,178,178,186,191,186,125,119,125,127,127,173,181,183,181,178,178,173,123,121,123,123,123,125,127,173,178,176,170,170,178,186,183,176,169,168,173,183,191,191,189,186,183,181,176,172,173,178,178,178,178,183,189,194,199,199,194,181,176,183,186,183,181,181,186,186,181,176,131,131,178,186,181,173,127,123,120,123,181,194,196,194,196,196,194,191,190,190,190,190,190,194,196,196,196,191,189,183,178,131,176,186,191,194,194,183,133,178,194,202,202,204,202,194,191,189,181,126,123,129,191,204,209,212,212,212,212,209,204,207,212,215,217,217,222,222,222,222,217,212,207,204,202,202,199,189,135,133,135,183,186,181,135,135,181,181,181,183,189,194,196,199,204,204,196,189,186,186,191,196,194,191,189,186,191,196,196,191,186,133,129,178,194,199,196,191,189,186,189,189,189,186,189,189,186,176,133,133,176,133,129,131,176,178,186,191,189,133,126,128,186,212,209,202,202,207,209,207,204,202,194,183,135,133,131,135,189,196,196,196,194,191,189,189,183,177,177,181,191,196,199,199,199,199,199,199,199,199,202,199,196,196,194,196,202,207,209,212,215,212,204,199,207,212,202,189,186,191,196,196,191,183,183,189,191,191,189,189,189,191,191,189,185,185,191,199,202,204,207,207,207,202,189,186,194,196,189,185,186,189,189,191,199,199,196,194,199,204,207,202,194,189,186,185,186,189,189,186,186,189,194,196,202,202,199,204,209,215,215,215,207,202,202,204,204,196,191,191,196,204,207,212,215,215,212,212,220,225,225,222,217,209,202,194,194,196,186,133,129,129,131,133,137,181,189,194,194,196,196,196,194,189,191,194,189,128,127,131,176,181,186,181,178,183,194,199,202,199,196,191,186,183,178,173,131,173,178,186,189,189,189,183,170,95,93,115,125,170,186,194,194,191,129,110,111,178,186,183,186,191,196,204,207,207,204,196,186,183,183,178,178,176,173,168,166,170,173,125,123,127,168,168,127,121,117,115,117,119,123,129,170,170,173,176,176,178,186,194,196,196,196,194,191,189,191,196,202,204,207,209,207,204,204,204,204,199,183,127,126,137,199,199,194,191,194,199,199,194,190,190,191,189,176,127,127,133,181,183,181,178,178,176,129,125,125,127,173,176,176,178,183,183,183,183,183,183,181,181,183,183,170,121,121,125,129,129,127,125,125,129,173,129,129,131,133,178,186,191,191,186,183,181,181,183,186,191,196,199,199,199,202,209,215,215,207,199,196,194,186,181,179,183,189,191,194,191,76,51,78,129,181,186,191,191,189,189,191,191,181,135,135,181,186,186,181,178,177,181,199,207,204,202,196,191,190,191,191,191,191,191,189,186,185,183,183,186,194,196,191,187,187,196,202,204,199,194,191,191,191,194,196,194,191,196,199,196,189,191,191,191,189,194,199,202,199,196,199,199,196,199,204,207,209,209,212,212,207,207,209,209,207,209,207,202,196,196,199,202,202,202,199,194,194,199,204,207,209,207,207,204,202,196,189,141,141,141,186,189,191,196,202,196,191,191,191,194,196,202,207,209,209,209,207,207,204,204,202,199,196,196,199,204,209,209,209,207,204,202,202,199,199,196,196,196,199,199,196,189,189,189,137,131,135,137,137,137,186,196,194,189,187,189,191,194,194,199,202,199,194,189,189,191,194,189,181,179,183,194,199,202,204,202,194,186,182,181,186,196,199,199,199,194,191,191,194,194,194,191,194,196,196,196,196,194,186,138,138,138,139,183,183,139,183,191,196,202,204,202,191,183,182,186,191,194,196,199,199,199,199,199,199,199,199,204,204,204,204,207,207,207,204,202,196,194,189,189,189,189,191,191,191,194,202,204,204,194,140,139,141,194,202,199,198,198,202,204,209,212,209,207,202,191,136,133,134,137,191,202,207,204,202,202,202,204,204,207,209,209,207,207,207,202,200,202,204,204,202,199,199,196,196,199,199,199,196,196,194,194,194,199,202,202,194,183,135,133,135,137,183,194,207,215,215,209,204,207,215,222,217,209,196,186,182,181,182,186,196,204,209,207,194,185,183,189,191,191,194,196,189,181,135,137,183,183,137,133,134,181,189,194,196,194,191,191,194,196,194,186,185,191,185,181,182,186,191,202,212,217,217,209,207,215,215,209,202,191,183,133,128,127,128,131,133,137,181,178,135,178,183,181,133,131,131,173,173,131,131,129,129,173,181,189,191,183,168,122,122,125,170,176,178,181,183,181,181,178,176,173,170,173,176,176,176,176,183,183,181,196,222,186,24,19,31,61,59,42,49,119,125,117,112,115,115,102,100,107,107,111,123,176,186,202,222,233,238,241,243,243,0,0,255,246,217,191,202,207,196,191,189,196,209,215,209,207,207,209,225,235,241,241,238,235,233,233,233,0,0,233,233,0,0,0,0,0,0,0,0,0,243,217,204,194,183,176,178,0,0,0,0,0,0,238,230,222,216,222,233,0,0,241,243,246,246,238,230,228,228,222,215,212,220,225,225,222,217,217,217,217,217,215,222,228,0,0,0,0,0,0,0,0,0,255,255,255,255,251,243,0,0,0,0,0,0,233,230,225,0,0,0,235,222,202,186,178,177,178,186,191,194,196,202,204,204,212,0,0,0,238,235,230,215,196,186,181,176,178,186,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,181,170,165,168,176,183,183,165,0,138,0,147,150,150,152,160,178,204,225,0,0,0,0,0,0,0,0,248,243,241,0,0,0,0,215,209,200,199,202,212,209,199,191,183,181,181,183,194,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,90,30,0,14,35,48,77,108,118,95,48,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,100,98,103,113,126,144,155,155,152,152,155,157,170,186,191,196,199,194,181,170,163,163,165,168,170,170,168,168,168,123,117,117,163,170,168,119,85,85,163,186,178,170,165,157,156,163,178,186,189,189,186,186,183,168,142,124,61,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,181,191,202,196,43,0,0,0,59,13,87,189,178,165,85,79,0,0,0,0,0,0,29,29,47,45,26,43,61,67,144,170,155,144,147,152,163,178,183,170,160,157,160,155,117,157,117,113,117,121,160,165,176,186,189,183,176,168,163,123,119,117,121,170,125,112,110,111,119,176,183,186,181,173,115,114,119,121,123,125,165,168,127,123,122,127,170,168,173,191,194,189,186,189,194,196,191,189,186,189,189,181,173,178,186,173,117,114,119,170,186,189,176,125,123,122,123,170,173,173,170,181,199,204,204,204,202,189,165,101,95,99,178,189,178,165,123,123,121,113,109,115,113,101,103,163,163,123,123,115,109,107,111,121,173,181,178,165,103,99,170,199,207,209,209,204,202,194,170,47,81,204,204,204,212,215,222,220,199,186,144,19,0,0,0,0,0,0,0,0,0,0,95,139,129,0,0,0,0,0,0,0,0,0,0,0,0,0,72,64,21,0,0,31,113,111,23,69,139,157,176,199,225,165,0,0,71,189,186,176,152,144,170,181,183,183,183,189,194,191,186,181,179,179,183,191,196,196,196,199,199,194,176,92,92,115,173,112,103,113,119,95,35,7,0,95,189,204,207,204,207,209,212,212,204,194,189,183,178,178,186,189,186,178,178,191,199,189,129,170,176,173,127,125,126,170,178,181,183,194,202,202,189,170,117,100,101,125,176,173,173,178,170,163,165,168,125,123,168,173,168,173,173,119,102,107,121,125,168,176,176,170,127,127,168,173,173,118,116,125,178,181,129,102,99,109,127,176,176,176,173,170,183,194,207,212,204,183,170,173,178,181,183,189,186,181,176,173,173,176,176,181,191,186,177,179,194,202,204,196,181,173,176,183,183,178,176,176,173,181,191,189,178,176,176,183,191,196,194,186,176,176,176,176,176,181,186,189,186,186,189,189,183,176,176,176,131,125,125,173,176,176,181,189,186,179,186,189,181,183,194,196,199,207,209,199,178,176,181,191,196,194,194,186,182,186,189,186,183,178,131,127,127,129,176,181,181,178,173,169,169,176,191,196,194,189,186,186,178,133,176,189,202,202,202,199,202,202,204,202,199,196,194,194,194,191,191,191,194,194,189,135,183,199,202,207,209,209,207,202,199,202,204,204,204,204,202,204,202,178,96,94,101,129,127,176,186,189,125,117,113,183,199,209,215,212,207,204,17,0,0,189,199,204,209,209,202,178,124,173,194,199,202,199,196,191,189,189,189,189,191,196,199,199,202,202,199,196,194,191,191,191,194,199,199,196,194,194,196,196,194,191,191,183,129,127,127,125,129,131,173,183,189,181,173,127,127,127,125,124,127,176,178,125,123,129,186,191,189,189,189,191,194,191,186,176,168,125,127,173,181,186,183,183,183,176,125,122,125,125,125,125,127,173,183,178,129,129,176,183,181,176,170,169,173,181,189,194,191,186,183,183,178,173,173,178,181,181,183,186,191,196,199,199,191,178,131,173,173,173,173,181,191,194,189,178,173,176,183,189,181,173,131,125,123,127,183,194,196,194,194,194,194,191,190,191,194,194,191,191,194,196,199,194,186,183,183,181,183,189,189,191,191,183,133,135,191,202,204,204,202,196,196,196,183,126,124,137,199,207,207,207,207,207,207,207,204,207,212,217,217,217,222,222,225,225,222,212,204,196,196,199,202,194,181,135,137,183,183,181,178,178,178,176,174,176,183,194,194,194,196,196,186,181,181,183,191,194,191,189,189,189,194,199,194,189,189,186,183,186,194,196,194,191,189,186,186,186,183,178,176,176,176,123,121,125,127,127,127,131,181,191,194,196,194,131,121,123,194,212,207,199,199,204,207,207,204,199,191,183,183,186,133,130,181,196,199,194,191,191,191,189,186,181,178,186,194,196,196,196,196,196,196,199,199,199,202,204,204,199,194,194,202,209,212,215,222,212,199,196,204,204,194,186,186,191,202,204,194,181,179,183,191,191,189,189,191,194,194,191,189,186,191,202,204,204,204,207,207,196,183,183,191,194,186,185,189,196,194,191,194,202,202,204,207,207,207,199,189,185,186,186,186,189,189,189,186,183,183,139,189,194,196,204,209,212,217,217,212,204,202,204,204,199,194,194,202,207,209,215,217,212,207,209,215,222,222,222,217,212,204,199,202,204,191,135,130,131,131,133,135,178,183,189,191,194,196,196,194,189,191,194,186,133,131,133,178,181,183,178,131,176,191,199,202,199,196,191,186,181,176,130,130,131,176,181,189,186,183,181,131,105,107,119,121,127,181,186,189,191,176,105,105,178,186,181,183,191,202,207,209,209,204,194,186,186,186,183,181,181,178,173,170,170,127,119,123,170,173,170,125,117,113,112,113,117,125,170,170,129,170,129,129,173,186,196,199,199,196,194,191,189,191,196,202,207,209,207,202,199,199,202,202,199,183,127,126,137,199,202,199,194,194,199,202,196,191,190,191,191,186,178,178,181,183,186,186,186,186,183,173,126,125,127,173,176,178,178,183,183,183,181,181,181,181,183,186,181,125,111,115,121,123,125,127,125,124,125,129,129,131,131,176,181,189,194,194,186,183,183,183,183,189,194,196,195,196,196,202,209,212,209,204,204,204,199,194,186,186,191,194,196,194,181,93,81,119,178,181,181,186,191,194,196,196,189,178,132,132,134,178,183,181,178,178,183,199,204,204,204,199,194,191,190,190,190,191,194,191,189,186,183,185,186,191,194,194,191,191,196,202,204,199,194,189,189,189,191,194,196,199,202,199,191,183,186,186,183,186,191,196,196,194,194,199,202,196,196,199,204,204,207,212,212,209,207,209,212,212,212,209,204,199,199,202,199,196,196,199,196,196,207,209,212,212,207,204,202,199,196,191,186,186,189,189,189,189,194,204,207,204,202,199,199,202,207,209,209,209,212,209,207,204,204,204,202,199,196,199,204,209,212,209,204,199,196,196,194,194,194,194,196,199,199,202,199,196,189,131,126,128,135,137,136,139,191,191,187,187,189,189,189,191,196,199,196,191,191,189,189,191,189,183,182,186,194,196,199,202,199,191,183,182,183,189,194,196,202,202,194,191,194,199,202,199,196,194,194,196,199,199,196,189,183,186,186,189,189,137,133,135,186,199,204,204,202,191,183,182,183,189,191,196,199,202,202,199,199,196,196,196,202,204,204,207,207,207,207,207,204,199,194,189,187,187,189,191,191,190,194,199,196,194,189,140,141,191,204,209,204,199,199,204,209,212,212,207,204,204,202,191,139,139,186,196,204,204,204,202,199,202,202,204,204,202,202,202,207,207,204,202,204,207,204,202,199,199,196,196,194,194,191,189,183,183,186,191,196,202,202,194,181,135,133,129,127,127,135,194,209,212,212,209,209,212,215,209,199,191,189,183,183,186,194,199,202,207,209,204,196,191,189,183,183,186,189,186,137,134,135,135,137,137,181,183,189,189,189,189,186,183,189,199,204,202,199,202,204,189,182,185,191,194,202,212,212,209,204,207,215,215,209,199,189,186,137,129,128,129,131,131,137,181,181,178,181,183,181,176,133,133,173,173,131,129,128,128,173,183,191,191,181,129,123,123,125,127,168,173,176,178,181,181,178,176,173,170,173,176,178,176,173,166,165,168,178,191,191,181,36,29,43,51,33,32,101,173,127,121,123,123,105,105,121,91,87,111,129,178,194,220,233,235,241,243,243,248,255,255,241,207,181,178,181,181,186,196,209,215,212,208,208,212,222,230,241,241,235,230,230,230,230,233,0,0,0,0,0,0,0,0,0,0,0,0,0,238,220,209,202,191,183,183,0,0,0,0,0,0,233,225,216,216,217,228,0,0,238,241,246,243,233,225,228,233,230,225,222,228,235,235,228,217,209,204,204,207,207,215,228,235,0,0,0,0,0,0,0,255,255,255,255,255,246,235,243,0,0,0,0,228,225,228,228,0,0,0,233,230,222,202,183,178,178,183,186,186,186,194,207,222,238,251,251,241,233,230,225,212,196,196,199,194,202,217,225,0,0,0,0,0,0,0,0,0,0,209,204,202,202,199,191,181,173,168,165,165,168,0,0,183,170,0,142,144,0,147,150,155,160,176,196,222,0,0,0,0,0,0,0,0,251,246,241,238,0,0,0,209,207,200,199,200,202,196,183,176,173,176,176,178,186,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,111,85,5,18,43,53,157,191,194,176,66,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,98,126,121,116,113,118,137,144,144,144,150,155,163,173,189,194,199,202,199,189,178,170,165,165,165,165,125,123,119,119,116,112,115,163,168,168,170,181,189,196,194,183,170,160,156,155,156,163,173,178,178,176,173,170,155,131,113,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,178,202,199,46,0,0,1,72,85,165,183,181,163,59,124,33,0,0,0,0,0,35,37,37,29,22,31,55,65,144,168,142,134,137,139,152,178,181,163,150,147,151,152,155,160,119,113,115,121,160,160,163,170,173,173,168,163,121,121,120,118,121,168,123,112,111,115,121,125,173,183,183,165,112,113,119,123,125,165,168,170,168,125,125,170,173,168,176,196,196,186,183,189,199,202,202,202,194,189,181,176,173,178,186,178,123,121,127,178,189,186,170,123,125,123,125,173,176,170,123,125,189,204,207,202,196,183,168,117,100,107,165,170,165,121,120,123,121,111,107,113,117,111,111,168,186,194,186,173,165,165,165,163,173,181,178,173,165,163,176,191,202,207,207,204,196,181,111,63,152,204,207,212,215,209,209,209,202,189,126,33,25,0,0,0,0,0,0,0,0,100,147,139,23,0,0,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,111,23,23,121,147,160,181,194,51,0,0,55,191,176,170,157,157,178,186,183,178,178,183,191,194,189,183,179,178,181,189,194,196,196,196,196,191,178,109,103,160,170,111,102,117,191,181,99,31,15,165,199,209,209,207,207,207,207,209,204,199,196,194,191,194,199,202,199,194,189,196,199,186,170,176,178,173,168,126,127,176,181,181,178,183,189,186,168,115,103,98,98,123,176,173,176,181,173,161,166,181,183,178,181,183,178,178,178,170,125,168,170,170,170,173,170,127,123,125,168,173,170,119,115,119,129,173,129,113,111,127,181,186,183,181,170,124,129,191,204,207,196,173,168,170,178,183,183,186,183,181,176,176,173,173,176,191,196,186,174,174,189,199,202,194,178,173,176,178,176,131,173,173,176,181,191,189,178,176,181,186,194,196,194,183,176,173,178,183,183,186,189,191,189,183,183,183,178,173,173,131,125,113,114,121,127,173,186,194,186,177,179,181,181,194,204,204,207,209,209,202,181,177,186,194,194,194,191,186,183,189,191,186,183,186,181,131,128,173,183,189,189,181,173,170,170,181,194,194,186,183,189,194,189,178,181,196,209,209,204,199,198,199,202,202,199,196,194,191,189,186,186,189,194,194,183,134,183,196,199,204,207,207,204,204,202,202,202,202,199,199,199,204,199,131,97,97,117,183,181,178,183,186,168,123,165,202,212,215,217,217,212,173,0,0,0,119,194,207,209,207,202,183,126,173,194,199,202,204,199,194,191,191,189,186,189,194,199,202,202,202,199,196,194,189,186,186,183,181,181,183,183,181,181,176,133,131,127,125,123,125,131,131,178,181,176,178,181,181,181,181,178,176,170,129,170,176,178,173,125,127,178,183,183,189,194,196,196,194,194,189,178,170,127,170,181,186,186,189,186,178,123,122,127,170,168,127,124,127,176,176,128,127,173,181,181,178,176,173,176,181,189,194,191,186,183,183,181,176,176,178,181,186,189,189,191,196,199,196,189,181,173,131,130,130,173,186,202,207,199,181,178,178,183,183,176,173,173,131,131,176,186,194,196,194,194,194,194,194,194,196,199,194,183,131,181,196,202,194,186,181,183,191,189,181,178,181,186,178,127,131,189,199,202,204,202,196,196,196,189,133,131,196,207,207,199,194,194,196,199,202,202,207,212,215,215,215,217,217,222,225,222,215,204,191,186,194,196,194,186,183,181,181,178,178,178,177,177,176,173,174,183,194,191,189,186,181,133,133,178,183,189,191,189,189,191,191,194,196,189,181,183,191,189,189,191,191,191,191,189,183,183,183,178,129,123,121,119,114,114,119,123,125,125,131,181,191,194,199,196,133,122,127,209,212,204,196,194,199,207,207,202,196,191,189,191,191,135,129,137,196,196,194,191,194,194,191,186,186,186,194,199,199,196,196,196,194,196,196,199,199,202,204,207,204,196,196,204,209,215,222,225,212,196,194,196,186,137,181,186,189,199,202,191,178,177,181,189,191,191,191,194,196,196,196,191,189,194,202,204,204,203,203,204,196,183,182,191,194,186,183,189,196,194,190,194,199,202,202,202,204,204,196,186,185,189,189,189,191,189,189,186,139,133,128,131,141,194,207,215,212,212,217,215,209,207,204,207,204,202,202,202,207,212,217,222,215,207,204,209,215,222,222,220,212,207,204,204,202,189,135,135,137,137,135,135,178,183,186,186,191,196,196,194,189,189,189,183,178,176,176,176,181,181,131,128,130,183,196,199,196,194,189,186,181,176,131,130,131,173,181,189,189,186,183,176,127,129,131,123,125,176,181,183,178,121,104,103,178,183,131,173,186,199,207,212,212,207,196,189,189,189,186,183,183,181,181,176,170,121,105,110,168,170,168,123,115,112,112,113,119,125,170,173,170,129,127,127,131,183,191,194,191,186,186,186,186,186,191,199,204,204,202,196,194,191,194,199,199,191,132,130,181,196,202,202,196,194,194,196,199,196,191,191,194,194,194,191,186,186,186,189,191,189,181,176,131,170,170,176,181,183,183,183,183,183,181,179,181,183,189,186,173,111,98,107,117,121,125,129,129,125,124,127,173,173,133,176,181,186,191,191,183,182,182,183,186,191,194,196,195,196,199,196,199,202,202,204,209,207,202,196,194,191,194,196,199,199,178,119,119,129,135,178,178,183,191,194,196,196,189,181,133,132,134,178,181,181,181,181,189,199,202,202,202,202,196,194,191,191,191,191,194,194,194,189,186,189,191,191,194,194,194,191,194,194,194,191,187,186,187,189,189,191,196,199,202,196,189,139,139,139,139,186,191,194,191,189,194,199,202,196,194,196,199,199,202,207,209,209,209,212,215,215,212,209,204,199,199,199,196,192,194,196,199,202,209,212,212,212,207,204,202,199,196,196,194,194,194,191,186,185,186,199,207,209,207,204,204,207,209,212,212,212,212,209,207,204,204,204,202,196,196,196,204,209,212,209,202,196,194,194,192,192,194,194,196,196,199,202,202,199,191,133,126,127,139,139,137,183,191,194,189,189,191,191,189,189,191,196,194,190,191,189,189,191,191,191,191,191,194,191,191,194,194,189,183,183,189,189,189,191,196,202,194,190,196,202,204,204,199,196,194,196,199,199,191,189,191,194,194,191,189,138,134,138,191,199,202,202,199,194,186,183,183,186,189,191,199,202,202,202,199,196,196,196,199,202,204,207,207,207,204,204,202,199,196,191,189,187,189,191,191,191,196,194,189,186,186,186,191,199,209,212,207,199,199,204,207,209,209,207,207,209,209,202,191,191,196,204,207,204,202,199,196,196,199,202,202,202,200,202,207,207,204,207,209,209,207,202,199,199,196,194,189,186,183,137,137,135,181,189,194,196,194,189,137,135,135,131,125,123,127,183,202,209,209,209,212,212,209,202,191,189,189,189,191,194,199,199,202,207,209,207,202,194,183,135,135,137,181,181,181,135,135,133,131,135,186,194,191,183,181,137,137,137,186,196,204,204,207,209,209,196,189,196,202,202,202,207,207,199,199,204,212,215,212,202,194,194,191,183,137,137,137,135,137,183,181,178,178,181,178,133,131,131,129,131,173,131,129,128,170,181,191,191,183,173,127,125,123,123,123,125,168,173,178,178,173,168,168,168,173,176,178,181,178,165,161,164,166,173,186,196,183,99,113,176,113,101,121,127,125,119,125,170,111,105,115,84,58,74,111,121,173,209,230,230,235,238,238,241,248,248,233,204,183,174,176,183,202,230,235,225,208,208,212,222,230,235,238,238,230,228,228,230,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,230,217,215,209,196,189,189,0,0,0,0,0,230,225,222,216,216,217,0,0,0,238,241,243,238,225,215,217,228,230,228,222,222,230,233,225,212,202,200,203,207,209,215,225,233,238,235,0,0,0,0,0,0,255,255,255,255,246,235,241,248,0,0,243,228,222,228,230,0,0,0,0,241,241,225,196,183,181,183,186,186,186,196,220,246,255,255,255,238,228,225,225,217,212,222,228,220,222,0,235,0,0,0,0,0,0,0,191,196,204,207,207,207,204,196,186,173,165,168,170,170,0,0,0,0,181,168,0,157,155,0,152,0,163,173,191,215,0,0,0,0,0,0,0,0,255,251,246,243,0,0,0,207,207,204,202,202,202,196,183,173,170,173,173,173,176,186,202,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,124,100,18,53,116,129,165,199,202,183,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,43,105,113,111,105,83,126,142,142,139,142,152,163,176,191,196,199,199,196,189,183,181,170,164,165,125,125,121,115,116,117,115,119,123,163,170,183,191,196,202,196,186,170,160,157,157,157,157,163,165,165,165,160,150,137,121,103,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,79,79,59,38,27,30,92,163,181,183,183,163,33,87,23,0,0,0,0,0,0,0,15,27,23,31,65,126,155,155,129,131,131,93,89,155,165,155,148,146,148,151,155,160,157,113,112,117,119,117,113,113,113,117,119,123,163,165,165,165,165,165,121,115,117,165,168,123,125,170,173,165,119,119,125,165,165,165,168,168,127,125,168,176,173,127,127,186,186,178,178,189,199,204,207,212,207,194,183,176,173,176,178,173,127,127,170,181,186,183,129,125,127,125,125,168,168,123,117,116,173,196,199,194,183,176,170,178,165,121,121,121,121,121,121,123,165,121,113,117,115,109,108,170,191,199,199,194,189,183,170,109,117,173,176,173,170,173,176,181,186,194,194,189,183,168,101,74,150,189,202,207,209,209,209,212,207,186,0,0,27,9,0,0,0,0,0,0,0,137,170,131,0,0,0,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,3,0,25,137,150,150,90,0,0,0,0,45,31,75,150,176,186,186,183,178,177,181,189,194,191,183,179,178,181,186,194,196,196,196,194,191,181,155,105,163,170,163,113,163,204,191,178,65,30,170,196,207,207,207,207,204,204,204,202,202,199,199,199,202,204,207,204,199,196,194,191,176,170,181,181,176,170,168,170,176,183,181,176,173,176,173,125,115,107,102,107,165,176,170,173,178,176,168,176,191,194,186,186,183,176,170,176,173,173,176,176,170,127,125,123,123,123,125,170,178,181,173,119,119,125,170,170,127,170,178,186,189,189,186,176,125,127,186,194,191,176,166,165,170,181,181,178,173,131,131,173,176,173,172,172,186,191,186,177,176,186,194,191,186,178,176,173,131,129,129,130,173,176,183,189,189,181,181,183,186,191,191,183,176,172,172,178,186,186,186,186,189,186,181,181,181,181,178,176,131,121,114,113,115,121,129,189,196,183,177,179,178,179,199,209,209,209,209,209,202,186,183,189,191,189,189,189,183,183,189,186,183,183,191,189,178,133,176,186,196,199,191,181,173,176,186,194,189,176,176,186,194,194,186,186,196,209,212,204,199,198,199,202,202,199,196,194,191,186,185,185,191,196,191,134,130,181,196,199,202,204,204,204,204,204,204,202,199,196,196,199,202,196,173,115,117,176,178,176,176,178,181,176,173,194,225,217,209,209,215,209,87,0,0,0,107,181,202,204,204,202,186,128,131,191,199,204,209,204,196,194,191,186,185,185,189,196,199,199,196,196,194,191,183,133,129,119,111,109,111,115,113,109,108,111,115,115,117,123,131,173,178,186,186,176,173,176,178,183,189,186,183,178,176,173,176,176,129,124,126,173,173,173,181,194,199,199,196,191,189,183,178,173,170,173,176,178,181,183,176,122,119,123,170,170,127,123,124,173,176,127,126,170,178,178,178,178,176,176,181,186,191,189,186,183,183,181,176,178,181,181,183,189,189,194,196,199,196,191,183,178,173,130,130,173,186,202,207,202,183,181,178,178,178,173,131,131,176,178,183,191,194,196,194,194,191,194,196,196,196,194,183,121,99,121,194,202,191,181,178,183,189,183,125,117,121,125,117,108,125,186,199,204,202,196,191,191,196,194,183,189,204,209,202,194,186,185,189,194,196,199,207,215,217,215,215,215,215,217,222,222,217,204,186,137,183,191,191,186,183,178,135,135,181,183,183,183,181,178,181,186,191,191,183,176,129,123,125,131,178,186,189,189,189,189,191,194,194,183,130,130,183,186,183,186,189,191,194,191,186,183,181,133,125,119,117,115,113,113,117,125,127,129,131,178,181,186,194,196,186,133,186,212,212,204,194,191,196,204,204,199,194,194,194,196,194,183,133,181,194,196,194,194,194,196,194,191,191,194,199,202,199,194,194,194,194,194,196,199,199,199,202,209,209,204,202,204,209,215,222,222,207,196,194,189,127,127,181,189,191,196,196,183,177,177,181,189,194,194,194,196,199,199,196,194,194,196,202,207,207,204,204,204,199,189,185,191,194,186,183,185,189,191,191,194,199,199,196,194,196,199,194,189,189,191,194,194,194,191,191,189,139,131,126,128,139,194,209,212,209,207,212,215,212,209,207,209,209,207,204,204,207,212,222,225,217,209,202,204,207,212,217,215,209,204,202,199,191,183,137,137,183,183,181,181,181,181,181,183,189,194,196,194,189,186,181,133,178,178,176,133,178,181,131,127,129,178,191,194,194,189,186,183,181,178,176,173,173,173,178,186,191,194,189,178,173,178,178,127,127,176,181,186,176,123,110,113,176,176,121,119,178,194,204,209,212,209,199,191,189,186,186,183,181,181,181,178,173,119,100,101,115,127,127,123,117,115,113,115,121,127,170,173,173,129,127,129,173,181,186,186,178,174,176,181,183,183,189,196,202,199,196,194,191,189,190,194,199,199,189,181,189,196,202,202,199,191,190,194,196,196,191,191,194,196,199,199,194,189,186,186,189,183,178,176,178,181,181,186,191,191,189,186,186,189,186,181,181,186,194,181,123,103,94,103,117,121,125,173,173,129,125,127,173,176,176,178,181,183,186,186,182,182,183,186,189,191,196,199,199,202,199,191,186,189,194,202,204,204,199,196,194,191,191,194,204,209,178,125,129,131,131,133,133,178,183,186,186,189,191,189,183,178,135,178,181,186,186,189,194,199,196,199,202,202,199,196,196,196,196,196,196,199,196,194,191,194,194,194,191,191,191,191,191,191,189,187,186,187,189,191,189,191,194,199,199,194,186,139,139,138,139,186,191,191,189,189,194,199,199,196,194,194,194,194,194,202,209,209,209,212,215,215,209,204,202,196,194,196,194,192,192,196,199,202,209,209,207,207,204,204,202,199,199,202,202,199,199,196,186,182,182,189,199,204,207,207,207,209,212,212,212,209,209,207,204,204,204,204,199,196,194,196,202,207,212,212,204,199,196,194,194,194,194,196,196,196,196,199,196,194,189,137,130,133,183,186,183,186,196,196,196,196,199,196,191,189,189,194,194,191,194,194,191,191,194,196,196,196,194,190,189,190,191,189,186,189,196,194,189,187,194,199,194,190,194,199,204,204,199,194,191,191,191,189,185,186,191,199,196,189,139,139,186,196,196,194,196,199,202,199,194,186,186,186,186,189,196,199,202,199,199,199,199,196,196,199,204,204,204,202,202,199,196,199,199,199,194,191,194,196,196,199,202,199,189,186,194,199,202,204,209,212,207,202,202,204,204,204,207,209,209,209,207,202,194,196,202,207,207,204,199,196,195,195,199,204,204,204,202,204,207,204,204,207,212,209,204,202,202,202,199,194,186,139,137,135,133,131,133,181,186,189,189,189,137,135,137,135,127,125,129,183,194,199,202,204,212,215,209,199,191,189,191,194,196,202,204,202,202,204,204,202,196,189,183,135,134,135,137,181,181,181,137,133,130,133,186,191,189,181,136,135,136,137,186,191,196,202,209,212,209,199,199,204,207,204,202,202,199,196,198,207,215,217,215,207,202,204,207,202,196,191,189,186,186,186,183,178,135,135,133,131,129,129,129,131,176,178,176,173,173,183,191,194,189,181,170,125,123,119,115,115,121,127,173,173,168,125,125,125,168,176,178,181,181,173,168,168,168,176,186,189,191,186,186,191,194,199,186,109,89,83,103,125,107,95,99,101,60,71,103,111,111,178,215,217,228,230,230,233,238,238,228,212,196,183,189,0,0,255,255,225,207,207,217,230,235,235,235,233,228,228,230,230,228,225,228,0,0,0,0,0,0,0,0,0,0,0,0,0,217,215,212,202,194,196,0,0,0,0,0,220,225,222,217,217,217,0,0,0,233,238,241,233,217,207,207,217,222,220,212,209,215,220,217,207,199,202,212,220,217,217,222,230,235,238,0,0,0,0,0,0,255,255,255,255,248,241,238,241,0,0,0,230,222,225,228,225,225,0,0,0,0,238,209,186,181,183,186,189,191,204,0,0,255,255,251,222,212,217,220,217,222,233,0,230,225,228,230,0,0,0,0,0,0,0,189,189,196,202,207,209,207,199,186,176,170,0,0,0,0,0,0,0,0,178,173,170,168,160,160,165,170,176,191,215,0,0,0,0,0,0,0,255,255,255,251,251,0,0,215,209,212,212,209,212,215,212,199,181,173,170,170,168,168,176,194,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,126,85,40,74,121,126,139,202,204,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,43,65,95,75,71,73,124,150,147,140,139,144,155,176,191,196,196,196,194,186,186,186,178,170,168,168,173,165,113,113,121,121,123,165,168,176,189,194,196,199,196,191,178,168,163,165,163,157,157,157,160,160,147,124,108,100,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,66,46,43,98,176,183,189,181,90,0,0,0,0,0,0,1,0,0,0,0,35,41,51,67,124,142,129,81,121,124,79,75,144,170,168,165,160,152,152,155,163,165,119,111,113,117,117,112,110,109,111,115,123,168,168,170,173,170,165,123,121,125,181,186,173,168,168,165,168,168,168,168,168,165,125,125,127,121,115,121,170,170,125,123,127,125,125,170,186,196,202,207,212,212,204,191,181,173,170,170,170,127,127,170,173,176,170,125,125,168,127,125,125,123,119,116,114,121,181,189,183,173,168,168,178,173,125,119,118,121,165,165,165,168,168,170,168,119,108,107,168,183,194,199,196,189,176,121,104,108,121,176,176,168,165,165,165,168,170,168,168,173,168,111,89,107,168,186,191,196,204,212,215,209,176,0,0,15,7,0,0,0,0,0,0,0,15,82,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,139,152,155,113,0,0,0,0,0,0,0,67,181,183,181,178,178,177,181,189,191,191,186,181,179,179,186,194,199,199,196,194,194,183,160,101,163,170,163,109,105,163,173,183,97,69,121,189,202,204,204,204,202,202,202,202,199,199,199,202,202,204,204,199,196,196,194,183,170,170,181,181,176,173,170,170,176,183,183,178,176,173,173,168,123,117,115,125,181,183,176,170,173,173,173,178,183,181,173,173,170,119,112,125,173,178,183,181,170,123,117,117,119,123,168,176,183,191,191,129,123,123,127,129,129,176,183,189,191,191,191,183,127,126,173,178,178,173,168,169,173,181,181,173,126,124,126,173,178,178,173,172,181,183,181,181,183,191,189,181,178,178,176,131,130,129,131,173,176,176,181,183,186,183,183,183,186,186,183,178,173,170,173,181,183,183,181,182,183,183,181,181,178,178,181,183,176,125,117,115,115,117,125,189,196,186,179,181,178,179,204,212,209,209,209,207,199,191,186,186,186,181,183,186,183,183,183,183,181,183,191,191,186,178,178,189,202,207,199,183,176,178,189,191,183,133,131,181,189,191,186,189,196,207,207,202,199,199,202,204,202,196,194,191,191,189,186,186,194,199,191,129,125,137,196,199,202,202,202,202,202,202,202,199,196,194,196,199,199,191,131,121,125,170,127,127,170,173,173,173,183,209,225,215,204,194,196,123,21,43,117,103,115,168,196,202,202,202,189,129,129,189,196,202,209,209,202,199,196,189,185,185,186,194,194,192,191,192,194,189,178,123,109,104,102,102,103,105,106,106,106,111,115,115,119,131,176,173,176,183,181,131,131,176,181,183,186,183,181,181,181,178,176,173,127,125,127,173,127,121,170,189,199,204,196,183,178,181,183,178,170,168,125,125,170,181,178,127,120,121,125,168,168,125,168,181,181,128,126,170,178,178,178,178,176,178,181,183,186,183,183,181,181,178,178,181,183,181,178,178,183,189,194,196,196,191,186,181,173,131,130,131,181,194,199,194,183,178,176,174,176,178,131,129,178,183,186,191,194,196,196,191,189,191,194,191,191,183,121,101,93,119,196,196,181,176,177,183,194,183,123,114,115,115,105,96,113,183,199,204,202,191,185,186,196,199,194,196,204,207,199,194,186,185,186,191,196,199,207,215,217,217,215,215,215,215,220,222,217,204,183,131,133,181,186,183,178,135,135,178,183,186,189,189,186,183,183,183,186,186,183,133,123,120,121,123,127,135,183,186,189,187,189,194,199,183,122,117,133,181,183,186,189,191,194,189,186,183,178,131,125,121,121,117,113,113,117,127,133,133,133,176,174,178,183,189,186,186,191,202,204,199,189,186,191,196,196,194,196,196,199,202,202,196,194,189,191,194,196,196,199,199,199,196,196,199,202,204,196,191,189,191,191,194,196,199,196,194,199,204,204,204,202,202,207,215,217,212,202,191,189,135,120,123,183,191,191,194,189,181,177,178,186,191,194,194,196,199,202,202,199,196,196,196,202,209,212,209,209,209,207,196,194,194,194,189,183,183,186,189,191,194,196,196,191,191,194,194,196,194,191,191,194,199,196,191,191,191,186,135,129,133,186,196,204,209,204,204,209,209,209,212,212,209,207,204,204,204,207,212,217,228,225,212,202,194,191,196,204,204,202,196,194,194,189,181,181,181,183,183,183,183,181,181,181,181,186,194,196,194,189,183,131,126,178,181,176,133,176,181,176,129,131,181,189,189,186,181,181,181,181,183,183,181,176,176,176,181,189,196,194,176,169,178,183,176,176,178,181,191,186,178,127,127,131,125,119,115,181,196,204,207,209,209,202,191,183,183,181,181,178,176,173,170,170,127,105,104,111,121,125,123,119,117,115,117,123,168,173,176,173,127,125,131,178,181,183,183,176,173,174,181,183,182,186,194,196,196,196,196,191,189,189,191,199,204,199,194,194,196,196,199,199,191,190,191,194,191,191,191,191,194,196,199,199,191,185,183,186,183,178,181,183,186,191,196,202,202,194,189,189,191,189,183,183,186,194,170,117,109,98,111,125,127,129,176,178,131,127,129,176,178,178,181,181,183,183,183,183,183,186,189,191,191,194,199,202,204,199,189,183,183,189,196,194,194,194,191,189,186,189,191,207,222,125,120,131,131,123,117,121,129,135,178,178,181,191,196,191,183,178,135,181,189,194,196,199,199,196,196,202,202,196,196,199,199,199,202,204,204,202,196,194,196,196,194,191,191,191,191,191,191,189,187,189,191,194,196,194,191,194,196,196,194,189,186,139,138,139,186,189,189,189,194,196,199,199,194,194,194,191,190,191,202,209,212,209,212,212,209,204,202,199,194,192,194,196,196,196,199,199,199,202,204,204,204,202,202,202,199,199,204,207,204,202,196,189,183,183,186,194,199,202,204,207,209,212,215,212,209,209,207,204,204,207,204,199,196,196,194,194,199,204,207,207,202,199,199,199,202,202,199,199,196,196,196,189,183,183,139,137,183,189,189,189,191,199,199,199,204,204,202,196,189,189,191,196,196,196,196,196,194,194,196,199,202,199,191,190,191,194,196,194,196,199,196,194,189,191,196,194,191,190,194,199,199,196,194,189,186,183,183,183,186,194,196,191,183,134,135,189,196,191,183,186,199,202,202,196,191,189,189,189,189,191,196,196,196,196,196,196,196,194,196,199,199,199,196,196,196,195,196,202,204,202,199,199,202,202,204,207,202,194,194,199,204,207,207,209,212,209,204,204,207,204,203,203,209,209,204,202,202,196,196,207,212,209,207,202,199,196,196,202,209,209,207,207,207,207,202,196,202,207,204,202,200,204,204,202,194,186,139,139,137,131,127,127,129,133,137,186,189,181,137,137,137,135,133,137,186,189,189,189,194,207,215,212,202,196,194,194,196,199,204,204,199,199,202,202,196,191,189,183,137,135,137,183,183,183,183,183,181,133,133,135,181,181,137,136,136,183,189,191,189,189,196,207,209,204,199,202,204,204,204,204,202,198,195,202,217,222,222,222,212,209,209,215,215,207,199,199,199,194,191,189,181,135,133,133,131,129,128,128,133,181,186,186,183,183,189,194,191,189,183,173,125,119,113,110,110,114,121,125,125,125,123,123,125,168,173,176,178,178,181,183,181,176,181,186,186,189,186,182,179,183,196,186,107,82,77,93,113,105,96,98,109,103,103,115,113,105,115,186,196,217,225,225,225,230,233,233,228,217,202,0,0,0,0,255,230,208,209,225,233,238,0,235,230,228,230,235,233,225,220,222,0,0,0,0,0,0,0,0,0,0,0,0,0,215,212,209,202,199,204,0,0,0,0,0,215,222,220,215,215,212,0,0,0,233,235,238,230,212,202,202,207,212,209,204,199,202,207,207,204,203,215,230,233,225,217,222,230,238,241,0,0,0,0,0,0,255,255,255,254,246,241,235,233,238,0,0,233,222,215,217,222,233,0,0,0,0,241,217,191,181,181,183,186,191,202,0,0,255,255,233,202,200,207,212,209,215,0,0,222,212,212,217,0,0,0,0,0,0,0,189,186,189,194,202,207,209,204,194,183,183,0,0,0,0,0,0,0,183,178,176,181,178,170,168,170,173,178,191,212,228,0,0,0,0,0,0,0,255,255,255,255,0,0,222,215,217,222,222,225,228,225,212,189,176,173,170,165,0,170,186,212,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,108,129,87,56,64,77,98,124,176,191,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,29,57,61,67,69,69,67,65,81,152,157,147,140,140,150,170,186,194,191,191,186,181,183,186,183,176,173,170,176,170,110,112,119,121,119,165,176,183,194,196,196,196,196,194,183,170,163,165,163,157,157,157,160,157,139,100,85,82,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,168,173,186,79,0,0,0,0,0,0,0,1,0,0,0,0,41,121,108,57,65,103,65,47,49,77,77,83,186,199,194,191,191,170,157,157,163,170,160,111,117,163,165,121,113,112,113,119,165,168,166,166,173,173,170,170,168,176,194,202,194,186,181,168,165,170,168,125,165,125,121,123,123,115,110,110,121,168,168,123,117,116,118,127,183,196,202,202,204,207,207,199,186,176,170,170,170,129,129,129,129,129,125,123,129,173,168,127,125,123,121,117,113,115,125,176,176,170,164,164,168,168,123,117,117,123,170,168,165,163,163,170,173,163,110,110,123,170,183,191,186,176,165,121,115,112,117,176,176,165,163,163,163,160,159,160,161,170,176,168,147,147,157,170,173,176,194,204,212,186,116,0,0,9,0,0,0,0,0,3,35,0,0,0,9,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,144,157,181,217,186,113,0,0,0,0,0,55,183,181,177,177,178,178,183,189,191,191,189,183,181,183,189,196,199,199,199,196,199,189,165,96,170,170,109,89,72,75,91,181,165,117,121,183,199,202,202,202,199,202,199,199,196,194,194,196,196,196,196,191,191,194,191,181,173,176,181,181,176,170,170,170,176,183,186,183,178,176,176,176,168,123,125,178,194,194,186,173,168,170,170,168,125,121,121,123,123,114,110,123,176,186,191,189,173,117,111,111,115,121,127,176,186,196,202,186,170,125,125,125,129,178,186,189,191,191,191,183,128,125,127,170,176,181,181,181,181,183,183,173,125,124,129,181,189,189,181,178,181,181,178,186,194,204,183,174,174,178,178,173,131,176,186,189,183,178,178,178,183,186,186,183,183,183,181,178,176,173,176,183,189,183,179,181,183,183,183,178,177,177,183,189,189,176,121,115,114,115,123,186,199,194,189,186,178,178,199,209,207,204,202,199,196,189,186,181,178,177,178,183,183,183,183,181,179,183,189,191,186,181,181,189,202,204,196,181,174,178,189,186,178,133,131,176,181,186,189,194,199,202,204,202,199,202,207,207,204,199,191,191,191,191,189,191,196,199,186,126,123,181,196,199,202,202,202,199,199,196,194,194,194,194,196,199,196,183,129,121,120,121,121,125,168,168,126,126,178,204,207,202,196,181,168,25,0,67,202,125,121,168,196,202,199,196,186,129,127,181,191,199,209,212,209,207,202,194,189,189,191,196,196,192,191,194,196,191,181,125,107,104,103,103,105,107,109,111,115,127,129,125,129,186,183,127,125,131,131,170,176,183,186,183,181,178,178,178,181,181,178,176,173,170,176,173,120,115,118,173,194,204,196,176,168,176,183,181,173,168,124,123,168,181,189,183,127,125,127,168,168,170,176,186,186,170,128,173,178,178,177,181,181,183,186,186,183,178,178,178,176,176,178,183,183,178,170,129,173,181,191,196,196,194,189,183,176,173,131,173,178,183,189,186,178,178,174,173,178,183,173,129,176,183,189,194,199,202,196,189,186,189,191,189,181,127,109,99,99,181,196,186,174,174,178,189,207,202,181,127,125,123,109,99,112,178,199,207,202,191,183,183,199,204,202,199,204,202,199,196,189,186,189,194,199,202,207,212,217,217,217,215,215,217,220,222,217,207,183,129,128,135,183,183,135,135,135,178,181,183,181,181,178,181,181,178,178,183,186,178,125,121,121,121,122,127,181,189,191,189,187,194,202,186,117,107,133,183,189,191,191,191,189,186,183,181,176,131,127,125,125,121,113,112,117,127,176,178,178,176,174,176,178,178,181,186,186,186,191,189,181,179,181,189,189,191,199,202,204,207,207,209,207,196,191,191,196,199,202,199,199,202,199,199,202,199,194,189,186,186,189,194,196,196,191,186,189,191,191,196,196,196,199,204,207,202,191,181,135,126,117,123,186,191,194,194,189,183,181,186,191,194,191,191,194,199,202,202,199,199,196,195,196,204,209,212,212,215,212,207,202,199,199,194,189,185,189,189,189,191,194,194,191,191,191,191,194,196,194,191,191,196,196,191,194,194,189,139,137,186,194,199,202,202,202,204,207,207,207,212,215,212,207,202,199,202,204,209,217,225,225,212,199,186,131,133,186,194,194,191,189,189,186,183,183,183,183,183,183,181,181,178,176,178,181,189,191,194,194,186,129,122,176,183,178,133,176,183,183,178,178,183,186,186,183,178,176,178,183,186,186,183,183,178,178,181,189,199,194,176,168,181,194,194,186,178,176,189,196,194,186,176,131,127,124,124,196,204,207,207,207,207,202,191,181,178,178,178,176,173,166,165,168,173,121,113,115,119,121,121,119,119,117,119,125,173,178,176,129,123,123,131,181,183,186,186,178,176,178,186,186,186,189,194,196,196,199,199,196,191,190,191,196,202,202,196,196,194,191,194,196,194,191,191,191,190,191,191,189,187,189,196,202,196,186,183,186,186,183,183,186,189,194,199,207,204,194,189,189,191,189,186,186,186,186,125,117,115,109,125,176,176,178,181,178,173,129,131,133,178,183,186,183,183,183,183,186,189,191,194,194,194,194,196,202,204,202,189,183,183,186,189,186,186,189,189,186,186,186,194,204,215,114,109,129,135,115,102,109,121,133,178,177,178,189,196,191,183,135,135,181,189,196,202,199,196,194,194,199,196,194,194,196,199,202,207,209,207,204,199,194,196,199,196,194,194,194,191,191,191,189,189,191,194,196,196,196,194,194,194,194,194,191,189,183,139,139,183,186,189,191,196,199,196,194,192,194,194,191,190,191,202,209,209,209,209,209,207,199,199,199,196,194,196,199,202,202,202,196,196,199,199,202,202,199,199,199,199,199,204,207,204,199,196,191,189,189,194,196,196,196,199,202,207,209,212,209,209,209,209,207,209,209,207,202,196,196,194,192,192,196,202,204,204,202,204,204,207,207,204,202,199,199,196,183,136,135,137,183,191,196,196,194,196,202,202,202,207,207,207,199,189,186,191,196,199,199,199,196,196,196,199,202,204,204,199,196,199,204,207,204,202,199,196,196,194,194,194,194,191,190,190,191,194,194,194,191,186,183,183,185,189,194,194,189,139,134,134,135,139,137,135,139,191,199,199,196,194,191,191,191,191,189,191,194,194,191,191,194,194,194,194,196,194,194,194,196,196,195,196,204,207,204,202,202,202,202,202,204,202,196,196,202,204,207,204,204,207,207,204,207,209,209,203,203,207,207,202,202,204,199,202,207,212,212,212,207,204,202,202,207,212,215,212,207,209,207,199,194,195,199,202,200,202,204,204,202,196,189,186,186,183,137,129,125,124,125,127,135,186,183,181,137,181,183,186,191,191,183,135,133,137,194,209,212,207,202,196,194,194,196,199,196,194,194,199,202,199,194,191,189,186,183,186,194,194,189,186,186,186,137,131,127,129,135,181,181,186,196,202,196,183,135,183,191,194,194,196,199,199,202,204,207,204,199,199,215,228,225,222,222,217,215,212,215,215,209,202,202,204,202,202,196,189,137,135,135,135,131,128,128,133,186,194,194,191,191,191,186,178,176,178,173,125,117,111,108,109,113,117,119,119,123,123,123,125,168,173,176,176,178,183,189,183,176,176,186,189,186,183,179,176,181,191,189,173,99,91,115,119,117,115,105,111,123,123,125,119,106,111,131,181,209,222,225,225,225,230,235,235,230,212,209,0,0,0,255,238,217,217,228,235,0,0,238,233,228,230,235,233,225,217,220,0,0,0,0,0,0,0,0,0,0,0,0,0,212,207,204,202,202,207,0,0,0,0,207,209,215,212,209,207,207,0,0,0,230,233,233,228,212,199,199,204,207,204,202,196,198,202,204,207,215,233,243,238,225,217,225,235,241,243,0,0,0,0,0,0,255,255,255,243,238,235,228,222,228,0,0,230,222,212,215,225,241,0,0,255,0,243,225,199,183,178,178,181,183,194,212,241,254,246,222,200,199,204,207,204,207,0,0,209,199,199,204,0,0,0,0,0,0,189,189,186,186,189,194,202,209,212,202,191,191,196,194,181,168,165,0,0,176,170,176,183,183,176,170,173,176,178,189,209,225,225,225,230,0,0,0,0,255,255,255,255,254,0,230,222,222,225,228,230,228,222,212,191,178,170,168,0,0,165,183,209,0,235,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,92,105,87,46,22,64,72,87,126,103,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,55,87,100,108,111,79,68,67,83,157,155,144,142,150,160,178,183,186,181,176,176,183,189,189,186,178,170,169,170,170,123,117,113,109,119,186,194,196,199,196,194,196,194,183,168,160,160,160,160,160,163,163,157,142,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,113,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,98,0,0,1,0,0,11,85,160,176,194,204,204,202,202,215,165,112,160,165,119,113,168,178,176,170,163,163,163,163,168,168,163,164,173,176,170,170,178,189,202,207,204,199,191,181,173,165,123,123,125,165,125,119,117,115,113,111,111,125,176,127,116,114,116,125,189,202,202,202,202,204,207,204,191,181,178,176,173,170,170,173,181,183,173,127,170,176,176,176,173,170,127,119,111,114,121,168,176,176,168,164,165,165,123,118,118,123,163,123,123,122,121,123,165,163,168,123,113,110,111,123,165,163,163,165,123,117,121,170,168,121,121,168,170,161,160,165,178,176,170,173,165,160,155,150,144,147,152,155,137,67,0,0,7,165,105,0,0,0,118,163,178,100,0,0,13,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,160,186,220,230,199,67,0,0,0,0,55,191,178,178,178,181,183,189,189,191,189,186,186,186,189,194,199,199,199,196,191,199,196,170,176,194,176,109,95,69,62,94,163,165,165,173,189,199,202,199,196,194,199,196,194,191,190,191,194,194,194,189,186,186,186,186,183,183,183,186,186,176,127,127,170,178,183,183,178,173,170,170,170,168,127,170,183,196,196,183,170,165,165,125,123,121,115,115,117,114,117,119,125,170,181,194,189,168,113,108,109,112,113,119,168,183,196,204,202,186,129,124,124,129,176,183,186,189,191,186,178,170,129,129,176,186,191,191,191,189,186,181,170,126,127,178,183,189,191,189,181,178,178,181,183,191,196,186,174,174,176,176,176,176,178,189,196,194,181,178,186,189,186,189,189,186,183,181,178,178,176,178,189,191,183,181,181,183,186,181,178,177,177,183,191,194,189,131,119,115,119,129,176,183,196,191,186,181,183,196,204,204,196,194,196,194,186,181,178,177,176,177,181,183,183,186,183,181,181,186,189,186,183,183,186,191,191,189,176,174,181,183,176,131,131,130,131,176,178,186,196,202,202,202,202,202,202,204,207,207,204,194,191,191,194,191,194,199,202,137,128,129,186,196,199,202,202,199,199,196,194,191,194,194,191,196,199,194,183,131,121,119,120,121,127,173,170,168,168,127,123,176,183,183,123,16,0,0,37,176,170,125,168,194,202,199,194,181,129,127,173,186,196,207,209,209,209,207,199,194,194,199,202,196,196,199,202,202,196,189,181,129,121,125,178,183,133,127,129,133,176,131,125,173,196,191,125,119,124,129,176,186,196,194,176,173,173,178,178,178,181,183,181,181,183,183,178,123,116,118,125,178,191,181,170,170,173,181,181,178,173,125,125,168,176,183,186,181,173,170,170,170,176,183,191,189,173,129,176,181,177,177,183,189,196,202,196,186,176,173,173,170,173,176,178,181,176,127,123,125,176,189,199,202,196,194,189,181,176,176,178,178,173,173,176,173,176,176,176,181,181,123,125,173,181,189,202,207,207,196,185,185,194,196,189,131,115,108,109,131,191,186,177,177,178,183,196,209,209,191,186,183,176,178,127,121,133,194,204,202,189,185,185,199,207,204,204,202,199,196,196,196,194,194,196,199,202,204,209,215,217,217,217,217,217,217,217,215,207,189,129,127,131,137,181,178,135,135,178,181,181,176,172,174,178,181,177,177,183,191,186,176,129,127,123,123,127,181,194,196,194,191,194,196,189,126,121,183,194,196,196,189,183,183,183,183,183,178,131,129,127,127,121,112,113,119,129,176,183,186,183,178,176,176,178,178,178,181,181,186,186,181,178,179,181,186,194,199,204,207,209,209,209,207,202,191,190,196,202,202,196,194,199,199,196,194,191,189,189,186,185,189,194,194,189,181,134,134,133,134,189,191,183,181,181,186,189,181,129,125,126,127,129,137,189,199,199,196,196,199,202,199,194,189,185,186,196,202,199,195,195,199,196,195,199,207,209,215,215,215,215,209,204,202,199,194,191,189,186,186,189,191,191,191,194,194,189,189,194,194,189,186,191,191,194,194,191,189,186,189,194,202,202,199,199,199,202,204,204,204,209,215,215,207,198,196,198,204,212,217,217,215,209,196,137,116,115,129,189,191,189,183,181,137,183,186,183,181,181,181,178,133,129,131,133,133,178,183,191,191,186,128,124,131,183,178,131,133,183,186,186,183,183,186,186,183,176,176,181,189,189,186,186,183,181,178,181,186,191,194,186,178,189,202,202,191,176,174,189,202,202,191,178,133,178,186,194,204,209,209,207,207,204,202,196,183,178,177,181,183,181,170,166,170,176,173,168,123,119,115,117,119,119,119,119,125,173,178,176,129,122,122,127,173,181,186,186,186,183,186,191,191,194,196,199,199,199,199,199,199,196,194,196,199,202,199,196,194,191,191,191,196,196,194,194,191,191,194,196,189,186,187,196,204,202,191,186,186,189,186,183,183,186,189,196,202,199,191,186,189,191,189,186,189,191,183,127,121,119,121,176,183,189,189,186,183,178,173,131,133,183,194,196,191,186,186,186,186,189,191,196,196,194,191,194,199,204,202,191,185,185,186,186,186,186,183,183,186,189,191,196,202,207,133,113,125,194,111,41,95,117,183,186,181,181,191,199,196,186,181,181,186,194,199,199,199,196,191,189,191,191,191,194,196,199,202,204,207,204,202,196,194,194,199,199,196,194,194,194,194,191,191,189,189,191,196,199,199,196,194,191,194,196,194,189,186,183,139,186,191,196,199,199,196,194,192,191,192,194,191,191,196,204,207,207,207,209,207,202,196,196,199,199,199,202,204,207,207,202,196,196,199,196,199,199,199,199,199,199,199,202,204,204,199,194,194,196,202,204,202,196,195,196,199,204,207,207,204,204,209,212,212,212,212,209,202,199,199,196,194,194,196,199,202,202,202,204,207,209,207,204,202,199,199,196,189,136,135,137,186,194,199,199,199,202,204,204,204,207,209,207,199,189,186,189,191,194,196,199,196,196,199,204,204,202,202,204,207,209,212,212,207,199,191,191,194,196,196,196,196,194,191,189,189,190,194,199,202,199,191,189,189,191,191,191,186,139,137,135,133,132,131,132,135,183,189,191,194,196,194,194,194,191,189,191,196,196,190,189,191,194,194,194,194,194,194,194,196,196,196,199,202,204,204,204,202,202,202,202,204,204,199,199,202,202,202,202,202,202,202,204,207,209,209,207,204,207,207,207,209,209,207,207,207,209,212,212,212,209,207,207,209,215,215,212,209,207,207,199,194,194,196,202,204,204,207,207,204,199,194,191,191,189,186,137,127,124,124,127,133,137,183,186,191,191,191,194,199,191,137,127,127,129,137,194,207,209,204,196,194,196,194,187,186,189,191,199,204,207,202,196,196,194,194,196,204,204,199,194,189,181,133,127,126,126,133,181,189,191,202,207,196,135,128,129,135,137,139,183,191,196,196,204,209,204,204,212,225,225,217,215,215,217,215,212,212,212,209,204,204,207,207,209,209,199,186,181,183,186,181,133,129,176,183,194,196,196,191,189,181,172,172,178,176,127,123,117,115,117,117,114,114,119,127,127,125,127,173,176,178,176,178,183,186,181,176,181,189,191,186,183,182,183,189,199,202,202,183,183,183,183,189,186,125,111,115,121,123,115,106,111,133,191,209,225,230,228,225,225,225,225,222,212,212,220,0,246,251,235,222,222,225,0,0,0,238,230,217,222,233,230,225,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,202,199,199,204,207,212,217,217,207,199,199,204,209,209,204,204,0,0,0,228,228,225,220,209,199,199,202,204,204,199,196,196,202,207,209,222,241,248,238,225,220,228,233,241,0,0,0,0,255,255,255,255,255,241,225,220,217,215,212,0,0,0,0,0,225,225,228,246,255,255,255,248,243,230,207,194,189,181,176,178,186,202,225,238,233,217,209,204,202,199,199,0,207,209,207,194,183,183,189,186,0,0,176,181,183,183,183,181,181,183,191,204,217,212,194,189,189,181,170,163,163,165,165,0,157,168,181,181,170,165,165,170,178,189,202,212,217,222,230,238,246,254,255,255,255,255,255,254,243,235,228,222,225,233,230,217,212,204,191,178,168,163,0,0,163,178,204,225,235,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,72,87,48,22,0,0,0,17,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,92,0,0,0,0,0,29,98,131,152,163,160,121,56,39,144,150,147,150,150,152,160,165,170,173,173,173,178,189,191,189,181,173,170,176,178,173,123,109,105,108,191,199,199,196,191,191,194,189,176,160,156,157,157,157,160,163,163,157,155,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,165,178,186,196,204,202,202,207,207,173,113,117,155,119,157,176,183,181,170,168,168,173,173,170,168,165,168,173,168,165,170,186,196,202,204,207,207,202,194,181,123,120,121,165,176,173,123,119,119,119,115,113,123,173,127,120,121,123,170,191,204,207,207,207,207,209,204,191,183,186,186,176,173,176,181,189,191,183,170,170,176,183,186,183,176,127,119,114,119,168,176,181,181,176,176,176,176,170,121,120,123,122,121,120,121,120,120,119,120,168,170,113,106,98,94,100,115,170,176,165,119,119,125,123,116,117,163,168,165,163,176,186,176,163,160,165,157,144,95,71,53,47,45,0,0,0,0,5,178,139,0,0,0,157,176,183,178,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,194,207,212,207,181,27,0,0,0,11,165,181,186,189,189,189,189,191,191,191,189,189,189,194,196,199,199,194,183,181,191,183,157,183,202,160,105,101,97,99,115,121,163,168,181,191,199,199,199,194,194,196,194,194,191,191,191,191,191,191,186,186,186,186,189,189,191,194,194,191,173,123,123,170,178,183,181,173,125,124,125,127,125,124,125,183,199,194,176,123,119,121,123,123,123,119,117,114,112,117,121,125,165,176,181,176,123,115,112,117,121,113,111,119,176,194,202,202,189,170,124,124,127,170,178,183,183,181,178,173,170,170,173,181,191,196,194,191,191,186,176,127,125,129,178,183,183,189,186,181,181,183,183,181,181,183,181,178,178,178,176,178,181,178,181,186,186,183,181,183,186,189,191,191,189,183,181,178,178,181,181,183,186,183,182,183,186,189,186,181,177,177,183,196,199,194,181,173,131,129,131,127,129,183,191,189,183,189,199,207,204,196,194,194,191,183,178,181,183,181,178,181,186,189,191,186,181,181,183,183,181,178,178,181,181,181,178,174,176,186,186,176,133,133,130,130,130,135,186,196,202,202,204,204,204,202,204,204,207,204,196,191,191,194,196,196,199,196,183,132,134,194,202,199,199,199,199,196,194,191,196,202,199,194,191,194,194,191,186,173,123,121,123,170,178,183,186,181,125,116,118,178,178,95,17,17,53,95,119,168,123,117,186,202,199,189,176,127,125,127,181,194,202,207,207,209,207,202,199,199,202,202,196,196,199,204,204,202,194,186,181,176,181,194,199,194,186,183,183,178,125,121,125,189,191,131,122,125,170,181,194,202,196,176,129,170,176,181,178,181,181,178,183,186,189,189,181,168,123,123,168,173,127,127,168,173,181,183,181,176,168,125,124,124,170,181,181,178,178,178,176,173,178,186,183,170,129,176,181,178,181,189,196,202,207,202,194,181,170,169,170,170,170,176,178,170,120,119,123,176,191,202,202,202,196,194,183,178,178,183,181,173,129,131,129,173,176,178,181,173,117,118,129,176,189,204,212,209,194,183,186,199,202,191,131,115,109,115,131,186,186,183,186,189,189,194,196,189,183,194,194,176,135,133,129,133,186,196,199,194,189,189,202,207,207,204,202,199,196,199,202,199,196,194,196,199,202,204,209,212,215,217,217,217,215,212,209,204,194,133,130,133,178,178,135,135,133,135,181,183,177,174,177,183,183,177,177,183,194,194,186,181,178,176,133,176,183,196,199,196,191,194,196,191,133,132,189,199,204,199,186,178,178,181,183,186,181,173,131,131,131,125,113,114,123,131,178,186,189,189,183,181,178,178,178,178,178,181,183,183,183,181,181,186,191,196,199,199,202,202,204,204,202,196,191,191,199,204,202,196,191,189,191,191,189,186,189,189,185,183,186,191,186,181,135,133,133,132,134,186,189,135,130,130,133,181,178,131,131,137,181,181,181,191,204,207,204,207,212,209,202,191,185,183,186,196,202,196,194,196,204,199,194,195,204,209,212,212,215,217,212,202,199,196,194,191,191,186,183,189,191,191,191,194,196,191,189,189,186,181,181,186,189,191,194,191,189,189,194,199,204,202,196,194,196,199,199,202,202,207,212,212,207,199,198,199,207,212,215,209,207,202,191,133,115,112,119,183,191,189,183,178,134,135,181,181,178,178,178,176,127,123,125,129,129,131,176,183,189,181,128,126,131,181,133,129,131,178,186,189,186,183,186,183,178,174,176,186,194,194,191,186,183,178,176,176,181,189,191,191,189,194,202,202,194,177,176,189,202,202,194,181,178,183,191,199,204,209,209,209,207,207,202,196,186,181,183,189,191,189,181,176,176,178,176,176,168,119,114,114,117,121,121,121,125,173,176,176,170,124,123,124,125,131,183,186,186,186,191,194,199,202,204,204,202,202,202,202,199,199,199,199,199,199,196,196,194,191,191,191,194,194,194,196,194,194,196,196,191,187,189,199,207,204,196,191,186,181,178,178,181,181,186,191,196,194,186,183,183,186,183,183,186,191,189,178,173,127,129,178,186,194,194,189,183,178,176,133,176,186,196,199,194,189,189,191,191,191,191,194,196,194,191,191,196,202,204,196,191,186,186,186,189,189,186,181,183,186,189,194,196,196,186,129,181,194,123,70,103,129,194,196,186,186,196,204,202,194,191,191,194,196,199,199,196,196,189,183,183,183,186,191,194,196,199,202,199,199,196,196,196,199,199,199,199,196,194,194,191,191,191,189,187,189,194,196,199,196,191,189,194,196,196,194,191,189,186,189,191,196,199,199,196,194,192,194,194,194,194,191,194,202,204,202,202,202,202,196,194,194,194,196,202,207,209,212,207,202,199,199,196,194,194,196,199,202,202,202,202,204,204,204,199,192,192,196,202,207,204,199,196,196,199,202,204,204,202,204,207,209,209,212,212,209,204,199,199,199,196,196,199,202,204,204,204,204,204,204,202,202,199,196,196,196,194,186,137,139,189,194,196,199,202,204,207,207,207,204,207,202,194,186,183,183,186,186,191,194,194,194,196,202,202,199,202,207,212,212,212,209,202,189,139,141,191,199,202,199,199,196,194,191,189,190,194,202,209,209,199,194,191,191,191,194,191,191,189,183,135,133,133,134,135,137,183,186,191,196,196,191,191,191,189,191,194,194,191,191,194,196,194,194,191,191,191,194,194,196,196,199,202,202,202,202,202,202,202,204,209,209,207,204,202,202,200,200,202,202,202,202,207,209,209,209,209,207,207,209,212,212,212,207,207,209,212,215,212,209,207,207,212,215,217,215,209,207,207,202,196,196,199,204,209,209,209,207,207,202,196,194,191,191,191,183,131,126,127,133,137,181,183,189,196,199,196,199,199,191,135,127,125,124,125,139,202,209,204,196,196,199,191,183,183,189,194,202,209,209,204,202,199,199,199,202,204,204,199,191,183,137,129,127,127,129,135,189,194,194,196,202,194,135,128,128,130,133,133,135,183,189,189,199,207,204,207,217,228,228,217,213,215,217,215,212,212,209,207,204,204,207,209,209,209,204,196,196,199,199,191,183,178,181,183,189,191,191,189,183,178,173,174,181,181,176,173,129,129,127,121,113,113,119,127,168,168,170,178,181,178,176,176,181,183,181,178,183,191,194,191,191,194,199,207,209,209,204,196,199,204,207,207,199,127,107,109,113,115,107,107,127,189,196,212,228,233,235,228,215,207,204,204,202,207,215,215,215,225,228,217,217,215,215,0,0,0,225,212,213,228,225,217,212,0,0,0,0,0,0,0,0,0,0,0,0,0,217,207,199,198,199,204,207,209,212,209,202,194,194,202,209,209,207,204,0,0,0,228,225,217,212,202,196,196,204,209,212,207,198,198,204,207,209,217,235,243,235,225,222,228,233,238,0,0,0,0,255,255,255,255,255,241,222,212,209,207,0,0,0,0,0,0,0,0,235,246,255,255,255,241,238,228,207,199,196,186,176,176,181,191,207,222,225,225,222,212,202,198,198,199,204,207,204,191,176,170,170,168,163,0,157,168,176,176,178,173,173,173,178,199,217,217,196,183,178,170,160,155,157,160,0,0,0,157,173,176,163,155,0,0,173,186,194,202,207,212,228,238,246,248,254,255,255,255,255,254,243,235,228,217,222,228,225,212,204,196,186,173,163,157,0,0,160,176,196,217,233,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,59,74,40,85,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,191,178,37,0,0,0,3,37,121,163,181,186,186,168,55,22,144,147,146,147,150,115,115,111,111,160,168,168,170,183,189,189,183,178,173,173,176,176,168,113,103,105,186,194,194,191,189,186,186,181,168,160,157,163,163,157,157,157,155,152,157,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,194,194,191,202,202,200,204,209,207,189,152,109,113,157,170,183,186,178,168,164,165,173,176,173,170,170,173,123,105,119,173,189,196,199,202,204,209,207,202,189,123,119,121,170,183,181,127,123,123,125,121,117,119,125,125,127,178,178,178,189,204,209,212,209,207,209,204,189,181,186,189,178,176,178,183,191,191,186,173,129,173,181,186,181,127,119,119,125,176,181,186,186,178,176,178,181,181,176,165,121,123,122,122,163,165,123,121,120,120,163,163,117,111,104,99,105,165,178,176,119,114,114,117,117,116,117,163,168,170,173,181,189,178,160,156,157,152,105,87,67,55,57,77,147,118,41,0,0,71,124,0,0,0,160,181,183,186,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,196,199,207,207,196,186,176,118,0,0,134,176,183,189,189,191,191,191,194,194,191,189,191,196,199,199,194,189,155,157,157,81,45,95,165,111,103,99,107,119,160,163,163,168,181,194,196,196,196,194,191,194,196,196,194,194,191,191,191,189,186,186,189,189,191,191,194,196,199,194,129,119,122,176,181,178,173,125,122,123,127,168,125,122,124,181,194,178,111,107,111,117,123,125,165,168,125,114,110,115,123,125,170,178,176,168,121,119,119,168,178,168,121,123,168,176,186,189,178,170,127,127,129,170,176,178,178,173,170,170,170,129,170,178,186,191,191,189,186,183,170,126,124,127,178,181,178,181,181,178,186,191,191,181,173,173,173,178,181,178,174,176,178,173,124,123,129,178,176,173,178,186,189,194,194,191,186,181,181,183,181,181,181,186,186,189,191,191,191,186,178,178,186,196,202,194,186,183,181,131,125,123,124,173,189,186,183,189,202,207,207,199,194,191,186,178,176,181,186,186,181,183,183,189,191,189,181,178,178,181,178,178,177,177,178,176,174,174,181,191,191,181,176,178,133,130,131,181,191,196,202,204,207,207,204,204,204,204,204,202,194,190,190,196,202,202,199,194,186,135,181,199,202,199,196,196,194,194,191,189,194,199,202,196,194,191,191,194,196,186,131,125,127,173,181,189,199,196,173,115,114,165,183,121,97,191,204,115,111,123,115,94,99,191,194,181,129,125,124,126,176,189,196,199,202,204,204,202,199,199,199,199,191,189,194,199,204,204,196,189,186,183,186,199,204,202,196,194,186,173,123,121,125,183,189,178,127,181,189,191,191,191,189,178,170,127,173,181,181,178,174,173,178,181,183,186,186,178,168,125,125,125,119,119,127,173,181,189,186,178,127,124,124,123,127,173,178,176,178,183,178,170,170,178,173,129,127,170,178,183,186,189,191,196,196,199,196,191,178,170,170,170,173,181,183,127,116,116,127,181,194,199,202,202,199,194,183,178,178,183,181,170,125,123,123,127,173,178,178,131,117,117,123,129,183,202,212,209,196,186,189,199,196,181,123,111,111,119,133,186,191,196,196,191,189,191,183,129,128,183,183,108,115,131,133,135,181,191,199,199,196,194,204,209,207,204,202,202,202,204,207,202,196,192,192,192,194,196,204,209,212,215,215,212,209,207,204,204,202,191,186,186,186,181,178,135,129,129,176,183,183,181,183,186,183,177,176,181,191,194,191,189,189,189,189,186,186,191,194,194,191,191,194,186,178,183,194,204,207,199,183,133,133,178,183,186,183,176,173,173,173,127,113,115,127,176,181,186,191,191,191,186,183,181,178,178,178,178,181,183,183,186,189,194,199,199,196,194,191,191,196,196,194,191,191,196,202,202,199,194,189,186,186,186,185,186,189,189,185,183,186,189,183,181,181,181,181,135,181,189,186,131,128,128,133,189,183,178,178,186,189,186,189,196,209,212,209,212,215,209,199,186,183,183,189,202,207,204,202,207,212,204,195,196,204,209,209,209,209,212,209,202,194,191,189,191,191,186,183,189,194,191,191,196,199,194,191,186,181,136,137,186,191,194,194,194,191,191,196,202,202,199,194,190,191,194,196,199,202,204,209,209,207,202,199,207,212,215,212,207,204,199,189,133,117,112,116,133,186,189,183,135,133,133,135,178,176,133,133,131,123,119,123,129,129,131,176,181,183,181,130,128,176,181,131,128,131,178,183,186,189,186,183,178,174,173,176,189,196,196,194,189,183,176,132,132,176,183,189,194,196,199,199,199,194,186,181,191,199,199,191,183,183,189,194,199,207,209,212,212,209,207,202,194,186,183,189,196,196,194,186,181,181,178,178,178,176,125,115,113,115,119,121,123,127,173,176,176,176,170,129,125,123,125,178,186,183,186,191,196,202,207,207,207,204,202,202,202,202,202,199,199,196,196,194,194,194,194,191,191,191,191,191,196,196,196,194,194,191,189,189,199,207,207,202,196,186,177,176,178,181,181,183,189,194,191,186,181,178,178,181,181,183,189,189,186,183,176,173,178,186,194,194,189,183,178,176,176,181,189,194,194,191,189,191,196,196,194,189,186,189,194,191,189,191,202,207,204,199,194,189,186,189,191,186,181,137,137,181,189,191,194,194,189,191,191,183,123,135,194,204,204,194,194,199,207,204,202,202,202,202,202,202,199,196,196,191,183,139,139,183,189,194,196,196,194,191,189,194,199,202,204,204,204,202,199,196,194,191,191,194,191,189,187,191,194,194,194,189,189,191,196,196,194,194,194,189,186,186,189,191,194,194,194,196,199,199,194,189,186,191,196,202,199,199,199,196,196,194,192,192,194,202,209,215,212,207,202,199,199,194,191,191,196,199,202,204,204,204,204,204,204,196,192,192,194,199,202,202,199,196,196,196,199,202,202,202,202,202,202,204,209,209,207,204,202,202,202,199,199,202,204,207,207,204,202,199,199,196,199,199,196,194,196,194,191,186,186,191,191,194,196,202,204,209,207,204,199,196,191,186,183,183,183,182,183,189,191,191,191,191,196,199,199,202,207,209,207,204,199,186,136,134,137,189,199,204,204,202,199,196,194,191,191,194,202,212,215,204,196,194,194,196,199,199,199,196,191,183,139,183,183,139,137,139,189,194,196,191,186,183,186,186,186,189,189,194,196,196,196,194,194,191,191,190,191,191,191,194,196,199,199,199,199,199,202,202,207,209,209,209,207,204,204,200,202,204,204,202,199,204,209,212,212,212,209,207,209,212,212,209,207,204,207,215,217,215,212,207,207,209,212,215,212,209,207,207,207,204,204,207,209,215,215,209,209,207,204,199,191,189,191,191,189,137,131,135,183,189,183,183,189,196,199,194,199,202,191,133,127,125,123,122,127,196,209,207,204,202,199,189,183,183,191,199,207,209,209,207,202,202,202,202,199,199,194,189,183,135,129,127,127,129,133,183,194,199,194,190,191,191,181,131,131,133,133,133,133,137,139,139,191,202,204,207,217,228,228,222,215,215,215,217,215,212,209,207,204,204,209,209,207,202,202,204,207,209,207,202,196,191,189,186,186,183,183,181,176,174,176,181,186,186,183,181,176,173,129,121,113,113,119,125,168,168,173,178,181,176,170,127,173,178,181,181,186,191,194,194,191,194,204,212,215,209,204,199,199,207,209,212,204,181,109,99,92,95,103,121,196,204,204,215,222,230,235,233,217,207,202,195,192,202,212,204,0,202,217,217,222,222,217,0,0,235,228,211,213,222,212,196,191,189,0,0,0,0,0,0,0,0,0,0,0,0,222,209,202,198,199,204,209,209,209,204,194,190,191,202,209,212,207,207,0,0,225,225,220,212,204,194,189,194,204,217,225,222,212,207,207,207,204,209,225,230,228,222,222,228,230,235,243,0,0,255,255,255,255,255,255,243,228,215,207,209,0,0,0,0,0,0,0,0,233,241,255,255,246,230,230,222,199,196,196,189,176,0,176,181,191,204,217,228,228,215,202,198,199,202,202,202,199,189,176,0,0,0,0,0,0,163,168,170,173,168,165,164,170,191,217,215,196,178,168,160,152,0,152,0,0,0,0,0,163,168,160,147,146,0,170,189,194,194,194,199,222,238,243,246,251,255,255,255,255,254,243,233,222,212,212,217,215,207,199,191,178,168,160,157,157,157,0,170,189,212,230,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,66,59,0,92,95,0,0,0,0,0,0,0,0,0,0,0,0,56,142,61,0,0,0,0,30,121,116,15,0,0,0,87,126,79,0,0,0,0,47,61,147,176,189,191,191,176,83,50,168,155,109,110,150,152,113,106,102,109,160,165,165,170,178,181,181,181,173,168,169,173,168,115,104,106,181,191,191,189,186,181,178,173,165,163,163,168,168,163,155,150,142,131,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,202,202,199,202,202,200,204,209,207,199,109,93,105,157,173,183,181,173,165,164,165,168,170,173,173,178,178,91,75,105,173,189,196,199,199,202,207,207,204,194,165,121,123,170,178,176,127,125,127,168,127,121,117,119,123,176,189,183,173,181,202,212,212,207,207,209,204,186,176,178,183,183,181,181,183,186,186,181,173,129,129,170,173,127,118,118,127,176,183,189,191,186,170,165,170,173,173,173,165,123,123,125,168,176,176,168,165,170,173,163,114,115,168,189,191,191,194,189,176,116,113,113,115,117,119,163,170,173,176,176,178,186,181,165,157,157,155,150,142,101,99,147,163,160,199,204,124,55,113,142,147,33,0,57,173,176,160,116,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,170,191,194,191,191,194,173,0,27,137,155,168,178,186,191,194,191,191,191,191,189,189,189,191,189,163,85,0,0,0,0,0,0,95,113,107,96,99,119,165,170,170,168,176,191,194,194,191,189,189,191,196,199,196,191,189,189,189,189,186,189,191,191,194,194,191,194,196,191,125,119,124,181,183,173,127,125,124,127,173,173,127,124,168,178,170,93,88,95,109,117,121,125,173,178,168,113,111,119,125,168,181,189,178,165,123,123,121,123,170,176,176,170,125,123,168,170,170,129,170,170,170,173,176,178,178,170,129,129,129,128,129,173,178,183,183,181,181,178,129,126,125,127,176,178,177,177,177,178,189,196,196,183,176,172,172,176,178,174,172,176,176,125,120,120,124,129,131,129,176,183,186,189,196,202,196,189,183,183,183,181,183,191,191,189,189,194,194,189,183,181,186,194,194,186,176,178,176,125,122,123,127,178,189,183,178,186,199,204,204,196,189,183,178,133,131,176,181,183,183,181,178,181,189,189,178,177,178,181,183,183,181,178,178,176,174,176,186,194,191,181,181,181,135,133,135,186,194,194,199,204,207,207,207,207,204,202,199,196,194,190,191,199,202,202,199,194,186,135,181,196,202,199,196,194,192,194,194,186,181,183,191,194,191,191,191,194,196,191,178,173,173,176,178,189,199,202,189,123,116,114,168,191,202,222,217,123,111,121,115,94,96,178,189,176,170,129,129,131,176,183,189,189,191,194,196,199,199,194,194,191,189,186,186,194,202,204,199,191,189,186,189,196,202,199,196,191,181,129,125,127,176,183,186,183,181,194,199,194,186,183,186,183,173,125,127,178,181,178,174,173,174,174,176,178,178,176,168,127,127,123,115,117,127,173,183,189,194,186,170,125,125,124,127,173,176,168,173,183,181,129,127,168,127,126,127,170,181,191,191,189,186,186,186,191,196,196,191,183,176,176,178,189,191,170,115,115,173,186,191,196,199,199,196,191,183,177,177,181,181,170,117,109,115,119,125,131,173,129,119,118,119,125,183,204,209,209,204,196,196,194,178,119,111,111,115,131,186,191,196,202,199,191,189,191,183,129,127,129,113,94,97,123,178,183,186,194,202,204,199,199,204,207,207,204,204,204,204,207,207,204,196,192,192,192,191,192,199,204,209,212,212,209,207,202,202,204,204,204,202,199,194,186,183,135,127,124,126,176,183,183,181,181,181,177,177,181,186,189,191,191,194,196,196,191,183,181,183,183,186,189,183,172,173,191,199,202,202,196,183,133,132,133,181,186,186,178,131,129,127,121,114,119,129,176,178,183,191,194,196,191,186,181,178,181,181,178,135,178,181,189,194,199,202,199,194,189,186,189,191,191,189,187,194,204,204,199,194,191,191,189,186,185,185,186,189,191,186,185,189,191,189,189,191,191,191,183,183,186,178,130,129,130,181,196,194,183,178,181,186,191,196,207,212,212,212,215,215,207,194,186,185,189,199,209,215,212,212,217,217,209,204,204,209,212,212,209,207,209,207,199,191,187,187,191,191,183,181,186,191,194,194,196,199,199,194,186,136,135,137,189,194,196,196,194,191,191,194,199,199,196,191,189,190,191,199,202,204,204,207,207,207,202,202,207,209,212,215,209,204,196,186,135,121,114,116,125,133,181,183,181,135,133,134,176,176,131,129,127,119,118,121,129,131,133,178,183,186,181,131,130,178,181,133,130,176,181,183,189,191,189,181,176,173,173,178,186,194,196,194,189,186,178,132,131,133,178,186,194,199,202,198,199,199,194,189,194,196,194,191,186,189,194,202,207,209,212,212,212,209,204,199,194,183,183,191,196,196,194,189,183,181,178,176,178,178,170,119,115,115,119,121,125,168,170,173,173,173,173,173,129,124,125,176,183,181,183,191,196,204,207,209,207,204,202,202,202,202,202,199,199,196,194,194,194,194,194,194,194,191,189,189,194,199,196,191,191,191,191,191,194,202,204,204,199,191,177,176,181,189,186,186,189,191,189,186,181,176,173,176,178,178,183,183,181,181,181,176,178,186,194,191,186,181,178,178,178,181,186,191,191,189,191,196,199,199,194,183,179,183,191,191,189,194,204,209,209,204,199,194,189,189,191,186,135,133,130,133,181,186,191,196,194,191,194,196,199,196,204,209,209,202,199,202,204,204,202,204,204,204,202,199,199,199,199,194,186,139,138,139,186,191,194,196,191,187,187,191,196,202,204,207,207,204,202,202,196,191,191,194,194,194,191,194,194,191,189,189,187,191,194,194,194,196,194,189,183,183,183,186,189,189,191,196,202,199,191,185,183,186,194,199,202,199,199,199,199,199,194,192,196,204,212,215,209,204,199,196,196,191,190,194,196,196,199,204,204,204,204,204,202,196,192,192,194,194,196,196,194,191,191,194,199,202,202,202,202,199,196,196,199,204,204,204,204,204,202,199,202,204,207,207,207,202,199,196,196,199,199,202,199,194,194,194,189,186,189,191,194,194,196,199,202,204,207,202,194,186,183,183,183,186,186,183,186,189,194,194,190,190,191,194,196,199,202,202,196,191,186,137,133,133,137,191,202,204,207,204,202,196,194,194,194,196,204,209,212,207,202,199,199,199,202,202,199,196,194,191,194,194,191,183,139,186,191,196,196,186,182,181,182,183,183,183,183,189,194,196,196,196,194,194,191,190,190,190,191,194,194,196,196,199,199,199,199,202,202,202,202,202,204,207,207,202,204,207,204,199,196,204,209,212,212,212,209,207,209,212,212,207,202,200,204,215,220,217,212,209,207,207,207,209,212,209,209,209,212,212,209,209,212,215,215,209,207,207,204,196,186,183,186,189,186,181,137,183,191,191,186,183,183,191,194,191,194,199,191,133,127,129,125,122,125,191,207,209,209,207,202,194,186,187,194,202,204,209,209,207,204,202,202,199,196,194,189,183,135,129,126,127,131,135,178,186,196,199,191,187,189,191,186,181,135,133,133,133,133,133,133,135,139,194,204,209,215,222,228,225,217,215,213,215,215,215,215,209,204,204,209,207,202,199,199,207,209,209,207,204,202,199,194,189,181,178,176,173,170,172,178,186,186,186,186,181,173,127,123,117,114,114,119,125,127,127,170,173,173,129,125,120,125,170,176,178,183,186,189,189,183,186,194,207,212,209,202,196,196,199,204,209,212,202,137,93,83,85,113,186,204,209,212,215,217,222,233,241,238,233,220,195,190,196,217,207,0,183,207,222,235,0,0,0,0,0,235,216,216,217,196,177,174,178,0,0,0,0,0,0,0,0,0,0,0,0,225,212,207,202,202,204,209,212,209,202,194,190,191,199,207,209,207,207,212,0,225,222,217,209,202,191,186,189,202,222,235,241,233,222,215,207,202,204,212,215,215,215,217,225,228,235,0,0,0,255,255,254,255,255,251,246,235,222,212,215,0,0,0,0,0,0,0,0,228,235,255,255,238,217,225,222,196,186,189,181,168,0,0,176,181,191,207,222,222,212,204,204,209,209,202,196,191,183,176,0,0,176,163,0,155,168,168,168,170,170,168,165,173,194,212,212,191,173,163,152,144,0,0,0,0,0,0,0,157,165,160,147,143,147,178,196,199,191,183,186,207,233,0,0,251,255,255,255,255,254,241,230,215,204,204,207,207,199,191,183,173,163,155,155,155,160,0,165,183,207,228,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,61,9,0,64,22,0,0,0,0,5,0,0,0,0,0,0,0,82,194,82,0,0,0,69,160,204,183,100,0,0,0,0,0,0,0,0,0,35,59,67,157,181,191,191,186,168,139,137,178,165,111,111,113,152,117,109,101,105,117,123,123,121,163,168,170,173,170,168,168,173,170,117,104,105,178,191,194,191,186,178,170,170,168,168,168,170,168,163,150,142,124,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,191,204,202,202,204,202,204,207,204,202,85,69,99,117,160,170,170,165,168,170,170,168,165,165,168,183,194,88,69,89,173,186,191,194,194,196,199,204,204,196,176,165,168,173,173,170,127,127,170,173,170,127,123,119,123,181,191,181,125,129,191,204,207,204,202,204,199,181,131,131,178,189,186,181,181,181,178,173,129,127,125,124,125,121,119,125,178,181,183,186,191,186,170,123,125,123,123,165,125,125,165,168,176,181,178,176,176,186,196,176,114,114,173,194,196,196,199,196,186,168,119,117,117,121,165,176,181,176,173,168,168,173,176,170,165,168,173,176,173,163,155,160,165,173,207,202,160,155,150,150,155,63,0,0,82,144,41,25,92,199,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,160,186,191,191,191,165,27,45,144,144,155,168,181,189,191,191,191,194,194,191,181,170,163,150,37,0,0,0,0,0,0,0,85,113,117,96,97,117,165,176,178,165,168,186,194,194,191,186,185,189,194,196,194,186,183,183,186,186,186,189,191,191,194,191,191,194,196,189,127,121,129,183,181,129,127,127,170,173,176,176,170,170,178,170,101,83,83,97,117,125,165,170,178,178,121,110,113,165,168,173,186,191,178,168,170,168,121,118,119,170,178,176,170,125,123,123,125,127,170,170,169,170,181,183,178,129,127,129,129,128,129,173,176,178,178,178,178,176,170,127,126,170,183,183,181,178,177,181,189,196,194,183,176,173,173,176,176,174,174,178,178,127,124,125,129,129,128,131,181,186,178,181,191,202,202,191,183,183,183,186,191,194,194,189,186,191,194,191,186,183,186,189,186,173,125,129,129,124,124,129,178,189,194,186,178,183,194,194,191,183,178,131,129,131,131,133,176,181,183,178,176,177,189,189,181,176,177,181,189,189,186,181,178,178,178,181,186,189,186,178,178,181,135,135,181,189,191,191,194,202,204,207,209,212,209,202,196,191,194,194,194,196,196,194,194,194,183,134,137,191,199,199,196,194,194,196,196,189,181,178,178,178,181,189,191,196,199,194,183,178,178,181,183,189,196,199,191,178,121,106,110,181,202,212,209,173,119,123,123,113,115,183,194,186,183,186,186,181,178,181,181,178,181,183,189,194,189,183,181,183,181,181,186,191,199,202,196,194,191,189,189,191,196,196,191,186,178,173,173,178,186,186,183,183,189,191,189,186,181,181,186,183,173,122,122,170,178,183,183,178,174,176,178,183,181,178,173,170,170,125,114,117,170,178,186,194,196,196,183,173,127,123,127,173,168,124,127,183,186,173,126,125,125,129,170,176,186,199,199,191,186,183,183,183,189,191,191,186,178,178,186,196,196,178,117,116,176,183,186,191,196,196,194,189,181,177,177,178,181,176,115,106,108,109,113,119,121,121,119,121,121,131,194,207,209,209,209,207,199,186,123,110,109,113,125,186,194,194,194,199,196,191,191,191,186,181,181,133,109,95,96,113,181,191,196,202,204,207,204,204,204,204,204,204,207,207,207,207,207,204,202,199,199,196,194,192,194,199,204,209,209,209,207,202,199,202,204,207,207,204,199,189,186,178,129,125,126,129,176,176,133,133,178,178,178,183,183,186,189,191,194,196,196,191,181,174,174,178,183,186,176,168,170,196,202,199,196,191,186,178,132,131,176,183,186,178,129,123,119,117,117,125,131,173,176,178,186,189,191,189,183,178,176,176,178,135,134,134,178,186,194,199,199,196,194,189,186,189,191,191,187,186,191,204,207,199,189,189,191,191,189,186,186,189,194,191,189,186,191,196,194,196,199,199,194,183,181,181,135,133,133,131,178,194,196,186,178,178,189,199,207,209,212,209,209,212,209,202,191,191,191,196,204,212,215,215,215,217,217,215,212,212,212,215,215,209,205,209,207,199,189,185,186,194,191,181,178,183,191,194,194,196,199,199,196,186,137,136,183,194,196,196,194,191,191,190,191,194,196,194,191,190,190,194,202,204,207,204,204,207,204,202,202,202,204,209,215,215,207,194,186,135,125,119,119,119,121,131,183,189,186,178,176,178,181,176,127,123,117,116,119,127,131,176,181,183,186,181,131,130,176,178,176,176,181,183,186,191,191,189,181,174,174,176,178,183,189,194,194,191,189,183,135,133,135,181,186,194,199,202,199,202,204,202,194,196,199,196,191,189,191,196,204,212,215,212,209,209,207,202,199,194,183,183,189,194,194,191,189,183,178,170,168,173,178,173,125,119,119,119,121,123,127,127,125,127,129,170,173,176,131,131,176,181,183,189,194,199,204,207,207,204,204,202,202,202,202,199,199,196,194,191,191,191,191,194,194,191,189,186,186,191,196,194,189,189,194,194,191,194,196,202,202,199,194,181,181,189,194,189,186,189,186,186,183,176,131,129,173,176,178,181,176,174,176,178,178,181,186,191,191,186,183,181,178,181,183,186,189,189,191,196,199,202,196,189,181,178,181,191,191,189,199,207,212,209,207,202,196,191,189,189,183,135,130,129,130,137,183,191,196,196,196,202,207,204,196,199,204,209,207,204,202,202,199,194,194,199,199,196,194,196,199,202,196,189,186,139,139,186,189,194,196,194,189,186,187,191,196,199,207,209,209,207,204,202,194,191,191,194,199,199,196,191,189,189,189,189,191,194,194,191,194,191,186,183,183,186,189,189,185,186,196,202,199,194,185,183,189,196,202,204,202,199,202,204,204,199,199,202,209,212,212,207,202,196,194,191,190,190,194,202,199,202,204,207,207,204,204,202,196,194,194,194,194,191,189,141,140,186,191,199,202,204,202,199,196,195,194,195,196,199,202,204,204,202,196,196,202,204,204,202,196,194,194,196,202,204,202,202,199,196,191,185,183,186,194,194,194,196,196,196,199,202,199,191,182,181,183,186,191,194,191,191,196,199,196,191,190,191,194,194,199,199,194,186,141,141,139,136,136,186,196,202,204,207,207,202,199,196,196,199,204,209,209,207,204,202,202,202,202,202,196,191,189,191,194,196,196,189,139,138,183,191,196,191,186,182,181,182,183,183,183,183,186,189,191,196,199,199,194,191,191,191,191,191,194,194,196,196,196,196,196,196,196,194,194,191,196,202,207,207,204,204,204,202,194,194,199,207,207,207,207,207,207,207,212,212,204,200,200,204,209,215,215,212,209,207,204,202,204,209,212,212,212,215,212,207,204,209,212,209,207,204,204,202,189,135,131,135,183,186,183,183,189,194,191,183,181,181,189,194,191,191,194,189,135,133,137,137,129,133,189,202,212,212,209,204,199,194,194,196,199,202,204,207,207,204,204,204,202,196,194,191,186,137,131,129,135,181,183,183,191,196,199,191,189,190,194,194,186,137,131,129,131,131,131,131,129,129,139,202,207,212,215,222,225,222,215,213,213,215,217,217,215,209,207,207,207,202,199,199,204,207,207,204,204,204,202,196,189,181,178,176,172,170,172,178,183,183,183,186,181,129,119,117,117,117,117,119,125,127,127,127,127,127,125,121,119,121,127,129,131,173,176,178,178,176,178,189,199,204,202,194,191,191,194,202,209,217,215,204,137,92,97,131,191,207,217,222,222,222,228,238,255,255,255,243,207,192,202,228,215,0,179,189,217,241,0,0,0,0,0,235,228,225,222,194,176,176,181,0,0,0,0,0,0,0,0,0,0,0,0,225,215,207,202,202,202,209,212,212,204,196,191,191,196,199,204,207,207,209,217,222,220,215,209,204,194,183,181,189,209,235,246,246,233,217,204,199,199,204,207,207,209,215,222,230,235,243,0,255,255,251,241,243,243,246,248,243,230,220,0,0,0,0,0,0,0,0,0,225,238,255,255,241,217,222,225,204,186,183,176,165,0,0,170,178,189,204,217,222,215,212,215,217,215,202,189,181,176,173,0,0,0,186,168,168,0,0,0,0,0,0,178,183,199,207,204,186,170,157,144,137,137,0,0,0,0,0,0,157,168,163,0,143,147,181,199,199,189,176,178,199,0,0,0,0,254,255,255,255,248,235,222,207,203,203,207,207,199,189,178,168,160,0,0,155,160,0,165,181,204,225,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,59,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,72,152,176,126,17,0,0,0,0,0,0,0,0,0,47,95,118,160,181,189,183,173,157,142,144,163,163,152,152,150,113,155,157,106,107,115,121,117,116,117,119,117,123,170,173,178,183,176,121,103,102,168,186,191,191,181,170,165,168,173,173,173,170,165,155,144,137,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,71,39,29,131,194,199,199,202,204,204,204,202,202,75,66,107,115,117,160,165,168,176,181,176,168,123,121,165,178,186,99,75,97,189,186,186,186,186,189,194,199,202,199,189,183,186,181,173,170,127,127,173,170,170,170,129,123,123,181,186,173,121,123,176,191,196,194,191,191,189,176,130,131,176,186,186,183,178,176,131,127,127,127,125,125,125,123,121,125,173,178,178,181,186,183,168,123,123,122,122,125,125,165,170,173,178,181,183,181,176,186,199,186,123,115,168,189,196,199,199,199,191,178,168,121,119,123,173,186,189,183,176,166,165,168,173,173,176,178,183,183,173,168,168,170,168,168,157,124,142,173,170,163,199,103,0,0,0,0,0,19,176,243,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,191,194,199,194,155,27,35,137,134,144,163,178,189,191,191,194,199,199,189,165,109,105,95,27,0,37,29,0,0,0,41,111,111,113,101,109,160,168,173,170,121,122,183,196,196,194,189,185,185,186,191,191,183,182,182,186,186,186,189,189,191,194,194,196,196,196,191,173,125,173,181,176,170,173,178,181,178,173,173,176,181,181,127,97,87,91,117,170,176,178,181,181,176,113,108,123,178,176,173,183,183,168,168,176,170,120,119,125,183,191,189,186,186,117,114,119,125,129,170,170,176,186,183,170,122,121,125,129,170,176,176,178,178,181,181,183,181,176,170,129,176,189,191,189,186,178,178,183,189,183,178,176,176,173,173,176,176,176,181,178,170,170,178,178,131,129,176,183,181,174,174,181,191,191,183,178,181,183,186,191,191,189,186,186,191,191,191,189,183,183,181,178,129,123,126,127,129,176,181,186,191,196,183,176,181,186,183,176,131,128,127,127,131,176,133,176,178,183,178,176,177,191,194,183,177,177,181,189,189,186,181,178,178,181,183,183,183,181,176,135,178,135,135,178,183,186,189,194,202,202,207,209,212,209,202,194,191,194,196,196,194,189,183,186,189,181,134,135,189,196,199,202,199,199,199,196,196,194,189,177,170,173,183,194,199,202,194,186,183,186,186,189,191,194,191,186,178,168,113,114,168,189,196,194,176,168,127,123,117,119,183,202,202,199,202,196,186,181,178,178,176,177,181,186,189,181,129,127,129,129,133,183,194,196,196,196,196,196,194,191,191,194,194,191,189,183,181,181,186,186,183,183,183,189,186,176,170,129,170,183,183,173,121,120,123,170,181,189,183,174,181,191,199,196,189,181,178,176,123,112,117,178,183,189,196,196,194,176,170,168,127,127,127,123,121,125,183,191,181,125,123,127,176,181,183,191,199,196,189,183,178,178,176,176,176,176,176,176,183,191,199,199,186,123,121,176,181,183,186,194,196,194,186,178,178,178,181,181,178,123,111,109,106,107,109,111,113,117,123,173,186,202,209,207,207,209,207,189,133,117,110,113,123,176,189,194,191,189,194,196,196,194,186,176,181,196,194,125,105,102,115,181,194,202,207,207,207,207,207,207,204,204,204,207,207,204,202,202,202,204,207,209,207,202,196,194,196,202,204,207,207,207,204,202,199,202,204,204,202,194,186,181,178,176,133,131,131,127,123,125,129,176,181,183,183,181,181,186,191,194,196,196,194,183,174,172,176,186,191,183,170,173,196,196,191,189,191,191,183,133,131,173,183,186,178,129,123,119,119,127,173,173,173,173,176,178,178,183,183,178,133,132,132,133,135,134,134,135,183,191,196,194,191,189,186,186,189,191,191,187,186,189,202,207,202,189,183,183,189,191,189,189,191,194,191,189,189,194,199,199,202,204,202,194,183,179,181,183,186,183,133,131,186,196,191,181,183,191,202,209,209,204,199,202,204,199,189,189,196,204,207,209,212,212,212,209,209,212,215,217,217,215,212,212,207,207,207,204,199,194,187,187,194,191,181,177,181,191,194,194,196,199,199,199,194,186,186,194,202,202,199,196,191,191,190,190,191,194,196,194,191,190,194,202,207,207,204,202,204,202,199,199,199,202,207,215,215,207,194,186,137,129,127,127,121,118,125,181,189,191,186,181,183,183,178,129,123,118,116,119,127,173,181,186,186,186,181,130,129,133,176,176,181,183,186,189,189,191,189,181,176,176,178,181,183,186,191,191,191,191,189,183,183,183,189,191,194,199,204,204,204,207,204,199,199,204,202,196,194,194,196,202,209,212,209,207,207,202,196,194,191,183,183,186,189,189,189,186,183,173,125,123,127,170,170,127,123,123,121,121,123,123,122,120,121,125,127,170,178,178,178,181,186,191,196,199,202,204,207,207,204,202,199,199,199,199,199,196,196,194,191,191,191,191,191,191,191,186,185,186,189,191,189,189,191,196,199,194,191,194,196,196,194,189,183,186,191,194,191,186,183,183,181,176,131,127,125,129,173,181,181,176,172,176,181,181,181,186,191,191,189,183,181,181,178,183,183,186,191,196,202,202,202,194,189,181,179,181,189,189,191,202,209,209,207,204,202,196,191,189,191,186,137,135,131,130,137,183,191,199,204,209,212,209,202,191,191,199,207,207,204,202,202,196,187,186,187,191,189,189,194,202,204,199,194,191,189,186,189,189,194,199,196,191,189,189,189,191,196,202,204,207,207,207,204,199,194,191,196,199,202,196,191,189,191,194,194,194,194,194,191,191,186,139,139,141,189,191,186,182,185,194,202,204,199,194,194,196,202,204,204,202,199,202,207,209,207,207,209,212,212,212,207,204,196,194,191,191,191,196,202,204,207,207,207,207,207,207,204,199,196,194,194,194,191,141,139,139,141,194,199,204,204,204,202,199,196,195,195,196,199,202,204,202,196,192,192,196,199,196,194,191,191,191,196,204,204,202,199,202,199,191,185,183,186,191,191,194,196,196,194,194,199,196,189,182,182,186,191,196,199,199,199,202,202,199,191,191,194,196,196,199,196,191,141,141,189,189,186,186,194,199,202,202,207,207,204,202,202,202,207,212,215,212,207,204,204,202,202,202,199,194,189,186,189,191,194,189,183,137,136,139,186,191,191,189,186,186,183,186,189,189,189,189,189,191,196,202,202,196,194,191,191,194,194,194,194,196,196,199,196,196,196,194,189,189,189,194,199,202,202,202,202,202,199,194,192,194,199,202,202,202,202,202,204,207,209,204,202,202,202,204,207,207,207,209,207,202,200,204,207,212,215,212,212,204,196,196,202,207,207,207,204,202,196,139,128,126,129,137,186,189,189,191,194,191,183,179,179,186,194,194,191,194,189,139,137,189,191,186,186,191,194,204,209,209,204,202,199,199,196,199,202,204,207,207,207,204,202,199,194,189,189,186,183,135,137,189,194,194,191,194,199,199,194,194,196,202,199,191,181,129,127,129,133,135,133,129,125,128,194,204,207,207,212,217,222,217,213,213,215,217,222,220,212,209,209,207,199,196,196,202,204,204,204,204,204,202,196,191,186,181,178,178,176,176,178,181,181,181,186,183,129,119,117,121,123,121,119,123,125,125,125,123,123,121,121,120,121,125,127,125,125,127,133,176,178,183,191,202,202,194,189,186,187,191,202,215,222,222,217,217,212,194,183,191,217,238,235,233,233,238,0,255,255,255,241,228,215,225,241,233,196,185,187,209,235,0,246,0,228,230,233,230,230,228,207,191,194,199,0,0,0,0,0,0,0,0,0,0,0,230,220,209,202,196,194,196,204,209,209,207,204,199,194,191,194,196,202,202,204,212,217,217,209,207,202,194,183,170,168,186,215,241,243,233,212,199,196,199,204,207,209,212,215,225,230,238,243,0,255,255,251,239,239,243,248,254,251,241,230,0,0,0,0,0,0,0,0,0,0,248,255,255,248,217,222,230,220,194,186,176,165,0,0,168,181,196,215,228,228,225,222,225,225,217,204,186,176,168,168,0,0,0,191,178,173,0,0,0,0,0,0,0,194,199,202,194,181,165,152,139,133,134,0,0,0,0,0,152,165,173,168,0,146,147,176,191,191,183,174,178,196,0,0,0,0,251,254,255,255,246,230,217,207,203,204,212,212,202,191,181,173,163,0,0,155,160,165,170,186,207,225,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,46,0,0,0,0,0,0,0,0,0,0,69,137,108,0,0,0,0,0,0,0,0,0,0,0,25,25,0,0,0,0,0,0,0,0,0,0,0,95,124,147,160,176,178,160,150,144,139,139,147,152,152,155,115,113,160,168,163,160,121,117,115,116,117,116,113,119,173,183,189,189,181,168,107,104,119,173,183,183,173,165,163,168,176,178,181,176,165,152,142,129,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,189,194,147,28,39,147,186,191,194,202,204,202,196,194,78,75,155,117,115,119,163,176,186,186,178,168,160,120,123,170,178,121,91,109,196,191,185,182,181,185,194,196,196,196,189,189,194,189,176,170,127,168,173,170,168,176,178,129,123,127,173,127,120,120,125,176,183,183,181,183,186,178,173,131,131,176,183,186,183,173,127,127,170,173,173,170,129,127,125,123,123,127,170,173,176,170,125,123,165,165,125,165,168,170,173,173,173,176,178,181,168,173,191,178,121,115,123,181,194,199,196,194,189,181,173,123,118,123,178,191,196,191,183,173,168,170,170,173,176,176,181,176,166,166,176,181,173,71,0,9,147,183,173,155,131,103,0,0,0,0,27,131,204,204,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,176,196,194,170,19,27,77,81,99,155,176,189,194,194,196,199,199,173,93,85,89,87,71,39,45,47,3,0,0,101,160,113,111,113,163,176,176,170,123,116,119,183,199,202,202,196,186,182,182,186,191,186,183,183,186,186,189,191,191,194,194,196,199,199,199,191,178,170,176,178,173,176,189,194,191,183,173,172,176,183,183,170,115,103,109,125,176,181,183,183,183,176,115,113,178,183,178,176,181,176,163,165,173,123,117,123,186,196,199,196,191,181,109,110,115,127,170,176,178,186,189,178,123,120,120,123,129,178,183,183,183,183,183,186,189,186,183,176,173,176,186,189,189,183,173,173,178,178,176,176,178,178,176,173,176,176,173,173,170,129,170,176,178,173,173,178,183,176,172,172,178,189,186,173,131,176,181,183,183,181,183,189,191,191,191,191,189,183,178,178,178,173,127,127,127,173,186,191,191,191,183,129,127,176,183,181,133,129,128,126,127,133,178,176,133,178,181,183,183,189,202,199,191,181,178,181,183,183,181,177,177,181,183,183,183,181,178,135,135,135,135,133,129,129,135,189,199,202,202,202,204,207,204,196,191,186,186,189,191,189,183,181,182,183,137,134,135,186,194,199,204,202,202,199,199,199,204,202,186,173,174,183,194,202,202,196,189,186,189,186,186,186,186,181,176,170,170,127,125,170,178,183,181,178,178,170,125,121,123,183,204,209,207,202,191,181,181,183,183,178,181,186,191,189,135,121,120,121,116,123,186,196,196,191,191,196,199,196,194,191,191,194,191,189,186,186,186,186,186,186,186,189,186,178,123,117,117,119,176,183,178,125,122,122,125,176,186,181,176,183,199,204,204,199,191,183,176,117,109,117,181,186,189,194,194,178,118,121,176,176,129,124,123,123,127,181,189,181,127,126,176,189,191,194,196,199,191,176,123,121,125,168,170,170,168,123,121,176,186,191,194,191,176,170,181,183,181,186,191,194,189,181,178,183,186,181,176,176,170,123,117,106,107,109,109,113,117,127,194,202,207,207,204,204,207,202,183,129,117,115,123,133,183,191,189,183,186,191,196,202,196,133,119,121,204,207,194,127,115,133,191,199,202,204,204,204,207,207,207,207,204,207,207,204,196,191,191,194,202,207,212,212,207,204,202,202,204,204,204,202,199,199,199,199,199,199,199,194,183,133,131,176,181,183,181,133,125,120,121,125,131,178,183,181,178,178,183,191,194,194,194,194,189,178,174,181,191,199,194,181,178,189,186,183,186,191,194,189,176,132,173,183,186,181,131,129,127,131,176,178,178,176,178,178,176,174,176,178,178,133,131,131,133,178,178,135,178,183,191,194,191,186,183,183,181,181,183,189,191,191,191,196,202,199,186,136,135,183,194,191,191,191,194,191,187,189,194,199,196,199,202,199,194,183,181,186,189,191,186,129,129,186,196,191,183,181,189,196,204,202,191,189,194,194,186,182,186,202,212,212,209,207,209,209,208,208,209,215,222,217,215,212,207,202,204,202,196,199,202,199,196,196,194,181,177,181,191,194,196,194,194,196,196,194,191,194,199,204,204,202,199,196,196,194,194,196,196,199,196,194,191,191,196,202,202,199,199,202,202,199,196,199,202,199,199,202,199,191,186,181,135,137,178,129,121,127,178,186,189,189,186,183,181,176,129,125,121,119,123,131,178,183,189,189,183,178,130,130,133,178,178,181,183,183,186,189,189,186,181,178,178,183,189,186,186,186,186,183,186,189,189,189,191,194,194,194,196,204,207,207,207,202,199,204,207,202,196,196,196,196,199,204,207,202,199,202,199,191,189,189,186,183,181,181,183,186,186,183,173,125,122,123,127,168,168,168,125,121,121,121,123,121,120,122,125,127,131,176,176,178,186,194,196,199,202,202,204,207,207,204,202,199,199,196,196,196,196,194,191,191,191,191,191,191,191,189,186,185,185,186,186,185,186,194,199,199,196,189,186,189,189,183,181,183,189,191,194,189,183,181,178,178,173,129,125,125,127,131,181,186,181,176,181,186,181,179,183,189,191,189,186,181,178,178,178,181,183,189,196,202,202,199,194,189,186,186,186,186,186,191,202,207,207,202,199,196,194,189,189,191,186,183,183,181,135,137,181,186,194,207,217,217,209,199,189,189,194,204,207,204,204,207,204,189,183,185,189,189,189,196,204,207,199,196,199,196,194,191,194,196,199,199,196,191,191,191,191,194,196,199,202,204,209,209,204,199,199,199,202,202,196,191,191,194,196,196,194,194,194,191,186,139,137,138,186,194,191,186,183,186,196,204,204,202,199,199,202,204,207,207,202,199,204,212,215,212,212,212,212,212,212,212,209,204,199,199,199,196,199,202,207,209,209,207,204,204,204,204,202,196,194,194,194,191,186,141,141,191,196,202,204,207,204,202,202,199,199,199,199,202,202,202,202,196,191,191,194,194,194,191,191,191,191,196,199,202,196,196,199,202,196,189,186,189,189,186,189,194,196,194,194,196,194,186,186,186,191,196,202,202,202,202,204,202,196,191,194,199,202,199,196,194,189,186,186,194,196,196,194,199,202,196,196,204,207,207,204,204,204,209,212,212,209,207,207,204,202,199,199,196,191,189,186,186,186,186,186,183,138,137,137,183,189,191,196,196,191,183,186,189,191,194,194,194,194,196,202,202,196,194,191,194,196,196,196,196,196,199,199,199,199,196,194,189,141,141,189,194,196,196,199,199,202,202,199,194,194,194,196,199,199,196,196,199,202,204,202,202,202,202,199,199,199,202,207,204,202,202,204,209,212,212,212,207,196,187,189,199,204,204,202,199,196,191,137,126,125,129,137,191,196,199,196,194,191,186,181,181,186,191,191,191,196,196,189,186,191,199,199,196,191,190,194,202,204,202,196,196,196,196,199,204,207,209,209,207,204,199,194,186,181,137,181,181,181,183,196,202,199,194,194,199,199,196,196,199,202,202,196,183,133,129,133,137,183,183,135,125,124,189,204,203,202,204,215,222,217,215,213,215,217,222,222,215,212,209,204,194,186,186,194,202,204,207,207,204,199,196,194,191,186,183,183,183,181,178,178,181,183,186,181,170,125,125,129,170,125,119,119,119,121,123,121,121,120,120,123,123,125,125,125,125,129,178,186,189,194,199,202,202,196,191,187,189,196,209,222,228,225,228,230,225,212,199,199,235,255,254,238,233,241,0,255,255,255,233,238,238,241,248,243,230,212,204,212,225,228,228,222,222,225,233,233,230,225,212,207,209,209,0,0,0,0,0,0,0,0,0,0,225,217,212,202,194,189,189,194,199,204,204,0,0,207,199,189,186,191,196,199,199,204,212,215,207,199,196,191,178,164,161,173,202,228,233,222,202,192,192,202,212,217,222,222,225,228,233,238,246,254,255,255,255,243,241,246,254,255,255,254,243,0,0,0,0,0,0,0,0,0,0,255,255,255,254,212,215,228,225,204,189,176,0,0,0,168,191,222,238,241,233,225,222,225,228,222,207,191,178,0,0,0,165,173,178,173,168,0,0,0,0,0,0,0,196,199,196,189,178,165,152,139,134,137,147,152,150,0,155,163,176,181,178,165,0,155,170,178,178,176,176,183,204,0,0,0,0,254,255,255,255,246,233,222,209,205,207,217,220,209,199,189,181,173,163,155,155,163,170,181,196,215,228,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,56,0,0,0,0,0,0,0,0,0,0,121,255,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,131,139,150,157,165,150,129,131,139,139,138,107,109,109,150,152,155,163,173,178,176,165,116,114,117,119,116,114,119,173,186,189,189,183,173,123,113,119,168,173,176,168,163,160,168,176,183,186,183,170,155,144,129,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,49,150,189,196,194,29,26,53,170,178,183,194,199,196,181,173,84,83,165,155,111,109,157,178,191,189,176,168,163,119,121,168,181,178,113,113,181,191,185,181,179,185,194,196,191,186,176,178,189,181,170,125,125,168,176,170,127,176,186,173,123,118,120,120,120,120,121,129,176,176,178,186,191,186,178,131,129,130,178,191,189,173,125,127,178,183,186,183,178,173,173,168,121,117,120,123,125,123,121,123,170,173,168,168,168,168,168,165,165,165,165,165,121,123,181,165,113,110,113,165,186,196,194,189,181,178,173,125,119,123,178,191,199,196,191,181,176,173,170,165,165,163,170,176,166,166,178,178,99,0,0,0,83,176,173,150,63,63,29,31,5,63,194,199,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,183,186,186,15,23,49,57,77,139,173,189,196,194,194,194,191,91,51,63,79,85,87,95,87,91,63,17,29,95,115,113,113,157,173,181,181,176,123,115,121,186,199,204,207,204,191,183,182,186,189,186,186,186,186,186,194,196,196,196,196,196,196,199,199,191,181,176,176,176,176,186,199,202,199,189,176,172,176,181,186,181,168,121,119,125,173,181,181,181,181,178,123,121,181,178,178,178,181,173,163,164,165,116,114,125,181,186,189,189,178,117,109,111,121,170,176,183,191,194,191,176,125,122,123,127,176,183,189,186,186,183,186,189,189,189,183,178,173,176,181,178,176,170,127,127,170,173,173,178,183,183,178,173,176,176,129,127,127,127,127,129,170,176,178,183,181,176,170,172,183,191,183,129,125,131,181,181,178,176,178,189,194,191,186,189,186,183,178,178,181,178,178,173,129,173,189,196,194,186,126,119,119,127,178,181,176,176,176,129,129,176,178,176,133,176,181,189,196,202,209,207,196,189,181,181,178,178,178,177,178,181,186,186,183,183,183,181,178,178,135,131,123,120,125,186,196,199,196,199,199,196,194,189,183,137,133,135,181,183,182,181,182,183,181,134,135,183,191,196,199,202,202,199,199,199,202,204,199,191,189,194,196,199,199,194,189,189,189,181,176,176,176,173,169,169,173,173,170,170,173,173,176,181,183,178,178,178,178,191,202,202,202,194,181,178,181,194,194,191,191,196,199,196,178,123,121,121,109,119,183,196,196,189,186,191,196,196,194,189,189,191,191,189,186,183,183,183,183,189,194,194,186,123,104,107,113,121,176,183,189,186,178,127,125,170,178,176,176,189,199,202,202,202,199,191,181,116,108,119,183,183,181,183,176,123,116,119,173,178,173,127,127,127,170,176,181,178,173,173,191,199,202,202,202,199,186,127,104,106,115,127,173,176,168,119,100,111,165,168,181,186,181,181,186,186,183,186,189,191,183,178,181,189,191,181,170,127,129,170,125,109,111,115,117,121,127,181,204,204,202,199,199,202,204,202,186,133,123,123,176,186,194,194,181,133,181,191,199,202,194,121,116,117,194,209,199,183,176,194,199,202,202,202,202,202,202,204,207,207,207,207,207,202,194,189,189,190,194,202,209,209,207,204,207,209,209,207,202,196,194,194,196,194,191,191,189,181,131,125,125,133,183,186,186,178,125,121,121,123,129,176,181,181,177,176,181,189,194,191,191,191,189,183,181,189,196,204,199,186,178,181,178,181,186,191,194,189,181,176,178,183,183,178,176,176,181,181,178,181,181,183,183,183,178,174,174,176,176,176,132,132,176,183,183,181,181,186,191,194,189,186,183,181,179,179,181,186,194,199,196,194,194,191,139,134,134,183,194,194,191,194,194,191,189,189,189,191,189,189,191,191,191,186,186,186,183,181,131,126,130,196,196,189,181,178,137,186,191,191,183,183,186,189,185,182,189,209,215,212,207,205,207,209,209,208,212,215,217,217,217,212,202,194,196,194,189,194,209,212,207,204,196,183,178,183,191,196,196,194,186,186,189,189,191,194,199,202,204,204,202,202,199,199,202,202,202,202,199,194,191,191,191,194,196,194,196,199,202,199,199,196,194,139,131,135,183,183,183,183,181,186,186,135,127,129,135,178,176,183,186,183,178,133,129,127,129,125,127,176,181,186,189,186,181,176,133,131,178,181,181,183,183,183,183,183,183,183,181,183,186,191,196,194,189,181,176,176,181,186,189,189,191,194,194,194,199,207,209,207,204,199,199,204,202,199,196,196,196,195,196,202,202,196,196,199,196,191,186,186,183,181,176,178,181,183,183,181,173,127,122,122,123,168,173,173,127,121,120,121,123,123,123,125,129,129,131,173,173,178,191,199,202,202,202,202,202,204,204,204,202,199,199,199,196,196,194,191,191,191,191,191,191,189,189,189,186,186,186,186,185,185,186,194,199,199,194,186,181,181,181,176,176,181,189,191,191,186,183,178,178,178,173,129,125,125,125,129,178,186,183,181,186,191,183,179,183,191,191,189,183,181,178,178,177,178,181,189,196,199,196,196,196,194,191,191,189,186,186,191,199,204,202,199,196,194,189,186,186,186,186,186,189,186,183,183,183,179,183,202,212,212,204,194,187,186,191,202,204,204,209,212,212,196,186,187,191,191,194,199,207,207,199,196,199,199,196,196,199,199,199,199,196,194,194,194,196,196,196,196,199,204,209,212,209,207,207,207,204,202,199,196,194,196,196,196,196,194,191,189,189,141,139,141,194,196,194,189,186,191,199,202,202,202,199,199,204,207,207,207,204,204,212,222,220,215,212,209,209,212,215,215,215,209,207,209,209,204,199,199,204,209,209,204,202,199,202,202,202,196,191,191,194,196,191,189,191,196,202,204,207,207,204,204,202,202,202,202,204,204,202,200,202,199,192,192,194,196,196,194,194,194,191,191,194,191,189,189,194,202,202,196,194,191,186,183,185,191,196,194,194,196,194,189,191,194,196,199,204,204,204,204,204,202,199,194,196,202,204,202,196,194,191,189,191,196,202,199,199,202,199,195,194,199,204,207,204,204,207,209,209,209,207,207,207,202,199,194,194,194,191,191,189,185,182,183,186,189,189,183,139,183,191,196,202,202,191,183,183,189,194,196,199,199,196,196,199,199,199,194,194,194,194,194,191,194,199,199,199,199,199,199,196,191,141,139,139,141,189,194,196,199,204,207,204,199,194,194,196,196,194,191,191,194,196,196,196,199,202,202,199,198,199,204,204,202,199,202,207,209,212,212,209,204,191,186,189,202,207,204,199,194,194,189,137,128,128,135,186,196,204,204,199,196,194,191,186,182,183,186,186,194,204,207,196,191,194,202,204,202,194,187,187,194,202,199,191,191,191,194,199,207,209,212,209,204,196,194,189,181,136,136,137,183,183,186,199,202,199,194,191,196,199,196,194,196,199,202,199,191,181,135,135,183,189,191,186,128,126,191,204,204,202,203,212,222,222,215,213,215,215,222,222,217,215,212,202,186,136,137,186,199,204,207,207,204,199,196,194,194,189,186,186,186,183,178,178,186,191,189,181,176,173,178,181,178,129,121,117,118,119,121,121,121,120,119,121,123,123,123,125,129,178,186,194,199,202,204,204,202,202,204,209,212,220,225,230,230,230,230,233,230,222,215,217,241,255,255,238,217,222,0,255,255,243,230,238,241,246,248,248,241,230,215,212,212,209,209,215,222,233,241,241,233,222,212,209,215,212,0,0,0,0,0,0,0,0,0,217,209,207,202,194,189,183,183,191,196,199,199,0,212,209,199,186,181,183,191,191,191,196,207,212,202,191,189,183,173,161,160,173,196,217,225,215,194,189,191,204,220,230,233,233,230,233,238,241,246,0,255,255,255,241,238,246,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,246,207,207,225,228,212,191,173,165,163,0,173,207,251,255,248,225,209,212,222,228,222,212,202,186,170,155,150,147,0,0,157,0,0,0,0,0,0,0,0,196,196,194,189,181,168,155,144,139,144,155,160,157,157,163,170,181,186,183,176,165,165,170,170,170,170,176,186,207,0,0,0,0,255,255,255,255,254,241,230,215,207,209,222,222,215,207,199,191,181,168,157,152,160,173,186,204,217,228,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,0,0,0,0,0,46,56,5,0,0,0,0,147,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,43,59,126,139,144,150,150,137,131,137,142,139,106,107,109,108,111,160,168,168,170,178,178,168,117,115,117,121,119,116,121,173,181,183,181,178,173,163,121,160,165,170,168,165,160,160,165,176,181,183,181,173,163,150,139,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,178,181,181,189,194,194,183,31,35,97,160,163,160,189,178,150,111,157,178,181,163,103,101,119,176,186,186,165,160,121,120,123,168,176,176,163,123,176,186,186,186,186,191,194,194,186,173,101,73,107,127,121,121,123,168,173,170,127,127,170,170,127,116,117,119,121,125,125,127,129,131,178,189,189,183,176,131,130,130,181,191,189,131,124,127,183,196,199,194,186,181,181,176,127,110,117,120,120,121,121,121,168,173,173,168,125,123,119,121,125,123,123,123,120,120,123,119,110,109,110,121,181,191,191,181,170,170,168,125,123,165,176,189,196,199,196,189,181,176,170,164,161,160,168,181,178,166,176,189,87,1,0,0,91,165,181,168,67,116,189,199,186,191,202,202,191,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,160,63,7,15,37,57,61,43,160,183,183,186,176,178,71,19,23,71,95,89,95,168,186,196,204,115,53,91,165,155,117,163,168,170,176,170,163,165,183,194,199,204,207,207,202,194,189,186,186,186,186,186,186,189,196,199,199,199,196,196,194,196,196,194,183,176,173,173,178,191,202,202,196,183,173,172,173,181,189,183,176,127,123,123,170,178,178,178,173,168,123,121,123,165,165,170,173,168,165,165,165,121,120,125,168,170,170,168,123,117,123,176,176,173,178,191,199,196,191,181,129,127,170,176,181,183,186,186,186,183,183,186,183,181,176,173,170,170,170,129,125,125,123,125,129,170,173,178,181,183,170,127,129,127,125,127,129,129,127,126,129,178,183,183,181,178,173,173,183,191,181,127,125,131,181,183,178,178,181,186,186,183,178,181,183,186,186,186,186,183,186,181,178,181,191,199,194,183,127,115,116,125,178,181,178,183,189,183,178,178,181,181,178,178,181,191,204,209,212,209,202,194,186,178,177,177,181,183,181,178,181,186,186,183,186,189,186,183,183,178,124,118,122,178,191,194,194,196,194,186,183,183,181,131,126,128,135,183,186,186,189,189,186,181,181,189,191,191,191,194,196,199,199,199,202,204,204,202,199,199,199,196,194,191,191,191,186,172,169,173,176,173,170,173,173,173,173,173,170,169,170,176,178,183,186,183,183,189,194,191,191,189,181,179,186,194,196,196,199,202,204,199,189,176,133,129,119,120,181,196,199,186,131,181,194,202,199,191,189,189,189,186,181,178,176,173,173,186,199,199,189,119,102,107,111,117,173,183,194,202,196,181,127,123,127,170,176,189,196,199,199,202,202,199,186,113,113,176,194,186,170,170,168,122,120,122,170,176,176,173,173,173,176,178,178,176,176,178,191,204,207,204,202,199,178,111,100,107,119,165,170,173,165,113,98,95,95,99,105,176,183,183,183,186,183,181,183,186,183,176,181,186,189,183,129,122,123,170,170,119,117,125,173,176,183,196,202,199,191,191,194,194,199,202,191,176,131,176,189,194,194,189,132,131,176,186,194,194,181,125,120,121,127,181,183,186,189,196,202,202,202,199,199,202,202,202,202,204,207,207,207,202,194,191,191,191,194,202,204,204,199,199,202,209,212,207,202,199,196,194,191,191,189,181,133,129,125,124,125,133,181,186,186,178,129,123,123,127,129,176,183,183,178,176,178,186,191,191,189,189,186,186,186,189,196,202,191,177,176,178,183,183,186,189,191,189,186,181,181,181,176,176,181,183,183,181,178,181,186,189,189,186,181,176,176,174,174,176,176,176,178,183,186,183,181,186,191,191,189,186,189,189,183,181,183,189,196,199,199,194,191,186,137,134,136,189,196,191,191,196,199,199,196,191,189,186,183,183,186,186,189,191,194,181,129,127,128,131,186,196,189,181,135,135,135,137,183,183,181,181,183,186,189,189,199,209,215,212,205,204,207,212,212,209,212,215,217,217,217,212,202,186,183,183,186,191,204,215,212,204,194,183,179,183,191,199,199,191,186,185,185,185,185,189,194,194,196,199,202,199,196,196,199,204,204,204,199,196,194,191,189,187,189,191,194,199,202,204,204,202,183,127,125,127,133,137,137,181,183,189,189,181,133,131,131,127,125,176,186,189,183,176,131,133,178,176,178,183,191,191,186,181,178,176,176,176,178,183,183,183,183,183,183,183,181,181,183,186,194,199,199,199,191,178,172,173,186,191,189,186,183,186,191,196,202,207,209,209,204,202,202,202,202,196,196,196,196,195,196,199,199,194,191,194,196,194,191,186,183,176,173,178,181,183,178,173,168,127,123,121,121,125,173,176,168,123,120,120,123,125,127,129,129,170,173,173,172,178,191,202,204,204,204,204,202,204,204,204,204,202,202,202,199,196,194,189,189,189,189,191,191,189,189,186,186,189,191,191,186,186,189,194,196,199,191,183,178,178,178,176,176,178,186,189,189,186,183,181,181,181,178,173,127,123,123,125,176,183,186,186,189,194,189,181,186,194,191,186,181,177,177,183,178,181,186,191,196,196,195,195,199,199,196,194,191,189,189,191,196,196,196,196,196,194,189,186,185,183,185,189,194,191,191,191,189,183,181,199,209,207,204,191,186,187,194,202,204,204,209,212,212,204,194,191,194,196,202,207,207,202,196,196,195,194,195,196,199,196,196,196,196,196,199,199,202,202,204,204,202,204,212,212,212,209,209,212,212,209,207,204,202,194,191,194,196,194,191,191,189,189,191,194,199,202,199,191,191,194,199,199,199,199,198,199,202,204,207,207,209,215,222,225,222,215,209,207,207,209,212,212,212,212,209,209,209,207,202,194,199,204,207,204,199,196,196,199,199,196,191,191,194,196,196,196,194,196,202,207,207,204,202,202,202,202,199,199,204,204,202,200,202,202,199,196,196,202,202,199,199,199,196,191,186,183,182,182,186,196,199,199,199,196,189,183,183,189,196,196,196,194,194,196,199,202,202,202,204,209,209,207,204,207,204,199,199,202,204,202,199,199,199,196,196,199,204,204,204,204,202,196,194,194,199,204,204,204,207,209,209,207,204,202,202,199,196,191,189,189,189,189,191,185,182,183,189,196,196,194,189,191,196,202,204,202,194,186,183,189,196,202,204,204,199,194,194,199,202,199,194,194,191,186,186,191,199,202,202,199,199,199,202,196,189,140,138,139,141,191,196,196,199,204,204,202,199,199,199,196,189,187,189,194,196,195,195,195,199,199,199,202,204,207,207,202,196,202,207,209,212,212,207,199,189,189,196,207,209,202,194,191,191,189,183,137,137,183,194,202,204,202,199,196,194,194,191,186,182,183,189,196,204,207,204,199,196,202,202,202,196,190,189,191,202,202,194,189,187,189,196,207,212,209,202,191,186,185,186,183,181,137,183,189,191,191,196,199,196,191,191,196,199,196,191,191,191,196,194,191,189,183,135,135,183,189,191,186,139,202,209,212,209,212,217,228,225,217,215,215,215,217,222,222,215,207,196,141,133,134,186,196,199,202,202,202,196,194,191,189,189,189,191,191,189,181,183,191,196,194,186,178,181,189,189,183,173,125,121,121,121,121,123,125,121,119,120,121,121,123,129,186,191,191,199,204,209,209,207,202,204,212,222,228,233,233,235,233,235,238,238,235,233,228,230,241,251,251,207,182,182,233,255,255,241,233,233,235,241,248,248,238,225,209,204,204,202,204,212,0,0,248,246,235,215,207,207,209,209,207,0,0,0,0,0,0,230,222,212,204,199,194,189,183,181,183,191,0,196,194,199,204,204,194,183,173,173,181,186,186,194,202,207,196,186,181,176,165,163,164,178,194,209,217,212,196,190,191,207,225,235,238,235,235,238,238,241,246,0,0,255,251,225,222,235,255,255,255,255,246,0,0,0,0,0,0,0,0,0,0,0,255,255,222,205,207,220,230,225,196,173,0,168,0,0,241,255,255,243,202,194,204,217,222,220,215,207,194,176,160,147,142,139,0,0,0,0,0,0,0,0,0,0,0,204,196,189,181,170,157,150,147,152,160,160,157,0,160,168,176,183,186,183,176,168,165,168,170,173,178,186,199,0,0,0,0,255,255,255,255,255,246,235,217,209,209,217,222,217,217,212,204,191,176,0,144,0,163,183,199,212,222,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,176,186,178,176,178,178,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,25,41,49,73,124,137,139,144,139,137,142,147,142,106,109,111,111,113,163,173,170,170,173,173,165,119,116,117,123,165,125,125,125,165,168,170,170,168,119,118,157,163,165,165,163,159,157,160,168,170,176,178,178,173,163,131,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,183,202,199,191,186,183,183,181,168,137,81,85,95,59,33,35,79,155,186,196,194,173,103,102,119,173,178,165,107,109,116,121,168,173,178,176,165,163,173,181,186,191,194,194,194,191,189,173,82,73,93,121,127,125,125,125,127,127,124,123,127,173,176,131,129,129,173,173,173,131,129,133,178,183,183,178,176,133,133,176,183,189,183,129,126,131,191,202,204,199,191,186,183,178,168,120,123,123,120,120,121,123,168,178,181,168,123,118,115,119,170,181,183,181,168,123,123,123,115,111,113,123,178,183,178,170,125,125,165,165,165,125,168,181,196,199,194,186,183,183,181,173,164,165,178,189,189,173,168,165,93,103,134,0,85,155,199,194,155,163,202,207,202,199,204,204,194,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,11,0,0,15,65,101,97,97,165,183,144,61,45,13,0,0,39,111,152,105,107,186,199,202,196,111,65,93,173,165,160,163,160,163,168,163,161,178,194,202,202,199,202,204,204,199,194,191,189,186,186,185,185,186,194,196,194,194,194,194,191,191,194,196,186,168,125,168,176,189,194,191,189,181,178,176,173,178,186,183,173,125,123,168,176,178,178,173,168,125,123,121,121,123,123,125,165,165,168,168,165,125,165,125,123,123,121,119,119,123,178,186,183,176,178,194,199,196,189,181,129,127,173,178,178,181,181,183,183,183,183,181,176,129,125,125,129,129,129,125,125,125,127,123,125,127,173,178,176,129,123,123,125,125,125,129,176,176,170,129,173,183,189,183,181,181,176,173,176,181,131,124,125,173,183,183,178,178,181,181,178,174,174,178,186,191,196,199,194,189,189,186,183,181,186,191,191,183,178,127,127,176,183,183,181,186,191,189,181,181,181,186,186,183,181,189,202,207,209,207,202,191,183,177,177,178,186,189,183,178,183,191,189,189,189,189,189,191,194,189,133,125,127,131,178,186,191,194,191,183,182,186,186,133,124,126,133,186,194,194,194,194,191,186,186,191,194,189,186,186,191,194,196,196,199,199,202,204,204,202,202,196,194,191,194,194,189,172,169,173,173,173,176,178,176,173,173,173,169,168,169,173,176,183,186,183,178,181,178,178,183,186,186,186,186,189,194,196,196,199,199,196,191,189,186,178,119,120,183,202,202,131,109,117,191,202,202,196,189,186,186,183,178,173,173,170,170,186,202,207,196,181,111,105,106,115,170,183,194,199,196,186,170,118,117,125,173,183,194,199,202,202,202,202,196,173,173,194,202,191,173,170,170,168,125,125,129,170,170,170,176,178,181,181,176,176,173,176,186,199,204,199,194,183,125,110,110,123,165,165,165,165,121,109,105,113,111,104,107,170,183,181,178,181,178,176,178,183,181,176,176,183,186,178,123,117,118,125,173,129,129,178,189,194,194,196,194,191,186,186,189,186,189,194,189,183,183,189,191,194,194,186,132,132,181,191,194,189,176,125,125,127,125,127,133,183,194,199,199,202,199,196,196,199,199,202,202,204,207,209,207,204,196,194,194,194,196,202,202,199,191,191,194,202,207,204,202,202,199,194,191,191,189,135,125,124,124,127,131,178,183,183,181,178,131,125,125,129,173,178,186,189,181,177,181,186,189,189,189,186,185,186,186,189,194,191,181,176,176,181,183,186,189,189,191,191,189,186,183,178,173,176,181,183,183,178,176,178,183,189,189,186,181,178,176,174,174,176,176,176,181,183,183,181,181,186,191,194,191,191,191,194,194,191,191,194,194,196,194,191,189,183,137,136,183,196,199,194,194,199,202,202,199,194,191,186,181,181,181,181,186,194,191,135,129,128,133,183,189,186,135,133,133,135,135,137,181,183,183,181,181,183,186,191,199,209,215,212,207,205,209,215,215,212,212,215,217,217,215,209,196,137,135,137,137,183,194,204,207,199,189,181,179,183,191,196,196,191,189,189,186,185,185,186,186,186,191,194,194,191,189,191,194,199,204,204,199,194,191,189,186,185,189,191,194,196,204,209,209,204,189,130,127,130,135,137,137,181,181,183,186,183,178,131,123,120,121,176,189,194,191,183,178,181,186,183,186,191,196,194,189,183,181,181,181,178,181,183,183,183,181,183,183,183,181,181,183,189,196,202,202,199,194,181,173,176,189,194,191,183,181,181,186,196,204,207,209,209,209,209,207,204,204,202,199,202,202,196,196,196,196,194,194,191,194,194,191,186,178,173,172,176,181,181,173,127,127,127,123,121,120,123,168,173,168,123,120,120,121,125,127,127,129,170,173,172,172,176,186,196,199,202,202,204,204,207,207,207,202,202,202,202,202,199,194,189,186,186,189,189,189,186,186,183,186,189,191,191,189,186,189,191,194,196,194,186,181,181,181,176,133,176,181,183,186,189,186,186,183,181,178,173,125,119,118,121,129,183,189,191,194,196,196,191,191,196,191,183,178,177,177,178,181,186,191,196,196,196,195,195,199,202,199,196,194,194,191,194,194,194,194,194,196,196,194,191,186,185,186,191,196,196,196,196,196,196,194,199,209,209,204,196,191,194,202,204,202,204,209,212,212,209,202,199,196,202,207,209,207,204,204,202,195,194,195,196,196,191,191,194,199,202,204,204,204,207,209,207,202,202,209,212,212,209,209,209,212,212,212,209,204,194,190,191,194,194,194,194,191,194,196,196,199,202,202,196,196,199,202,199,198,199,199,202,204,207,209,212,215,217,222,225,217,212,207,204,204,207,209,209,209,209,207,207,209,207,202,194,192,199,204,204,199,196,196,196,199,196,191,189,189,191,196,196,196,199,202,204,202,199,196,194,196,199,199,199,202,204,202,200,202,204,204,199,199,202,202,202,204,204,199,194,186,183,182,182,185,194,196,194,196,199,194,191,189,194,199,199,196,196,199,202,204,204,202,202,207,209,209,207,204,207,207,202,199,202,204,202,202,204,204,202,199,202,204,204,202,204,207,202,196,195,196,199,202,204,209,212,212,207,199,194,191,194,194,189,186,186,189,191,196,191,186,189,196,202,202,199,196,199,204,204,204,204,199,189,182,183,196,207,209,204,199,192,191,194,199,202,199,196,191,183,183,189,194,199,199,199,199,199,202,202,199,194,186,141,186,194,196,194,196,202,202,202,202,204,204,196,187,186,189,194,196,196,195,195,199,199,199,199,202,204,204,196,194,199,207,212,212,212,204,196,189,191,202,209,207,199,191,189,189,189,189,189,189,191,196,199,202,199,196,196,196,199,196,189,183,189,194,199,204,204,204,204,204,204,199,194,191,191,191,196,202,202,199,191,187,187,196,207,212,207,196,185,181,182,189,191,189,186,189,196,196,194,194,194,191,191,194,199,202,199,191,183,181,183,183,186,191,189,135,133,135,139,191,194,196,212,220,222,222,222,228,230,228,225,222,217,217,217,222,222,215,204,194,139,134,134,186,196,194,194,194,194,191,189,186,186,189,191,196,196,189,181,181,189,196,199,189,183,186,191,189,183,176,170,127,125,125,125,127,127,123,120,120,123,125,129,178,189,194,194,199,207,212,215,212,209,212,220,228,230,233,235,235,233,238,246,243,241,238,238,241,243,243,233,202,182,181,202,248,251,241,230,225,228,238,251,251,238,222,207,203,204,204,202,204,215,0,246,241,225,204,196,196,199,202,199,0,0,0,0,0,225,217,209,204,196,194,194,189,183,181,186,196,199,196,191,191,194,194,189,181,172,170,173,181,183,191,202,207,199,189,181,170,164,164,168,178,189,202,212,209,199,191,191,207,228,238,241,238,238,241,241,238,243,0,0,255,241,220,218,230,255,255,255,246,225,212,209,0,0,0,0,0,0,0,0,0,255,248,222,205,203,212,230,230,202,176,168,176,0,0,255,255,255,225,189,186,199,215,217,217,215,209,199,181,163,150,142,139,0,0,0,0,0,0,0,0,0,0,0,215,202,191,186,173,160,152,150,152,157,155,0,0,0,157,168,178,183,181,173,163,161,165,170,176,178,183,191,0,0,0,0,255,255,255,255,255,248,238,222,209,204,209,217,222,225,217,207,191,176,0,142,0,0,168,183,199,209,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,170,194,199,194,191,191,194,189,31,0,0,0,0,0,0,25,95,90,41,0,0,0,0,0,0,0,0,0,15,15,0,0,0,0,0,0,0,37,116,129,142,147,144,147,155,150,106,109,109,111,155,168,181,183,173,168,165,163,121,116,116,125,173,170,125,122,122,123,125,165,163,117,116,119,160,165,168,168,163,159,159,160,163,170,178,189,183,163,124,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,212,212,207,204,196,183,179,181,186,196,178,39,19,15,2,0,0,13,111,202,202,191,165,105,105,117,165,173,165,108,109,118,173,183,191,191,183,168,163,170,173,181,189,194,191,191,191,191,183,84,84,111,170,181,178,170,125,125,125,124,124,170,181,189,191,189,183,186,186,183,178,176,181,181,181,186,183,178,176,178,181,183,181,176,129,129,181,196,202,202,199,194,189,181,173,127,127,173,168,121,123,165,168,173,189,191,176,165,118,115,123,191,202,202,196,181,165,125,125,123,121,123,170,183,178,123,119,121,123,123,165,168,123,119,123,183,189,186,183,186,196,202,194,178,176,183,186,186,176,165,163,157,186,204,89,93,163,196,181,163,176,202,209,207,204,207,209,212,142,0,0,0,0,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,37,129,126,116,105,77,75,81,116,142,168,35,0,0,33,168,183,183,194,189,209,59,0,0,0,0,0,51,97,150,113,150,189,202,199,186,103,75,99,170,165,165,163,121,160,165,161,160,178,194,199,196,194,194,202,202,196,194,196,196,194,189,186,185,185,189,191,189,189,189,187,187,187,191,194,181,119,117,125,176,183,183,178,178,181,183,183,176,173,178,178,170,125,125,173,181,181,178,173,168,127,127,165,165,125,125,125,168,170,168,124,122,124,170,168,125,123,121,119,121,127,181,189,183,178,181,194,199,196,191,181,127,126,173,176,176,174,176,181,183,186,183,181,173,125,123,124,127,168,170,170,170,170,168,115,115,121,127,178,178,127,121,123,129,129,129,170,173,176,129,129,178,191,194,189,186,183,178,174,176,173,125,123,125,173,183,183,178,173,133,176,176,174,174,178,186,191,194,196,194,189,189,186,181,178,178,181,181,178,178,176,181,189,191,189,183,183,186,186,183,181,183,186,191,189,178,181,191,199,204,202,196,189,178,177,177,178,183,186,186,186,189,194,194,194,191,183,181,189,196,189,178,178,181,133,131,181,191,194,189,183,183,189,194,189,130,130,137,189,194,199,199,196,194,189,189,196,196,189,185,185,189,194,196,196,196,196,199,204,207,207,202,196,191,191,191,194,186,176,172,173,173,173,176,178,176,173,173,170,170,170,173,176,176,178,181,181,176,174,172,173,181,186,186,189,189,186,189,189,191,191,191,191,191,191,186,176,119,120,186,204,199,117,103,109,181,196,204,199,189,182,182,183,178,173,170,170,173,189,204,209,212,209,127,84,89,113,127,183,189,189,183,181,170,114,112,125,173,178,189,199,202,199,196,194,194,189,194,199,199,194,181,176,176,173,129,129,170,170,170,173,181,186,186,181,176,173,173,173,181,191,194,191,183,173,127,123,168,178,176,165,123,123,117,107,115,181,178,113,117,173,181,178,174,176,176,174,176,178,178,170,127,176,181,178,123,118,119,125,173,176,178,186,196,199,191,181,173,178,181,183,183,182,183,189,191,194,194,194,191,194,194,189,133,178,191,196,194,186,131,125,129,131,127,125,131,186,196,196,196,196,196,191,189,191,196,199,202,207,209,209,207,204,199,196,196,196,199,204,202,196,190,190,191,194,196,196,196,196,196,194,194,196,191,135,124,123,125,133,178,183,183,181,181,176,131,127,127,131,173,178,189,191,186,181,186,191,191,189,186,186,186,189,191,194,191,186,181,178,178,181,183,189,189,191,189,189,191,189,183,178,173,173,178,181,181,178,176,176,178,181,183,181,181,178,176,176,178,181,181,181,183,186,181,179,181,189,196,199,196,194,196,196,196,196,196,196,196,196,194,191,189,183,137,137,189,202,202,199,199,204,204,202,199,194,189,183,137,135,135,135,183,189,189,178,133,178,186,183,178,132,132,135,181,181,181,181,186,191,189,183,181,181,181,186,196,207,215,212,209,207,212,217,217,215,215,217,217,222,215,209,196,137,133,133,131,133,181,194,196,196,189,181,179,183,191,196,194,191,191,191,191,189,186,186,186,186,189,191,189,186,186,186,189,194,199,202,196,191,187,187,186,187,194,191,191,196,204,209,212,207,196,183,137,183,189,186,183,181,178,181,181,181,178,133,123,118,120,178,194,199,196,186,181,186,189,186,189,194,196,194,191,189,186,186,183,181,181,183,183,183,181,181,183,186,183,183,183,186,194,199,199,199,196,183,176,177,191,196,194,183,179,179,186,199,204,207,207,209,215,215,212,209,207,207,207,207,209,204,196,195,196,196,194,191,189,186,186,183,176,172,172,176,178,178,173,127,127,168,127,122,121,123,127,170,127,123,120,120,123,125,127,125,125,129,173,173,172,176,183,191,196,196,196,202,207,212,209,207,202,199,199,202,202,199,194,189,186,186,186,189,189,183,182,182,183,189,191,189,186,186,189,191,194,196,196,191,189,186,181,176,133,133,176,181,189,191,191,186,181,178,178,131,123,118,117,119,127,183,194,196,199,202,202,199,199,199,191,181,181,181,178,177,183,191,196,199,199,196,195,195,202,204,202,199,199,196,196,196,196,194,191,191,196,199,196,194,189,186,186,191,196,196,199,199,196,199,202,204,212,215,207,204,202,204,204,202,202,202,204,209,212,207,202,199,199,204,209,212,209,209,212,209,204,196,196,196,194,189,186,189,199,204,207,204,204,204,207,204,199,199,204,209,209,207,207,207,212,215,215,212,204,191,189,190,194,194,196,196,194,194,194,194,196,202,204,202,202,202,204,202,202,204,207,207,209,209,212,215,217,217,222,217,215,209,204,204,204,207,207,207,207,207,207,205,207,209,204,194,191,194,202,204,202,199,196,196,199,196,194,187,186,186,191,196,196,199,202,199,196,192,191,192,194,199,202,202,202,204,202,202,204,207,204,202,199,202,202,202,204,204,199,194,189,186,186,189,189,191,191,190,196,199,202,202,199,202,204,204,199,199,202,204,204,202,199,199,204,204,204,204,202,204,207,204,202,202,202,202,207,209,209,204,202,204,204,202,199,204,209,209,204,196,196,196,199,204,212,215,212,204,196,187,185,189,191,189,186,187,194,202,204,202,202,202,204,207,204,204,207,209,209,207,207,207,204,196,183,182,191,202,207,199,194,194,194,196,199,202,202,199,191,183,183,183,186,194,199,202,202,199,199,204,207,204,196,191,194,196,196,194,194,196,199,202,204,207,207,199,191,187,191,196,199,199,196,196,199,196,191,189,194,199,199,194,192,196,204,209,212,209,199,191,189,191,202,209,207,196,191,189,191,189,189,189,189,191,194,194,194,194,194,196,196,199,199,194,191,196,202,202,202,199,199,207,212,207,194,187,187,191,196,199,199,204,204,199,189,187,196,207,212,207,196,186,182,183,194,196,191,189,189,191,194,194,191,191,190,194,196,199,199,196,186,135,133,135,181,186,194,196,183,135,135,137,189,196,202,217,228,225,225,228,230,230,230,230,228,225,222,220,222,217,212,204,191,139,136,138,191,194,189,183,183,186,186,183,181,183,189,196,202,202,194,183,181,186,196,196,191,186,186,186,183,176,176,176,129,127,127,170,170,127,123,120,120,123,131,181,189,191,191,191,196,202,207,215,220,222,222,228,230,228,228,230,228,225,233,246,248,243,241,246,248,248,243,230,215,194,190,199,228,238,233,225,217,222,238,251,251,243,235,222,222,222,215,202,194,194,209,228,222,202,186,183,183,183,186,189,0,0,0,0,0,215,207,199,194,191,194,196,194,189,186,0,202,202,199,194,189,186,186,186,183,173,170,172,176,181,189,199,204,199,191,183,170,164,164,168,178,186,199,209,209,199,192,192,204,225,241,243,243,243,241,241,238,243,0,0,255,238,221,220,230,251,255,251,228,207,204,207,0,0,0,0,0,0,0,0,0,243,243,230,207,200,204,225,228,202,176,168,178,0,0,255,255,246,196,182,183,196,207,212,212,212,207,199,183,165,152,147,0,0,152,0,0,0,0,0,0,0,0,0,207,196,189,186,173,160,155,150,152,152,150,144,137,0,0,160,176,178,173,161,157,159,163,173,178,178,178,181,183,199,0,0,254,255,255,255,254,248,241,225,207,199,202,207,215,220,215,202,189,176,157,0,0,0,163,173,186,199,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,111,103,157,183,186,191,194,194,194,191,191,191,194,196,47,0,0,0,0,74,163,168,163,0,0,0,0,0,0,0,0,11,29,25,0,0,0,0,0,0,0,13,81,134,144,150,150,155,173,181,152,111,109,150,165,176,191,194,181,165,163,163,163,121,117,123,170,170,165,123,122,122,123,125,163,119,119,160,168,173,176,178,176,165,163,160,163,170,186,199,196,165,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,212,212,204,202,196,186,179,183,191,194,183,59,31,12,1,9,13,1,5,101,178,160,107,99,99,107,115,173,189,183,186,194,202,207,209,207,196,178,165,165,165,173,183,186,186,186,191,191,186,89,115,173,183,191,189,178,168,125,125,129,176,186,194,196,196,191,189,189,194,194,189,183,183,179,181,196,196,181,174,176,181,181,173,129,129,131,186,199,204,202,196,191,183,176,168,126,127,173,173,168,170,178,178,176,191,194,181,170,119,116,168,204,209,204,194,178,165,125,125,125,168,181,199,202,183,113,109,115,121,121,165,170,123,115,115,123,170,173,178,186,202,207,199,183,176,168,113,163,173,170,173,191,202,196,165,163,173,173,152,160,183,199,204,204,202,204,212,225,220,0,0,0,0,45,0,0,0,0,0,0,0,0,0,0,27,100,131,142,157,170,176,189,194,194,191,183,176,173,176,181,191,222,189,4,0,0,59,173,194,207,204,230,29,0,0,0,0,33,69,79,101,111,157,189,199,189,173,103,89,105,163,163,163,160,117,121,170,168,165,176,186,191,189,186,189,196,199,194,194,199,202,199,194,189,185,185,189,189,189,189,187,186,187,189,191,186,168,115,115,123,173,181,178,176,177,181,189,189,176,170,170,173,170,170,173,178,183,186,183,178,176,173,170,170,170,165,125,125,170,176,170,124,122,124,173,176,173,170,168,168,127,127,173,181,183,183,186,194,196,196,189,178,127,126,173,178,176,174,178,181,183,186,186,183,176,125,123,125,168,173,176,176,178,173,123,104,107,113,121,173,178,168,123,127,176,176,129,127,127,127,126,128,176,191,194,189,178,176,176,176,178,178,127,124,131,181,183,181,176,129,127,131,176,176,176,178,181,178,131,131,178,183,186,183,181,133,131,133,176,133,132,133,186,194,199,199,189,183,181,183,186,186,183,186,186,186,135,135,178,186,191,194,191,183,178,177,177,177,178,183,189,194,194,196,196,196,189,131,127,131,178,135,135,181,189,181,178,186,194,194,191,186,189,194,199,196,191,189,186,189,194,196,199,196,194,189,189,196,199,194,187,187,191,196,196,196,194,194,199,204,207,207,199,194,189,189,189,189,181,178,181,181,176,176,176,176,176,173,173,173,173,178,186,186,176,174,176,181,178,174,173,176,183,183,181,183,186,186,183,183,186,186,186,189,191,186,176,127,121,129,191,199,194,129,109,113,127,191,202,196,189,183,186,183,181,176,173,170,173,189,204,209,217,212,127,76,87,117,123,176,183,178,127,125,123,115,113,125,170,173,178,189,191,186,181,178,176,186,199,196,196,196,186,176,176,173,170,170,173,176,176,178,186,194,189,178,176,173,170,170,178,186,186,183,176,170,176,186,186,189,183,165,121,121,111,99,105,121,113,99,125,176,181,176,174,176,178,178,176,176,170,123,116,121,170,173,127,125,168,173,176,172,176,191,199,191,173,123,120,125,176,183,183,182,183,191,196,202,202,196,191,191,191,183,129,176,191,196,191,183,131,125,127,131,131,131,178,196,199,194,191,191,191,186,183,185,191,196,202,204,204,204,204,202,202,199,196,199,202,207,204,196,191,191,191,191,191,191,191,191,194,194,194,196,194,181,127,125,131,178,181,181,181,181,178,176,131,127,127,129,131,176,183,191,191,189,191,194,194,189,186,186,189,191,194,199,196,186,183,183,181,178,181,186,186,189,189,191,191,191,186,178,131,131,173,178,181,178,178,176,176,176,176,176,176,176,176,181,186,186,183,183,183,186,183,183,186,194,199,199,196,196,196,196,194,194,195,196,202,202,196,196,194,186,139,183,194,204,204,202,204,204,202,199,196,189,183,135,131,131,133,135,183,189,191,189,189,191,189,178,131,129,133,183,189,189,189,189,191,194,194,189,183,181,179,181,189,202,212,215,212,212,215,217,217,217,217,217,222,222,215,209,196,137,131,127,125,127,133,183,191,194,194,186,181,183,189,191,191,191,194,196,196,196,196,194,191,191,191,191,186,183,183,183,183,186,196,199,194,187,186,187,191,191,191,186,186,191,199,204,207,207,202,194,191,196,199,194,186,183,181,178,177,178,181,178,127,120,121,178,196,199,194,183,181,186,189,186,186,191,194,191,189,189,189,186,183,178,178,181,183,181,179,181,186,186,186,183,182,183,191,194,196,199,196,183,174,177,191,196,194,183,181,182,189,199,207,207,204,209,215,217,215,212,209,207,207,209,209,207,196,194,195,199,196,189,181,178,178,178,176,173,176,178,181,181,176,170,170,173,170,127,125,125,168,168,127,125,121,121,123,125,123,121,121,123,129,173,176,181,186,194,196,195,196,202,207,212,209,204,199,199,199,199,199,196,191,189,186,186,189,189,189,183,182,181,183,186,189,186,185,185,189,191,194,196,199,199,196,191,183,176,133,133,176,181,189,191,186,176,131,173,176,131,125,119,118,119,131,189,199,202,202,202,204,204,204,199,189,178,178,181,178,183,189,196,202,202,196,195,195,196,199,202,202,202,202,202,202,202,202,196,191,191,194,196,194,191,189,141,139,183,189,196,199,199,194,189,204,209,212,215,207,207,204,204,204,202,199,199,202,204,202,199,199,198,199,204,209,209,209,212,212,212,207,202,196,194,194,189,186,186,191,196,204,204,203,203,204,204,199,199,200,202,202,202,204,207,212,215,215,212,204,194,191,194,196,196,196,196,191,189,189,186,189,196,202,202,202,207,207,207,207,209,212,212,209,212,215,217,217,217,215,215,212,207,204,204,207,209,209,207,207,207,207,207,209,212,209,202,194,196,202,204,202,199,196,196,199,199,194,189,187,186,187,191,196,199,199,199,194,192,191,192,194,199,204,204,204,204,204,204,207,207,207,204,202,204,202,202,202,202,196,194,189,189,194,194,194,191,189,189,196,202,202,202,202,204,207,207,204,204,202,204,207,204,202,196,194,194,199,202,204,204,204,204,202,202,200,200,204,209,209,207,204,204,204,202,196,202,209,215,209,204,202,202,202,204,209,212,212,204,196,189,185,187,191,194,191,194,204,209,207,207,209,212,212,209,209,209,212,215,212,207,207,207,207,202,194,183,186,191,194,191,191,199,202,199,199,202,202,199,194,186,139,138,138,186,196,202,204,202,199,202,207,207,204,199,196,199,196,191,187,191,199,204,207,207,204,202,196,196,196,199,202,199,196,199,196,191,186,185,186,189,194,194,194,196,204,207,207,204,194,191,189,194,202,207,202,191,189,191,194,189,139,138,138,183,189,189,189,189,191,194,194,194,196,194,196,202,204,204,202,199,199,204,209,204,189,185,187,191,196,199,199,202,202,196,190,187,194,204,209,207,202,194,189,191,199,199,194,189,183,182,182,186,194,194,191,196,196,191,186,181,129,125,129,135,183,191,196,196,189,139,135,137,189,199,204,215,225,222,217,222,228,228,225,230,233,230,225,222,217,217,212,204,194,189,141,186,194,191,139,134,135,137,137,137,137,183,189,199,202,204,199,189,181,186,191,191,189,189,189,183,176,173,176,178,129,125,127,173,131,125,121,121,121,123,133,189,196,196,191,191,194,194,202,212,225,230,233,235,233,225,220,220,215,209,217,235,243,243,243,246,251,251,246,238,233,217,202,202,212,217,220,217,217,228,241,248,243,243,248,248,248,241,228,204,191,190,196,209,207,189,176,176,176,174,176,181,181,0,0,0,207,204,196,189,183,183,191,196,196,191,0,0,0,204,204,202,191,181,181,186,186,178,173,173,173,176,181,189,194,194,189,181,168,163,164,170,176,183,196,209,212,204,194,192,202,220,235,243,243,243,241,238,238,0,0,0,255,238,225,222,230,246,251,241,215,204,204,209,222,0,0,0,0,0,0,215,0,246,254,241,217,203,204,215,215,194,170,163,170,0,0,255,254,212,183,181,183,191,199,204,207,207,204,196,186,170,157,152,0,0,160,0,0,0,0,0,0,0,0,194,194,178,173,176,168,160,152,150,150,150,147,144,139,0,150,165,178,181,170,160,0,160,168,178,181,178,177,176,177,189,209,0,248,255,255,255,251,246,241,228,209,199,195,196,204,209,204,196,186,176,163,0,0,160,168,176,183,191,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,157,168,173,186,189,189,189,189,191,191,191,194,199,204,196,100,0,0,0,43,144,155,160,0,0,0,0,0,0,0,0,33,55,43,0,0,0,5,47,13,3,59,139,155,155,155,152,160,189,196,173,152,150,160,173,181,191,191,176,168,165,168,170,168,123,123,165,165,165,165,125,123,123,165,168,170,173,178,181,183,186,189,186,176,168,160,160,170,183,194,191,170,1,0,0,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,191,207,212,207,199,196,189,181,181,189,191,183,168,147,71,39,157,194,9,0,5,73,97,99,91,87,95,105,170,196,202,209,215,217,217,215,212,209,191,170,163,163,168,176,178,181,183,186,189,99,68,115,176,183,189,189,181,173,168,129,178,191,199,199,196,191,186,186,191,196,202,196,191,183,178,181,199,202,178,173,178,186,181,173,131,131,176,186,199,204,202,196,189,181,173,170,168,168,173,178,178,181,183,176,165,173,183,178,168,121,116,125,199,204,196,183,173,125,125,125,124,170,196,215,215,196,110,105,111,121,121,123,168,123,117,117,123,168,173,176,181,189,191,186,178,170,115,98,109,176,178,181,196,194,178,189,189,150,73,131,170,199,204,202,199,199,199,209,225,225,7,0,0,0,0,0,0,0,0,0,0,0,3,95,126,163,191,199,194,194,191,191,196,207,209,207,199,191,186,186,191,199,199,202,186,7,0,0,75,81,89,85,69,0,0,0,0,0,99,97,85,95,109,160,189,186,173,160,109,103,113,160,160,157,117,109,109,163,173,173,178,181,181,178,176,181,189,194,194,196,202,204,204,199,191,186,185,186,191,194,191,189,189,191,194,191,178,119,115,119,123,168,178,181,178,181,186,191,191,181,170,127,123,127,181,191,191,189,189,183,181,178,176,173,170,168,125,119,117,125,176,181,176,170,170,170,176,176,173,176,176,173,127,127,173,183,186,186,186,189,189,183,176,127,127,176,181,181,181,181,183,183,183,183,183,176,127,124,168,173,176,176,181,178,170,109,99,108,117,119,127,170,127,124,170,181,181,170,127,126,125,127,129,176,183,183,131,113,108,117,129,181,183,173,131,181,189,186,176,127,124,126,133,178,133,129,133,176,130,126,127,133,181,183,181,176,133,129,129,133,133,132,176,191,202,207,207,191,181,178,183,189,189,186,181,178,178,135,131,129,133,181,183,183,178,178,178,181,181,181,186,191,196,194,196,199,196,189,129,125,126,128,128,129,135,183,186,186,191,194,196,196,194,194,196,196,196,199,196,194,194,194,196,199,199,194,189,189,196,199,196,194,194,196,199,199,196,194,194,196,202,202,199,194,189,186,189,189,183,176,178,191,194,186,178,176,174,176,176,173,170,176,183,191,191,181,174,176,181,183,176,176,181,186,181,178,178,181,176,133,176,181,183,186,189,186,178,125,119,125,183,196,196,196,191,125,119,127,189,199,191,186,189,189,183,178,173,129,127,170,186,202,204,207,199,176,99,109,119,116,123,170,168,121,120,120,118,118,123,168,127,168,176,176,170,168,125,120,173,194,186,183,191,183,173,170,170,170,173,178,181,183,186,194,196,186,173,170,129,123,127,178,183,186,183,178,173,178,191,189,189,183,168,123,117,107,91,89,73,38,30,121,173,178,178,178,181,183,183,181,176,165,117,113,114,116,119,123,173,183,183,176,166,168,191,199,183,125,121,118,125,181,189,189,183,183,191,199,207,207,199,191,186,176,121,114,125,181,189,186,181,133,129,127,129,131,176,186,202,204,196,191,191,191,185,183,185,191,196,202,202,199,196,196,199,202,202,199,199,204,207,207,202,196,196,196,194,191,189,189,189,189,191,191,194,194,186,178,178,181,178,133,131,173,176,176,173,129,127,129,129,129,131,178,189,191,194,194,194,191,189,186,189,191,194,196,199,194,183,181,186,183,178,181,181,181,183,189,194,194,191,189,181,131,130,131,176,181,181,178,176,173,173,173,173,173,173,176,183,186,183,181,181,183,189,189,189,194,196,199,199,195,195,199,196,194,194,195,199,202,204,202,202,196,191,189,194,202,207,204,204,204,202,196,191,191,183,135,127,123,129,137,186,189,194,199,202,202,199,189,135,130,131,181,189,191,191,191,191,191,191,191,189,186,183,181,181,186,199,212,215,215,215,215,217,217,215,215,215,217,215,212,207,196,139,129,124,123,125,131,137,186,196,196,186,178,178,183,189,189,191,196,196,199,202,202,199,199,199,196,191,189,183,181,181,181,181,189,194,196,194,191,194,194,191,139,138,139,186,191,196,202,204,199,196,199,202,204,196,189,183,181,178,177,178,183,181,129,120,121,176,191,194,189,181,179,183,186,183,183,186,189,186,186,186,189,189,183,177,177,178,181,181,179,181,186,191,189,186,186,186,189,194,196,202,202,186,174,176,194,196,189,183,183,186,194,202,207,207,204,207,212,215,212,209,207,205,205,207,209,207,199,195,195,199,196,183,133,131,131,133,133,176,176,181,183,183,181,176,176,178,176,170,168,168,168,168,168,125,123,121,123,125,123,117,115,117,125,173,181,186,194,199,202,196,196,199,204,209,207,202,199,196,196,196,196,194,189,186,186,186,189,189,186,183,182,182,183,186,189,186,185,185,189,194,199,199,202,202,199,191,181,133,133,133,176,178,183,186,173,121,119,125,131,173,129,125,121,125,178,194,204,207,204,202,202,202,202,196,186,176,135,135,181,191,199,204,207,202,196,195,196,199,199,202,202,204,207,207,207,207,204,196,191,191,191,194,194,191,186,138,137,137,183,196,202,196,183,163,199,212,209,209,207,204,202,202,202,202,202,199,199,199,199,199,199,202,204,204,207,207,207,207,204,202,202,199,191,191,196,196,189,140,140,186,196,204,204,204,207,209,204,202,200,199,199,200,202,207,212,215,212,209,204,199,199,202,202,199,196,194,189,186,185,183,185,191,196,199,202,207,212,212,212,212,212,209,209,212,215,217,217,215,212,209,209,207,207,207,209,209,209,207,207,207,207,207,209,212,212,207,199,199,202,202,202,199,199,199,202,202,196,194,194,191,189,191,196,202,202,199,196,194,194,196,199,202,204,207,207,207,207,207,207,207,207,204,204,204,204,202,199,199,196,194,191,194,196,199,196,191,189,190,202,204,199,199,200,202,204,209,209,207,204,204,209,212,207,196,141,137,189,204,207,204,204,207,204,202,200,200,204,207,207,204,204,207,204,199,196,202,209,215,212,212,209,209,207,207,209,209,209,207,204,196,189,191,194,196,199,202,204,207,207,209,215,217,215,212,212,212,215,215,212,204,204,204,204,204,204,194,189,189,189,187,191,202,202,199,194,196,196,196,194,189,183,137,137,139,194,204,207,204,202,202,204,204,204,204,202,199,199,189,185,186,196,207,207,202,202,202,202,204,204,204,202,199,196,199,196,191,187,185,187,189,191,194,196,199,202,207,204,202,194,191,189,191,196,199,191,183,182,191,196,194,139,136,137,183,186,186,186,186,189,191,191,191,191,191,196,202,204,204,202,199,199,202,202,196,189,187,189,194,196,196,199,199,196,194,190,190,194,202,204,204,202,199,196,199,202,202,196,189,183,179,179,183,196,196,196,199,199,189,135,127,123,123,127,181,191,194,199,196,186,139,139,139,194,202,202,209,217,212,209,215,217,217,217,225,230,230,225,222,217,215,212,207,196,194,194,196,199,191,137,133,132,134,135,137,137,183,191,196,199,202,196,183,135,176,183,186,191,191,189,183,176,173,176,181,131,125,125,129,131,127,125,125,123,123,129,191,202,202,196,194,194,194,202,215,228,233,235,235,233,225,220,215,208,205,208,222,233,238,243,248,251,251,248,246,243,235,225,212,207,209,215,222,228,235,246,246,238,241,254,255,255,246,230,207,195,195,202,209,204,186,178,178,181,176,176,176,0,168,178,194,199,196,186,181,178,178,186,194,196,0,0,0,0,202,204,202,194,183,178,183,183,178,176,176,176,176,176,178,181,181,178,176,165,163,165,173,178,183,194,207,212,204,194,192,196,215,230,238,241,241,238,235,0,0,0,0,0,241,230,226,230,241,243,233,215,204,204,209,215,225,228,230,0,0,222,209,215,254,255,251,230,212,207,209,204,186,165,161,161,173,212,243,230,199,183,182,186,189,194,199,204,204,202,199,191,181,168,0,0,0,0,0,0,0,0,0,0,0,183,191,189,173,0,164,165,160,155,152,152,152,152,152,0,0,160,178,194,194,183,173,173,176,183,191,189,183,181,178,177,183,202,225,243,251,255,254,248,246,241,230,215,202,194,194,196,202,202,196,186,178,165,0,0,0,0,189,191,194,191 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,163,173,168,176,183,183,183,183,189,191,189,191,199,207,199,160,0,0,0,0,95,121,118,0,0,0,43,74,0,0,21,142,168,139,21,0,9,116,157,77,45,124,157,165,160,152,152,160,178,183,168,155,155,163,170,178,181,176,168,165,165,168,173,173,168,125,123,125,165,165,127,125,165,173,181,183,186,189,189,189,189,194,194,183,170,160,157,163,170,165,147,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,181,202,209,215,212,202,196,191,181,179,186,186,173,147,99,93,103,199,217,160,27,12,29,83,107,109,78,95,111,170,191,202,215,217,215,212,209,212,212,199,176,163,163,165,168,170,176,176,176,170,59,55,73,119,168,173,176,178,176,173,173,186,196,199,194,191,189,186,186,194,199,202,199,194,186,181,186,202,199,178,176,191,194,189,181,178,178,181,189,196,204,204,202,194,181,176,176,181,176,173,178,183,181,176,165,118,121,173,173,168,119,116,119,178,189,181,173,168,125,125,125,124,168,194,204,202,189,113,104,108,123,120,119,123,123,119,121,170,181,183,181,176,176,176,176,176,183,176,111,160,196,189,176,168,84,94,207,207,81,0,93,199,207,204,199,194,196,196,202,215,220,108,5,75,118,29,43,65,61,57,63,90,108,168,196,191,186,196,202,199,199,196,194,196,199,199,196,191,189,186,186,191,199,199,204,225,170,0,0,47,53,61,45,0,0,0,0,23,91,111,99,91,99,111,155,168,165,160,117,115,115,157,165,165,163,119,107,104,113,165,170,178,181,173,169,170,173,178,186,194,199,202,204,207,202,196,191,189,186,191,196,196,196,194,196,196,189,168,111,109,119,121,127,176,183,183,189,191,194,191,181,173,121,114,115,181,199,194,186,183,181,181,178,176,170,127,125,121,115,113,115,127,186,189,181,170,125,125,127,168,173,176,173,168,127,170,178,183,183,181,181,181,178,173,129,129,178,183,186,189,189,186,183,181,181,181,173,125,125,168,176,176,176,178,176,125,101,98,119,170,127,125,125,125,127,178,191,191,186,178,173,173,176,178,181,181,176,121,110,106,112,125,181,186,178,178,189,194,189,133,123,122,127,181,181,129,126,128,133,131,130,133,183,186,181,133,131,129,127,127,129,133,178,186,199,204,204,199,181,176,177,183,189,189,186,178,176,135,133,128,126,128,133,178,178,178,181,186,191,194,191,191,196,199,199,199,199,194,189,135,129,128,128,128,128,129,178,186,189,191,196,199,199,199,199,196,195,195,195,196,196,199,199,196,196,196,191,183,186,194,199,199,199,199,202,199,196,194,191,191,191,189,189,186,183,183,186,191,191,186,125,127,191,199,189,176,174,174,178,176,173,170,173,181,186,186,183,178,178,183,183,181,178,181,181,178,176,176,131,128,128,131,178,181,186,189,186,176,121,118,129,191,199,194,199,204,183,129,133,186,191,189,189,194,194,183,173,125,119,117,121,178,194,199,199,194,181,123,119,117,117,127,127,127,127,125,121,123,123,125,127,127,168,170,168,127,125,121,121,127,168,100,100,178,183,176,169,169,173,178,181,183,183,189,199,199,181,127,125,119,117,123,181,189,189,189,183,173,168,173,181,183,178,170,125,123,117,109,115,75,25,7,111,170,178,181,183,183,186,189,189,181,168,119,116,115,114,112,116,176,191,191,178,163,164,191,199,183,127,124,124,181,194,196,194,189,183,189,196,204,207,207,199,183,121,109,109,115,129,178,181,181,178,133,131,131,131,176,189,204,209,202,196,194,194,189,186,189,194,199,202,199,194,191,191,194,199,202,199,196,199,204,204,199,196,196,196,191,186,189,189,189,189,191,191,194,194,191,189,189,186,178,129,127,128,131,173,131,129,129,173,176,173,173,178,186,191,191,191,189,189,186,185,186,191,194,196,194,186,176,176,181,186,186,183,181,179,181,189,194,196,194,191,183,173,130,131,176,181,181,176,173,173,176,173,173,172,173,176,181,178,177,176,178,186,191,194,196,199,199,199,196,195,195,196,196,196,196,202,202,199,199,199,199,196,191,191,196,202,202,202,202,202,196,186,183,183,137,127,122,122,133,191,199,199,196,199,202,202,196,186,133,132,135,183,189,191,194,194,191,189,186,186,186,183,183,183,186,191,202,212,215,217,217,217,215,212,212,212,212,212,209,204,202,194,181,129,124,124,129,135,137,186,194,194,181,135,178,186,189,191,194,196,196,199,199,199,199,196,199,199,194,189,183,181,135,135,137,183,191,199,202,204,204,196,186,136,136,138,183,189,194,199,199,196,194,199,202,204,199,191,183,181,178,178,181,186,183,127,119,120,131,181,186,186,181,181,183,183,181,183,183,186,183,183,186,189,186,183,178,177,181,181,181,179,181,186,191,194,191,191,191,191,194,199,204,204,194,177,177,189,189,183,183,186,191,196,202,207,204,204,204,207,209,209,207,207,207,205,207,207,207,204,196,196,199,194,178,129,127,127,127,129,131,173,178,183,183,181,178,178,178,178,173,170,170,170,168,168,125,121,121,123,125,123,117,113,114,121,131,181,191,199,204,204,202,199,199,199,202,202,202,199,196,196,196,194,191,186,183,186,186,186,186,186,183,183,183,183,186,189,186,185,186,191,199,202,199,199,202,199,191,181,176,133,176,176,173,176,176,125,115,115,121,129,176,176,131,129,131,181,194,204,207,204,202,198,198,199,196,186,127,125,129,181,196,204,209,209,204,199,195,196,202,202,204,207,207,209,209,209,207,202,196,191,191,196,199,202,199,191,139,136,137,189,202,202,194,166,153,189,212,207,204,202,199,199,202,204,204,207,204,202,202,204,204,204,207,207,207,207,207,207,204,199,194,194,194,191,194,199,202,194,141,138,139,191,202,207,204,207,209,209,207,202,199,199,202,204,209,212,215,212,207,207,207,209,209,209,207,202,199,194,191,189,186,189,196,202,202,202,207,212,212,212,212,212,209,209,212,215,217,217,215,212,209,209,209,209,209,209,209,209,207,204,207,209,209,209,212,212,207,199,196,199,202,202,202,202,204,204,202,199,199,199,199,194,194,199,204,207,204,202,199,199,202,204,202,202,204,207,207,207,207,207,209,207,204,202,202,199,196,196,196,196,196,196,194,196,196,196,191,190,194,207,207,199,198,200,202,204,209,212,212,207,204,209,212,209,196,136,131,137,202,209,207,204,207,207,202,200,200,202,204,204,204,204,207,204,199,196,202,207,212,212,212,215,215,212,212,209,209,209,209,209,207,202,196,196,199,202,202,199,199,202,207,215,217,217,215,212,212,212,212,209,202,200,202,204,204,207,202,194,191,189,189,191,196,194,189,186,191,194,194,194,191,186,139,138,183,194,204,207,207,207,204,202,204,204,204,202,202,199,191,186,186,196,207,207,199,196,199,204,207,207,202,199,196,196,199,199,196,194,194,194,194,191,194,199,202,204,207,204,199,191,189,189,189,189,189,183,179,179,189,202,199,189,138,139,186,186,183,186,189,194,194,191,190,190,190,194,199,202,202,202,204,202,199,194,194,194,196,199,199,196,196,196,196,194,191,191,194,199,202,202,202,202,199,199,199,199,199,196,194,186,182,182,186,194,196,199,204,204,194,137,127,124,125,131,183,194,196,199,199,191,191,194,191,196,199,194,199,207,207,204,209,212,215,215,217,225,225,225,222,217,215,212,207,202,202,202,204,204,196,141,135,134,135,135,139,186,191,194,196,199,196,189,134,130,131,176,186,191,194,191,186,176,174,178,181,176,127,125,127,173,176,176,176,131,127,133,189,202,202,199,199,202,202,207,217,228,230,230,230,230,228,222,215,208,205,207,212,217,230,241,251,251,248,248,246,246,241,233,222,215,215,228,241,246,251,255,251,241,0,0,255,255,246,230,212,207,207,212,215,209,194,186,189,191,186,178,170,0,0,163,181,189,186,178,173,173,176,183,191,0,0,0,0,196,199,199,196,191,183,181,178,178,176,176,178,178,178,176,173,170,168,168,168,165,165,168,178,181,181,189,202,207,204,194,192,196,209,225,233,235,238,235,233,0,0,0,0,0,243,233,228,230,235,238,228,215,207,202,202,209,212,215,215,222,222,217,209,209,254,255,254,235,220,212,207,199,183,165,160,0,168,202,233,230,204,189,186,191,194,194,199,207,209,207,202,196,189,181,0,173,0,0,0,0,0,0,0,0,186,186,191,191,181,0,168,170,165,160,157,157,160,163,165,168,168,178,196,209,212,207,204,204,207,209,209,207,199,194,191,181,183,194,215,235,246,251,251,246,243,238,233,225,209,196,194,195,202,207,204,196,186,168,0,155,0,0,0,207,202,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,160,168,157,163,176,181,181,183,191,191,187,189,196,207,194,170,0,0,0,0,27,37,15,0,3,87,176,173,82,33,121,181,189,186,142,47,69,124,152,129,77,142,157,163,160,150,150,155,160,157,155,155,160,160,163,168,170,165,160,123,163,165,165,168,170,165,123,125,165,168,170,173,178,186,189,189,191,191,189,183,186,191,194,189,178,163,157,157,150,124,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,165,209,222,220,217,209,202,196,191,183,183,186,183,157,36,33,87,173,202,207,209,202,113,71,95,157,160,79,107,117,168,186,204,215,215,207,207,207,207,209,196,173,163,163,123,121,163,168,165,117,93,61,64,85,115,107,85,97,170,178,178,181,189,191,189,186,186,186,189,191,196,202,202,199,196,194,194,199,207,196,178,178,196,196,191,189,191,191,191,191,194,202,204,204,196,183,176,181,191,183,173,173,176,168,123,121,118,119,173,176,168,119,115,116,121,165,165,165,165,125,165,168,168,170,181,173,169,173,125,109,113,168,125,123,125,125,121,121,165,178,183,181,176,173,173,173,176,191,186,168,183,204,196,173,107,53,88,204,209,87,0,73,207,207,204,194,191,191,189,183,183,157,139,142,217,235,196,191,209,215,215,215,207,202,207,204,194,191,194,196,196,194,186,183,189,191,189,182,181,182,183,183,189,191,199,207,209,199,147,55,49,89,103,83,49,63,163,181,183,183,160,101,97,107,111,115,155,157,155,119,157,160,165,168,168,168,163,111,108,115,123,165,176,178,169,168,170,173,129,129,178,189,194,199,202,204,202,199,194,191,194,196,199,202,199,194,186,173,115,101,101,111,119,127,178,183,186,186,189,191,191,181,168,117,113,116,176,189,186,178,177,178,181,183,178,170,127,125,121,115,113,115,123,176,183,176,123,115,111,113,125,168,168,170,176,178,176,176,178,181,181,181,181,178,176,173,173,178,181,183,186,191,189,183,178,176,173,125,119,121,168,176,173,173,176,173,125,103,105,178,186,176,124,122,127,173,186,199,204,204,199,196,191,191,196,194,186,173,123,115,115,125,173,183,186,183,183,191,194,191,178,125,123,129,183,183,131,126,127,131,178,189,196,199,194,181,131,129,129,127,126,127,131,178,186,196,199,194,183,176,176,178,183,186,186,186,181,178,178,135,129,127,131,181,186,186,186,191,199,204,204,204,202,202,202,204,202,196,186,183,181,178,135,131,131,129,131,178,183,186,189,196,199,202,199,199,196,195,194,194,196,199,199,194,191,189,186,181,133,178,191,202,202,202,202,202,199,196,194,194,191,183,178,176,176,176,181,189,194,196,189,111,113,178,194,186,174,174,178,181,178,173,168,168,173,176,178,181,181,181,181,181,181,178,178,176,173,173,176,173,129,128,131,176,181,186,189,189,181,129,125,131,189,194,189,194,202,194,186,186,181,179,186,194,196,196,189,173,121,116,115,117,170,189,196,199,191,181,173,127,121,125,170,168,170,181,176,117,119,127,127,127,170,176,173,168,125,123,119,119,121,115,93,94,176,189,181,169,169,176,181,183,181,181,186,196,196,178,127,121,115,114,173,189,191,194,194,191,178,165,123,170,173,168,165,163,165,173,189,196,183,50,7,113,178,186,186,186,183,183,186,191,189,178,165,125,125,119,114,116,178,194,194,181,164,164,178,191,181,131,127,131,189,199,202,199,191,186,189,196,202,207,209,204,183,119,111,113,121,131,176,178,181,181,178,176,133,131,178,194,207,209,204,199,196,196,191,191,196,196,196,196,196,194,191,191,194,199,199,196,194,191,194,196,194,191,189,186,178,178,181,186,189,189,191,191,194,194,194,191,191,189,181,131,127,127,129,131,131,131,176,183,186,183,181,183,189,189,189,186,186,186,185,185,186,191,194,196,191,183,174,174,178,186,186,183,181,181,181,189,194,196,196,191,183,176,173,173,176,181,181,176,173,176,178,176,173,170,170,173,178,177,177,178,183,189,191,194,196,199,199,199,196,196,196,196,194,196,202,204,204,196,194,194,194,191,191,196,202,204,200,202,204,202,194,181,179,181,135,122,120,123,181,199,204,204,199,196,196,196,194,186,135,133,178,186,191,194,194,191,186,183,182,183,183,183,183,186,189,196,207,215,217,217,217,215,209,209,212,212,209,209,204,199,196,191,181,133,127,129,181,183,183,189,196,191,181,135,183,189,189,189,191,194,191,191,194,194,191,191,194,196,196,194,186,137,133,133,133,137,186,196,204,209,209,202,191,183,139,183,189,194,196,194,191,191,194,196,202,202,196,189,183,181,178,178,178,183,181,129,120,122,131,178,183,186,183,183,186,183,181,181,183,183,181,183,186,186,186,183,181,178,183,183,181,179,179,186,191,191,194,194,194,196,196,199,204,207,199,183,181,183,181,181,183,186,194,199,202,204,207,204,204,207,209,209,209,207,209,212,212,209,209,207,202,196,196,191,133,125,125,125,123,123,125,129,173,178,178,178,176,178,178,176,173,170,173,170,168,127,123,120,120,123,127,127,121,114,114,121,131,183,194,202,204,207,204,202,196,196,199,202,199,196,194,194,194,194,191,186,183,183,183,183,181,181,183,183,183,186,189,189,186,186,189,194,202,202,199,196,199,199,191,183,178,178,178,176,173,173,173,127,116,116,121,129,176,176,178,178,181,181,189,196,204,207,202,199,198,202,199,133,88,88,117,178,191,199,207,212,209,204,202,202,207,207,207,209,209,209,207,207,204,199,196,194,196,202,207,207,207,199,191,141,189,204,212,207,191,133,169,194,207,207,199,198,198,199,202,204,207,207,207,204,204,207,207,204,202,202,204,207,207,207,204,199,191,189,190,194,199,204,202,194,186,140,141,194,202,202,202,204,207,204,207,207,204,207,207,209,212,212,212,212,209,207,209,209,209,209,209,207,204,202,202,199,199,199,204,207,207,207,212,215,212,212,212,212,212,212,212,215,217,217,215,212,212,212,209,209,209,209,209,207,202,200,204,207,207,207,209,207,202,194,194,196,202,204,204,204,204,204,204,204,202,202,199,199,199,204,207,209,207,207,204,202,204,207,202,199,199,202,204,204,204,207,209,207,202,199,196,191,189,189,194,196,199,196,194,192,192,194,194,194,202,212,209,202,202,204,204,204,207,212,212,207,204,204,207,207,199,139,133,139,204,212,209,207,207,207,204,202,202,204,207,204,204,204,207,202,196,196,199,204,209,209,212,212,212,212,212,209,207,207,207,207,207,204,202,199,202,204,199,198,198,204,209,212,217,217,217,215,212,212,212,207,202,200,202,202,204,204,202,196,191,189,189,191,191,183,139,183,189,191,190,191,194,194,191,189,191,196,204,207,207,207,207,204,202,202,202,199,199,199,196,191,189,199,207,207,199,196,199,204,207,204,202,199,199,202,202,202,202,202,202,199,194,194,196,202,204,204,204,202,194,186,141,139,183,186,186,183,182,183,196,207,207,199,191,186,186,183,182,183,191,196,199,194,190,190,191,194,196,199,202,204,207,204,199,196,196,202,204,207,204,202,199,199,196,194,194,199,202,204,202,199,199,199,202,202,202,196,196,196,199,194,189,189,189,186,189,196,204,209,204,186,129,125,127,135,186,191,191,191,194,194,199,202,194,194,191,139,186,199,204,207,209,215,217,217,215,217,220,222,222,217,215,212,209,207,209,209,209,207,199,189,141,139,139,139,186,194,199,199,196,199,199,191,134,130,131,135,186,191,191,191,186,178,174,176,181,176,129,124,125,173,186,189,186,186,183,183,191,196,199,199,199,207,209,212,220,225,225,225,222,222,225,222,217,209,209,212,212,212,222,235,243,246,246,248,248,241,233,225,222,220,0,243,255,255,255,255,255,0,0,0,255,254,241,228,217,212,215,222,222,212,202,194,196,202,196,181,160,0,0,147,168,181,178,173,173,170,173,178,189,0,0,0,0,0,202,196,189,186,183,181,178,176,176,176,178,178,178,173,170,165,164,165,168,173,173,178,183,183,181,181,189,196,199,196,196,202,212,222,228,230,235,233,230,0,0,0,0,0,241,230,225,225,230,233,228,217,209,199,196,204,209,209,209,215,217,217,212,215,246,255,254,238,217,207,202,196,183,168,161,160,168,202,243,248,220,191,186,191,196,199,202,212,215,209,207,0,0,0,0,0,0,0,0,0,0,0,194,0,191,191,196,199,196,191,186,181,178,170,165,165,168,176,181,181,183,191,0,0,217,217,222,228,230,233,230,225,217,212,207,191,183,191,207,225,238,246,248,246,241,235,235,233,222,204,194,194,202,212,215,209,196,176,0,157,0,0,0,0,209,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,155,163,155,151,168,181,183,183,189,191,191,189,186,191,189,181,35,0,0,0,0,0,0,29,150,178,183,168,100,90,152,181,189,196,196,129,116,124,155,157,152,165,160,160,157,150,150,152,150,147,152,160,168,165,160,165,165,160,122,123,123,123,123,165,170,170,168,165,168,170,178,189,194,194,194,191,189,186,181,176,176,183,191,194,183,168,160,155,134,95,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,217,222,233,230,222,209,202,196,191,186,189,191,194,163,29,21,81,194,199,204,207,209,207,196,178,163,103,81,107,113,155,183,212,220,212,204,202,204,204,202,189,168,123,123,120,118,120,123,121,105,77,87,123,168,168,95,44,77,127,178,181,186,189,186,178,178,181,183,189,194,199,202,202,199,196,199,202,207,209,199,178,176,186,186,189,196,202,202,202,196,194,194,196,199,194,181,170,176,189,181,168,127,127,121,119,121,121,121,181,178,168,119,116,116,116,118,121,125,165,165,170,181,186,189,183,166,160,178,186,170,170,181,181,181,181,176,123,120,119,121,165,173,176,178,176,168,163,160,163,157,178,199,199,178,107,51,88,103,144,73,0,0,186,202,196,189,178,178,168,155,150,163,176,194,202,212,220,207,209,212,212,209,207,209,212,204,189,182,186,191,196,194,186,182,186,191,186,182,179,181,183,186,186,189,194,202,209,212,204,181,165,176,186,189,202,207,196,189,189,189,176,160,157,155,115,115,160,160,160,163,168,168,168,168,168,168,163,119,117,123,123,168,178,173,166,168,176,173,124,121,124,129,170,178,189,196,199,199,199,199,196,196,202,204,199,186,168,111,101,91,91,105,121,170,178,181,178,178,181,189,189,178,127,118,119,173,181,181,178,178,178,178,181,183,178,173,168,168,127,116,117,123,125,127,127,125,121,113,107,110,123,168,125,168,186,194,183,173,173,178,183,183,183,181,178,178,178,178,173,170,178,186,186,181,176,170,125,116,114,119,168,173,170,173,178,178,170,125,173,191,191,178,124,121,168,181,194,207,209,209,207,204,202,204,207,204,191,173,125,125,173,189,189,189,186,183,186,194,194,189,186,178,129,131,183,191,183,131,129,133,183,196,207,207,199,186,176,131,133,131,127,127,129,133,181,191,191,183,178,177,181,181,181,181,183,186,186,186,186,186,178,178,189,199,202,199,199,204,209,212,212,209,209,207,207,207,204,191,179,179,186,186,181,135,133,133,135,181,183,183,191,196,199,199,199,196,196,196,196,199,202,199,194,181,135,135,135,127,121,127,191,204,207,207,204,202,199,196,196,196,191,181,133,131,131,173,181,186,191,191,183,103,104,170,191,186,174,174,183,181,178,170,129,170,173,173,173,181,181,179,179,181,181,181,178,173,129,130,181,186,178,131,131,176,181,189,191,191,189,183,176,176,183,186,183,189,199,202,202,196,178,176,183,196,199,196,194,181,127,119,117,121,173,189,196,196,191,178,178,176,127,168,127,170,173,186,181,109,110,123,127,127,173,176,173,168,125,119,111,107,115,117,106,109,196,194,181,169,169,176,183,183,181,178,181,191,196,181,127,119,115,117,194,196,196,196,199,196,186,168,119,125,123,121,119,117,117,173,194,191,199,75,13,119,191,194,191,189,183,179,183,194,194,183,168,165,170,165,123,125,181,191,191,183,169,166,173,181,178,131,129,131,186,196,202,202,196,189,191,196,196,199,207,202,183,127,121,123,131,178,181,181,183,181,181,178,176,133,181,196,207,207,204,199,196,194,194,196,199,199,194,191,191,191,191,194,196,199,199,196,189,183,186,189,189,186,183,176,173,173,176,181,186,189,189,189,191,194,191,189,186,183,181,178,131,129,131,173,176,176,183,189,194,194,191,191,191,189,186,186,186,186,186,186,186,189,194,196,191,186,178,176,177,181,183,183,183,183,186,189,194,194,194,186,181,178,176,173,176,178,178,176,178,178,178,176,172,170,170,172,178,183,183,186,191,189,189,191,194,196,196,199,199,202,199,196,194,194,199,204,204,199,194,194,194,191,194,204,212,209,204,204,204,202,189,181,183,189,137,119,118,127,189,202,207,204,202,196,191,191,191,189,183,178,181,186,194,196,194,189,182,181,182,183,183,181,181,181,183,194,207,215,215,215,215,212,207,204,209,212,212,209,204,196,191,189,181,135,131,137,191,191,186,189,196,191,135,133,181,189,183,181,181,183,181,181,186,186,186,186,191,196,199,196,189,137,133,131,129,129,135,189,199,209,215,209,202,196,191,189,194,199,199,191,189,189,191,196,199,199,196,191,186,186,181,177,178,181,183,176,129,131,178,181,186,189,186,183,183,183,181,181,181,181,181,181,183,183,186,183,181,181,183,186,183,179,179,183,186,189,189,189,191,194,196,196,202,207,202,191,183,179,179,181,181,186,191,199,204,207,207,209,209,209,209,212,212,209,215,217,215,215,212,209,202,196,194,186,133,127,123,121,117,117,121,125,131,176,176,176,176,176,178,176,173,173,173,173,168,125,121,120,120,123,129,170,129,121,121,127,176,183,194,202,204,207,207,202,196,194,196,196,196,194,191,191,194,194,191,186,181,181,181,178,178,181,181,183,183,186,186,189,189,189,191,196,202,202,199,196,196,196,191,186,183,183,183,178,176,176,178,131,121,117,121,127,131,173,181,183,183,181,183,191,199,204,204,199,202,204,202,107,51,54,89,127,181,189,196,209,215,212,209,212,212,212,212,212,212,207,202,199,199,199,199,202,204,207,212,212,209,207,204,199,204,217,222,209,189,104,185,196,204,209,202,198,198,202,204,204,204,207,204,204,204,204,202,196,191,191,199,204,204,204,204,199,190,187,190,199,204,204,199,194,189,186,191,196,199,198,198,199,202,204,207,212,215,215,215,212,209,209,212,209,209,207,207,207,207,207,207,207,204,204,204,204,204,204,207,209,212,212,215,215,212,212,212,215,215,215,215,215,217,215,215,215,212,212,209,209,207,207,207,204,202,200,202,202,202,199,199,199,194,192,192,196,202,207,204,202,199,204,204,204,202,199,199,202,207,207,209,209,209,207,207,204,207,209,204,199,198,199,199,199,202,204,207,204,199,194,191,187,185,186,191,194,194,196,194,192,191,192,196,199,207,212,209,209,212,212,209,207,207,212,212,207,204,204,207,209,207,199,189,196,212,215,209,207,207,207,204,204,204,207,209,209,207,207,207,202,196,196,196,202,204,207,207,207,209,209,209,209,207,204,202,202,204,204,202,202,204,207,202,198,199,207,209,212,212,215,215,215,212,212,212,207,204,202,202,202,199,199,199,194,186,183,186,189,186,137,137,186,191,191,190,190,196,202,202,199,199,202,202,204,204,207,209,207,202,196,194,194,194,196,199,196,194,196,204,207,202,196,199,202,204,204,202,199,202,207,207,204,202,202,199,194,194,196,204,207,207,204,202,196,186,138,137,137,138,183,191,194,194,199,207,212,215,209,196,189,182,182,182,186,194,199,199,194,191,191,194,194,196,199,202,204,207,207,204,202,204,209,209,209,207,204,204,202,199,199,199,204,207,207,202,199,199,202,207,209,207,199,199,202,204,202,194,194,191,182,185,196,204,209,207,191,131,125,125,131,137,181,137,135,137,189,196,196,189,183,139,137,141,199,209,212,212,217,225,225,217,215,215,217,217,217,215,212,212,212,215,215,212,209,199,189,189,189,186,186,191,202,204,204,202,202,202,196,186,135,135,183,189,189,189,186,183,178,176,176,176,173,127,124,124,131,186,194,194,196,196,194,191,194,194,194,196,202,207,212,217,220,220,218,218,218,222,222,217,215,217,225,225,225,225,230,235,238,243,248,248,235,215,204,209,217,230,248,255,255,255,255,0,0,0,0,255,246,233,222,217,217,225,228,222,212,202,196,199,204,199,181,0,0,0,0,163,176,178,176,173,168,168,176,186,0,0,0,0,202,199,189,181,181,183,183,178,178,178,176,176,173,173,170,168,165,164,165,170,176,181,186,191,191,183,179,183,191,199,202,204,209,215,222,225,230,235,235,233,233,0,0,0,0,238,228,222,222,225,228,228,225,215,202,196,204,212,212,212,212,217,215,0,0,238,254,254,238,212,202,199,194,183,170,163,163,173,209,255,255,235,191,181,186,196,199,202,215,215,209,204,199,0,0,0,0,0,0,0,0,0,0,0,0,196,202,209,215,212,199,189,189,183,176,168,168,170,178,183,183,186,194,204,215,217,222,230,238,241,243,243,238,233,228,217,199,189,189,202,217,233,0,248,246,238,235,235,235,228,209,195,192,199,212,217,215,204,186,165,163,0,0,0,215,209,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,108,35,129,150,157,163,160,170,183,189,186,186,186,189,186,186,183,183,181,45,0,0,0,0,0,0,33,163,160,155,108,87,113,163,181,186,186,186,160,137,142,168,178,183,191,189,170,157,150,147,147,109,111,155,163,173,170,163,163,165,160,160,123,123,122,123,125,168,170,170,170,170,176,186,199,202,202,199,194,191,183,176,168,165,173,183,191,183,170,163,147,113,92,92,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,217,228,228,228,217,207,202,196,191,189,191,199,209,196,66,58,89,191,199,202,204,204,202,199,194,173,101,51,101,107,89,99,209,217,207,202,199,196,196,191,170,121,123,163,120,119,121,163,163,123,123,125,170,176,170,115,97,109,170,176,183,189,189,183,178,177,177,178,186,194,199,202,204,202,202,202,202,207,209,204,194,183,123,131,191,204,209,207,209,207,191,181,183,181,178,178,125,106,115,121,125,125,123,117,117,121,125,178,189,183,168,123,123,125,123,123,125,125,123,123,170,191,215,217,196,173,172,189,196,191,183,186,194,194,191,189,183,165,118,117,121,165,173,181,170,121,115,96,103,69,163,196,199,186,163,107,170,101,47,0,0,0,31,97,178,170,87,93,150,152,148,189,194,196,202,202,199,199,204,207,204,202,199,202,204,199,183,181,182,191,196,194,189,183,183,183,183,183,183,183,189,189,189,186,194,207,212,215,207,194,186,189,191,194,202,207,199,191,189,189,186,181,173,165,160,163,165,165,163,168,176,176,170,170,170,165,165,123,119,117,123,170,173,166,165,169,173,168,123,121,123,123,119,117,173,183,181,186,191,194,194,196,204,207,199,165,97,53,79,83,89,109,165,168,168,173,170,168,173,186,191,181,170,170,183,191,189,183,181,183,183,181,176,173,173,173,173,173,170,123,125,173,173,168,122,123,168,125,113,115,121,123,125,176,196,199,186,172,172,178,181,181,178,178,178,181,183,181,168,165,170,181,186,186,178,127,119,115,113,117,125,168,127,168,178,181,178,178,189,194,196,183,125,168,176,186,199,207,209,209,204,204,204,207,209,204,194,181,173,173,183,191,191,186,182,183,189,194,196,189,186,186,181,133,186,204,194,178,133,176,183,196,207,209,202,186,176,133,176,176,131,127,127,129,178,183,181,178,178,181,183,181,179,179,181,189,191,191,189,189,183,186,196,202,202,202,209,212,215,215,215,212,212,209,207,207,202,189,179,181,191,196,186,133,132,178,186,186,183,183,191,196,199,196,196,195,196,202,204,207,207,199,186,131,125,127,129,121,115,117,189,207,207,204,202,199,199,196,194,194,191,183,133,131,129,131,178,181,181,176,105,90,97,176,191,191,183,176,178,178,170,129,129,173,173,170,173,181,183,181,181,183,183,181,181,131,129,130,186,194,189,178,176,178,186,194,191,191,194,191,186,181,183,183,186,189,196,204,207,202,183,177,183,196,194,191,189,181,129,123,121,123,129,181,191,196,194,181,173,176,170,168,168,170,178,186,178,114,113,119,125,127,168,170,170,170,176,168,104,91,106,113,108,110,194,191,178,170,170,176,183,186,183,178,181,189,196,191,125,117,119,181,199,202,202,199,202,202,183,119,97,101,109,111,109,99,89,101,178,123,103,85,89,178,196,196,189,186,183,179,181,194,196,181,121,120,121,123,170,176,173,178,181,181,178,176,178,178,176,173,173,133,181,191,196,199,196,191,194,199,194,191,199,196,183,127,121,125,133,183,186,186,183,181,181,178,178,176,181,194,204,204,199,196,194,191,194,196,199,196,191,190,189,190,191,194,199,199,199,194,186,181,181,186,189,189,186,178,176,176,176,181,186,189,186,186,186,189,186,181,178,176,178,181,178,176,176,178,176,178,183,189,191,194,196,196,194,191,189,189,189,189,186,186,186,189,191,194,189,183,183,178,178,181,183,183,186,186,186,189,191,189,181,176,181,181,173,129,131,178,181,178,178,181,178,173,172,173,176,181,186,191,191,189,186,186,186,186,189,191,194,196,199,204,204,196,194,194,199,204,204,199,194,196,196,196,202,212,222,217,207,202,202,191,181,183,199,204,191,114,118,135,196,207,207,204,202,196,194,191,189,189,191,189,183,186,191,196,199,194,186,186,186,186,183,137,135,133,134,186,204,209,209,209,209,207,204,202,207,212,212,207,204,196,191,186,137,131,131,181,191,186,137,186,196,189,133,125,131,189,135,132,133,133,133,135,183,186,186,186,191,196,204,204,191,183,181,135,126,124,128,183,196,207,212,215,212,202,191,189,194,199,199,191,189,189,191,196,199,202,202,196,191,189,183,178,178,183,186,183,178,181,186,186,189,186,183,181,181,183,183,181,179,181,183,181,178,178,178,178,181,181,183,183,183,181,181,183,186,189,191,189,187,191,196,199,204,207,202,194,183,181,181,181,181,183,191,202,207,209,212,215,215,215,212,212,212,212,215,217,217,215,212,209,204,196,191,183,135,127,117,113,115,117,117,121,129,173,173,173,173,173,173,176,176,176,176,173,129,127,123,123,123,127,173,176,176,173,173,176,181,186,191,199,204,207,207,204,199,196,194,194,191,189,189,189,191,194,191,183,178,177,178,178,181,181,181,181,181,183,183,186,189,191,194,199,202,202,199,199,199,199,194,189,189,189,183,178,178,183,181,129,119,115,119,125,125,129,181,186,183,181,186,189,191,199,202,202,207,212,207,123,65,59,80,123,137,183,186,204,222,222,222,222,217,217,217,217,215,207,199,198,199,204,209,212,212,212,212,212,212,209,212,215,217,220,217,204,186,177,181,191,204,209,207,199,199,202,202,202,204,207,204,202,202,202,199,186,181,183,194,199,199,199,199,199,194,191,196,202,204,199,196,194,189,189,194,199,199,196,198,202,204,207,209,212,215,215,212,209,207,204,207,207,207,207,204,202,202,204,204,199,196,199,204,204,202,204,207,212,212,215,215,212,212,209,212,215,217,215,215,215,215,215,212,212,212,212,212,209,207,207,204,204,204,204,202,199,194,192,191,191,192,192,196,202,207,207,204,199,196,202,207,204,202,202,202,204,207,207,207,204,204,209,209,209,209,209,207,204,199,198,198,198,198,202,204,202,191,189,189,187,185,187,191,191,191,196,196,196,194,196,202,207,207,207,207,209,212,215,212,209,209,212,209,207,207,207,209,212,212,209,207,207,209,207,207,207,207,204,204,204,207,209,212,212,212,212,209,207,202,194,191,194,199,202,204,207,209,209,209,209,207,202,200,200,202,204,204,204,207,209,204,199,199,204,212,209,204,204,212,217,217,215,215,209,207,204,199,196,191,189,191,191,186,139,137,137,137,135,139,189,194,194,194,196,199,204,204,202,202,202,199,199,202,204,212,209,199,189,183,186,189,191,196,196,191,191,196,202,199,194,194,199,202,202,199,199,202,204,204,202,199,196,191,189,196,204,207,209,209,204,194,186,139,138,138,138,183,189,196,204,209,207,209,215,217,209,199,191,183,186,191,194,199,204,202,196,194,194,196,196,199,199,202,204,207,209,209,207,209,209,209,207,204,204,204,204,202,202,202,199,202,204,204,202,202,209,212,212,209,207,204,207,207,202,196,194,194,186,194,204,209,212,207,194,135,125,123,123,125,127,127,129,135,189,194,191,183,138,137,138,191,207,215,217,217,217,222,225,222,215,212,212,212,212,212,212,212,212,212,212,212,207,196,189,189,194,194,191,194,199,207,209,209,207,204,196,191,186,186,189,191,189,183,181,181,181,181,178,173,129,127,124,125,129,178,186,189,194,196,196,191,191,194,191,189,194,204,209,209,215,220,222,218,218,222,222,217,217,225,235,248,248,235,228,230,235,241,248,251,235,203,196,203,222,235,248,255,255,0,0,0,0,255,255,255,238,220,209,212,222,230,230,222,207,202,196,196,199,194,181,0,157,0,152,160,170,176,176,173,168,165,170,183,191,191,189,191,191,183,176,170,173,178,178,178,178,178,176,170,166,168,168,168,165,165,165,170,176,183,191,199,199,194,183,183,199,212,0,225,222,222,222,228,233,238,241,241,241,248,255,255,248,235,228,0,0,0,222,228,233,228,207,202,0,0,217,215,212,212,0,0,0,0,0,248,235,212,202,199,194,186,173,168,173,186,0,255,255,233,189,178,181,186,194,202,209,209,204,199,194,183,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,202,189,183,176,168,163,163,168,170,173,176,176,181,196,209,215,222,228,238,243,246,243,241,235,230,225,207,196,191,196,212,0,0,0,246,241,235,235,230,220,204,195,194,202,215,217,217,209,196,176,165,0,0,0,212,205,205 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,147,0,74,150,157,165,173,181,186,186,183,178,178,181,181,181,181,181,183,90,0,0,0,0,0,0,0,47,59,57,49,55,129,160,173,176,173,168,157,147,152,170,181,194,204,204,186,157,142,108,109,111,113,152,163,170,168,168,170,173,165,122,122,123,123,125,125,165,168,168,168,170,181,191,199,202,202,204,199,191,183,173,165,164,168,176,183,178,163,150,139,118,92,66,21,0,0,0,0,40,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,191,207,215,215,215,209,204,199,191,187,189,194,196,207,204,95,73,89,186,196,199,202,199,196,196,196,189,170,46,53,75,79,85,117,183,196,191,189,186,183,173,119,115,160,170,168,165,170,176,173,168,165,170,170,168,125,123,127,176,178,178,183,186,189,186,183,178,178,181,186,194,199,204,207,207,207,204,202,204,207,209,204,191,117,119,191,207,212,209,212,209,189,176,173,170,173,173,113,99,102,111,121,125,121,115,115,121,170,186,191,186,176,173,186,194,191,181,173,168,121,118,123,189,215,217,199,178,176,189,196,191,178,183,191,194,191,191,194,189,173,123,122,165,170,176,163,119,118,118,115,100,165,191,196,194,178,165,107,55,43,31,1,0,0,0,0,19,33,75,163,183,191,196,196,199,199,196,194,194,196,202,202,196,195,195,196,194,186,183,186,194,196,196,191,186,182,181,183,189,189,191,194,194,191,191,196,207,212,212,204,196,191,191,189,189,196,199,196,191,189,189,189,186,178,173,170,170,170,168,163,168,176,173,168,170,170,165,168,168,121,117,123,173,178,173,173,176,178,170,125,127,176,173,123,121,127,168,121,125,173,117,173,186,194,196,183,99,33,25,65,85,99,117,165,122,118,127,168,168,178,196,199,189,178,186,196,199,194,186,186,189,186,178,173,172,173,176,173,173,173,176,178,181,181,178,173,176,183,178,127,123,123,121,125,178,194,199,186,173,172,173,176,178,178,181,178,178,186,189,173,168,173,183,189,191,186,170,123,119,117,119,121,121,121,123,127,170,168,173,186,194,194,183,125,168,176,183,194,199,204,202,196,194,194,202,199,194,191,186,183,181,183,186,186,183,182,183,191,194,194,186,186,194,194,178,183,196,191,178,133,176,183,194,202,204,196,181,132,132,178,181,176,133,133,133,178,181,178,178,183,183,181,181,181,179,183,189,191,191,189,186,183,183,191,196,196,199,207,212,212,212,212,209,207,207,207,204,196,186,181,186,194,199,189,131,131,181,191,194,191,189,194,196,199,199,196,196,199,204,207,207,202,191,178,129,125,125,125,121,119,125,191,202,199,191,191,191,194,191,186,186,189,183,178,176,129,124,125,129,173,127,111,95,96,121,189,196,191,178,178,170,128,128,170,173,173,170,176,181,183,183,181,181,181,181,183,178,131,173,183,191,189,183,183,186,194,194,191,191,196,194,186,178,178,181,186,191,196,199,199,194,191,186,189,191,189,183,178,173,127,123,120,119,120,168,183,194,196,186,176,170,127,125,127,168,176,183,178,121,115,117,119,121,125,125,127,176,186,183,113,95,109,113,102,103,178,183,176,170,170,173,181,186,189,181,178,183,194,191,129,121,170,191,202,207,207,202,202,199,183,115,69,59,59,77,77,61,61,63,51,57,69,89,186,202,199,194,191,183,179,179,181,186,181,168,121,120,121,120,121,121,115,119,125,173,181,186,186,183,181,181,181,178,178,183,191,196,199,194,194,199,194,190,191,191,178,127,123,127,176,186,189,186,183,183,183,178,176,176,178,191,196,196,194,191,189,189,191,196,199,196,194,190,189,189,191,194,196,199,196,194,186,181,181,186,191,191,189,183,181,178,176,183,191,194,191,186,181,178,176,173,173,172,173,178,178,176,178,178,178,178,181,186,189,191,194,199,199,196,194,194,191,191,189,189,189,189,191,189,176,177,183,183,178,178,183,186,189,186,181,183,186,181,176,173,186,186,127,123,128,178,181,181,181,178,178,178,178,181,183,189,191,191,186,181,181,183,186,186,186,189,191,191,196,199,202,199,194,194,196,202,202,196,194,196,199,202,207,217,225,217,204,196,196,191,183,189,204,209,196,118,122,186,202,207,207,204,199,194,194,191,191,191,191,186,181,181,189,199,204,204,199,196,194,189,183,137,135,134,135,189,204,207,204,204,204,204,199,199,204,209,207,202,199,194,191,186,137,133,131,181,183,131,129,181,196,191,125,122,124,181,135,132,133,133,132,135,183,191,191,191,194,199,204,204,196,189,186,181,128,125,128,139,196,207,212,217,215,204,194,191,194,199,196,191,190,191,196,202,202,202,202,199,191,189,183,181,181,183,186,186,186,186,189,189,186,183,181,179,181,186,186,183,181,186,189,183,178,133,129,129,133,178,183,183,181,181,181,183,186,191,194,194,189,191,194,199,202,204,202,194,186,183,183,183,183,183,191,202,207,209,212,215,215,215,212,212,212,212,215,217,215,215,212,207,199,194,191,189,135,113,109,112,119,119,117,119,123,127,129,129,129,129,170,173,176,176,173,170,170,129,127,127,127,170,176,181,181,181,181,183,183,186,194,199,204,207,207,204,199,196,194,191,189,186,186,189,194,194,191,186,178,177,178,183,186,186,183,181,181,183,183,186,189,191,196,199,202,202,202,202,202,199,194,191,191,191,183,178,181,183,178,125,115,112,117,123,125,127,176,183,183,186,194,189,181,186,196,202,212,215,215,202,129,115,123,135,181,186,191,207,220,225,225,222,217,217,220,222,217,212,207,204,207,209,215,222,222,217,215,215,212,209,212,215,215,215,212,207,194,183,185,196,207,209,207,199,196,199,199,199,202,207,204,202,199,199,194,186,182,185,194,196,191,186,189,196,202,202,199,199,196,189,189,191,191,194,199,202,199,198,202,207,207,207,209,209,209,207,207,202,202,202,204,204,204,207,204,202,199,199,196,191,189,191,196,202,202,204,207,209,209,207,209,212,212,209,209,209,212,212,212,215,215,212,209,209,212,212,212,212,209,207,204,207,207,207,204,199,194,192,191,192,194,196,202,207,207,207,204,195,194,202,207,207,202,202,202,202,204,207,204,203,204,209,212,212,209,209,209,204,199,196,198,199,199,199,202,196,187,185,187,191,191,194,194,191,191,196,199,196,196,199,207,209,207,204,204,204,207,209,209,209,209,207,207,207,207,207,209,212,215,215,212,209,207,202,202,204,204,204,203,204,207,209,215,217,215,215,212,209,207,196,189,187,187,194,202,207,209,209,209,209,207,204,202,202,204,204,202,204,207,207,204,202,202,204,209,207,202,203,209,217,222,222,217,212,207,202,194,189,141,140,186,191,191,141,135,133,133,137,183,191,196,199,199,202,204,204,204,202,199,196,196,196,199,202,209,207,196,183,138,138,139,186,186,139,135,139,186,191,191,191,194,196,199,196,194,196,199,199,199,194,191,194,189,189,199,207,207,207,207,202,191,186,186,189,191,191,194,196,202,204,207,204,207,212,212,202,196,196,194,194,199,202,207,209,204,199,196,196,196,199,199,199,199,202,204,207,207,207,207,207,204,204,202,199,199,202,204,202,196,191,191,202,202,202,207,209,209,209,209,209,207,207,207,204,199,196,199,204,209,212,212,212,207,194,137,127,121,119,117,119,123,131,183,196,194,189,183,138,139,189,204,215,222,225,222,222,217,217,217,215,212,212,212,212,212,209,209,209,207,207,207,207,196,191,191,199,202,202,199,199,204,209,212,207,202,196,191,189,189,191,191,189,183,181,181,186,186,183,176,127,127,125,125,125,127,133,181,183,191,194,191,191,191,183,137,186,199,207,207,209,217,225,225,222,225,228,228,228,233,243,255,255,251,235,233,238,241,246,248,243,220,204,212,230,243,248,254,0,0,0,0,254,255,251,243,225,209,204,209,225,233,228,215,204,199,196,194,194,194,189,178,173,168,165,168,173,176,173,170,168,168,0,0,189,186,181,176,176,168,163,160,165,173,178,178,181,181,178,173,168,168,170,168,168,168,168,168,173,181,189,196,204,207,199,196,209,0,0,0,230,225,222,225,230,241,246,246,246,254,255,255,246,233,228,0,0,0,225,225,230,225,207,204,0,0,217,212,207,204,0,0,0,0,0,243,233,215,204,199,196,191,181,176,178,191,0,255,255,225,189,178,176,181,189,196,199,199,196,194,186,176,0,165,0,0,0,0,0,0,0,0,0,0,0,0,0,222,209,196,176,163,157,155,155,157,163,163,163,160,165,181,196,207,212,225,235,243,243,241,233,228,228,225,212,199,191,194,209,0,0,0,243,241,235,230,222,212,202,195,196,207,217,222,217,209,196,178,165,0,0,0,215,209,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,157,163,168,183,189,186,183,178,176,177,181,181,181,183,183,183,105,0,0,0,0,0,0,0,53,49,31,29,41,134,152,160,163,160,157,152,150,155,163,173,186,202,202,186,157,107,106,109,150,152,155,160,165,165,170,181,183,168,122,121,123,165,165,125,125,165,165,127,127,176,189,196,199,204,207,202,194,183,178,170,168,165,168,176,170,155,144,142,131,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,150,191,196,202,202,204,204,202,196,189,186,189,196,202,204,199,155,87,105,183,194,199,199,196,195,196,196,194,189,113,57,75,77,79,99,111,170,170,168,165,119,111,110,113,160,176,176,178,183,186,181,170,125,123,121,117,119,168,186,189,186,183,186,189,191,194,191,186,186,186,191,194,199,204,207,209,209,207,204,204,209,212,212,204,119,115,194,209,215,212,212,209,191,178,173,170,176,176,109,98,100,107,123,168,123,114,114,121,173,189,189,181,173,181,196,204,204,199,183,170,121,116,116,170,199,199,176,163,170,181,181,170,170,178,189,194,191,191,196,196,189,173,123,163,170,170,165,168,191,209,186,165,119,178,196,196,183,71,14,29,101,165,93,0,0,0,0,27,85,181,196,196,196,199,199,199,196,195,194,194,195,199,202,202,196,196,196,194,191,191,191,194,196,196,194,189,183,182,186,191,194,194,196,196,194,194,199,204,207,204,199,196,194,191,186,186,189,191,191,189,186,186,183,181,181,181,181,178,176,168,165,168,170,165,123,163,168,170,176,176,165,123,165,178,183,186,189,189,191,183,176,178,186,186,176,127,127,123,109,109,107,88,109,123,119,111,101,21,0,27,79,107,119,168,168,120,116,165,170,176,196,207,202,183,181,191,199,202,196,189,183,183,183,176,173,173,176,176,173,173,176,183,186,189,189,189,194,191,186,181,170,127,123,121,127,178,186,191,183,178,173,173,173,178,186,191,181,173,176,183,178,173,181,191,199,199,191,176,129,129,127,121,117,117,119,119,119,117,115,112,173,189,189,123,111,116,123,170,186,194,196,194,183,181,181,183,183,181,183,183,181,181,183,186,186,183,183,183,189,194,194,186,182,194,194,181,176,186,183,176,133,176,183,191,194,189,183,178,133,178,189,191,186,181,183,183,183,181,178,181,189,186,183,181,183,183,186,186,186,186,186,186,181,181,186,189,189,194,202,207,209,209,207,204,202,204,204,199,189,181,181,186,191,194,189,131,132,186,199,202,196,194,196,196,199,199,199,199,202,204,204,199,191,181,135,131,131,127,125,127,178,189,196,196,186,177,178,181,189,191,183,181,181,181,178,183,178,124,123,127,173,129,121,117,107,123,189,199,194,181,176,129,128,129,170,170,170,170,176,181,183,183,183,181,179,181,186,186,176,173,178,181,181,181,186,194,196,191,189,191,196,196,186,133,132,176,186,194,196,194,191,191,194,194,189,186,183,178,170,129,127,125,121,118,118,121,176,196,202,194,178,168,124,122,123,127,173,178,176,125,119,115,113,115,119,115,113,127,186,181,119,109,125,123,101,105,176,181,178,176,176,176,178,186,189,176,122,173,186,189,178,173,183,196,204,207,204,202,202,202,196,178,67,18,24,65,83,63,65,69,23,0,0,55,202,207,199,194,191,186,181,181,181,176,170,165,165,170,170,125,123,115,105,102,101,119,176,189,194,191,186,186,189,186,181,178,186,196,199,196,196,204,202,196,194,189,178,129,127,129,181,191,194,191,189,189,186,176,125,121,127,186,191,191,191,186,183,183,186,191,196,199,196,194,191,191,191,194,194,194,191,189,183,181,181,186,191,191,189,183,176,131,133,183,194,199,196,191,181,131,129,173,176,173,173,176,178,178,178,178,176,176,181,183,183,186,191,196,199,199,196,194,194,194,191,191,191,191,189,181,170,173,186,189,178,178,183,189,189,181,176,176,178,176,174,174,189,186,121,119,131,181,178,183,183,181,183,186,189,189,189,189,191,186,178,176,183,191,191,189,189,189,189,189,191,196,196,196,194,191,196,202,204,199,194,196,199,204,209,217,222,215,204,196,196,196,191,194,204,207,194,123,131,194,204,209,207,199,191,189,189,191,194,191,183,135,134,178,189,202,209,209,207,204,199,191,189,183,137,137,186,196,202,202,199,199,202,199,196,196,199,202,199,191,186,186,186,183,181,137,135,137,137,128,126,178,196,189,125,122,124,131,133,178,181,178,133,135,186,194,196,196,194,194,196,199,196,189,186,183,135,131,135,183,194,204,209,215,215,207,202,199,199,199,196,194,194,199,204,207,207,204,202,196,191,186,183,183,183,186,186,189,189,191,189,189,186,183,181,181,181,186,186,186,186,189,191,189,181,131,125,125,127,176,181,181,178,178,181,183,189,191,196,196,194,191,194,196,199,199,199,196,191,186,186,183,139,183,191,199,204,207,209,212,212,212,212,212,212,212,212,215,215,215,215,204,194,186,189,194,183,104,103,113,125,123,121,119,118,121,125,127,127,129,173,176,176,173,129,129,127,129,129,129,129,170,176,181,181,181,183,186,186,189,194,199,204,207,207,204,199,196,194,191,189,183,183,189,194,196,194,191,183,178,181,186,189,189,186,181,181,183,186,186,189,191,196,199,202,202,202,202,199,196,194,191,189,189,183,178,181,181,173,121,113,112,115,123,125,127,173,181,189,191,204,191,131,109,183,199,209,215,217,209,189,135,178,183,186,194,204,212,217,225,225,222,217,217,217,222,222,217,215,209,209,215,222,225,225,222,217,215,215,212,212,212,212,212,215,212,207,199,199,204,207,207,202,196,196,196,196,196,202,204,202,196,194,194,191,189,186,191,199,199,189,137,135,186,196,199,191,189,186,139,140,189,194,196,202,202,199,199,202,204,204,202,202,199,196,196,194,191,196,202,207,207,207,207,207,202,199,194,191,189,142,142,191,199,204,207,207,207,205,205,207,212,212,212,209,207,207,209,209,212,209,209,207,207,209,209,212,215,212,209,204,207,207,207,204,199,196,194,196,199,199,199,204,209,209,207,199,192,191,199,207,207,204,199,199,202,204,204,204,203,204,209,212,209,209,212,209,204,199,198,199,204,202,199,199,196,187,185,189,202,204,202,196,196,199,202,194,192,194,202,207,209,204,202,202,202,202,202,204,204,204,202,202,202,204,204,207,212,215,215,212,209,204,199,199,202,202,204,204,204,207,209,215,217,217,212,209,209,209,202,191,186,185,189,199,204,209,209,207,207,204,204,204,204,202,202,199,202,202,199,196,196,199,202,207,207,203,204,212,222,225,222,217,209,204,196,191,186,140,139,141,191,196,191,141,135,133,137,183,194,199,204,204,207,207,204,202,199,196,195,195,195,195,199,202,199,191,183,138,137,137,139,135,131,129,132,137,139,139,186,191,196,199,196,194,194,196,199,196,191,190,191,189,186,194,204,204,204,202,196,191,189,191,196,199,199,204,209,209,204,202,202,204,212,207,191,190,194,199,199,204,207,207,209,207,199,196,196,196,199,199,196,196,199,202,202,202,202,199,199,199,199,196,191,191,196,202,202,196,189,186,194,191,194,199,199,194,199,212,212,207,207,207,207,204,204,209,217,220,217,215,212,207,191,133,125,119,117,116,117,123,133,186,194,191,183,139,183,191,207,220,225,225,225,222,215,209,207,207,209,212,215,217,215,215,209,207,202,199,199,202,204,202,196,194,202,207,207,202,199,202,207,209,207,204,196,194,191,189,191,189,186,181,181,183,189,191,186,178,129,127,129,125,124,123,125,129,176,186,191,194,191,189,135,131,137,194,199,202,204,215,225,228,228,230,233,233,233,235,246,255,255,254,235,233,238,243,246,251,251,235,217,217,233,243,246,246,0,0,0,0,254,246,235,225,212,204,203,209,225,228,217,204,199,196,194,191,191,194,194,191,183,181,181,176,173,173,173,0,0,0,0,0,191,189,178,0,163,157,152,152,157,168,176,181,183,183,183,181,181,181,178,176,173,170,168,168,170,173,181,189,199,212,212,209,222,0,0,0,233,225,220,220,228,238,248,251,248,255,255,255,243,233,0,0,0,0,228,228,228,217,207,204,0,0,217,212,209,207,0,0,0,0,0,241,233,217,207,202,199,196,186,181,183,194,0,255,254,222,194,181,176,176,183,191,194,191,191,191,183,0,0,0,163,0,0,0,0,0,0,0,0,0,0,0,0,225,225,222,176,160,0,151,0,0,155,155,152,147,150,163,178,194,204,215,228,235,238,235,228,226,228,225,212,199,191,191,204,0,0,0,243,243,235,222,212,204,199,195,199,209,222,225,220,209,194,178,168,0,0,0,220,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,165,163,173,186,191,189,183,178,177,178,183,186,186,186,186,183,116,0,0,0,0,0,0,113,144,57,23,17,25,126,144,152,155,155,152,152,152,152,155,160,173,181,181,178,163,142,108,111,152,157,157,160,163,163,168,183,183,173,123,123,163,165,165,125,125,165,127,126,124,126,176,189,196,202,202,199,189,183,178,176,173,165,160,163,160,155,155,160,155,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,183,186,189,194,194,196,199,202,202,196,189,187,189,194,199,199,194,176,152,168,183,183,194,196,199,199,199,199,199,194,165,45,71,65,63,95,103,117,160,163,157,111,105,106,113,160,170,178,186,191,189,181,170,121,107,107,111,119,173,189,194,194,191,194,196,196,196,196,194,194,194,194,194,196,202,207,209,209,209,209,209,209,215,217,215,129,110,196,209,215,215,215,207,186,176,170,173,178,176,111,103,106,113,168,178,168,115,113,119,170,183,181,168,125,173,194,204,207,199,183,170,125,117,114,119,181,176,146,144,165,173,161,159,165,178,189,191,191,191,194,194,186,165,119,160,165,168,170,186,207,217,209,199,84,90,194,202,170,11,0,23,165,170,99,0,0,13,61,150,183,196,202,202,202,199,199,199,199,199,196,196,199,199,202,204,202,196,196,196,196,196,194,194,196,196,196,191,186,183,189,191,194,194,196,196,194,196,199,202,202,199,196,194,194,191,186,183,186,186,186,183,181,181,178,178,178,183,189,186,183,178,173,173,170,121,118,121,163,173,178,176,165,125,170,181,189,194,196,196,199,196,186,181,178,178,173,168,173,168,113,106,101,91,111,121,69,0,0,0,0,81,121,183,186,186,176,123,122,168,176,186,202,204,178,127,173,186,194,199,196,189,178,173,173,170,168,170,176,178,176,173,170,176,186,191,191,196,199,191,176,168,125,123,121,121,127,173,178,183,183,181,178,173,173,178,194,204,189,128,126,129,173,173,183,202,204,204,196,178,173,176,173,123,117,119,123,121,115,113,115,112,125,178,178,121,110,112,115,117,176,189,191,178,125,125,127,129,170,173,173,129,127,131,183,191,194,189,183,182,183,194,196,186,181,183,186,176,173,176,178,176,176,181,186,191,189,183,178,183,186,191,202,202,191,183,186,191,191,183,178,183,189,189,183,183,186,189,189,186,185,185,186,186,181,178,181,183,186,194,199,202,204,204,204,202,202,202,199,191,181,178,179,183,183,189,191,186,189,199,204,204,199,194,194,194,196,196,199,199,199,204,202,194,186,181,181,181,181,135,131,135,199,202,196,194,181,172,174,181,189,191,183,176,176,133,173,189,191,176,127,176,176,125,121,170,127,176,194,204,199,178,170,129,129,129,129,170,173,173,176,178,181,183,183,183,181,181,189,189,178,172,172,176,176,178,183,191,191,189,189,196,204,199,186,131,130,133,186,194,194,191,191,194,196,194,186,176,173,173,170,170,173,173,129,121,119,121,170,191,196,191,183,176,127,124,124,127,168,173,170,127,123,119,113,114,115,108,102,115,176,127,109,109,168,127,110,117,183,183,181,178,178,178,181,183,178,119,111,125,183,186,181,181,189,196,202,204,202,200,202,204,209,212,81,18,33,91,170,178,170,115,83,0,0,0,170,199,202,196,191,189,186,186,181,173,170,173,178,183,186,183,183,178,121,106,101,107,127,186,194,191,189,189,191,194,189,183,189,196,202,199,202,212,212,204,199,191,178,131,127,129,178,191,196,196,196,196,191,176,113,105,110,178,189,186,186,181,178,178,183,189,196,199,199,196,194,194,191,191,189,186,183,181,178,178,181,189,191,191,189,178,130,128,130,181,194,196,194,189,178,129,129,173,178,178,176,178,181,178,178,176,173,176,178,181,181,183,189,194,196,196,196,194,194,191,191,191,189,189,186,178,172,174,189,191,183,178,181,186,186,178,173,174,174,174,176,181,183,131,120,122,186,186,178,186,189,189,189,194,194,194,189,186,186,178,131,133,183,194,194,191,191,191,191,189,189,191,194,194,191,191,196,207,209,207,199,196,196,202,209,215,222,217,209,204,204,202,199,202,204,202,189,131,181,199,207,212,209,199,189,186,187,191,196,194,181,134,134,183,199,207,207,204,204,204,199,194,191,186,181,183,191,196,194,194,194,196,199,199,194,191,191,191,186,136,136,137,183,183,181,137,135,135,133,127,126,133,189,183,131,127,127,124,127,183,189,183,178,178,183,194,196,194,189,186,191,196,191,135,131,181,186,186,186,186,194,199,207,212,212,212,204,202,204,204,202,202,202,204,207,209,209,207,202,196,191,186,186,186,186,186,189,191,194,194,191,191,189,186,183,181,183,186,186,186,186,189,191,189,183,133,125,124,125,133,181,178,133,133,178,186,191,194,196,196,194,191,194,194,194,194,196,196,191,186,181,135,133,137,191,199,202,204,207,209,209,209,209,212,212,209,209,212,215,217,215,204,186,178,179,196,196,106,105,117,125,123,123,121,119,121,127,129,127,170,176,178,178,170,127,126,126,126,129,129,129,129,176,181,181,183,183,186,186,189,194,199,207,209,207,204,199,196,191,186,183,181,181,186,191,194,194,191,186,181,181,186,189,189,186,183,181,183,186,186,189,191,196,199,199,202,202,199,199,196,194,191,189,186,181,178,181,178,127,117,112,112,113,119,125,125,127,181,196,202,212,204,131,43,91,194,207,212,215,207,191,181,137,181,183,196,215,217,217,225,225,220,217,217,217,217,217,217,215,209,208,212,215,217,220,217,217,215,215,212,215,215,212,215,217,217,215,207,207,207,207,204,202,199,196,196,194,194,199,199,196,190,190,191,194,191,191,194,202,202,196,139,131,131,137,139,135,137,141,140,186,194,196,199,202,202,196,196,199,199,194,191,191,191,189,143,139,139,189,207,212,209,204,204,204,202,196,191,189,186,142,141,143,196,202,207,207,205,204,205,209,212,215,212,209,207,207,207,209,207,204,202,204,204,207,207,212,215,212,209,207,207,207,207,204,199,196,196,199,199,199,199,204,207,204,202,196,191,191,199,207,207,204,199,198,199,204,204,204,207,207,212,212,209,209,209,209,204,199,202,204,207,207,202,202,196,189,187,196,207,209,207,202,199,204,204,194,190,192,202,207,207,204,202,202,204,202,199,199,196,196,196,196,196,196,199,204,209,215,215,212,209,204,199,199,199,202,204,207,207,207,207,212,217,215,209,204,207,209,207,199,191,187,189,196,204,209,207,204,203,203,204,204,204,202,199,199,196,194,143,139,141,191,202,207,207,204,207,217,225,225,222,215,207,202,196,194,191,186,140,141,194,199,199,191,139,133,135,139,189,199,207,209,209,207,204,202,199,196,195,196,196,196,196,194,194,189,186,186,183,183,139,135,131,130,132,137,139,139,186,191,199,202,199,196,194,196,196,194,191,191,191,186,183,185,194,199,199,199,194,191,189,189,191,196,202,209,215,215,207,202,202,204,212,207,191,189,191,196,202,204,202,202,207,204,199,194,194,194,194,194,194,194,194,194,196,196,194,194,191,194,196,194,189,189,194,202,204,202,191,186,186,183,139,139,135,135,191,209,212,209,204,204,207,212,215,215,217,217,215,215,212,202,183,127,121,119,117,117,117,125,135,186,186,139,138,139,191,202,217,228,225,220,215,209,204,196,196,199,202,212,220,225,225,220,212,207,199,196,196,199,204,204,199,196,202,204,204,202,202,202,204,207,209,207,202,196,194,194,191,189,183,181,181,183,189,191,189,183,133,131,131,127,123,122,123,127,135,186,194,196,194,186,133,130,135,186,191,194,202,212,225,230,233,235,238,238,235,241,251,255,255,248,235,233,241,246,248,251,251,235,222,0,233,238,241,241,238,0,0,0,255,238,220,209,207,205,207,215,222,220,209,196,191,191,191,191,191,196,199,199,194,189,186,178,0,165,170,0,0,0,0,0,0,191,183,168,160,0,0,0,0,165,178,181,181,183,186,189,191,196,191,183,173,168,168,165,165,168,170,178,191,207,209,212,225,0,241,233,228,222,218,218,225,235,246,248,246,251,255,254,241,230,0,0,0,0,233,225,222,209,199,199,0,0,215,212,215,225,0,0,0,230,233,233,230,217,207,202,199,194,189,189,194,204,0,254,254,230,199,183,176,173,178,186,189,191,191,189,181,0,152,0,157,173,181,183,186,0,0,0,0,0,0,0,230,230,235,235,189,168,157,155,152,0,152,152,147,139,139,0,160,176,191,204,212,225,230,233,230,230,233,230,215,202,191,191,202,0,0,0,243,243,235,217,204,202,196,195,196,204,215,222,217,204,189,178,173,0,0,0,222,225,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,155,163,168,176,183,189,186,186,183,183,183,186,186,186,189,189,183,144,3,0,0,0,0,0,108,139,41,19,11,11,100,142,152,152,150,152,152,152,152,152,157,168,168,164,173,170,157,147,147,152,160,160,160,163,163,165,173,176,173,168,168,165,124,124,124,125,125,127,127,125,125,168,176,186,194,196,194,186,178,176,178,178,170,163,157,155,160,173,183,186,160,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,191,194,194,199,196,196,202,204,202,196,194,191,191,189,191,196,196,183,168,170,176,173,183,194,199,204,202,196,194,189,152,1,27,25,35,89,95,111,165,170,173,160,108,108,113,119,165,178,189,191,186,178,168,121,105,103,106,119,173,186,194,196,196,199,202,202,196,196,196,199,199,194,191,194,199,204,207,207,209,212,209,209,215,222,217,183,98,196,209,215,217,215,202,178,129,127,170,176,168,115,113,123,123,176,183,176,119,114,119,168,176,168,119,116,125,183,196,199,189,178,173,170,123,116,118,170,173,147,147,170,176,163,160,166,173,181,186,189,191,194,189,176,117,113,119,163,163,176,196,207,209,215,222,56,51,170,204,178,61,0,45,155,160,109,69,176,196,202,196,196,202,202,199,204,202,202,204,204,202,202,202,202,199,199,202,202,196,191,191,194,194,194,191,191,194,191,189,183,183,186,189,191,191,194,194,194,196,199,199,199,196,194,191,191,189,186,183,183,183,181,176,170,173,173,173,178,186,191,191,189,186,181,178,170,119,117,119,163,170,170,165,125,165,178,189,194,199,196,196,199,199,189,173,125,121,121,125,178,186,170,115,103,102,178,189,67,0,0,0,39,95,176,196,202,196,181,125,123,165,176,189,194,173,113,115,168,186,191,191,191,183,173,129,129,127,126,129,178,189,183,170,125,125,178,189,189,191,194,183,127,120,119,121,123,123,127,173,176,183,186,186,181,176,131,176,189,202,191,128,125,128,131,173,178,194,196,202,199,186,178,181,178,123,117,117,121,117,111,115,127,170,168,168,173,181,183,119,114,115,168,178,178,168,123,124,124,125,127,129,127,126,127,173,181,186,191,194,186,182,182,189,196,189,182,182,183,181,174,173,174,181,183,189,196,199,199,191,189,194,196,202,207,204,191,181,183,189,191,186,178,178,181,183,183,186,191,194,194,189,186,186,186,186,181,178,178,181,183,191,196,199,199,202,204,204,202,199,191,186,181,181,183,183,183,189,199,204,204,204,204,202,194,190,190,191,194,196,196,196,199,202,202,196,194,194,194,194,191,186,183,189,204,202,199,199,189,177,178,186,194,191,178,131,131,131,173,186,196,186,176,176,131,120,118,127,176,186,194,202,199,181,170,129,127,127,127,170,176,176,176,178,178,178,181,186,183,183,189,186,173,169,170,176,178,178,178,183,186,186,194,204,209,207,191,132,131,178,189,194,191,191,194,196,196,194,178,111,111,127,176,181,181,181,176,168,125,168,173,178,181,181,183,181,181,178,170,127,168,170,173,173,173,170,123,121,121,111,105,125,178,119,91,86,105,119,119,170,186,186,183,181,178,178,181,181,129,118,115,173,183,183,176,176,183,194,202,204,202,200,202,204,212,215,87,53,83,119,191,204,183,121,121,89,1,13,123,194,204,204,196,191,191,194,189,176,165,170,186,186,191,191,196,194,178,119,102,107,125,183,194,191,189,191,196,199,199,196,196,199,202,202,207,215,215,209,202,194,183,135,131,127,133,181,186,189,191,194,189,131,111,105,111,178,183,181,181,178,135,178,183,189,194,196,199,199,196,191,189,186,183,181,178,177,176,177,181,189,194,191,186,178,130,129,131,181,189,189,186,181,173,131,129,170,173,173,176,181,183,181,178,176,170,173,178,181,181,183,186,191,194,196,194,194,191,191,189,189,189,186,186,181,178,183,191,191,186,181,178,183,183,178,176,176,176,176,181,183,181,129,125,129,186,183,178,189,196,199,196,196,194,194,191,186,181,131,125,127,178,191,194,196,196,196,196,194,191,191,194,196,194,191,196,207,212,209,202,196,196,199,207,212,215,217,220,215,207,202,202,204,207,202,191,181,186,199,207,209,209,199,187,187,189,194,199,196,183,135,178,186,199,202,194,191,199,202,196,189,186,183,181,183,191,191,186,181,181,189,196,199,194,189,189,186,137,135,134,136,181,183,181,133,131,131,131,128,128,131,178,181,135,133,129,123,127,183,189,183,178,177,181,189,194,189,185,185,189,194,181,106,105,133,189,191,189,189,191,199,207,212,215,212,204,199,202,207,207,204,204,207,209,212,212,209,204,199,194,189,186,189,189,189,189,194,196,196,196,194,191,189,186,183,183,183,183,183,186,189,189,189,186,178,129,124,125,131,176,176,131,131,178,186,191,196,196,194,191,189,191,189,189,189,194,194,189,137,129,124,125,133,191,199,202,204,207,209,209,209,209,212,212,209,209,212,215,220,217,204,189,177,177,189,194,123,117,125,125,123,123,125,123,127,131,131,129,170,176,178,178,173,129,126,125,126,129,131,131,131,178,181,183,186,186,183,183,186,191,199,207,209,209,204,199,191,186,181,178,178,178,181,186,191,191,189,186,181,181,181,183,183,183,183,183,186,186,186,189,189,194,196,199,199,199,199,196,194,191,189,189,189,186,186,186,178,127,117,113,112,113,117,119,119,123,178,202,212,217,217,123,0,42,178,194,204,209,204,194,183,137,134,133,191,215,215,215,220,220,212,212,215,215,215,215,215,212,209,207,207,208,209,212,215,215,212,212,215,217,217,215,217,222,222,215,209,207,204,202,199,199,199,199,196,194,194,199,199,194,190,190,194,196,191,186,189,196,199,196,186,131,129,130,133,133,137,189,191,196,202,202,202,202,202,199,196,194,191,187,186,186,189,189,143,138,136,141,204,209,204,199,199,202,202,199,194,191,191,191,143,191,199,202,204,207,207,207,207,209,212,209,207,207,207,207,209,207,202,199,196,199,204,207,207,209,212,212,207,207,204,204,204,202,199,196,196,199,202,199,199,202,202,202,202,196,194,192,199,204,204,202,199,198,199,204,207,207,207,209,212,212,209,207,207,207,204,202,204,209,209,207,204,202,196,194,194,199,204,207,204,202,204,207,207,194,190,194,202,204,207,202,202,204,207,207,202,196,194,195,196,196,195,195,196,202,207,212,212,212,207,204,202,199,199,202,207,209,212,209,207,209,212,209,204,202,202,207,207,207,204,196,194,194,202,207,207,204,203,203,204,204,204,202,202,202,196,143,135,130,133,141,196,204,204,207,209,215,222,220,215,212,207,202,202,199,199,196,191,189,191,199,202,194,137,127,129,133,137,194,204,209,209,209,204,204,199,196,196,199,202,202,196,194,191,189,191,194,194,194,194,191,189,139,139,183,186,183,186,191,199,202,199,196,194,194,194,191,191,196,194,186,182,182,186,194,196,196,194,191,187,186,187,191,202,209,217,215,209,204,204,207,212,204,191,190,194,196,204,204,199,196,202,204,196,194,194,191,190,191,191,194,189,189,189,191,191,191,189,189,191,194,191,189,191,199,204,202,194,186,183,139,137,132,131,134,189,204,209,207,202,199,204,212,217,220,220,215,212,212,209,202,183,129,125,123,121,119,121,127,181,191,189,183,139,191,202,215,222,228,222,212,204,199,191,143,189,194,199,209,222,228,228,225,217,209,202,198,196,199,204,207,202,196,196,199,199,202,204,207,209,209,212,209,207,202,199,196,194,191,183,181,181,183,186,189,189,183,133,131,131,129,125,125,127,133,181,191,196,199,194,186,135,131,133,137,141,189,199,212,225,230,233,238,243,243,243,248,255,255,255,248,238,238,246,248,246,243,241,225,0,0,0,241,238,241,241,0,0,0,255,230,207,204,207,0,225,228,222,215,204,196,191,194,0,0,0,204,207,207,202,196,189,0,0,0,168,0,0,0,0,178,186,191,186,176,165,0,0,0,0,168,178,183,183,186,189,194,202,204,196,183,168,163,163,163,163,163,0,170,181,196,204,212,230,241,235,225,222,220,220,222,228,238,243,243,246,248,251,246,235,0,0,0,0,241,233,225,212,202,194,0,0,0,212,212,225,243,0,0,235,233,225,217,220,215,204,199,196,191,189,196,212,222,235,254,255,235,202,181,173,170,170,176,183,189,189,189,183,173,0,150,155,168,176,178,181,189,194,196,202,204,209,217,228,230,233,230,199,181,168,163,160,157,155,155,150,139,135,105,0,160,178,194,204,212,225,233,238,241,243,238,228,212,202,199,209,228,241,243,243,243,233,215,204,202,196,194,194,199,209,217,212,199,183,173,176,0,0,215,222,217,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,144,163,173,178,181,183,186,186,186,186,186,186,186,186,186,189,183,150,5,0,11,23,0,0,21,41,17,15,10,8,92,139,150,150,147,147,150,150,152,155,163,170,168,164,168,170,163,150,150,157,168,168,160,163,163,160,163,165,170,176,176,170,125,124,125,125,125,127,170,173,173,173,170,176,186,196,191,181,173,170,176,178,178,176,165,165,173,186,196,204,220,235,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,170,186,194,199,204,199,199,204,204,199,196,196,196,194,189,189,196,196,181,157,111,155,170,176,186,194,196,194,183,173,155,93,0,0,0,0,73,87,111,165,168,176,170,115,111,117,119,163,176,183,186,181,176,168,123,113,103,102,111,168,181,189,191,196,199,202,199,194,194,196,202,199,194,191,191,196,202,204,204,207,209,209,209,212,217,215,173,84,191,207,215,222,215,196,176,125,124,127,170,127,125,170,181,168,176,183,176,121,115,119,165,168,123,115,114,117,165,176,178,173,170,173,178,170,123,125,176,183,173,165,170,178,178,173,170,168,168,173,183,191,194,186,168,93,93,109,117,117,173,191,196,196,212,215,55,46,113,191,186,111,61,119,163,168,181,194,207,199,202,202,204,207,202,198,198,202,204,207,204,202,202,202,202,199,199,202,202,196,190,190,190,194,191,191,191,189,186,181,178,176,183,186,189,191,194,196,194,196,196,199,199,194,189,186,186,183,186,183,183,181,178,170,163,165,168,170,178,189,194,194,191,186,181,176,165,116,115,119,165,170,168,125,125,176,186,194,199,199,196,191,194,194,186,168,119,116,117,121,178,191,186,170,113,111,178,186,119,31,0,19,63,81,123,189,199,194,173,122,121,168,178,186,183,121,112,115,181,191,189,186,183,178,129,129,170,126,124,129,186,196,189,127,117,121,173,181,181,183,186,183,170,121,120,127,170,168,170,178,183,189,189,189,186,178,131,129,176,186,186,176,129,173,178,176,173,129,129,186,196,191,186,183,178,123,113,113,113,111,111,119,173,176,168,127,168,183,191,170,119,119,127,168,170,176,178,178,127,125,127,127,126,129,178,183,178,173,178,189,189,183,183,189,194,194,191,189,191,191,183,174,173,183,189,194,199,204,204,202,199,202,202,204,209,207,191,181,181,186,186,183,178,174,176,178,181,186,191,199,199,196,191,189,186,186,181,178,178,178,183,191,194,196,196,199,202,204,202,194,189,189,189,189,189,186,189,196,204,209,207,202,199,194,191,190,190,190,191,196,199,199,196,199,199,199,199,202,204,202,196,191,189,191,199,199,199,204,199,186,183,189,191,183,131,129,131,176,178,183,189,183,173,131,129,121,119,123,173,186,191,194,191,176,127,127,125,125,125,170,178,178,176,176,176,176,181,186,183,181,183,178,172,170,173,181,186,183,181,181,183,189,196,209,215,209,194,176,133,181,194,194,191,191,194,196,196,194,170,94,93,123,183,186,183,178,173,173,176,178,176,168,127,170,178,181,181,178,170,127,170,178,181,181,186,189,183,173,173,176,183,202,202,173,89,74,75,103,123,176,186,183,183,183,178,178,181,181,176,129,176,183,186,178,172,170,178,194,204,207,207,202,202,202,207,209,119,71,109,168,194,212,181,118,121,123,105,111,181,199,207,207,199,194,191,196,199,178,59,51,97,117,176,176,181,183,178,125,104,115,129,183,191,191,189,191,196,202,204,207,207,204,204,207,209,212,209,204,202,194,189,183,135,133,133,131,128,129,176,178,131,119,115,115,127,181,178,135,178,135,135,181,186,189,194,194,196,196,194,189,183,181,178,177,177,177,177,178,183,191,194,191,189,186,178,176,178,183,186,183,181,178,176,173,170,129,127,127,129,176,181,181,178,173,129,170,176,181,181,183,186,191,194,191,191,189,189,186,186,186,186,186,186,186,186,191,191,186,186,183,181,186,189,183,181,186,183,183,186,186,178,129,128,131,176,178,181,189,199,204,202,196,194,194,191,181,129,121,121,127,178,191,196,199,199,202,199,196,194,191,194,196,194,189,194,204,209,207,199,196,196,199,204,209,212,217,222,215,204,200,202,207,209,204,196,189,186,189,194,199,196,191,189,191,194,199,202,199,189,181,133,133,183,183,133,133,189,194,189,181,178,178,178,181,186,186,181,176,176,179,191,196,194,189,189,186,183,137,137,181,183,183,181,135,131,133,131,130,131,133,135,181,181,133,129,125,133,183,183,181,178,177,177,183,189,189,185,186,189,186,111,92,93,123,189,189,189,189,191,199,204,212,215,209,199,198,199,204,207,207,207,207,207,209,212,212,207,202,196,191,189,189,189,191,191,194,196,199,199,196,191,189,189,186,186,183,182,183,183,186,186,186,186,181,133,125,125,129,131,131,131,133,178,186,191,196,196,194,189,189,191,186,183,186,194,191,183,129,125,122,124,135,194,202,202,204,207,209,209,209,209,209,209,209,212,215,217,220,217,204,191,181,178,182,186,135,131,133,131,127,127,129,131,173,176,131,129,170,173,176,178,176,173,170,127,127,129,173,176,176,176,181,183,183,183,183,183,186,189,196,202,207,204,202,194,189,183,178,176,176,178,181,183,186,186,183,181,181,181,181,181,183,183,186,186,186,183,183,186,186,189,194,196,199,199,199,196,194,191,189,189,191,191,191,191,183,129,121,115,115,115,117,119,121,125,181,204,215,217,212,83,0,30,123,181,204,209,204,194,186,137,134,133,183,199,204,204,209,209,204,204,209,212,212,212,212,212,212,209,208,207,208,212,215,217,215,212,215,217,217,215,217,217,217,215,207,202,199,194,194,194,196,196,191,189,191,199,202,199,194,194,199,196,189,185,183,186,191,191,189,135,131,133,137,141,191,199,204,209,209,207,204,204,204,202,196,196,191,187,186,187,191,194,194,140,138,143,196,199,194,192,199,204,204,202,199,199,202,202,199,199,204,204,207,209,209,209,209,209,207,202,199,199,202,207,207,204,199,194,192,194,202,204,204,204,204,204,207,204,204,202,199,204,204,199,196,202,204,202,199,202,202,202,202,202,196,196,199,202,199,199,199,199,202,204,204,207,207,209,209,207,207,207,207,204,202,202,207,212,209,207,204,202,199,196,196,196,199,199,202,202,204,207,207,196,192,196,204,207,204,202,204,207,209,209,204,196,195,196,202,204,199,196,196,199,204,209,212,209,207,204,204,202,202,202,207,212,212,209,204,207,209,207,202,200,202,204,204,209,212,207,199,196,199,207,207,207,207,204,204,204,204,204,207,204,196,141,131,129,130,141,196,202,204,204,209,212,212,212,212,209,207,204,204,204,202,199,196,191,189,194,199,194,139,127,127,126,129,186,202,209,212,212,209,207,202,196,196,202,204,204,199,194,191,191,194,194,196,199,202,204,204,196,189,189,191,191,189,194,196,196,194,191,191,191,189,187,191,196,194,189,185,183,185,191,196,199,196,191,187,185,189,196,207,212,215,215,212,209,209,209,207,196,190,194,202,202,207,207,199,191,196,202,196,194,196,191,190,190,191,191,189,186,189,191,194,191,189,187,191,194,191,189,189,194,199,196,189,139,135,135,134,133,134,183,194,199,202,202,199,198,199,207,215,217,222,217,212,209,207,202,194,186,181,135,131,127,125,133,191,204,202,194,194,202,215,222,225,225,220,209,199,191,139,135,139,191,196,212,225,225,225,225,222,215,209,204,202,202,204,207,202,194,191,191,194,199,207,212,215,212,215,215,209,207,202,199,196,194,186,183,183,183,183,186,186,183,176,133,131,131,129,131,133,178,186,191,199,199,194,186,139,133,132,133,137,141,194,209,222,230,230,238,248,254,254,255,255,255,255,255,251,248,248,243,235,230,228,217,0,0,0,254,243,246,248,0,0,0,254,225,205,203,212,0,238,235,225,212,204,199,196,0,0,0,0,0,217,212,207,202,191,0,0,157,170,0,0,0,0,0,186,191,194,186,176,0,0,0,0,173,183,189,191,191,194,196,204,204,194,176,157,119,157,160,160,160,0,168,178,194,202,215,235,241,233,222,222,222,225,230,0,0,241,243,246,251,251,246,235,0,0,0,248,248,235,222,209,199,191,0,0,0,0,215,235,0,0,254,241,233,215,209,215,215,204,199,196,194,194,209,230,233,235,246,248,228,199,181,170,165,164,165,176,183,183,186,186,181,170,160,157,163,168,170,176,183,189,189,189,189,194,204,217,225,225,217,202,186,176,173,168,163,163,163,157,147,137,104,105,0,165,183,202,212,225,235,243,248,251,248,241,230,222,215,220,233,241,243,243,238,230,220,212,209,202,195,194,199,209,215,209,191,173,127,173,0,0,215,215,211,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,144,165,173,178,176,178,181,183,186,186,186,186,189,183,183,189,181,150,0,0,3,108,126,9,0,3,11,17,21,35,124,139,147,147,147,147,147,147,150,157,163,170,173,170,170,168,155,146,150,170,181,173,160,160,160,121,119,119,165,178,183,181,176,173,170,168,127,168,173,176,178,176,173,173,181,191,189,178,168,165,170,181,186,186,181,178,183,189,196,204,222,238,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,178,186,191,199,204,199,202,204,202,199,196,199,202,196,189,189,194,189,178,152,33,29,113,157,168,173,170,163,157,111,91,27,0,0,0,0,69,101,160,160,115,119,121,109,109,117,119,121,163,168,170,170,170,168,165,123,111,105,109,125,173,176,178,189,194,194,191,191,194,196,202,202,196,191,189,194,202,202,202,204,207,207,207,212,212,204,103,65,178,202,212,215,204,189,173,125,124,125,127,168,176,189,189,176,176,176,165,117,113,115,121,123,119,115,115,116,119,121,121,123,165,170,176,176,170,173,181,186,181,165,125,173,181,178,170,170,165,123,170,186,191,181,163,82,82,89,109,108,121,176,181,181,181,97,69,71,160,173,176,160,165,202,186,189,196,204,207,204,202,196,199,204,204,198,196,199,202,204,199,199,199,202,199,196,196,199,202,199,194,191,194,194,194,194,191,186,178,174,173,174,178,189,191,194,194,194,191,196,199,202,199,194,186,178,178,181,183,183,183,181,178,168,123,123,163,168,178,186,194,194,191,183,181,173,125,115,115,121,168,173,170,170,173,181,189,194,194,196,194,191,189,189,181,168,121,117,117,118,127,181,181,176,125,121,170,176,165,119,109,89,77,93,123,176,181,176,125,122,165,181,183,183,178,127,120,168,191,194,183,178,178,173,127,129,170,125,124,127,183,191,178,118,114,119,168,176,176,181,186,189,181,123,121,168,176,170,170,181,189,189,183,183,183,181,131,127,128,176,186,186,183,183,183,181,131,121,118,124,186,191,189,186,178,121,111,107,109,109,113,121,170,170,127,127,125,165,176,173,170,173,173,127,168,178,189,189,129,121,127,129,127,173,189,191,176,170,173,181,189,189,189,189,194,199,202,199,196,196,191,181,176,186,191,194,196,202,204,202,202,202,199,202,207,202,189,178,178,181,183,181,176,174,174,176,178,181,189,196,202,202,196,191,186,186,183,181,178,181,186,191,194,194,196,196,199,196,194,189,187,189,194,194,189,186,189,199,204,207,202,196,194,194,191,191,191,189,190,199,204,204,199,196,196,196,199,202,202,199,194,189,187,191,191,194,199,204,199,183,178,186,186,178,130,129,173,178,176,173,173,131,127,127,173,173,125,127,173,181,183,183,181,170,127,125,123,123,123,127,173,176,176,173,176,176,178,181,176,173,176,173,173,176,178,183,186,186,186,186,186,191,202,209,212,207,191,131,127,176,191,196,194,191,196,199,196,189,119,94,98,178,183,181,176,168,168,176,181,178,170,125,125,170,176,173,170,168,125,168,178,189,189,186,191,194,189,178,178,191,204,212,212,204,168,75,70,93,168,178,181,181,183,183,181,181,183,186,186,183,183,183,186,181,173,170,176,191,202,207,207,202,199,199,202,202,189,97,117,125,176,191,173,121,123,123,123,173,194,204,207,204,204,199,194,196,204,196,61,5,0,0,61,91,115,165,173,176,127,127,176,183,186,189,189,194,196,202,207,209,212,212,209,212,212,212,207,202,196,194,191,189,183,181,178,133,128,128,129,125,115,115,119,127,178,183,178,135,135,135,178,183,189,191,191,191,194,196,194,189,181,178,178,178,178,181,181,183,189,194,194,191,189,191,186,181,181,183,183,183,183,178,176,173,170,129,127,125,125,129,173,176,178,173,129,129,173,173,176,178,183,189,189,189,183,183,183,183,183,186,186,189,189,189,186,189,189,181,181,186,191,194,194,189,189,191,189,189,191,183,173,127,127,129,131,173,178,186,196,202,202,196,191,194,189,127,117,117,125,135,183,191,199,199,202,202,202,196,194,194,194,196,191,187,191,202,207,204,196,195,196,202,207,207,207,212,215,209,202,202,207,212,212,209,204,194,137,133,135,181,183,186,189,194,196,199,202,199,191,178,128,120,127,130,128,130,181,186,181,177,177,178,181,183,181,181,181,177,177,179,189,194,191,191,191,191,191,191,191,189,186,186,183,181,137,135,133,131,133,137,137,183,186,135,131,131,181,183,183,183,181,181,178,181,186,186,186,189,191,183,109,94,100,135,189,189,189,191,194,196,202,209,212,207,199,198,199,202,202,204,207,204,202,204,209,209,202,196,196,194,191,189,189,191,194,194,196,199,199,194,189,186,186,189,189,186,183,183,183,186,183,183,186,183,176,129,127,129,131,133,133,176,181,183,189,196,199,196,194,191,189,183,181,186,194,191,137,129,127,127,131,183,196,202,202,202,204,207,209,207,207,204,207,209,212,217,217,215,209,199,191,189,183,183,186,186,183,181,178,176,133,176,181,181,178,173,173,173,173,173,176,181,181,176,131,131,131,176,178,178,174,176,181,181,183,183,186,186,189,191,196,199,199,196,191,186,181,178,176,178,178,181,181,183,183,181,178,178,178,181,183,186,189,189,189,183,183,181,183,183,186,189,191,196,199,196,194,191,189,189,189,191,194,196,196,186,173,123,119,117,117,119,123,125,173,186,199,209,212,199,81,32,57,125,181,209,209,202,194,189,186,181,137,139,183,189,194,196,199,202,202,204,209,212,212,211,212,215,217,212,209,209,215,217,220,217,212,212,215,215,212,212,217,217,215,207,199,194,189,186,186,189,189,186,183,189,196,204,204,199,196,196,194,189,185,183,183,186,191,191,189,183,186,189,196,202,207,209,215,215,209,207,209,209,207,204,202,202,196,194,196,199,202,204,196,191,191,194,191,190,192,202,207,204,202,202,204,207,209,207,209,209,209,209,212,212,212,209,207,202,198,196,196,199,202,202,202,199,194,192,194,196,202,204,202,199,199,204,204,202,196,194,202,204,199,196,202,207,207,204,204,202,202,204,207,204,204,202,199,196,196,199,202,204,204,204,204,204,204,204,204,204,204,207,204,202,200,204,209,209,207,204,204,202,199,196,195,195,195,196,204,207,207,207,202,199,202,207,209,207,204,204,209,212,209,207,202,199,202,204,207,202,196,196,199,202,207,209,209,207,207,204,202,200,202,207,209,212,209,204,204,207,204,202,202,202,202,204,209,212,209,204,202,202,207,207,209,209,207,204,202,202,207,209,204,194,139,131,130,135,189,199,202,204,204,207,207,207,204,207,209,207,207,207,207,204,202,199,194,189,191,194,194,186,135,127,123,124,137,199,209,215,217,215,212,207,196,196,202,204,202,199,194,194,194,194,194,196,199,202,204,202,194,189,189,194,196,196,199,199,191,186,186,189,189,187,186,189,196,191,191,191,189,189,194,199,199,199,194,189,186,191,202,207,209,207,207,209,209,207,207,204,196,190,196,204,204,207,209,199,186,186,191,194,196,196,194,191,191,191,191,189,187,189,194,196,194,189,187,189,191,189,186,186,189,194,194,186,134,131,130,133,139,189,189,186,186,189,196,199,199,199,204,207,212,220,217,212,212,207,202,194,194,194,196,191,183,181,189,207,220,215,204,202,207,217,222,220,220,217,207,196,143,137,133,135,143,202,215,222,217,215,217,217,217,217,215,212,207,207,204,202,191,186,186,191,199,207,212,215,215,217,215,212,207,204,199,196,194,191,189,186,183,183,183,186,189,183,178,133,133,133,176,135,178,181,189,194,196,191,189,183,137,133,133,139,143,145,199,215,228,233,241,248,254,251,251,254,255,255,255,255,255,251,241,228,222,222,222,0,0,0,255,254,254,254,0,0,0,254,230,212,209,222,0,238,235,225,212,207,204,202,204,0,0,0,0,225,215,207,199,189,176,0,168,183,0,0,0,0,0,0,199,199,196,183,168,0,0,163,178,191,199,204,202,196,199,204,202,186,163,115,114,117,157,157,160,0,168,181,191,204,225,241,241,230,228,228,228,233,238,0,0,243,243,246,254,255,251,0,0,0,0,255,255,235,212,204,196,191,0,0,0,0,0,0,0,255,248,235,230,209,204,217,217,204,199,199,199,204,222,233,230,217,222,225,215,199,183,173,165,163,163,173,178,178,181,183,183,178,165,157,0,0,160,168,176,181,178,178,176,181,194,207,0,0,0,207,194,183,178,176,168,165,170,173,163,147,139,107,0,160,178,199,212,225,233,241,248,255,255,246,238,230,225,228,238,246,248,246,238,233,230,228,222,209,199,199,204,212,217,212,191,131,125,129,0,204,215,215,212,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,137,168,173,176,174,174,176,181,186,189,186,189,189,183,183,186,181,155,13,0,5,139,220,45,0,0,15,27,100,124,142,142,142,147,147,144,144,143,147,155,160,168,173,176,178,170,150,144,150,176,183,173,160,157,157,118,117,118,163,178,186,191,194,191,183,176,173,170,170,168,129,129,170,170,173,176,181,170,165,168,173,183,191,191,186,183,183,189,191,199,212,215,199,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,165,186,189,191,196,199,196,204,202,199,196,196,199,202,199,194,191,189,186,186,178,7,0,23,87,101,103,99,105,111,109,87,47,19,0,0,0,83,160,168,168,109,109,109,102,103,115,119,115,111,109,109,119,168,170,168,170,170,165,121,123,165,168,168,181,186,183,186,189,194,196,199,199,196,191,189,194,196,199,202,202,204,203,204,209,209,189,89,45,117,189,196,199,189,178,129,125,124,125,127,173,183,191,189,178,173,168,121,115,112,112,113,117,117,117,117,119,121,119,119,121,123,165,170,173,176,178,181,178,125,120,120,123,165,163,165,178,168,121,123,176,183,170,117,97,87,92,168,117,160,168,178,176,105,66,82,165,178,168,170,178,189,199,196,196,199,202,202,202,202,196,195,202,207,202,198,198,199,199,198,198,199,202,199,195,194,196,202,204,202,199,199,196,196,196,191,183,176,173,173,174,178,186,191,191,191,189,189,196,202,202,199,189,181,176,176,181,183,183,181,183,183,173,123,121,122,165,176,189,194,194,189,186,181,178,165,118,118,165,176,178,176,173,178,181,181,183,183,186,189,191,189,186,178,170,127,123,119,118,121,127,173,176,170,173,178,178,168,125,168,186,191,178,173,170,168,165,123,165,189,194,186,178,173,170,170,178,186,181,173,170,176,173,126,127,170,129,126,129,176,173,123,115,114,121,127,170,176,181,186,189,181,121,117,121,129,127,127,178,191,183,176,176,181,183,176,128,126,173,189,194,191,189,189,183,176,121,116,120,131,181,186,189,183,123,111,107,107,109,115,121,125,168,168,165,121,121,168,170,176,186,189,176,168,127,170,173,121,117,129,176,170,173,191,194,181,173,174,178,186,189,191,194,196,199,204,199,194,196,196,189,183,191,194,194,194,196,196,196,196,196,194,194,196,191,181,176,176,181,183,181,178,176,174,176,178,178,183,191,196,199,196,189,186,189,189,183,181,183,189,196,196,194,196,196,196,191,189,187,187,189,194,191,183,182,186,196,202,202,196,194,194,194,194,194,194,189,191,202,209,207,202,194,191,191,191,191,191,191,189,186,186,191,191,191,196,199,189,177,174,178,183,178,173,176,181,181,129,123,119,121,119,121,176,181,129,170,173,178,178,178,176,170,129,125,125,125,123,121,127,129,170,170,173,176,176,173,127,129,176,176,176,181,181,181,178,181,183,189,191,194,199,204,204,199,186,123,120,125,183,196,196,194,196,202,196,183,117,105,181,202,178,125,119,119,127,176,181,170,118,119,125,173,176,168,165,165,165,173,183,194,194,189,189,191,186,173,173,191,207,212,212,212,204,89,71,91,176,178,178,181,183,183,183,181,183,189,191,186,178,178,181,181,176,174,178,189,199,204,207,204,202,196,189,189,186,168,121,117,112,113,165,170,165,120,121,176,196,204,204,204,204,199,196,196,204,215,202,23,0,0,59,99,115,121,165,173,173,176,178,181,183,186,189,194,196,199,204,209,212,212,212,215,215,215,209,202,196,194,191,189,186,186,183,181,178,178,135,125,115,117,123,131,178,186,183,135,135,135,181,186,191,191,191,190,191,196,196,191,183,181,178,178,181,186,191,191,194,196,194,191,189,189,186,183,181,181,178,181,183,178,173,129,127,127,127,125,125,124,127,173,176,173,170,129,129,127,127,170,176,181,183,181,178,178,178,178,181,183,189,189,189,186,183,183,183,179,179,186,196,199,196,191,189,191,191,191,194,183,131,125,125,129,176,176,176,186,194,196,194,189,186,189,186,119,113,123,183,191,189,189,194,196,202,204,202,196,194,194,196,196,189,186,189,202,207,204,199,196,199,204,209,209,207,207,207,204,202,204,212,215,212,212,212,202,136,130,132,135,137,186,194,191,194,196,199,196,189,133,125,115,125,130,130,133,183,183,177,178,183,186,191,186,181,181,183,183,183,186,191,194,191,191,191,196,199,202,199,194,189,186,186,183,181,135,131,130,135,181,181,181,191,183,137,135,181,183,189,186,186,186,183,183,183,183,183,191,194,189,129,117,139,196,194,191,194,194,196,196,199,204,207,204,202,202,202,199,199,202,207,202,199,199,202,202,196,191,191,191,189,189,191,194,196,194,196,202,199,191,183,182,186,191,191,189,183,183,183,183,183,183,186,183,181,176,133,133,176,176,178,181,183,183,189,194,202,199,194,191,186,181,179,183,191,186,137,135,181,186,189,194,199,202,199,199,202,204,207,207,203,203,204,207,212,215,215,209,199,191,187,191,191,191,191,191,189,186,183,181,181,181,186,186,181,178,176,176,173,173,176,178,181,178,173,173,173,176,181,178,173,174,178,181,183,186,189,189,189,189,191,194,194,191,189,183,178,176,178,181,181,181,181,181,181,178,177,177,178,181,183,186,191,191,186,181,181,181,181,181,183,186,189,194,196,194,191,189,189,189,191,191,194,196,196,189,173,123,119,116,117,121,127,131,181,189,194,202,209,196,109,119,181,189,196,207,207,202,196,194,194,189,186,186,139,183,189,189,194,202,204,204,209,212,212,211,211,215,220,217,215,212,215,220,220,215,209,209,212,209,209,209,215,217,215,207,196,186,183,183,183,183,139,138,138,183,194,202,202,199,194,191,191,189,186,186,186,189,194,199,199,194,194,196,202,207,207,209,215,215,212,209,212,215,215,209,209,209,209,209,209,209,209,209,207,202,199,194,190,190,196,204,204,202,202,202,204,209,209,212,212,212,212,212,212,212,212,209,207,204,199,196,196,199,199,199,199,199,196,194,192,194,196,199,194,190,194,202,204,199,191,190,199,204,196,194,202,204,204,204,204,204,204,207,212,212,209,204,199,195,195,199,204,204,204,204,204,202,202,199,199,202,204,207,207,202,200,202,207,207,204,204,202,204,202,196,195,195,196,196,204,207,207,207,204,204,207,212,212,209,207,207,209,209,209,207,204,204,204,204,204,202,196,196,199,202,204,207,207,207,207,207,204,200,200,204,207,209,207,204,204,207,207,204,202,202,204,207,209,209,209,207,207,204,204,204,207,207,207,202,200,202,204,209,204,191,137,133,135,143,199,204,204,204,207,209,207,204,203,204,207,207,207,209,209,207,204,202,196,194,194,194,194,191,141,129,123,124,135,199,212,217,222,217,217,209,199,194,196,199,196,196,196,196,196,196,194,194,194,191,191,189,187,186,189,196,202,204,204,199,186,183,185,189,191,189,186,189,194,191,191,196,194,191,196,202,202,202,199,191,187,191,199,202,196,191,191,199,202,199,202,204,196,191,196,202,204,204,204,194,137,136,139,189,194,199,196,194,194,194,194,191,189,191,196,196,194,191,189,189,189,186,139,139,186,191,191,186,137,134,132,137,199,202,189,177,176,182,194,204,204,202,199,202,207,215,215,215,215,207,194,183,186,196,207,212,207,202,207,217,222,217,202,194,199,207,212,209,207,212,204,191,139,134,132,133,141,204,217,220,209,204,207,212,215,217,222,217,212,209,207,202,191,182,183,189,202,207,212,215,215,215,215,212,207,204,199,196,194,194,194,191,186,181,181,186,189,191,186,181,135,135,135,135,134,135,183,191,194,191,186,183,139,137,141,189,189,143,147,204,225,235,243,246,243,238,238,241,243,243,248,254,255,254,246,233,225,228,233,0,0,0,255,255,255,255,0,0,0,254,238,230,228,230,235,235,233,225,215,209,207,209,209,209,209,215,0,0,212,202,194,189,178,0,178,0,0,0,0,0,0,0,204,202,199,189,176,0,160,168,183,199,207,209,207,202,202,207,204,186,160,114,113,115,119,157,163,0,170,183,194,207,228,241,238,233,233,233,235,238,243,0,0,248,246,246,254,255,0,0,0,0,0,255,251,222,199,194,191,189,0,0,0,199,0,0,0,255,230,220,215,202,199,217,217,204,199,199,204,215,228,228,212,200,199,204,207,202,191,178,168,164,164,173,178,0,176,178,178,173,160,150,147,147,0,160,168,170,168,168,170,176,189,0,0,0,0,215,204,191,186,178,168,165,173,181,173,0,0,0,0,165,181,196,209,222,230,238,251,255,255,246,235,228,222,225,235,246,251,251,243,241,241,241,233,222,212,207,209,217,222,215,194,133,0,0,183,202,215,222,222,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,168,176,176,174,174,178,181,186,189,189,189,186,183,181,178,173,150,82,27,0,39,103,7,0,0,15,100,129,137,142,147,147,147,147,144,143,143,144,152,163,165,168,176,181,183,160,147,150,165,181,170,157,157,157,118,117,119,165,176,183,194,204,204,196,186,178,176,168,127,127,128,129,129,126,122,116,121,165,178,186,191,194,194,186,182,183,186,191,194,199,204,194,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,183,189,189,189,191,191,194,202,202,199,191,191,202,204,199,194,194,186,183,191,196,69,0,0,0,7,41,75,103,157,170,178,189,183,95,0,0,85,160,168,173,176,173,117,103,104,115,117,111,103,95,95,107,123,170,173,178,183,181,173,119,113,127,170,178,183,182,183,191,199,199,196,196,194,189,189,189,191,194,199,202,204,202,203,207,204,178,116,80,112,173,181,181,178,170,127,127,125,125,170,181,189,191,186,178,170,127,121,115,113,112,110,115,121,119,119,125,165,165,165,125,125,165,170,176,178,178,173,125,120,121,125,165,113,101,118,170,170,163,117,121,168,111,105,107,93,93,173,222,173,97,176,189,121,71,105,191,183,181,178,186,191,194,196,199,199,199,199,199,199,195,195,199,202,204,202,199,199,198,196,199,204,204,199,195,195,196,199,202,202,199,199,199,199,194,191,189,183,176,176,176,176,178,183,186,189,189,191,196,202,199,191,181,176,176,176,178,183,183,183,189,191,181,123,118,119,125,178,189,194,191,186,183,183,183,176,165,170,183,183,181,173,173,178,181,178,178,181,181,181,183,183,181,178,173,173,168,123,121,123,123,127,173,178,186,189,183,178,183,196,204,202,189,176,123,123,125,123,173,199,196,183,127,127,170,173,173,170,127,125,127,173,129,126,127,178,186,186,183,176,127,118,116,118,123,127,168,173,176,176,176,173,119,117,119,123,117,119,173,186,181,172,170,178,186,181,129,126,129,186,196,196,194,191,186,181,176,125,124,129,176,183,189,186,173,113,109,105,100,103,121,127,168,170,125,119,119,125,168,176,186,191,181,168,119,118,125,120,115,119,123,121,127,183,189,183,183,181,181,186,189,191,194,196,199,196,191,191,196,199,189,176,186,194,194,196,196,191,190,191,191,189,189,189,183,178,176,176,178,183,183,178,176,176,176,178,181,183,186,191,194,194,189,189,194,194,186,179,181,191,196,199,196,196,194,194,191,189,187,189,191,191,186,182,182,186,194,196,194,189,189,191,194,196,199,196,191,194,204,209,204,194,189,189,189,186,183,186,189,189,189,191,196,194,189,189,191,186,178,177,181,183,178,176,183,191,189,173,119,119,119,116,116,127,176,173,173,183,183,173,170,173,170,129,127,125,125,121,121,118,125,170,173,170,173,176,127,122,173,178,181,178,176,178,178,177,177,181,186,191,191,194,196,196,189,176,121,120,122,173,191,196,196,199,202,196,183,129,176,199,199,176,115,115,119,168,178,178,123,113,117,127,173,170,168,168,170,176,181,186,189,191,191,191,191,183,127,123,181,196,209,209,199,186,93,75,93,181,183,183,191,189,186,178,170,128,178,186,183,177,177,178,178,176,176,181,189,196,199,202,204,204,199,186,178,178,173,121,114,110,109,123,176,165,118,119,173,194,199,199,199,199,199,199,196,202,209,220,163,0,65,176,176,123,123,125,170,183,183,181,181,183,183,189,194,194,196,202,204,204,207,207,212,215,215,209,204,202,194,186,182,183,189,194,196,191,186,181,129,123,127,133,178,183,186,183,135,134,135,181,189,191,191,191,190,191,196,196,191,186,183,178,135,181,189,194,196,196,194,194,191,191,189,186,183,181,178,176,178,181,176,129,125,125,127,127,127,124,125,127,168,170,173,173,173,127,125,125,127,170,176,181,178,176,176,176,178,181,183,183,183,181,183,183,183,181,181,181,186,194,196,196,191,189,191,194,196,194,189,178,129,131,181,186,181,181,183,189,183,178,131,127,176,133,109,115,178,194,194,189,186,187,196,202,204,202,199,196,196,202,199,189,186,191,204,207,207,204,199,202,207,209,209,209,204,202,199,202,207,209,212,212,215,217,212,194,137,137,183,186,189,189,186,186,194,196,194,183,132,132,178,178,178,183,189,189,181,176,178,186,194,196,191,186,186,191,194,194,196,199,202,196,191,191,199,204,202,202,204,194,194,191,189,137,130,129,133,181,181,181,183,189,186,181,135,135,137,181,137,183,191,191,186,182,181,183,191,194,186,137,139,191,196,196,196,199,196,194,196,202,202,202,204,204,207,204,202,199,202,207,204,199,196,194,194,191,189,186,186,186,189,194,196,194,194,196,199,196,189,182,183,189,194,194,189,186,183,183,183,183,186,186,183,181,178,178,178,178,178,178,181,183,189,189,194,199,196,191,183,183,181,181,181,183,181,181,183,189,191,194,196,202,202,199,196,196,199,204,204,202,202,204,209,212,215,215,209,194,185,186,194,196,196,199,199,194,189,183,181,181,183,186,186,183,181,178,176,176,173,173,172,173,176,178,176,176,176,178,178,178,178,183,186,189,191,189,189,189,189,189,191,191,189,186,181,178,176,176,178,181,181,181,178,178,178,178,178,178,176,178,183,189,189,183,181,181,181,181,178,178,181,186,189,191,191,191,189,187,189,194,199,199,199,194,189,178,125,117,116,117,123,129,178,183,189,191,196,199,199,191,183,196,207,204,202,199,196,196,196,194,194,194,196,189,183,183,186,196,204,204,204,207,215,217,215,211,212,217,222,217,215,217,222,222,209,204,205,207,207,207,212,217,222,215,204,139,129,135,189,189,183,138,137,137,139,186,194,199,196,191,191,194,194,191,191,196,196,199,204,204,202,199,202,204,207,207,209,212,212,209,207,209,215,217,209,204,204,207,215,217,215,215,215,212,207,202,196,192,192,199,199,194,194,196,199,204,209,209,209,209,207,207,209,209,209,209,209,212,212,204,199,198,199,199,199,199,199,199,196,192,192,196,194,189,187,191,199,202,196,190,189,194,199,194,191,199,199,191,189,196,204,207,212,215,212,209,204,199,196,195,196,202,207,209,207,204,202,202,199,199,199,199,204,207,207,204,204,207,207,204,202,199,199,199,199,199,199,199,202,204,207,209,207,207,207,209,212,212,209,207,207,207,207,204,202,202,202,204,204,204,202,199,199,199,202,204,204,204,207,209,209,207,204,200,202,204,207,202,200,202,207,207,204,202,204,207,209,207,207,207,209,209,207,202,202,204,204,204,202,202,202,207,209,209,196,137,135,143,202,207,207,207,207,209,209,207,204,204,204,204,204,207,212,212,207,204,202,196,192,196,196,196,194,186,135,127,127,141,207,212,215,222,222,217,212,202,196,194,194,196,196,202,199,194,194,196,194,189,189,186,189,189,189,191,199,202,202,202,196,186,183,183,189,194,194,191,189,191,194,194,196,196,194,196,202,204,204,204,199,194,194,196,194,183,135,137,189,194,191,196,199,194,191,196,204,209,212,204,189,136,136,139,189,194,199,196,194,194,194,196,196,194,194,194,194,191,191,189,186,186,183,137,135,139,183,183,183,189,191,189,196,207,207,189,178,176,181,194,209,212,202,192,192,207,212,215,217,215,204,127,111,125,183,209,220,220,217,220,220,220,207,194,185,183,189,196,196,194,202,204,189,132,133,135,137,143,209,220,222,215,203,200,204,212,215,215,215,212,212,215,215,199,182,183,191,204,212,215,215,215,215,212,212,209,204,199,196,194,196,196,191,186,178,135,178,186,194,191,189,186,181,178,135,135,178,183,191,196,191,186,139,139,186,191,194,191,191,194,207,222,233,241,238,228,222,225,230,233,235,241,246,251,255,255,255,248,243,241,246,0,255,255,255,255,255,0,0,0,254,243,238,241,243,241,238,233,228,222,217,217,215,209,207,207,204,207,0,0,199,194,189,181,176,181,0,0,0,0,0,0,207,207,207,202,194,178,0,168,176,186,202,209,209,209,209,209,215,212,199,170,119,114,115,155,160,165,170,178,186,196,204,220,233,235,235,235,238,238,241,243,0,0,0,255,251,251,254,251,0,0,0,0,251,233,204,194,191,194,196,202,0,204,196,202,217,228,225,212,204,199,194,196,209,212,204,196,196,202,215,225,220,209,202,195,199,204,207,202,189,176,168,168,178,181,178,176,173,165,157,147,139,137,137,144,155,160,0,160,163,165,170,0,0,0,0,0,222,215,199,186,178,168,165,170,176,173,0,163,170,181,183,186,194,204,215,228,238,254,255,255,246,230,222,212,212,222,241,251,251,248,246,248,246,238,233,230,222,222,225,222,212,196,181,131,0,189,207,225,233,233,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,181,181,176,176,178,181,183,183,186,189,189,186,181,170,168,163,150,98,43,5,0,0,0,0,0,23,95,124,134,142,147,150,147,147,147,144,144,147,155,163,163,160,165,176,181,165,152,147,155,168,165,155,155,119,118,118,123,168,173,181,189,199,202,196,186,178,176,173,129,129,170,170,127,124,122,120,123,170,183,191,194,194,189,186,183,183,189,189,189,191,202,222,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,176,189,189,183,186,191,191,189,194,199,194,183,183,199,204,199,196,194,189,181,176,178,152,0,0,0,0,51,109,181,194,194,194,199,199,191,43,9,73,105,117,165,173,173,121,108,111,117,109,105,97,95,101,113,121,168,178,181,183,183,178,99,69,107,170,176,183,183,183,194,199,196,194,191,189,183,183,186,189,189,194,199,204,204,204,204,196,173,121,117,131,178,176,176,173,129,127,127,125,127,173,183,194,194,189,181,170,127,123,117,115,112,111,121,125,123,123,168,176,176,173,168,165,168,176,181,178,176,168,121,120,170,189,191,170,111,115,121,123,121,117,113,101,87,94,101,103,111,178,199,111,55,117,186,181,101,178,204,196,194,191,191,191,191,194,199,199,196,195,196,196,196,196,199,202,202,202,202,199,198,198,199,204,207,202,196,196,196,196,194,194,194,196,199,199,191,189,189,189,186,186,181,176,176,181,186,189,191,196,199,202,196,183,173,170,170,170,173,178,183,189,194,196,191,170,119,120,125,178,189,191,189,186,183,183,186,183,178,181,189,183,170,125,127,178,186,181,176,178,178,176,173,173,173,170,170,173,173,168,127,125,122,122,170,181,191,191,186,183,191,204,209,207,191,168,115,111,113,119,170,199,186,106,101,115,170,173,168,127,124,124,125,129,127,127,176,196,204,202,194,183,170,125,123,125,127,168,170,168,168,168,170,168,121,121,123,119,101,101,123,181,183,173,169,173,181,181,131,127,131,183,196,199,196,191,186,183,183,176,131,173,178,183,189,189,176,119,113,105,99,103,125,173,176,168,121,119,121,125,165,173,183,186,181,168,119,121,170,168,121,119,117,114,117,173,186,189,186,181,179,183,191,194,196,196,196,191,190,190,196,199,183,121,131,191,196,196,199,196,194,191,189,189,189,189,186,183,178,177,178,181,183,178,176,178,178,178,181,183,186,191,194,194,194,191,194,191,183,179,179,189,194,196,196,194,191,191,189,189,189,189,191,189,186,183,183,189,194,191,183,182,186,194,196,199,199,196,194,196,202,202,191,181,181,186,183,183,183,189,191,196,199,199,196,191,183,183,189,189,186,186,189,189,178,176,183,194,191,173,119,121,121,118,119,170,173,172,173,189,186,173,127,126,127,129,129,123,119,118,118,119,125,170,176,176,176,176,122,119,129,178,181,178,173,176,181,181,178,178,183,189,189,189,189,186,178,127,125,125,123,127,181,191,194,199,199,196,186,181,191,207,204,189,119,118,123,173,183,181,121,113,114,123,125,121,125,173,176,173,178,186,186,189,191,196,194,181,125,116,123,181,196,194,178,173,121,99,117,183,191,194,199,196,189,173,126,127,173,181,181,178,181,181,178,173,173,178,186,194,196,194,196,199,196,186,178,183,178,165,119,115,117,170,173,121,118,119,170,189,194,191,194,196,202,202,196,199,202,181,63,0,59,170,176,125,125,127,170,183,186,183,183,186,183,186,191,191,194,196,194,191,196,202,207,212,212,209,207,204,191,181,179,183,194,202,204,199,191,183,135,133,178,183,186,189,191,186,178,134,135,183,189,191,191,191,191,191,194,196,191,183,181,135,133,176,183,189,191,191,191,194,194,194,191,186,183,181,178,176,178,178,173,127,125,125,127,170,168,127,127,168,168,168,170,176,173,168,126,126,127,129,173,178,176,176,176,176,178,178,181,181,176,169,181,186,186,183,181,183,186,189,189,191,191,187,187,191,196,196,191,183,178,181,189,191,186,183,183,181,129,121,117,113,115,109,106,117,183,196,194,187,187,189,196,204,207,204,199,196,199,204,202,194,189,199,207,207,204,204,199,202,207,209,209,207,199,196,196,199,204,207,207,209,215,217,212,194,137,181,194,199,191,135,133,135,186,191,189,135,130,176,183,189,191,194,196,191,183,178,178,181,186,191,194,191,191,194,196,196,202,207,207,199,191,191,202,204,196,199,204,202,202,202,194,183,130,130,137,183,183,183,189,189,186,181,135,133,133,134,135,183,191,194,189,183,182,186,194,191,183,139,186,189,191,194,196,199,196,196,196,199,199,199,204,204,204,207,204,202,202,204,204,199,196,194,194,194,191,186,185,185,186,194,194,191,191,194,194,191,186,183,186,191,191,189,186,183,181,181,181,183,183,183,181,181,178,178,178,178,178,178,181,183,189,191,194,194,189,183,179,179,183,183,181,181,137,181,183,189,194,196,199,202,202,196,194,192,194,202,204,202,202,204,209,215,215,215,207,191,186,189,196,199,202,202,202,199,191,183,178,178,181,183,183,183,181,178,176,173,173,172,172,173,178,181,176,176,176,178,183,186,189,191,191,194,194,191,189,189,191,191,189,189,186,183,181,178,176,176,176,178,181,181,178,176,176,176,176,176,131,131,178,183,186,183,186,186,183,181,178,177,178,181,186,186,189,191,189,189,191,196,204,204,199,196,189,178,125,117,116,117,123,131,178,186,189,194,194,194,196,199,196,204,212,207,199,194,194,194,194,194,194,199,202,196,186,182,189,199,204,207,207,207,215,217,215,211,212,215,217,215,215,217,222,222,209,204,205,207,207,207,212,222,222,215,202,123,112,117,139,191,189,183,139,183,186,189,191,196,196,196,199,199,196,194,194,199,202,202,204,204,202,199,202,204,209,212,209,207,204,202,204,209,215,215,207,202,200,203,207,212,215,215,217,215,207,202,199,196,196,199,139,137,141,194,202,207,209,207,204,204,203,203,207,207,204,207,209,215,217,209,202,199,202,202,199,202,199,199,199,196,194,196,191,187,187,194,202,199,191,189,189,194,196,194,191,194,189,181,182,189,202,207,212,212,207,202,199,196,196,196,196,202,207,207,204,202,199,199,202,202,202,199,202,204,207,209,207,207,207,207,202,199,199,202,204,207,207,207,207,207,209,209,209,207,207,207,207,207,207,207,207,207,204,202,199,199,199,202,204,204,202,199,199,199,199,199,202,204,209,212,212,209,204,202,202,204,207,202,199,200,204,207,204,204,204,207,209,207,204,204,209,209,207,202,199,199,202,204,204,204,207,209,212,215,207,194,189,196,204,209,209,207,207,207,207,204,204,202,202,202,204,207,209,209,207,204,199,194,192,196,199,199,194,194,194,186,141,194,207,209,209,215,217,217,212,204,196,191,191,194,199,207,204,196,196,194,191,186,186,189,191,194,196,196,199,202,196,194,191,189,185,185,189,194,196,194,196,199,202,199,196,196,196,199,199,202,204,204,202,199,196,196,189,135,132,134,183,189,189,186,186,189,194,199,207,215,215,209,196,183,139,183,191,196,199,196,191,191,194,199,199,196,191,191,191,191,191,189,186,186,186,139,135,133,127,123,133,191,202,202,204,207,207,196,189,186,189,202,212,215,204,194,194,207,217,225,222,212,183,103,99,107,131,204,215,215,215,217,217,220,209,196,185,182,185,189,189,189,194,202,189,133,133,137,141,194,212,222,225,220,207,203,207,215,212,209,209,209,209,217,225,217,196,194,202,209,212,215,215,212,212,212,209,207,204,202,199,196,196,196,189,137,129,129,135,181,186,191,194,191,186,181,178,181,186,189,194,196,191,183,138,139,191,196,196,196,196,202,209,222,230,241,238,225,218,218,225,233,238,241,243,248,255,255,255,255,255,248,248,0,255,255,255,255,251,0,0,0,246,241,238,243,251,251,243,0,0,0,233,233,225,212,202,196,194,191,0,0,207,202,189,178,174,178,0,0,0,0,0,0,207,207,209,207,196,183,170,170,176,189,199,207,209,209,212,212,222,225,212,189,168,157,155,157,163,170,178,183,191,196,204,212,228,233,235,241,243,241,241,0,0,0,0,0,255,243,241,238,235,0,0,0,246,230,204,191,194,0,0,0,235,217,204,204,209,212,207,202,196,192,191,194,202,204,199,194,191,196,215,228,225,222,217,207,204,209,212,209,196,183,176,176,181,183,183,178,168,157,147,139,134,131,131,139,0,0,0,0,0,165,176,0,0,0,0,0,215,212,196,183,176,165,160,165,165,0,0,165,181,194,196,191,189,199,209,225,241,255,255,255,243,228,215,207,202,209,228,243,248,248,251,254,251,246,243,241,233,228,225,220,209,196,183,135,181,199,222,235,241,241,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,189,186,178,178,186,183,183,178,178,183,178,176,173,160,139,55,31,29,21,0,0,0,0,0,9,29,55,111,126,139,150,152,152,152,157,155,152,147,152,157,157,152,152,157,168,160,147,143,147,168,168,155,118,119,119,121,163,168,170,170,173,181,186,186,181,176,176,181,178,176,178,173,126,125,165,168,170,178,186,194,194,191,189,186,183,186,189,189,189,189,199,222,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,189,191,191,186,179,181,189,189,181,183,189,183,178,179,196,204,202,199,196,189,173,168,168,157,23,0,83,155,199,204,202,202,202,199,196,202,204,105,57,79,97,107,115,121,121,111,109,119,117,101,97,92,95,115,123,121,125,173,178,178,178,178,87,49,62,115,168,178,183,186,194,196,196,194,191,186,181,181,183,186,183,186,191,202,207,204,196,183,131,127,131,178,178,173,173,170,125,124,124,125,127,176,189,199,199,196,186,170,165,125,121,117,113,115,125,125,121,123,168,178,183,176,168,168,170,178,178,178,176,170,121,120,186,204,207,199,121,115,120,123,123,119,113,105,95,100,111,117,165,189,196,42,3,37,176,183,181,194,202,196,196,194,194,191,190,191,194,196,196,195,195,196,199,202,204,204,202,202,202,202,199,199,202,204,202,199,199,199,199,194,190,189,190,194,199,196,189,183,189,191,194,194,189,181,181,186,189,191,194,196,196,196,191,178,169,168,168,166,168,173,183,191,199,202,199,183,125,125,173,183,189,191,189,186,182,183,191,186,173,168,170,125,123,123,170,186,194,186,176,173,176,173,168,168,168,127,125,127,168,127,127,123,120,120,170,183,189,186,181,181,189,199,204,199,176,119,112,107,110,115,117,178,113,100,98,111,170,176,173,170,127,125,125,125,129,178,191,202,204,199,191,186,183,183,183,181,170,170,168,127,127,173,176,170,127,125,125,109,95,96,121,183,191,178,170,172,181,183,178,173,176,186,196,202,199,191,189,189,189,186,183,183,186,189,189,189,183,170,125,113,104,117,176,178,173,121,117,121,125,125,125,170,181,186,189,186,127,119,178,181,129,121,119,117,121,176,183,186,183,179,178,181,189,196,199,199,196,191,190,191,196,194,127,112,119,186,196,196,202,202,196,189,189,189,191,194,194,189,181,177,177,181,181,178,178,181,181,181,183,186,189,191,194,194,194,189,186,186,183,179,179,183,191,194,194,191,186,186,189,189,186,183,183,183,183,183,189,191,194,189,177,179,189,199,196,194,191,194,196,199,199,196,186,178,178,181,183,183,186,191,196,199,199,194,186,183,178,178,183,189,189,194,196,191,181,178,183,189,186,125,119,125,129,170,178,183,178,172,172,181,181,170,126,125,127,173,176,125,117,116,119,125,127,170,178,183,186,178,120,115,123,176,181,178,170,170,181,186,181,176,183,189,191,189,186,181,127,121,127,129,125,123,131,186,194,196,194,189,181,183,194,207,207,196,181,168,168,176,181,173,119,114,116,123,121,114,117,178,176,159,164,181,183,186,189,191,191,176,123,109,110,125,178,170,121,125,170,173,178,191,199,202,199,196,191,178,173,173,129,170,176,181,183,181,176,173,173,178,186,191,191,183,181,186,186,181,181,189,186,173,125,123,165,173,170,121,121,119,165,189,191,187,189,191,194,199,199,199,191,53,0,0,0,55,101,115,125,168,173,181,183,186,189,189,186,183,183,186,191,191,186,186,189,196,202,207,209,209,209,204,191,179,178,186,199,207,204,199,191,186,181,178,181,183,183,189,191,189,181,178,181,186,191,194,194,191,191,191,194,194,186,178,178,133,130,131,176,181,181,186,189,191,194,191,189,183,181,178,178,176,178,178,173,127,125,126,168,173,173,170,170,170,168,168,173,178,176,170,168,168,127,127,170,176,176,178,178,181,181,178,181,181,174,163,176,186,186,186,183,186,191,191,189,189,189,187,187,191,196,199,194,189,186,189,191,191,189,183,181,173,117,113,111,108,106,103,105,121,186,199,196,189,191,196,202,204,207,204,202,199,202,204,204,199,199,204,207,204,202,202,199,202,207,212,207,196,189,191,196,199,204,207,207,209,212,215,207,129,122,133,196,199,178,128,128,129,178,186,186,178,133,181,189,194,196,199,196,191,186,181,178,176,174,181,191,194,191,191,194,196,202,209,209,199,189,189,196,194,137,191,202,204,209,215,207,194,137,135,183,186,186,186,189,186,183,137,135,134,135,137,183,191,196,196,194,189,191,194,196,189,139,183,189,189,189,189,194,199,199,199,199,199,198,198,202,202,202,207,207,196,191,194,196,196,196,199,199,199,196,194,189,186,189,191,191,189,186,183,178,178,181,186,189,194,191,186,183,183,181,181,181,181,181,181,181,178,178,178,178,178,178,181,181,183,189,194,194,186,181,178,178,181,186,186,181,137,137,135,133,181,191,196,199,199,199,196,192,191,194,202,204,203,203,207,209,212,212,212,204,194,189,196,199,202,202,204,204,199,191,181,176,176,178,178,181,183,183,181,176,173,173,173,173,173,178,178,173,131,176,181,186,191,194,196,196,199,199,191,189,189,191,191,189,189,186,183,181,178,176,176,133,176,178,178,178,133,133,133,176,176,129,127,133,183,189,189,191,189,186,181,178,178,178,178,181,183,186,191,191,189,194,202,207,204,202,196,191,181,127,117,115,116,121,127,176,183,191,194,194,189,191,199,202,204,207,204,199,194,191,190,191,191,194,202,209,202,191,186,189,196,204,207,207,207,209,212,212,212,212,215,215,215,217,222,222,217,209,205,207,209,207,207,212,217,222,217,202,117,107,110,129,189,191,189,189,191,191,189,191,196,202,204,207,204,199,196,196,199,202,202,202,202,199,199,202,207,212,212,209,199,196,196,202,212,217,217,209,204,203,203,204,207,209,212,217,217,209,204,202,199,199,199,132,133,139,196,207,209,209,204,204,207,204,204,207,204,202,204,209,217,217,212,204,202,204,207,204,204,202,199,204,202,199,196,194,191,194,202,204,199,191,189,191,199,202,194,191,191,186,182,183,191,204,209,209,207,202,194,194,194,196,196,196,199,204,204,199,198,198,199,202,202,202,202,202,204,207,209,209,209,209,207,202,199,199,204,209,209,209,207,207,207,209,209,209,209,207,207,204,204,207,207,207,207,204,202,199,199,202,202,202,202,202,202,199,196,195,195,199,207,212,215,212,209,207,202,204,207,207,202,199,199,202,207,204,204,204,207,207,204,203,204,207,209,207,204,202,199,196,199,204,209,209,212,212,215,215,209,204,204,207,209,209,209,209,207,207,204,202,200,199,200,204,207,207,207,207,204,202,194,194,199,202,199,196,199,207,202,194,199,204,204,204,209,212,209,204,202,196,194,191,191,196,207,209,199,194,189,183,183,186,191,194,199,199,196,196,196,191,187,189,194,194,189,189,191,194,196,202,207,207,202,199,199,202,199,196,194,196,202,202,199,196,191,186,135,134,137,186,191,189,183,182,185,194,199,207,209,209,209,204,194,189,189,191,194,194,194,191,191,194,199,199,199,191,191,194,194,191,189,189,186,186,139,137,129,121,118,121,137,204,209,207,209,207,204,199,196,199,207,215,217,215,204,202,212,225,233,230,204,125,102,100,108,135,196,199,191,194,199,207,220,225,220,204,191,189,191,189,187,191,199,191,137,135,137,189,199,212,217,222,217,209,204,209,215,212,207,204,202,202,212,225,225,215,209,209,209,209,209,209,212,212,212,209,207,204,202,202,202,199,196,186,129,126,128,135,178,178,189,196,194,186,181,181,186,189,189,189,191,191,186,139,186,194,196,196,194,196,204,215,222,228,238,243,230,218,218,225,235,243,243,243,248,255,255,255,255,255,254,251,254,254,254,254,251,246,0,0,0,0,230,0,238,254,255,254,0,0,0,0,241,233,215,199,189,181,181,0,0,215,207,191,178,174,178,0,0,0,0,0,207,204,204,207,207,199,186,173,170,173,183,196,204,207,209,207,209,222,228,222,202,183,168,165,165,168,170,178,186,194,199,204,209,225,233,238,246,246,241,238,0,0,0,0,255,255,235,225,225,233,0,0,0,243,228,204,194,0,0,0,0,255,241,215,207,207,204,199,194,194,192,192,194,196,196,194,189,189,196,217,233,235,235,233,225,215,215,215,209,202,189,181,181,183,189,186,178,163,150,142,139,134,130,130,137,0,0,0,0,163,170,0,0,0,0,0,199,204,204,191,181,173,160,155,157,0,155,152,160,176,194,199,194,189,194,209,228,241,254,255,255,241,228,212,202,196,199,209,230,238,243,248,254,254,0,246,243,238,230,222,215,207,199,191,186,194,215,238,246,246,243,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,165,178,178,181,189,181,176,170,163,165,142,150,152,144,51,0,0,0,0,0,0,0,0,0,9,23,39,95,118,139,152,157,157,160,165,165,160,147,146,150,150,147,147,150,155,155,143,140,144,168,178,160,155,160,160,163,165,168,168,125,123,165,173,176,176,173,173,183,183,178,176,170,127,170,178,181,181,183,189,194,196,191,189,189,186,189,191,191,189,191,199,212,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,176,194,196,189,183,178,179,183,181,176,176,181,181,177,179,196,204,204,202,199,189,173,163,160,152,105,173,199,207,209,207,204,202,202,199,194,191,196,173,105,105,105,107,106,104,101,99,104,117,117,107,99,89,87,103,117,115,119,125,168,168,173,178,121,64,64,103,123,176,181,189,194,196,194,194,194,189,183,181,181,181,181,181,186,196,202,199,181,131,131,131,170,173,170,170,173,129,123,122,124,125,168,181,194,204,207,202,189,170,165,168,125,121,121,121,121,117,115,117,123,176,183,176,168,168,170,173,173,173,178,181,123,119,176,199,204,199,168,118,165,178,170,111,105,113,123,178,181,173,183,204,209,39,0,32,165,183,191,196,191,178,183,191,194,191,190,189,191,196,199,199,196,196,199,204,209,207,202,199,202,202,199,199,202,199,194,191,194,199,202,196,190,189,190,194,196,191,181,179,186,194,196,196,196,194,191,191,191,191,191,191,194,194,189,178,170,168,168,168,168,173,183,191,199,202,202,191,178,181,189,194,196,194,191,186,181,186,194,181,108,102,105,111,123,170,183,196,196,186,173,170,173,170,123,117,119,125,127,127,127,127,127,125,121,122,170,181,181,178,173,173,181,189,191,183,125,115,121,117,117,113,87,97,104,107,111,123,173,181,181,178,173,170,127,127,176,191,196,196,194,191,189,189,191,196,199,196,178,129,123,123,170,181,183,178,170,129,121,101,94,99,173,189,191,181,172,173,183,191,191,186,189,189,196,202,202,194,191,194,196,194,191,191,191,189,191,194,191,186,176,125,119,168,176,127,115,114,117,123,125,125,125,170,178,183,194,202,115,74,97,176,127,121,123,170,178,183,183,183,183,179,178,179,186,191,196,202,199,196,196,194,191,178,116,109,117,183,194,196,202,199,189,183,186,191,194,196,196,191,181,177,177,178,181,178,178,183,183,186,186,186,189,191,194,194,191,186,181,181,181,181,181,183,189,194,194,186,182,182,186,191,186,178,134,135,181,183,189,194,194,186,178,182,196,202,194,186,181,186,194,199,199,196,191,181,179,181,183,186,191,196,196,196,189,183,178,181,178,176,178,183,189,196,199,189,181,178,181,183,173,119,123,129,173,181,194,196,186,173,173,176,178,173,170,127,129,178,176,123,115,118,123,168,170,176,181,189,196,191,123,116,121,176,183,181,173,129,173,181,178,176,186,194,196,196,191,181,123,118,121,127,125,122,129,186,194,194,186,173,129,176,189,199,199,196,191,173,123,127,170,125,119,119,165,165,117,113,116,181,181,153,157,170,178,181,178,173,173,170,127,105,107,119,168,123,117,123,176,189,194,199,204,202,194,190,194,191,183,176,103,113,123,176,181,173,127,127,173,183,189,194,189,176,174,176,178,178,178,186,186,176,127,125,168,176,173,168,165,118,120,183,191,189,189,194,199,204,202,173,55,25,13,0,0,67,103,119,168,170,170,178,183,191,194,196,191,181,133,178,186,189,186,186,189,196,199,202,204,207,209,207,194,182,181,186,199,204,204,199,189,183,178,135,135,135,178,183,189,191,189,186,186,191,196,196,194,191,189,189,189,189,183,178,133,130,129,131,133,131,131,178,186,189,191,191,186,181,176,176,176,178,178,178,176,168,127,127,170,176,176,173,170,168,127,168,173,178,178,173,170,168,125,123,125,170,176,176,178,181,181,178,178,183,176,166,174,183,186,186,189,194,196,196,191,191,191,189,189,191,196,199,196,189,189,189,186,183,178,131,125,117,110,110,113,111,108,105,111,129,191,199,199,196,196,199,202,204,204,202,199,199,199,202,202,202,202,207,207,202,196,196,199,202,207,212,202,141,138,141,196,202,207,207,207,209,212,209,196,115,112,131,191,181,128,128,128,128,133,189,189,183,181,186,194,196,196,196,194,189,186,183,181,176,174,178,186,186,183,186,189,191,199,209,209,199,186,183,183,135,124,183,199,207,212,222,217,209,194,186,189,189,186,189,189,186,181,137,137,137,181,186,194,199,202,199,196,196,196,199,196,139,137,186,194,194,191,194,196,199,202,202,202,199,198,198,199,199,202,207,199,137,131,137,189,194,199,202,202,202,202,202,196,194,191,191,189,183,135,131,125,127,176,183,189,194,194,189,183,183,183,183,183,181,181,181,178,178,176,176,176,178,181,181,181,181,189,196,194,183,178,178,181,189,191,186,181,137,181,137,128,135,191,199,199,199,196,196,194,194,199,204,207,207,204,204,207,209,207,207,204,196,194,199,199,199,199,202,204,199,191,181,176,176,176,178,178,181,183,181,176,173,176,176,173,131,133,176,130,130,133,178,186,191,194,196,199,202,202,196,191,191,191,191,189,189,186,183,181,176,133,133,133,176,178,178,176,133,133,133,176,176,129,127,131,183,191,194,194,189,183,181,181,181,178,178,181,183,186,189,191,191,196,202,207,204,199,196,191,183,131,121,115,116,119,125,173,181,191,196,196,189,186,189,194,199,202,202,199,194,191,190,190,191,196,202,209,207,202,194,186,186,196,207,209,209,209,212,215,215,217,217,217,222,225,225,222,215,209,207,209,209,207,205,209,215,222,217,209,135,112,114,129,186,191,189,191,194,194,189,189,194,204,209,207,199,196,199,196,196,199,196,196,196,194,196,199,202,207,209,204,199,195,196,202,212,220,222,217,215,215,212,207,204,207,209,215,217,212,207,204,202,202,202,137,137,143,199,207,209,204,204,207,209,207,207,207,202,196,199,204,212,217,212,207,209,212,215,212,209,202,199,204,204,199,196,196,196,202,207,207,202,194,191,196,202,202,191,141,186,189,191,194,202,209,212,209,204,199,192,192,192,194,194,194,196,199,202,199,198,198,199,202,204,204,202,202,204,209,209,209,209,209,207,202,199,202,204,207,207,204,202,202,204,207,209,212,212,209,207,207,207,204,204,204,202,202,202,199,202,202,202,202,202,204,202,199,195,194,195,202,209,212,212,212,209,204,202,204,207,209,204,200,200,204,207,207,204,204,204,204,204,203,204,207,209,209,207,202,196,194,196,204,212,212,209,212,215,217,217,215,209,209,212,212,212,209,209,207,204,202,200,199,202,207,207,207,207,207,207,207,202,199,202,204,199,199,202,209,207,199,199,204,204,203,207,209,204,199,196,196,194,191,189,191,204,207,199,191,183,181,182,189,194,199,204,202,196,194,194,191,187,191,202,204,194,189,189,191,196,204,209,207,202,199,202,204,199,191,183,186,194,199,196,191,186,139,137,137,183,189,191,194,185,182,183,191,196,199,199,194,199,199,196,191,191,191,191,190,191,191,194,196,199,199,199,196,196,196,194,191,189,189,189,186,183,139,133,123,119,121,135,202,212,212,212,209,207,202,196,199,207,215,220,222,215,212,220,228,235,228,191,123,109,109,127,196,196,135,122,127,181,196,212,225,225,215,207,202,196,191,189,191,196,196,143,137,137,189,202,204,207,209,209,207,204,207,212,209,204,200,199,199,204,217,217,217,212,209,207,204,204,204,207,209,209,207,204,204,204,204,204,202,202,191,129,127,133,181,178,177,183,194,194,189,183,181,186,189,186,185,189,191,191,189,194,199,196,191,190,194,202,215,222,225,235,243,233,222,221,230,241,248,248,246,248,255,255,255,255,255,255,255,254,0,254,254,251,243,235,0,0,0,0,0,233,255,255,255,0,0,0,0,246,238,217,196,183,0,0,0,0,215,212,199,183,176,176,0,0,0,0,0,207,199,196,196,196,191,181,168,165,165,173,186,199,207,204,202,204,212,222,215,202,186,178,176,173,173,170,176,183,191,199,204,212,225,233,0,0,246,241,238,0,0,0,0,0,255,230,218,220,230,0,0,0,235,217,204,0,0,0,0,255,255,255,225,209,207,202,199,199,199,199,196,196,196,194,189,181,181,194,217,235,241,238,235,230,225,217,212,207,202,194,186,183,189,191,186,176,157,144,139,137,134,133,133,137,0,150,155,163,0,0,0,0,0,199,194,194,194,194,183,176,165,0,0,157,160,152,147,150,163,183,196,196,194,199,212,230,243,248,251,248,241,230,215,202,191,191,199,215,230,238,243,248,248,246,241,235,233,228,217,209,204,202,199,202,209,230,246,248,243,235,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,152,173,176,183,163,155,142,126,121,87,85,79,37,0,0,0,0,0,0,0,0,0,0,0,11,33,98,118,137,150,152,152,155,160,163,157,147,144,146,147,147,147,147,152,155,144,140,143,160,173,163,160,163,168,168,168,165,163,123,123,165,170,176,176,173,170,173,173,127,121,121,129,178,183,186,186,186,191,194,196,196,194,191,189,191,194,196,194,196,204,212,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,189,194,194,183,181,179,181,183,181,177,177,181,181,179,183,196,202,202,202,202,194,176,160,152,111,113,196,202,207,207,204,202,204,202,199,191,176,178,173,165,165,119,113,106,101,97,97,104,109,111,113,115,93,79,75,82,103,113,119,119,125,170,170,165,113,107,121,125,170,178,189,194,194,194,194,191,189,186,183,181,178,178,181,183,186,194,189,131,129,170,173,129,129,129,170,173,129,125,127,168,168,173,183,199,212,215,209,191,168,165,170,170,165,165,125,121,114,113,114,119,170,178,176,168,166,166,166,165,170,183,191,176,120,125,178,186,183,173,168,189,199,181,89,66,68,113,186,186,181,191,207,204,91,43,119,178,189,194,194,181,119,121,183,191,196,194,189,190,196,202,202,199,196,196,202,209,209,202,196,196,196,196,199,202,196,191,189,191,196,202,199,194,191,194,196,194,189,179,179,189,194,196,199,202,202,202,199,196,194,191,191,191,191,189,181,178,176,178,176,178,181,186,191,196,199,199,191,186,191,199,204,202,196,191,186,181,186,189,176,107,102,106,113,176,186,196,199,191,176,168,170,170,127,115,103,104,123,178,178,176,170,170,170,165,165,170,173,170,165,125,165,170,181,181,176,165,121,176,183,176,115,77,88,111,127,178,181,183,183,181,176,173,176,178,176,181,191,194,194,194,194,194,194,196,202,207,202,183,123,117,121,173,181,181,178,173,170,123,103,95,101,173,186,183,178,176,181,191,199,199,196,199,196,196,199,202,196,196,199,202,202,196,194,191,189,191,196,196,194,183,170,168,168,123,108,107,113,165,170,165,124,165,170,176,183,189,186,85,70,89,125,121,119,121,170,181,183,186,186,186,183,181,181,181,186,194,202,202,202,202,196,186,133,119,115,127,183,189,196,196,189,181,179,183,189,191,194,194,189,183,177,177,178,181,178,181,186,186,186,186,189,191,194,196,196,194,189,179,179,179,181,183,186,189,194,194,183,179,181,189,191,183,135,133,135,181,183,189,196,196,189,183,186,196,199,191,181,178,181,191,194,196,196,194,186,183,186,189,194,196,199,196,189,176,131,176,186,186,178,176,178,186,194,194,183,173,131,173,176,129,123,127,131,173,183,199,202,194,181,178,178,176,176,176,173,173,178,170,118,115,123,127,168,170,183,189,191,196,196,186,127,125,176,181,183,176,127,125,127,131,176,186,196,202,202,199,189,129,118,118,121,123,123,173,186,191,189,178,127,124,129,181,189,191,191,189,127,115,115,119,121,125,173,176,125,115,114,119,186,191,165,161,165,173,176,127,118,123,173,181,112,113,125,168,121,117,123,181,199,202,202,207,199,190,189,196,204,115,35,15,97,119,176,178,124,118,118,127,186,194,196,191,181,176,176,176,178,178,181,183,178,170,168,173,176,176,176,168,113,113,173,189,194,196,202,204,204,207,87,5,35,165,107,65,87,113,165,170,170,173,178,191,199,202,204,202,183,127,128,183,189,189,189,196,199,196,199,204,204,204,204,196,189,182,183,194,202,204,202,191,181,135,135,135,135,135,181,189,194,194,194,194,196,199,199,194,189,186,181,181,186,186,181,133,130,130,176,131,126,126,131,176,181,183,186,183,178,176,173,176,178,178,178,176,173,168,170,173,176,178,173,168,124,123,125,173,176,176,173,168,127,123,117,117,123,168,170,129,173,178,174,173,181,178,172,174,183,189,189,189,194,199,199,196,196,194,194,191,191,194,196,194,186,181,176,127,119,113,110,106,106,107,113,119,121,119,117,127,181,194,202,204,202,202,199,199,202,202,199,199,196,196,199,199,199,199,202,204,199,195,195,196,199,204,207,199,139,138,141,196,202,204,207,207,207,209,204,194,122,120,183,189,181,133,181,135,128,135,191,194,189,181,186,196,196,191,189,189,186,181,181,183,181,178,178,135,131,131,178,183,189,199,209,209,202,191,183,137,132,122,183,202,207,209,217,222,215,204,196,194,191,189,189,194,191,183,181,181,139,183,191,199,204,204,204,202,199,199,199,189,137,137,189,199,199,199,202,202,202,202,204,204,202,199,199,198,199,199,196,129,113,117,133,189,196,202,202,202,199,202,202,199,196,194,189,186,181,133,125,120,125,133,181,189,194,194,191,189,186,186,186,183,183,181,181,178,176,133,133,176,178,181,181,181,181,189,196,194,186,179,181,189,194,191,183,178,181,189,183,125,131,191,199,202,199,196,196,199,199,204,209,212,209,207,204,204,204,204,207,207,202,196,199,196,196,196,199,202,196,189,181,176,176,176,178,178,181,183,183,178,178,178,181,176,130,130,131,131,133,178,181,186,191,194,191,196,202,204,202,196,194,191,191,191,191,189,183,178,133,131,131,133,176,176,176,133,131,133,133,176,133,129,127,131,181,191,194,191,186,181,181,181,181,181,178,178,181,183,189,191,191,196,202,204,202,196,194,194,189,178,127,117,117,121,125,173,183,194,199,199,189,178,176,183,189,191,196,202,199,194,194,191,191,194,199,202,209,212,204,185,179,185,202,209,212,215,215,217,217,217,222,222,225,228,228,222,215,212,212,212,209,207,205,207,215,217,217,212,199,135,127,133,183,189,189,189,191,191,187,187,194,204,207,204,194,186,189,189,186,186,186,189,191,194,194,196,199,199,202,204,202,199,199,202,209,217,222,217,220,222,217,212,204,204,204,209,217,215,209,207,204,204,207,199,194,194,199,204,204,202,199,202,204,204,204,199,189,139,186,194,204,209,209,212,215,217,215,209,207,196,194,199,204,199,196,196,202,204,204,202,202,196,196,199,204,199,141,136,137,189,199,207,212,212,209,204,202,196,194,192,192,192,192,192,194,199,202,202,199,199,199,202,202,202,202,204,207,209,209,209,207,207,207,204,204,204,204,204,199,195,195,199,204,204,204,207,212,209,207,207,207,204,199,199,198,199,199,199,202,202,199,198,202,204,204,202,199,196,202,207,212,215,212,209,204,199,199,202,207,207,207,204,204,207,209,209,207,204,204,204,204,204,207,209,212,212,212,207,196,194,194,202,209,212,209,209,212,215,215,209,207,207,212,215,215,212,212,209,207,204,202,202,204,209,212,209,209,209,209,209,204,204,204,202,196,195,199,207,207,202,199,204,207,207,209,209,204,199,196,194,191,186,183,186,196,199,194,189,183,182,183,191,196,202,207,204,199,194,194,194,191,196,207,207,196,189,189,189,191,196,204,202,196,196,199,199,194,186,138,139,189,196,196,186,139,139,183,189,191,191,194,199,196,189,185,189,194,194,189,186,187,191,194,194,194,194,190,190,191,196,199,202,202,199,199,199,199,199,194,191,189,191,194,189,183,139,137,133,133,139,194,207,212,212,212,209,207,199,195,196,207,212,215,217,212,212,220,228,228,207,135,125,123,129,183,207,196,123,118,122,135,186,194,199,202,204,207,204,199,194,189,191,199,202,194,136,136,189,196,194,196,199,202,202,204,204,207,207,202,202,202,202,204,212,212,212,209,207,204,202,199,199,202,204,207,204,204,204,204,207,207,204,207,199,183,137,186,189,183,181,183,189,191,191,186,183,186,186,185,183,186,191,194,194,199,202,199,191,190,190,199,212,225,228,235,241,238,233,233,238,246,248,251,254,254,255,255,255,255,255,255,255,255,0,254,254,251,246,238,0,0,0,0,0,0,255,255,255,235,0,0,0,251,241,215,194,183,0,0,0,0,209,215,209,194,178,176,0,0,0,0,0,207,196,191,189,186,181,168,157,0,0,163,176,191,204,204,199,199,207,209,204,194,186,181,181,181,176,170,168,176,186,199,209,217,230,235,0,0,243,238,238,0,0,0,0,255,255,233,220,220,228,243,0,241,222,207,0,0,0,0,251,255,255,251,215,204,204,202,202,204,207,207,204,202,199,194,186,178,176,189,212,230,241,238,233,228,217,212,204,199,196,194,191,189,191,191,186,168,152,142,137,134,134,134,134,137,0,0,155,0,0,0,0,191,194,191,189,186,186,183,178,170,163,0,0,160,170,160,144,107,150,173,194,202,202,204,222,235,243,243,241,241,241,233,215,199,189,142,191,207,225,233,238,241,243,241,235,230,230,228,217,207,196,196,204,212,222,235,246,243,233,222,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,53,64,59,59,59,64,66,43,37,27,23,0,0,0,0,0,0,0,0,0,0,0,0,0,39,105,118,131,144,144,144,144,147,150,152,150,147,150,152,152,150,147,150,155,150,147,150,157,163,163,163,165,170,170,165,163,123,125,165,168,173,176,173,129,125,121,115,107,106,115,170,181,186,189,189,189,189,194,196,196,196,191,189,191,196,199,199,199,204,202,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,137,189,194,181,177,179,183,183,186,186,183,183,183,186,186,189,196,199,199,204,209,191,176,163,152,89,73,183,199,202,199,199,202,204,196,186,170,101,103,113,163,170,165,160,163,163,113,113,119,113,109,111,119,113,86,74,80,105,115,115,115,121,123,119,113,105,105,127,125,168,173,183,191,189,186,186,183,181,181,181,178,178,178,178,176,173,181,181,130,130,173,170,129,129,170,170,129,125,127,178,181,176,178,186,199,212,215,207,189,168,165,170,173,168,168,165,121,117,115,115,119,165,173,173,170,166,165,165,165,168,183,194,186,125,123,163,168,173,176,183,202,207,186,103,61,48,77,178,173,165,183,186,168,125,168,189,189,194,194,189,176,113,105,119,186,196,199,191,190,194,199,202,202,199,196,196,204,207,202,196,195,195,195,199,202,199,194,191,191,196,202,202,199,199,199,199,196,189,179,181,191,196,196,196,202,204,207,202,199,196,194,191,191,191,191,186,186,189,189,189,191,191,191,194,196,196,194,189,189,191,199,204,204,199,194,189,186,186,186,173,119,119,127,173,191,196,199,194,178,124,124,126,127,168,121,106,108,173,186,186,178,168,170,173,170,170,170,165,124,123,123,124,168,173,176,173,168,165,178,189,183,123,98,117,183,183,189,196,196,186,173,168,127,176,183,181,178,183,191,196,199,202,202,202,204,207,209,204,186,119,115,118,127,173,170,127,127,170,170,117,97,98,119,173,173,176,181,186,194,199,199,199,202,199,196,199,199,199,199,199,202,199,199,196,194,191,191,196,199,194,183,173,173,168,115,107,108,123,181,181,168,124,165,176,178,181,170,97,85,88,127,125,118,118,121,170,178,183,186,189,189,189,186,186,181,181,189,196,199,202,202,199,189,178,129,129,135,181,183,189,191,183,179,179,182,183,183,186,189,189,183,178,177,178,181,181,181,186,189,186,185,186,191,196,199,202,202,196,183,179,179,181,181,183,189,194,191,183,179,181,186,189,186,178,135,183,186,186,191,199,202,196,189,191,194,196,191,183,181,183,189,189,189,191,194,191,194,194,196,199,202,204,196,183,127,123,178,191,189,178,176,181,186,189,186,178,128,126,130,131,131,173,173,131,170,181,194,196,189,181,178,178,176,173,178,178,181,181,173,123,123,127,127,127,173,186,194,191,191,194,196,189,125,129,178,183,178,125,119,119,123,173,189,196,202,204,204,196,181,123,118,121,125,127,176,183,183,181,176,127,124,127,176,183,186,183,181,125,114,113,114,117,165,181,178,123,116,116,123,183,194,181,165,165,168,168,120,115,123,189,204,186,176,173,170,123,119,127,189,202,202,199,199,194,190,194,207,217,31,0,0,107,178,189,183,125,116,116,125,186,199,199,196,194,189,178,176,178,176,176,181,181,178,178,178,176,176,178,165,111,111,125,186,196,202,207,204,191,189,33,0,39,186,115,77,91,113,165,170,170,176,186,196,204,204,204,204,178,122,123,181,194,196,196,202,199,196,196,202,202,199,199,199,191,182,179,186,196,202,202,194,183,178,181,181,178,135,135,183,191,196,196,199,199,202,199,194,186,181,178,178,189,194,189,178,131,133,181,131,125,125,127,129,131,173,181,183,181,176,173,176,176,176,173,173,173,170,170,173,178,178,176,127,122,122,125,170,176,170,168,170,168,123,116,115,117,123,127,126,129,176,174,174,181,183,178,178,186,191,189,189,194,196,196,199,196,194,194,191,189,189,189,189,183,131,121,113,105,102,105,107,109,111,123,129,129,129,129,181,189,194,202,204,204,202,199,199,199,199,199,196,196,196,196,196,194,191,194,199,199,196,195,195,196,199,202,196,186,141,189,196,202,204,204,204,204,204,202,194,191,191,189,189,194,199,194,178,124,133,194,194,186,181,183,194,194,186,183,181,181,178,178,183,183,183,178,119,103,113,135,186,191,199,209,212,207,196,191,183,136,132,189,207,209,209,212,215,212,207,199,196,194,189,194,199,196,191,186,183,186,189,196,204,207,209,209,207,207,204,199,141,137,138,191,202,204,207,209,207,202,199,202,204,204,204,202,202,202,194,133,113,110,115,137,191,199,202,202,196,194,194,199,202,199,194,189,186,181,133,125,121,125,133,181,186,194,196,194,191,189,186,186,183,183,181,181,178,176,133,132,133,176,181,183,183,186,189,194,194,189,186,186,191,194,191,183,181,186,191,183,124,129,189,199,199,199,199,199,202,204,209,215,215,212,207,202,202,204,204,207,209,204,199,196,196,194,194,196,196,196,189,181,178,176,178,178,181,183,183,183,183,181,183,186,178,130,129,131,178,183,186,183,183,189,189,186,189,196,202,202,199,196,194,191,191,191,189,183,178,133,130,130,131,133,176,133,131,131,131,131,129,129,127,127,131,181,189,191,186,183,183,183,183,183,181,178,178,178,181,186,189,191,196,202,204,202,196,194,191,191,183,176,125,121,123,129,181,191,199,202,202,191,129,125,133,183,189,194,199,199,199,196,194,191,191,194,194,204,212,209,186,177,181,194,207,215,222,222,222,220,217,217,217,217,220,222,217,215,215,215,215,212,209,207,209,215,217,217,212,204,189,133,131,137,183,186,189,191,189,187,187,196,202,204,202,191,136,136,137,129,121,133,186,194,196,199,199,199,198,199,204,204,204,204,204,209,215,217,215,215,220,217,212,207,204,204,207,215,215,209,207,204,207,212,212,207,202,199,199,199,199,196,196,199,199,199,191,138,135,138,189,199,204,207,209,212,209,204,199,199,191,187,191,199,196,194,196,202,202,202,202,202,202,202,204,207,199,186,137,137,189,207,212,212,209,202,199,199,199,196,196,194,192,191,192,194,202,207,207,204,202,202,202,202,199,199,202,204,207,207,207,204,204,207,207,207,204,202,202,196,194,194,199,204,202,200,202,207,207,204,207,207,202,199,198,198,198,198,199,204,202,198,196,199,204,207,207,207,207,207,212,215,215,212,204,196,194,194,199,202,204,207,207,207,209,212,209,207,204,204,207,207,209,209,212,215,215,215,212,202,195,195,199,207,209,209,212,215,212,207,199,202,204,209,212,215,215,212,212,209,207,204,207,209,212,215,215,212,212,209,209,207,204,204,199,195,194,196,207,209,207,204,209,209,209,212,215,209,202,196,191,186,183,182,183,189,191,189,189,186,186,191,196,199,204,207,204,199,196,196,199,199,202,207,204,196,191,191,189,189,191,199,199,196,194,196,194,189,139,137,139,191,196,196,186,139,139,189,191,194,196,199,204,207,202,194,191,196,194,189,186,187,191,194,194,196,194,191,191,194,199,202,204,202,199,199,199,199,196,194,191,191,191,194,191,183,137,139,186,196,209,215,215,212,209,209,207,207,204,202,204,209,212,209,207,207,209,217,220,207,183,133,135,183,186,194,199,186,123,121,131,183,186,186,186,189,196,202,202,196,191,187,189,199,207,196,136,135,189,194,194,196,202,204,207,209,209,207,204,202,207,212,212,215,217,215,209,207,207,204,202,196,194,194,199,202,202,202,204,204,207,207,207,207,204,199,196,196,196,191,189,186,189,189,191,189,186,186,189,186,185,186,189,191,194,199,204,204,199,191,191,199,212,225,230,235,241,241,241,241,243,246,251,255,255,255,255,255,255,255,255,255,255,0,0,255,254,254,251,246,0,0,0,0,0,0,255,255,251,0,0,0,0,255,243,209,191,186,181,0,0,0,215,222,215,199,183,178,0,0,0,0,0,207,196,191,186,178,0,0,0,0,0,0,168,189,199,199,196,196,202,202,196,186,181,181,183,183,176,165,164,168,181,199,212,225,233,0,0,0,241,238,0,0,0,0,0,255,255,238,225,224,225,228,233,222,207,199,0,0,0,0,255,255,255,230,199,194,196,199,204,209,215,212,209,207,204,199,189,178,177,186,204,222,235,233,217,209,204,196,191,189,191,194,196,196,194,186,178,160,147,137,131,129,131,131,134,137,0,0,152,0,0,0,178,183,189,189,186,181,178,178,173,168,160,0,0,163,173,160,107,105,107,160,183,199,202,209,225,238,243,238,235,235,238,233,215,196,142,140,143,202,222,230,233,235,238,241,238,233,233,230,222,204,194,194,202,215,225,235,243,241,228,212,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,27,27,23,0,11,17,11,0,0,0,0,0,5,9,0,0,0,0,0,0,33,90,103,113,126,131,134,139,144,150,157,157,157,157,163,165,160,147,143,150,150,152,157,157,163,160,160,165,173,173,165,121,121,125,168,170,173,173,168,123,119,115,105,102,105,123,181,186,186,189,189,189,189,191,194,196,194,191,189,191,196,199,199,199,199,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,168,178,191,194,179,177,181,186,189,191,191,189,186,186,189,189,189,194,194,199,207,212,191,178,170,152,48,40,160,181,189,191,196,199,196,181,157,97,91,96,105,117,165,170,173,189,196,191,183,186,173,115,111,111,123,170,121,119,123,123,121,121,121,119,117,107,71,53,105,121,123,127,173,181,178,170,170,173,173,173,176,176,176,173,170,125,122,129,181,176,173,173,125,125,170,176,173,121,113,121,186,186,181,178,181,191,202,204,196,176,123,125,170,173,173,170,165,125,125,123,119,119,123,165,168,168,168,168,168,168,170,178,186,181,173,125,120,121,168,178,189,199,204,189,173,111,73,93,117,39,0,33,101,119,170,183,189,191,191,191,189,183,123,101,100,125,191,202,199,194,194,196,199,202,202,196,195,195,199,202,202,199,195,194,196,199,199,199,199,196,196,199,199,202,202,202,202,199,191,181,181,189,196,196,196,199,207,207,204,199,199,196,194,191,191,191,189,191,194,194,194,194,194,194,196,194,191,189,187,187,189,194,199,202,202,196,191,191,189,183,173,125,127,173,181,194,194,191,181,127,122,122,127,170,178,186,189,183,183,183,178,165,161,163,168,170,170,170,165,124,124,123,124,165,170,170,165,125,165,173,181,181,168,165,186,189,186,191,199,202,189,170,123,121,127,176,173,173,178,189,202,204,204,204,207,209,209,207,202,183,127,118,118,123,127,126,125,126,170,181,178,109,103,115,123,127,178,189,194,196,196,196,196,199,199,196,196,199,202,196,191,191,194,196,199,196,194,194,199,199,194,181,173,173,168,121,115,119,170,186,189,176,125,168,181,181,165,99,89,91,113,178,173,123,125,173,176,178,181,186,186,189,189,191,191,189,183,186,191,194,196,199,196,191,183,178,135,135,178,178,181,186,189,186,183,183,182,182,182,183,186,186,181,178,178,181,181,183,186,189,186,185,186,191,196,199,202,204,204,191,181,178,179,181,181,183,186,186,183,182,182,183,186,186,186,189,194,194,191,191,199,202,199,194,191,191,191,194,194,189,186,186,186,186,191,196,196,196,196,196,199,204,204,196,181,123,121,181,189,183,173,178,189,189,181,176,173,127,125,131,131,129,181,183,176,170,178,186,186,178,174,178,181,173,169,170,176,181,181,176,173,173,127,125,168,178,191,194,191,189,186,189,178,107,117,183,189,181,127,119,118,123,181,191,199,202,204,204,199,189,131,121,123,127,131,176,178,178,181,181,170,125,124,170,181,181,176,170,125,117,115,115,117,125,176,176,123,119,119,119,173,189,181,173,168,125,121,119,119,181,204,212,207,194,176,125,121,121,170,194,202,199,196,194,190,189,196,215,228,21,0,11,189,199,199,191,176,124,123,173,189,194,194,194,199,196,173,127,173,170,168,176,181,178,181,181,173,173,181,168,115,116,165,183,196,202,204,207,119,75,0,0,37,181,168,113,111,121,168,170,170,178,186,194,199,196,196,196,129,121,125,183,196,199,199,199,196,191,194,199,199,196,199,202,196,183,179,182,191,199,202,194,186,183,186,189,181,134,133,135,183,191,196,199,199,202,199,191,186,181,177,178,191,199,196,186,178,178,181,133,127,126,127,127,126,129,178,183,181,178,173,173,170,125,123,168,170,170,170,173,178,181,178,168,123,123,168,176,176,170,168,170,170,125,117,115,117,123,127,127,170,178,181,183,189,189,181,181,186,191,189,189,194,196,196,196,194,191,194,194,191,186,183,186,183,127,117,113,105,101,115,176,176,131,176,178,178,176,176,186,191,196,199,202,202,202,202,202,199,199,199,196,196,196,196,194,189,186,186,194,199,199,196,195,195,196,199,199,196,194,196,199,202,202,204,204,204,204,199,196,204,204,194,191,204,207,196,130,120,178,199,194,186,183,186,191,189,183,178,176,176,178,181,183,183,181,129,101,94,100,135,186,189,196,207,212,209,204,199,191,183,137,191,209,209,207,204,204,207,204,202,202,199,196,199,202,202,199,194,189,191,196,204,204,207,209,212,215,215,212,202,186,139,189,196,204,207,209,212,209,199,194,195,202,207,207,207,207,202,186,123,114,115,129,183,191,199,202,196,192,190,192,199,202,199,194,186,183,181,131,121,119,125,133,181,186,191,194,194,191,189,186,183,181,181,181,181,178,176,133,132,133,176,181,186,189,191,194,194,194,191,191,191,191,194,194,186,186,189,183,129,125,129,186,196,199,202,202,202,202,207,212,215,215,212,207,202,202,204,207,204,204,202,196,196,196,194,194,194,196,196,191,186,181,178,181,183,183,183,183,183,186,186,189,191,183,131,130,176,189,196,194,183,181,181,181,179,183,194,199,199,199,196,196,194,191,191,186,181,176,133,130,130,131,176,176,176,133,131,131,129,127,127,127,129,133,181,189,189,183,183,186,186,186,183,183,181,177,177,178,186,189,189,194,202,207,202,194,191,189,189,186,181,131,125,127,173,189,199,202,202,199,194,126,121,127,186,189,191,196,199,199,199,196,189,186,186,191,199,209,212,204,185,182,185,194,209,222,225,222,222,220,217,212,209,207,209,212,212,215,217,217,215,215,212,215,217,222,217,215,207,191,131,128,133,183,189,191,194,191,189,191,199,202,202,204,199,137,136,139,120,107,117,189,196,199,199,199,199,199,202,204,207,207,207,207,209,215,215,212,212,212,212,209,207,202,202,207,215,212,204,202,204,209,217,222,217,209,204,202,199,196,195,196,199,202,202,194,138,136,141,194,199,202,204,209,207,199,192,192,196,189,186,187,194,194,194,199,202,202,202,204,209,209,207,209,207,204,199,191,189,199,209,209,209,204,199,198,199,202,202,196,194,194,194,196,202,209,212,209,204,202,202,199,199,198,198,199,202,204,204,204,204,204,207,207,204,202,202,199,196,194,195,202,204,202,199,202,209,209,204,204,207,207,204,202,199,198,198,202,207,207,199,196,202,209,209,212,212,212,209,209,209,212,209,202,191,143,191,194,196,202,204,204,207,207,209,209,207,204,204,204,207,209,209,212,212,215,217,217,209,199,196,202,207,209,209,212,212,207,198,195,198,204,209,209,212,212,212,212,209,207,207,209,212,212,215,215,215,209,207,207,204,204,204,199,195,194,196,207,212,212,209,215,215,215,215,215,209,204,196,189,183,183,183,189,189,186,183,183,183,186,191,196,202,204,207,204,199,196,199,199,202,204,204,199,196,196,194,189,186,191,196,202,199,194,194,191,189,186,139,186,191,196,194,189,183,186,189,191,194,196,204,209,207,204,202,202,202,196,191,189,194,196,194,191,191,191,191,194,196,199,199,199,199,199,199,199,196,196,194,194,191,186,186,186,186,183,189,196,207,215,217,215,207,204,204,204,204,204,209,212,212,207,199,199,204,212,217,212,194,137,135,189,194,191,189,139,133,127,131,189,194,191,189,189,189,194,199,204,199,194,189,191,207,220,204,137,141,199,199,199,204,209,212,217,222,217,209,204,202,212,225,228,225,225,222,212,209,207,204,199,191,189,189,194,196,199,202,204,204,204,207,207,207,207,204,204,204,202,199,196,191,189,189,189,189,189,189,189,189,189,189,189,189,191,199,202,207,207,202,196,199,209,222,225,230,238,243,243,246,248,251,254,255,255,0,0,255,255,255,255,255,255,0,0,0,255,255,254,243,243,0,255,255,0,0,0,0,0,0,0,0,0,255,243,209,191,189,189,183,0,0,228,228,212,194,186,0,0,0,0,0,217,202,196,194,189,176,0,0,0,0,0,155,173,191,196,191,189,194,199,199,191,181,178,178,181,181,170,163,161,165,181,199,215,225,233,0,0,0,0,243,0,0,0,0,0,255,251,238,233,230,225,222,222,215,204,196,0,0,0,0,255,255,255,209,186,183,191,196,204,212,217,212,209,209,209,207,196,183,178,186,194,209,225,220,204,194,186,181,178,178,186,0,207,209,194,181,165,150,139,129,126,124,126,129,131,139,0,0,0,155,0,168,173,181,189,191,186,176,176,176,173,165,0,0,0,165,170,157,142,105,106,115,168,183,196,204,217,235,241,235,233,235,241,235,215,196,142,140,143,202,217,225,225,228,235,243,243,241,241,235,217,199,192,191,196,209,225,235,246,248,235,215,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,30,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,23,31,29,15,0,0,17,0,0,0,74,29,0,66,64,74,51,0,0,0,0,17,48,59,77,100,116,126,137,147,160,170,168,163,163,168,170,173,155,142,142,143,150,157,160,160,159,157,160,170,170,163,121,120,121,165,170,173,173,168,123,117,115,106,102,117,181,191,191,191,191,191,191,189,189,189,191,194,191,189,191,194,196,196,196,196,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,189,191,191,194,194,191,181,186,189,191,194,194,189,186,186,191,189,186,189,191,196,204,202,194,189,168,81,46,43,109,163,178,191,199,202,189,152,99,96,93,109,117,121,173,178,186,191,199,196,194,196,196,178,125,109,176,196,196,183,181,181,181,176,123,123,170,178,65,34,67,113,119,121,127,170,168,122,122,127,168,129,170,173,170,127,124,121,118,125,181,183,178,129,118,120,170,183,178,115,107,112,181,183,178,170,168,176,183,186,178,125,121,125,173,176,178,176,170,165,168,125,119,119,119,121,125,165,165,170,173,173,173,176,176,173,176,170,119,122,170,176,181,189,196,191,194,209,204,176,81,0,0,0,73,165,183,189,186,186,191,191,189,194,194,105,97,105,178,202,204,202,199,199,202,202,204,202,196,194,195,202,207,207,199,196,196,202,202,204,204,202,196,196,196,199,202,204,204,202,194,139,136,183,191,191,194,199,204,209,204,202,199,199,194,191,191,191,191,194,196,194,190,189,191,196,196,196,191,189,189,189,189,191,196,202,202,196,194,191,189,181,168,119,117,123,170,181,181,176,170,126,125,165,181,189,194,199,202,191,181,173,168,163,160,163,168,170,173,173,170,168,168,165,165,168,168,165,124,123,125,168,173,176,170,173,181,181,186,194,196,196,189,173,121,121,120,121,125,129,178,189,199,204,202,199,202,204,202,196,189,183,176,127,123,125,129,129,127,129,173,189,199,194,170,123,123,129,186,199,199,196,195,195,195,196,196,195,196,199,202,196,187,187,189,194,202,202,196,196,196,194,186,176,173,173,170,127,168,170,170,181,186,176,125,170,186,186,121,99,105,119,170,189,189,183,186,183,176,173,176,183,186,189,189,191,194,194,189,183,183,186,191,194,196,191,189,183,178,135,135,134,135,186,196,196,194,189,183,181,182,183,183,183,183,181,178,181,181,183,189,191,189,183,185,191,196,199,202,202,204,196,183,178,179,181,181,181,181,181,183,186,183,182,183,189,194,199,202,196,190,191,196,202,199,194,189,186,191,194,199,194,189,186,185,189,194,199,202,199,194,194,196,202,202,191,176,122,122,181,183,173,170,181,191,191,178,129,173,128,128,178,173,127,186,194,183,176,178,181,176,172,170,176,183,178,169,168,170,173,173,127,168,170,120,121,170,189,191,191,191,189,173,121,104,94,107,196,196,189,176,123,122,173,194,199,199,202,202,202,199,189,173,127,127,131,176,178,176,178,183,183,176,125,123,125,173,173,125,119,119,117,117,119,123,165,170,165,119,121,121,118,165,183,178,176,170,123,120,120,170,199,209,212,209,202,173,117,115,121,176,194,199,196,196,194,189,189,194,212,233,39,0,63,202,202,196,189,183,178,181,186,186,178,170,178,191,191,123,120,127,168,166,173,178,173,170,170,125,127,181,173,123,121,165,176,189,196,202,196,91,59,0,0,91,178,176,123,121,125,170,170,170,181,186,189,191,189,189,189,131,125,176,189,199,199,196,194,189,186,191,196,196,194,196,204,202,194,183,182,186,194,196,194,189,186,189,189,183,134,133,134,181,189,196,196,199,199,194,189,183,178,178,183,196,204,199,189,178,176,181,176,131,131,131,131,127,131,178,181,181,176,170,170,127,119,117,123,127,127,168,173,176,178,178,173,168,168,173,181,178,170,168,170,170,165,119,117,119,127,170,170,173,178,186,189,189,186,178,178,186,189,189,189,194,196,194,194,191,189,194,196,194,186,183,183,186,129,119,121,113,109,191,196,191,181,181,183,183,181,178,183,191,196,196,199,199,202,204,204,202,199,196,196,194,191,191,191,189,139,139,189,199,202,199,199,196,199,199,202,204,202,202,202,202,204,204,207,209,207,204,202,207,207,199,199,204,204,194,135,124,194,207,194,186,186,189,186,183,181,176,174,176,183,186,186,183,176,121,100,93,102,186,189,189,191,202,207,207,207,204,194,186,181,186,209,209,207,202,196,199,202,207,207,204,204,204,207,207,204,199,194,194,202,204,202,202,207,212,215,217,215,209,196,194,199,204,207,209,209,212,209,199,194,194,199,204,207,207,207,202,186,127,123,131,139,139,183,194,202,199,191,190,194,202,202,199,191,181,178,135,127,116,115,119,131,178,183,189,191,191,189,186,183,181,179,179,181,181,178,176,133,132,133,176,181,186,191,196,196,194,191,194,194,191,191,196,196,191,191,186,133,124,125,131,189,196,199,202,204,202,204,204,209,215,215,212,209,204,199,202,202,199,199,196,194,196,199,196,196,194,196,194,191,186,183,183,186,189,186,186,183,183,186,189,191,194,189,133,130,178,194,202,196,183,179,179,178,178,183,191,196,196,196,196,196,194,191,189,183,178,176,131,130,130,133,178,181,181,178,176,133,129,125,127,129,131,176,186,191,189,186,186,189,191,189,186,183,181,178,177,178,183,189,191,196,202,207,202,194,189,186,186,186,181,176,129,127,176,191,202,202,199,196,194,127,121,133,194,194,191,191,194,196,202,196,189,181,181,191,196,202,209,212,202,186,182,185,202,222,228,225,222,220,217,212,205,204,205,207,207,212,215,215,217,217,215,217,222,222,217,217,212,196,133,130,137,189,194,196,199,196,194,199,202,202,202,204,207,191,189,196,121,94,105,189,194,194,194,194,194,196,199,202,204,207,207,209,212,215,215,209,204,204,204,204,202,199,202,207,212,207,200,199,202,209,220,225,222,217,209,204,202,196,196,199,202,202,202,196,186,141,191,199,202,202,204,207,204,194,189,192,199,194,187,187,191,194,194,202,204,204,207,209,215,215,209,209,207,207,209,209,207,209,209,204,204,202,199,199,202,207,204,199,196,196,199,202,209,215,215,209,204,202,199,199,199,198,198,198,199,202,202,202,204,204,204,204,202,202,199,199,199,196,199,204,207,202,200,204,212,212,207,204,207,209,209,209,207,202,202,204,209,209,202,199,204,209,212,212,212,212,207,203,204,209,207,196,143,142,143,191,194,196,202,202,204,207,209,209,209,204,202,202,204,207,207,207,209,209,215,217,215,207,204,207,209,209,209,204,207,204,196,195,199,207,209,207,209,212,212,209,207,204,204,209,209,212,215,215,212,207,204,202,202,204,207,204,196,195,199,207,212,212,212,215,217,217,217,212,209,204,196,189,186,186,191,194,191,183,137,137,137,139,186,196,202,204,207,204,202,199,199,202,204,204,202,199,199,199,199,191,186,189,196,202,202,196,194,194,191,189,186,191,196,194,191,191,189,189,189,189,191,196,204,207,204,202,204,207,204,199,199,196,199,202,196,186,141,186,189,191,196,196,196,195,195,196,196,196,194,191,191,191,186,137,135,183,189,194,199,204,207,209,209,212,204,202,202,202,199,202,209,215,212,199,195,196,204,215,220,212,196,183,186,191,186,133,129,125,125,129,181,199,202,202,199,194,189,186,194,202,204,204,202,202,215,225,212,191,199,212,209,209,215,217,220,222,225,220,212,207,207,217,228,233,230,230,225,217,212,209,204,196,189,186,186,189,196,202,207,207,204,204,204,204,204,207,207,207,204,202,199,199,196,191,189,186,186,186,189,189,189,189,189,186,186,191,196,199,204,209,207,202,199,207,212,215,222,233,241,243,246,251,254,254,255,255,0,0,255,255,255,255,255,255,255,255,255,255,255,251,241,235,246,255,255,0,0,0,0,0,0,0,0,0,0,248,209,194,194,199,196,0,0,233,222,199,189,189,0,0,0,0,0,207,194,191,194,191,181,165,157,0,155,157,0,0,194,191,186,183,189,194,191,183,176,173,176,178,176,168,163,163,168,186,202,215,225,230,0,0,0,251,251,248,0,0,0,0,255,243,235,241,238,225,215,215,215,209,202,0,0,0,0,255,255,255,202,181,181,189,196,204,212,212,209,204,207,209,207,199,186,178,181,186,199,222,222,207,194,178,168,164,168,0,0,217,220,191,173,155,142,131,124,121,121,124,126,134,144,152,0,0,0,155,163,173,181,191,194,186,178,174,176,173,168,163,0,0,165,168,0,150,144,113,115,157,168,186,194,207,228,233,230,228,235,246,241,225,202,143,141,145,202,212,217,222,225,235,246,248,248,246,235,217,199,194,192,195,204,222,235,248,254,246,228,213 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,20,9,0,0,0,0,0,0,0,0,20,33,43,46,30,0,0,0,0,0,0,0,0,0,0,0,87,108,0,0,92,105,66,64,0,0,0,0,0,0,51,56,66,129,163,160,139,21,0,0,0,0,1,5,0,0,1,13,105,157,168,176,170,160,160,168,173,176,170,147,135,137,144,152,157,163,160,157,159,163,168,163,121,120,120,125,168,173,176,173,125,115,113,117,127,181,191,196,196,196,196,194,191,189,189,191,191,191,191,186,191,194,196,196,202,199,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,144,202,199,196,196,196,194,191,189,189,191,194,196,191,185,185,189,189,186,185,189,194,196,194,181,178,107,52,51,58,91,109,157,181,199,194,97,87,99,181,191,196,199,196,194,194,194,196,196,196,196,199,199,194,189,186,191,199,199,194,191,191,194,189,176,176,181,194,191,63,71,101,117,125,127,168,127,122,121,123,127,170,176,173,127,124,124,123,124,129,178,183,181,125,114,118,125,196,199,110,107,113,125,170,168,121,121,125,170,170,127,121,123,173,186,186,181,178,176,170,168,125,121,119,121,123,123,123,123,125,170,173,173,170,170,165,173,176,173,178,183,170,121,168,183,196,207,215,212,207,199,0,0,0,117,183,189,186,183,183,189,189,187,194,202,189,104,103,127,196,204,207,207,204,202,204,207,207,204,202,202,204,207,209,204,202,202,204,204,204,204,202,199,196,196,199,202,204,204,202,194,139,135,136,183,186,189,194,202,207,207,204,202,199,199,196,196,196,196,199,196,194,190,187,190,194,199,199,199,196,196,196,196,196,196,199,199,194,189,189,183,173,121,116,114,115,123,176,173,168,165,165,165,178,194,199,202,202,202,189,176,168,168,165,165,170,176,178,178,173,170,170,170,170,168,170,168,165,125,125,124,125,170,176,176,176,176,178,183,194,196,196,186,173,125,120,118,121,127,170,178,186,189,194,189,186,189,183,127,129,178,183,178,173,170,170,176,178,176,176,178,189,204,204,186,125,121,131,191,199,202,196,195,195,195,196,196,195,196,202,204,196,189,187,189,196,204,204,199,194,191,183,173,170,178,181,176,168,168,168,165,173,178,165,125,178,186,194,178,123,123,173,186,191,191,189,183,173,127,129,173,181,183,186,189,191,191,191,189,181,176,178,189,191,194,194,194,191,183,178,134,134,181,191,202,202,199,194,186,182,183,189,183,182,183,183,181,178,178,183,191,194,191,183,185,191,196,199,199,202,202,199,186,178,181,189,189,179,177,181,183,183,183,183,186,191,196,202,199,191,189,190,196,202,202,194,183,186,189,189,196,202,191,186,186,191,196,199,199,196,191,191,194,194,189,178,125,122,131,181,181,173,173,181,191,191,183,130,127,129,173,173,131,178,189,191,183,181,181,183,178,173,173,176,183,186,181,176,173,129,123,121,121,121,120,121,170,186,191,189,186,178,117,107,105,101,111,176,191,191,181,129,129,186,202,199,196,196,196,199,196,189,178,131,173,178,183,181,176,178,186,191,181,168,123,122,125,127,115,113,113,111,113,125,170,173,178,117,83,121,123,123,125,170,178,176,173,165,123,170,191,202,204,204,202,196,183,117,110,123,181,199,202,202,202,199,194,191,196,212,233,79,13,89,199,196,191,183,181,186,189,189,183,113,97,90,123,173,121,121,176,178,181,186,186,178,168,121,119,121,170,173,127,121,120,123,181,194,199,183,87,73,24,0,95,125,125,125,125,168,170,170,176,186,191,183,178,178,183,186,178,176,186,194,196,196,191,186,181,183,189,196,194,189,194,204,207,202,191,189,191,194,194,194,191,189,183,182,183,181,135,135,181,186,194,199,202,196,189,181,178,178,178,186,199,204,196,183,176,174,176,176,176,176,176,178,176,176,178,178,176,173,173,170,127,121,118,119,121,123,125,127,170,170,170,170,173,173,173,178,181,173,165,165,165,125,121,119,121,125,168,170,170,176,183,181,178,176,173,178,186,189,189,191,194,196,194,189,189,189,191,194,194,189,183,183,178,133,131,125,121,129,194,199,189,178,181,183,183,177,176,181,191,196,196,199,202,204,209,207,202,199,196,191,183,139,183,186,186,139,137,138,189,199,202,202,199,199,199,202,204,204,202,202,202,202,207,209,215,217,204,199,207,207,207,207,204,196,194,189,191,196,196,189,186,191,191,186,181,178,174,174,178,186,189,186,176,109,105,115,115,119,194,194,189,189,194,202,204,207,209,202,186,178,183,207,212,209,204,194,191,199,209,212,209,209,209,207,207,204,202,196,196,202,204,199,199,202,207,212,215,220,217,212,207,204,207,209,209,207,204,204,202,196,195,196,202,207,207,207,202,191,133,131,139,139,137,138,196,209,204,194,192,196,204,207,202,189,178,178,178,129,116,113,119,133,181,183,189,189,189,189,186,183,183,181,181,181,178,178,176,176,133,176,178,181,186,191,196,196,196,196,194,194,194,191,194,196,194,191,183,129,124,127,137,191,199,202,202,204,204,204,204,207,215,217,215,212,209,202,194,189,189,191,194,196,199,199,202,199,196,194,194,189,186,186,189,191,191,191,189,186,186,186,189,191,194,189,176,130,135,199,202,196,189,183,181,179,181,189,194,196,196,196,196,196,194,191,186,181,176,131,131,130,131,176,181,183,186,181,176,131,127,125,127,131,133,178,189,191,191,186,186,186,189,189,189,186,183,181,178,178,186,194,199,199,202,204,199,194,186,181,181,181,178,176,133,127,176,196,199,199,196,194,189,129,125,181,199,199,191,189,181,191,196,194,189,179,179,189,199,196,190,194,202,194,181,182,199,222,228,225,217,215,215,212,209,205,205,205,209,212,212,212,220,222,215,212,212,215,217,209,207,196,191,189,191,194,194,204,204,199,199,204,204,202,202,207,207,202,191,191,135,91,107,189,191,187,187,189,189,189,194,199,202,204,209,212,215,215,212,204,194,189,194,199,199,202,204,207,207,202,200,200,202,207,212,222,222,215,212,207,204,202,199,202,199,199,196,191,189,191,196,199,202,202,202,204,207,199,192,196,202,202,191,189,191,194,199,204,207,207,207,209,212,212,209,209,207,209,215,217,215,212,209,202,199,202,202,202,204,207,207,199,196,196,202,207,209,212,209,204,202,202,202,202,199,199,199,199,199,199,199,202,202,204,204,202,202,202,202,204,204,204,204,207,207,204,204,209,212,209,204,202,204,209,212,209,207,204,204,204,207,207,207,202,199,202,204,207,212,212,204,202,203,207,204,194,189,143,189,191,191,194,199,202,207,209,209,209,209,207,202,199,199,199,202,204,207,209,212,215,215,215,212,212,212,209,204,198,199,199,198,198,204,212,209,205,207,212,212,209,207,202,196,202,207,212,215,212,207,202,200,199,200,204,209,212,207,199,199,207,212,212,209,212,217,222,217,215,207,204,202,194,189,186,191,189,189,139,136,136,137,183,189,199,202,202,202,202,202,199,199,202,202,202,202,202,204,202,199,191,186,186,191,199,199,194,191,191,186,186,189,199,202,194,190,191,191,189,189,187,189,196,202,204,202,204,207,204,202,199,199,196,194,194,191,141,140,140,186,191,196,199,196,196,199,199,196,196,194,187,187,189,139,125,127,141,194,199,202,204,204,202,202,209,209,202,198,196,195,198,207,215,212,202,195,198,212,222,220,217,204,199,202,189,131,125,119,117,121,135,196,207,209,207,204,196,185,179,181,194,209,215,212,217,222,217,207,202,207,215,217,220,220,222,217,209,202,199,204,209,215,220,228,230,233,230,228,222,217,212,207,199,191,189,189,191,199,207,212,209,204,202,199,202,204,207,207,207,204,202,196,196,194,194,189,183,181,183,186,186,183,181,183,181,139,186,191,196,202,204,207,204,204,204,207,205,212,225,235,241,246,248,251,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,246,238,235,241,254,255,255,255,254,238,241,0,0,0,0,0,255,212,196,199,207,207,207,215,217,204,189,187,191,204,0,0,0,217,196,186,186,189,189,181,173,170,176,0,0,0,0,196,194,186,183,183,183,178,173,168,170,178,183,183,176,173,176,183,194,207,215,225,228,233,0,248,254,255,251,248,0,0,0,0,243,241,243,238,222,204,202,212,212,207,0,0,0,0,255,255,255,196,179,179,186,0,207,207,204,202,0,204,207,204,196,189,181,178,183,207,235,238,228,209,186,165,0,161,176,207,225,217,189,165,150,137,126,118,117,121,126,131,139,150,160,0,0,0,0,157,168,181,189,191,186,178,176,176,176,173,170,165,163,165,165,165,165,168,0,157,119,160,176,183,191,207,215,212,215,230,241,243,235,215,196,143,145,194,204,215,225,230,238,246,251,251,248,241,225,209,202,199,196,199,215,233,246,251,246,233,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,48,27,0,0,0,0,0,0,0,4,38,59,61,48,9,0,0,0,0,0,0,0,0,0,0,66,95,0,0,69,74,77,118,53,0,0,0,0,0,1,33,69,160,178,186,189,98,0,0,0,0,0,0,0,0,0,0,0,103,176,178,168,152,150,160,170,176,176,160,142,140,147,152,160,170,170,160,157,159,160,163,123,123,123,168,173,173,181,183,170,113,112,121,178,191,196,199,202,204,202,196,191,191,191,191,191,191,189,186,191,194,196,202,209,212,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,178,202,202,194,194,194,191,191,189,186,189,191,194,189,185,185,186,186,185,185,189,196,202,189,163,147,73,50,59,71,81,93,83,63,65,69,65,79,163,194,202,204,204,202,202,202,202,199,196,194,194,196,196,196,194,191,194,199,202,199,196,194,191,189,186,189,191,204,204,95,97,103,115,123,123,123,125,125,123,123,127,173,176,170,127,125,127,129,170,173,176,178,178,127,117,119,125,189,194,121,112,117,121,121,118,118,121,127,168,168,127,121,125,176,186,183,176,173,176,176,170,125,121,125,168,170,168,125,117,116,123,173,170,165,119,105,115,165,181,199,196,165,115,121,178,194,204,212,217,217,217,0,0,0,168,196,199,186,182,183,189,191,189,194,202,196,131,121,133,189,202,207,209,207,204,207,209,212,209,207,204,202,202,207,207,202,202,202,202,202,202,202,196,195,196,199,204,204,207,204,196,186,136,135,137,139,183,191,199,204,207,204,202,202,199,202,202,202,202,199,199,196,194,191,196,202,202,199,199,199,199,199,199,199,199,199,196,191,186,183,181,170,123,117,117,117,125,176,176,170,170,165,124,165,181,194,196,199,194,181,170,170,176,178,176,176,181,183,181,173,168,170,173,176,176,173,170,168,165,125,123,123,127,176,178,176,176,181,186,194,196,194,186,176,125,120,119,123,170,173,178,181,173,123,121,122,121,118,117,123,173,176,170,170,173,178,183,186,186,181,178,186,199,202,186,121,113,131,189,199,199,196,196,196,196,196,199,199,199,202,202,199,194,194,194,199,204,202,196,194,186,173,127,173,189,191,178,168,168,168,164,165,170,170,176,186,191,191,183,173,165,168,173,178,176,113,113,115,121,129,178,183,183,186,186,186,183,183,183,176,173,176,183,191,196,199,199,196,186,178,135,135,183,194,202,202,199,196,186,182,189,194,186,182,186,186,181,178,178,183,191,194,191,183,185,191,196,199,199,202,204,202,189,181,186,194,191,181,178,183,186,186,183,183,186,189,194,196,194,190,189,190,196,199,199,194,186,183,183,181,191,199,194,189,183,191,199,202,199,196,191,189,189,181,133,127,123,125,178,181,176,173,176,181,186,189,183,131,128,130,176,173,176,178,181,181,181,183,189,191,186,183,181,181,183,186,186,183,178,129,121,119,120,120,121,127,173,183,186,183,173,117,111,115,117,119,119,125,178,186,178,170,176,191,202,194,189,189,194,196,194,186,176,130,173,181,183,178,170,176,186,191,186,178,127,122,124,125,119,117,111,108,110,165,176,178,178,82,62,109,125,173,170,125,165,176,176,173,176,186,196,199,194,191,191,194,194,127,111,125,189,202,207,207,204,202,194,194,196,209,222,115,65,123,196,191,181,173,129,173,176,183,181,111,91,62,73,113,168,183,202,209,215,204,199,189,173,121,118,120,168,168,125,120,118,121,178,194,199,194,168,121,95,39,73,103,115,125,168,170,173,178,186,194,194,176,174,176,181,189,186,183,186,194,196,194,189,181,179,181,186,196,191,183,183,196,204,204,199,194,194,194,194,194,194,189,182,183,189,186,178,178,181,183,191,202,202,196,189,183,178,177,177,186,196,199,191,183,178,174,174,176,178,178,181,183,183,183,181,178,176,173,176,170,127,121,119,119,119,119,117,117,119,123,125,125,168,168,168,170,176,170,125,125,123,121,119,117,117,117,121,127,168,173,178,173,170,129,131,178,186,191,191,194,194,194,191,186,183,183,186,191,191,189,186,181,176,133,133,129,127,176,189,191,183,176,178,183,181,177,176,183,194,196,196,202,204,207,212,209,204,202,196,189,139,133,132,133,137,139,138,139,189,199,204,204,202,199,199,202,202,204,204,202,202,204,204,209,217,217,194,191,202,207,207,207,202,194,191,191,196,196,186,178,183,194,194,186,183,181,176,176,183,186,186,183,127,103,104,127,133,183,204,202,196,194,196,196,202,204,209,207,194,181,186,204,212,212,209,196,186,191,207,215,215,212,207,202,204,204,202,199,202,204,204,198,196,199,204,209,212,220,222,215,209,207,207,209,209,204,199,199,199,196,196,196,199,204,207,204,204,194,139,137,141,183,139,186,204,212,207,199,196,202,209,209,202,189,183,183,181,135,127,123,129,176,181,186,189,189,189,186,186,186,183,183,181,181,178,176,176,133,176,176,178,181,186,191,194,196,196,199,196,196,194,191,194,194,189,186,183,178,131,131,181,191,202,204,204,204,204,207,204,209,215,222,217,217,215,204,186,126,125,133,189,196,202,207,207,204,196,191,191,189,189,191,191,194,194,196,194,189,183,186,189,187,191,191,183,131,133,194,199,196,191,189,186,186,186,194,196,196,199,199,196,194,191,191,189,183,176,131,131,131,133,176,178,181,183,181,133,127,125,127,133,178,181,183,189,191,189,186,186,186,186,189,189,186,186,183,181,181,186,196,199,196,194,196,196,194,189,183,178,176,133,131,129,127,178,196,196,194,194,191,189,176,129,183,199,199,189,183,181,186,181,137,183,181,179,189,196,194,187,187,194,194,185,186,202,217,225,217,209,209,212,215,215,209,207,209,209,212,215,217,222,217,207,204,207,212,212,139,125,189,202,199,191,191,199,204,207,199,199,204,207,204,204,207,209,207,194,189,133,96,118,191,191,187,186,187,189,189,194,199,202,204,207,209,209,209,207,199,186,185,189,199,202,204,207,207,207,207,207,204,204,207,209,215,217,215,212,207,202,199,196,196,194,191,189,186,189,191,196,196,199,199,202,207,209,204,199,202,204,199,191,189,194,199,204,207,207,204,204,207,209,209,209,207,204,207,215,217,215,212,207,199,196,196,199,202,204,207,204,199,196,199,202,204,207,207,207,204,202,202,204,204,202,202,202,199,199,199,199,199,202,202,202,199,199,202,202,204,204,207,207,207,204,204,207,209,207,204,200,200,202,207,209,209,207,204,202,199,202,207,207,199,191,189,194,202,209,212,204,203,204,209,207,199,194,191,191,194,196,196,196,199,204,209,209,212,212,209,204,196,194,192,194,199,204,209,212,209,212,215,215,215,215,209,204,199,199,202,202,204,209,215,212,207,207,209,209,212,209,202,196,199,202,209,215,212,207,202,200,199,200,207,215,217,212,207,204,209,212,212,207,207,215,220,222,215,207,202,204,199,191,183,183,183,183,139,136,137,186,191,196,202,204,202,202,202,202,199,199,202,199,199,204,207,209,207,199,189,139,138,183,191,194,191,191,191,186,183,189,199,204,199,191,194,191,189,189,189,191,194,196,199,204,209,209,204,194,194,194,189,139,139,141,141,141,186,189,191,196,202,204,209,212,212,209,204,196,189,191,194,135,115,117,186,194,199,204,207,204,198,196,204,209,204,199,196,195,196,204,215,217,212,212,217,225,228,225,220,196,191,196,194,186,131,115,107,119,183,202,209,209,207,199,191,185,181,182,194,209,215,215,220,222,215,202,196,199,212,222,220,212,207,199,195,195,195,199,212,220,225,225,228,230,230,230,225,222,215,209,202,196,194,194,194,199,209,215,212,207,199,196,199,202,204,207,207,204,199,194,191,191,189,183,137,133,135,137,137,135,133,133,133,131,135,183,186,191,199,204,207,207,207,207,207,212,225,233,238,243,246,251,254,254,255,255,255,255,255,0,0,255,255,255,255,255,255,255,248,238,235,238,243,254,255,255,238,225,230,246,255,0,0,0,255,215,202,207,215,212,209,207,204,194,187,187,191,199,207,212,212,199,186,178,178,181,178,176,173,178,189,0,0,0,0,199,196,189,181,178,176,168,161,163,173,186,194,194,189,183,186,191,196,204,215,217,222,228,235,246,254,254,251,246,0,0,0,0,248,243,243,235,215,194,191,196,207,204,0,0,0,0,255,255,255,199,181,183,189,199,204,202,199,198,198,204,207,204,199,194,191,0,0,0,254,254,238,217,196,170,0,0,168,202,222,215,183,160,144,131,121,117,117,121,129,134,142,157,170,173,0,0,0,0,163,176,186,189,183,181,178,181,183,183,181,176,168,168,0,0,0,186,183,0,157,123,176,183,189,196,202,196,196,209,228,238,238,225,207,194,143,145,202,217,233,238,241,248,254,254,254,246,235,225,217,215,207,202,212,228,238,243,238,230,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,35,12,0,0,0,0,0,0,7,51,69,69,48,0,0,0,0,0,0,0,0,0,0,0,0,48,0,0,0,0,0,53,53,0,13,7,0,0,0,0,33,144,170,189,196,82,0,0,0,0,0,0,0,0,0,0,0,0,100,165,168,129,111,121,147,168,170,165,152,147,150,152,163,176,178,168,159,159,163,165,165,163,165,173,176,173,181,189,178,115,115,168,186,196,199,202,204,207,202,199,194,194,191,191,191,189,185,185,194,196,199,207,212,212,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,183,194,191,189,189,191,191,189,186,183,183,189,191,189,185,185,186,186,186,186,191,199,207,209,103,57,59,59,97,91,85,81,61,0,0,0,51,103,191,199,202,202,202,199,199,202,202,199,196,194,194,194,196,194,194,191,194,196,202,202,199,191,186,186,191,199,202,207,202,113,113,115,119,119,117,117,121,125,125,127,170,176,173,168,127,127,170,176,178,176,176,173,173,127,121,122,127,176,178,170,125,123,123,119,116,117,125,173,173,176,173,117,117,127,173,173,170,173,178,178,170,125,125,170,183,186,186,181,113,110,121,178,173,121,107,88,88,89,117,199,186,111,111,165,181,191,199,207,215,220,222,0,0,39,194,207,207,196,189,189,196,196,194,196,202,202,194,183,181,189,199,207,209,209,207,204,204,204,207,207,204,196,196,204,202,199,198,198,199,202,202,202,199,196,196,199,204,207,207,207,202,191,137,136,136,137,137,183,191,199,204,204,202,199,199,202,204,204,202,199,196,199,202,202,207,207,202,194,194,196,199,199,199,199,199,199,196,194,189,181,181,176,127,121,123,165,170,178,178,176,173,125,122,122,125,173,183,189,181,168,166,173,183,186,178,173,178,183,181,170,168,168,173,176,178,173,170,170,168,165,123,122,127,176,178,176,173,178,183,183,183,183,181,173,127,123,121,127,176,178,181,176,127,119,117,117,117,118,122,170,170,164,164,168,173,181,189,191,189,181,176,178,186,189,176,113,110,129,189,196,196,196,196,196,196,196,202,202,199,199,199,199,202,202,202,202,204,202,199,194,186,127,125,178,202,199,170,123,168,173,168,166,170,178,186,189,194,194,186,170,121,119,121,121,115,106,108,113,121,173,183,186,183,183,183,181,181,181,178,174,173,176,183,194,199,202,199,194,186,181,178,181,186,194,196,199,199,196,191,186,194,196,189,183,186,186,183,178,181,186,191,191,189,186,186,191,194,199,202,204,207,202,194,189,191,194,191,183,181,186,191,189,186,183,181,183,189,191,191,191,191,194,196,196,191,189,186,183,181,181,189,194,191,183,181,189,194,194,196,194,189,189,189,176,121,120,123,173,183,178,131,131,178,181,183,183,186,178,173,176,178,178,178,173,127,129,176,183,191,194,191,191,189,186,186,186,189,189,186,178,127,121,121,123,127,173,178,181,181,173,123,108,117,123,123,125,123,123,173,178,173,129,178,191,196,191,187,186,189,196,196,189,176,130,173,183,183,173,129,170,181,186,189,186,176,125,124,125,123,121,115,110,115,165,168,173,178,99,70,105,123,173,170,125,125,168,170,173,181,191,196,191,186,183,183,189,194,127,105,125,194,204,207,207,207,199,192,192,196,207,215,191,125,178,191,183,170,119,111,115,125,178,191,178,121,83,79,113,189,199,204,207,209,209,202,194,178,125,121,125,173,170,125,121,120,127,181,194,199,202,202,207,202,97,57,87,113,127,170,173,176,183,194,199,194,173,173,176,186,194,194,186,183,191,194,194,191,186,181,181,186,194,189,137,137,186,196,204,204,199,196,194,194,196,196,191,183,186,189,186,178,135,135,135,183,199,199,194,191,186,181,176,177,183,189,189,189,189,186,181,176,178,181,178,181,183,186,189,186,183,178,176,173,127,121,119,117,117,115,115,111,109,111,115,117,117,121,123,123,168,170,168,123,121,119,113,113,113,113,111,109,117,119,127,170,170,129,170,173,181,189,191,194,194,194,191,189,183,181,181,183,183,186,186,186,181,176,133,176,133,131,133,181,183,178,176,181,183,181,178,181,189,194,194,196,202,207,209,212,209,204,202,199,196,186,135,131,129,133,183,189,189,194,202,207,207,204,202,199,198,199,202,204,204,204,204,204,209,215,204,128,186,199,204,204,202,194,187,187,189,189,181,123,121,176,191,194,191,186,181,181,183,186,186,186,183,129,109,113,181,189,191,204,202,199,199,196,194,196,202,204,204,196,189,189,202,209,215,212,199,182,183,204,217,217,215,204,199,199,202,204,202,204,207,204,196,196,199,204,207,212,217,220,215,209,209,209,209,207,202,196,196,196,195,195,195,196,196,202,204,202,196,189,186,189,186,186,194,204,209,207,202,202,202,204,204,196,191,186,186,183,183,183,181,181,181,183,186,191,191,189,186,186,186,183,183,181,181,178,176,133,133,133,176,178,183,189,191,194,194,196,199,202,199,194,191,191,189,181,135,178,186,189,181,183,191,199,204,204,204,204,207,207,209,215,217,217,215,215,207,137,121,120,127,189,199,202,207,207,202,194,189,189,191,194,196,194,191,196,199,194,183,178,186,189,187,191,196,191,178,178,189,194,194,194,191,191,191,191,194,194,196,199,199,199,194,191,189,189,183,176,133,176,176,176,176,178,178,178,178,131,123,122,127,178,186,189,189,189,186,186,186,186,186,186,189,189,189,189,186,183,183,189,196,196,194,189,189,191,191,191,189,181,133,129,125,125,125,181,191,186,186,191,191,191,181,176,186,196,196,189,179,181,181,130,127,181,189,186,189,194,191,189,187,190,194,191,191,202,212,215,209,207,207,212,217,217,215,212,212,212,215,215,217,215,199,139,189,202,209,209,105,36,71,199,199,190,187,196,204,204,199,199,204,207,204,207,209,212,207,194,189,135,112,137,194,194,189,189,191,191,194,196,202,204,204,204,204,202,202,199,196,187,185,189,199,207,207,207,204,209,215,215,212,207,207,209,215,215,215,209,204,199,194,191,191,189,186,185,185,186,189,194,194,196,199,202,209,212,209,204,202,202,196,189,189,194,204,209,209,207,202,202,204,207,207,207,199,194,199,204,209,209,207,204,199,194,191,194,199,202,204,202,196,199,202,204,204,203,204,204,204,202,204,207,207,204,202,202,202,199,199,199,199,199,199,202,202,199,199,199,202,204,207,207,204,204,204,207,207,207,202,200,200,202,204,207,207,204,199,196,196,202,207,207,196,186,185,187,199,209,212,209,207,209,212,209,207,202,196,196,199,202,202,196,194,199,204,207,209,212,212,204,196,192,191,192,196,204,209,212,207,207,209,215,217,215,212,209,204,204,204,207,209,215,215,209,202,196,199,204,212,209,204,196,191,189,196,207,212,212,209,207,204,204,209,215,217,215,209,207,212,215,212,207,207,212,217,220,212,202,199,204,204,194,186,139,139,139,139,137,139,191,196,202,204,204,204,204,204,204,202,199,199,196,199,204,209,212,209,202,189,138,137,139,189,191,194,194,194,186,139,183,194,202,199,194,194,191,189,189,189,191,190,191,196,207,215,215,204,191,190,191,139,130,129,133,141,191,194,194,194,199,207,212,222,228,228,222,215,204,196,196,191,123,101,103,135,194,204,209,209,199,195,194,199,209,207,204,202,199,202,209,217,222,228,235,238,230,220,212,196,137,139,191,202,199,139,111,99,111,186,202,209,209,204,196,189,186,189,191,199,209,215,212,212,220,215,199,191,194,207,222,220,207,195,192,194,196,199,204,215,225,228,228,225,225,228,230,225,222,215,207,202,199,199,199,196,202,212,215,215,207,199,194,191,194,199,204,204,202,199,194,189,186,183,137,133,130,130,133,133,133,129,129,128,128,131,135,139,186,196,204,209,209,209,212,212,220,228,233,235,241,246,254,255,251,251,255,255,255,255,255,0,255,255,255,255,255,255,255,0,0,241,238,241,246,248,246,230,217,222,233,241,0,0,0,0,212,204,0,0,0,207,202,199,191,189,189,191,194,199,202,199,189,178,176,176,173,170,0,168,181,196,0,0,0,194,194,194,186,178,173,170,163,160,163,178,196,204,204,194,186,186,189,191,199,207,212,212,217,230,241,248,248,248,243,0,0,0,0,254,251,246,238,217,194,190,191,196,199,0,0,0,0,255,255,241,194,181,181,189,194,199,199,199,198,198,204,212,212,204,199,196,0,0,0,255,255,241,217,196,178,0,0,165,194,217,215,181,155,139,126,118,117,118,124,129,131,142,160,181,183,173,0,0,0,160,176,186,191,189,186,186,189,191,191,189,183,178,176,0,0,0,204,204,178,160,163,178,191,196,196,194,186,181,186,202,225,233,230,215,202,147,145,204,225,238,243,243,248,254,255,254,248,243,238,235,230,217,209,212,225,233,235,235,230,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,33,35,30,9,0,30,69,40,38,61,74,66,33,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,22,25,5,0,0,0,0,1,43,147,183,199,72,0,0,0,0,0,0,0,0,0,0,0,0,0,13,69,72,77,100,131,155,163,160,152,150,150,152,160,176,178,168,160,160,168,173,173,168,168,170,170,168,173,181,176,125,170,181,191,196,199,199,202,204,202,196,194,191,191,191,189,185,183,186,196,202,202,209,209,199,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,181,186,181,183,186,186,186,186,181,181,181,186,191,191,189,189,189,189,186,189,191,196,204,209,5,0,53,91,150,105,97,89,85,11,0,0,87,191,199,199,199,199,199,196,196,199,199,199,194,192,192,194,196,196,194,191,191,194,199,202,202,196,189,189,191,199,204,202,176,108,115,125,123,115,112,113,119,125,127,170,178,178,173,168,168,170,170,176,178,183,178,170,168,125,123,168,170,168,168,170,168,168,170,125,119,119,125,170,176,176,176,113,113,119,127,168,170,176,183,183,173,165,165,178,194,199,199,199,114,110,125,186,176,119,107,93,85,80,85,173,121,105,110,168,183,189,191,196,207,212,209,0,21,186,204,204,204,202,202,199,202,202,202,202,202,204,204,199,191,191,199,207,207,207,204,199,194,191,196,202,199,194,194,202,202,198,198,198,202,204,207,207,202,199,199,202,207,209,209,209,204,196,183,137,137,137,136,135,137,189,196,199,199,199,196,199,204,204,202,196,196,199,204,207,207,199,186,181,181,186,189,191,194,196,199,199,199,196,194,191,189,183,168,115,115,125,170,178,181,176,168,125,125,125,124,165,176,181,173,165,166,173,186,189,176,172,173,176,168,165,165,165,170,176,176,170,169,170,173,170,127,125,170,176,176,173,173,173,170,166,165,168,173,173,170,127,127,170,178,186,186,183,173,125,123,125,127,176,183,186,176,164,165,170,178,183,186,191,189,178,173,173,176,127,110,105,109,173,189,196,196,194,196,196,196,196,202,202,199,198,198,199,202,204,204,204,207,207,202,196,186,124,123,178,199,189,114,114,127,173,176,173,176,183,189,189,189,194,178,119,113,115,121,123,119,113,115,123,170,183,191,189,183,183,183,183,183,183,181,178,176,181,186,191,196,196,196,191,186,181,181,183,189,191,194,196,196,194,194,194,199,199,186,135,181,183,181,178,181,186,191,191,191,189,189,191,194,199,202,207,209,204,196,191,191,191,186,183,183,189,191,191,186,181,177,178,183,189,194,196,199,202,196,191,183,181,183,181,181,186,191,189,183,179,181,186,181,178,186,189,181,186,202,189,117,117,127,181,183,131,128,130,178,181,176,178,186,189,189,181,176,178,183,173,124,127,170,181,189,194,191,189,189,186,185,186,189,191,191,189,181,127,123,125,170,176,178,178,178,127,117,115,170,170,123,123,123,125,173,176,168,129,178,189,194,191,187,187,189,196,199,194,183,176,178,183,183,178,170,129,170,176,183,186,181,168,125,125,123,119,117,121,125,123,117,119,170,173,103,115,125,168,165,125,168,125,125,165,178,189,191,189,186,186,186,181,170,92,84,121,191,202,204,207,204,196,191,191,196,209,215,204,186,181,181,178,127,110,108,111,123,183,202,207,202,168,85,105,191,199,202,202,204,204,196,189,181,173,170,176,178,176,170,127,127,178,189,196,199,204,212,217,212,186,59,93,119,170,176,176,178,186,196,199,194,174,174,178,189,199,196,186,183,186,191,196,196,191,186,183,186,191,186,137,135,137,189,199,202,199,199,196,196,199,199,194,186,183,183,178,134,134,134,133,178,194,194,191,194,191,183,177,177,183,183,183,186,191,191,186,183,181,181,178,181,183,186,189,189,186,181,176,129,121,113,111,113,113,113,111,109,109,111,113,115,115,117,121,125,170,176,173,165,123,115,111,111,113,115,109,105,105,107,113,125,129,173,178,181,183,189,191,194,194,194,191,189,186,183,181,178,181,181,183,183,181,178,176,178,176,133,131,133,176,176,178,183,186,183,183,189,194,199,196,196,202,204,204,209,207,202,199,199,202,199,191,137,132,135,186,196,199,202,202,202,202,204,204,199,198,198,199,204,204,204,204,207,209,204,128,112,186,199,199,196,194,189,186,187,189,178,121,112,113,125,186,196,196,189,181,181,186,189,186,183,183,176,125,131,189,189,185,186,185,191,196,194,192,194,196,196,196,194,186,183,196,207,209,209,199,182,183,204,215,215,209,202,196,199,202,202,204,204,207,204,199,199,207,209,212,212,217,217,215,209,209,209,209,204,199,195,196,196,196,196,196,195,195,196,202,202,199,196,194,191,189,191,199,204,209,212,207,199,191,186,189,189,186,186,183,183,186,186,186,186,186,186,186,189,189,189,189,186,186,183,183,181,181,178,176,133,132,133,176,181,183,189,194,194,192,196,202,204,202,196,191,191,186,135,131,133,186,191,186,186,191,196,202,204,204,207,207,207,207,207,207,207,207,204,196,135,125,126,183,199,202,199,204,204,199,191,189,189,191,194,196,194,189,191,194,186,131,129,181,189,189,194,202,199,191,189,189,191,194,194,191,194,194,194,194,194,194,199,202,199,194,189,189,189,186,178,176,178,181,178,178,176,176,176,176,131,123,121,123,176,189,191,189,186,183,183,186,186,185,186,189,191,191,189,186,183,186,191,199,199,194,189,187,189,191,194,191,183,176,129,125,125,125,131,129,113,125,183,186,191,183,178,189,196,194,183,179,181,178,128,126,191,202,199,194,191,191,191,191,191,196,196,194,196,204,207,204,204,209,215,217,217,217,217,217,217,212,212,215,204,133,128,133,202,217,222,95,0,19,101,191,191,187,190,199,202,199,199,204,207,204,207,209,209,204,196,196,189,129,189,196,196,194,196,196,194,194,199,204,207,207,204,202,199,198,199,202,196,191,196,202,207,207,204,204,209,215,217,212,207,207,209,212,212,209,207,202,196,194,191,191,189,186,186,186,189,191,194,196,196,199,202,207,209,209,207,202,196,191,186,189,194,204,209,207,204,199,199,199,204,207,202,192,190,192,199,204,207,204,204,202,196,191,190,191,196,202,202,199,202,204,207,204,204,204,204,204,202,204,207,204,202,202,202,202,202,202,199,199,199,202,202,202,202,199,196,199,202,204,204,202,202,204,207,207,207,204,200,200,202,204,207,207,204,199,195,195,202,209,212,202,187,185,187,196,207,209,212,212,215,215,212,209,207,202,196,199,204,202,196,192,192,196,199,204,209,207,202,196,194,194,194,199,204,209,212,207,205,207,209,212,215,215,215,212,209,209,209,215,217,215,207,194,187,187,199,207,207,202,194,139,137,141,196,207,212,212,212,209,209,209,215,215,215,209,207,212,212,209,207,207,215,217,215,207,196,196,202,202,194,186,186,189,189,183,183,183,189,196,202,204,207,207,207,209,209,207,202,194,194,196,202,207,209,209,204,196,186,139,183,191,194,199,202,196,189,137,137,183,191,194,194,194,191,189,189,191,191,189,189,194,207,217,217,209,196,194,191,137,128,126,131,189,199,202,202,199,204,212,222,230,233,233,230,225,215,202,189,125,101,96,96,113,141,209,217,209,199,195,196,207,212,207,207,209,209,212,217,217,225,233,241,241,228,194,121,115,119,137,196,202,194,133,105,97,102,131,199,209,212,207,199,191,191,196,199,204,207,207,204,203,212,217,202,194,195,207,222,222,209,196,194,196,202,207,212,217,225,228,225,222,217,225,228,225,217,209,204,202,199,202,202,202,204,212,217,215,209,202,194,189,190,196,202,202,202,199,194,189,183,181,135,130,129,129,131,133,135,133,129,129,129,133,135,139,186,199,207,209,212,212,215,217,225,228,230,230,238,248,255,254,246,246,251,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,248,246,243,0,0,225,217,222,228,230,241,0,0,222,207,207,0,0,0,0,204,199,196,196,196,196,196,202,204,196,189,181,176,176,173,168,0,168,183,199,207,202,191,186,186,186,178,170,168,168,165,163,170,186,202,212,207,194,181,176,176,181,191,199,204,207,212,225,238,243,246,246,243,0,0,0,0,254,251,248,238,217,196,191,191,192,199,215,0,0,0,255,255,204,183,174,176,181,191,0,209,212,204,202,207,215,215,209,202,199,0,0,0,255,255,241,217,199,186,0,0,165,191,217,217,178,152,137,124,118,117,121,126,129,129,137,160,183,191,178,0,0,0,160,181,194,199,196,196,199,202,202,199,194,189,183,183,0,0,0,215,215,189,163,160,173,196,204,202,191,178,174,177,189,212,230,233,228,215,202,196,207,228,241,246,246,248,254,254,248,246,246,243,241,235,225,215,215,225,230,233,235,233,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,40,43,33,7,0,20,59,51,51,66,77,61,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,17,0,0,0,0,0,0,0,17,53,85,103,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,108,131,150,152,147,144,147,150,155,168,170,165,160,160,168,176,178,173,165,125,125,125,127,173,176,181,189,191,191,194,196,202,202,202,199,194,191,189,189,189,186,185,185,191,196,199,204,209,209,194,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,176,181,181,178,183,186,186,183,181,179,179,181,186,191,194,194,194,191,189,186,191,194,183,91,53,0,0,61,168,165,157,152,147,155,91,8,27,173,194,196,196,199,199,199,196,196,196,196,196,194,192,194,196,199,199,196,194,194,194,196,199,199,196,194,191,194,199,202,196,110,101,113,125,121,112,110,113,123,165,168,173,181,178,170,168,170,170,170,168,176,183,181,170,123,121,121,170,173,127,125,168,127,125,170,168,168,127,127,168,173,173,123,112,112,117,127,170,173,176,181,181,176,168,170,181,194,196,194,189,116,114,165,181,173,119,113,107,95,81,84,125,119,109,117,181,189,189,186,178,127,91,59,19,107,207,204,199,196,196,199,199,199,199,202,204,202,204,207,204,196,196,202,204,202,202,202,196,186,183,186,194,196,194,196,204,207,202,199,202,207,209,212,209,207,204,204,207,209,212,209,207,204,196,189,183,139,139,137,135,136,183,194,199,199,196,194,194,196,199,199,195,195,199,204,204,196,181,173,172,176,178,178,178,181,186,194,199,202,202,199,196,194,186,165,83,77,91,107,173,181,173,123,165,191,194,176,170,176,178,176,170,169,176,183,189,183,176,173,168,163,163,165,170,173,173,173,169,170,173,178,176,173,173,173,173,170,170,170,168,166,165,164,168,176,176,129,123,123,127,178,191,196,191,186,181,199,212,196,183,183,186,183,173,178,183,181,178,181,183,183,183,178,176,173,115,100,100,113,181,191,194,194,194,196,199,199,199,202,199,199,199,202,202,199,202,204,207,209,209,207,199,183,121,120,127,178,123,108,109,127,173,173,168,170,186,191,186,178,165,113,111,112,117,127,178,186,194,189,183,183,191,194,191,183,183,186,189,191,194,189,183,181,183,186,189,191,191,191,189,186,181,181,183,189,191,194,194,194,189,194,199,202,194,135,128,131,135,135,135,181,189,194,194,191,191,191,191,196,199,204,207,207,204,199,191,189,189,186,186,189,189,189,186,183,178,177,177,178,186,194,202,207,207,202,194,183,181,178,178,178,189,194,191,186,181,183,181,126,125,183,189,125,127,209,202,114,114,176,189,181,129,127,131,183,183,170,168,173,189,191,181,169,176,186,178,126,127,129,176,186,191,191,189,186,183,185,189,191,189,186,189,186,176,125,123,168,173,173,176,178,168,114,127,181,181,168,123,123,168,176,173,127,168,178,191,196,196,191,189,189,194,199,196,189,181,183,186,186,183,173,127,125,127,178,183,181,176,168,125,121,116,119,165,168,119,114,116,123,123,115,121,163,125,123,165,173,165,124,125,173,181,181,183,186,189,189,176,97,71,71,121,189,199,202,204,202,194,190,190,196,209,212,209,196,181,173,129,123,111,111,117,127,181,191,202,199,176,86,99,181,194,199,202,202,199,189,186,186,186,189,189,183,178,170,129,173,186,196,199,199,202,212,215,204,194,91,107,121,176,183,183,183,186,194,196,191,183,178,181,191,196,191,183,186,189,191,191,189,189,186,189,189,189,186,137,135,136,183,191,199,199,199,202,202,204,204,199,186,135,135,135,134,135,135,134,135,189,191,191,196,199,191,186,183,186,186,186,189,189,189,189,186,186,181,178,178,181,186,191,189,183,176,170,123,115,107,106,107,111,109,109,111,115,119,117,115,117,119,123,168,178,183,181,176,168,119,113,113,121,121,113,103,97,95,103,121,170,178,183,189,189,191,191,191,194,194,191,189,186,183,178,177,178,178,181,183,183,183,181,183,183,178,176,133,176,176,181,186,189,189,189,194,199,202,199,196,199,199,199,202,204,202,198,199,207,209,204,194,186,183,189,196,202,202,196,195,199,202,204,202,199,198,199,202,204,202,204,212,209,183,114,108,191,199,199,196,196,194,194,194,191,131,115,113,114,121,176,196,196,186,178,176,183,186,186,183,181,176,176,183,191,186,181,179,181,186,196,194,194,194,194,194,194,191,135,128,137,194,202,202,199,183,186,204,209,207,202,199,194,194,199,202,204,207,207,209,207,209,215,217,217,217,217,217,215,212,212,209,207,202,196,195,196,199,199,199,199,199,196,196,199,202,202,202,199,194,191,196,202,209,215,217,209,189,121,107,117,133,181,178,178,183,183,183,183,183,183,186,186,186,186,189,189,186,186,183,183,181,181,178,176,133,133,133,176,181,186,191,194,194,194,196,202,204,202,196,191,189,183,133,130,130,133,183,186,186,189,191,196,199,202,204,209,207,204,199,196,196,194,189,137,133,137,191,202,207,204,202,202,199,196,191,189,189,189,191,191,189,186,189,186,133,128,128,135,189,191,194,202,202,196,194,191,194,194,194,194,194,196,199,194,191,191,196,202,199,194,189,189,189,186,181,178,181,183,181,178,176,133,133,133,131,123,121,122,129,183,189,189,183,182,183,186,186,186,186,189,191,194,191,189,186,191,196,202,204,199,194,189,189,191,191,189,186,178,133,131,129,127,123,107,98,110,133,186,189,183,178,189,196,191,181,183,183,181,132,132,196,209,209,202,196,196,199,202,199,199,199,196,196,202,204,204,207,209,212,212,215,217,222,222,217,212,209,209,202,135,129,137,209,225,228,131,8,17,73,129,199,191,190,194,199,199,199,204,204,204,207,209,209,204,202,204,199,183,186,191,194,196,199,196,191,191,196,202,204,204,204,204,202,199,202,207,204,204,204,204,204,204,204,204,207,212,212,207,204,207,209,209,207,204,202,199,196,196,194,191,189,186,186,191,194,196,196,196,196,196,199,202,204,204,202,196,191,186,141,189,194,202,207,207,204,199,199,199,204,207,204,194,191,194,202,204,204,202,202,202,202,196,191,190,191,199,204,204,204,204,207,207,207,207,204,204,204,204,207,207,202,202,202,204,204,202,202,202,202,204,204,204,202,199,194,194,196,199,202,199,202,204,207,207,207,207,204,204,204,204,207,207,204,199,196,195,202,212,215,207,196,191,194,196,202,207,209,212,212,212,212,212,212,204,196,196,199,199,194,191,192,194,196,202,204,202,196,199,199,199,202,204,207,209,209,209,207,205,205,207,209,212,215,215,212,209,212,215,215,212,204,190,185,186,194,204,202,196,189,139,138,141,194,202,204,209,212,212,209,209,209,212,209,202,199,207,209,207,207,209,215,217,212,204,196,194,196,196,189,189,191,194,191,189,186,186,189,191,196,202,202,204,204,207,209,207,202,191,191,196,199,202,204,207,209,204,194,189,191,194,199,202,202,199,189,137,136,137,186,191,194,196,194,191,191,194,194,190,189,196,204,212,217,215,207,202,196,141,130,128,135,194,204,207,207,207,212,217,228,235,235,235,233,228,220,204,125,101,99,99,98,105,125,199,212,209,204,202,207,217,217,207,205,209,215,217,222,222,225,228,230,233,228,194,116,111,116,135,194,194,183,125,105,100,100,109,191,209,212,209,207,196,194,199,202,204,204,202,199,202,212,215,202,196,202,217,225,225,217,207,202,202,207,212,215,217,225,228,225,217,215,217,225,222,215,209,204,204,204,207,207,209,212,217,222,217,209,199,191,189,190,196,199,202,202,199,196,191,186,181,137,133,133,131,133,135,137,135,133,129,131,133,135,139,189,196,204,207,207,209,209,215,220,225,230,235,241,251,255,251,243,243,248,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,255,254,248,0,0,0,228,0,0,0,0,0,0,217,0,0,0,0,0,0,0,202,202,0,202,199,0,0,0,204,194,186,181,178,176,170,0,170,186,199,204,196,186,181,178,176,168,160,163,165,168,170,178,194,207,212,207,191,176,168,168,173,183,194,199,202,209,225,241,246,248,248,0,0,0,0,251,254,251,248,235,215,199,194,194,196,207,0,0,0,255,254,225,194,181,174,173,176,189,0,0,228,217,207,207,212,209,204,199,196,0,0,0,251,254,243,225,207,199,191,176,173,191,217,215,178,152,137,126,118,118,121,129,129,129,137,157,183,191,183,0,0,0,168,191,204,207,207,209,215,217,209,199,194,191,189,189,0,0,0,212,207,186,163,155,163,194,207,204,194,178,173,176,189,212,230,235,233,230,222,212,215,230,241,243,243,246,251,248,241,241,243,246,241,235,228,222,222,228,230,233,233,230,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,51,40,17,0,0,0,38,51,69,79,69,27,0,0,0,0,0,0,0,0,0,14,25,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,85,116,134,142,144,144,150,150,152,160,165,163,159,159,163,170,176,173,125,123,123,124,127,170,183,191,194,191,191,191,196,202,202,202,196,194,189,186,186,186,186,186,191,194,196,196,199,212,209,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,157,173,178,178,183,186,186,183,181,179,178,181,186,191,196,199,199,196,194,196,199,186,33,0,0,0,0,55,165,165,165,160,152,152,107,95,111,173,186,194,194,196,199,202,199,196,196,196,196,194,194,194,196,202,202,199,199,196,194,194,196,196,196,196,196,196,196,196,189,111,105,119,125,121,113,112,119,125,165,168,173,173,170,168,170,173,173,168,126,168,178,178,168,121,119,119,125,170,127,125,127,124,122,123,124,127,168,168,170,176,173,121,111,110,115,127,173,173,173,173,173,170,127,127,173,181,178,168,121,117,118,123,168,125,119,115,113,107,89,93,125,123,115,117,181,189,186,181,168,111,65,31,99,196,207,204,196,194,192,192,194,192,194,199,202,202,202,204,204,202,199,202,202,202,202,202,196,186,183,186,194,194,194,199,209,212,207,204,204,207,209,209,209,207,207,209,212,215,215,209,207,204,199,189,186,186,189,186,183,183,189,196,202,202,196,191,189,190,194,196,196,196,199,202,202,191,177,172,172,176,177,176,173,173,176,183,196,204,204,202,199,196,191,121,71,73,91,103,125,173,165,121,170,207,209,186,170,165,173,178,178,176,176,183,196,196,191,183,170,164,165,176,176,176,173,173,170,173,178,181,181,178,176,173,168,165,168,173,170,170,168,170,176,181,176,123,116,118,122,176,194,196,189,186,191,204,209,196,181,176,173,173,173,181,183,176,170,170,176,183,186,183,181,176,121,105,108,176,186,191,191,191,194,199,202,202,202,202,199,199,202,204,204,199,196,202,204,209,209,207,194,176,120,120,125,170,119,110,113,173,178,173,164,163,176,189,181,115,85,97,110,117,121,165,183,202,209,204,194,189,191,194,191,183,181,183,191,196,196,194,189,186,186,183,186,189,189,189,189,189,183,181,181,186,191,196,196,191,187,189,194,194,186,129,126,127,131,131,133,181,189,194,194,191,191,191,194,196,202,204,204,202,196,191,186,189,189,189,189,191,189,186,183,181,178,178,178,181,183,189,199,207,212,207,199,189,183,181,178,135,181,191,196,191,189,186,133,122,124,191,191,113,102,125,123,111,114,181,191,186,130,129,173,183,183,170,164,164,178,186,173,164,169,183,181,170,128,129,173,183,189,191,189,186,185,186,194,194,189,185,186,189,181,125,121,125,168,168,173,181,173,107,117,176,183,183,168,125,168,170,168,127,168,181,191,196,199,196,191,189,189,191,191,186,183,186,186,186,183,176,127,124,127,178,183,183,181,170,123,121,119,121,168,173,165,121,121,119,117,117,119,119,119,119,165,173,165,124,165,170,170,166,170,181,186,191,178,94,71,74,173,191,196,199,202,199,196,191,191,194,204,212,212,204,189,170,123,117,117,119,123,129,170,173,181,181,170,109,119,173,189,202,202,199,196,183,183,194,196,199,199,189,178,128,127,176,191,202,204,202,202,209,207,196,183,123,119,125,181,189,189,186,189,194,194,189,189,186,186,191,191,186,183,194,194,191,183,178,135,137,186,191,189,183,137,136,136,181,189,194,196,199,202,204,207,207,199,186,135,137,183,183,186,183,178,181,189,191,194,199,204,202,199,194,191,189,189,189,189,186,186,189,189,183,178,178,181,186,191,189,181,170,125,121,113,107,106,107,109,109,109,115,123,165,125,121,121,123,125,170,178,183,183,181,176,165,121,125,168,165,115,99,89,85,97,123,173,178,183,189,189,189,191,191,191,194,194,191,186,181,178,177,178,181,181,183,186,186,189,189,189,189,186,181,178,178,183,189,194,191,191,194,202,204,202,199,199,194,192,196,202,202,199,199,207,212,209,202,194,189,189,196,202,202,196,194,196,199,202,202,199,199,199,199,202,202,204,212,207,129,115,114,204,207,202,202,207,207,202,199,191,129,121,121,117,115,123,186,191,181,174,174,178,183,183,181,178,176,178,189,191,189,185,183,183,189,196,196,196,196,194,196,199,194,129,121,124,137,191,196,194,183,186,199,202,194,191,194,191,194,196,199,204,209,212,215,215,217,217,220,222,222,222,217,217,215,215,215,209,204,199,199,199,199,199,199,204,204,202,202,202,204,207,207,202,196,194,199,207,215,217,215,196,121,102,98,105,127,178,178,178,183,186,181,178,178,178,181,183,183,183,186,189,186,186,183,183,181,181,178,178,176,133,133,176,181,186,191,196,196,196,199,202,204,202,196,191,186,181,135,132,131,130,132,181,183,186,189,191,194,199,202,207,207,204,196,191,189,183,133,129,131,186,202,207,209,207,204,202,199,196,194,191,186,185,186,186,183,183,189,183,133,130,130,135,186,191,194,199,199,191,189,189,191,196,196,196,196,199,199,194,191,190,194,199,199,194,189,189,189,186,181,181,183,186,183,178,133,130,130,131,131,127,123,123,127,178,186,189,183,183,186,189,189,186,186,189,191,194,191,189,189,194,199,204,207,207,202,194,191,191,191,189,186,181,178,176,133,129,123,106,100,119,178,183,186,183,181,189,196,186,179,194,191,186,137,137,196,207,212,209,204,202,204,207,207,202,199,199,199,202,204,209,212,212,212,207,207,212,215,222,217,212,209,209,207,189,137,191,212,220,217,215,66,67,91,119,199,199,194,194,199,199,202,204,204,202,204,209,207,204,204,207,202,189,182,183,186,191,196,194,190,190,194,199,202,204,204,204,204,204,204,204,204,207,207,204,202,202,202,199,202,204,204,202,202,204,207,204,202,199,199,199,199,202,199,194,189,186,189,194,199,199,199,196,196,196,202,202,199,199,199,196,189,141,141,186,191,196,204,207,204,199,199,202,204,207,207,204,202,204,209,209,202,196,196,199,202,199,194,191,194,199,207,207,207,204,204,207,209,209,207,207,207,207,209,207,204,202,202,204,204,204,204,204,204,207,207,207,204,199,194,192,194,194,196,199,202,204,204,204,204,207,207,207,204,204,204,209,209,204,199,196,199,207,212,209,202,199,196,196,199,204,207,207,207,207,209,215,217,209,199,192,194,194,194,194,196,196,199,202,204,199,196,202,207,207,207,209,209,209,212,212,209,207,205,204,204,205,209,212,212,209,209,209,209,209,207,199,191,191,196,202,196,189,139,138,139,191,199,202,202,204,207,209,207,204,207,207,204,196,191,196,202,204,207,209,212,212,204,199,191,189,191,191,189,191,199,196,189,186,185,185,186,191,194,196,196,196,199,202,207,207,202,191,189,191,194,196,202,207,209,204,199,194,196,199,199,199,202,196,189,139,137,137,183,191,196,202,202,199,199,199,196,194,196,204,204,207,212,215,212,209,204,194,141,139,191,202,209,212,215,215,215,222,230,235,235,235,235,230,222,209,119,103,111,135,129,117,121,135,194,207,209,209,212,222,222,212,207,212,215,217,222,225,225,218,217,222,230,220,141,121,121,133,186,186,137,125,113,105,101,103,135,204,212,215,215,207,202,202,202,207,207,203,200,204,212,207,196,195,207,222,225,222,220,215,209,207,207,209,212,215,217,222,222,217,215,215,217,217,212,209,207,207,209,209,212,212,215,217,217,217,209,199,191,190,194,199,202,202,202,202,202,194,189,183,181,181,137,137,137,137,137,137,133,131,131,133,135,137,141,189,194,196,199,204,207,207,212,222,233,241,243,246,248,248,243,246,251,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,255,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,0,0,202,196,191,186,183,178,170,0,173,186,199,204,199,189,181,173,168,157,155,160,165,173,178,189,202,212,215,209,194,176,166,166,170,183,194,196,199,207,0,0,248,254,254,0,0,0,0,254,255,254,246,233,215,202,199,202,207,222,243,248,241,230,217,199,191,191,183,176,178,186,0,230,230,217,207,204,204,202,196,191,191,0,0,0,243,251,248,235,225,222,215,196,189,202,217,212,178,155,139,126,121,117,121,126,131,131,137,155,178,189,183,0,0,163,178,202,212,215,215,225,230,230,217,199,191,189,189,189,191,0,0,199,194,181,160,155,160,183,199,204,196,181,176,178,196,217,230,233,235,238,233,225,222,230,238,243,243,248,248,246,238,237,241,243,241,235,230,225,225,228,228,225,222,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,40,30,25,20,35,56,98,137,129,4,0,0,0,0,0,0,0,0,0,0,9,25,27,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,57,105,129,142,150,155,155,152,157,163,165,163,160,160,165,168,165,163,124,125,165,173,183,194,196,194,191,191,191,196,199,199,199,196,191,189,186,186,189,189,191,191,194,194,192,196,207,204,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,170,178,181,186,189,189,186,183,181,181,183,189,194,199,202,204,202,199,202,189,39,0,0,0,0,0,0,5,11,103,103,111,150,113,113,155,168,181,191,194,196,199,199,199,196,196,196,199,199,196,196,199,202,202,199,199,196,196,194,194,194,196,196,199,199,191,186,178,125,121,168,168,165,123,123,125,125,125,125,165,125,122,125,170,176,173,170,168,127,170,176,170,127,120,119,123,127,125,125,127,124,123,123,122,124,127,168,173,181,183,176,114,111,113,121,170,173,173,168,127,125,123,125,127,127,123,119,117,120,125,123,123,121,119,117,119,123,115,117,170,170,121,109,101,115,173,178,173,129,127,125,196,207,204,202,199,196,192,192,192,192,192,194,196,199,202,202,204,204,202,199,202,204,204,202,194,185,183,189,196,196,199,204,212,212,209,204,204,207,207,204,204,204,207,209,215,217,217,212,207,204,199,191,186,189,191,194,191,191,194,199,204,204,199,191,187,187,191,196,199,199,199,199,199,196,186,178,178,181,181,178,176,173,173,178,191,202,204,202,202,202,199,111,63,89,123,115,117,121,119,121,173,199,199,181,105,99,115,178,186,181,178,189,199,204,202,191,178,173,181,186,181,176,176,173,173,176,178,181,181,178,176,170,166,165,168,176,178,178,173,170,176,181,176,123,117,119,123,176,194,194,183,181,191,199,199,194,183,173,128,127,170,183,183,129,123,125,173,183,186,183,178,173,129,123,129,181,189,191,191,189,191,196,199,199,202,202,202,202,204,207,202,196,196,199,202,202,202,196,181,125,122,123,170,176,123,113,114,168,178,173,165,160,160,176,178,113,84,99,119,168,165,168,181,199,209,204,194,189,189,189,181,173,173,178,183,191,194,191,189,189,189,183,186,189,191,189,189,189,183,179,181,186,194,196,196,191,189,189,189,186,183,133,127,128,129,131,133,181,189,194,194,194,194,194,196,199,202,202,194,186,176,133,176,183,189,189,189,191,189,183,178,178,181,186,186,183,181,186,196,207,212,209,202,191,183,181,183,181,135,183,196,194,189,181,129,124,125,183,183,117,102,113,115,114,120,181,191,189,181,176,178,181,181,176,168,166,176,181,170,163,168,181,183,178,128,128,176,186,189,189,189,189,186,189,194,196,194,186,186,189,183,123,120,122,125,125,168,181,181,106,107,121,173,181,176,123,125,123,121,125,170,178,186,194,196,196,194,191,186,181,178,181,183,186,186,181,178,176,129,126,168,181,186,183,181,168,119,117,119,123,173,181,181,183,178,123,117,121,119,116,119,163,170,168,124,125,170,176,168,160,161,170,181,189,189,173,99,105,183,194,199,199,199,199,199,194,194,196,202,212,215,212,199,178,119,115,119,123,123,127,127,125,129,127,119,121,129,127,176,199,204,199,181,168,181,194,196,202,204,194,178,127,126,173,194,204,204,202,202,202,199,183,170,173,131,176,186,189,186,181,186,194,191,186,189,191,191,189,186,183,186,199,202,194,183,134,133,134,183,189,186,181,137,136,137,181,189,191,194,196,202,204,207,207,199,186,181,189,196,199,196,191,186,183,189,196,199,202,204,207,204,202,194,189,189,189,189,186,189,191,191,189,181,178,181,186,191,191,181,170,125,121,117,111,107,109,113,115,117,123,170,176,173,170,168,165,165,168,173,178,178,176,176,173,170,173,176,165,107,85,71,75,99,129,176,173,178,183,186,189,189,189,189,194,194,194,189,183,178,178,178,181,181,181,186,189,191,191,191,191,189,186,181,178,181,189,194,194,191,191,199,207,207,204,199,194,192,194,199,199,199,202,207,212,212,202,196,189,189,196,202,202,199,196,199,199,196,196,199,199,199,199,202,204,207,207,202,135,125,137,204,204,199,202,212,212,202,194,186,176,131,125,113,106,110,133,183,178,174,176,181,183,186,186,183,176,133,181,186,189,191,191,191,191,194,196,196,196,196,199,204,202,181,123,124,133,189,194,191,179,181,191,194,187,186,189,194,196,196,202,207,212,217,222,222,217,215,215,222,222,222,217,217,217,217,215,212,207,204,204,204,202,199,202,207,209,207,204,207,212,215,212,207,202,199,199,207,212,212,204,139,115,104,103,121,181,189,189,189,189,186,183,135,132,132,176,181,181,183,186,186,186,186,183,183,181,181,181,178,176,133,132,133,178,183,191,196,199,199,202,202,202,199,196,191,183,178,181,183,135,130,130,135,186,191,194,194,194,196,199,204,207,207,202,196,191,137,129,127,131,191,204,207,204,204,204,202,196,194,194,191,186,185,186,186,183,183,189,186,135,132,133,178,189,191,194,199,196,186,178,137,186,194,199,199,196,196,196,194,190,190,191,199,199,196,189,189,186,183,179,179,183,186,183,178,133,131,130,131,133,133,131,127,127,176,186,189,189,189,191,191,191,186,186,189,191,191,191,191,191,196,199,204,207,209,207,202,199,196,194,189,183,178,176,176,133,133,127,112,111,133,181,181,186,183,181,186,189,181,178,194,196,191,181,135,191,204,212,212,207,204,207,209,209,207,202,196,196,199,207,212,215,212,209,204,202,202,207,212,215,215,212,212,212,202,186,191,204,209,212,215,196,125,113,119,189,202,196,196,199,199,202,204,202,202,202,202,202,202,204,207,202,191,183,183,182,183,189,191,191,191,194,196,199,202,204,207,207,207,204,202,204,204,207,204,204,199,196,196,196,199,199,202,204,204,202,199,199,199,199,202,204,204,204,196,191,189,191,199,202,199,196,191,191,199,204,207,199,196,196,199,191,141,139,141,189,194,202,202,202,199,199,199,202,204,207,209,212,212,215,212,202,192,191,194,196,196,196,196,196,199,202,207,204,204,204,204,207,209,209,209,209,209,209,209,204,202,202,202,202,202,202,204,204,207,209,209,207,199,194,192,192,192,194,199,204,204,202,199,199,202,207,207,204,202,204,207,209,207,202,196,194,196,202,204,202,199,199,196,199,204,207,204,202,204,209,215,222,215,202,194,194,199,199,199,202,202,202,204,207,202,199,207,209,209,209,209,209,212,212,215,212,212,209,207,205,205,207,212,209,207,207,204,204,207,209,209,207,204,202,196,194,143,138,137,141,196,207,204,199,199,202,204,202,199,202,204,202,194,141,139,191,204,207,207,204,204,199,191,185,183,189,191,194,196,199,194,186,185,185,186,186,191,196,194,191,189,191,196,204,209,207,196,189,187,191,196,204,207,207,204,199,196,199,199,196,196,196,194,189,183,139,183,186,194,199,204,204,204,202,202,199,199,204,212,209,207,209,212,212,209,207,202,199,199,207,212,215,217,220,222,222,225,228,233,233,235,235,228,217,199,123,113,133,207,204,189,133,129,135,191,202,204,204,212,220,217,215,217,217,217,222,225,222,217,216,220,228,230,220,191,133,135,183,139,131,125,123,117,105,105,123,196,212,217,217,215,209,207,207,209,215,212,207,212,215,207,196,196,209,220,220,215,215,212,207,204,204,207,209,209,212,215,217,217,215,212,212,212,212,209,207,209,212,212,209,207,207,209,212,215,209,202,196,196,199,204,202,202,202,204,204,196,191,186,186,183,183,183,183,181,181,181,135,133,133,133,133,133,135,137,139,143,194,202,207,205,207,215,228,238,243,243,241,241,243,246,251,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,255,255,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,194,194,194,191,186,178,170,165,170,181,194,202,202,194,183,173,163,155,155,163,173,183,191,199,212,217,217,212,202,183,170,168,170,183,191,194,194,202,0,0,248,255,0,0,0,0,0,255,255,251,241,228,212,207,204,207,212,228,246,246,228,209,194,187,191,204,202,189,183,183,196,220,222,212,204,202,199,194,189,183,183,0,0,0,233,248,246,235,228,228,225,207,196,204,215,207,176,155,139,126,118,117,117,124,131,131,137,150,165,178,178,170,0,165,183,204,215,215,222,230,238,238,222,199,189,189,186,183,183,181,186,189,186,176,163,163,168,178,189,199,202,191,181,189,207,225,233,230,230,235,235,228,225,230,235,241,246,248,248,246,238,235,235,238,241,238,233,228,228,228,225,209,204,209,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,56,56,56,53,59,79,134,152,116,0,0,0,0,0,0,0,0,0,0,0,0,0,12,9,0,0,0,17,1,0,0,0,30,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,33,53,116,139,155,160,160,155,157,160,168,170,168,163,163,161,161,165,170,173,176,186,199,202,196,191,191,191,194,194,194,191,194,194,191,189,189,189,189,191,191,191,194,196,194,196,202,189,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,181,191,189,191,191,189,189,189,189,189,191,194,196,199,202,204,199,196,189,53,0,0,0,0,0,0,0,0,0,67,89,107,152,155,155,160,168,178,189,194,196,196,196,194,194,194,196,202,202,199,199,199,202,202,202,196,196,196,194,194,194,196,196,196,199,186,173,170,170,170,170,170,168,170,170,165,123,121,123,125,121,119,123,173,176,170,168,170,127,170,176,178,176,168,121,125,125,125,125,127,127,127,168,127,125,127,170,176,183,194,194,176,119,114,117,125,173,178,173,123,122,122,123,125,125,123,120,119,178,181,170,123,119,115,115,170,189,194,183,181,181,170,107,89,100,125,178,183,186,191,202,204,207,202,202,199,194,194,194,196,199,196,194,194,196,199,204,207,207,204,199,202,207,207,199,189,183,183,191,199,199,202,204,207,207,207,204,204,207,207,202,196,199,202,209,215,220,217,212,207,202,196,189,186,189,191,194,194,194,196,199,204,207,204,196,189,189,191,199,204,204,202,199,202,202,196,191,186,189,189,186,186,181,177,178,191,199,202,199,199,196,186,46,29,75,165,113,115,115,117,123,170,176,173,121,87,88,99,178,189,186,186,191,199,207,207,194,178,176,189,191,181,176,176,176,178,178,181,181,183,178,173,168,166,165,168,178,183,181,170,123,127,178,181,176,173,178,173,178,191,191,181,178,181,191,199,199,186,170,128,128,178,186,183,129,122,122,129,181,186,186,176,129,129,170,170,131,186,191,189,189,189,194,196,196,199,199,196,196,199,199,196,191,194,196,194,189,186,181,129,124,125,170,178,178,123,113,113,121,173,176,173,163,155,170,189,176,112,121,176,181,176,173,178,189,199,199,191,186,183,178,127,123,129,173,178,183,189,189,189,191,189,186,189,191,191,189,186,186,183,179,179,183,191,196,196,194,194,191,183,181,181,178,135,135,133,131,135,181,189,194,191,194,199,199,199,199,202,196,181,127,118,121,129,178,186,189,189,189,189,183,178,181,186,191,191,189,183,186,194,204,209,209,199,189,178,181,191,189,133,133,189,183,178,133,131,127,127,133,176,129,121,120,120,123,173,178,183,189,189,181,176,173,170,176,176,176,178,186,176,166,169,181,186,183,128,127,173,186,186,181,181,186,189,189,191,194,194,189,189,191,186,125,120,122,123,123,127,181,186,114,107,115,125,176,183,125,123,117,117,125,168,170,176,186,194,196,199,194,186,177,174,176,181,186,186,178,176,176,173,168,168,181,186,183,178,123,111,111,113,121,176,186,189,191,183,163,121,163,163,121,178,183,181,165,123,125,178,186,173,161,161,168,176,186,194,202,191,181,191,196,202,202,199,199,199,199,196,199,202,212,217,215,209,189,119,115,125,127,123,125,127,123,125,121,116,127,173,123,123,189,196,194,161,157,170,191,194,196,202,194,181,128,127,176,194,202,204,202,199,196,189,173,164,181,183,189,189,186,179,178,183,194,189,182,186,194,196,191,186,186,191,202,204,199,189,181,135,135,181,183,181,137,136,135,137,183,191,194,194,196,199,202,204,204,199,189,189,199,204,207,204,196,186,183,189,196,202,202,204,207,207,202,194,189,189,189,191,191,191,194,196,191,183,181,183,189,191,194,186,173,127,123,121,117,113,115,119,123,125,168,173,176,178,181,178,173,170,168,170,173,173,176,176,176,176,176,173,121,95,71,66,69,107,173,176,172,176,183,186,186,186,186,189,194,196,194,189,183,181,181,181,181,178,178,183,191,194,194,191,189,189,189,183,178,178,186,191,191,189,191,199,207,209,207,202,196,192,194,194,196,199,202,207,209,209,202,194,191,191,199,204,204,202,204,202,199,195,195,196,199,202,202,202,207,207,204,196,183,135,191,191,189,183,194,212,212,202,189,186,186,181,127,108,104,110,129,176,176,176,181,186,189,189,194,191,131,121,123,131,183,189,191,191,191,189,189,191,191,196,204,207,207,196,135,133,183,189,194,191,173,173,186,189,187,187,191,199,202,199,202,209,217,222,222,220,215,209,212,217,222,217,215,212,215,212,212,207,207,207,207,207,202,199,202,207,209,207,204,209,217,222,215,209,204,202,199,204,207,207,196,137,127,127,189,199,196,199,202,199,194,191,189,178,132,131,133,181,183,183,186,186,186,183,183,183,181,181,181,181,178,133,131,132,135,183,189,196,199,202,202,199,199,199,199,194,181,177,186,191,186,133,131,178,191,199,199,196,194,196,199,202,207,209,207,204,196,183,130,128,133,191,202,204,202,199,199,196,194,191,191,191,186,186,186,189,183,183,189,189,181,133,135,181,189,189,191,199,199,183,134,132,136,191,199,199,196,194,194,191,190,190,191,196,199,196,189,186,186,183,179,179,183,186,183,178,176,176,176,176,178,181,178,131,129,176,186,194,194,191,191,191,189,186,186,189,191,191,191,191,194,196,202,204,207,209,207,204,202,199,196,191,183,135,133,176,133,133,129,113,112,127,131,176,183,186,183,186,189,181,179,189,191,189,137,133,186,202,209,212,207,204,204,209,212,212,207,186,185,194,204,212,215,209,204,199,196,196,199,204,212,215,215,215,220,207,183,183,196,204,207,207,202,137,123,123,181,196,196,196,199,202,202,204,202,199,196,196,196,199,202,204,202,194,189,186,182,181,186,194,196,196,196,199,199,202,204,204,204,204,202,199,199,202,204,207,207,199,195,194,195,196,202,204,204,202,196,191,191,196,202,204,204,204,204,204,199,196,196,199,202,196,191,186,189,199,207,209,202,196,199,204,196,141,138,138,141,191,199,199,196,194,194,194,194,196,199,207,212,212,215,212,202,192,190,192,194,194,196,199,202,199,199,202,204,204,204,203,204,207,212,212,209,212,212,209,204,202,199,199,196,196,199,202,204,209,212,212,207,202,196,192,191,191,194,202,207,207,199,194,194,196,202,204,202,199,202,207,209,207,202,196,191,190,191,194,196,199,199,202,204,207,204,199,196,202,207,209,217,217,207,199,202,207,209,207,204,204,207,209,207,202,199,207,209,209,204,202,204,209,215,215,215,215,215,212,209,209,209,209,209,207,207,204,202,202,207,212,212,209,199,194,191,189,139,137,143,202,209,207,199,198,199,199,199,199,202,204,202,194,139,133,139,202,207,204,199,196,196,194,186,183,186,194,194,194,194,194,189,189,189,191,194,199,199,194,186,186,189,196,204,207,207,199,189,187,189,199,207,207,204,202,202,202,202,202,196,194,191,189,186,183,139,139,186,191,199,204,207,204,204,202,199,199,204,215,212,207,207,207,207,207,207,207,207,209,215,215,215,217,222,228,228,225,228,228,230,230,230,217,196,139,125,123,143,207,209,207,194,139,135,135,139,189,191,194,209,220,225,225,222,222,225,225,222,218,218,222,225,228,222,199,141,139,183,137,129,127,127,123,111,107,117,186,207,215,217,215,212,209,209,212,217,220,215,217,220,212,202,202,212,215,209,207,207,202,199,199,199,202,204,204,207,212,217,222,217,212,209,209,209,209,209,209,209,209,204,196,194,199,207,209,209,207,204,202,204,207,204,202,202,204,207,199,194,191,189,186,186,189,186,186,186,183,181,137,137,137,133,130,130,131,135,139,191,204,212,209,207,209,217,230,238,238,238,235,238,243,251,255,255,255,255,255,255,255,255,255,255,255,0,0,0,255,255,255,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,189,191,191,191,189,181,173,165,0,173,186,199,204,196,186,173,160,152,155,168,183,194,202,0,220,225,225,217,207,191,178,169,170,178,186,186,186,191,0,0,0,0,0,0,0,254,255,255,255,246,230,215,209,209,209,207,207,222,246,248,225,202,187,185,189,212,215,202,189,183,189,207,209,204,199,199,199,194,189,181,178,0,0,207,230,241,241,228,212,212,212,202,191,199,204,196,178,157,142,129,121,117,117,118,129,129,131,139,152,165,168,165,0,168,186,207,215,215,222,233,241,238,225,202,189,183,181,178,176,173,176,186,186,178,176,181,181,181,183,196,204,196,189,194,209,228,230,225,228,233,230,222,222,228,233,238,246,251,251,248,243,237,234,238,243,243,235,230,228,228,217,202,199,202,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,56,51,53,46,27,121,152,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,33,0,0,1,33,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,23,31,113,137,157,165,160,157,157,160,165,168,168,168,165,163,165,176,183,183,189,196,207,204,196,191,191,194,191,189,186,183,186,191,191,191,191,189,189,189,191,191,196,202,199,199,194,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,178,191,199,199,194,194,191,189,189,191,196,199,199,202,202,194,191,194,173,23,0,0,0,0,0,0,0,0,0,0,9,83,107,152,155,160,163,168,178,189,194,199,199,194,189,191,196,199,202,202,199,199,199,202,204,204,202,199,196,191,191,194,196,196,194,189,178,168,168,170,170,168,125,123,165,168,125,119,118,123,125,121,121,165,173,176,170,123,121,127,176,186,191,186,178,173,170,170,127,127,170,170,168,170,170,170,170,173,178,189,199,202,186,127,119,119,125,178,186,181,168,122,122,123,125,127,170,178,189,202,202,191,173,117,105,113,176,196,215,194,176,178,183,119,82,93,117,183,194,199,202,204,207,204,202,202,202,196,194,199,204,204,199,196,196,199,199,202,207,207,204,204,204,207,207,202,194,185,185,191,199,199,202,202,202,202,202,202,204,204,202,196,195,196,202,207,212,217,215,209,207,202,194,191,189,189,191,194,194,194,196,199,202,204,202,199,194,194,196,202,207,207,202,199,199,202,194,183,183,186,186,191,194,189,186,189,189,191,191,191,189,183,176,33,0,57,204,173,163,121,123,168,170,123,115,103,88,90,105,178,191,191,189,189,196,207,209,202,113,91,173,191,181,176,178,181,183,183,186,186,183,178,176,173,168,168,170,178,189,181,122,113,114,125,183,194,196,199,186,127,127,176,170,129,176,189,196,194,178,129,129,173,181,183,181,173,123,120,123,173,178,181,176,129,126,126,126,129,176,181,183,186,186,189,191,194,194,191,189,186,189,189,186,183,183,183,178,131,131,127,124,125,173,178,178,173,121,113,113,168,176,173,173,170,170,189,194,176,123,125,176,178,173,176,181,181,186,189,186,181,176,125,120,122,170,176,178,181,186,189,191,194,191,186,183,186,186,186,186,186,186,181,179,181,186,191,191,189,189,186,181,178,178,181,183,183,178,135,178,183,186,189,191,194,202,202,196,195,199,194,127,106,110,119,131,176,178,183,186,186,189,186,183,183,189,191,191,191,186,186,194,204,209,207,194,178,131,135,189,189,131,125,127,129,129,131,133,131,131,133,178,178,133,131,176,176,176,176,178,189,186,176,176,129,111,115,170,176,186,191,186,178,178,183,189,191,170,127,170,181,186,176,173,181,189,189,189,189,189,189,191,194,194,176,123,123,125,123,127,183,189,178,123,123,170,181,186,181,168,117,107,170,168,123,127,181,191,196,204,202,191,178,174,177,181,186,186,174,173,178,178,125,119,173,178,178,176,119,108,108,111,119,170,181,186,183,176,165,123,163,170,183,194,194,189,178,124,124,176,183,176,166,166,168,170,178,186,191,186,183,191,202,207,209,202,195,199,202,202,204,204,204,209,217,215,202,115,89,173,173,129,129,129,129,123,121,119,173,176,127,126,178,186,178,153,159,170,186,191,191,194,191,181,131,128,176,191,199,199,199,199,194,183,173,176,191,194,191,186,183,178,176,181,196,189,179,182,191,199,199,191,191,196,202,204,199,194,189,183,186,183,181,183,181,136,136,137,186,194,199,199,199,202,202,202,202,199,196,194,196,202,202,199,194,183,181,189,196,202,202,202,204,204,199,194,194,191,189,189,189,191,191,194,191,186,181,183,186,191,194,191,178,129,127,127,125,123,125,168,170,168,127,165,168,176,181,181,176,173,170,168,168,170,173,173,173,173,173,125,111,95,75,69,85,119,173,173,173,178,183,186,186,186,186,189,194,194,189,183,183,181,181,186,186,178,132,178,189,196,196,191,186,186,191,189,131,127,178,189,187,187,191,202,207,207,202,199,196,196,196,196,196,196,202,204,207,204,202,196,196,196,199,199,199,202,204,204,199,196,195,196,199,202,204,204,207,204,202,199,189,134,126,115,111,121,183,202,209,199,186,183,186,186,133,111,111,127,131,133,176,178,186,191,191,194,199,199,120,114,117,125,133,178,178,186,191,189,187,186,189,196,204,207,204,199,194,194,189,181,191,189,155,161,183,191,196,202,194,199,202,199,198,209,222,222,217,215,212,209,212,217,217,215,212,212,212,212,209,204,203,204,207,207,199,196,199,204,204,204,204,212,217,222,217,212,204,199,199,202,207,204,196,186,181,186,202,202,194,191,196,204,204,202,196,181,133,133,183,189,186,183,183,186,186,183,183,183,183,183,186,183,181,135,132,133,135,183,189,196,199,202,202,199,198,199,204,199,181,177,186,199,194,181,133,186,196,202,202,196,194,196,199,202,207,207,207,207,202,191,137,133,133,181,191,202,204,202,194,189,189,181,181,186,186,182,182,183,186,189,191,191,186,178,178,181,181,183,191,202,199,186,134,133,136,189,199,202,202,196,191,191,191,194,194,196,199,196,189,186,186,183,179,181,181,178,176,176,178,178,178,181,181,181,178,129,133,181,191,196,196,191,189,189,181,178,186,191,191,190,190,191,196,199,202,207,207,209,207,202,199,199,196,191,183,178,135,133,176,133,133,107,109,123,133,178,183,183,183,189,194,191,186,189,183,137,133,135,183,194,204,207,207,204,204,209,212,212,207,166,173,186,207,212,209,204,199,194,194,194,194,199,209,212,209,212,220,199,132,134,186,196,202,202,199,183,127,129,181,191,199,202,202,202,202,202,199,196,191,191,194,196,202,207,204,196,191,191,189,186,191,199,199,196,199,202,204,204,204,204,202,199,194,191,191,194,199,207,209,204,196,195,195,196,202,207,207,199,189,185,186,194,204,204,200,202,207,207,202,199,199,199,199,194,189,185,189,196,202,204,204,202,199,202,199,186,137,136,138,186,191,191,191,186,141,141,141,141,189,199,207,207,209,207,207,199,194,194,194,194,196,199,199,198,198,199,204,207,207,204,204,207,209,212,215,215,215,209,204,202,199,196,194,191,194,199,204,209,215,215,209,204,199,196,194,194,196,202,209,209,199,192,192,194,194,196,196,196,199,207,207,207,202,196,191,189,186,189,194,199,207,209,209,207,199,194,194,194,194,202,212,215,212,207,207,209,215,209,207,207,209,209,207,202,198,202,207,209,202,191,190,202,209,209,212,215,212,212,212,212,212,212,209,207,209,209,204,199,202,204,209,207,196,187,187,189,191,191,196,204,209,207,204,202,199,199,199,199,199,202,199,194,141,134,133,191,209,204,196,195,196,196,191,186,186,194,196,194,191,191,194,196,196,199,202,202,199,189,183,183,189,194,202,204,204,202,194,189,194,199,202,202,204,207,209,207,207,204,199,194,189,183,183,139,137,135,135,183,191,199,202,204,204,202,196,194,196,209,212,209,207,207,209,209,207,209,209,209,209,209,209,212,217,225,228,225,220,220,222,220,209,196,137,133,135,189,196,199,202,204,204,199,191,137,134,135,139,139,141,202,222,228,225,225,228,225,222,222,225,225,225,222,215,202,189,186,186,139,133,129,127,119,105,103,109,135,204,215,217,215,209,209,212,215,220,220,215,215,220,215,212,207,204,202,196,196,191,141,139,186,191,196,199,199,204,209,215,222,225,217,209,209,212,212,209,207,204,207,204,194,190,194,199,204,204,204,204,207,207,207,204,202,202,207,207,202,196,191,191,186,183,186,189,189,186,186,186,186,183,137,133,130,130,133,137,141,191,204,212,215,209,209,215,222,228,233,235,235,238,243,248,254,255,255,255,255,255,255,255,255,255,255,0,0,0,255,254,246,243,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,189,189,186,183,181,173,163,157,0,173,189,196,196,183,170,157,152,155,170,186,196,204,0,225,233,233,230,215,194,178,169,169,173,176,176,173,181,0,0,0,0,0,0,0,255,255,255,255,241,225,212,207,207,207,207,207,212,238,251,238,202,187,186,194,228,228,209,191,181,183,196,199,196,0,0,199,199,194,186,178,0,199,217,238,241,233,212,202,199,196,191,189,191,194,191,183,168,150,134,126,124,121,118,121,124,124,131,142,150,157,163,165,178,194,209,217,217,225,235,238,235,225,209,194,181,178,176,173,172,176,189,194,194,191,194,194,189,191,202,204,199,189,189,204,217,225,225,228,228,222,218,220,225,230,233,241,251,254,254,251,243,238,243,251,248,241,235,233,233,222,203,200,203,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,33,33,0,0,27,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,30,0,0,14,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,9,11,33,108,129,150,160,163,163,160,157,160,163,168,170,173,176,181,189,191,191,194,199,204,204,199,194,194,194,191,186,183,181,183,189,191,191,191,189,189,189,189,194,196,199,199,196,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,186,196,204,202,196,194,194,191,189,189,196,202,204,204,199,186,178,168,37,0,0,137,139,31,0,0,0,0,0,0,0,81,105,150,155,160,165,168,178,189,194,199,196,191,189,191,196,199,199,199,196,196,199,202,204,204,202,202,199,191,190,191,194,194,189,178,168,127,170,173,170,168,125,120,121,125,123,118,117,121,125,123,125,168,178,186,178,120,119,125,178,191,194,191,189,183,181,178,173,173,173,170,127,170,178,181,181,178,181,186,194,196,178,125,121,121,127,183,194,191,173,123,123,127,168,173,186,194,196,207,209,204,186,95,73,69,129,191,207,107,79,98,186,170,99,106,173,194,204,207,207,207,207,207,207,207,207,202,202,204,207,207,204,202,199,199,199,202,204,204,204,204,207,207,207,204,199,194,191,196,202,202,202,202,202,199,199,202,202,202,199,195,195,196,202,207,212,212,207,202,204,204,199,194,189,186,191,196,196,196,196,196,196,196,196,194,194,196,199,204,204,204,202,196,194,194,183,133,133,178,183,191,194,194,194,194,183,170,121,121,165,113,97,23,0,55,207,191,183,181,178,181,176,163,119,121,119,123,176,186,191,189,189,187,191,209,212,191,83,74,101,181,183,181,181,186,189,191,191,191,189,183,181,181,176,173,176,183,186,178,125,120,121,127,181,194,204,209,191,113,104,105,115,121,127,183,186,173,126,127,129,173,173,176,181,178,129,122,123,173,176,176,176,170,125,124,127,176,129,131,176,181,181,181,183,186,183,181,178,178,181,181,176,173,131,131,131,131,127,123,123,129,186,186,181,173,123,115,116,168,173,170,168,173,178,186,183,168,121,123,176,178,170,168,170,173,170,173,170,168,125,124,125,178,181,178,181,181,186,189,191,194,189,181,176,178,181,183,186,189,191,186,183,183,183,183,178,133,133,135,178,177,177,178,183,186,181,181,181,183,186,186,186,191,199,199,195,195,196,194,129,111,112,125,176,178,178,181,183,183,186,183,182,186,189,186,186,186,183,186,194,204,204,196,178,129,126,131,133,121,119,123,127,131,178,181,183,181,181,183,186,189,189,189,189,181,173,173,178,181,176,176,176,170,119,116,119,170,189,199,199,191,186,186,189,194,189,176,173,183,186,178,170,176,181,183,186,189,189,189,189,191,194,183,127,125,127,127,168,181,186,183,178,176,178,186,191,194,183,113,95,183,178,121,120,168,181,189,202,207,199,186,178,181,186,189,183,173,172,178,176,117,110,117,127,170,168,117,108,108,111,123,170,170,170,168,163,122,122,163,176,186,196,196,186,176,176,170,170,176,178,176,173,170,170,173,178,181,178,178,189,204,212,215,204,195,196,199,204,209,209,199,199,209,215,199,81,37,129,181,181,176,176,173,121,116,129,181,186,183,176,173,176,176,166,168,176,186,189,189,186,183,178,131,129,176,183,189,191,194,194,191,183,181,186,196,196,191,189,189,181,178,186,202,196,182,183,189,202,204,199,196,199,202,199,194,194,196,196,194,189,183,186,186,186,183,183,186,194,199,199,204,204,202,202,202,199,196,194,194,194,191,189,186,179,179,186,194,199,199,199,202,202,199,196,196,194,186,181,181,183,186,189,191,189,186,183,186,189,194,196,186,173,170,173,173,170,170,173,173,168,125,124,125,165,170,173,173,173,170,168,165,168,170,168,165,168,165,115,99,91,87,91,111,129,178,178,178,183,189,186,186,186,186,189,191,186,181,181,181,183,183,189,191,178,130,176,183,189,191,186,186,186,191,189,117,113,131,189,189,189,196,204,207,202,199,196,196,196,199,199,202,202,204,207,204,204,202,199,199,199,199,198,198,198,202,204,199,196,196,196,196,199,204,204,207,209,207,202,189,131,123,113,111,120,135,191,199,199,189,178,176,181,183,186,191,189,178,176,181,186,189,194,194,194,199,196,118,116,125,133,127,120,121,181,191,191,189,187,191,199,202,202,199,194,191,191,181,129,135,189,169,173,189,196,202,202,196,196,202,199,198,209,222,222,215,209,209,215,217,217,217,215,215,217,215,215,209,207,204,204,204,204,199,195,196,199,199,199,204,212,222,222,217,212,204,199,199,204,209,207,202,199,194,194,202,194,131,129,186,202,209,207,202,189,181,183,191,194,191,186,186,186,186,186,186,186,186,186,186,183,181,135,133,133,178,183,189,194,196,199,202,199,199,199,204,199,183,178,186,196,194,183,181,191,199,202,199,194,191,191,194,199,202,204,204,204,202,196,186,137,135,133,137,194,204,204,196,189,135,131,135,186,183,179,179,183,189,194,196,196,191,186,183,181,181,183,191,196,196,186,181,181,186,191,199,202,202,199,194,194,194,194,194,196,199,196,189,186,186,183,183,181,133,119,117,127,176,178,181,181,178,178,176,176,181,189,194,196,196,189,183,181,177,178,189,196,194,191,191,194,199,202,207,207,207,204,202,199,196,196,196,194,189,186,181,181,178,178,176,109,109,123,178,183,183,183,186,191,191,191,191,189,181,133,131,132,133,135,186,204,207,204,204,207,209,209,202,168,173,186,207,209,204,196,191,187,189,189,187,194,204,212,209,204,204,183,129,131,139,194,202,202,199,191,181,183,191,194,199,204,204,202,199,196,191,189,189,189,194,199,204,207,204,202,199,202,202,199,202,202,199,199,202,207,207,204,202,202,199,196,191,187,186,187,191,204,212,212,204,199,199,199,202,207,204,199,189,183,183,191,202,204,200,200,204,202,202,202,199,196,194,191,186,183,185,189,191,196,202,202,202,196,194,189,141,139,141,141,141,141,141,139,138,137,137,137,138,186,194,199,202,204,204,202,199,196,196,196,196,199,199,199,198,199,204,212,212,209,207,209,209,212,215,217,215,212,207,204,199,194,191,190,191,199,204,209,212,215,212,207,202,199,199,196,199,202,209,209,202,196,196,196,194,191,191,191,196,202,204,202,196,196,196,191,190,194,199,204,209,212,209,202,196,194,194,190,189,191,202,207,209,209,209,212,212,212,209,207,204,207,204,199,196,196,202,202,196,189,187,191,199,204,207,209,207,207,209,212,215,215,209,209,209,209,202,198,198,202,204,199,191,186,187,191,196,202,204,207,207,207,204,204,204,202,199,196,196,196,196,191,186,139,139,196,207,204,199,199,199,196,191,186,186,196,202,196,194,194,199,202,204,204,207,202,194,186,183,182,186,191,199,202,204,207,202,194,196,199,199,199,202,209,212,209,209,207,202,196,189,183,139,137,131,125,127,135,186,196,199,202,202,196,194,191,196,209,217,215,215,215,215,212,204,204,207,207,205,203,202,203,205,212,222,225,222,215,209,199,189,133,133,139,199,209,204,195,194,199,204,209,212,204,191,191,191,138,133,134,194,217,225,230,233,230,225,222,222,222,222,222,217,209,199,191,189,186,137,133,129,119,105,101,104,133,204,217,217,215,209,209,215,217,220,220,212,212,215,215,215,207,196,191,189,141,137,134,133,135,139,189,196,199,204,207,209,215,217,215,207,207,209,212,209,202,199,199,199,194,191,194,199,202,199,199,202,207,207,202,196,196,199,207,209,204,196,194,189,183,181,182,186,186,186,186,186,186,181,135,131,129,130,133,139,189,194,204,212,215,212,209,212,217,225,228,233,238,243,246,248,254,255,255,255,255,255,255,255,255,255,255,0,0,255,255,243,230,230,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,186,183,181,178,178,170,160,150,150,157,173,183,183,176,163,152,150,152,163,176,189,199,212,225,230,233,230,215,194,176,169,168,168,166,0,166,173,0,0,0,235,243,248,251,255,255,255,255,243,225,215,209,204,204,204,204,209,230,246,235,212,202,202,215,235,235,212,189,178,181,189,191,191,0,0,199,204,204,194,186,194,217,246,251,243,225,207,199,196,191,187,186,189,191,189,186,178,160,139,129,129,129,126,124,121,124,129,0,0,147,163,181,0,0,0,0,225,228,235,235,233,228,217,204,189,178,176,173,172,176,189,202,207,209,209,207,202,204,209,209,199,183,139,196,209,222,228,228,225,221,218,220,222,225,230,238,248,254,255,255,251,246,248,254,248,243,238,238,235,230,217,209,207,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,12,0,0,0,0,0,0,0,0,0,0,0,0,0,7,35,0,0,1,0,0,25,14,14,12,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,87,116,137,152,163,170,165,160,160,163,168,178,186,189,191,194,194,194,191,194,196,202,199,196,196,194,189,183,181,179,181,189,191,191,189,189,186,186,186,189,194,194,189,176,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,194,202,204,199,194,194,196,194,191,191,194,199,204,207,189,57,9,21,27,29,142,220,225,196,19,0,0,0,0,0,0,81,103,113,155,163,165,170,178,189,194,196,194,189,186,189,196,199,196,196,194,196,196,199,202,202,202,199,196,191,191,194,194,191,183,129,125,126,170,170,168,165,123,120,120,123,123,119,119,123,123,165,168,170,178,191,186,119,118,123,176,189,194,194,191,191,189,183,176,173,170,127,123,170,189,196,194,186,178,176,178,178,168,125,125,125,170,189,202,196,181,168,127,170,173,186,199,204,202,202,204,204,194,93,68,60,93,181,196,101,53,86,173,129,127,181,196,204,209,209,207,209,209,209,209,212,212,207,207,209,209,209,209,207,204,202,202,202,204,204,204,207,207,207,207,207,204,202,202,204,204,204,204,204,202,199,199,199,199,199,196,195,195,199,204,207,209,207,202,198,204,207,202,194,139,138,189,196,196,196,196,196,194,191,189,189,191,196,199,202,202,202,199,196,191,189,178,131,130,133,183,191,194,194,196,194,176,113,106,107,99,96,101,48,1,59,199,199,196,194,194,194,186,173,168,173,178,186,191,191,191,191,191,189,194,209,207,181,88,86,176,194,186,181,181,186,191,194,194,191,189,189,189,186,183,178,181,186,183,176,129,129,129,129,173,186,207,212,199,119,102,100,104,113,98,121,176,170,127,129,170,129,129,176,183,181,173,170,178,186,181,129,170,173,127,126,173,178,125,126,131,176,173,173,173,176,181,178,177,177,178,176,131,127,124,124,127,173,173,124,123,176,191,196,189,181,170,121,123,173,176,170,168,173,183,181,170,125,122,165,178,183,173,114,112,121,123,125,125,125,125,127,176,189,183,181,181,183,186,189,191,189,183,176,174,174,178,181,189,194,194,191,189,186,186,181,132,129,128,131,178,181,177,176,178,183,183,183,183,183,183,183,186,189,196,199,199,196,199,196,181,121,119,129,181,186,183,183,186,186,183,182,182,183,183,181,176,176,181,186,194,199,194,178,128,126,126,131,123,111,116,133,183,186,191,194,194,191,191,191,196,202,202,202,196,178,173,176,176,173,172,181,178,170,129,119,117,129,189,202,202,194,189,186,189,199,202,186,178,183,186,181,173,129,129,176,183,189,189,186,183,183,189,181,125,124,168,168,168,173,176,181,183,183,183,189,196,199,194,77,62,170,181,125,119,120,168,176,189,202,202,194,183,186,189,189,181,174,173,178,176,113,109,111,125,170,168,123,119,117,121,173,176,165,122,122,121,120,123,165,119,109,123,183,176,117,176,178,170,121,125,176,178,178,178,176,173,173,129,129,183,202,209,212,207,196,196,199,204,212,212,204,199,207,207,115,41,27,125,186,194,186,183,176,121,114,181,189,194,191,181,169,169,176,176,176,178,183,186,183,181,178,178,173,131,173,178,183,183,183,186,186,183,186,194,202,199,191,191,191,189,183,194,204,199,186,185,189,196,204,204,202,199,196,194,192,196,202,202,199,191,183,183,189,191,189,183,189,191,196,199,204,204,204,202,202,199,194,194,189,186,183,181,181,179,179,186,191,194,194,194,196,199,196,199,199,194,181,131,129,131,176,181,183,186,186,183,183,186,194,199,191,181,178,178,178,178,178,178,173,168,126,126,126,126,165,165,168,168,168,165,125,168,173,168,123,123,119,99,86,87,99,117,168,181,186,186,186,189,191,191,186,183,181,186,186,183,178,178,181,181,183,191,191,183,132,132,176,181,183,183,186,189,191,189,110,105,121,191,194,196,202,204,202,196,191,194,196,196,199,204,207,207,209,209,207,204,202,202,202,202,199,198,198,198,199,202,199,196,194,194,194,199,202,204,207,212,212,207,194,181,135,194,189,186,183,183,186,186,183,176,173,176,189,194,196,196,189,178,189,196,196,199,199,199,199,189,120,120,178,178,121,116,117,135,189,194,194,194,194,196,196,196,194,194,191,189,135,126,129,191,191,189,194,199,199,196,196,199,204,204,204,212,217,217,212,207,209,217,222,217,215,215,222,222,222,215,212,209,207,204,202,202,196,195,195,196,195,196,204,215,225,225,217,209,202,199,199,207,209,207,207,207,204,202,199,115,108,115,183,199,204,204,191,186,183,189,194,196,191,186,186,186,186,189,189,189,189,186,183,183,181,178,178,135,178,181,186,191,194,196,202,202,199,199,202,196,186,181,189,194,191,186,183,191,196,199,196,191,186,183,186,191,196,194,191,189,189,186,181,181,137,133,137,191,204,207,202,191,126,125,133,186,183,179,179,183,191,196,199,199,196,194,189,183,183,189,191,191,189,189,191,196,199,196,199,202,202,202,199,196,196,196,194,196,199,196,191,186,183,183,186,181,117,105,106,121,133,181,181,181,178,178,181,186,191,196,196,196,194,189,183,178,177,178,191,199,199,194,194,196,202,207,209,209,204,199,196,196,196,196,196,194,194,194,191,186,186,186,183,117,113,125,178,186,183,183,189,189,186,186,189,189,181,133,131,131,130,130,135,196,204,204,204,204,207,209,204,182,183,199,212,212,202,194,189,186,187,187,186,191,202,209,207,199,196,186,133,133,183,194,199,199,194,183,137,189,194,196,202,207,207,204,194,186,181,181,183,186,189,196,202,202,204,204,207,207,209,209,204,202,199,202,204,207,202,199,194,194,194,194,191,187,186,186,189,202,215,217,212,207,204,204,202,202,202,199,196,187,186,191,202,204,202,202,202,199,199,202,202,196,194,194,191,185,185,186,189,194,199,202,202,196,194,191,189,191,191,189,141,139,139,138,137,137,138,141,186,189,194,199,202,204,204,202,199,196,196,196,199,202,202,202,199,199,207,215,215,215,212,212,212,209,212,215,212,209,207,204,199,196,191,191,196,202,207,209,209,209,209,204,202,199,199,199,199,199,204,207,204,202,202,199,194,191,190,190,191,196,199,196,196,196,199,196,199,207,209,207,209,207,202,196,192,194,194,191,187,189,191,199,207,209,209,209,207,207,207,199,194,196,202,202,198,198,199,202,199,191,190,190,194,196,202,204,204,204,207,209,212,209,209,207,207,204,199,198,198,202,202,196,189,187,191,196,202,207,207,204,202,204,204,204,204,204,199,196,194,191,191,191,191,194,196,202,204,199,199,199,194,191,189,183,183,196,204,199,194,194,199,202,207,209,207,199,189,183,182,182,183,189,199,204,209,209,204,196,196,196,194,194,196,202,204,202,204,207,204,199,191,183,139,135,127,123,124,133,183,191,196,199,199,194,191,194,202,215,222,222,222,225,222,209,202,204,207,207,205,202,200,202,204,205,212,225,228,215,194,139,135,132,137,196,217,222,209,195,192,199,209,217,225,225,217,212,209,202,136,132,138,204,222,228,233,233,230,225,221,221,222,222,220,217,209,202,191,183,139,135,133,127,111,103,107,135,209,222,222,217,212,212,217,220,220,215,209,209,212,207,204,194,183,186,186,186,141,136,134,134,137,189,196,202,204,204,202,204,207,207,204,204,207,209,204,194,143,141,189,191,194,199,199,196,194,194,202,207,204,196,189,189,194,204,209,204,199,194,189,183,181,181,183,183,186,186,186,183,181,135,133,130,129,135,186,194,202,207,212,209,204,207,212,222,225,228,233,241,246,248,251,255,255,255,255,255,255,255,255,255,255,255,0,0,255,254,235,217,212,217,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,183,181,176,173,170,165,155,144,142,147,155,163,163,157,152,150,150,152,157,0,173,189,204,215,222,222,217,207,191,181,176,176,170,166,164,166,178,0,0,235,238,243,248,251,254,255,255,255,243,228,222,212,202,200,202,202,207,222,233,228,222,222,222,228,235,235,215,183,177,183,189,187,187,0,0,202,209,209,199,189,202,241,255,255,235,215,207,202,199,194,187,186,189,194,191,186,178,163,142,129,127,131,134,131,129,129,0,0,139,0,160,0,0,0,0,0,228,230,235,235,233,230,228,217,199,186,178,176,0,174,186,207,217,225,225,222,215,215,217,215,202,183,137,189,202,217,228,228,222,221,222,222,221,222,225,233,243,251,254,255,254,251,251,248,243,238,238,241,241,238,233,222,209,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,12,0,0,0,0,0,0,0,0,0,0,0,0,20,56,69,53,30,27,30,20,48,22,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,3,0,0,0,19,47,98,126,147,163,173,170,165,163,165,176,186,194,194,191,189,189,189,186,189,191,196,199,199,196,194,189,183,181,179,179,186,189,189,186,183,183,181,183,189,199,194,160,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,209,204,207,204,199,194,196,199,199,196,194,194,199,202,199,45,0,0,0,37,176,199,209,215,212,181,0,0,0,0,47,79,95,105,111,155,163,168,173,181,189,194,194,189,183,183,186,194,199,196,194,192,192,194,196,199,199,199,194,191,191,196,196,194,189,178,126,124,127,170,127,123,125,125,123,121,121,119,119,123,168,165,165,168,170,176,189,183,121,119,121,168,181,186,189,191,191,189,183,176,168,125,120,121,176,196,204,202,191,176,168,127,127,127,168,173,173,173,183,199,199,186,173,170,173,178,191,207,209,207,202,199,199,186,99,78,77,91,170,189,129,60,93,173,173,189,199,207,209,209,209,209,209,209,209,212,212,212,212,209,209,209,209,209,209,207,204,204,204,204,207,207,207,207,207,207,204,204,204,204,204,204,204,204,204,204,202,199,196,196,196,195,195,196,202,204,204,204,202,199,198,204,204,196,186,136,135,139,194,194,194,194,194,191,189,187,189,191,196,199,199,199,196,196,196,194,191,183,132,131,133,186,194,194,194,196,191,170,107,106,109,99,101,123,115,51,83,189,196,196,196,199,199,194,181,173,173,181,183,186,186,191,194,194,191,207,212,196,176,119,119,183,189,178,173,176,183,191,196,194,189,183,183,186,186,181,176,176,181,181,173,129,170,170,125,125,173,196,207,196,178,117,105,105,109,88,108,129,173,173,173,173,129,129,178,183,178,176,181,194,199,186,126,127,173,170,170,173,127,124,127,173,173,173,131,131,173,178,181,178,178,178,176,129,126,124,125,128,176,176,129,125,173,189,196,196,189,178,170,176,186,181,173,168,173,181,176,125,125,165,176,183,191,183,110,107,115,123,125,168,173,178,173,170,176,176,176,181,186,189,191,191,189,183,176,174,176,181,186,191,196,194,194,194,194,191,186,178,131,130,132,178,186,183,177,177,181,186,186,186,186,186,186,186,189,196,202,204,202,199,196,189,133,125,127,176,186,189,189,189,189,183,182,182,183,181,172,170,173,178,186,189,183,133,129,127,127,129,135,120,110,121,194,199,199,199,199,196,196,196,202,207,209,209,207,199,176,131,178,176,173,174,183,178,170,170,125,121,173,183,191,191,186,183,181,186,202,204,186,178,183,186,183,176,127,121,127,183,189,183,176,173,176,178,170,123,123,127,168,125,123,125,173,178,183,183,186,194,196,191,61,50,103,170,125,119,119,121,123,170,183,194,194,189,191,191,186,183,178,178,186,183,123,113,115,170,178,125,123,173,173,176,181,183,176,165,123,122,123,183,176,105,93,105,165,119,81,117,181,173,97,99,121,173,178,181,178,176,127,119,117,127,191,202,204,204,199,196,196,204,212,215,212,204,181,71,42,39,38,119,186,196,194,186,176,127,125,183,191,196,196,181,169,168,176,181,178,181,183,189,186,181,176,178,178,176,176,176,178,178,178,178,181,183,189,199,207,204,196,194,194,191,189,196,204,202,189,186,187,191,196,202,202,199,196,196,196,196,194,191,194,191,181,135,186,191,186,183,186,191,194,202,204,204,202,202,202,202,196,196,191,186,179,179,181,183,183,183,183,183,186,191,194,196,196,199,202,196,181,127,123,122,123,129,133,178,181,183,183,186,191,196,194,186,181,181,181,178,178,178,176,170,170,170,173,170,165,125,123,123,125,125,125,170,176,176,125,117,105,86,83,91,111,127,178,183,189,191,191,191,191,194,189,181,179,179,181,181,181,181,178,178,181,186,191,186,133,131,133,178,183,183,189,191,191,186,113,108,117,189,199,202,202,199,194,186,186,191,194,194,199,204,207,204,204,204,204,202,202,204,204,204,202,199,199,199,199,199,196,194,194,194,196,199,204,207,209,212,212,207,202,199,204,207,202,194,189,182,182,186,183,178,174,178,191,194,194,191,183,133,191,202,202,204,207,204,202,191,127,123,176,178,131,121,123,178,191,196,199,199,199,196,196,196,199,202,199,194,186,130,130,194,199,191,186,194,196,194,196,204,212,209,209,215,222,215,209,208,212,222,222,217,213,215,222,225,222,217,215,212,209,207,202,199,196,196,199,199,196,199,207,217,228,225,222,212,207,202,204,209,209,207,207,209,207,207,207,116,107,116,181,186,183,133,125,133,181,186,191,196,194,191,189,189,189,189,191,191,189,189,186,186,186,183,181,178,178,178,181,186,189,194,202,202,202,199,199,196,191,186,189,191,189,181,181,186,194,196,191,186,181,178,178,183,181,135,129,131,133,129,127,133,137,181,186,194,204,207,204,189,125,125,133,186,189,189,183,186,194,199,202,199,199,196,194,186,186,189,189,189,189,191,196,204,204,202,202,202,204,204,202,199,199,196,194,194,196,196,191,186,183,183,186,178,114,104,106,127,178,183,183,181,181,183,189,194,199,199,196,194,194,191,189,181,178,183,196,202,202,194,194,202,207,209,212,209,204,199,196,196,196,196,194,194,194,194,194,189,189,189,191,133,119,125,135,183,183,183,186,186,182,182,186,189,183,137,135,133,132,133,181,194,202,204,204,204,207,212,212,204,204,212,217,212,199,191,189,189,191,189,187,191,199,207,204,199,194,194,191,189,189,194,196,196,181,121,120,133,191,199,204,207,207,199,186,135,133,135,137,137,139,186,191,196,202,207,207,207,209,209,204,199,199,204,204,202,196,192,190,191,192,194,194,191,189,189,191,202,215,222,217,212,209,207,204,202,202,204,204,199,194,196,204,209,209,207,204,199,199,199,199,199,199,199,199,194,191,191,194,196,199,202,202,202,199,196,194,196,199,191,186,141,141,139,139,141,191,196,202,199,202,207,207,207,204,199,196,194,194,196,199,202,204,202,199,199,207,212,215,215,215,212,212,209,209,212,209,207,207,204,202,199,196,196,202,207,209,209,207,204,204,202,199,198,199,199,196,194,196,199,199,202,204,204,199,194,191,190,191,196,199,199,199,202,202,196,202,212,215,209,204,202,199,194,192,192,194,194,190,190,191,194,202,207,209,207,204,202,199,192,190,192,204,209,204,202,202,204,204,202,199,194,191,191,196,204,207,207,207,207,205,205,205,207,204,202,199,199,202,207,204,196,191,191,202,207,207,207,204,199,199,202,204,204,204,204,202,199,194,194,191,194,196,199,202,204,199,191,191,189,137,183,186,185,183,191,199,199,194,194,196,199,204,207,207,196,186,182,182,182,183,191,202,209,215,212,204,196,194,191,191,189,189,189,189,191,194,199,202,199,191,186,183,135,125,122,123,129,137,186,191,194,194,191,194,199,209,217,225,228,225,222,215,207,200,204,209,215,212,209,207,207,209,207,209,225,230,217,191,139,139,143,145,202,215,220,207,196,196,207,215,220,225,228,225,220,217,215,196,139,143,202,215,225,230,233,230,228,225,225,222,222,217,217,215,204,189,139,137,137,137,139,127,117,121,189,212,225,228,222,217,217,220,217,215,212,204,207,202,186,135,131,131,139,189,194,194,189,139,137,141,191,199,202,202,202,199,199,199,199,199,202,204,204,196,141,134,134,137,189,194,199,199,194,191,194,202,207,204,191,186,185,189,202,209,207,204,199,196,191,189,189,189,186,186,183,183,183,183,183,137,133,131,137,189,199,204,207,204,199,196,202,217,230,230,230,233,238,243,246,251,255,255,255,255,255,255,255,255,255,255,255,0,255,255,255,241,217,207,203,204,0,0,0,0,0,0,0,0,0,238,204,0,0,0,0,0,0,0,0,0,0,0,0,0,181,183,178,170,165,165,163,152,144,140,142,144,144,147,144,144,147,152,157,160,0,165,181,199,204,207,204,202,196,191,189,194,196,191,183,178,183,202,0,0,248,248,254,255,255,255,255,255,255,235,215,215,212,202,200,202,0,0,212,215,215,217,225,225,225,230,233,217,181,177,186,191,189,187,189,0,207,215,209,196,189,204,243,255,254,212,202,207,209,207,196,187,187,191,196,196,191,181,163,144,131,127,131,137,144,144,0,0,0,0,0,0,0,0,0,0,0,230,230,235,233,233,233,233,228,212,199,186,178,0,0,181,204,225,233,235,230,225,217,217,212,202,186,137,141,191,207,222,225,222,222,225,225,222,220,222,230,241,246,251,254,254,251,251,243,235,234,235,241,241,241,238,225,202,192 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,33,38,0,0,0,0,0,0,0,0,0,0,14,38,56,59,66,46,27,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,82,126,144,157,170,170,168,165,170,181,194,196,194,189,186,183,186,186,189,189,191,194,199,199,196,191,186,183,179,179,183,186,186,183,178,178,183,186,186,199,181,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,207,207,204,204,199,196,199,202,199,196,194,199,202,176,19,0,0,0,0,37,168,194,204,209,212,199,61,13,51,168,194,176,147,111,113,155,165,170,176,181,189,191,189,183,181,181,186,191,196,196,194,192,192,192,196,199,202,199,191,190,194,202,202,191,181,170,126,127,170,170,125,121,123,165,170,168,119,116,117,165,176,178,168,164,165,170,176,176,165,121,120,123,168,173,178,181,183,181,181,176,170,123,119,119,168,189,199,196,189,176,168,126,126,168,176,183,178,170,173,186,189,181,170,168,170,178,196,212,215,209,202,191,189,178,105,91,97,115,131,181,176,84,123,194,196,204,207,209,209,209,209,209,209,209,209,209,212,212,212,212,209,207,209,209,209,207,207,207,209,209,209,209,207,207,204,204,202,202,202,204,204,202,199,199,199,202,202,199,199,199,196,196,196,199,202,202,202,199,199,199,199,202,199,194,186,138,137,139,189,191,191,194,194,191,191,189,189,191,196,199,199,196,194,196,196,199,196,189,135,131,133,186,194,191,191,194,191,173,111,107,111,117,117,170,168,115,165,186,194,196,196,196,199,196,186,178,173,173,170,173,178,186,191,186,165,93,77,83,125,125,125,168,168,119,115,121,173,186,194,191,183,176,173,178,181,178,174,173,176,181,173,129,173,170,124,122,124,183,191,186,181,176,125,115,117,117,123,170,176,173,170,173,173,173,181,186,181,178,183,191,191,178,127,129,173,170,170,129,123,126,173,178,178,176,176,173,131,173,176,176,178,178,176,131,128,131,176,176,178,181,178,170,170,178,186,183,170,170,173,181,186,178,173,165,165,170,165,123,168,173,176,181,189,189,115,111,119,125,168,176,186,189,178,125,123,127,170,181,189,194,196,194,191,181,176,174,178,186,189,194,196,194,194,196,199,199,194,189,183,176,133,178,191,191,183,181,183,186,186,186,186,186,189,191,194,199,204,207,202,199,199,194,178,124,121,125,176,186,189,189,189,183,183,186,186,178,170,172,178,181,183,178,125,123,129,133,131,176,176,123,117,186,202,204,207,204,202,199,199,202,207,209,212,207,207,199,176,131,178,178,174,178,181,178,173,170,170,173,176,173,178,181,178,176,176,178,191,194,178,176,183,186,186,181,125,118,123,181,186,176,126,126,170,170,127,123,123,168,127,121,117,119,127,173,181,183,186,191,189,176,66,68,115,165,123,120,121,121,119,120,168,181,189,191,196,194,189,186,186,189,194,191,176,125,123,176,176,110,111,170,178,181,178,181,189,191,186,183,189,196,196,168,107,123,173,111,69,119,176,165,97,98,107,117,125,176,181,176,121,111,111,119,176,186,189,196,196,195,196,202,204,207,207,129,44,29,35,51,87,109,129,186,191,186,170,127,176,189,196,202,196,183,172,170,176,181,183,183,191,199,196,183,173,173,176,176,176,176,176,178,176,176,178,183,194,204,212,209,204,199,196,196,194,199,207,204,196,189,187,187,191,199,202,199,196,196,196,189,131,129,183,189,137,134,183,189,183,182,186,194,196,202,202,196,194,196,202,202,202,202,199,191,181,181,183,186,183,178,177,177,181,189,191,194,196,199,202,199,189,133,125,122,121,122,125,129,176,181,183,183,186,194,194,189,181,178,176,176,176,176,173,170,173,176,176,173,168,125,117,115,117,121,125,170,178,181,165,109,91,84,87,109,123,170,176,181,186,189,191,189,191,194,194,189,183,179,178,181,183,181,176,133,133,178,183,183,135,133,178,186,186,186,189,191,189,186,131,117,123,183,199,202,199,196,191,183,181,189,194,196,199,202,199,194,191,191,196,199,202,204,204,204,204,202,202,202,202,196,194,191,194,196,196,199,207,212,212,212,212,207,202,202,207,204,194,189,183,183,186,189,186,183,178,181,191,194,186,131,124,129,189,199,204,207,207,204,202,194,176,129,133,183,191,191,183,186,196,202,202,202,199,199,199,202,207,209,204,196,196,186,139,194,196,181,177,186,194,194,202,209,212,209,209,220,222,212,209,212,217,222,222,215,213,213,217,225,222,217,215,212,212,207,202,196,196,199,207,209,207,204,209,222,228,228,225,217,212,209,209,212,212,207,204,204,204,207,215,209,121,125,133,130,125,123,120,133,181,186,194,196,196,194,194,191,191,191,189,189,191,191,191,191,189,186,183,178,135,135,135,181,186,191,199,204,202,199,199,199,194,189,191,189,183,133,133,181,189,191,186,183,181,181,178,176,129,120,119,121,125,121,120,125,181,191,196,199,202,204,199,186,130,130,133,181,191,196,191,191,194,199,199,199,199,196,194,189,186,186,189,189,191,191,196,202,204,204,204,204,207,204,202,202,199,196,194,196,196,196,191,189,186,186,189,183,125,115,123,178,183,183,181,181,181,186,191,196,199,199,196,194,194,196,194,189,186,189,196,199,196,191,191,199,204,207,207,207,204,202,199,196,196,194,194,194,191,191,189,186,189,191,196,186,118,119,131,181,186,189,186,183,182,182,186,191,186,183,181,137,137,181,191,196,202,202,202,204,207,212,215,215,215,215,215,207,196,189,189,194,196,194,191,191,199,204,204,199,196,199,202,196,191,189,194,196,137,118,116,129,189,196,199,199,196,186,133,129,129,133,133,135,135,135,183,194,202,207,207,207,209,207,202,196,194,199,199,199,194,191,191,192,194,199,202,202,202,199,199,204,215,217,215,209,207,209,207,204,204,207,209,207,202,202,207,212,212,209,204,199,194,191,191,196,199,202,202,199,196,199,202,204,202,196,194,196,196,196,199,202,202,194,141,141,186,189,191,196,202,204,207,207,207,212,212,207,202,199,196,192,192,194,199,204,204,202,199,202,207,212,215,215,217,215,212,209,209,209,209,207,207,204,204,202,202,204,207,209,209,209,204,202,199,199,198,198,198,199,196,191,189,189,191,196,204,207,204,199,196,194,196,202,204,204,204,204,199,190,191,209,212,204,198,198,199,196,192,191,194,199,199,199,196,196,199,204,207,204,202,199,199,194,191,194,209,215,209,202,202,204,207,207,204,199,196,196,202,209,209,209,207,207,205,205,207,207,207,204,202,202,207,209,209,202,199,202,209,212,209,202,196,194,196,202,204,204,204,204,204,202,199,196,196,196,196,196,202,202,194,189,186,135,126,135,191,191,186,189,194,196,194,194,194,196,199,204,204,199,189,186,189,189,189,194,204,212,212,212,207,199,194,189,186,183,183,182,182,183,189,194,196,194,191,186,186,139,129,124,123,125,129,135,141,189,189,191,194,204,212,217,225,225,217,212,207,202,200,204,209,215,217,222,222,220,217,212,212,220,230,228,207,196,202,199,194,194,204,212,207,202,204,217,222,220,217,217,217,215,212,209,204,204,207,209,215,222,228,228,228,228,228,228,225,222,217,217,220,209,191,137,137,183,191,199,196,191,196,209,222,228,230,228,222,220,217,212,207,204,199,196,183,125,124,125,129,183,186,191,194,194,189,186,189,194,199,199,199,199,199,196,194,194,196,199,202,199,189,135,133,134,137,189,194,196,199,196,194,196,207,209,204,194,186,185,189,199,209,209,207,202,202,199,199,199,196,191,186,182,182,183,189,189,186,139,137,141,194,199,199,199,194,143,141,202,228,238,235,230,230,233,238,246,251,255,255,255,255,255,255,255,255,255,255,0,0,0,255,255,248,230,209,203,204,0,0,0,0,0,0,0,0,0,235,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,181,170,0,163,160,155,147,144,142,142,137,137,137,142,150,163,170,168,165,168,183,196,204,199,194,191,190,191,199,209,212,209,207,209,220,0,0,0,0,255,255,255,255,255,255,255,255,222,202,204,207,204,202,207,0,0,209,207,207,212,215,212,0,222,230,217,178,177,186,191,191,189,189,196,215,220,207,189,189,202,233,248,235,199,198,209,217,212,199,189,189,196,202,204,199,189,168,150,137,129,131,139,157,163,160,0,0,0,0,0,0,0,0,0,0,230,228,230,230,230,230,230,228,222,209,196,183,0,0,176,199,225,238,238,233,222,212,207,202,196,186,137,137,139,143,204,217,222,225,228,228,225,225,228,233,241,246,251,251,251,251,248,241,233,233,235,241,238,238,235,222,194,189 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,79,38,0,0,0,0,0,0,0,0,17,30,33,30,25,43,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,131,147,157,165,168,168,168,176,186,194,196,191,186,183,183,186,189,191,189,189,191,196,199,199,196,191,186,181,181,183,183,183,181,178,178,183,186,178,168,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,196,202,202,202,202,199,202,202,199,196,191,196,196,23,0,0,0,0,0,27,147,181,191,199,209,204,178,168,186,202,204,191,163,155,155,157,168,176,181,186,189,189,186,181,181,181,183,191,196,196,196,194,194,196,199,202,202,199,191,191,199,204,199,183,170,126,126,168,173,170,125,121,121,123,168,168,121,116,118,173,194,194,170,164,165,165,170,176,178,170,121,120,123,127,168,173,173,173,176,176,178,173,121,118,120,168,176,178,178,173,168,127,127,168,176,183,176,127,127,176,176,168,123,123,127,178,199,212,215,207,189,127,129,186,183,113,111,125,176,183,186,181,196,207,209,209,209,209,209,209,212,212,209,207,207,209,209,212,215,215,209,207,207,209,209,207,204,207,209,212,212,209,207,207,204,202,202,202,204,202,199,199,196,192,192,196,199,199,199,202,202,199,199,202,204,204,199,196,199,202,202,199,199,199,199,196,189,186,191,194,196,194,194,191,191,191,191,194,199,199,199,194,194,196,199,199,199,196,183,132,133,186,191,191,194,196,194,178,119,109,106,111,119,181,178,170,173,186,196,199,199,196,196,194,189,181,173,165,163,168,176,176,113,49,31,5,7,32,115,125,123,119,113,100,101,109,125,178,186,183,178,170,168,170,178,178,176,176,178,178,173,170,176,176,170,125,127,176,178,173,176,181,178,127,129,186,186,186,181,173,129,173,181,181,186,189,189,186,183,181,173,127,127,176,176,129,127,126,124,170,181,183,181,183,183,178,129,126,127,129,173,181,181,173,131,176,181,178,178,186,189,181,178,178,129,107,101,112,125,170,173,173,173,170,125,123,123,165,176,178,176,173,176,173,119,115,121,125,170,178,186,186,173,121,120,125,170,178,186,194,196,196,191,183,176,176,181,186,189,191,194,196,196,199,199,199,199,196,191,183,132,133,191,199,194,189,189,189,186,186,186,189,191,194,196,199,204,204,202,202,202,196,181,122,121,124,178,189,194,194,191,189,186,189,189,181,172,176,186,181,176,125,117,121,176,183,183,183,183,176,178,202,207,207,207,207,204,202,202,204,207,209,207,204,204,199,131,125,173,176,178,181,178,178,178,176,178,183,178,170,170,173,173,173,170,170,176,176,127,173,186,189,189,186,170,121,127,183,186,173,125,125,127,170,168,125,168,173,125,113,113,119,127,173,181,183,186,189,186,89,70,109,173,168,120,123,168,123,118,119,125,178,186,194,199,196,189,189,191,194,196,196,181,127,123,165,123,105,107,165,176,174,170,174,191,202,202,199,202,204,209,207,191,181,173,113,94,121,173,176,121,100,96,100,121,173,183,178,115,109,111,125,176,170,131,186,196,196,196,199,194,127,113,87,40,39,101,127,117,109,119,170,181,176,127,125,176,189,196,199,189,181,176,173,173,181,183,186,194,199,194,178,125,127,173,176,176,133,133,133,133,133,178,189,199,209,215,215,209,202,199,199,202,204,207,207,202,196,191,189,194,199,204,202,199,196,194,183,128,126,135,183,137,135,183,189,186,186,191,196,199,202,199,194,191,194,199,202,202,207,207,196,186,183,186,189,183,178,176,177,181,189,191,194,194,199,202,202,194,186,176,125,122,122,123,127,133,181,183,182,183,191,194,189,181,173,172,172,172,173,176,176,176,176,173,170,168,123,115,112,113,117,123,168,176,178,123,103,89,89,107,127,170,170,173,176,181,183,186,186,189,191,196,196,194,186,181,181,183,181,176,132,132,133,135,135,133,135,186,191,189,183,186,186,186,186,183,178,133,183,199,202,196,194,191,183,181,186,189,194,196,196,191,189,187,187,190,196,202,202,204,204,204,204,202,204,202,191,186,186,191,194,196,199,207,212,215,215,212,202,191,194,202,196,186,181,183,186,194,191,181,181,181,183,186,133,126,125,125,133,186,191,194,196,194,191,191,189,181,176,178,186,199,199,183,181,191,202,202,199,199,199,202,207,212,212,196,183,194,194,191,191,186,176,174,186,196,199,204,209,207,205,207,217,222,212,209,215,222,222,217,217,215,215,217,225,225,217,212,212,212,212,207,199,199,204,215,222,217,212,212,222,225,228,228,225,220,217,217,217,212,204,196,196,194,194,202,199,127,125,133,132,129,128,131,183,186,189,194,199,199,196,196,194,194,191,189,189,191,194,194,194,191,189,183,181,135,134,135,178,181,189,196,202,202,199,199,199,196,191,189,183,176,129,127,176,183,183,178,178,181,181,178,176,129,120,118,119,121,120,119,123,181,199,204,202,202,199,194,189,183,135,132,135,191,199,194,194,194,196,199,199,199,194,189,186,186,186,189,191,194,194,194,199,202,204,207,209,209,207,204,202,202,199,196,196,199,196,191,189,189,186,189,186,178,135,183,186,183,183,181,181,183,183,186,189,196,199,196,194,196,199,199,194,191,191,194,194,191,189,189,196,202,202,204,202,202,199,196,196,194,194,194,191,191,189,186,185,186,191,196,194,113,115,129,181,189,191,189,183,182,183,189,194,191,186,183,181,137,183,191,196,199,199,199,202,204,209,212,217,215,212,209,204,194,191,191,196,196,194,194,194,199,204,204,202,199,199,202,199,183,137,189,199,194,129,128,186,186,181,181,189,191,181,128,127,128,131,133,135,134,134,139,191,202,207,207,212,209,207,202,191,141,186,191,196,196,194,196,199,202,204,207,209,209,209,207,209,215,215,209,207,207,207,207,204,207,209,212,209,207,204,207,209,212,209,204,196,190,189,190,191,196,199,199,196,196,199,204,207,202,192,190,191,194,199,202,204,202,191,141,141,189,196,204,207,207,204,204,204,204,207,207,202,196,194,194,192,192,196,202,204,204,202,199,202,209,212,212,215,222,222,215,212,209,209,209,209,209,207,204,204,207,207,209,209,207,207,204,204,202,199,199,199,199,202,199,191,186,183,185,191,202,204,204,202,199,199,199,204,207,204,204,204,194,186,186,202,207,199,195,196,199,202,196,194,196,204,207,207,202,202,202,204,207,204,202,204,204,202,199,204,212,215,207,202,199,202,204,207,207,204,202,207,212,212,209,209,209,209,209,212,212,212,209,209,207,207,204,209,209,207,204,209,215,215,209,199,194,191,196,204,207,204,199,202,204,207,204,202,199,199,196,194,194,196,191,189,186,133,123,131,196,196,189,186,189,191,191,194,196,196,199,202,204,199,191,191,196,199,194,194,202,204,204,204,204,199,191,186,183,182,182,183,189,191,191,191,191,189,189,189,189,183,133,127,127,125,124,129,135,139,186,189,196,204,212,215,222,222,215,204,202,200,202,204,207,212,217,222,225,222,217,212,211,215,228,225,215,209,207,202,192,192,204,212,209,209,215,225,225,220,212,209,207,204,202,202,209,220,225,217,215,215,217,220,217,222,225,225,225,222,217,217,222,215,196,137,136,189,207,220,220,217,217,225,228,230,230,230,225,220,215,207,202,199,191,181,127,123,124,129,137,186,183,183,186,189,191,194,194,196,196,194,194,196,196,194,191,191,194,196,196,194,143,137,135,139,189,194,194,196,202,202,202,207,212,212,207,199,189,187,189,196,204,204,204,204,202,204,207,204,199,194,186,182,182,186,191,191,191,189,186,191,194,196,191,145,141,137,137,149,230,241,233,225,225,230,238,246,251,255,255,255,255,255,255,255,255,255,255,0,0,0,254,255,248,230,215,209,212,0,0,0,0,0,0,0,255,0,217,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,183,170,0,160,160,157,155,152,150,144,137,135,137,144,157,173,181,178,176,178,194,207,212,204,194,190,190,194,207,217,222,217,222,233,0,0,0,255,255,255,255,255,255,255,255,255,248,207,196,196,202,204,207,0,0,0,215,209,202,202,202,199,0,215,217,202,177,174,178,186,189,186,186,196,212,217,202,186,189,202,222,235,222,199,0,0,225,217,202,191,191,196,204,204,204,194,178,157,142,131,131,139,160,173,168,0,163,160,0,0,0,0,0,0,0,0,225,225,228,230,230,228,228,225,217,204,191,0,0,181,199,225,238,243,235,225,209,196,194,189,183,137,133,129,129,141,207,222,228,230,233,233,233,235,241,246,248,251,251,251,251,248,241,234,234,241,243,235,230,225,215,196,190 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,27,17,9,0,0,0,0,17,35,38,40,33,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,152,163,165,168,170,173,181,186,189,189,186,183,186,183,183,189,194,194,191,194,196,199,202,202,196,191,183,181,183,181,181,183,183,181,170,157,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,186,191,196,199,202,202,204,202,199,194,183,176,73,0,0,0,157,45,27,37,95,163,170,178,194,196,183,183,194,202,199,189,173,168,163,160,170,183,189,191,189,186,181,179,181,183,183,189,194,196,196,199,202,202,204,202,202,196,194,196,204,207,196,178,127,125,125,168,170,170,127,121,117,113,115,123,165,123,125,181,212,209,176,165,165,165,170,181,191,189,168,121,121,127,168,168,170,170,173,176,183,191,178,121,120,121,125,129,170,173,170,127,125,129,170,173,129,127,129,173,170,123,121,121,125,176,199,209,207,196,170,120,122,202,215,181,119,176,189,194,196,207,209,209,209,209,209,209,212,212,212,209,207,205,207,207,209,212,215,215,209,207,207,209,207,202,202,207,209,209,209,209,207,207,204,204,202,204,204,202,199,199,196,192,190,194,196,199,204,207,207,204,204,204,207,207,202,196,199,202,202,199,199,202,204,204,196,194,196,199,199,196,194,191,191,194,194,196,202,202,199,194,194,196,199,199,199,202,194,178,178,189,191,194,196,196,194,186,176,121,109,104,115,186,170,121,119,168,189,194,196,196,194,191,186,181,176,165,163,165,168,111,54,37,27,23,29,49,165,173,123,115,103,98,101,113,127,178,181,178,173,170,128,128,173,181,183,186,189,186,181,176,178,181,181,178,173,173,173,129,129,176,176,170,173,191,199,199,186,129,127,173,183,186,186,189,191,189,183,173,127,126,127,176,178,176,129,127,129,173,181,181,183,189,191,183,128,125,126,129,178,186,189,183,176,131,129,129,176,186,189,189,191,186,176,108,101,109,119,125,127,176,181,181,168,119,119,168,176,176,170,165,119,111,111,113,117,125,173,178,178,173,123,119,123,129,173,176,181,183,189,191,191,183,178,176,178,183,186,189,194,196,196,196,196,196,196,196,194,181,130,130,189,199,196,191,191,191,189,186,186,189,191,196,199,202,202,202,199,202,204,196,178,125,127,181,191,196,202,202,199,194,189,186,189,183,173,173,181,176,125,117,119,131,186,191,194,194,194,191,199,207,209,207,207,207,204,202,202,204,204,204,204,202,202,196,125,113,119,129,178,181,178,176,178,178,186,191,186,178,173,129,127,170,170,173,170,115,111,173,189,191,191,194,186,176,181,194,196,189,173,127,129,173,170,170,173,173,117,104,107,121,170,178,183,186,186,186,183,78,60,117,181,173,121,165,173,123,119,121,168,181,186,191,196,194,183,183,191,196,202,196,183,125,119,119,113,108,112,176,183,174,170,176,191,202,202,202,202,204,209,209,199,183,165,115,111,115,170,183,170,96,93,105,168,178,189,181,112,110,123,183,181,122,121,176,196,199,199,196,183,109,109,107,107,173,196,196,178,123,125,125,127,127,125,125,170,178,186,186,181,178,178,176,176,176,178,183,191,194,183,125,121,124,133,178,176,131,127,125,127,131,181,191,202,209,212,209,207,202,202,202,204,207,209,209,207,199,194,194,196,204,207,204,199,194,189,181,133,130,133,178,135,135,181,186,191,194,199,202,204,204,199,194,192,194,199,202,202,204,207,199,189,186,191,191,186,181,178,178,186,194,194,191,194,196,202,202,196,191,186,133,125,125,129,133,181,183,183,183,183,186,191,189,181,173,173,173,176,178,181,181,181,178,176,173,170,123,115,113,114,117,123,168,176,173,113,101,99,109,123,176,178,178,176,176,178,181,183,186,186,186,189,194,196,194,189,186,189,189,183,178,135,135,133,132,132,135,189,194,186,179,181,186,189,191,191,189,186,189,196,199,196,194,194,186,181,179,181,186,194,194,191,189,187,187,190,196,202,202,204,204,202,202,199,199,196,186,181,182,189,191,194,199,204,209,215,217,209,186,123,133,189,183,179,179,186,194,202,199,183,174,177,183,176,120,120,127,181,183,178,131,131,176,131,131,181,186,183,181,183,186,189,183,170,169,181,196,199,196,196,199,204,212,212,209,127,112,133,191,194,191,183,178,179,191,202,207,209,209,207,204,205,215,215,209,207,209,215,217,222,222,222,220,222,225,225,222,215,212,215,217,215,207,202,207,217,228,225,217,212,215,222,228,228,228,225,222,222,215,207,194,191,191,186,181,183,137,123,122,133,183,183,186,191,191,191,191,196,199,199,196,196,194,194,194,194,194,194,194,194,194,191,189,183,181,178,135,176,178,181,183,194,202,202,199,199,196,196,191,183,176,129,127,127,131,133,133,129,129,176,178,176,178,176,129,123,121,123,121,121,131,189,202,204,204,199,194,191,191,194,183,132,135,191,196,196,194,191,191,194,196,194,183,137,181,186,189,191,194,194,194,194,199,204,207,209,212,212,209,204,202,202,199,199,199,199,194,189,187,189,191,191,189,186,183,189,189,183,181,183,186,186,182,181,183,191,196,196,194,196,199,202,199,196,194,189,186,186,186,186,191,196,199,202,202,202,196,194,194,194,194,194,194,191,189,186,186,186,191,194,191,108,112,133,183,189,194,194,189,182,183,194,196,194,191,189,183,181,183,189,194,194,191,194,199,202,204,209,212,209,204,204,202,199,196,199,199,196,196,196,199,202,204,204,202,199,196,199,194,125,109,125,191,199,202,202,194,131,112,112,183,191,186,131,127,129,135,137,135,135,135,139,189,199,204,207,212,209,209,204,189,131,131,141,196,199,199,202,204,204,204,204,207,212,212,212,212,215,212,209,207,207,207,207,204,207,209,212,212,209,207,204,207,209,209,204,196,194,191,194,194,194,194,194,191,189,194,202,204,199,192,190,191,196,202,202,202,199,194,189,191,196,204,209,209,204,199,199,199,202,202,202,196,192,192,194,194,194,199,204,207,207,202,199,202,207,209,207,212,220,222,217,215,212,209,207,209,212,209,207,207,209,212,212,207,204,204,207,204,204,202,202,202,202,204,202,196,186,183,183,191,196,199,199,202,202,199,202,204,204,199,199,199,191,186,187,202,207,202,198,198,202,204,204,202,204,207,207,207,207,207,207,207,204,202,202,207,207,207,207,212,212,209,202,196,196,196,199,202,204,204,207,212,215,215,212,209,209,212,212,212,212,212,212,212,212,207,203,204,207,209,209,212,215,212,204,196,191,189,191,199,204,199,194,194,199,204,207,204,202,196,194,189,189,189,189,189,191,139,127,133,194,199,189,186,189,186,186,191,196,199,199,199,199,196,191,194,202,204,202,196,199,196,194,194,196,196,194,189,186,183,183,189,196,202,199,194,189,187,189,191,191,183,135,135,139,135,129,133,137,141,189,194,202,207,212,215,217,217,212,207,204,202,204,207,209,212,212,212,212,215,215,215,212,220,225,225,212,204,202,199,194,196,209,215,212,212,222,225,228,225,212,204,196,147,146,199,215,230,233,228,220,215,215,215,212,209,209,215,217,222,222,220,225,222,204,137,134,194,225,230,228,225,225,228,228,225,225,222,217,217,212,204,199,196,186,135,129,127,135,183,189,189,183,137,137,186,194,199,199,196,191,191,191,194,194,194,190,191,194,194,194,194,191,143,141,191,196,196,196,196,202,204,207,209,215,215,212,204,196,191,191,196,199,202,204,202,202,204,207,207,199,194,189,183,183,186,189,189,186,186,189,191,194,191,189,189,141,133,132,143,228,238,230,222,222,228,238,246,254,255,255,255,255,255,255,255,255,255,254,0,0,0,251,254,246,230,217,212,215,0,0,0,0,0,0,0,255,255,204,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,186,170,0,0,0,157,157,157,155,150,142,137,142,0,163,178,186,183,183,191,209,225,225,215,202,196,194,202,215,228,230,230,233,0,0,0,0,0,255,255,255,255,255,255,255,255,228,204,196,196,199,204,209,0,0,0,222,215,202,191,189,0,0,0,209,194,183,178,181,183,183,181,181,186,196,202,191,181,186,199,217,230,225,209,0,0,228,217,202,191,191,196,202,202,202,196,183,0,144,131,130,139,160,176,173,0,165,0,0,0,0,0,0,0,0,0,225,225,0,233,233,228,225,222,217,209,202,194,191,194,207,230,243,246,246,235,215,199,191,189,183,135,129,123,120,125,147,217,228,233,235,235,235,241,246,248,251,251,251,251,251,251,243,238,238,241,241,230,217,212,209,204,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,20,14,1,0,0,27,48,56,51,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,157,165,168,173,176,181,183,186,183,181,178,178,181,181,181,186,194,196,196,196,199,202,204,204,199,194,189,183,183,181,183,189,191,181,147,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,168,181,191,199,202,204,207,199,191,49,51,37,0,0,0,35,129,79,63,51,53,87,160,165,165,168,173,189,199,194,183,181,178,178,170,168,176,189,194,194,189,183,181,179,181,183,186,189,191,194,196,202,207,209,207,204,199,194,194,202,209,207,191,173,127,125,126,168,170,170,127,121,115,111,109,113,170,173,125,176,215,209,181,165,125,168,176,189,202,204,183,125,123,168,168,168,170,173,170,173,183,199,196,178,127,125,125,129,170,173,173,127,125,127,127,127,127,129,173,176,129,123,122,123,127,176,191,199,194,181,129,125,127,191,202,183,173,191,202,202,202,209,209,207,207,207,207,209,212,212,212,209,207,205,205,207,207,209,212,212,207,207,207,207,204,200,200,204,207,207,207,207,207,207,207,204,204,204,204,202,199,202,202,196,192,194,196,199,204,207,207,204,204,204,209,207,202,194,194,196,199,199,199,202,202,199,196,196,202,202,202,199,194,194,194,194,196,199,202,202,199,196,194,196,199,199,199,204,202,189,189,194,194,196,196,194,191,191,194,186,170,117,117,163,71,77,83,95,115,178,189,191,191,183,178,176,173,173,165,123,109,73,53,57,107,117,119,125,186,186,173,119,104,105,117,170,186,189,183,176,170,170,128,126,128,176,186,191,196,196,189,176,176,181,186,183,176,173,173,129,128,129,129,128,129,186,202,202,176,124,124,170,181,183,178,178,181,183,178,173,127,127,127,170,181,186,176,170,173,173,176,178,181,191,194,183,129,129,131,178,189,196,196,194,183,127,123,125,173,181,181,186,199,202,204,189,117,116,123,168,173,183,191,194,178,116,116,123,165,165,125,121,111,104,107,109,109,165,176,176,170,125,118,118,123,170,173,170,170,173,178,186,189,189,181,178,178,181,183,189,194,194,194,194,191,191,191,194,191,181,130,130,186,196,194,189,189,189,189,183,183,186,191,196,199,199,199,199,199,202,207,196,176,127,178,194,202,202,204,207,204,199,183,181,186,183,173,129,129,129,117,115,129,189,194,194,196,199,202,204,204,204,207,204,202,202,199,199,199,202,204,202,199,199,199,194,117,104,105,115,170,178,178,173,173,178,189,194,199,194,183,125,120,125,178,183,183,85,87,127,189,191,194,199,194,191,194,202,204,202,191,181,176,178,176,170,173,127,105,99,103,125,176,181,183,183,183,183,183,90,52,103,170,170,123,165,170,121,119,127,176,183,186,186,191,186,176,173,186,196,202,199,186,170,119,113,111,111,121,176,181,181,186,194,194,196,199,196,194,194,196,199,194,178,119,113,113,119,165,170,99,91,101,173,176,183,191,183,112,112,178,194,183,119,117,131,199,204,204,196,176,119,181,209,204,196,196,196,189,186,181,170,123,125,127,127,129,170,170,173,176,181,181,178,176,173,176,178,183,186,178,125,121,127,178,186,181,133,125,121,121,131,183,194,202,207,209,204,202,199,199,202,204,207,209,212,209,202,196,196,199,204,204,202,196,189,181,181,183,178,131,130,130,130,131,181,194,202,204,207,207,207,202,199,196,199,202,202,200,202,204,202,191,189,191,194,189,186,183,183,191,194,191,189,189,191,196,196,194,194,191,183,176,176,183,189,191,189,186,183,183,183,186,186,181,178,178,181,183,186,186,183,183,181,178,178,176,127,123,119,121,121,125,170,173,168,111,105,115,125,170,176,181,183,183,181,181,181,183,186,189,185,183,185,191,194,191,191,194,194,191,191,189,183,178,132,131,133,186,191,181,177,181,191,194,194,194,194,194,194,194,196,196,196,194,189,181,178,178,181,189,194,194,191,191,194,196,199,202,204,204,202,199,196,196,196,191,182,181,182,186,191,194,196,202,204,212,212,199,105,95,106,133,181,179,183,189,194,202,196,178,169,174,183,176,125,126,181,189,186,129,117,115,119,119,125,178,189,186,186,189,186,181,174,169,166,181,194,199,196,196,202,209,215,212,199,115,100,119,183,191,191,186,182,189,202,207,212,212,212,209,207,207,209,207,202,202,202,204,212,222,225,225,222,222,225,225,222,215,212,215,222,225,215,209,209,217,228,225,217,212,209,215,222,228,228,225,225,222,215,204,194,190,191,186,179,181,191,129,122,127,183,186,191,196,196,194,196,199,202,202,199,196,194,194,194,196,196,196,194,194,191,191,186,183,178,178,178,178,178,178,183,194,199,202,199,199,196,196,191,178,129,127,129,129,125,123,123,123,125,131,131,129,176,178,178,133,129,129,129,133,183,196,204,207,207,202,194,189,191,194,181,133,181,194,199,196,191,186,186,189,189,186,135,129,133,183,191,194,196,194,194,194,202,204,207,209,212,212,209,207,202,202,199,199,196,196,194,189,187,191,196,194,191,189,186,189,189,186,183,186,189,189,182,179,182,189,194,196,194,194,196,199,202,199,194,186,185,183,185,186,191,196,199,204,204,202,196,191,189,189,194,196,196,194,191,189,189,189,189,191,191,106,114,135,181,181,191,196,191,182,183,196,199,199,199,199,194,186,183,186,186,183,183,189,196,204,207,207,204,199,199,199,202,202,202,204,202,199,199,199,199,202,202,202,199,196,194,194,189,106,93,103,129,199,209,209,194,116,101,99,183,196,196,181,133,135,183,183,139,137,139,183,186,194,199,204,207,207,207,207,186,127,128,137,191,199,202,204,202,202,202,202,204,212,215,217,217,215,209,207,207,209,209,207,207,209,212,212,212,209,207,204,204,207,207,207,202,202,202,204,202,196,194,191,187,187,189,199,204,202,196,194,196,202,204,202,199,196,196,196,199,202,204,202,199,196,194,196,199,199,202,202,196,192,194,196,199,199,202,207,209,207,204,202,202,204,204,202,207,215,217,215,212,209,207,204,207,207,209,207,209,212,215,212,207,204,204,204,204,204,204,204,204,204,204,204,202,194,186,189,194,196,194,191,196,196,199,202,204,202,194,191,196,194,190,194,204,209,207,204,202,204,207,207,207,207,207,204,204,207,209,212,209,207,204,202,204,204,207,212,215,212,204,196,195,195,196,196,199,202,204,207,209,212,215,212,209,209,209,207,204,204,207,209,212,215,209,203,202,204,207,209,212,209,207,202,196,189,185,186,191,196,194,190,190,194,202,207,204,199,196,194,189,183,183,189,194,196,191,135,139,196,196,191,191,194,189,185,186,194,199,199,196,194,191,190,194,204,207,204,202,202,196,190,190,194,199,196,194,191,189,191,194,202,204,202,194,189,189,191,194,191,183,139,186,196,194,186,141,141,186,191,199,207,212,212,215,215,217,215,212,209,207,207,212,217,217,212,209,209,212,217,222,225,230,230,222,212,204,202,202,202,204,212,212,209,212,217,222,228,228,217,202,147,142,141,202,217,233,235,233,228,222,215,212,209,205,204,204,207,215,222,222,222,222,204,133,130,189,228,230,225,220,217,220,217,209,207,209,207,209,209,204,199,194,186,183,183,181,186,191,194,194,183,133,135,186,196,202,202,196,191,190,190,191,191,191,191,196,199,196,196,196,196,191,191,194,199,199,196,199,202,204,204,209,215,215,212,209,204,199,196,196,196,199,202,202,202,204,207,204,199,191,191,191,189,186,183,183,182,182,183,189,191,191,191,194,194,134,133,141,222,238,233,228,226,228,235,246,254,255,255,255,255,255,255,255,255,255,255,248,0,0,0,254,246,230,217,212,209,0,0,0,0,0,0,255,255,238,202,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,186,168,0,150,150,0,155,155,155,150,142,139,0,0,165,176,181,183,189,202,222,233,230,225,215,207,204,209,225,238,243,241,238,243,0,0,0,255,255,255,255,255,255,255,255,248,212,202,198,198,199,204,209,0,0,0,225,222,199,183,181,0,0,0,217,204,202,199,194,194,183,178,176,173,178,181,178,176,181,194,212,228,228,217,0,0,222,212,202,191,194,199,202,199,196,196,189,173,147,130,130,139,157,173,0,0,0,0,0,0,0,0,0,0,0,230,228,228,230,235,233,225,217,215,215,212,209,207,207,207,217,235,246,251,254,246,230,209,199,194,186,135,127,121,118,0,135,209,228,233,235,235,235,241,246,246,248,251,251,248,248,248,246,241,238,238,233,222,209,208,209,212,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,43,43,9,7,27,56,69,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,152,165,170,178,183,183,186,183,183,178,174,174,178,178,178,183,191,196,199,199,204,207,204,199,196,191,189,189,186,186,186,186,191,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,160,194,199,202,207,204,196,124,0,0,0,0,0,51,57,85,89,93,79,53,65,144,152,155,157,165,181,191,186,173,170,176,178,170,168,178,191,196,194,189,183,181,183,186,189,189,189,191,191,196,202,207,209,209,207,202,199,196,202,207,202,186,170,126,126,127,127,127,127,123,121,119,113,108,109,168,176,117,117,202,194,178,117,121,168,176,194,202,202,186,127,123,127,127,127,168,170,170,173,183,199,202,194,178,129,127,129,129,170,129,125,125,125,125,125,127,170,173,176,173,170,170,170,170,173,178,178,176,131,129,129,178,181,117,117,181,199,204,202,199,199,202,202,202,204,207,207,209,212,212,212,209,207,205,205,207,212,212,207,202,204,204,204,202,200,200,202,204,204,204,204,204,207,207,204,202,204,204,202,199,202,207,207,202,199,199,199,199,199,202,199,199,202,207,204,194,189,189,191,196,196,196,196,196,194,194,196,199,202,202,199,194,191,194,194,194,199,202,199,199,199,196,194,194,194,194,202,204,199,194,196,196,194,194,191,191,191,191,191,186,173,103,52,57,83,79,17,15,61,111,178,176,160,165,173,173,170,168,163,113,85,79,99,113,119,125,176,191,194,181,125,117,121,170,186,196,196,186,173,168,176,173,129,129,173,183,196,199,194,176,129,173,181,186,186,178,176,181,173,128,170,129,125,125,181,199,196,129,124,127,173,176,173,127,123,125,173,178,176,173,170,173,176,183,189,183,176,173,172,173,173,181,191,189,178,176,183,183,183,189,194,194,191,186,127,124,125,170,170,129,178,196,204,202,189,170,123,127,178,189,194,202,202,194,119,115,114,116,114,121,123,115,113,111,107,106,170,173,123,120,120,118,117,121,127,129,129,129,170,178,183,189,191,189,183,181,181,186,191,194,191,189,186,186,183,186,189,189,183,178,178,183,189,191,189,186,189,186,181,181,183,191,199,202,202,199,199,199,204,204,194,129,115,176,191,202,204,204,207,207,194,129,173,183,186,178,129,119,113,115,125,181,194,196,196,199,202,204,209,209,207,202,199,196,196,196,196,196,199,202,202,199,196,196,194,119,104,104,106,117,125,176,176,129,170,183,194,202,202,194,123,113,122,194,199,186,48,63,121,183,189,189,194,196,196,199,202,202,202,199,194,191,189,183,170,168,125,107,101,115,170,178,181,181,178,178,181,181,178,95,103,117,121,165,168,123,120,125,170,178,189,189,186,183,178,127,127,181,194,199,199,191,178,168,107,104,115,125,125,115,173,194,202,199,194,191,186,178,173,178,186,186,123,108,112,123,165,165,113,95,97,127,181,178,176,181,178,127,129,189,194,183,120,119,178,202,204,207,202,127,115,189,207,207,204,202,199,196,194,196,191,178,170,170,129,126,125,125,126,176,189,186,176,173,173,176,181,181,183,181,176,131,176,183,186,186,181,129,120,115,135,191,196,202,207,209,207,202,198,198,199,202,204,207,209,209,204,199,199,199,199,199,196,189,181,135,181,186,183,133,130,129,128,130,137,196,207,207,207,207,204,202,199,199,202,204,204,202,202,204,204,194,186,186,186,189,189,186,186,189,189,186,181,181,186,191,191,194,194,194,191,191,191,196,202,202,196,189,186,183,183,183,183,181,181,183,186,189,189,186,181,176,178,178,178,178,173,173,170,127,125,127,170,170,123,113,115,125,176,178,176,181,186,186,186,186,189,191,191,189,186,183,183,189,191,191,191,194,196,196,196,196,191,183,135,133,135,183,189,181,181,191,196,196,194,194,196,196,194,191,191,194,196,196,194,186,181,179,181,189,194,194,194,196,202,202,202,204,207,204,202,194,194,196,196,191,186,183,186,189,194,194,196,196,199,202,215,183,85,93,111,133,183,186,189,191,196,196,189,178,172,181,191,186,176,181,189,191,183,117,105,109,115,119,129,186,194,189,186,186,181,178,178,176,183,194,189,196,202,199,204,212,220,204,135,119,118,127,183,191,191,189,191,196,204,209,212,212,212,212,212,209,202,194,194,194,192,196,204,215,222,220,215,212,215,215,212,209,209,215,222,222,217,217,215,212,225,225,217,212,208,209,217,222,225,225,222,220,215,209,202,196,194,191,181,181,194,181,127,131,181,186,191,194,196,196,199,204,204,202,199,196,194,194,196,199,199,199,196,194,191,191,189,183,178,135,176,178,178,181,186,191,196,202,199,196,194,199,194,176,127,131,131,125,115,114,115,123,129,129,125,125,131,181,183,186,189,186,181,135,183,194,204,209,209,204,194,186,186,186,137,137,191,199,202,199,183,137,183,181,135,135,133,126,129,181,191,196,196,194,191,194,199,204,207,209,209,209,207,204,202,199,196,194,194,191,191,189,189,191,194,194,189,181,181,186,194,191,189,186,186,189,189,186,186,191,194,194,194,191,194,196,202,199,194,189,185,185,186,189,191,196,199,202,202,202,196,191,186,186,194,199,199,196,196,196,194,187,189,194,194,133,125,127,123,129,191,199,194,186,186,194,199,202,204,204,199,191,186,183,182,181,181,186,199,207,207,204,199,191,194,199,202,202,204,204,202,202,202,202,199,199,199,199,199,199,196,194,137,105,101,111,135,199,209,207,196,137,119,116,181,194,199,191,186,186,191,191,186,189,189,183,183,189,196,199,199,199,202,204,191,132,129,134,189,199,207,207,202,200,202,204,207,212,217,222,217,212,207,203,204,209,212,212,212,215,215,215,209,204,202,202,204,204,207,209,209,204,204,207,204,199,196,194,189,189,194,202,207,204,202,202,202,202,202,199,194,194,196,202,202,202,199,194,192,191,194,196,196,199,202,204,204,202,199,199,202,204,207,207,209,207,204,202,202,202,202,200,204,209,212,207,207,207,204,199,194,196,202,204,207,209,209,209,207,202,199,196,196,202,207,209,207,207,204,202,204,202,196,199,199,199,191,186,185,186,191,199,202,199,194,191,196,199,196,199,207,212,209,207,204,207,207,207,207,204,202,202,204,207,209,212,212,212,207,204,202,200,202,209,215,212,204,199,195,196,199,202,202,204,207,207,207,207,209,209,209,207,202,196,196,199,202,207,212,215,212,207,203,203,207,209,212,209,207,202,196,191,185,182,183,189,191,191,191,194,202,202,202,199,199,196,186,182,183,191,196,199,196,191,189,194,196,196,199,196,191,185,183,186,194,196,194,191,191,191,196,202,204,202,204,204,199,191,190,191,199,202,194,187,187,194,199,202,204,204,196,189,189,191,196,191,183,183,191,199,199,194,194,191,191,194,202,209,212,215,215,215,215,215,215,215,212,215,220,228,228,222,212,211,215,225,233,235,235,233,222,212,209,212,215,217,215,209,208,208,209,209,212,220,225,217,207,196,144,144,204,222,230,233,230,228,222,217,215,212,209,207,203,199,203,215,220,215,209,183,121,122,139,209,217,217,212,209,207,191,135,137,194,194,194,199,202,196,191,189,189,191,189,189,194,202,196,181,129,135,186,191,196,199,199,196,194,191,191,191,191,194,199,202,199,196,196,196,196,194,196,196,199,199,202,199,199,202,204,209,212,212,209,207,204,202,199,199,199,199,199,199,199,202,204,202,194,194,194,191,183,181,182,182,182,183,186,189,191,194,199,202,145,140,143,209,230,235,233,230,228,235,246,254,255,255,255,255,255,255,255,255,255,255,251,246,0,0,251,238,225,212,209,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,196,191,0,0,0,0,0,0,0,194,183,168,0,144,142,147,147,150,147,142,137,137,139,147,155,165,170,178,189,202,217,230,230,228,222,215,212,215,230,246,248,243,238,241,248,255,0,255,255,255,255,255,255,255,255,255,204,199,202,202,199,202,204,204,0,0,225,225,202,181,178,0,0,0,241,241,228,212,0,199,191,181,170,166,166,168,170,173,178,189,207,222,228,222,215,209,207,204,0,0,0,209,207,196,189,191,191,173,144,130,130,137,0,0,0,0,0,0,0,0,0,0,0,0,0,233,230,228,233,235,233,217,209,209,212,212,215,217,0,0,230,241,248,251,251,251,238,222,212,202,189,137,129,121,117,118,131,194,215,233,235,0,238,241,246,243,243,248,251,248,247,248,248,243,233,225,225,217,208,207,209,222,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,56,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,147,155,165,170,178,183,186,186,186,186,178,174,173,176,176,176,181,189,196,196,199,204,204,199,191,189,191,191,191,191,189,189,186,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,191,199,204,207,202,183,47,0,0,0,0,63,118,83,89,95,99,93,71,79,142,147,150,155,160,173,181,176,163,160,165,168,164,165,178,194,199,196,191,186,186,189,191,191,194,194,191,191,196,202,207,207,207,207,204,202,196,196,199,194,181,127,125,129,168,125,123,119,117,117,119,115,111,112,125,123,89,85,176,176,115,105,121,173,178,191,199,199,186,173,127,125,124,125,127,129,170,173,181,194,202,196,183,125,123,125,127,127,127,124,124,125,125,127,129,173,176,178,181,189,189,181,130,129,130,173,131,131,176,176,123,104,102,111,194,204,204,202,198,198,198,198,199,202,204,204,207,209,209,212,212,209,207,207,209,212,212,207,202,202,202,202,202,202,204,204,204,204,204,204,204,204,202,199,196,199,204,202,196,196,204,209,207,204,202,196,194,191,191,189,191,196,202,199,189,185,185,189,194,194,194,194,191,190,191,191,196,202,202,196,191,191,194,194,194,196,202,202,199,196,194,191,191,189,189,191,194,194,194,194,196,191,191,194,194,191,189,186,186,181,85,46,50,101,109,17,0,13,53,73,61,71,117,176,176,170,168,173,173,121,117,123,123,123,168,181,189,191,189,176,125,125,176,191,196,189,173,127,168,176,178,176,173,173,183,199,202,191,129,128,178,189,189,183,178,183,189,183,178,181,181,129,128,176,186,183,170,129,178,178,173,129,123,121,122,170,178,181,178,176,181,183,189,189,183,176,176,176,176,176,181,183,178,173,178,183,178,176,176,181,181,181,181,173,127,127,125,119,113,115,127,176,176,170,121,113,123,186,196,202,204,204,196,168,117,115,116,117,123,119,113,115,115,109,115,173,125,116,117,121,125,121,121,123,129,173,173,173,176,183,191,196,196,191,186,183,186,191,191,189,186,183,183,183,186,189,189,186,181,181,181,183,189,189,186,186,186,181,178,183,191,199,204,202,199,199,199,204,204,186,113,97,127,183,196,202,202,202,194,181,127,129,129,183,178,127,109,90,102,131,189,194,194,196,202,204,209,209,209,204,199,194,194,194,191,189,191,196,202,199,196,194,189,181,125,111,107,106,113,125,178,176,127,127,176,189,199,202,191,170,123,178,202,199,173,23,59,127,181,186,186,186,189,194,194,194,194,196,196,199,199,194,181,127,127,127,121,119,170,176,178,178,176,176,176,176,178,176,98,103,115,119,125,170,165,125,165,170,181,191,194,186,176,127,121,125,181,196,202,199,186,170,173,113,109,125,170,115,66,71,111,186,194,189,178,168,119,98,101,176,178,85,83,113,170,176,165,117,111,123,178,181,170,119,125,170,173,181,191,194,176,121,122,183,196,199,202,196,117,115,183,202,204,204,204,204,202,202,202,199,189,176,129,127,126,123,124,126,176,189,186,176,173,178,183,183,183,183,186,186,183,186,189,191,189,183,178,127,125,189,196,199,202,207,212,209,204,199,199,199,202,202,204,207,207,204,202,199,196,196,194,191,183,135,129,131,181,186,183,135,133,131,133,183,196,204,207,207,207,204,199,198,199,202,204,204,202,204,207,204,196,183,179,181,183,186,186,183,183,183,179,178,179,186,191,191,191,194,194,196,196,199,202,204,204,199,191,186,183,186,186,181,176,178,183,186,186,183,178,173,170,173,176,176,176,176,178,173,168,127,168,170,168,121,115,121,173,183,183,178,183,189,189,189,189,191,194,196,194,191,189,186,189,191,189,189,194,196,196,196,196,194,189,186,183,135,181,189,189,191,196,199,196,191,191,194,194,194,189,189,189,194,199,199,194,191,189,189,191,194,194,194,199,202,202,204,204,204,202,194,189,191,196,196,194,191,189,189,191,194,196,194,196,199,199,202,117,89,99,123,183,191,194,194,199,202,199,194,186,189,196,202,196,194,194,189,178,79,81,91,113,131,178,189,196,196,194,189,181,132,131,176,181,186,186,133,183,199,204,209,212,209,191,131,127,129,181,191,199,199,199,199,199,202,204,209,209,209,212,212,204,191,142,189,194,192,192,196,204,209,207,202,199,204,204,202,199,202,209,217,222,222,222,215,209,225,225,217,209,207,208,212,215,217,217,222,222,217,212,209,207,204,199,186,181,191,183,135,181,191,196,194,189,181,186,196,202,202,199,199,196,196,199,202,202,202,199,196,194,189,189,189,183,135,133,134,176,181,183,183,186,191,196,196,191,191,196,189,173,127,131,176,127,115,112,114,121,127,127,123,123,133,183,189,194,196,194,186,178,135,189,204,212,215,209,196,183,134,134,135,183,196,207,207,202,137,134,137,137,133,135,135,127,126,137,191,196,199,194,190,189,194,202,207,209,209,207,204,202,202,199,194,191,191,191,191,191,189,181,137,181,181,178,178,186,194,194,189,186,186,189,194,194,191,191,191,191,189,189,189,191,196,199,199,196,191,189,189,191,194,196,196,199,202,199,194,189,183,186,194,199,202,199,199,199,196,191,191,196,199,189,127,111,106,115,191,199,194,189,189,199,204,207,207,207,202,196,191,186,183,181,182,186,199,204,202,196,191,139,186,199,204,202,202,202,202,199,199,199,202,199,198,199,204,202,199,194,137,121,121,137,186,196,207,207,202,196,186,133,137,191,202,202,199,196,196,194,194,194,191,186,182,186,189,191,194,191,196,204,202,186,135,139,194,202,207,204,202,202,204,207,209,209,215,217,215,212,204,203,203,207,212,217,217,217,215,212,207,202,199,202,202,202,204,209,209,204,204,204,204,202,199,199,196,194,196,199,204,204,204,204,199,199,196,194,194,196,199,202,199,199,199,196,192,192,194,196,196,199,204,207,207,204,202,202,204,207,207,207,209,207,204,202,202,204,204,204,207,209,207,202,196,202,202,196,190,190,192,196,202,204,204,204,202,199,195,194,194,199,207,209,209,207,204,204,204,204,202,202,202,199,194,186,183,183,189,199,202,199,191,189,194,196,199,199,204,207,207,207,204,204,204,204,204,203,202,203,207,209,207,207,209,212,209,204,202,199,200,207,215,212,207,204,202,204,207,207,204,207,209,209,207,207,207,207,204,199,191,189,191,196,199,204,209,212,212,209,204,204,207,209,212,212,207,204,202,194,186,182,183,186,191,194,194,196,199,196,194,194,196,196,191,183,182,186,191,196,196,196,194,191,196,199,202,202,194,186,183,185,189,194,194,194,194,196,196,196,196,199,202,204,202,194,191,191,194,194,189,185,187,196,204,207,207,204,196,189,187,191,196,194,189,189,191,196,196,196,194,191,191,196,204,212,215,217,217,222,217,217,217,217,217,217,228,233,235,230,222,215,217,225,230,233,233,228,217,209,215,222,228,225,217,212,209,209,212,209,207,215,220,217,215,209,204,204,215,225,228,228,225,225,225,222,217,215,217,220,212,203,203,209,220,215,204,137,121,122,137,202,209,209,202,191,183,127,125,133,183,183,183,189,194,191,189,189,189,189,191,194,202,202,194,135,128,129,135,183,191,199,202,199,202,199,196,194,194,196,199,199,194,191,189,191,196,199,199,196,199,199,199,196,196,196,202,207,209,209,209,209,207,204,204,202,202,202,199,199,196,199,202,202,196,196,196,191,183,181,182,183,182,183,186,189,191,194,199,199,196,194,199,212,222,228,228,230,230,238,246,251,255,255,255,255,254,255,255,255,255,255,248,241,0,0,243,228,209,207,212,215,0,0,0,0,228,233,0,0,0,0,0,0,0,0,212,204,194,189,0,0,0,0,0,0,0,196,189,173,0,142,139,142,144,144,139,134,131,131,131,137,147,155,0,173,186,199,212,225,228,225,217,217,217,225,235,248,251,246,241,243,246,251,255,255,255,255,255,255,255,255,255,255,212,204,204,204,199,196,194,191,189,196,222,228,207,186,186,0,209,235,254,251,230,207,0,0,202,191,176,166,165,166,170,173,176,186,202,215,222,215,207,196,194,0,0,0,0,0,220,202,186,186,181,163,142,131,131,134,139,0,0,0,0,0,0,0,0,0,0,0,0,233,228,228,230,233,228,212,202,202,207,212,215,222,0,0,235,246,251,251,251,251,241,228,215,204,194,141,131,123,119,121,133,145,204,222,230,0,238,241,243,241,238,246,248,248,248,248,248,241,225,215,215,212,208,207,215,228,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,186,178,170,168,168,176,183,186,189,191,189,186,178,174,176,178,178,183,191,196,196,196,202,202,194,186,181,183,186,186,186,186,189,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,199,204,199,196,168,21,0,0,13,39,113,124,124,93,97,95,87,79,89,142,150,152,155,157,163,168,165,159,160,168,164,161,163,176,189,196,196,194,194,194,194,194,194,196,196,196,194,196,202,204,204,204,204,204,202,196,191,191,186,173,125,125,129,168,123,117,113,109,111,115,113,112,113,123,121,75,44,42,99,101,105,123,170,178,189,196,191,181,176,173,125,124,127,129,129,170,173,178,186,194,194,181,122,121,125,129,173,170,125,124,125,127,129,170,176,178,181,189,196,196,183,130,128,131,176,173,129,176,131,107,100,102,131,204,207,204,202,198,198,198,198,199,204,204,204,204,204,207,209,209,209,207,204,204,209,209,209,204,202,202,204,207,209,209,209,207,207,207,204,204,202,199,195,195,199,204,202,189,141,191,202,207,204,199,196,194,189,187,187,187,191,196,194,186,183,185,189,191,194,194,194,191,190,190,191,194,196,199,194,190,190,191,194,196,199,202,202,199,194,186,181,183,186,189,187,187,187,189,191,194,191,194,196,196,191,189,186,189,199,111,61,61,109,168,31,0,0,7,6,0,2,107,189,189,176,176,183,191,194,194,194,181,168,176,186,189,191,194,186,127,122,127,178,181,173,127,126,127,173,176,178,176,176,183,196,202,194,129,129,183,191,189,183,183,191,196,194,189,191,191,181,173,173,176,178,176,178,183,178,170,127,125,123,127,176,181,181,178,178,186,189,186,183,178,173,173,176,176,181,181,173,170,173,176,176,128,126,127,129,173,176,178,176,170,127,121,112,108,109,111,111,115,121,111,106,115,183,194,196,199,199,196,178,123,117,119,168,173,121,111,113,108,105,115,170,123,118,121,173,176,168,121,125,173,178,178,173,173,181,189,194,196,194,186,183,186,189,189,186,186,183,183,183,186,189,189,183,178,178,176,181,183,186,186,186,186,183,178,181,186,199,202,199,194,194,199,204,199,119,83,87,119,178,194,199,199,189,115,127,181,178,105,103,113,115,105,89,105,183,196,199,196,199,204,207,209,209,207,202,194,191,189,189,183,181,183,191,196,196,194,191,178,176,170,123,117,111,119,127,170,125,121,125,170,183,196,194,178,170,176,191,207,202,103,0,60,178,183,186,185,185,186,191,191,190,190,191,194,199,202,196,176,123,123,127,127,168,176,178,178,173,170,176,173,170,173,125,100,109,119,121,125,173,176,173,165,165,181,191,191,183,123,119,118,125,186,199,199,191,170,159,173,170,168,189,194,165,66,70,95,119,123,121,121,119,111,79,83,165,170,77,79,125,173,173,123,117,123,178,181,170,117,112,117,127,176,183,189,181,124,121,125,186,194,194,194,183,114,117,181,196,202,202,202,202,207,207,204,199,189,173,125,127,129,127,129,170,178,181,178,173,178,189,191,189,183,181,181,183,189,196,199,196,189,181,178,178,186,196,199,199,199,207,215,215,209,204,202,202,202,202,202,202,202,202,202,199,196,194,191,189,183,131,123,123,133,189,191,183,178,133,181,191,199,202,207,209,207,204,202,199,199,202,202,204,204,204,207,204,194,181,178,178,179,183,183,181,181,181,181,181,183,189,194,194,191,191,194,194,196,196,199,199,199,199,196,191,189,189,183,176,129,131,176,178,176,176,170,127,127,170,173,173,173,176,176,173,168,127,168,170,127,119,117,127,178,186,183,178,183,191,191,189,189,191,196,199,199,196,194,191,191,189,187,189,194,194,194,194,194,191,189,189,189,135,178,186,194,196,196,199,196,194,189,186,189,191,189,183,182,189,196,199,199,196,194,194,194,194,194,194,196,202,204,204,204,202,191,181,183,191,194,196,194,191,189,186,189,191,194,196,196,199,199,189,111,103,115,135,191,196,196,199,202,204,204,199,196,199,204,204,204,207,207,194,131,67,75,89,127,189,194,199,202,199,191,183,133,128,129,132,176,181,133,127,130,194,204,209,207,194,137,131,133,181,191,199,204,204,204,202,199,196,196,202,204,204,209,209,202,143,140,143,196,194,192,192,196,199,196,195,194,196,196,148,148,196,207,215,222,225,222,212,204,220,228,225,212,208,209,212,212,211,212,217,222,220,217,215,212,209,204,194,186,191,189,186,194,204,204,194,176,105,119,183,194,196,196,196,199,199,202,202,202,202,199,196,194,191,191,191,186,178,134,134,176,181,176,129,127,178,189,191,189,191,191,186,176,127,131,178,176,119,114,114,119,125,125,123,125,178,186,191,191,194,194,189,178,133,183,204,215,215,209,199,183,131,130,135,189,202,209,212,202,127,128,135,181,137,137,133,124,125,137,191,199,199,196,190,189,191,199,207,212,209,207,204,202,199,196,194,191,191,189,191,191,189,131,128,131,135,135,135,186,194,191,186,186,189,191,196,196,194,191,189,186,186,186,186,186,189,196,202,202,199,194,189,191,194,196,196,196,199,196,194,189,183,186,194,199,202,199,196,199,196,196,194,194,196,196,135,105,102,107,191,199,194,187,189,204,212,212,209,207,204,202,194,189,186,183,183,186,191,194,191,183,133,116,123,194,204,204,204,204,202,199,198,199,204,204,199,199,204,207,202,194,186,183,189,194,191,196,202,202,204,204,199,191,186,194,204,207,207,204,202,199,202,199,196,189,186,186,191,191,191,191,194,204,207,202,191,194,199,204,204,204,204,204,204,204,207,209,212,212,212,209,207,204,204,207,212,217,222,222,215,207,202,199,199,202,202,202,199,202,204,204,202,196,199,202,202,202,202,199,196,195,199,202,204,202,196,191,191,191,196,202,204,202,199,199,202,199,196,194,194,196,199,199,204,207,207,207,204,204,207,207,207,207,207,207,204,202,202,207,209,209,207,207,202,196,189,194,202,196,191,189,191,194,202,204,207,207,204,202,196,195,195,199,207,209,207,202,202,204,204,202,199,199,202,202,196,191,185,186,194,202,204,199,191,187,191,194,196,196,196,199,204,204,202,202,202,204,204,204,204,207,212,209,207,207,209,212,212,209,207,202,202,207,212,212,209,209,209,209,209,207,207,209,209,212,209,209,209,207,199,191,186,185,189,194,202,207,207,207,204,204,204,207,207,209,209,209,209,207,202,194,189,186,189,191,194,196,199,199,196,191,190,190,194,199,196,186,181,181,183,189,191,194,191,191,194,199,202,202,199,191,186,185,186,191,196,199,199,196,194,194,192,194,199,202,202,199,196,194,191,189,187,186,191,204,209,209,207,202,196,187,186,189,196,196,194,189,189,189,191,191,191,189,191,199,207,215,217,217,225,225,222,222,222,222,222,228,233,238,238,235,230,222,217,217,222,228,228,220,207,204,212,225,230,228,220,215,212,215,215,209,207,207,212,215,220,225,225,225,225,230,228,225,222,222,225,222,222,222,228,228,222,215,209,209,215,209,199,139,129,131,199,212,209,202,183,123,111,111,121,181,189,182,181,183,189,186,186,186,183,183,189,199,204,199,183,129,127,127,129,135,186,196,199,199,202,202,199,196,194,194,194,194,191,186,185,187,196,202,202,199,199,196,195,194,195,196,202,204,207,207,207,207,207,207,207,204,202,202,199,196,196,199,202,202,202,199,196,191,183,182,186,189,183,183,183,189,191,194,194,194,196,202,209,215,217,215,220,228,235,243,248,254,255,255,255,255,254,255,255,255,255,251,238,228,0,0,235,222,204,203,212,225,0,0,0,0,217,217,0,0,0,0,0,0,0,0,209,202,191,186,0,0,0,0,0,0,0,0,189,176,0,142,139,142,144,139,134,131,129,131,131,134,142,150,0,173,186,199,212,225,228,217,213,213,220,230,238,248,254,251,246,246,246,248,254,255,255,255,255,255,255,255,255,255,238,222,212,209,204,196,191,187,183,187,217,235,225,204,207,222,228,251,255,251,212,190,0,204,217,207,183,170,168,170,176,178,178,183,194,207,212,207,194,183,183,194,209,0,0,0,228,207,191,183,176,160,147,139,134,134,137,0,0,0,0,0,0,0,0,0,0,0,0,230,225,228,230,230,225,207,196,196,202,209,215,222,0,0,243,251,254,254,251,251,241,228,215,204,194,186,137,131,125,129,139,145,149,204,215,228,233,241,243,241,238,241,246,248,248,251,248,238,222,209,212,209,207,207,215,233,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,100,157,191,194,186,168,163,176,181,186,191,191,189,186,186,183,181,181,183,191,196,199,199,199,199,196,189,178,173,170,170,168,160,116,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,168,144,103,33,0,37,67,39,43,85,129,137,137,97,91,85,85,97,147,157,160,160,157,160,160,160,163,176,183,176,165,165,176,186,194,196,199,199,196,194,194,194,196,199,199,196,199,202,202,199,196,199,204,202,191,183,178,173,127,125,126,168,168,123,117,109,107,108,115,117,112,111,119,168,109,41,22,48,95,115,123,165,173,186,189,183,174,176,178,170,170,178,173,170,173,173,176,181,186,186,178,124,123,129,178,186,183,129,125,129,170,170,170,173,176,181,189,196,194,181,128,128,176,189,186,129,125,117,107,109,181,199,207,207,204,202,199,199,199,202,204,207,207,204,204,204,207,209,209,207,202,199,199,202,207,207,207,204,207,209,212,215,215,212,209,209,209,207,207,204,202,195,194,196,204,199,141,136,138,189,199,199,199,196,194,191,191,189,189,189,189,189,185,185,185,189,191,196,196,196,196,194,191,191,194,196,196,194,190,190,194,196,196,202,204,202,196,189,179,174,177,191,194,191,187,186,186,189,191,194,196,199,194,191,191,194,196,194,105,73,70,77,75,17,0,0,8,17,23,65,183,194,189,186,183,189,196,202,204,202,189,176,186,194,191,194,199,189,123,119,119,121,123,127,168,170,170,170,170,176,176,176,183,196,199,194,170,129,181,181,178,181,191,199,204,202,196,196,196,189,181,176,176,181,181,181,181,176,129,127,170,178,181,181,181,178,177,178,189,191,186,181,176,170,170,173,178,186,183,170,173,181,178,129,126,125,127,173,178,181,183,183,178,170,125,117,112,112,115,113,121,127,117,107,115,178,183,186,194,196,196,183,168,121,121,173,183,170,119,111,101,96,109,165,170,181,189,181,176,170,125,170,178,181,178,173,172,176,181,183,189,189,183,181,183,189,189,189,186,183,183,186,186,189,186,183,178,176,176,176,178,181,183,183,183,183,178,177,181,194,202,199,194,194,199,202,191,89,63,89,119,176,191,202,196,129,28,29,186,191,101,82,81,95,103,121,181,194,202,204,204,202,202,204,207,207,202,196,191,191,191,189,182,179,181,186,194,199,196,183,131,127,125,125,123,123,129,127,117,106,107,121,173,189,202,189,168,168,181,202,215,199,60,0,65,183,186,186,186,186,189,191,191,190,190,190,191,196,196,194,129,119,120,125,170,176,176,176,176,165,125,176,176,168,168,123,111,125,173,123,123,173,183,181,165,165,181,189,186,176,119,117,119,168,186,196,196,183,163,161,178,183,191,207,212,202,99,71,85,99,107,115,117,104,85,82,89,170,176,108,112,176,176,123,116,116,123,178,178,125,112,110,115,170,181,186,189,176,124,125,131,183,191,191,183,131,116,129,186,194,199,199,196,196,204,204,199,194,181,127,121,127,178,181,178,176,176,173,127,128,181,194,196,191,181,176,131,131,178,199,207,202,189,178,178,183,191,199,202,199,199,207,215,215,209,207,204,202,202,202,202,199,196,199,199,196,196,196,194,191,186,133,121,119,127,186,191,186,135,124,135,194,199,199,202,204,207,207,204,202,199,202,204,204,204,204,204,199,189,179,179,179,183,183,181,181,181,183,189,191,191,194,194,194,191,191,191,191,194,196,194,194,196,199,199,196,194,189,183,131,127,128,129,127,123,123,123,123,125,129,173,173,173,173,176,176,173,170,173,170,125,117,119,170,183,186,183,178,183,189,189,189,189,191,196,199,199,196,196,194,191,187,187,191,194,191,189,189,191,189,186,186,183,134,133,181,194,196,196,199,202,199,189,183,183,186,186,182,181,183,194,199,199,199,196,199,199,196,194,194,196,199,202,204,204,196,181,135,137,189,194,194,191,186,185,183,186,191,196,199,199,199,199,137,117,121,181,186,191,194,196,196,199,204,204,202,199,199,202,202,202,204,204,189,131,87,89,115,181,191,196,199,199,196,186,178,132,130,133,178,181,181,133,127,129,186,199,202,196,181,131,130,137,191,199,204,204,204,202,202,196,192,191,194,199,202,204,207,199,143,141,145,199,199,196,194,194,196,196,195,195,196,194,148,148,149,204,217,225,225,222,215,204,212,222,225,217,215,215,215,212,212,215,217,222,222,220,215,209,202,202,199,196,194,194,196,204,209,202,133,103,75,89,125,189,196,196,196,199,199,199,202,202,202,199,196,194,194,194,194,191,186,181,178,178,176,125,116,115,123,181,189,189,189,189,186,178,173,173,181,183,129,119,115,115,119,121,123,129,181,189,191,191,194,194,191,183,181,194,207,215,212,207,199,186,132,131,137,194,199,204,207,191,123,127,137,189,189,181,126,122,127,183,194,199,202,199,194,190,191,199,204,207,207,204,204,202,199,196,194,191,189,189,189,189,186,130,127,131,137,135,137,189,191,191,189,189,191,194,196,194,194,191,186,181,181,186,186,183,183,191,199,202,202,196,191,191,196,196,194,194,194,194,191,189,183,186,194,199,202,199,196,196,196,196,194,189,191,194,186,119,105,113,189,196,191,189,191,207,217,215,212,209,209,207,199,191,189,186,183,182,183,183,183,135,117,109,112,186,202,204,204,207,204,199,199,202,207,207,199,196,204,207,207,202,196,196,196,194,194,196,199,199,199,204,204,202,199,202,204,207,207,207,207,207,204,202,199,196,194,196,199,199,199,196,199,207,209,202,196,196,204,204,204,202,204,204,199,196,199,207,212,212,209,209,212,212,212,209,212,217,222,222,215,207,199,196,199,202,202,199,198,198,199,202,196,191,191,199,204,204,204,202,195,195,196,202,204,199,194,190,189,191,199,204,207,204,199,202,204,207,202,199,199,202,202,202,202,204,204,204,204,204,207,207,204,207,207,207,204,202,202,209,212,209,207,202,199,191,142,189,196,199,196,194,194,196,204,209,209,209,207,204,202,199,196,202,207,207,202,196,199,202,202,199,196,196,202,204,204,199,191,191,196,199,199,196,189,187,189,194,196,196,196,196,202,204,202,200,202,204,207,207,207,212,217,212,207,207,209,215,217,217,215,209,207,209,212,212,209,209,209,209,209,207,207,209,212,215,212,212,212,207,199,191,187,186,186,191,202,207,207,204,202,199,199,202,204,207,207,207,207,204,196,187,189,196,199,194,194,196,202,202,196,191,189,190,194,199,199,191,182,181,182,183,186,186,186,189,191,196,199,199,199,196,191,186,186,191,196,199,199,196,194,192,192,194,196,202,204,207,207,204,202,196,189,189,199,209,212,209,204,202,196,189,187,191,196,196,194,189,187,187,187,187,189,189,191,202,209,215,217,222,225,225,225,222,225,228,230,233,235,238,238,235,233,225,217,217,222,222,217,207,194,147,204,222,230,225,217,215,217,222,217,212,207,205,205,212,222,230,230,230,230,230,228,222,220,222,222,220,222,228,230,228,222,222,222,217,209,199,186,139,183,199,217,222,212,196,119,97,96,101,123,191,194,186,182,183,186,183,181,181,179,178,183,196,199,189,133,128,128,129,131,137,186,191,196,196,199,202,202,199,199,196,196,194,191,186,185,187,199,204,204,202,199,196,192,194,196,204,207,207,209,209,207,207,207,207,207,204,202,199,196,194,194,196,202,204,202,199,196,189,183,183,186,191,186,182,182,183,191,194,194,192,196,204,212,215,212,212,215,228,241,248,254,255,255,255,255,255,255,255,255,255,255,243,230,220,217,228,230,217,204,204,215,0,0,0,0,0,225,215,0,0,0,0,0,0,0,0,204,196,189,186,0,0,0,0,0,0,0,0,0,176,157,142,139,142,142,137,129,129,131,134,137,139,144,155,165,176,189,202,215,228,228,217,212,212,215,228,238,248,254,254,254,251,248,251,0,255,255,255,255,255,255,255,255,255,255,243,225,215,209,202,194,189,183,183,207,0,0,0,241,254,255,255,255,233,196,187,190,204,230,217,191,178,178,183,189,189,186,183,189,199,207,204,194,183,182,189,207,225,238,238,222,202,194,186,181,168,155,144,137,137,0,150,0,0,0,0,0,0,0,0,0,0,0,230,225,230,233,230,222,204,191,189,194,202,209,217,0,0,248,251,254,254,254,251,238,225,215,204,196,191,189,141,137,141,194,194,145,147,202,217,230,238,243,241,235,238,243,248,248,251,248,238,222,209,209,209,208,209,222,233,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,144,160,186,194,191,168,159,176,181,189,194,189,183,183,186,189,186,186,189,194,199,199,202,202,202,196,189,181,170,157,134,103,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,74,0,0,0,7,51,35,43,116,134,144,142,97,89,91,99,144,163,170,173,165,163,160,163,165,170,181,189,186,178,173,178,186,191,196,199,199,196,194,194,194,196,199,202,199,202,204,199,194,194,196,199,199,186,173,129,127,126,126,129,176,176,168,119,113,109,115,125,168,119,110,113,178,191,115,59,49,85,117,123,125,168,176,181,178,173,176,183,181,181,186,176,170,173,176,176,176,181,186,183,173,125,129,176,189,194,181,176,181,181,176,170,170,173,178,186,194,189,173,126,127,176,194,202,129,121,115,119,189,204,207,207,207,204,204,204,204,207,209,209,209,209,207,204,204,204,207,207,202,199,198,198,199,204,204,207,207,207,212,215,215,215,212,209,204,202,204,207,207,204,199,196,199,202,196,141,136,137,186,194,196,196,199,199,196,194,194,191,187,189,189,186,186,189,189,191,196,199,199,196,194,191,191,194,196,196,196,194,194,196,199,199,202,202,196,194,191,181,174,176,191,199,196,191,189,187,189,191,196,199,199,194,191,194,194,194,189,93,77,89,103,97,81,69,75,107,176,186,194,196,196,194,199,194,194,199,199,199,194,181,176,186,194,194,199,202,189,123,121,121,122,122,125,173,178,178,170,127,129,173,176,186,196,194,181,127,170,176,168,165,173,191,204,207,207,202,196,194,191,186,181,178,176,178,178,176,170,125,125,178,194,194,186,181,178,178,181,189,189,183,176,127,123,125,170,183,194,183,170,181,191,181,170,128,129,178,189,191,194,194,194,189,186,178,173,127,129,170,170,176,176,117,106,110,123,127,176,186,194,194,186,168,121,119,123,176,176,165,115,101,98,123,173,178,191,194,183,176,170,127,178,181,178,176,176,176,178,176,173,178,183,178,178,186,189,191,191,189,183,183,183,186,186,183,181,178,176,176,133,133,176,178,181,183,181,178,177,178,189,196,199,196,194,199,204,196,91,63,99,121,176,196,209,209,173,20,0,43,103,119,103,87,95,119,186,196,202,202,204,204,204,202,204,204,202,199,194,194,196,199,196,191,183,182,183,191,202,202,181,115,101,93,109,125,170,173,125,107,100,103,123,181,194,204,191,173,173,189,207,217,173,26,0,83,189,189,189,189,189,191,194,194,194,194,191,191,191,191,189,125,120,121,168,181,189,186,173,127,119,119,173,176,168,165,125,165,189,183,119,115,125,178,178,125,125,181,183,178,173,123,121,165,181,189,191,191,181,164,164,176,186,199,204,204,196,115,93,67,62,89,168,170,105,87,105,170,178,181,189,183,178,173,121,117,119,123,173,178,127,112,110,119,176,186,191,194,191,186,181,173,173,181,178,131,127,129,186,196,199,199,199,195,195,202,204,196,186,173,121,119,125,178,183,176,176,178,131,123,123,178,194,194,191,183,173,128,127,129,194,204,202,189,177,177,181,191,199,202,202,202,207,215,215,209,207,204,202,202,202,199,196,194,196,196,196,196,199,199,199,194,181,124,120,125,183,189,181,127,108,122,189,196,196,196,199,204,204,204,202,202,202,204,202,202,199,199,194,183,179,181,186,189,189,186,183,183,189,191,196,196,194,194,191,191,191,191,194,194,196,194,194,194,196,199,196,194,189,181,173,129,129,129,123,119,119,119,120,122,125,170,173,173,173,173,178,178,178,176,170,123,117,121,173,183,183,181,178,181,183,186,189,191,191,194,196,196,196,196,194,191,187,189,191,191,183,181,183,189,189,189,186,183,134,133,178,191,196,196,202,209,209,199,186,185,186,186,183,182,186,194,199,199,196,194,199,202,196,194,194,194,199,202,202,199,191,137,134,137,189,194,194,191,186,185,185,186,191,196,199,199,199,194,125,117,135,191,191,191,191,191,194,196,202,204,202,196,194,196,199,194,189,181,176,131,127,131,178,186,191,194,196,199,199,191,181,176,176,186,194,191,191,186,135,133,186,196,196,191,135,130,131,186,199,204,204,199,196,196,196,199,194,191,192,196,199,202,202,196,189,143,191,196,202,202,202,199,199,202,204,204,202,199,149,149,196,207,217,225,225,225,222,207,204,212,222,222,222,220,217,215,217,220,217,215,217,220,217,207,199,199,202,204,199,196,199,204,199,133,103,82,74,84,123,189,196,199,199,199,198,198,198,199,199,199,199,196,196,196,196,194,191,189,186,183,133,119,114,113,119,178,186,183,186,186,186,186,181,178,181,183,173,123,115,109,111,115,121,129,181,191,194,196,196,199,199,194,194,202,207,209,209,207,202,194,137,135,186,196,199,199,199,186,131,134,186,194,194,183,126,124,133,189,196,202,204,204,196,191,191,194,199,199,199,199,202,202,199,196,194,191,189,186,186,186,189,137,133,183,186,181,183,191,194,191,191,194,194,196,194,191,191,191,183,131,131,181,186,183,183,189,196,202,202,196,196,196,199,199,194,191,189,186,186,183,183,186,194,202,202,196,196,196,196,196,194,189,186,186,186,186,127,131,189,194,194,191,194,207,217,217,215,215,215,212,204,196,191,189,183,182,181,182,183,139,127,113,117,186,199,199,199,199,204,202,202,204,209,207,199,194,199,207,207,204,202,199,196,194,199,202,202,199,198,202,207,209,209,207,204,207,207,209,209,209,207,202,202,202,202,204,204,207,204,204,207,207,204,196,191,196,202,204,202,199,199,199,189,139,189,202,212,215,212,209,215,217,217,215,215,217,222,222,217,207,196,194,196,199,199,199,198,198,199,199,194,190,191,199,204,204,204,202,196,196,204,207,207,199,194,190,190,194,199,207,207,207,204,207,209,209,207,204,207,207,207,204,202,202,199,199,199,202,204,204,204,204,207,207,207,204,204,209,212,207,202,199,196,189,141,141,191,202,207,207,204,202,207,209,209,209,207,207,204,202,202,202,204,204,199,195,195,199,196,194,192,196,202,207,209,204,199,196,196,194,194,191,189,189,191,196,199,199,199,199,202,204,202,200,200,202,204,204,207,212,215,209,204,204,209,217,220,222,217,212,209,212,212,209,209,212,215,212,209,209,209,212,212,212,212,209,207,204,199,196,194,189,186,189,199,209,209,207,199,194,194,199,202,204,204,207,209,207,196,187,189,196,199,194,194,196,196,199,196,191,190,191,196,202,199,194,186,183,183,186,183,183,183,186,189,191,194,196,199,199,196,189,186,189,194,199,196,194,194,192,192,196,199,202,204,207,212,215,212,204,194,189,199,212,215,209,207,204,199,194,191,194,196,194,189,189,189,189,189,189,191,189,191,202,212,215,217,222,228,228,225,225,228,230,233,235,238,235,235,233,233,230,225,225,230,225,215,199,145,145,199,217,225,222,215,217,222,225,222,217,212,207,205,212,222,228,225,222,222,225,222,222,220,222,218,217,218,230,233,228,222,225,228,222,209,191,135,135,191,207,217,217,209,189,103,92,93,101,121,186,194,189,183,183,183,179,177,178,178,178,181,191,194,181,131,129,131,135,183,186,189,189,191,194,199,202,204,204,202,202,199,199,196,194,194,196,204,207,207,207,202,196,194,194,202,209,215,215,212,209,207,204,202,202,202,202,199,199,196,194,191,194,196,199,196,194,191,186,182,182,186,191,189,183,182,183,191,196,196,194,196,202,209,212,215,217,222,230,243,254,255,255,255,255,255,255,255,255,255,255,251,241,233,225,222,225,222,209,202,204,212,0,0,0,0,0,0,222,0,0,0,0,0,0,0,0,202,191,189,0,189,186,176,165,165,0,0,0,0,168,0,139,134,139,139,134,126,126,129,134,137,139,147,157,168,178,189,204,222,233,233,225,215,212,213,220,233,246,254,255,255,255,255,255,0,255,255,255,255,255,255,255,255,255,255,251,225,212,209,204,199,196,187,185,194,0,0,0,255,255,255,255,241,207,190,189,194,209,230,217,194,0,0,0,204,199,191,183,183,0,0,207,202,194,189,194,199,209,217,220,209,194,189,186,186,178,0,147,139,0,0,165,0,0,0,0,0,0,0,0,0,0,0,0,228,230,233,230,222,204,191,186,189,189,196,204,222,235,243,248,251,251,251,248,238,225,215,204,196,199,204,199,145,194,204,202,145,144,151,215,230,238,241,238,233,235,243,248,251,251,248,241,225,215,212,215,215,217,228,235,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,108,142,178,183,178,163,159,170,178,189,191,183,178,179,183,186,189,189,191,194,196,199,202,204,207,199,191,186,173,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,13,0,0,0,0,9,21,43,118,139,147,137,91,88,101,150,165,178,183,181,168,163,163,163,165,165,170,176,181,176,173,176,181,186,191,199,199,196,194,194,194,196,199,202,202,202,202,196,191,191,194,196,191,178,129,126,126,126,127,173,186,183,173,123,115,113,121,173,178,178,168,170,196,209,209,199,83,87,109,123,165,125,125,173,178,174,176,183,183,183,181,170,169,170,176,176,176,181,186,189,183,129,124,125,176,189,189,191,196,194,183,176,173,173,176,181,186,178,131,130,129,131,176,178,129,125,123,133,196,204,204,204,207,207,204,207,207,212,215,215,212,209,207,204,204,204,204,204,202,199,199,202,202,204,204,204,204,204,207,209,212,209,209,204,194,192,196,202,207,207,202,199,199,199,196,189,141,141,191,194,194,196,202,204,199,196,194,191,187,189,189,189,189,191,191,191,191,194,196,196,194,191,191,191,194,196,196,194,196,196,199,199,202,199,194,191,196,191,179,179,189,196,199,196,194,191,191,194,199,202,199,194,191,191,183,170,65,41,37,77,181,194,196,204,204,194,194,196,196,196,196,202,202,199,199,199,196,191,186,176,170,178,189,196,204,207,196,178,178,189,186,170,127,173,181,183,170,125,125,127,170,181,189,183,129,127,178,181,168,165,170,189,199,202,204,199,186,183,186,186,183,173,166,166,173,173,125,117,119,178,196,196,186,181,181,181,183,186,183,178,129,119,116,119,129,183,189,176,170,181,183,178,178,176,181,189,196,199,196,196,199,196,194,189,181,178,178,178,181,181,168,109,106,109,117,121,127,173,181,181,173,121,117,114,113,121,173,173,123,115,123,183,173,176,181,183,181,176,170,168,181,181,176,176,178,183,183,176,130,176,181,178,178,186,191,191,191,186,183,181,183,183,181,178,178,176,133,133,130,129,130,133,178,183,183,181,178,181,186,191,196,194,191,196,204,199,117,82,109,123,181,202,215,220,202,33,0,0,0,111,178,111,115,183,191,204,207,204,202,204,204,202,204,204,202,196,194,196,202,207,204,202,194,189,186,191,202,202,183,91,75,71,86,123,170,176,170,115,103,106,170,183,191,196,194,186,191,202,212,209,95,19,37,119,196,196,194,194,191,191,194,196,196,194,194,191,191,191,189,129,123,124,170,186,196,194,170,121,116,117,168,173,168,125,125,173,189,170,106,106,113,123,165,121,121,173,176,168,168,168,173,183,191,191,186,186,181,165,161,165,178,191,191,186,178,113,95,19,11,69,183,176,111,115,170,181,176,178,189,183,170,165,123,125,168,170,173,178,170,119,115,127,181,189,191,196,204,207,202,176,125,125,125,124,127,183,196,202,202,202,202,199,196,202,202,196,186,131,120,119,121,129,173,173,178,189,186,127,126,178,189,189,189,183,176,128,127,129,181,194,196,189,178,177,183,191,199,204,204,207,209,215,215,212,207,202,202,202,202,199,194,192,194,194,194,196,199,202,202,196,189,135,125,129,181,189,181,125,108,119,181,191,191,191,194,199,199,199,199,199,202,202,199,196,196,196,194,186,183,186,189,191,189,186,183,183,186,191,194,191,191,189,189,189,191,191,194,196,199,196,194,191,191,194,191,189,181,178,176,176,178,178,131,125,122,122,123,123,125,129,170,173,173,178,181,181,183,181,173,125,121,125,176,181,181,181,178,181,183,186,191,191,191,191,194,196,196,196,194,191,189,191,191,186,131,129,178,189,191,191,191,189,135,134,181,191,194,196,202,212,215,207,196,191,191,191,189,189,191,196,199,199,196,194,196,196,191,189,189,191,196,199,196,194,189,137,136,181,189,194,194,194,189,189,189,191,194,199,202,199,199,186,114,115,183,194,196,194,191,191,194,199,204,207,202,196,191,194,196,191,181,176,176,178,181,183,191,194,194,196,199,204,204,202,194,183,178,191,204,207,204,202,194,186,189,194,191,191,181,133,137,189,202,204,202,199,195,195,196,202,199,194,194,196,196,196,196,191,191,191,191,191,199,204,207,207,204,204,209,212,207,202,199,196,202,209,222,228,225,228,228,215,204,204,217,225,225,217,215,217,222,222,217,213,213,217,217,212,204,202,207,204,199,194,194,191,176,107,91,87,85,105,129,191,202,202,199,198,198,198,198,198,198,199,199,199,196,196,196,194,194,194,191,186,133,121,117,118,127,178,178,176,181,186,186,186,183,181,178,178,131,123,113,106,106,109,117,125,176,189,196,199,202,204,204,202,202,204,207,207,207,209,207,199,186,186,194,199,199,196,194,186,137,183,191,196,199,186,127,126,135,189,199,204,207,204,196,191,191,191,191,194,194,196,196,196,194,194,194,194,191,189,186,186,191,189,191,196,196,191,191,194,194,194,194,194,196,196,194,191,191,191,181,123,121,133,181,183,183,189,194,196,199,199,199,202,204,199,191,186,181,137,136,137,181,186,194,202,202,196,196,196,194,194,196,194,186,183,186,194,191,189,191,196,196,196,199,209,217,217,217,217,217,215,207,199,196,191,189,183,182,183,189,191,186,129,133,186,191,194,191,194,199,202,202,204,207,204,196,191,196,202,202,202,199,199,199,199,204,207,207,202,199,199,207,212,209,202,202,204,209,209,207,204,204,202,202,204,207,207,204,207,209,209,209,207,199,191,190,191,199,202,199,194,194,191,139,136,139,196,207,212,212,212,215,222,225,222,217,217,217,217,217,209,196,192,194,194,196,199,202,199,199,199,194,191,194,202,207,207,204,202,202,204,209,209,207,202,196,194,194,196,202,204,207,207,209,212,215,215,209,209,209,212,212,207,202,196,194,194,194,196,204,204,204,204,207,209,209,207,209,209,209,204,199,199,196,191,141,140,143,202,212,215,209,207,207,209,207,207,207,207,204,204,204,202,202,204,202,195,195,196,196,194,192,194,202,209,209,207,204,202,199,194,191,191,194,196,196,199,199,202,202,204,207,207,204,200,199,202,202,199,199,204,204,202,199,202,209,215,217,217,215,209,209,209,209,207,207,212,217,217,215,212,212,212,212,209,204,199,196,194,196,199,202,199,191,191,199,207,209,204,194,191,192,196,202,204,204,204,207,207,204,194,189,189,191,191,194,196,196,196,196,191,190,191,196,202,202,196,189,183,183,186,186,183,183,186,189,189,191,194,199,202,196,191,186,186,191,194,194,194,194,194,196,202,204,202,202,204,207,212,212,204,191,187,194,207,212,209,207,207,207,202,196,196,191,189,187,189,194,199,199,199,196,191,191,202,212,215,217,225,228,230,228,228,228,230,233,235,235,235,233,233,235,235,233,235,241,235,217,202,147,146,202,215,217,212,212,215,222,222,225,222,217,212,212,215,222,225,217,216,215,216,217,217,222,225,222,218,218,228,235,233,228,228,228,222,209,191,127,123,183,199,207,209,204,183,101,93,96,107,121,135,189,186,182,183,183,178,177,178,183,183,186,189,189,181,133,133,137,183,189,191,189,186,189,194,202,204,204,204,204,202,199,199,202,204,209,212,212,212,212,212,207,202,196,196,204,212,215,215,212,209,207,202,199,196,196,199,199,199,199,194,189,186,186,189,189,189,189,183,182,182,183,189,191,189,186,186,194,199,199,196,194,199,204,209,215,220,225,230,243,248,254,255,255,255,255,255,255,255,255,254,248,243,235,230,228,222,207,194,191,199,0,0,0,0,0,0,238,225,217,0,0,0,0,0,0,0,199,189,186,186,189,183,170,0,163,0,0,0,0,0,147,134,129,131,134,129,124,121,121,126,131,105,147,157,168,176,186,199,217,233,238,235,230,225,220,222,233,246,254,255,255,255,255,255,0,255,255,255,255,254,255,255,255,255,255,238,207,205,207,204,204,204,199,187,189,0,0,0,255,255,255,248,220,199,191,191,199,209,217,207,191,0,0,0,217,207,194,181,0,0,0,217,212,207,202,199,196,196,199,204,199,189,183,183,186,181,168,0,144,0,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,217,207,199,191,183,178,178,183,196,212,228,233,238,243,246,243,235,228,217,207,199,207,217,209,196,196,207,202,145,144,199,222,233,238,241,235,228,228,241,248,251,254,248,241,228,215,209,217,225,230,235,238,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,92,116,163,168,163,160,160,165,173,183,186,181,181,183,189,189,189,191,191,194,196,199,202,204,207,196,186,178,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,15,0,0,0,0,0,0,0,3,23,57,124,144,150,142,91,91,150,165,170,183,186,178,165,160,160,157,160,163,168,170,170,170,170,173,176,178,186,194,196,196,196,196,196,199,202,204,202,199,196,194,191,194,194,194,183,173,127,129,129,129,168,173,181,181,173,125,115,113,117,165,173,186,191,194,204,209,207,196,165,103,113,125,168,125,122,127,181,181,181,183,186,183,176,169,168,170,176,176,176,181,186,191,189,176,125,124,129,181,189,196,199,199,191,183,176,173,173,173,131,131,176,191,191,176,129,128,129,129,131,181,196,202,202,204,204,207,207,207,209,212,215,217,215,212,209,209,207,207,204,202,199,202,204,207,207,207,207,204,202,202,204,204,207,209,209,202,192,191,192,199,204,204,202,196,196,196,196,196,194,194,194,194,191,196,207,207,204,196,191,189,189,189,191,194,194,196,194,189,189,189,191,191,191,189,189,189,194,196,194,192,192,194,196,196,196,196,191,191,196,196,189,186,191,196,199,199,196,199,196,196,199,202,196,191,191,186,170,107,58,45,41,73,196,209,209,209,202,196,196,202,202,196,196,196,196,194,199,196,191,186,183,176,165,123,173,196,207,207,199,196,199,202,196,178,168,173,181,183,173,127,125,123,121,125,170,129,123,170,189,189,173,169,178,189,189,194,199,196,179,178,182,186,186,176,165,164,169,170,121,115,118,176,189,189,183,181,181,183,183,181,176,173,127,117,114,119,173,183,178,129,170,173,176,178,183,183,183,191,196,196,194,194,194,194,194,191,186,183,181,178,178,181,119,109,115,121,123,125,123,117,117,115,119,115,115,114,113,115,165,173,165,125,168,168,119,125,173,176,181,176,127,125,176,176,170,173,178,183,181,173,129,176,183,181,178,183,189,189,189,186,181,179,181,183,181,176,133,131,131,131,130,129,129,133,181,183,186,186,186,186,186,189,191,189,186,191,199,199,178,113,123,170,186,202,209,215,212,77,0,0,0,75,123,123,170,186,196,209,212,204,202,202,204,204,204,202,196,194,191,196,202,207,207,204,199,196,194,199,204,199,131,84,75,75,99,121,129,176,181,173,121,123,176,181,178,178,189,194,202,212,209,176,81,46,97,127,194,202,202,199,194,191,191,194,194,194,194,194,196,194,189,170,127,168,170,181,194,191,173,119,116,118,168,176,170,124,124,170,178,107,101,106,115,123,125,121,121,170,173,165,165,173,181,194,199,191,178,178,181,168,160,164,176,181,178,178,173,109,41,11,15,85,111,76,76,123,173,170,163,173,183,178,123,122,123,170,181,186,183,181,178,176,170,176,181,183,189,194,204,209,204,183,124,122,123,124,131,186,196,204,204,202,202,199,194,194,194,194,186,173,125,121,121,125,129,178,191,196,194,181,173,181,183,186,186,186,178,131,129,133,178,186,191,189,181,181,186,189,194,202,207,212,212,212,212,209,207,202,202,202,202,199,194,191,192,194,194,196,199,199,199,196,191,189,178,133,181,191,186,129,122,124,135,186,186,186,189,194,194,194,196,199,202,202,199,195,195,196,196,194,191,189,189,186,186,183,181,181,183,186,189,186,186,186,186,189,191,194,196,199,199,196,191,189,186,186,186,183,178,178,181,183,186,189,183,181,183,181,178,173,170,170,173,176,181,181,183,183,183,181,176,129,127,129,176,178,178,181,178,181,186,191,191,191,191,191,194,196,199,199,196,194,194,196,191,181,122,121,129,181,191,194,196,194,181,178,183,191,191,194,199,207,209,209,207,202,196,194,194,194,191,189,191,196,199,196,194,186,179,179,183,186,191,196,194,189,186,183,183,186,191,196,196,191,189,189,189,194,199,202,202,199,194,133,112,117,191,199,202,199,196,194,196,202,207,207,202,194,189,189,191,191,186,186,189,189,186,189,196,199,199,202,207,212,212,207,196,178,133,189,209,215,215,212,204,191,189,189,186,186,186,183,183,194,204,204,204,202,199,196,199,204,202,196,194,196,196,194,191,189,190,191,191,190,194,204,209,207,203,203,207,212,209,207,204,204,207,215,225,230,230,230,235,225,207,202,217,228,228,222,217,217,217,217,215,213,213,215,217,212,209,209,207,202,186,133,129,127,105,81,85,107,117,125,176,189,202,204,202,199,199,199,199,198,198,199,199,199,199,199,196,194,194,194,191,189,178,129,123,123,131,178,178,173,178,183,183,183,183,181,176,129,127,123,115,107,105,107,113,117,125,178,191,199,202,204,204,204,204,204,204,204,209,212,207,194,186,189,194,199,199,194,189,186,186,191,191,196,202,191,135,133,183,191,199,202,207,204,199,191,191,191,190,191,194,196,194,191,191,194,194,196,196,194,191,191,194,196,199,202,202,202,199,196,194,191,191,191,196,196,196,196,196,196,186,119,117,125,137,183,183,189,194,196,199,199,199,202,204,199,189,181,136,136,135,136,181,186,194,202,202,196,194,194,194,194,194,194,189,186,191,199,199,196,196,199,202,204,207,212,217,217,217,217,215,212,209,204,196,194,194,189,186,186,191,194,186,137,135,137,183,186,189,189,196,202,204,207,207,204,196,191,189,191,194,196,196,194,196,202,207,207,207,202,196,196,202,204,202,194,194,199,207,207,202,202,202,199,202,207,209,209,204,204,207,209,207,204,199,194,191,194,202,204,199,191,191,191,186,137,139,189,196,204,209,212,215,217,217,222,222,222,217,215,215,209,199,196,194,192,194,199,202,202,202,196,191,194,196,202,207,207,202,202,204,207,209,207,207,202,199,199,202,202,202,202,204,207,212,215,217,215,212,209,209,212,209,204,199,194,192,192,192,196,202,204,202,204,204,207,209,209,209,209,207,204,202,202,199,194,143,142,191,204,215,215,212,209,207,207,204,204,204,204,204,207,204,202,202,207,209,202,196,199,196,194,194,196,202,207,209,207,207,207,204,199,196,196,199,202,202,199,194,194,199,204,207,209,209,202,202,202,202,198,198,199,196,194,195,199,207,212,215,215,212,209,209,209,209,207,204,209,217,217,215,212,212,212,209,204,199,189,141,142,191,202,204,204,199,196,196,202,207,204,194,190,191,196,204,204,202,199,202,204,207,202,194,187,187,194,199,199,199,199,196,194,191,194,199,202,199,194,183,135,135,183,186,186,183,186,186,186,186,189,194,199,196,189,185,185,189,191,194,196,196,199,204,209,209,204,202,202,204,207,207,199,189,187,191,202,209,207,207,207,207,204,196,194,189,187,189,191,196,199,204,204,202,194,191,202,209,212,217,225,228,228,228,230,230,233,233,233,233,233,233,235,235,235,235,238,241,230,215,202,149,147,196,207,207,207,207,215,217,220,225,228,228,220,215,217,222,222,217,216,215,215,216,222,228,233,230,225,225,230,235,235,233,228,222,215,207,194,119,109,119,133,186,199,199,186,105,97,101,117,129,181,189,183,181,182,183,181,181,186,194,196,194,194,191,189,183,181,183,181,183,186,186,186,189,194,202,204,204,204,202,202,199,202,204,212,217,222,220,217,217,217,215,209,204,202,204,207,207,207,209,209,204,199,194,194,194,196,196,199,199,194,189,183,182,182,189,191,189,186,183,183,186,189,194,191,189,191,194,196,196,196,194,199,207,207,209,212,215,222,233,241,243,251,254,254,251,251,254,255,254,251,246,238,233,228,225,215,199,189,186,196,0,0,0,0,0,0,230,215,215,0,0,0,0,0,0,204,194,183,183,183,183,178,0,0,157,168,0,0,0,0,0,139,131,129,129,124,118,116,89,91,97,137,144,155,163,170,178,191,212,233,243,246,246,243,241,235,241,248,254,255,255,255,255,255,0,255,255,255,255,248,254,255,255,255,255,220,202,203,207,207,207,212,209,196,189,194,0,0,255,243,238,235,228,212,202,196,199,204,204,196,0,0,0,0,228,212,194,178,178,0,0,225,217,212,209,204,196,191,191,196,194,186,181,181,181,178,0,150,144,0,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,217,212,207,199,186,173,168,165,0,178,191,202,215,228,235,235,230,225,222,209,204,212,225,217,199,194,199,149,144,145,204,225,235,238,238,233,225,225,238,246,254,254,248,238,222,207,202,212,230,235,238,238,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,100,100,142,152,155,155,157,160,168,176,181,183,189,194,196,194,194,194,194,194,196,196,196,199,196,183,160,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,51,19,0,0,0,0,0,51,51,63,108,129,144,150,144,144,150,173,176,170,176,176,170,168,168,160,117,115,163,170,173,165,165,168,170,173,173,176,183,189,194,194,196,199,202,204,204,199,191,186,191,194,196,196,191,176,170,129,173,173,173,170,173,176,178,176,168,121,113,113,117,125,183,194,196,202,202,196,186,170,123,165,168,168,125,123,168,186,191,189,191,191,189,181,176,170,173,176,176,178,181,183,186,186,181,181,173,173,181,186,191,196,196,191,186,181,176,170,129,129,131,186,212,212,189,133,129,128,131,178,183,199,204,202,202,204,207,207,207,209,209,212,215,215,212,212,209,212,209,207,204,202,204,209,209,209,207,207,207,204,202,202,202,204,207,209,207,196,194,196,202,202,202,196,196,196,196,196,199,202,199,194,191,191,196,207,209,204,196,191,189,189,191,194,196,196,196,194,189,186,186,189,189,186,186,186,189,196,196,194,192,192,192,194,194,196,196,194,191,194,196,194,194,194,196,199,199,199,199,199,199,199,199,194,186,186,183,173,111,115,173,121,115,196,207,204,204,199,196,196,199,202,199,194,191,183,186,194,191,186,183,181,173,119,106,109,183,202,199,196,199,202,199,189,176,173,176,181,181,178,170,125,121,115,115,119,119,119,129,186,186,176,176,183,189,187,191,199,199,179,178,182,189,189,186,178,170,173,173,125,118,121,176,183,181,179,181,186,186,186,178,170,170,170,121,118,170,186,189,176,129,170,129,127,181,189,186,183,186,191,191,191,191,191,191,194,191,189,186,183,176,121,117,107,108,127,170,127,127,121,112,111,111,115,115,115,115,115,117,165,173,165,123,119,106,110,121,170,176,181,176,125,123,127,127,127,129,173,176,173,130,130,178,186,181,178,181,186,183,186,186,181,181,181,181,181,178,133,131,133,176,176,131,131,178,186,189,189,191,191,191,186,186,186,186,185,189,196,202,191,173,176,183,191,196,194,199,204,99,73,31,11,111,127,176,186,189,204,209,209,202,199,202,204,202,202,199,194,190,190,194,202,207,207,202,199,202,204,204,204,196,113,86,87,109,119,123,129,183,189,189,183,181,181,176,121,120,178,189,202,212,207,105,83,91,111,125,189,199,202,199,194,190,190,191,191,191,196,199,202,196,183,127,129,170,170,176,189,191,181,123,118,123,173,183,178,125,124,173,173,106,104,121,168,170,170,165,121,168,176,166,166,178,183,196,202,189,168,170,178,176,168,176,181,178,170,176,181,117,67,67,99,103,71,45,70,181,170,113,117,176,186,181,125,120,122,173,189,196,191,183,186,191,181,178,176,176,178,186,199,204,199,183,125,123,127,131,173,183,194,202,202,196,194,191,183,178,181,186,186,181,173,131,127,127,173,191,196,196,194,186,178,181,186,186,186,183,181,173,133,176,176,183,189,189,186,186,189,189,187,194,207,212,212,209,209,207,204,204,202,202,202,199,192,191,192,194,194,194,194,196,196,194,191,194,189,178,178,189,186,178,178,133,133,135,181,183,189,191,191,191,196,202,204,202,199,196,196,199,199,196,194,191,186,183,181,178,133,176,181,186,186,186,183,183,183,189,191,196,199,199,196,194,189,183,181,181,183,183,181,181,186,189,189,189,186,183,186,186,183,181,178,178,181,186,189,189,186,183,183,181,176,173,173,173,176,176,178,183,181,183,189,191,194,191,191,194,199,202,202,202,199,196,196,199,191,178,120,119,123,135,186,191,196,196,186,183,189,189,191,191,194,196,202,204,207,204,199,196,196,191,178,131,135,191,202,202,194,181,176,177,181,186,191,194,191,186,186,186,189,189,194,196,196,189,183,181,183,194,202,202,202,199,191,125,113,131,202,207,207,204,202,199,202,204,207,204,196,191,189,189,189,189,189,191,191,191,191,191,196,199,202,204,209,215,215,202,178,123,127,191,209,215,222,217,209,189,183,181,131,137,189,189,191,196,204,204,204,207,204,202,199,204,202,194,191,194,196,194,190,189,189,191,191,191,191,202,209,209,203,202,204,209,212,209,209,212,215,225,230,235,233,230,238,230,209,203,220,230,230,228,222,217,215,213,213,213,215,217,215,212,212,215,209,199,119,103,99,93,69,55,75,121,127,129,133,181,194,199,199,196,199,202,202,199,199,199,199,202,202,199,196,194,194,191,191,189,183,176,129,127,131,176,176,173,176,178,178,178,178,178,173,125,125,125,121,113,107,109,111,113,119,131,186,196,199,202,204,202,202,202,202,207,209,212,204,191,186,191,191,194,194,189,181,183,194,196,191,189,196,194,189,191,191,194,196,199,204,204,202,196,196,194,191,194,199,199,194,190,190,191,196,199,199,199,199,196,196,199,202,204,204,207,204,199,194,191,189,189,191,196,199,202,202,204,194,119,115,121,137,183,189,191,196,202,202,202,204,204,202,194,183,137,136,137,137,137,181,186,194,199,202,199,194,194,191,191,189,187,189,194,199,202,202,196,196,199,204,209,209,217,217,215,212,212,212,215,212,207,194,194,194,191,189,189,191,191,183,135,133,133,135,186,189,191,196,204,209,209,209,204,199,191,186,186,189,194,194,194,194,199,204,202,199,196,194,191,191,194,194,183,139,191,202,204,202,199,199,198,199,207,212,209,204,204,204,204,204,202,202,202,199,199,204,207,202,194,194,196,196,189,143,143,143,194,204,212,212,209,212,217,225,225,217,212,209,204,202,199,196,194,192,194,199,202,199,191,189,191,196,199,202,202,196,196,204,207,204,202,202,202,204,204,207,207,204,204,204,207,212,217,217,215,212,209,209,209,204,202,196,192,194,196,196,199,202,202,202,202,204,207,207,207,207,204,204,204,207,209,204,199,194,194,199,209,215,212,209,209,207,202,202,202,202,202,204,204,204,202,202,209,212,207,202,202,199,196,196,199,204,209,207,207,207,207,207,202,199,199,202,204,202,196,191,191,194,202,209,212,212,207,204,207,207,204,202,199,195,194,194,199,207,212,215,215,215,215,215,212,209,204,203,204,212,212,212,209,209,209,207,204,196,143,140,140,189,199,202,202,199,191,189,194,204,209,204,196,194,199,202,202,196,194,194,196,202,202,196,191,191,199,204,204,202,204,202,199,194,194,199,202,194,186,135,131,132,181,189,189,186,183,183,183,183,186,191,194,191,186,186,186,189,194,196,196,199,204,209,215,212,204,199,199,202,202,199,194,189,189,191,199,202,202,202,204,204,202,194,189,187,189,194,196,194,194,199,202,202,194,194,204,209,212,215,222,225,225,228,230,233,233,235,233,230,230,230,230,230,228,228,228,220,207,149,145,143,143,147,196,204,207,209,212,215,217,225,230,230,225,217,217,222,222,220,217,217,217,220,222,228,233,233,233,233,233,235,235,235,230,220,212,204,194,113,89,87,93,105,135,194,186,111,100,107,127,181,191,191,186,182,183,189,189,191,196,199,202,199,199,196,194,191,186,183,179,178,179,181,183,186,194,199,204,204,202,202,202,202,204,207,215,222,225,225,225,222,222,222,217,212,207,204,202,200,202,207,207,202,196,194,191,191,194,194,196,196,194,189,183,182,182,189,191,191,189,189,189,189,191,191,191,191,191,191,191,191,191,196,204,207,204,199,202,204,209,222,230,235,246,251,251,248,248,251,251,251,248,241,233,225,217,212,207,196,186,186,194,0,0,207,209,0,222,215,207,209,0,0,0,0,0,0,204,191,183,181,181,178,173,157,150,0,163,0,0,0,163,160,150,139,134,124,118,116,87,87,91,97,137,142,150,157,165,176,186,207,230,246,254,255,255,255,251,251,254,255,255,255,255,255,255,0,255,255,255,251,248,251,255,255,255,255,217,203,205,212,212,212,215,212,202,186,181,194,228,233,212,222,238,254,246,222,202,196,196,196,189,0,0,0,0,230,215,196,178,181,0,0,225,217,215,215,207,196,189,189,191,189,183,178,173,168,163,152,139,137,0,157,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,215,212,215,209,194,173,165,157,152,157,165,176,191,209,222,228,225,222,217,209,207,217,228,222,202,194,194,147,147,151,209,228,235,235,235,230,225,228,238,246,251,254,246,233,215,199,191,202,225,235,238,238,237 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,59,129,137,150,155,157,157,163,168,176,186,194,196,196,196,196,199,199,196,194,189,181,170,165,142,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,48,53,46,0,0,0,0,29,92,111,121,126,139,144,150,155,173,183,189,186,176,170,165,161,176,186,181,109,92,109,173,163,163,168,168,168,127,127,125,129,176,183,191,194,196,199,199,196,186,164,173,191,194,196,194,178,129,127,129,170,170,168,170,173,176,178,178,170,125,119,117,119,125,183,196,196,196,196,191,176,125,168,170,173,173,127,125,181,196,199,194,194,194,194,194,189,183,178,170,169,178,181,176,174,176,189,202,204,199,194,189,186,189,191,189,183,181,178,131,127,127,176,204,215,215,202,176,128,127,133,183,189,202,207,202,200,202,204,209,209,209,209,209,209,209,209,207,209,212,215,212,209,207,209,212,212,209,209,212,212,209,204,200,202,204,204,207,207,202,202,202,204,202,202,199,199,196,196,199,202,202,199,196,191,190,194,202,204,202,194,189,187,189,191,196,199,199,196,194,189,189,186,186,186,185,183,183,189,196,199,199,196,196,192,191,192,194,196,194,191,191,196,199,199,199,194,194,196,199,199,196,195,196,196,194,186,181,183,181,178,189,191,181,178,202,204,202,195,195,196,196,199,199,194,183,176,173,178,191,189,183,181,165,119,109,98,96,109,194,189,191,191,194,186,181,183,183,181,181,181,176,127,115,113,115,115,115,115,114,121,173,178,178,178,186,191,191,194,202,204,194,186,186,189,189,189,186,181,178,178,173,173,176,183,186,183,181,186,191,191,189,181,127,126,129,170,170,181,194,199,186,173,129,121,120,181,191,189,183,183,189,191,191,189,189,191,194,196,194,191,189,178,119,107,104,109,123,168,168,127,123,115,114,119,123,119,117,119,119,123,168,170,127,121,118,115,116,121,125,170,178,181,173,123,113,110,119,125,127,170,130,129,131,181,186,181,178,181,183,183,186,189,189,186,181,181,181,178,178,176,176,181,183,181,181,183,191,191,191,196,199,196,189,186,189,189,186,189,196,199,194,186,186,186,183,176,170,119,181,212,204,117,85,109,127,189,191,199,207,207,202,199,199,199,199,202,199,194,191,191,191,194,202,209,209,202,199,204,209,194,196,183,107,84,105,121,119,125,181,189,194,196,191,191,189,127,112,113,121,181,194,207,215,89,74,99,117,173,189,194,199,199,194,190,191,194,194,196,202,204,202,189,112,112,119,170,173,170,178,191,194,127,119,125,181,191,183,170,165,178,173,119,121,170,176,176,168,121,117,125,176,173,176,178,183,194,196,186,152,160,176,189,189,186,181,173,170,173,181,186,196,199,189,165,113,81,78,121,107,108,113,170,183,176,123,121,123,173,186,189,186,183,189,191,186,178,170,129,129,176,189,196,194,176,124,127,178,183,181,181,191,199,199,194,186,178,170,166,172,178,186,186,183,183,178,176,181,191,191,191,191,183,178,186,194,189,186,183,183,178,176,176,176,181,186,189,191,194,196,194,183,187,202,209,212,209,207,204,202,202,202,202,202,196,194,194,194,194,194,194,191,191,191,191,191,191,191,186,177,177,181,183,186,178,131,130,133,183,189,191,191,194,199,204,207,202,202,202,199,196,196,194,191,191,191,186,178,133,123,127,181,189,189,183,182,183,186,191,194,196,199,199,199,191,181,177,178,181,183,183,181,181,186,189,186,181,178,178,181,181,183,183,181,178,183,191,191,189,189,183,181,178,178,178,173,176,176,176,178,183,183,183,186,191,191,191,191,196,202,202,202,199,196,196,199,196,191,181,127,123,129,178,186,189,194,194,189,189,191,191,191,191,191,191,199,202,202,204,202,199,199,135,116,113,119,186,202,204,196,181,177,179,186,191,191,191,189,186,186,189,191,194,196,196,194,186,131,125,129,189,202,202,196,196,194,123,115,129,202,209,207,207,207,204,204,207,202,196,194,196,196,194,189,186,186,189,191,191,194,191,194,196,202,202,202,207,204,109,85,107,176,196,212,217,217,222,204,189,183,122,114,133,189,194,194,196,202,202,204,209,209,204,202,202,196,187,189,196,199,196,194,194,194,194,196,199,199,207,215,212,207,204,209,212,215,215,215,217,225,230,233,233,230,233,233,225,203,204,225,230,233,230,228,222,215,212,212,215,220,222,215,211,212,217,212,202,92,93,95,81,54,50,55,109,119,121,125,133,178,176,133,181,189,196,199,199,199,199,199,199,199,196,194,191,191,189,189,189,186,181,173,129,173,173,173,131,129,129,173,176,173,176,173,127,127,170,129,121,115,113,113,115,119,129,183,191,196,199,202,202,202,202,202,204,207,207,202,194,191,189,186,186,189,189,183,181,189,191,186,186,189,191,191,191,190,191,196,202,204,204,204,202,196,194,191,194,196,199,194,189,189,194,199,199,199,202,199,196,196,199,202,202,207,209,207,199,194,189,187,187,191,196,199,202,204,207,194,120,117,127,183,189,189,189,194,202,204,204,204,207,202,194,186,181,181,183,183,181,137,183,191,196,202,202,196,189,187,189,189,186,187,194,204,204,199,194,183,191,202,212,209,215,215,209,207,207,215,220,217,207,196,191,189,189,189,191,191,186,139,133,129,135,183,194,194,196,202,209,212,212,207,202,199,191,185,186,189,191,194,196,199,199,194,194,194,191,189,187,187,189,191,137,134,139,199,204,202,199,199,199,199,204,209,209,204,202,199,202,202,204,207,207,207,204,207,209,207,199,196,199,202,202,194,142,141,189,199,207,207,204,205,215,228,228,222,212,204,199,196,199,199,196,192,194,202,207,202,191,186,187,191,196,196,192,189,192,202,207,204,202,202,204,207,207,207,207,204,204,207,209,212,217,215,209,207,209,209,207,202,199,196,196,202,207,207,202,199,199,202,204,204,204,204,204,196,191,194,204,212,215,212,207,199,196,204,212,209,207,207,209,204,199,198,199,202,202,202,202,204,202,202,207,209,204,204,204,202,199,202,207,212,215,212,207,207,204,204,202,199,199,202,204,202,194,190,190,196,207,209,209,207,204,204,209,215,215,209,202,199,196,196,199,204,209,215,217,215,215,215,212,209,207,203,202,207,209,209,207,207,207,204,202,199,191,143,142,143,194,196,194,194,187,186,189,202,209,212,207,204,202,199,194,191,191,189,189,194,199,199,196,199,204,207,204,202,207,209,202,196,196,196,191,139,137,135,133,134,183,191,194,191,186,183,186,186,186,186,186,183,186,189,191,194,196,199,196,199,204,209,209,207,199,198,199,202,199,194,189,189,191,191,191,194,196,196,199,199,196,194,189,191,196,199,199,194,189,189,191,194,196,199,204,204,207,212,217,217,222,225,230,233,235,235,235,230,228,225,222,215,207,204,202,143,133,129,133,139,145,196,204,212,215,215,212,215,222,228,233,235,228,220,217,222,225,225,222,217,222,222,217,217,225,228,228,233,233,233,230,230,228,222,212,204,194,117,85,81,81,87,105,181,183,123,107,111,127,181,189,194,194,194,191,194,199,199,194,194,194,194,199,202,199,191,186,183,181,179,178,179,181,183,183,194,196,196,199,202,202,204,204,207,212,215,222,225,228,228,225,222,215,212,209,204,199,199,202,207,204,199,196,194,191,190,190,191,191,191,191,189,186,183,183,189,189,186,183,183,183,183,186,186,191,194,194,191,187,189,191,194,202,204,199,194,196,204,215,222,222,230,246,251,251,248,248,248,248,246,243,238,233,222,215,204,196,189,183,183,191,199,0,0,0,0,215,207,199,202,0,0,0,0,0,0,204,194,183,181,176,173,168,157,150,0,157,0,0,0,0,178,160,144,137,124,116,114,87,88,91,97,103,105,109,152,165,178,189,202,222,243,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,254,255,255,255,255,248,222,212,212,212,212,217,215,204,186,178,179,194,199,194,204,248,255,255,215,194,189,189,186,183,186,0,0,0,225,217,196,181,178,0,0,215,212,215,222,209,194,186,185,186,186,181,173,163,155,144,139,131,129,131,0,163,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,209,207,212,215,207,183,163,152,147,115,160,168,178,194,212,217,215,209,207,204,204,217,228,222,207,202,202,204,207,209,215,228,235,233,228,225,228,235,241,246,248,248,243,228,209,196,139,141,204,228,235,238,237 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,113,150,152,152,152,160,165,176,189,191,191,194,196,199,199,196,194,186,173,150,131,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,38,51,59,0,0,0,0,29,98,121,131,137,142,144,150,163,189,194,194,189,181,176,168,165,186,202,202,109,87,96,117,117,119,168,170,168,127,124,123,123,125,170,176,186,189,189,181,181,181,170,176,191,194,191,186,170,125,125,125,129,168,127,168,173,176,178,176,165,123,121,121,123,170,183,191,196,202,202,186,168,122,123,127,168,170,168,170,183,204,194,181,181,189,194,196,196,194,186,172,169,176,178,173,172,176,194,212,217,212,202,191,183,181,181,181,178,181,181,173,123,127,186,204,207,204,202,191,103,124,178,194,199,207,209,207,202,204,207,212,212,212,209,207,207,207,205,205,207,212,215,215,212,209,212,212,212,207,207,212,215,212,207,202,202,202,204,204,207,204,204,204,202,202,202,202,202,202,199,196,199,199,199,196,191,189,190,194,199,199,194,189,187,189,191,196,199,199,196,191,189,189,186,185,185,185,183,185,189,199,204,204,204,204,194,191,192,196,196,196,194,194,196,202,202,199,194,192,194,196,196,196,196,196,196,194,189,183,181,178,183,189,189,176,183,204,207,202,196,195,199,202,199,191,181,173,172,173,176,191,191,181,123,102,103,111,106,104,107,165,125,178,173,173,173,181,189,189,183,181,178,173,117,106,106,113,119,119,117,113,113,119,173,181,181,183,191,196,199,202,207,204,199,196,186,181,181,183,181,181,181,183,186,189,189,189,186,189,196,202,199,194,183,127,124,127,176,176,178,189,194,178,176,170,117,115,186,196,194,189,189,191,191,191,191,189,191,196,196,194,191,189,183,170,117,111,115,123,127,168,127,125,123,125,170,176,176,170,127,127,127,170,170,170,127,125,121,119,119,119,127,181,189,186,127,104,103,111,121,127,170,131,131,176,186,186,181,176,178,181,178,183,189,194,191,183,181,181,181,181,176,176,181,186,186,183,189,196,196,196,199,202,196,191,191,191,191,191,191,191,191,186,185,186,186,173,103,111,115,168,202,215,178,103,107,121,183,194,204,207,202,199,196,196,196,196,199,199,194,191,191,196,199,202,204,204,202,202,204,199,183,186,178,99,84,111,119,116,121,181,191,196,196,191,191,194,176,116,115,121,173,183,194,191,77,73,113,129,176,189,194,196,196,194,191,191,194,196,202,204,204,194,170,102,108,119,173,170,168,173,183,186,125,119,165,183,194,189,176,170,176,123,113,123,176,173,125,117,115,114,125,178,183,183,181,181,186,186,176,139,152,181,194,194,186,176,170,170,176,181,189,196,199,196,189,181,163,111,121,111,105,107,121,170,165,123,125,127,173,178,178,178,183,186,183,178,173,129,128,127,128,176,189,186,173,127,131,183,186,181,181,189,196,196,194,189,181,174,172,176,186,189,186,183,186,186,183,183,186,186,186,183,176,173,186,196,194,189,186,181,176,176,178,181,183,186,189,194,199,202,196,186,186,196,207,209,207,204,202,196,196,199,199,196,196,199,199,196,196,194,191,189,186,186,189,189,189,189,181,174,174,178,183,186,181,132,130,133,186,191,194,194,196,202,207,207,204,202,202,196,194,194,191,191,194,191,183,176,127,113,119,178,189,186,183,183,189,191,194,194,194,196,199,196,189,181,177,177,178,178,178,181,183,189,186,181,177,174,176,178,181,181,183,181,178,183,189,189,186,183,181,181,181,183,181,176,173,176,176,178,183,186,186,189,194,194,194,194,199,199,199,199,196,196,199,199,194,189,186,183,137,181,186,189,186,183,186,189,194,196,196,196,194,189,191,196,199,204,209,207,202,194,133,118,113,116,129,189,199,199,191,186,189,194,194,189,183,181,181,183,186,194,196,199,196,191,183,126,122,125,183,196,196,191,194,194,129,123,137,202,207,204,204,204,207,207,204,199,196,202,207,207,196,186,183,186,189,191,191,191,186,189,194,191,189,189,131,87,82,80,103,189,207,215,212,215,215,196,189,181,120,115,127,183,194,196,194,196,196,202,207,207,204,202,199,189,186,187,196,202,202,204,204,202,202,202,204,209,215,217,212,207,207,212,217,220,220,222,225,228,233,233,230,228,230,228,215,202,204,228,230,230,230,230,228,222,215,213,217,222,222,215,212,215,217,212,196,93,101,135,115,61,50,50,79,113,119,123,127,129,127,125,124,128,181,191,196,199,199,196,194,189,186,186,186,186,186,189,189,189,183,178,176,176,176,131,127,125,123,129,173,176,176,176,129,170,173,173,127,123,121,121,117,117,127,181,191,196,199,202,204,204,202,204,204,207,204,202,196,191,186,185,185,189,194,191,183,137,137,139,183,189,191,194,191,190,191,196,202,204,204,204,202,196,191,191,191,196,199,194,189,189,194,199,199,199,199,199,196,194,199,202,204,209,212,207,199,191,189,187,187,189,194,196,199,202,202,189,121,120,135,191,191,186,183,189,196,202,204,204,207,202,194,186,183,186,186,186,183,136,137,186,194,199,202,196,189,187,189,189,187,187,194,204,207,204,194,121,119,194,207,204,207,209,207,205,205,212,222,222,212,199,191,187,187,189,194,194,186,127,126,131,139,191,196,199,199,204,212,217,209,204,202,199,194,189,189,189,189,191,196,202,199,189,187,189,189,189,187,187,189,194,139,136,183,199,204,204,202,199,199,199,202,207,209,204,199,198,199,202,207,212,212,209,204,202,202,202,199,194,194,199,199,191,141,141,143,194,202,207,205,205,212,222,225,222,212,204,196,192,195,199,199,199,199,202,204,204,196,187,187,189,194,194,191,190,192,202,207,204,202,204,207,207,207,204,204,202,202,202,204,207,212,209,205,205,209,209,204,202,199,199,204,209,212,209,204,199,199,202,202,202,202,204,202,190,186,187,196,209,215,215,212,202,199,204,204,204,200,202,204,202,198,196,199,202,202,199,199,202,202,202,204,207,204,202,204,204,204,209,215,220,220,215,209,207,202,199,199,202,204,204,204,202,196,191,191,196,207,207,204,199,199,202,209,212,212,207,204,202,202,202,202,207,212,215,217,215,215,212,209,207,204,203,202,204,209,209,204,202,199,202,199,196,194,191,189,189,191,194,194,191,187,186,189,199,209,212,209,207,202,196,191,191,194,189,141,141,189,194,196,202,204,204,202,199,207,207,199,194,194,194,189,183,183,139,135,135,183,194,199,194,189,189,191,191,186,183,139,139,189,194,196,196,199,199,196,196,202,204,207,204,199,196,198,202,199,194,194,194,194,191,189,190,191,194,196,196,194,194,194,199,202,202,202,194,189,186,187,189,194,199,199,199,202,207,209,215,222,228,233,235,235,235,238,235,228,220,207,143,125,123,127,127,123,123,129,139,149,204,212,217,222,220,217,217,225,233,235,238,235,230,228,230,230,228,222,220,222,222,215,212,215,215,217,228,228,220,215,217,222,222,215,207,199,135,105,85,81,84,101,127,183,181,119,109,115,133,189,196,202,196,194,196,202,199,189,186,186,189,194,199,199,191,183,183,186,183,181,181,183,183,183,186,186,186,189,199,204,207,204,204,204,207,212,217,225,228,225,217,212,209,207,204,200,200,204,207,204,199,196,194,191,191,190,190,190,191,191,191,189,186,183,183,181,135,135,135,135,137,181,186,191,196,199,194,189,187,189,191,194,191,187,187,196,212,225,222,217,228,243,248,246,246,246,248,248,246,243,241,235,228,215,194,186,182,181,181,186,196,204,204,0,0,215,204,194,194,0,0,0,0,0,204,204,196,189,181,173,165,160,150,144,0,0,157,0,0,0,191,165,144,131,121,116,116,89,121,95,97,99,101,105,150,168,186,194,202,212,235,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,233,212,204,204,209,215,215,207,191,179,178,183,189,189,204,241,255,241,194,182,182,189,191,183,183,0,0,222,217,209,191,181,176,186,202,207,207,215,222,212,199,186,183,185,186,186,173,160,150,139,134,129,129,131,0,0,168,181,0,0,0,0,0,0,0,0,0,0,0,0,0,215,204,199,204,212,204,181,160,147,109,115,163,170,176,186,202,209,207,202,202,200,202,212,225,225,217,215,215,222,225,228,225,230,233,230,224,222,228,235,243,243,243,243,238,225,207,191,133,132,189,215,235,241,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,144,144,150,155,165,176,186,189,186,189,194,196,194,186,183,173,150,73,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,35,35,53,129,131,95,0,0,27,95,121,134,139,142,144,147,163,189,194,191,186,181,181,178,176,186,204,207,160,92,100,121,121,119,168,173,170,127,124,123,124,127,127,127,170,173,125,123,127,176,173,178,189,189,178,127,123,123,125,125,170,178,170,125,170,170,170,168,123,121,123,125,170,181,186,191,196,199,194,178,165,121,119,121,127,168,173,183,186,181,107,103,119,183,191,191,196,199,194,176,172,178,181,176,174,178,194,212,217,212,202,189,181,173,172,173,176,178,181,173,113,115,186,196,202,199,204,204,58,120,181,199,207,209,209,207,207,207,212,215,215,215,212,209,209,207,207,207,207,209,212,212,212,212,212,212,209,207,207,212,215,215,207,202,202,202,202,204,204,204,202,202,199,199,199,204,207,204,202,199,196,199,199,199,196,190,190,191,196,199,196,191,187,189,191,194,196,196,194,191,189,186,185,185,185,186,186,189,194,202,207,207,207,204,196,192,194,196,196,196,199,199,199,199,199,196,194,194,196,196,196,196,196,196,196,196,191,183,168,107,165,176,163,93,168,202,207,202,196,196,199,202,202,194,183,174,173,174,176,189,191,178,105,95,99,119,170,125,109,92,76,90,101,117,127,176,181,183,181,181,181,176,121,105,104,115,127,127,123,115,112,115,170,181,178,176,183,194,199,204,209,207,204,199,186,176,176,181,181,181,181,189,194,194,194,191,189,194,202,207,207,202,191,176,126,127,173,129,97,48,47,65,129,173,116,114,186,196,196,191,189,191,191,191,189,189,194,196,196,194,191,189,186,183,178,170,125,127,170,170,127,127,168,173,178,186,191,189,183,178,176,173,173,176,173,168,123,119,118,117,123,178,191,191,178,108,105,113,121,129,176,176,178,186,191,189,178,176,178,178,178,178,186,191,194,189,186,186,183,181,176,176,178,183,183,186,191,199,199,199,199,196,194,194,194,194,191,191,191,189,186,183,185,186,183,129,73,100,109,115,176,189,125,107,109,119,178,196,207,207,202,196,196,194,194,194,196,199,194,191,191,196,196,196,194,194,196,196,196,173,127,176,173,101,93,119,121,115,121,181,191,196,196,191,194,199,191,176,127,127,170,176,181,129,80,80,123,173,117,173,189,189,189,189,191,194,194,196,204,207,202,186,125,110,118,178,178,173,166,168,173,173,121,119,127,183,191,191,183,176,121,102,105,165,176,123,111,111,117,119,165,183,191,191,186,176,176,181,173,133,147,189,196,194,176,163,168,176,183,189,194,202,196,189,181,183,183,176,170,115,103,104,119,165,125,165,173,176,176,173,173,178,181,181,178,173,173,173,129,127,126,129,181,181,176,173,178,183,183,181,178,183,189,194,194,194,194,191,189,191,194,191,181,179,183,186,186,183,183,183,178,176,131,173,183,191,191,189,183,178,176,178,183,186,183,186,189,196,202,204,202,194,189,194,202,207,207,204,199,195,195,196,196,191,191,196,199,199,196,194,191,186,183,183,186,186,183,181,178,176,176,181,186,186,183,135,135,183,194,199,196,196,199,207,209,209,204,199,196,191,191,194,191,191,194,189,125,119,109,104,113,176,183,186,186,189,194,199,196,191,189,189,191,194,191,186,181,178,178,178,178,181,186,189,186,178,176,176,178,186,183,181,181,181,181,183,189,186,181,176,176,176,181,183,181,173,170,173,178,181,181,186,189,191,194,196,196,196,196,196,194,196,199,202,202,199,194,191,194,199,194,189,189,189,183,181,181,191,199,202,202,199,196,191,189,194,196,202,207,209,204,189,181,133,119,118,121,133,194,199,196,194,194,194,191,183,179,178,178,181,189,196,199,199,194,191,186,133,127,131,186,196,196,191,189,189,135,131,189,202,204,202,202,204,209,209,202,199,199,204,209,209,196,186,183,186,191,194,194,196,183,176,181,123,125,178,90,75,87,111,181,191,199,207,204,204,196,189,189,186,127,122,125,135,194,199,194,192,194,199,202,202,204,202,194,187,186,189,196,204,207,209,209,207,204,204,207,212,217,217,209,207,209,217,225,225,225,225,228,230,233,233,230,228,228,222,209,200,204,225,230,230,230,230,233,228,222,220,222,222,217,215,212,215,217,212,191,111,127,212,191,83,52,50,63,117,127,131,129,129,128,126,123,124,129,183,194,199,199,194,186,178,176,178,181,183,186,189,194,194,191,186,183,183,178,173,127,123,122,127,176,178,178,178,176,173,176,176,176,176,176,129,123,119,127,181,191,196,202,204,207,207,204,207,207,207,207,202,196,191,189,186,186,194,199,196,186,135,135,137,189,196,199,199,196,194,194,199,202,204,207,207,202,194,191,191,191,196,199,196,190,190,194,199,199,199,196,194,191,194,196,202,204,209,212,204,196,189,189,189,189,189,191,194,199,202,202,186,127,127,186,196,191,181,178,183,191,199,202,202,204,199,194,189,186,186,189,186,183,136,137,183,191,196,202,199,191,187,191,194,191,189,196,204,207,209,204,107,91,189,202,202,202,207,207,207,207,212,222,225,217,207,194,189,187,191,199,196,186,107,116,127,183,189,194,199,202,202,207,212,204,199,202,204,202,196,196,194,189,189,194,199,196,187,186,187,191,191,191,189,189,194,189,183,191,202,204,204,204,202,199,199,202,207,209,204,199,196,196,202,209,212,209,204,196,191,194,194,194,191,190,191,191,186,141,142,143,191,199,209,209,207,209,212,215,217,215,209,196,191,192,199,204,204,202,199,199,199,196,191,189,191,194,194,194,194,196,202,204,204,204,204,207,209,209,207,202,200,199,199,200,202,207,207,204,205,209,209,207,202,202,204,212,212,207,204,204,202,202,202,202,202,202,204,204,194,189,190,196,204,209,212,209,204,204,204,202,200,200,202,202,202,198,198,199,202,202,199,198,199,199,202,204,204,202,202,202,204,209,212,217,220,217,212,209,207,202,199,199,204,209,207,204,202,199,194,194,199,204,202,196,196,199,202,207,207,207,202,199,202,202,204,204,207,212,215,217,217,215,212,207,207,207,203,203,204,209,209,204,196,191,194,196,192,194,194,191,191,191,194,194,191,189,187,187,196,207,209,207,204,202,194,190,194,196,191,139,137,139,189,196,202,204,204,199,199,204,204,196,192,194,194,191,189,189,189,139,135,135,186,194,194,194,194,196,194,189,181,136,137,189,199,202,202,202,202,199,196,199,202,204,209,204,198,198,199,199,196,196,199,196,191,189,189,191,196,196,196,196,199,202,207,207,204,202,199,191,187,187,191,194,196,196,196,196,199,204,212,225,233,235,235,233,233,235,235,225,212,149,129,118,117,119,121,121,125,133,143,149,204,212,217,222,222,220,222,228,233,235,238,238,235,235,235,233,230,225,222,225,222,215,212,209,209,212,212,209,204,204,209,217,222,217,209,202,191,129,103,84,85,105,127,194,196,178,117,117,133,194,204,207,199,194,196,202,196,186,178,135,178,186,194,194,189,183,186,189,189,186,183,189,191,191,189,183,182,185,194,204,207,204,202,199,199,204,209,217,222,222,215,209,207,207,207,204,204,207,207,207,202,199,196,196,196,194,190,190,191,194,191,191,186,186,183,137,134,133,134,134,135,181,186,191,196,202,202,194,189,187,186,187,187,186,189,199,217,225,217,212,225,238,241,241,243,246,251,248,246,246,243,238,233,220,196,186,183,182,183,186,196,202,204,0,0,222,212,196,194,0,0,0,0,194,199,199,196,191,181,170,160,150,142,137,142,0,0,0,0,202,196,165,142,129,121,118,121,124,129,131,131,101,101,103,113,173,191,202,202,207,225,238,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,255,255,255,255,255,241,207,194,194,202,209,0,0,202,189,183,189,194,199,209,225,235,212,183,179,181,199,209,194,183,0,0,217,209,194,183,178,178,181,194,202,204,212,217,215,207,194,185,185,189,191,178,163,152,142,137,131,131,134,0,0,165,181,0,0,0,0,0,0,0,0,0,0,0,233,225,215,202,186,189,199,191,168,150,107,105,113,168,173,173,178,191,199,199,199,202,204,204,209,215,217,217,222,228,233,238,235,228,228,230,228,224,221,225,235,246,246,243,243,238,222,202,141,131,0,135,204,230,238,241 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,131,139,142,150,157,168,178,181,178,181,186,189,178,163,157,142,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,27,35,38,53,168,202,168,0,0,3,65,116,131,137,139,139,144,157,178,183,181,178,178,181,183,181,181,196,199,181,119,170,178,168,125,176,178,173,168,125,127,173,178,129,123,119,113,103,107,115,103,113,121,170,173,123,117,118,123,125,127,176,189,170,118,120,123,123,123,121,121,123,125,168,181,183,189,189,183,176,173,173,125,120,121,127,170,181,189,189,95,95,98,109,186,194,191,194,196,191,186,183,189,191,189,181,181,191,207,212,207,196,186,178,173,170,173,178,176,176,131,101,81,119,189,196,202,204,176,54,124,186,202,209,209,209,207,207,209,212,215,215,215,215,215,215,212,212,212,209,209,209,212,212,212,209,209,207,207,209,212,217,215,207,202,202,202,202,202,202,202,199,199,198,198,199,202,207,207,204,202,199,202,202,202,199,194,194,196,199,199,196,189,187,187,189,191,194,194,191,189,186,186,185,186,189,191,191,194,199,202,207,204,202,199,196,194,196,191,191,196,204,204,202,196,196,199,199,202,199,196,195,195,195,195,199,199,194,181,98,76,91,168,101,21,45,117,196,191,186,191,194,196,202,202,194,183,176,174,174,183,186,176,113,100,107,165,178,178,123,87,66,84,103,121,170,176,173,176,181,183,181,181,178,121,113,125,173,173,129,129,125,127,178,186,181,173,174,191,202,207,209,207,204,199,186,176,176,181,183,181,181,186,194,194,194,191,189,189,191,199,202,202,194,186,176,170,176,125,63,16,26,49,170,186,119,114,125,186,189,186,186,186,189,189,187,189,191,196,196,194,191,186,186,189,186,178,173,176,181,178,127,127,176,183,183,189,196,196,191,186,183,178,176,173,170,127,123,119,118,118,121,168,183,194,194,178,119,119,123,127,176,178,181,189,191,186,178,176,178,178,178,178,183,191,194,194,194,191,189,183,178,176,176,181,183,189,194,199,199,196,194,191,189,191,194,191,186,183,186,189,189,186,186,189,186,170,68,99,105,100,119,127,121,113,119,173,191,202,207,207,202,196,194,194,194,194,196,199,196,194,191,194,191,189,183,183,183,181,173,105,113,129,173,113,109,127,129,121,173,186,191,194,196,196,199,199,199,191,183,178,173,173,173,127,113,119,129,111,76,93,173,178,178,181,186,194,191,191,196,202,196,178,129,176,191,194,189,181,173,168,123,117,115,117,123,178,186,189,189,183,90,83,107,186,173,105,99,107,125,165,170,183,194,202,194,170,123,181,186,142,148,183,189,186,123,113,123,183,194,196,199,199,181,163,121,173,189,183,170,115,105,110,170,170,168,173,178,183,181,178,176,181,183,181,178,176,178,178,176,170,128,173,183,183,181,181,183,183,183,178,178,177,183,189,191,196,202,204,202,199,196,191,178,178,183,191,186,183,181,178,131,129,129,176,181,181,181,183,181,178,176,181,183,183,183,183,189,194,199,202,202,199,194,194,199,204,204,202,196,195,196,196,194,189,189,190,194,196,196,194,191,189,186,183,183,183,181,181,178,178,181,183,183,186,186,183,183,191,202,204,199,199,202,207,209,207,202,196,191,189,191,194,191,191,194,181,107,103,101,100,111,176,183,186,191,196,199,196,191,183,178,178,181,189,194,194,189,186,183,183,181,183,186,189,183,178,178,183,191,191,186,181,181,181,181,183,186,186,178,173,172,173,178,178,176,170,129,173,178,183,181,183,191,194,196,199,199,199,196,191,191,194,202,209,212,207,202,199,202,207,199,191,186,186,183,179,179,194,202,204,202,199,194,191,189,191,191,196,199,207,204,178,186,186,176,125,125,131,189,199,194,191,191,189,183,181,179,179,179,183,191,196,199,194,191,191,191,191,189,189,191,196,196,194,189,186,137,181,194,202,202,202,204,207,209,204,196,194,199,204,202,194,189,181,178,183,194,199,199,196,189,101,103,106,117,186,105,91,178,191,194,183,133,181,189,191,186,183,186,194,191,135,124,125,191,199,196,194,194,196,199,199,202,202,194,187,187,191,199,204,209,212,212,209,207,207,207,209,212,212,209,207,215,225,230,228,225,225,225,228,233,233,233,233,230,217,207,202,207,225,228,228,230,230,230,230,228,225,225,225,217,215,212,217,222,212,194,125,121,186,129,77,52,50,63,129,183,186,178,178,186,186,131,128,133,186,196,199,196,189,181,133,132,133,178,183,189,194,196,199,196,191,189,186,183,176,127,123,123,129,178,178,178,176,173,173,178,181,181,183,186,181,131,123,125,133,186,194,199,204,207,207,204,204,207,209,207,204,202,196,196,194,191,194,199,194,183,136,136,186,196,204,207,207,202,199,199,202,204,207,209,209,204,196,191,191,194,199,199,196,191,190,191,196,199,196,194,189,189,191,194,196,204,209,209,202,191,186,186,189,189,189,189,194,199,204,202,191,135,137,196,202,191,179,178,181,191,196,199,199,199,194,191,189,186,186,186,186,183,181,183,189,194,196,202,199,194,191,196,199,196,194,199,204,207,209,212,107,82,189,196,202,204,207,207,207,209,215,222,222,212,202,194,191,191,196,202,199,189,104,116,129,141,189,191,196,199,194,191,191,194,196,202,204,204,204,204,199,191,189,194,196,196,191,189,191,196,199,199,191,191,194,191,191,196,202,204,207,207,204,199,202,204,209,209,207,202,198,196,199,207,209,204,194,189,189,189,194,196,194,191,191,191,186,142,189,191,194,202,212,212,209,207,207,207,212,215,209,199,192,194,196,204,207,204,196,191,191,194,194,194,194,194,194,196,196,196,199,202,204,204,207,209,212,212,209,204,202,200,199,200,202,207,207,205,207,212,212,212,209,207,212,217,212,196,191,196,202,204,204,202,204,204,207,207,202,196,194,196,202,207,209,209,209,212,212,204,202,202,204,202,204,199,198,199,202,202,199,199,199,199,202,207,207,202,202,202,207,209,212,212,212,209,207,207,207,204,202,204,207,209,207,204,204,202,199,196,199,202,196,191,194,199,204,207,204,202,199,199,199,199,202,204,209,212,215,215,217,217,217,212,212,209,207,204,207,212,209,202,191,187,189,194,194,194,194,194,191,191,191,191,191,194,189,186,189,202,207,204,202,199,190,190,194,199,194,139,136,137,189,196,204,204,202,196,196,199,202,199,196,199,199,196,191,194,194,186,135,132,134,181,191,194,196,199,196,189,137,136,137,191,204,207,204,204,204,202,199,199,199,204,209,209,202,199,199,199,199,199,199,199,194,190,190,194,199,202,202,202,204,209,209,207,202,202,204,202,194,191,194,194,194,194,196,196,199,202,212,228,235,238,235,230,228,230,228,217,204,147,133,121,119,120,121,123,131,141,147,196,199,204,215,222,225,225,225,230,233,235,238,238,241,241,238,233,233,233,228,228,225,215,209,204,204,203,200,202,203,207,215,225,225,215,207,202,194,186,123,95,91,109,178,199,204,194,178,133,186,202,209,207,196,192,196,202,196,186,176,129,127,129,178,186,189,186,189,189,186,183,182,186,196,199,194,186,183,185,194,202,207,204,199,194,191,194,202,209,215,215,212,209,207,207,207,207,207,207,207,207,204,202,199,202,204,202,194,191,191,191,191,191,189,189,186,181,135,134,134,135,137,181,183,186,191,199,202,196,189,186,186,187,191,194,199,207,215,215,211,209,220,233,235,235,243,246,251,251,248,246,246,243,238,228,204,194,191,189,189,189,194,202,0,0,0,0,217,204,196,0,0,0,0,196,194,194,194,191,183,173,157,144,137,134,139,0,0,157,178,194,191,163,139,129,121,121,124,129,131,134,137,134,101,103,111,170,196,204,204,204,215,233,248,255,255,255,255,255,255,255,255,255,255,255,0,0,255,255,0,0,0,0,255,255,255,255,246,199,189,190,194,202,0,0,209,199,194,199,0,0,209,207,209,202,189,182,183,0,222,202,189,194,209,215,204,189,181,186,189,186,191,196,204,209,212,212,209,202,191,189,191,194,186,173,157,144,139,137,137,139,150,163,176,181,183,0,0,0,0,0,0,0,0,0,0,241,230,217,199,176,173,183,176,155,144,105,104,111,163,168,168,173,183,191,196,199,207,209,212,209,202,200,207,217,230,235,235,230,222,225,230,230,228,225,228,238,246,248,248,246,235,217,196,141,133,130,132,191,222,235,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,150,155,150,150,152,157,163,165,163,165,168,165,152,134,75,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,22,30,38,38,43,152,209,168,0,0,13,55,108,126,134,139,142,144,155,168,173,173,173,173,178,181,176,176,181,186,186,189,194,186,165,165,178,183,178,173,170,173,181,183,125,107,103,103,102,102,101,76,93,100,111,121,119,116,120,125,127,127,173,186,173,118,120,121,121,119,119,121,121,123,123,165,168,176,178,176,173,178,183,176,123,125,170,176,183,191,183,99,101,104,111,173,194,191,189,186,186,189,196,199,199,194,186,181,189,199,204,199,189,183,181,176,173,178,181,173,131,127,101,70,95,176,194,202,194,87,73,183,199,204,209,212,209,207,207,207,209,209,212,217,217,217,217,215,215,212,212,209,212,215,215,209,207,204,204,204,209,215,217,215,209,207,207,207,204,204,204,202,199,199,199,198,199,202,207,207,204,204,202,202,202,199,196,196,199,202,202,199,194,189,187,189,189,191,194,194,194,194,189,186,186,189,191,194,199,199,199,202,204,202,196,196,191,189,189,189,189,194,199,202,202,199,199,202,204,204,202,196,195,195,195,196,202,202,196,181,97,77,95,189,105,12,20,40,95,121,168,170,176,189,204,209,202,189,181,176,176,181,178,173,170,163,170,170,165,125,173,125,101,123,189,181,181,176,172,173,181,181,176,176,186,186,181,181,178,176,178,189,196,196,194,194,191,181,176,186,196,204,207,204,204,196,181,170,173,181,183,183,181,183,189,194,196,194,186,176,170,173,186,191,189,183,176,173,181,183,101,41,51,105,194,196,127,118,120,170,181,183,183,186,189,189,187,189,191,196,196,194,189,186,186,189,186,178,173,181,191,183,126,127,183,191,189,189,196,196,191,186,181,178,173,170,170,168,127,123,119,119,121,168,181,196,199,186,127,123,123,125,173,176,178,186,186,181,173,173,176,178,178,178,186,191,196,196,199,196,194,189,181,176,176,178,183,189,196,199,199,196,191,186,185,189,194,189,178,176,181,189,191,191,191,191,189,176,83,105,107,97,119,127,125,127,178,196,204,207,204,202,196,194,191,194,196,196,196,196,196,196,194,191,189,186,183,181,131,123,111,96,109,131,178,127,121,170,173,173,183,189,189,191,199,204,202,196,196,196,191,189,181,129,126,127,178,186,181,95,71,91,173,178,178,178,183,189,178,170,178,189,183,173,173,189,196,199,194,191,186,168,113,109,111,113,117,168,176,181,186,181,87,84,168,199,181,99,94,97,125,170,178,189,199,204,196,119,108,181,199,159,155,170,178,173,111,105,121,191,199,194,186,121,114,114,117,170,191,181,125,119,121,186,191,178,173,176,181,186,186,183,181,181,181,181,178,178,178,181,181,176,176,183,191,189,186,186,186,186,183,181,178,178,183,191,194,196,199,204,202,199,196,189,179,181,194,196,189,181,178,173,127,125,129,176,176,129,131,176,178,178,178,178,181,181,183,186,189,189,191,194,196,196,189,186,189,196,202,199,196,196,199,199,194,190,189,190,194,196,196,196,194,191,189,186,183,181,178,181,183,183,183,183,181,181,183,186,189,194,202,204,199,198,202,207,207,204,199,191,189,186,191,194,191,189,189,178,106,102,104,106,127,183,186,191,196,199,196,191,186,181,177,176,177,183,191,194,191,191,191,191,189,186,189,189,186,183,186,191,194,194,186,178,176,176,178,181,183,183,181,176,173,173,176,173,170,127,125,170,181,186,186,186,191,194,196,199,199,196,191,186,185,189,202,215,217,212,207,204,207,209,202,189,183,183,183,182,182,196,202,202,196,194,191,189,189,189,186,189,191,196,189,113,133,183,178,133,133,176,189,194,191,189,186,181,179,179,181,183,183,186,191,196,196,191,190,191,196,199,199,196,194,196,199,196,191,186,183,186,194,199,196,199,204,207,204,194,186,189,196,196,191,183,178,176,133,181,196,204,199,194,191,86,88,107,127,194,191,191,186,181,178,127,112,117,133,183,182,182,183,191,194,139,117,121,191,202,199,196,196,196,196,199,202,199,194,189,189,194,199,204,209,212,212,212,209,209,207,207,207,209,209,212,217,225,228,225,222,222,225,228,233,233,233,233,230,212,204,207,215,228,230,230,228,228,225,225,228,228,228,228,222,215,212,217,222,217,204,131,89,77,71,61,51,49,59,133,191,194,183,181,194,199,194,186,189,194,199,196,191,183,176,132,131,133,178,183,191,196,199,199,194,191,189,186,183,176,127,123,123,173,181,176,129,127,129,173,181,186,186,189,189,186,178,125,121,121,129,181,194,199,202,202,199,202,204,207,207,204,202,202,202,199,194,194,196,191,139,137,183,191,199,207,209,207,204,204,204,204,207,209,212,209,204,196,191,191,194,199,199,196,191,190,191,196,199,199,194,189,186,189,191,194,204,212,209,202,191,186,183,186,186,189,191,194,196,202,202,191,183,189,202,204,194,181,178,183,191,196,196,194,194,191,191,189,186,181,181,183,186,186,191,196,199,199,202,202,199,199,202,202,199,199,204,207,209,212,215,90,72,189,199,207,209,209,207,207,212,217,222,215,196,139,141,189,194,196,202,199,194,135,135,186,189,191,194,199,199,189,135,134,183,196,202,202,204,207,204,202,196,196,199,202,199,199,199,202,204,207,204,199,194,196,196,196,196,199,199,204,207,204,202,204,209,212,212,212,209,204,199,199,204,207,196,187,186,189,194,196,199,199,196,199,196,189,186,191,199,202,209,215,212,209,204,203,203,207,212,212,202,195,195,199,204,207,202,194,187,186,187,191,196,196,196,196,196,199,196,196,202,204,204,207,209,212,212,209,207,204,202,202,202,204,209,209,209,212,215,217,217,217,217,220,222,212,191,187,191,199,202,202,202,204,207,207,207,202,196,194,196,199,204,209,209,212,215,215,209,207,207,204,204,204,202,198,199,202,202,199,199,202,202,202,204,204,202,202,204,207,207,207,204,202,204,204,207,207,207,207,209,209,207,204,204,204,204,202,199,199,199,194,191,194,202,209,209,207,202,199,199,199,199,204,207,212,215,215,217,217,217,220,217,217,215,209,204,207,212,209,199,189,186,189,194,199,196,194,194,194,191,190,190,194,199,191,186,186,196,204,202,202,194,190,190,194,202,196,189,139,141,194,202,204,202,196,192,192,196,202,202,202,204,202,199,196,196,196,189,135,132,132,135,186,191,196,199,199,191,139,136,137,194,204,209,207,204,207,204,204,202,196,196,204,207,202,199,202,199,199,196,196,196,199,196,194,199,204,204,204,204,207,209,207,199,196,199,204,207,202,199,196,194,191,194,196,199,202,204,212,230,235,235,233,228,226,228,225,212,199,147,139,129,121,120,125,135,147,202,207,204,202,202,215,228,230,230,233,235,238,238,241,241,238,238,233,228,230,233,233,233,228,215,204,202,199,198,200,204,209,217,228,233,228,215,202,196,196,196,189,115,101,107,135,191,199,196,186,181,189,204,207,204,194,192,194,199,196,189,178,125,119,117,125,135,186,189,189,189,186,183,183,186,194,199,196,189,186,189,194,202,204,202,194,186,139,183,191,204,209,209,209,207,204,204,207,209,209,209,209,209,209,207,204,204,207,207,199,194,191,189,186,189,191,194,191,183,137,135,135,137,137,181,181,181,183,191,196,196,191,189,189,191,199,207,212,212,212,212,209,209,217,230,230,233,238,243,246,246,246,246,246,243,238,225,199,191,194,194,0,189,191,199,0,0,0,215,217,207,202,202,0,0,202,199,196,194,194,191,186,176,157,142,137,137,0,0,0,0,155,168,168,152,134,126,124,124,124,126,131,137,139,139,105,103,109,165,191,202,204,204,215,233,248,254,255,255,255,255,255,255,255,255,255,255,0,0,255,255,0,0,0,0,255,255,255,255,248,204,190,190,192,199,0,0,0,202,196,199,0,0,202,195,199,204,204,199,194,204,212,199,189,194,204,207,199,191,191,207,209,199,194,194,196,202,204,204,204,202,194,191,194,196,191,178,160,147,139,139,139,147,160,176,181,181,176,178,0,0,0,0,0,0,0,0,0,243,233,220,196,168,163,173,165,152,142,105,104,109,117,121,123,131,181,194,199,204,212,217,217,212,200,198,199,209,225,230,222,212,209,217,230,235,235,235,235,241,243,248,251,248,235,212,199,147,141,133,132,141,209,228,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,186,191,178,157,152,150,152,152,152,150,152,152,144,129,55,0,0,0,0,0,0,0,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,33,12,17,33,35,17,74,129,98,0,0,33,49,75,118,131,142,144,147,155,163,165,165,165,168,173,176,170,165,165,170,178,194,199,183,123,123,173,181,181,181,178,176,178,129,99,92,97,111,121,111,102,94,102,107,115,125,127,127,176,173,170,127,170,183,181,173,173,168,123,119,117,119,119,119,119,113,109,115,168,178,183,183,183,170,123,127,178,189,196,199,196,189,181,127,107,96,113,178,176,170,173,189,202,204,199,194,181,176,181,186,189,183,178,178,181,181,176,178,178,173,131,127,113,93,105,131,189,199,181,86,107,199,204,204,207,212,212,207,207,207,204,207,209,215,217,217,217,215,212,209,207,209,215,217,217,209,204,202,202,203,207,212,215,215,209,209,209,209,209,207,207,204,202,202,202,199,202,204,207,207,204,202,199,199,199,196,196,196,202,204,204,199,194,191,189,189,191,194,194,196,199,199,196,191,189,191,194,199,202,202,202,202,202,199,194,191,189,183,182,185,186,186,185,189,196,199,202,202,204,204,202,196,196,196,199,202,202,202,199,189,123,103,176,189,170,47,42,43,51,81,109,97,101,173,202,209,204,196,191,183,181,181,173,173,183,189,183,170,92,74,123,176,176,178,186,181,178,176,173,176,178,174,169,166,178,194,196,194,183,178,183,194,207,207,202,199,199,194,178,170,176,191,199,202,199,186,168,168,170,176,178,181,181,183,186,194,196,194,183,127,121,121,127,181,183,178,172,173,186,194,186,87,97,125,194,194,178,124,122,127,178,183,183,189,194,194,189,189,191,196,196,191,186,183,183,186,181,170,173,186,194,178,122,126,181,189,186,189,194,194,186,178,176,173,170,170,170,170,168,127,119,118,121,170,183,194,194,178,125,125,125,127,173,176,178,181,176,172,170,172,173,178,178,181,186,191,191,194,196,196,196,194,186,181,178,181,183,189,196,202,199,194,189,186,185,189,196,191,176,172,176,186,191,189,189,191,189,176,104,113,111,105,125,168,127,129,178,199,207,207,202,196,194,191,191,191,196,199,194,191,194,194,194,194,194,194,189,176,115,113,110,101,119,183,191,178,125,127,173,178,183,183,183,191,202,207,199,189,191,194,191,191,186,125,121,127,186,194,191,121,94,125,183,186,183,181,181,176,119,115,121,176,178,170,170,186,194,196,196,196,189,125,110,109,113,115,117,125,170,173,181,173,103,104,178,194,189,111,92,93,121,173,186,202,207,204,191,110,103,176,194,176,163,165,168,123,107,99,117,189,196,186,168,117,113,115,119,173,189,178,125,173,191,202,194,178,173,178,183,186,183,181,181,181,178,178,178,178,178,178,181,178,178,183,186,186,186,189,189,191,191,183,178,183,191,196,196,194,196,196,196,194,194,189,181,189,202,199,181,176,173,131,126,124,127,173,127,123,129,176,178,178,176,176,176,178,183,186,189,189,187,189,189,186,181,133,131,181,194,199,196,196,196,196,194,194,191,194,194,194,196,196,196,196,191,186,181,178,178,183,189,186,186,181,178,179,181,186,189,194,199,202,198,198,202,207,204,202,196,191,186,183,183,186,186,183,186,181,119,117,133,178,183,189,191,194,196,194,191,186,181,181,178,177,177,181,186,189,186,189,194,194,191,191,191,191,191,191,191,191,191,186,181,176,174,174,174,176,181,181,181,178,178,176,173,129,125,123,123,127,178,189,194,194,194,196,196,196,199,194,186,183,183,186,202,212,215,212,209,209,209,209,204,194,186,183,186,186,186,196,199,196,191,189,186,186,186,183,182,183,186,178,107,100,107,127,129,133,181,181,183,189,191,189,186,181,181,181,186,186,189,191,194,194,194,191,190,191,194,196,199,196,194,196,202,199,191,186,186,191,196,196,195,195,202,202,194,183,179,186,194,194,186,183,178,133,131,178,194,196,189,189,191,91,91,131,181,186,191,194,178,127,127,113,102,108,131,183,186,183,183,186,183,125,110,125,199,207,204,202,202,199,199,199,199,194,191,191,191,194,199,204,209,212,209,209,209,209,207,204,207,212,212,212,215,217,217,217,217,222,225,230,230,230,228,225,220,207,204,215,225,233,235,233,230,225,224,225,228,228,228,225,222,217,215,217,220,217,212,191,77,61,57,57,53,51,55,121,189,194,181,176,186,196,199,199,196,196,196,196,189,181,133,132,131,132,176,181,189,194,194,194,189,183,183,183,181,173,125,119,121,173,178,129,121,121,127,176,183,189,189,189,189,189,181,125,119,118,119,129,183,194,196,196,194,196,199,204,204,202,199,199,202,202,194,194,194,189,139,183,189,194,202,207,209,207,207,207,207,207,209,212,212,209,204,196,191,191,196,199,199,196,191,190,191,194,202,202,194,189,186,189,189,191,202,212,212,204,194,186,182,182,186,191,194,194,194,196,196,191,186,194,207,207,196,183,179,183,191,196,194,191,191,189,189,189,183,135,133,137,183,191,199,204,204,204,207,207,204,204,204,199,199,202,207,209,209,212,199,66,66,189,202,212,212,209,207,209,212,217,215,199,138,133,137,189,194,196,202,202,199,194,191,191,194,196,199,202,202,191,132,130,141,199,202,199,199,196,196,194,194,196,202,204,202,204,207,209,209,212,209,204,202,202,204,202,199,196,196,202,204,204,204,207,212,215,215,215,215,212,202,199,202,202,196,189,189,196,199,199,196,199,204,207,202,194,191,196,204,207,212,215,212,209,207,203,202,204,209,207,202,199,199,202,204,204,199,194,187,185,186,191,199,202,199,199,199,202,199,196,202,204,204,207,212,212,209,209,207,204,204,204,207,207,209,212,215,215,217,217,217,222,222,222,220,209,196,190,191,196,196,199,199,204,207,207,204,202,199,199,196,199,204,209,209,212,212,212,207,207,207,204,204,204,199,199,202,204,202,202,202,202,199,199,202,202,199,199,204,204,202,199,196,199,202,207,207,204,204,207,209,207,204,202,199,202,204,202,196,196,194,191,191,196,204,212,215,212,207,204,204,204,204,207,212,215,217,217,217,215,215,217,217,217,215,209,204,207,209,207,196,189,186,189,196,202,199,196,196,194,191,190,191,199,202,196,187,186,191,199,202,199,196,190,190,196,204,202,196,194,196,202,204,204,196,192,191,192,196,199,202,204,204,202,202,202,199,196,191,139,135,135,139,183,186,191,196,199,191,186,139,186,196,207,207,207,204,204,204,204,199,191,189,194,196,194,196,202,202,196,194,194,194,199,199,196,199,202,202,202,202,204,207,199,194,192,194,202,204,204,199,196,191,145,147,202,207,209,212,217,228,233,233,233,230,226,228,228,215,202,149,143,131,119,118,133,149,212,220,222,220,212,212,225,233,238,238,241,243,243,241,241,238,235,233,228,217,217,225,230,230,225,215,207,204,203,204,215,220,222,225,230,233,230,215,199,196,199,209,212,189,113,109,117,133,186,183,131,123,176,199,204,202,196,192,194,196,199,194,183,127,115,113,117,129,183,189,189,189,189,191,191,189,191,191,191,191,191,194,199,204,207,202,186,139,137,138,189,204,209,207,207,202,196,194,196,204,207,207,207,212,212,212,207,207,209,207,202,196,191,186,185,186,191,196,196,189,183,137,137,181,181,181,181,181,183,191,196,196,196,194,194,194,199,209,215,217,217,215,212,212,222,230,230,230,233,233,235,235,238,241,241,238,233,217,191,186,191,199,196,191,0,0,0,0,0,0,0,209,0,204,0,0,204,202,199,196,194,191,183,173,157,144,139,142,0,0,0,144,144,150,150,142,129,124,124,124,124,124,129,137,142,142,105,103,107,160,186,199,202,204,215,235,248,251,251,254,254,254,255,255,255,255,255,255,0,0,0,0,0,0,0,0,255,255,255,255,248,215,199,194,194,199,0,0,0,0,0,0,0,207,196,194,199,215,230,230,209,207,207,196,191,194,196,196,194,194,204,228,230,212,196,189,189,196,202,202,199,196,191,191,191,194,191,181,160,147,144,144,147,0,165,176,181,178,0,170,0,0,0,0,0,0,0,238,241,241,230,215,189,168,160,163,163,152,144,107,105,107,115,117,121,129,189,209,215,215,217,225,228,225,212,202,202,209,222,225,209,204,205,215,230,241,243,243,243,243,243,248,254,251,235,212,199,194,147,137,133,139,202,222,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,19,15,0,186,189,194,189,173,157,150,150,150,150,148,150,150,144,131,63,0,0,0,29,27,9,11,17,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,27,25,0,0,0,0,0,0,15,41,65,83,126,142,147,150,152,157,157,160,160,165,173,178,170,161,160,160,165,181,186,173,122,122,168,176,178,181,181,181,178,129,101,94,102,183,196,183,125,178,186,183,181,181,183,186,189,181,173,170,173,181,191,196,191,181,168,123,119,117,113,111,111,107,107,109,121,176,183,181,170,115,115,125,183,202,207,209,215,212,202,194,115,72,76,119,125,122,122,181,202,202,196,189,178,176,173,176,176,170,170,178,183,181,176,173,173,176,173,131,125,123,125,129,181,191,183,125,183,202,207,204,207,209,209,204,204,204,204,204,207,209,215,215,215,212,207,203,203,207,212,217,217,212,207,203,202,202,204,209,212,212,209,207,209,209,209,207,209,207,207,204,199,199,199,204,207,207,204,199,196,196,196,196,196,202,204,207,207,204,199,196,191,191,191,194,196,199,202,204,202,194,194,196,196,199,204,204,202,202,199,189,183,186,186,183,182,183,186,186,182,183,194,199,199,199,202,204,202,199,202,202,204,207,199,199,199,194,178,123,173,183,178,178,194,176,49,63,103,87,75,79,165,199,204,204,199,191,183,178,168,170,189,196,191,173,88,66,99,125,170,127,122,125,168,173,176,178,178,176,170,166,174,191,202,202,189,178,183,199,207,204,202,199,199,191,176,113,113,125,170,127,173,173,168,169,169,169,170,176,178,181,183,189,191,191,183,129,121,121,125,183,186,178,172,176,186,191,189,101,101,121,181,183,176,127,125,129,178,186,189,194,199,196,191,189,191,194,194,191,186,183,183,183,176,127,173,186,189,168,119,124,173,178,183,189,194,194,186,178,173,169,169,170,170,127,123,121,119,119,127,178,183,189,189,178,129,170,170,170,178,183,183,181,173,170,170,172,173,178,181,183,186,189,186,189,194,196,196,196,191,186,183,181,183,189,199,202,199,194,191,186,186,189,194,194,178,172,174,181,183,186,189,189,186,129,111,113,111,113,123,125,123,125,170,191,202,204,199,196,196,194,191,194,196,199,194,191,191,191,191,194,199,199,189,121,94,113,119,119,176,196,199,189,127,125,129,176,181,181,183,191,199,202,189,173,181,189,181,176,173,123,122,170,181,186,196,183,173,181,181,183,183,181,176,125,112,110,119,178,181,173,170,178,186,189,191,186,173,119,112,113,125,123,119,125,168,170,178,173,117,119,176,181,173,111,94,101,123,173,189,207,204,194,125,112,110,176,183,178,168,168,121,113,95,81,93,168,186,178,170,165,119,121,165,176,189,186,178,183,194,196,186,176,170,176,186,183,178,177,178,178,176,176,176,178,178,178,183,183,181,178,178,178,181,186,194,202,202,189,178,183,194,199,196,194,194,194,191,191,189,181,178,186,196,189,127,131,173,176,129,126,131,129,118,118,129,178,178,131,130,130,131,176,181,186,191,191,194,191,189,183,178,129,119,122,186,196,196,194,194,194,194,196,196,196,194,194,194,196,199,196,191,181,135,178,183,189,191,189,183,181,179,179,183,186,191,194,199,199,198,198,202,207,204,199,196,194,186,183,181,181,181,181,183,186,176,178,194,189,186,186,189,194,191,189,186,183,181,178,178,178,181,181,181,181,176,181,189,191,189,191,194,194,194,194,194,191,186,181,178,178,174,173,173,176,178,181,183,186,183,178,170,125,121,115,115,119,127,183,199,202,196,194,191,191,194,191,186,183,185,191,202,207,207,207,207,209,209,207,204,196,189,189,189,189,189,194,194,194,189,186,183,183,183,182,182,183,183,111,95,99,109,119,123,131,183,181,176,183,191,194,189,186,186,189,191,194,194,194,194,194,194,191,191,191,191,189,194,196,194,196,202,199,186,178,183,191,199,199,195,195,196,196,186,178,178,183,189,189,186,186,183,178,176,131,125,123,133,181,183,123,123,183,183,178,178,133,123,123,127,119,101,110,181,189,189,191,191,186,137,125,122,196,209,212,209,207,202,199,202,202,194,144,189,191,191,194,199,207,212,212,207,204,204,204,204,204,209,212,212,212,212,209,209,209,215,222,230,233,230,222,215,212,209,202,204,225,233,235,235,233,233,228,225,225,228,225,222,222,220,217,217,217,217,217,217,207,101,65,55,57,63,59,63,109,181,191,178,173,176,186,194,199,196,196,196,194,189,181,178,133,133,133,176,181,186,189,191,189,183,181,179,181,181,176,125,116,117,173,181,125,117,121,173,183,189,186,186,189,189,186,178,129,123,119,119,121,131,183,191,194,194,196,199,202,204,202,196,194,199,199,191,189,194,189,183,186,191,194,199,207,209,212,209,207,205,205,209,212,212,207,202,196,191,194,196,202,199,194,191,191,191,194,202,204,196,189,186,189,186,189,199,212,212,207,196,186,181,181,183,191,196,196,194,194,194,194,191,196,207,207,196,181,179,183,191,194,191,189,189,189,189,189,181,131,129,133,181,191,199,207,207,207,209,209,209,209,202,196,196,202,207,207,207,207,131,56,72,183,196,207,209,209,209,212,212,212,204,186,134,134,139,191,194,199,202,202,199,196,194,194,196,199,202,204,204,199,138,135,186,202,202,196,194,191,189,186,186,191,199,202,199,202,207,209,209,209,207,207,207,207,207,204,202,196,196,202,204,203,204,209,212,215,215,215,215,212,199,191,194,199,196,196,196,199,202,199,191,191,204,209,207,199,196,199,204,207,209,212,209,209,209,204,203,203,204,204,199,199,202,204,207,204,202,196,191,189,191,196,202,204,204,204,204,207,204,202,207,207,203,204,209,212,209,207,207,207,207,207,209,207,209,212,215,215,215,215,215,217,220,217,215,207,202,196,199,199,199,199,199,202,204,202,199,202,204,204,202,202,207,209,209,209,204,202,202,202,202,202,204,202,199,199,204,209,207,202,199,199,196,194,194,194,194,196,202,202,196,194,194,199,204,207,204,199,199,202,204,204,202,196,194,196,199,196,191,191,191,189,191,199,207,212,215,215,212,207,207,209,212,212,215,215,217,217,215,212,212,215,212,212,212,207,204,207,207,202,194,189,189,191,199,202,199,196,196,196,196,196,202,207,204,199,191,187,189,196,202,202,196,194,194,202,207,207,204,202,202,202,204,202,196,192,194,196,196,199,199,202,199,199,199,202,199,196,194,191,189,189,186,139,137,186,194,196,194,189,189,194,202,207,207,204,202,199,199,199,196,189,183,186,186,186,191,202,204,199,194,192,192,194,199,199,199,202,200,200,202,202,202,196,192,191,192,196,199,199,199,196,191,143,147,204,215,222,222,222,225,228,230,235,235,230,233,233,222,209,202,149,137,121,120,139,202,217,228,230,230,228,225,230,238,241,243,246,248,246,246,243,238,235,235,230,217,215,216,225,225,222,215,212,217,225,228,230,228,225,222,228,230,230,222,209,207,209,217,222,212,137,119,113,117,125,123,111,101,111,181,199,202,199,196,194,196,196,196,189,129,115,113,115,129,183,189,189,189,189,194,194,189,186,186,189,191,194,199,204,207,207,199,189,183,139,139,194,209,212,209,207,199,189,139,139,189,191,191,196,204,209,209,207,204,207,207,204,199,196,191,186,189,194,202,202,196,189,183,181,181,181,181,181,181,186,191,196,196,196,196,191,189,194,207,217,220,217,217,215,217,225,233,233,233,230,228,229,230,233,238,238,235,225,209,189,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,202,202,196,191,186,176,165,152,144,0,0,0,0,0,147,144,147,144,137,126,121,121,121,121,124,129,134,139,139,137,103,109,160,183,194,199,204,217,238,251,251,248,251,251,254,255,255,255,255,254,255,0,0,0,0,0,0,0,0,0,255,255,255,243,222,207,202,199,202,207,0,0,0,0,0,204,207,199,194,202,222,0,0,222,207,202,199,194,196,196,194,192,196,212,235,235,217,196,183,186,202,212,209,202,194,186,183,186,191,191,181,163,152,0,0,163,168,173,176,178,178,173,170,0,0,0,0,0,0,0,230,230,230,217,199,176,163,157,160,160,157,147,107,105,109,117,119,121,129,196,222,228,225,225,228,233,235,228,217,215,222,228,222,209,204,205,212,230,241,246,246,246,246,246,248,251,248,235,209,196,147,145,137,133,139,202,217,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,196,139,111,21,196,191,191,194,181,163,150,150,155,155,155,152,147,137,91,71,17,0,9,35,47,5,0,3,21,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,30,33,25,0,0,0,0,0,0,0,29,57,75,118,139,150,150,150,150,150,152,157,160,170,176,170,163,161,160,161,170,170,125,123,125,173,178,181,186,189,191,194,196,189,176,183,199,207,199,186,186,194,194,191,191,191,191,186,178,173,170,173,183,196,202,196,189,176,165,121,113,104,98,97,111,115,113,115,123,170,168,121,111,114,123,183,202,209,209,217,215,212,212,194,72,72,113,123,121,120,170,194,194,194,189,181,181,176,170,129,170,173,183,189,181,131,128,129,176,178,173,173,131,129,125,176,189,191,199,196,202,207,207,209,212,209,204,204,204,203,203,204,209,209,212,209,209,204,202,202,204,212,215,215,215,212,207,204,204,204,207,209,209,207,204,207,207,207,207,209,212,209,199,191,190,196,204,209,209,204,196,195,196,196,196,199,204,209,209,207,207,204,202,194,190,190,191,196,202,204,207,204,196,196,199,199,202,204,204,204,204,199,183,178,182,189,191,189,189,194,194,189,191,199,199,198,198,202,202,202,202,202,202,204,207,196,194,196,196,186,117,103,178,176,183,209,209,51,65,117,99,68,58,64,165,194,196,194,189,178,165,163,173,191,191,189,181,115,85,107,117,123,122,120,121,125,176,183,183,181,186,189,178,181,194,204,207,191,181,183,202,204,202,202,202,196,186,170,109,103,97,56,38,52,173,196,183,173,169,169,170,176,176,178,183,186,189,186,178,127,125,173,186,189,178,176,181,186,183,176,105,103,121,178,178,170,127,129,173,181,189,194,196,199,196,191,189,191,191,191,186,183,178,178,176,129,125,170,183,183,126,120,127,173,178,186,194,199,196,191,186,176,168,168,170,168,123,118,119,125,170,178,183,186,189,191,183,176,176,173,173,181,189,191,186,176,173,173,176,173,173,178,183,189,186,185,185,189,191,194,194,191,189,186,183,183,189,194,196,194,191,191,189,186,183,189,189,178,173,174,176,178,181,186,189,186,127,110,109,109,115,119,119,119,123,127,183,194,202,202,199,199,196,194,196,199,199,194,189,189,186,183,189,199,199,189,100,80,119,129,176,183,196,202,196,176,129,170,173,178,181,186,189,191,189,173,163,169,178,127,122,125,125,129,181,176,174,196,189,186,178,127,170,178,178,173,121,112,112,170,191,189,178,170,170,173,178,173,127,123,119,121,125,173,168,125,168,170,170,178,181,165,165,173,170,121,109,101,117,123,123,178,199,194,165,112,115,123,176,173,173,173,170,115,103,79,58,58,97,173,181,176,173,165,168,176,183,194,194,189,183,183,183,178,173,170,173,189,183,177,176,178,181,178,176,174,176,178,183,189,189,183,178,173,173,178,186,196,207,209,194,178,178,189,196,196,191,191,191,191,189,183,177,174,178,186,129,118,129,178,178,173,129,173,129,114,115,127,178,178,130,128,129,131,133,178,181,189,194,196,199,196,191,186,131,115,115,135,191,191,191,189,191,191,194,196,194,194,194,194,196,196,194,186,135,134,181,186,191,194,189,186,183,181,181,189,194,196,199,199,199,199,199,204,204,204,202,199,194,189,183,178,178,176,176,183,189,186,186,194,186,179,181,186,191,189,183,183,181,178,176,176,178,181,181,178,173,131,176,183,186,186,191,194,194,194,196,194,189,181,178,178,181,178,176,174,176,178,181,186,189,189,183,170,121,111,105,105,109,115,176,202,204,196,189,186,187,191,194,191,191,196,202,204,204,202,202,204,207,207,202,199,194,189,189,191,191,189,191,191,191,189,186,186,183,183,186,186,186,183,106,93,121,181,127,123,131,183,176,125,133,191,191,189,186,189,194,199,199,196,194,192,192,194,194,194,191,186,185,189,194,191,194,196,194,178,174,178,194,202,202,196,196,196,194,183,178,179,183,183,183,183,183,186,189,181,117,93,98,121,178,176,178,183,186,186,135,127,121,119,119,131,135,121,127,183,191,194,196,202,199,186,139,204,215,217,215,212,209,204,202,207,204,191,143,144,189,145,145,196,204,209,207,202,199,199,202,202,207,212,215,212,212,209,209,208,208,212,225,233,233,228,212,207,204,204,200,204,225,233,233,235,235,233,233,230,230,230,225,217,216,217,222,222,222,217,215,217,212,129,83,57,61,79,77,77,109,178,189,178,173,174,181,189,194,194,194,194,194,191,186,183,178,178,176,178,178,183,186,189,189,186,181,181,181,183,181,127,114,115,173,181,125,116,123,181,191,191,183,182,186,189,183,176,131,129,125,123,121,125,178,189,194,196,199,202,204,204,199,191,189,196,196,189,186,189,186,183,186,189,191,196,204,209,212,212,209,207,205,207,209,209,204,199,196,194,194,199,202,199,194,191,191,191,196,202,204,196,189,183,183,183,183,196,209,212,207,196,183,179,179,183,194,196,194,191,194,196,196,196,199,204,204,194,179,178,183,191,194,189,186,186,186,189,189,181,131,129,131,181,186,196,204,207,207,209,209,212,212,202,191,191,202,204,204,202,189,115,53,99,139,191,199,207,209,212,215,212,209,202,186,137,189,194,191,194,199,204,204,202,199,196,194,196,199,202,202,202,202,191,141,189,196,199,194,191,189,186,141,139,186,194,196,196,196,199,202,204,202,202,204,207,207,207,207,202,199,202,204,207,204,204,207,209,212,212,212,215,209,189,183,189,196,196,199,202,202,202,196,186,141,199,209,209,204,199,202,204,204,204,207,209,209,209,207,204,204,204,202,198,198,204,209,207,204,202,196,194,194,196,202,207,207,209,207,207,209,209,209,209,207,203,204,209,209,209,207,207,209,212,212,209,207,207,207,209,212,212,209,209,212,215,212,209,204,202,202,204,207,207,204,202,202,199,196,194,199,207,207,204,202,207,212,209,207,202,198,198,199,199,202,204,202,202,204,209,212,209,202,196,194,191,189,186,189,189,191,194,194,191,189,191,196,202,204,199,194,192,194,199,202,199,191,186,189,194,191,189,189,189,189,191,199,207,212,215,215,212,212,209,212,212,212,212,212,212,212,212,209,209,209,209,209,209,207,204,207,204,199,191,143,189,194,199,202,199,199,196,199,199,204,212,209,204,202,199,194,191,196,202,202,199,196,199,204,207,209,207,202,199,199,202,202,199,196,199,202,202,199,199,202,199,196,196,196,196,196,199,199,196,194,189,137,135,137,189,194,194,191,194,199,204,207,204,202,199,196,194,196,194,186,182,183,183,183,191,202,204,204,199,194,192,192,194,199,202,202,200,200,202,202,202,199,196,194,194,194,196,196,194,194,143,141,145,204,220,225,225,222,222,225,228,235,238,238,238,235,228,215,207,199,145,139,137,143,199,212,222,230,233,233,230,233,235,238,241,246,251,251,248,246,241,241,243,238,228,217,220,222,222,217,215,217,228,233,233,230,225,222,217,222,228,228,225,222,220,217,217,220,217,202,183,119,115,113,107,99,97,101,121,189,199,199,196,191,189,191,196,194,176,117,113,117,129,186,191,191,189,186,191,191,189,185,186,189,194,196,204,209,209,204,196,194,194,191,194,204,217,217,212,209,204,191,137,137,137,133,127,129,137,191,196,196,199,202,204,204,204,202,196,191,191,196,202,204,199,189,183,181,181,181,181,181,183,186,191,194,194,194,194,189,187,191,204,217,222,217,215,215,217,225,233,235,235,233,229,229,230,233,238,238,235,228,212,194,191,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,204,202,196,189,178,165,157,147,144,0,0,0,0,0,152,152,150,147,139,129,121,120,120,121,124,129,134,137,139,103,103,144,165,186,194,199,204,217,241,251,248,248,248,251,251,254,255,254,251,251,254,0,0,0,0,0,0,0,0,255,255,255,254,230,217,212,204,202,202,202,0,0,0,0,0,0,217,202,195,202,0,0,0,215,202,199,0,196,199,204,204,202,204,217,233,233,215,191,181,189,215,233,233,215,194,178,177,178,186,189,181,168,160,160,170,181,189,189,183,183,181,178,176,176,0,0,0,0,0,222,225,225,217,207,183,163,155,152,155,160,160,152,109,105,109,121,123,121,125,189,222,230,228,225,228,233,238,235,230,230,230,230,222,212,208,208,215,228,241,246,248,248,248,248,251,251,248,233,207,147,142,143,139,137,145,204,217,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,202,189,155,196,194,191,191,186,176,160,147,150,155,160,157,155,147,131,121,116,61,9,7,19,17,0,0,0,40,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,95,33,46,40,15,9,0,0,0,0,0,0,0,0,33,85,139,150,152,147,107,144,150,155,163,163,163,163,165,165,163,165,170,168,124,124,170,181,189,194,194,196,202,204,204,196,189,191,202,204,199,191,189,194,196,199,196,194,191,183,176,170,127,170,183,199,202,196,191,181,173,123,115,106,99,101,115,123,121,110,112,119,115,115,115,117,125,183,196,202,207,212,212,215,212,202,127,102,115,127,127,122,123,173,183,189,186,186,186,181,129,125,173,186,194,194,183,129,127,129,173,176,173,131,131,127,125,133,189,199,204,204,204,207,209,212,212,209,207,207,204,203,204,207,209,209,209,212,207,204,203,203,204,209,215,217,222,217,215,212,212,209,207,207,209,207,204,202,204,207,209,212,212,209,194,183,185,191,202,207,207,202,196,196,199,199,196,199,204,209,209,209,209,207,204,196,191,190,191,196,202,204,204,202,199,196,196,199,202,204,204,204,204,202,189,181,182,191,196,199,199,199,199,199,199,202,199,196,198,199,202,204,204,202,200,202,204,196,189,189,199,191,87,61,97,163,176,181,163,61,89,109,101,72,60,57,65,115,163,173,173,103,96,115,189,186,178,178,176,165,119,119,123,125,123,123,127,173,186,191,183,177,186,202,199,194,199,204,202,191,183,183,194,202,194,202,207,199,186,127,117,101,77,0,0,57,196,199,199,191,178,173,176,176,173,178,183,186,189,191,186,178,173,181,189,189,183,183,186,189,181,123,98,109,129,181,181,173,170,176,176,178,186,196,196,196,194,189,186,186,186,183,181,176,173,170,170,125,125,127,173,170,127,168,176,181,186,191,196,199,196,194,191,170,168,170,173,173,168,121,178,196,186,181,189,191,189,191,186,181,178,176,176,183,194,199,191,181,178,181,181,131,128,131,183,189,189,185,185,186,189,191,191,189,186,183,182,182,183,189,189,189,189,194,191,183,178,178,181,183,181,178,178,178,183,186,189,189,176,119,110,111,115,117,116,115,119,121,121,176,196,199,199,199,199,199,199,202,199,194,189,186,183,173,178,196,196,189,102,104,123,131,176,176,183,202,199,191,181,176,173,176,183,189,186,186,183,170,164,166,173,129,124,124,181,189,186,181,176,186,191,186,127,121,127,178,178,176,123,118,125,186,194,189,176,129,128,129,129,125,123,125,125,127,170,173,168,170,176,176,176,183,186,183,170,165,170,170,123,119,115,105,95,113,191,189,111,107,117,170,170,165,166,173,170,111,99,81,28,40,111,176,186,181,173,168,170,178,186,194,196,191,186,181,181,181,178,173,178,183,183,177,177,183,189,186,178,176,178,183,189,194,191,186,176,131,131,181,189,196,204,207,194,178,176,183,191,194,191,189,186,186,186,183,178,177,178,176,125,120,131,181,178,131,131,176,131,118,115,127,181,181,176,131,131,133,176,178,178,178,181,189,199,204,196,196,186,117,113,123,183,186,189,189,189,191,191,191,194,196,194,191,189,189,183,135,134,135,181,186,191,194,194,189,186,186,186,194,199,204,204,199,199,199,202,202,204,202,202,199,194,189,183,178,178,178,176,178,186,183,186,191,186,178,179,186,189,186,181,178,176,176,173,173,178,178,181,176,173,131,173,176,181,186,191,191,191,194,194,191,186,181,176,176,181,183,181,176,176,181,183,186,189,189,186,176,113,89,89,97,101,105,125,207,207,196,187,186,189,194,196,196,202,207,207,204,199,199,196,196,202,202,196,189,183,182,183,186,189,191,191,189,186,186,186,186,189,191,191,189,191,178,107,110,186,189,178,127,129,176,125,116,121,186,186,186,186,189,196,199,199,199,194,192,192,194,194,191,189,186,185,186,189,186,186,191,191,178,174,181,194,202,202,202,202,199,194,186,181,181,183,183,181,178,181,189,196,189,119,111,116,131,189,189,186,189,191,191,181,125,121,121,121,125,181,183,183,191,196,199,204,207,209,212,209,212,217,222,217,212,209,207,209,209,207,199,189,143,142,143,144,194,202,207,204,199,198,199,202,204,212,215,215,215,212,209,209,209,208,212,225,233,230,222,212,207,204,202,200,207,225,230,233,233,235,235,233,233,233,230,228,222,217,217,222,225,225,222,215,212,215,209,111,71,83,113,123,125,131,183,186,177,174,177,181,183,189,191,191,191,189,186,186,186,183,181,181,178,176,178,183,189,191,186,183,181,183,186,183,123,113,114,123,129,121,114,119,183,191,191,183,181,182,186,181,131,127,127,127,125,123,127,176,186,194,196,196,199,202,204,196,189,189,194,196,191,183,139,139,183,186,186,189,194,202,207,209,212,212,209,209,207,207,204,202,199,196,194,194,196,199,196,191,190,190,194,199,199,199,196,186,181,182,182,183,196,207,212,204,194,183,181,181,186,191,194,189,186,191,196,199,199,202,204,202,191,181,181,186,191,191,186,183,183,186,191,191,186,137,131,133,137,183,189,196,202,204,207,209,212,212,199,191,191,199,202,202,199,125,50,59,127,183,189,199,207,212,215,215,215,212,209,202,199,202,196,187,186,191,204,209,207,204,199,194,192,194,199,202,202,199,194,189,186,191,194,191,189,189,186,139,135,139,186,194,194,189,189,191,191,191,194,199,202,204,204,204,202,202,204,207,209,207,207,209,207,207,207,209,209,204,179,178,194,199,196,196,202,202,202,199,189,139,186,209,212,209,204,204,207,204,198,198,204,209,212,209,207,207,207,202,198,198,207,212,204,199,199,196,191,194,202,209,212,209,207,205,205,207,212,215,212,209,204,204,207,207,205,205,207,212,215,212,209,207,205,205,207,209,209,207,207,209,212,212,209,204,200,202,207,209,209,207,204,202,196,192,192,196,207,207,202,200,207,209,209,207,202,199,198,198,199,204,207,209,209,209,209,209,209,204,196,189,186,185,185,185,186,189,186,186,186,191,194,196,199,199,199,192,192,196,202,202,194,185,182,185,191,189,187,189,194,191,191,199,207,212,215,215,215,212,212,209,209,209,207,204,204,204,204,202,200,202,207,209,209,204,202,207,204,196,143,142,143,191,199,204,202,196,191,194,202,209,212,207,204,204,204,202,196,199,202,199,196,196,199,204,204,204,202,199,198,199,199,202,202,202,202,204,204,202,202,202,204,202,199,199,199,199,196,199,199,194,186,137,134,135,183,191,194,194,196,202,207,207,202,199,196,194,194,194,189,183,182,183,186,189,194,202,204,207,207,204,196,192,192,196,202,204,202,202,204,204,202,202,199,199,199,196,196,194,191,145,141,141,147,207,222,228,225,222,222,225,228,233,238,241,243,238,230,217,204,151,149,149,147,149,196,207,217,228,233,233,230,233,233,230,233,241,248,254,254,251,246,246,246,246,238,230,228,230,222,217,217,222,230,235,230,228,222,217,217,222,225,225,225,225,225,217,215,212,215,209,199,183,127,115,101,96,97,103,115,178,191,196,194,189,183,183,191,194,178,121,114,119,135,189,191,189,186,186,186,186,186,189,191,194,199,207,209,209,207,202,199,199,202,202,204,212,217,217,215,215,215,212,207,202,189,129,113,111,113,121,133,183,189,196,202,202,202,202,199,194,194,196,202,202,196,189,181,137,137,137,137,181,181,183,189,189,191,191,191,189,187,189,202,215,222,217,212,211,212,222,230,235,235,238,238,235,235,235,238,241,238,233,222,202,194,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,212,204,199,194,186,173,160,150,142,139,144,0,0,0,0,152,152,150,147,147,139,124,120,118,121,129,134,134,137,139,137,139,0,173,191,199,204,209,225,241,248,251,251,251,251,250,251,254,251,251,251,255,255,255,0,0,255,254,254,255,255,255,255,217,211,212,209,204,202,202,202,0,0,0,0,0,0,222,204,195,202,0,225,212,202,196,0,0,0,0,0,0,230,225,225,230,228,209,183,176,189,220,241,248,233,196,178,176,177,181,181,178,0,168,173,186,0,0,209,204,194,189,183,181,178,178,178,0,0,0,215,217,222,217,207,183,157,151,151,157,163,163,160,147,103,103,115,121,119,117,133,212,230,228,225,228,235,238,238,238,238,238,228,215,209,215,215,217,228,241,246,246,246,243,246,251,254,246,230,207,147,143,145,196,199,207,215,222,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,199,186,165,191,191,186,178,170,165,155,146,147,152,157,160,160,147,139,144,173,183,131,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,20,66,53,38,38,27,7,0,0,0,0,0,0,0,49,126,150,150,103,93,101,111,155,160,160,160,160,168,173,176,176,176,168,123,124,173,186,196,199,199,202,204,207,204,199,189,183,194,204,196,189,189,194,199,202,202,196,189,181,173,168,125,165,178,194,199,196,191,186,176,123,117,115,107,111,117,123,123,113,113,117,115,113,117,119,127,183,196,202,204,209,212,207,202,196,189,178,173,173,170,127,127,173,181,181,181,183,183,178,123,119,170,191,199,196,186,173,129,131,173,173,131,127,125,124,125,176,194,204,207,204,204,207,209,209,207,207,209,209,207,204,204,207,209,209,209,212,209,207,204,207,209,215,222,225,225,222,222,217,215,212,209,209,209,207,202,202,202,204,209,212,212,207,194,187,189,190,194,202,204,202,196,196,199,196,196,199,204,209,209,209,207,209,207,202,194,194,196,199,204,204,202,199,199,196,196,199,202,204,204,204,207,204,196,189,186,194,199,202,202,202,199,202,202,202,199,198,198,198,199,204,204,202,200,202,204,202,189,186,191,191,89,62,84,113,113,107,103,99,95,93,99,121,186,75,48,51,73,111,119,104,98,106,173,173,125,123,123,125,165,170,173,173,173,173,178,186,191,189,174,172,181,204,207,202,199,199,191,186,181,178,176,178,176,191,204,196,186,178,183,121,55,2,0,61,183,202,204,202,196,191,183,176,173,178,181,183,189,194,194,186,181,181,186,189,189,191,194,194,183,123,102,113,129,181,183,178,178,183,178,176,181,191,194,194,191,189,183,183,181,178,173,129,125,125,125,125,125,124,125,127,129,170,181,186,191,196,196,196,194,191,183,170,170,178,181,181,178,173,186,196,189,186,194,194,189,189,183,183,183,183,186,191,199,204,199,189,183,183,181,129,125,126,178,189,189,186,185,186,189,189,189,186,183,183,183,182,183,186,186,186,189,191,189,181,177,178,183,189,189,183,181,181,186,189,194,194,186,170,121,119,123,123,116,115,119,119,118,127,189,196,196,199,199,199,196,196,196,191,189,186,173,115,119,194,191,125,109,113,125,129,127,121,123,191,202,196,189,183,178,178,183,186,186,183,181,176,170,176,181,178,176,178,194,194,189,183,181,191,194,181,115,114,176,189,183,176,170,127,170,181,186,181,173,170,129,170,129,125,123,127,127,168,173,173,170,173,178,178,181,186,191,191,178,170,178,186,178,168,109,82,81,113,178,125,107,106,165,181,176,168,169,173,163,109,101,93,51,58,123,181,189,183,170,165,168,176,186,191,191,186,183,183,186,186,183,181,181,186,181,178,183,194,196,191,186,183,186,189,191,191,189,181,173,129,176,183,191,196,202,202,191,176,133,181,191,196,194,189,183,183,183,183,181,181,183,181,129,126,178,189,183,131,130,173,131,119,115,119,173,181,181,181,181,178,176,178,181,176,129,129,186,199,199,196,189,129,120,127,181,186,189,189,186,186,189,191,196,196,194,186,181,178,178,134,134,135,178,181,186,194,194,194,191,194,194,196,202,204,204,199,198,199,202,202,202,199,199,199,196,191,186,183,181,178,131,127,129,131,178,186,183,181,181,183,183,181,178,173,173,173,172,173,176,176,176,176,173,131,130,130,173,183,186,189,191,191,191,189,183,178,174,174,181,183,183,178,178,181,181,183,186,186,186,178,111,85,82,87,99,101,113,202,207,199,191,189,194,199,202,199,202,207,204,199,196,196,196,194,196,199,194,186,183,181,181,182,186,189,191,189,185,183,185,186,191,194,194,191,194,183,115,119,183,189,183,125,115,117,119,119,129,183,186,186,183,183,189,194,196,199,196,192,192,194,196,191,191,191,186,185,183,182,182,186,189,181,177,183,194,199,202,202,202,196,189,181,178,181,183,183,181,133,133,183,199,196,129,121,176,196,199,196,196,196,196,196,191,133,127,127,125,129,181,186,191,202,207,207,207,209,217,222,220,215,215,217,215,209,207,209,215,215,209,202,191,144,143,144,145,196,202,204,204,199,198,202,207,209,215,217,217,215,215,212,212,209,209,215,225,230,228,222,215,212,209,204,204,215,228,233,233,235,235,235,235,233,233,230,228,225,222,222,222,225,225,222,215,212,215,212,135,107,117,181,186,186,183,189,189,181,178,183,186,186,189,191,191,189,186,181,181,181,183,183,181,176,174,176,181,189,191,189,183,181,178,181,176,119,112,113,117,119,116,114,121,181,189,189,183,181,182,183,181,131,123,121,125,127,127,131,176,183,191,194,194,196,199,202,196,189,187,194,196,191,183,139,138,139,183,186,186,191,202,207,209,212,215,215,212,212,209,207,204,202,196,194,194,196,199,196,191,191,191,196,199,199,194,191,189,186,186,183,183,191,202,207,199,189,182,182,183,191,194,191,185,185,191,199,202,202,204,207,204,194,183,186,191,194,191,183,178,181,186,194,194,189,181,135,135,181,186,189,194,199,202,207,209,212,209,199,194,191,196,196,196,189,94,63,87,186,194,196,199,207,212,212,215,217,217,217,215,212,207,194,183,182,189,207,215,212,204,199,194,191,192,199,204,204,204,199,191,189,191,194,191,186,186,141,137,134,134,139,189,194,186,137,137,183,186,194,196,199,202,199,196,196,199,204,207,207,204,204,207,207,207,207,207,207,194,176,177,196,204,199,196,202,204,209,207,194,136,137,209,215,212,207,207,209,202,196,195,199,209,212,209,209,207,204,199,198,198,204,207,202,199,199,194,191,196,204,209,212,209,207,205,205,207,209,215,215,212,209,209,212,207,205,204,207,212,215,212,209,207,207,207,207,209,209,207,204,207,209,212,212,207,200,200,204,209,207,204,199,196,194,192,192,194,204,204,200,200,204,209,209,209,209,204,202,199,202,204,209,212,215,215,212,212,212,209,202,196,194,189,185,185,186,186,185,185,186,191,194,196,196,196,196,194,194,199,199,194,189,183,182,185,194,191,189,191,191,189,189,196,207,212,215,215,212,212,209,204,204,204,202,200,200,202,204,200,199,200,204,209,209,204,202,204,204,196,189,143,189,194,199,202,199,191,189,191,202,209,209,207,204,204,207,207,202,202,202,199,195,195,199,202,202,202,199,199,199,198,199,199,199,199,202,202,202,202,199,202,207,204,202,199,202,199,196,194,194,191,186,139,136,136,183,189,191,196,202,204,207,207,204,199,196,194,191,191,189,186,183,186,189,191,196,202,204,204,207,207,199,192,192,196,202,207,207,204,204,204,202,199,199,202,202,199,196,191,143,141,141,143,196,209,222,228,225,222,222,228,230,233,238,243,246,241,235,225,209,202,199,199,151,149,196,204,215,225,230,230,230,233,228,225,228,233,241,248,248,246,243,243,246,246,241,238,235,230,222,220,220,222,228,230,225,222,220,215,217,222,225,222,217,222,220,215,207,204,204,204,202,196,186,135,119,105,105,103,103,129,189,194,194,189,181,179,181,186,181,127,121,127,178,189,189,186,183,182,183,186,189,191,194,199,204,207,209,207,204,199,196,199,202,202,204,209,212,215,212,215,215,215,217,215,202,135,113,101,101,107,111,121,137,194,202,202,202,202,196,191,191,194,196,196,191,186,181,135,133,135,135,135,135,137,139,183,186,189,191,189,187,187,196,209,217,215,211,211,212,222,230,233,235,241,246,243,241,241,241,243,241,233,225,209,199,194,194,204,0,0,0,0,0,0,0,0,0,0,0,0,225,215,204,196,189,178,168,155,147,139,138,139,0,0,147,147,150,147,144,147,150,144,131,121,120,124,134,139,139,139,137,139,0,0,178,196,207,209,215,228,241,248,254,255,255,251,250,251,251,251,254,255,255,255,255,255,255,255,252,252,255,255,255,243,215,212,217,212,204,202,202,207,0,0,0,0,0,0,0,207,196,202,212,212,207,202,199,0,0,0,0,0,228,233,228,220,217,215,202,178,170,178,204,233,246,233,199,181,177,176,178,178,176,0,170,178,0,0,0,0,215,204,194,189,189,189,186,183,0,0,0,215,217,225,225,212,189,163,152,152,157,163,163,160,150,101,97,107,113,111,111,127,209,230,230,228,230,235,238,241,241,243,238,225,208,208,212,217,225,230,241,246,243,241,241,243,248,251,243,228,207,149,145,149,207,215,222,228,228,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,191,181,163,176,178,170,160,155,155,152,147,146,147,152,160,163,152,152,165,181,194,189,134,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,79,64,72,95,95,72,35,23,15,0,5,39,65,93,139,103,89,86,95,111,155,160,160,160,163,168,181,189,189,186,170,124,124,178,191,196,199,202,202,207,209,207,199,189,127,181,204,191,183,189,194,199,199,202,199,189,176,168,125,121,123,170,186,194,191,186,183,173,119,117,117,115,115,115,119,121,117,112,113,113,109,105,107,117,181,199,207,207,209,212,202,195,196,204,204,194,183,176,173,176,181,181,178,178,178,181,173,119,116,125,186,194,191,183,176,173,173,176,178,131,127,124,124,127,183,202,207,207,204,204,204,204,204,204,204,207,209,207,202,199,202,204,207,209,209,209,209,209,212,215,222,225,228,225,222,217,215,212,212,212,215,212,207,204,202,202,202,204,209,215,209,204,204,202,191,190,196,204,202,199,199,196,196,199,202,204,207,207,207,207,207,207,202,194,194,196,202,204,207,202,199,196,196,196,199,202,202,204,204,207,207,202,194,191,194,199,202,202,202,202,199,202,202,199,199,199,199,199,202,202,202,202,202,204,204,194,189,191,186,103,80,91,113,107,101,101,107,101,92,173,191,202,101,52,67,101,113,123,119,107,111,121,121,117,116,116,119,165,176,178,178,181,183,186,194,194,186,173,170,178,202,207,199,194,191,183,178,178,173,127,124,122,129,183,181,178,181,194,194,93,73,75,115,194,204,202,199,204,199,181,127,127,173,178,181,183,189,194,191,183,183,186,191,194,194,196,196,183,125,109,111,119,125,173,176,181,186,181,173,176,186,189,189,191,189,183,178,176,173,170,124,123,124,127,170,129,124,124,129,170,173,181,189,194,196,196,196,191,183,173,168,176,186,186,183,181,183,191,194,181,178,191,191,186,186,186,189,191,194,194,196,202,204,202,189,181,181,178,129,124,125,176,189,191,189,186,189,189,186,183,181,183,186,186,183,186,189,186,186,189,189,186,179,179,181,189,191,191,189,189,189,191,196,199,202,196,183,173,129,170,129,123,123,129,129,125,170,186,191,191,194,196,194,194,194,191,189,186,178,119,109,111,125,127,109,113,119,127,125,119,115,115,176,199,199,191,183,181,181,181,183,183,178,178,181,181,183,189,189,194,196,199,194,189,183,186,196,199,178,113,114,186,194,183,178,178,176,176,176,176,176,173,176,178,178,176,170,127,129,129,127,168,170,168,170,176,181,183,191,196,196,183,176,183,191,189,183,181,74,73,113,125,115,110,113,183,191,189,183,181,178,165,113,113,111,73,69,113,173,181,178,165,164,168,176,186,189,189,183,181,181,186,186,183,181,183,183,178,181,189,196,196,191,189,189,189,186,183,183,181,176,129,129,176,178,186,194,202,199,189,176,131,178,191,202,202,194,186,181,183,186,186,189,194,191,178,131,183,194,189,173,130,131,131,123,116,116,123,176,181,183,183,181,176,181,186,178,127,125,129,186,196,194,186,133,127,131,183,189,189,186,185,185,189,194,196,194,186,135,133,135,178,135,135,135,135,135,181,189,191,194,194,199,199,199,199,202,202,199,199,199,202,204,202,199,199,202,199,194,189,186,178,129,117,106,100,105,112,125,176,183,183,178,176,181,178,131,131,173,172,173,173,131,131,176,176,173,129,128,131,181,183,186,189,191,189,186,181,176,174,176,181,183,181,176,176,178,178,181,183,186,189,183,121,88,81,85,99,97,95,181,202,199,194,194,196,202,202,196,196,196,199,196,194,194,194,194,196,196,194,189,186,182,181,181,183,189,191,189,186,185,185,189,196,196,194,194,196,189,127,127,178,181,133,115,110,113,125,178,181,181,181,183,181,176,178,186,194,196,194,192,192,196,196,196,196,194,191,185,183,183,182,185,186,183,181,186,191,194,196,196,196,191,183,135,133,135,183,186,183,133,130,133,194,196,178,133,189,204,202,199,199,199,199,202,202,189,133,135,137,137,183,189,199,212,217,215,212,212,215,225,225,215,204,204,207,207,207,212,217,217,212,204,194,191,191,194,196,199,204,207,207,204,202,207,212,215,215,217,217,217,217,215,212,209,209,217,228,230,228,225,222,222,212,209,215,225,230,233,235,235,233,233,233,233,233,230,228,225,225,222,225,225,225,222,215,212,215,215,194,129,135,194,199,196,194,196,199,194,191,194,194,191,191,194,194,191,186,181,179,179,181,183,181,176,174,176,178,183,189,186,183,178,173,176,173,119,114,115,116,115,115,117,127,181,189,189,186,183,183,186,186,178,121,120,121,127,176,178,176,178,183,189,189,194,199,202,196,189,187,191,194,191,186,183,139,139,141,186,191,196,204,209,212,212,215,217,217,215,212,209,204,202,196,194,194,196,196,196,194,194,191,194,199,199,191,187,189,196,196,191,186,191,196,199,194,183,182,186,191,196,194,189,185,185,194,202,202,202,202,204,207,202,189,189,191,189,186,178,177,177,183,194,194,189,183,135,135,183,189,191,191,194,199,207,209,212,209,202,196,191,191,191,189,133,97,99,189,196,202,202,199,202,207,212,215,217,222,222,217,215,207,194,186,186,199,215,217,212,204,199,194,192,194,202,207,209,209,204,196,194,199,199,194,189,191,186,137,133,133,139,191,194,141,129,128,135,186,194,196,196,194,186,137,139,191,202,202,199,196,199,202,204,204,207,207,202,186,176,179,202,207,202,199,202,207,215,215,199,135,134,202,212,212,207,207,209,204,198,196,202,209,212,212,209,204,202,199,198,199,202,202,202,202,199,196,194,199,204,207,209,207,207,207,207,207,209,215,215,215,215,217,215,209,207,205,207,212,212,209,207,207,207,209,212,215,212,209,204,204,207,212,215,209,202,200,202,204,204,199,196,194,194,194,194,196,202,202,200,202,207,209,209,212,215,212,209,204,204,207,209,212,215,215,212,212,215,212,209,207,204,199,191,189,189,189,186,186,189,194,196,199,196,194,191,194,194,196,194,189,186,185,186,191,199,196,194,196,191,186,185,194,204,212,215,215,212,209,204,198,198,199,202,200,202,204,209,207,202,200,202,207,209,207,202,204,202,199,194,194,194,196,199,202,199,194,191,194,204,209,209,207,204,207,209,209,207,204,204,199,195,195,196,202,202,202,199,199,199,199,199,199,199,199,202,202,202,199,198,199,204,207,204,199,202,199,196,189,189,186,186,183,183,186,191,191,194,199,202,202,204,207,204,199,191,189,189,191,191,189,189,189,191,191,194,199,199,202,204,204,199,194,194,196,204,209,209,207,204,202,198,198,199,202,202,199,194,143,139,139,141,194,204,215,225,228,228,228,225,228,230,233,238,243,248,246,243,241,230,222,215,209,204,196,199,207,215,225,230,230,230,225,215,215,222,225,228,230,233,233,233,238,243,243,241,238,235,228,220,220,220,212,207,207,209,212,209,204,207,215,217,215,212,215,215,209,199,196,196,196,196,199,202,199,189,131,119,103,91,125,189,196,194,191,186,179,179,181,181,176,131,133,183,189,189,186,182,181,182,189,194,196,196,202,204,202,202,202,199,196,194,194,191,191,194,196,202,204,207,207,209,209,212,215,212,191,121,96,97,99,103,109,125,186,196,202,202,199,194,186,183,186,189,186,186,186,181,135,133,133,133,133,131,133,133,135,139,141,186,191,191,191,196,207,215,217,215,212,215,222,228,230,233,238,243,246,243,243,243,246,241,230,222,215,207,196,191,194,202,0,0,0,0,0,0,0,0,0,0,0,225,217,207,194,183,173,163,152,144,142,139,139,142,142,144,147,144,142,139,142,147,147,137,126,124,126,137,147,147,142,134,134,137,0,170,194,204,212,217,228,235,246,255,255,255,254,250,250,251,254,255,255,255,255,255,254,255,255,252,252,255,255,255,251,233,233,235,222,207,204,207,212,225,0,0,225,209,0,0,209,202,202,207,212,215,215,209,0,0,0,0,209,212,222,215,207,204,202,191,173,0,168,186,212,230,222,202,186,178,177,178,178,176,170,168,176,186,0,0,0,225,212,199,196,202,202,199,0,0,0,0,217,225,228,230,217,196,173,155,152,152,157,157,157,147,97,93,99,105,103,105,125,204,230,233,233,235,238,241,243,243,246,241,225,208,207,212,222,228,235,243,243,241,239,241,243,246,246,241,230,209,151,145,151,212,225,233,235,233,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,189,178,155,147,150,147,144,150,155,155,150,147,147,152,155,157,155,160,170,181,186,189,186,173,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,92,87,103,139,168,178,173,176,186,189,181,163,139,137,137,97,88,85,99,113,155,160,163,163,163,165,181,194,199,194,178,127,168,183,191,196,202,204,207,212,215,212,204,191,113,125,199,186,181,189,191,191,191,194,194,183,170,123,120,120,120,125,173,181,183,178,173,125,113,115,119,117,114,114,115,115,115,111,111,121,109,98,102,113,181,199,207,207,207,207,202,199,204,209,209,204,191,178,173,178,181,183,178,176,178,181,178,121,116,120,176,183,181,176,173,173,176,181,181,178,131,129,129,176,191,204,209,207,204,203,203,204,204,203,203,204,207,207,202,196,195,199,204,207,207,209,209,212,212,217,222,228,228,222,217,212,207,207,207,215,217,212,209,207,204,202,202,199,202,212,215,215,215,209,194,189,194,202,204,202,199,196,196,199,202,202,204,204,204,204,204,202,196,189,189,194,202,207,207,207,202,199,199,199,199,202,202,204,204,209,209,207,199,196,194,196,199,202,202,202,199,199,199,202,204,204,202,202,202,200,200,202,202,199,196,191,191,189,170,107,99,109,115,111,109,105,103,103,115,186,202,222,115,43,53,101,117,163,123,119,119,121,119,117,118,118,120,165,173,178,181,181,183,189,194,196,191,181,177,183,194,196,191,186,183,176,173,173,170,127,123,121,125,170,125,119,121,115,125,178,191,194,196,199,199,194,189,194,194,127,122,124,127,176,178,178,183,189,191,189,186,191,194,194,194,194,191,181,125,115,111,110,113,121,170,181,186,170,123,129,181,186,189,189,186,183,176,176,176,129,123,123,170,176,178,176,173,170,170,173,178,183,189,194,196,196,194,189,178,127,125,170,183,186,186,183,181,183,173,111,119,181,186,186,186,186,191,194,194,194,196,199,202,196,186,177,177,178,131,125,125,176,189,194,191,191,189,186,181,179,179,181,186,186,186,189,189,186,186,191,191,186,181,181,189,191,191,191,191,191,194,196,202,204,207,204,194,183,176,176,173,173,178,183,183,176,173,181,186,189,189,186,186,186,189,189,181,173,125,115,115,109,78,87,105,117,123,125,123,120,117,116,176,196,196,189,181,179,181,181,181,183,177,177,181,183,186,191,194,199,199,199,191,186,186,189,196,199,183,118,119,178,181,176,178,183,181,178,178,176,176,176,181,186,189,186,176,173,170,170,127,126,127,168,173,181,186,191,199,204,202,191,178,178,189,191,191,215,66,60,109,119,117,117,176,194,202,202,199,191,183,176,170,170,165,87,63,77,117,168,170,165,165,170,178,186,191,191,186,176,170,173,178,178,181,183,183,181,181,186,189,189,186,189,189,183,176,129,129,129,127,127,129,129,129,173,186,196,196,186,176,129,176,191,202,204,199,189,181,183,189,194,199,199,194,176,130,181,194,194,176,130,131,173,127,119,118,123,173,178,178,181,181,178,183,189,186,133,127,127,133,189,189,181,131,127,131,183,189,189,186,186,186,191,194,191,186,133,127,131,178,183,183,181,181,135,134,135,181,186,189,191,196,199,194,191,194,199,202,202,202,204,204,204,202,202,204,202,196,191,183,129,115,111,104,98,102,109,119,176,191,189,131,125,176,176,129,170,173,173,173,131,130,130,173,178,178,173,131,176,183,183,183,186,186,186,181,178,176,176,181,183,181,178,174,174,174,176,178,183,186,189,189,178,121,89,89,99,89,78,107,186,191,191,194,196,202,199,194,190,190,191,191,191,191,191,191,194,194,194,191,189,186,183,183,186,189,191,191,189,189,191,194,196,199,196,194,196,189,176,133,133,125,115,112,112,121,183,191,183,125,127,176,176,174,176,183,191,196,194,192,194,196,199,199,199,196,189,185,186,189,186,186,189,189,186,189,191,191,194,194,191,183,135,132,132,133,178,186,186,183,132,135,191,196,183,181,191,199,202,196,199,202,204,204,204,191,130,133,181,186,186,191,204,222,225,220,212,209,212,222,222,212,194,187,189,204,212,212,212,215,215,207,199,196,199,202,202,202,204,209,212,212,212,215,217,215,215,217,220,222,222,217,215,209,212,222,230,230,230,230,228,217,207,212,225,230,233,233,233,233,230,230,233,233,230,230,228,228,228,225,225,225,225,222,217,215,222,217,202,183,183,194,199,199,202,204,207,204,204,204,202,199,199,199,196,194,189,183,181,181,181,181,178,176,176,176,178,181,183,183,183,176,172,173,173,125,121,121,117,115,116,125,178,186,189,191,191,189,186,189,191,186,123,119,121,131,181,186,181,176,178,181,186,191,199,199,194,189,189,194,194,189,189,191,189,186,189,194,199,204,209,215,215,215,217,217,222,217,215,209,204,202,196,194,194,194,196,196,199,196,191,191,196,199,191,186,189,202,202,196,191,194,196,196,189,183,186,191,196,196,191,186,186,191,199,204,204,199,196,199,204,202,194,189,186,181,178,178,177,177,183,189,189,183,181,178,178,186,194,194,191,191,196,207,212,212,209,207,199,191,189,189,186,135,129,191,202,196,202,207,202,202,204,209,215,217,217,217,217,212,204,202,202,204,212,220,217,212,207,202,196,194,196,202,207,212,215,209,204,202,204,207,199,191,194,189,135,133,135,186,194,196,137,126,126,133,183,189,194,194,189,131,124,126,183,196,196,189,189,194,196,196,199,202,204,202,189,181,183,202,207,202,199,199,202,209,212,204,133,129,141,202,207,202,199,202,204,204,207,209,212,215,212,209,207,202,199,198,199,199,199,204,207,204,196,194,196,202,204,207,209,209,209,209,207,209,212,215,215,215,217,217,215,212,209,212,215,215,212,209,207,209,212,215,215,212,207,204,203,204,209,209,207,204,202,204,204,202,199,196,196,196,196,199,202,204,204,204,207,207,204,202,207,215,217,215,212,207,207,207,207,209,212,212,212,212,212,212,209,209,207,199,196,194,191,189,189,191,196,199,199,196,191,189,187,189,191,191,189,189,191,196,202,204,199,194,196,194,186,186,194,204,209,212,209,207,204,202,198,198,199,202,202,204,209,215,217,212,204,204,209,209,204,202,202,202,202,202,202,202,202,202,204,207,204,202,204,209,212,209,204,202,202,207,207,204,202,202,202,196,195,196,202,204,202,199,199,199,202,202,199,199,199,202,204,204,202,198,199,202,204,202,199,199,199,194,186,185,185,189,189,191,194,196,199,196,196,194,194,199,204,204,196,189,185,185,189,194,194,194,191,191,191,194,196,196,196,199,202,199,196,196,199,204,207,209,207,204,199,198,198,199,202,202,196,145,139,137,137,141,196,209,217,225,230,230,230,228,228,228,230,238,243,248,251,251,248,246,246,241,228,212,202,204,209,217,228,230,230,222,207,202,212,225,228,224,221,224,224,228,233,241,243,238,235,228,212,202,204,204,189,137,137,189,199,196,191,192,204,212,212,211,212,215,209,199,192,192,194,194,196,207,209,202,183,127,103,83,125,191,199,194,191,191,186,183,181,181,181,178,178,183,189,191,189,186,183,186,191,196,199,199,199,196,196,196,196,194,191,189,186,183,182,183,186,191,196,202,202,202,202,204,212,212,204,181,96,96,99,103,107,113,127,189,202,204,202,191,183,137,137,181,181,183,186,183,181,137,135,133,133,133,131,131,133,133,135,139,191,196,199,202,212,222,228,228,225,222,220,222,225,228,233,241,246,246,243,246,246,241,225,215,212,209,202,0,196,202,209,0,0,0,0,0,0,0,0,0,0,217,217,209,196,183,173,160,150,147,147,144,144,144,0,0,150,147,142,135,137,142,142,137,131,126,129,139,150,152,144,134,129,101,142,0,173,194,209,220,225,233,241,251,255,255,254,251,251,254,255,255,255,255,255,251,251,255,255,255,255,255,255,255,255,255,255,255,230,209,207,212,215,225,0,0,222,209,0,0,0,207,204,209,217,230,233,217,209,0,0,235,209,203,204,204,196,191,189,178,163,157,160,176,194,215,215,202,194,189,183,183,183,178,173,0,0,178,0,0,0,230,222,207,204,215,217,0,0,0,0,0,225,228,230,230,222,202,176,155,147,144,147,150,152,147,95,92,94,99,101,105,123,202,230,235,238,238,241,241,243,246,248,243,228,209,208,215,225,233,238,243,241,239,239,241,243,243,243,238,230,215,151,147,199,217,228,233,235,233,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,186,176,152,113,113,126,137,152,160,163,160,155,155,152,152,152,152,163,176,183,186,189,191,199,189,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,121,142,170,189,196,196,199,204,202,196,196,199,183,150,101,92,89,101,113,157,163,165,165,163,163,181,196,204,199,183,173,176,186,194,199,204,207,212,217,217,215,204,176,95,115,181,176,176,183,186,181,178,178,183,178,168,121,120,120,120,121,125,165,165,123,119,113,108,115,121,119,115,115,114,114,115,115,119,189,181,125,123,173,186,194,194,194,199,202,204,207,209,209,209,204,194,176,129,170,176,178,178,176,178,183,183,173,121,123,170,178,178,170,130,131,176,178,181,178,176,133,133,178,191,202,207,207,204,203,203,207,207,207,204,204,207,209,204,196,195,196,202,204,204,207,207,209,212,217,222,225,225,217,212,204,202,202,204,212,217,215,212,209,207,202,194,141,137,199,215,222,215,207,196,190,191,202,207,204,199,196,194,194,194,196,202,204,204,204,204,199,194,186,186,189,196,204,207,207,204,202,202,204,204,204,204,204,207,207,207,207,202,196,191,191,196,202,204,202,199,199,202,204,207,207,207,204,202,200,200,202,199,199,196,191,181,176,125,121,121,115,115,117,115,111,103,107,165,183,199,220,176,44,47,91,109,117,117,119,165,168,123,123,181,178,170,168,173,178,181,178,178,183,189,191,189,189,189,191,189,186,181,181,178,173,173,170,129,127,125,124,127,168,121,113,111,102,73,173,196,202,202,202,196,186,176,178,178,125,123,125,173,178,178,176,178,183,191,191,191,194,196,194,189,183,181,176,127,117,111,110,111,121,170,178,181,116,115,122,178,189,191,189,186,181,178,176,176,127,122,124,176,181,178,178,178,176,168,170,181,186,191,194,194,191,189,181,173,121,118,119,170,183,186,181,176,123,104,98,105,170,186,186,186,186,189,191,186,186,191,196,199,194,183,178,178,178,173,127,126,131,183,191,194,191,189,183,179,179,179,181,186,186,186,189,189,189,189,191,191,189,183,186,191,191,189,186,186,189,191,194,199,202,204,204,199,191,181,178,178,181,183,186,181,178,173,178,186,189,186,178,176,181,186,181,170,125,125,123,125,91,54,75,117,127,127,127,129,170,129,127,183,194,194,186,179,178,181,183,183,183,178,178,181,181,181,189,194,194,194,186,178,176,183,189,194,191,178,121,121,129,170,168,170,178,181,181,183,181,178,178,183,191,191,186,178,176,173,173,170,127,129,170,176,186,194,199,204,204,202,194,173,168,178,189,189,173,59,58,113,123,119,125,189,199,204,207,204,191,183,181,183,183,170,93,48,50,111,163,165,168,168,173,178,186,191,194,191,176,125,122,127,173,178,181,181,178,178,178,181,183,186,186,183,173,123,119,119,121,121,123,125,127,126,126,173,181,183,178,131,129,176,189,196,202,196,189,179,181,189,196,202,202,191,131,127,176,191,194,181,173,173,176,131,127,125,131,178,181,178,181,183,181,181,186,191,191,181,128,126,178,183,181,133,127,133,183,186,186,186,189,191,194,191,186,133,122,123,131,183,189,186,186,183,178,134,134,178,183,186,189,194,196,189,183,189,194,199,199,202,204,204,202,202,202,204,202,196,189,181,121,111,115,125,123,125,131,178,191,199,194,117,114,123,127,119,125,170,176,176,170,130,130,170,178,186,189,186,189,189,189,186,186,183,178,176,170,170,178,183,186,183,178,176,176,176,178,181,186,186,186,186,189,186,117,99,95,81,72,83,123,178,189,191,194,199,199,194,190,190,191,191,191,189,189,189,189,191,191,191,189,189,189,189,186,189,191,194,194,196,196,199,199,196,194,194,194,189,178,131,119,112,111,114,123,181,191,189,125,108,113,127,176,178,183,189,194,196,196,194,196,199,199,202,199,196,189,189,194,196,189,183,186,186,189,191,194,191,194,194,191,183,135,133,133,133,135,181,191,194,186,183,191,196,194,191,194,199,199,194,194,199,202,204,202,186,109,118,133,186,189,194,209,222,225,222,212,208,212,220,222,212,189,179,181,204,217,212,209,212,215,209,204,202,204,207,204,202,202,209,217,222,222,222,222,217,217,217,222,225,228,225,217,215,217,228,230,233,235,235,228,209,198,209,228,235,233,233,230,230,230,230,230,230,230,230,228,228,228,228,225,225,225,225,222,222,225,222,215,199,189,191,196,199,204,209,212,212,212,212,207,204,202,202,199,196,191,189,183,183,181,181,178,178,178,178,178,181,181,181,181,176,173,178,178,170,129,127,123,117,121,176,186,189,191,194,194,194,191,191,196,194,127,121,123,133,186,191,189,183,178,178,181,189,196,196,191,186,191,194,191,186,189,194,194,194,199,204,209,212,215,215,215,217,222,222,225,225,217,215,209,204,199,196,194,194,194,196,199,202,196,194,196,202,196,187,189,199,204,202,199,199,199,196,189,183,191,196,196,191,186,183,189,199,207,209,202,191,186,191,196,199,194,189,181,133,133,178,183,183,183,186,186,183,181,181,183,191,196,194,191,190,196,204,209,209,209,207,202,194,189,189,189,186,189,196,191,186,199,209,202,202,204,209,215,215,215,212,212,209,207,209,215,217,217,220,217,212,207,204,202,199,199,202,204,212,217,215,209,207,209,212,204,199,199,191,135,134,139,194,199,199,141,129,130,137,183,183,189,191,183,127,122,125,186,199,194,187,187,189,189,189,191,196,202,202,194,185,189,196,199,199,196,194,189,189,196,202,137,126,133,194,202,196,189,191,199,207,212,215,215,212,209,209,209,204,199,198,198,198,202,207,209,204,196,194,196,202,204,209,212,212,209,207,207,209,209,209,209,212,212,215,217,217,217,217,217,217,215,212,207,209,212,215,215,212,207,204,203,203,204,204,204,204,204,207,207,204,199,199,199,202,202,202,204,207,207,207,207,204,196,194,199,207,215,217,215,209,204,203,204,207,209,212,212,212,212,209,209,209,207,204,199,196,191,189,189,191,196,199,196,194,189,187,186,187,191,194,194,196,199,202,202,199,191,186,191,191,189,189,196,204,207,207,204,204,204,202,198,198,202,202,204,207,212,217,220,215,209,209,212,212,204,200,200,202,204,207,207,207,204,204,207,212,215,212,212,212,212,207,202,196,196,202,204,202,202,202,202,199,195,195,199,204,202,196,191,194,202,202,202,199,199,202,204,207,204,202,199,202,202,199,199,199,202,196,186,185,186,194,199,196,194,196,196,196,191,190,190,194,199,202,196,186,183,185,191,196,196,196,196,194,194,194,196,195,195,199,202,202,202,202,202,202,204,204,202,199,199,199,199,202,204,199,191,141,138,137,137,143,202,215,222,228,230,233,230,228,226,228,230,238,243,248,248,248,248,251,254,251,235,217,209,207,212,222,230,230,220,204,145,191,209,233,241,233,228,225,228,228,230,233,230,228,225,222,139,121,127,133,125,123,129,141,199,194,190,190,199,209,212,212,215,215,209,202,194,192,194,196,199,207,212,202,181,123,103,89,121,189,199,196,196,196,194,186,181,181,183,181,181,186,191,194,191,191,189,186,189,191,196,196,194,191,194,194,194,191,189,186,186,183,182,183,185,186,191,196,199,199,196,196,204,212,212,199,105,97,98,103,103,103,115,186,202,207,202,194,181,135,135,136,183,186,189,189,189,186,181,135,135,135,133,131,129,129,129,137,191,202,204,207,215,230,238,238,233,225,217,216,217,222,230,241,246,243,243,243,246,238,220,207,204,204,202,0,0,215,222,0,217,0,0,0,0,0,0,0,0,217,217,215,202,183,170,160,150,150,150,152,0,155,157,157,157,152,144,135,135,137,137,137,137,131,134,142,152,157,150,137,129,134,0,0,0,178,202,217,225,230,238,246,254,254,251,251,251,254,255,255,255,255,254,251,251,255,255,255,255,255,255,255,255,255,255,255,228,207,209,217,215,217,228,233,222,209,0,0,0,0,0,0,0,0,0,217,209,215,0,255,233,204,204,207,196,186,176,168,160,157,160,170,186,207,209,204,199,196,191,189,189,186,183,178,0,0,189,0,225,230,225,212,215,228,230,0,0,0,0,0,225,228,228,228,222,202,176,150,143,142,143,147,155,150,99,92,93,97,99,105,125,199,230,238,241,241,241,241,241,246,248,246,233,217,212,217,225,233,238,241,241,241,241,243,243,243,241,235,230,217,202,151,204,222,228,230,233,233,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,165,144,49,63,116,137,157,165,168,165,163,157,155,152,152,163,170,181,189,189,189,196,207,215,212,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,165,176,189,199,202,204,207,209,212,209,212,217,204,163,105,94,93,99,111,160,173,173,170,168,168,183,199,202,196,183,173,176,191,199,204,209,215,217,222,220,212,199,87,76,115,125,125,168,176,176,170,127,127,170,170,168,125,125,123,121,121,121,121,117,111,107,106,107,115,121,119,121,121,117,115,119,123,173,194,202,207,194,189,189,181,166,169,189,202,207,209,212,209,207,199,186,125,121,125,170,173,173,173,173,178,181,176,129,129,173,176,181,173,130,130,173,176,173,131,131,131,133,178,189,202,204,207,204,204,204,209,212,209,209,207,209,212,209,202,196,196,202,204,204,204,204,207,212,215,217,222,222,215,207,199,198,199,204,212,215,212,209,204,202,196,141,119,110,129,204,212,207,202,196,191,194,202,207,207,202,196,194,186,141,189,196,202,204,204,204,199,191,186,186,189,194,199,202,202,202,204,204,207,204,204,204,204,204,204,204,202,199,194,186,186,194,202,204,202,199,199,202,204,207,209,207,204,202,200,202,202,202,199,202,186,109,109,123,165,163,115,117,163,121,163,121,119,168,186,191,199,186,115,109,105,107,113,115,121,173,178,170,170,189,181,170,168,170,176,178,176,176,181,181,178,176,181,189,191,183,178,176,178,178,173,173,170,129,170,129,127,125,125,123,121,168,125,57,97,181,194,196,194,194,183,127,126,170,173,173,176,181,183,178,173,173,183,191,194,191,189,189,186,178,174,176,176,129,119,117,117,121,170,178,181,176,118,117,125,183,191,194,191,186,183,178,176,170,124,122,125,176,181,176,173,176,170,123,125,178,189,191,191,189,186,181,176,170,121,116,115,119,183,189,183,176,119,105,101,110,173,189,189,181,181,186,186,183,182,186,194,196,191,186,181,181,181,176,129,127,129,178,189,191,189,189,183,181,181,181,183,186,186,183,186,189,189,189,191,191,186,183,186,191,191,189,186,186,186,189,189,191,196,199,202,199,194,186,181,181,181,181,176,170,173,173,176,186,189,181,170,170,178,183,173,124,124,176,176,117,77,64,90,170,173,170,129,176,183,181,176,183,194,196,189,181,179,186,189,189,186,183,186,186,181,178,181,183,183,183,173,169,170,181,194,191,186,176,123,123,129,170,169,170,173,176,181,183,183,181,181,183,189,189,183,178,176,176,176,173,170,173,173,176,186,194,199,202,199,196,189,170,164,173,183,178,65,63,83,186,176,119,121,183,196,204,207,199,189,181,181,183,183,176,113,44,45,111,121,163,165,170,176,181,186,194,196,194,178,123,120,122,168,178,181,178,176,173,173,176,183,189,189,181,129,120,118,119,121,121,120,121,127,127,127,127,129,129,127,126,131,181,189,189,191,191,183,178,178,183,194,199,199,189,131,127,131,189,191,181,173,176,178,176,173,176,178,183,183,183,186,186,181,179,183,194,199,194,131,126,131,181,186,181,135,178,183,183,183,186,191,194,194,191,181,127,118,121,133,189,191,186,186,186,181,178,178,183,186,186,189,194,194,186,181,183,189,194,196,199,199,202,199,199,202,202,202,194,186,173,117,113,127,186,194,196,202,202,202,204,191,115,112,117,115,108,115,125,173,176,170,170,173,176,181,191,196,196,194,191,191,189,186,181,176,170,169,169,173,181,186,186,183,183,183,183,183,183,186,183,181,183,189,189,173,103,93,81,75,82,109,176,189,191,191,196,196,194,191,194,194,194,189,183,183,183,183,186,189,189,186,189,191,191,189,189,191,194,199,199,202,199,196,194,191,191,191,183,131,121,112,108,117,133,186,191,194,181,113,106,112,129,178,183,191,196,199,202,199,202,202,199,199,199,199,194,191,191,196,194,183,178,181,181,186,191,191,189,189,191,191,186,183,183,183,178,135,178,189,196,186,182,186,194,199,199,202,199,194,183,183,191,196,202,202,191,111,118,133,186,189,194,207,217,222,217,212,209,212,217,222,212,194,181,182,207,217,212,209,212,215,212,209,207,207,204,202,199,202,212,222,228,228,228,225,222,222,222,225,228,230,230,222,217,222,230,233,235,238,238,225,200,187,204,230,235,233,230,230,228,228,228,230,230,230,230,228,228,228,225,222,222,222,225,225,222,225,225,225,215,199,194,196,199,204,209,212,215,217,215,212,207,204,202,196,196,194,191,186,183,183,181,178,181,181,183,183,181,181,181,181,178,178,181,181,170,129,127,123,121,125,178,186,189,191,194,194,194,191,191,194,191,131,125,127,133,183,191,196,194,186,178,178,183,189,191,186,183,186,191,189,183,186,199,202,202,204,209,212,212,212,212,215,217,225,228,228,228,225,222,217,209,204,202,196,192,192,196,202,204,204,202,202,207,204,194,191,199,204,204,204,204,202,199,191,191,196,199,194,186,182,183,191,204,209,209,202,189,185,186,189,191,189,186,133,125,126,135,186,189,186,189,186,183,183,183,186,191,196,194,191,191,194,199,204,207,209,209,207,199,191,191,194,196,196,191,182,179,194,204,198,198,202,209,215,215,212,209,209,212,212,217,220,217,217,217,215,209,207,204,202,199,199,199,202,209,217,217,212,209,212,215,209,207,207,199,186,141,191,202,204,204,199,189,189,191,186,183,186,189,139,129,126,133,194,202,199,189,189,189,187,187,187,191,199,204,202,194,189,189,186,191,194,189,185,183,187,202,194,133,139,196,199,191,139,139,189,199,209,212,212,207,204,204,207,204,199,198,199,202,207,212,212,207,202,199,202,204,207,209,212,209,207,205,207,209,207,207,207,207,209,212,215,217,220,222,222,217,217,212,209,209,215,215,215,212,209,207,203,203,203,203,204,204,207,207,207,207,204,202,204,204,207,207,207,207,209,207,202,196,192,191,194,204,212,215,212,207,203,203,204,207,209,212,212,212,212,209,209,209,207,204,199,199,194,189,187,191,196,196,191,189,187,187,189,191,194,196,202,204,204,202,196,189,138,138,186,191,190,191,199,204,204,204,202,202,202,202,199,199,202,199,199,202,209,215,215,212,212,212,212,209,204,200,200,202,204,207,209,207,204,204,207,212,215,212,209,209,207,204,202,196,195,199,202,204,202,204,204,199,194,194,199,204,202,191,189,190,196,202,199,196,194,199,204,209,209,204,199,202,202,199,199,202,202,199,191,186,191,202,207,202,194,189,189,191,191,190,191,194,196,199,196,191,186,186,191,196,199,199,199,196,196,196,196,195,195,199,202,204,204,204,202,199,199,199,196,196,199,202,204,204,204,199,191,143,141,143,145,199,212,222,228,230,233,235,230,228,226,228,233,238,243,246,246,246,246,246,251,251,241,225,215,212,215,222,228,222,207,143,133,139,204,230,246,248,243,238,233,230,225,217,209,207,212,212,119,106,107,115,117,121,133,194,209,204,194,194,202,212,215,215,215,217,212,202,196,194,196,199,202,207,207,196,129,113,105,102,119,186,199,204,204,202,194,189,183,183,183,181,183,189,194,194,191,189,186,183,183,186,191,194,191,191,194,194,191,189,189,191,194,189,186,189,191,189,191,196,199,199,196,194,199,209,215,207,123,99,97,99,99,98,109,189,204,209,207,199,189,137,136,137,186,189,191,194,194,191,183,137,137,137,135,133,129,129,129,133,143,199,207,209,217,233,243,243,235,225,216,216,217,225,233,241,243,243,243,243,243,235,220,207,203,204,204,0,0,0,0,228,217,0,0,0,0,0,0,0,0,0,222,217,207,186,168,157,152,150,152,155,160,163,165,165,163,155,147,139,135,135,135,137,139,139,139,147,157,163,155,142,0,0,0,0,0,173,196,215,225,230,235,241,243,243,246,251,251,251,254,254,255,255,255,251,251,255,255,255,255,255,255,255,255,255,255,255,217,203,207,215,212,209,217,225,217,209,0,0,0,0,0,0,0,0,0,222,212,215,0,255,254,222,217,217,199,183,170,165,160,160,165,173,181,196,202,199,199,196,194,191,194,196,196,194,183,181,189,207,222,228,225,222,225,235,238,0,0,0,0,0,225,222,222,222,215,199,176,152,143,142,142,144,155,152,103,94,94,99,101,109,131,202,230,241,243,243,241,238,241,246,251,246,235,225,217,222,228,233,238,241,241,243,243,243,243,241,238,235,230,222,209,204,212,225,230,230,233,233,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,72,118,116,14,47,124,144,155,160,165,165,160,155,152,152,157,173,178,183,186,189,189,194,204,212,209,47,0,21,165,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,178,183,191,196,199,199,204,207,212,212,212,212,215,207,176,142,97,95,101,111,168,189,186,176,170,176,189,196,196,191,178,170,176,196,207,212,217,222,222,222,217,209,189,54,63,119,121,121,123,168,168,127,123,121,125,165,168,170,170,165,125,125,125,123,117,108,105,105,107,111,113,113,123,125,121,117,121,170,181,186,202,209,199,194,194,178,159,161,189,204,212,212,209,204,199,186,129,118,118,125,170,173,169,169,170,129,129,129,170,173,173,176,181,178,170,130,131,131,125,123,127,129,131,178,191,202,204,207,204,204,207,209,209,209,209,209,209,212,209,204,199,196,202,204,202,202,202,207,209,212,215,217,217,215,207,198,196,199,207,212,212,209,204,196,196,194,139,113,106,109,141,199,199,199,199,196,196,199,204,204,202,199,196,141,137,138,186,194,199,202,202,196,189,186,186,186,189,194,196,199,199,202,204,207,204,202,202,202,204,202,199,196,194,189,183,183,191,199,202,204,202,202,202,204,207,207,204,204,202,202,204,207,204,202,199,117,92,97,113,119,109,107,117,165,168,176,181,121,121,178,191,196,176,111,111,113,111,117,160,165,173,178,168,163,165,123,124,168,173,173,170,170,173,176,176,129,126,170,181,181,173,170,173,176,176,176,178,178,170,170,170,168,124,125,127,168,181,181,74,92,111,176,178,181,183,178,124,122,129,189,189,178,178,178,173,129,170,181,191,189,181,178,181,178,176,174,176,181,178,127,127,129,176,183,189,189,186,170,125,173,186,191,194,191,189,183,178,170,127,124,125,129,176,178,176,170,168,123,121,123,176,186,189,186,183,181,178,176,176,170,121,114,117,181,189,186,181,173,125,121,125,176,186,186,179,179,186,186,182,182,186,191,191,186,181,178,181,181,178,131,128,131,178,183,183,183,183,183,183,183,183,183,183,183,182,186,191,191,189,186,183,181,181,183,189,191,189,183,183,183,186,186,189,191,194,196,196,194,183,178,178,178,173,128,128,170,173,170,178,176,170,129,173,181,181,170,124,127,183,181,91,81,93,123,173,176,170,173,181,189,183,174,181,191,196,194,186,183,189,191,189,186,189,194,191,183,176,170,127,129,176,172,170,176,191,196,186,181,181,170,127,176,178,176,176,176,178,181,183,183,181,183,183,183,181,181,181,181,178,176,176,178,178,173,173,181,191,196,196,194,191,183,168,164,170,173,115,63,82,194,204,189,121,119,178,194,204,204,196,189,186,183,183,183,183,178,43,38,89,107,115,163,170,178,183,189,194,199,194,183,165,122,123,170,176,178,176,176,176,170,170,178,186,189,181,170,121,121,131,176,129,123,123,129,176,173,127,126,127,127,129,181,189,186,183,183,189,186,179,178,181,186,191,191,186,173,129,176,186,186,176,173,176,178,178,178,181,181,183,189,191,191,186,181,181,186,196,202,196,181,131,135,183,191,191,181,178,183,186,186,189,194,196,196,191,186,133,120,122,133,189,194,189,183,183,183,183,183,189,189,189,191,191,189,181,176,181,186,191,194,196,196,196,199,199,202,202,199,191,181,115,109,121,176,189,196,204,207,204,199,194,181,119,116,125,115,106,115,127,176,181,173,176,181,181,183,191,196,194,191,189,186,186,183,181,178,173,170,168,168,173,181,183,186,189,191,189,186,183,181,181,183,186,189,189,176,107,97,91,87,91,103,183,194,191,189,191,194,194,194,196,196,196,189,181,137,137,137,137,181,186,189,191,194,194,191,191,194,196,199,199,199,196,194,191,191,191,186,127,115,113,113,119,186,189,194,196,196,183,119,110,123,178,181,183,191,199,202,202,202,202,202,202,202,202,202,199,199,196,191,178,133,178,181,179,183,189,186,182,182,183,191,194,196,196,194,189,181,178,183,189,183,179,182,191,196,204,207,204,191,182,182,183,186,194,199,202,183,135,186,191,189,194,207,209,215,212,209,208,212,217,217,212,202,191,194,207,215,215,215,217,217,217,212,209,204,199,196,196,202,212,222,225,228,230,230,228,228,225,225,230,233,233,228,222,225,230,235,235,238,235,225,202,177,199,230,235,230,230,230,228,228,228,228,230,230,228,228,228,225,222,215,215,217,222,222,222,222,222,225,220,194,186,189,194,202,207,209,212,217,217,215,209,204,202,196,196,194,191,186,183,181,181,181,181,186,186,186,186,183,183,181,181,181,181,176,123,121,121,121,123,170,181,186,191,191,191,191,191,189,189,189,189,178,133,131,131,176,186,196,202,194,181,135,135,181,181,181,181,137,183,183,139,186,199,207,204,204,209,209,212,209,212,215,222,225,228,228,228,225,225,222,215,207,204,199,192,191,194,202,204,207,204,207,207,204,199,196,202,204,204,202,202,202,202,196,196,199,199,191,183,181,183,194,204,209,209,202,191,189,186,183,183,183,178,127,122,123,133,183,186,189,191,186,181,181,181,183,189,191,194,194,191,194,196,202,204,207,207,209,204,199,194,196,199,196,186,179,177,186,202,198,196,199,207,212,212,209,207,207,212,215,217,217,217,217,217,215,207,202,202,199,199,196,196,202,209,215,215,212,209,212,215,215,215,212,209,204,199,199,204,207,209,209,204,204,199,189,186,189,186,135,131,135,186,196,199,196,194,191,191,191,187,187,189,196,202,207,202,189,135,132,141,191,191,186,185,189,202,199,194,199,199,196,191,141,137,137,189,199,207,209,204,199,199,199,199,199,202,207,212,212,212,209,207,207,207,207,207,204,207,209,209,207,205,207,207,207,205,207,207,209,209,212,215,217,217,217,215,215,212,212,212,215,217,215,212,212,209,204,204,204,203,204,204,204,202,207,207,204,204,207,207,207,207,207,209,207,202,196,192,192,194,199,204,207,209,207,204,203,204,204,207,207,209,212,207,207,207,207,207,204,196,194,196,194,191,189,194,199,199,191,187,189,194,196,194,194,196,204,207,207,202,191,183,136,136,186,194,194,196,199,202,204,204,202,199,199,199,202,204,202,196,195,196,204,209,209,209,209,209,207,204,202,200,200,202,204,209,209,207,204,204,204,207,207,204,202,202,204,204,204,196,195,196,204,204,207,207,204,199,194,194,196,204,202,191,189,190,196,199,196,192,192,196,207,212,209,202,199,202,204,204,202,199,199,196,191,189,196,204,207,202,194,187,187,189,191,191,194,191,191,194,196,194,189,186,191,196,199,199,196,194,196,199,196,195,196,202,204,204,204,204,199,196,196,196,196,195,196,202,207,207,204,199,191,191,194,202,207,212,222,228,230,233,233,233,230,228,228,230,235,241,243,243,243,243,243,243,243,243,238,230,222,217,220,222,220,212,196,137,129,137,196,215,238,251,248,241,235,228,222,209,199,196,199,199,133,106,105,111,117,123,139,202,212,209,202,202,207,215,217,217,215,215,212,202,196,194,199,199,202,202,199,186,115,105,113,125,131,189,202,207,207,202,196,194,189,186,186,183,186,194,196,194,189,183,181,179,182,186,191,191,194,196,199,196,191,187,189,194,194,189,189,194,196,194,194,196,196,199,199,194,194,202,209,207,135,107,99,99,99,99,109,181,202,209,209,207,196,189,186,186,189,191,194,196,194,191,183,181,183,139,137,133,129,127,125,129,139,196,204,207,215,230,243,243,238,228,217,217,225,228,233,241,241,243,243,243,241,233,222,215,215,212,207,0,0,0,0,0,209,217,0,0,0,0,0,0,0,0,217,217,207,189,173,163,155,150,150,155,160,168,168,165,160,152,150,144,139,137,137,139,144,0,0,0,165,168,160,147,0,0,0,0,0,176,196,212,225,230,233,233,230,230,238,248,251,248,246,246,248,251,251,251,248,254,255,255,255,255,251,246,246,255,255,255,212,200,202,207,207,202,204,209,207,204,204,199,0,0,0,0,0,0,0,0,225,222,238,255,251,233,225,220,202,183,170,165,168,168,173,176,178,191,196,195,195,196,194,194,196,199,204,204,194,183,189,207,217,222,222,225,230,238,241,0,0,0,0,0,222,217,215,212,209,199,183,163,150,144,144,144,152,115,105,97,97,103,109,0,181,207,233,241,243,241,238,238,238,246,251,246,235,225,222,225,228,233,235,238,241,246,246,243,243,241,238,235,230,222,215,212,215,225,230,230,233,233,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,157,186,155,0,0,0,0,0,0,47,59,3,45,137,150,152,152,157,160,155,152,151,155,163,176,183,186,186,186,189,191,196,199,189,113,5,147,183,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,183,189,196,199,199,199,202,204,209,209,209,209,212,209,194,155,97,99,103,113,178,199,194,176,170,176,183,186,186,183,176,170,176,202,212,215,222,222,222,217,215,207,183,33,55,125,119,118,118,121,125,125,123,120,121,125,168,176,176,168,165,165,168,165,123,115,111,111,111,109,99,99,121,123,119,119,125,178,183,181,199,207,202,202,209,194,163,164,191,204,212,212,204,194,183,173,121,117,120,129,176,173,169,170,170,123,121,122,129,176,170,129,176,181,173,130,131,127,121,119,122,129,176,186,199,207,207,204,204,204,207,207,207,207,204,207,207,209,212,207,202,199,199,202,202,199,202,207,209,215,215,215,215,215,207,199,198,202,207,209,209,209,202,196,196,202,196,133,110,107,129,189,196,202,202,202,199,199,199,202,199,202,199,191,139,137,139,141,189,194,194,191,189,186,183,183,189,191,196,196,199,202,204,204,202,200,200,202,202,199,194,191,189,186,183,183,191,199,202,204,202,202,202,204,204,204,204,204,202,204,209,207,204,204,194,115,98,104,121,119,106,104,109,121,165,168,173,102,105,165,183,183,107,104,115,163,165,165,170,176,173,170,163,122,120,120,125,176,176,169,166,168,170,173,170,127,125,127,170,170,125,125,129,173,176,176,181,183,178,168,168,173,168,170,170,127,173,181,123,110,115,127,127,170,173,170,123,120,127,194,191,173,129,131,127,122,123,178,189,183,173,173,176,178,178,178,186,191,194,186,181,178,181,191,202,204,202,178,127,129,178,186,189,191,189,183,178,168,124,125,173,178,181,183,181,173,127,123,122,127,176,181,181,178,178,178,181,181,183,186,176,119,119,178,186,183,181,181,178,173,170,173,181,183,181,183,189,189,183,183,186,191,186,176,174,178,178,181,178,176,173,176,181,181,178,178,178,181,183,186,186,186,183,182,182,186,191,194,189,183,178,133,176,178,186,186,181,173,173,178,183,183,186,189,189,189,191,189,176,129,129,170,129,127,128,173,173,127,123,121,123,129,178,181,181,173,127,178,183,173,90,91,176,178,176,176,176,181,186,189,183,176,181,189,196,194,186,183,186,191,189,183,189,194,194,186,176,126,122,124,173,178,183,194,202,202,173,173,189,186,176,176,178,178,181,181,181,183,183,183,183,183,183,176,176,178,183,183,181,176,173,181,183,176,172,178,191,196,196,194,189,181,173,166,168,127,97,67,125,196,196,186,125,123,178,191,202,204,202,199,199,194,186,186,194,199,45,24,53,83,97,121,173,181,189,194,199,202,196,186,173,168,173,178,178,176,176,178,181,176,170,170,178,186,181,170,127,131,186,194,186,176,131,176,178,176,129,129,173,176,176,186,189,183,178,181,189,194,189,181,183,183,186,186,183,176,131,178,186,183,176,173,178,181,178,181,181,181,181,189,191,189,181,181,186,191,196,199,196,186,181,181,183,189,194,186,178,183,191,189,191,196,199,199,194,191,183,125,124,133,189,194,189,183,183,183,183,183,189,191,191,191,189,181,176,174,178,183,189,194,196,194,196,199,199,202,202,199,191,131,87,93,131,178,183,194,199,199,194,189,183,173,119,119,170,129,114,173,181,189,194,181,181,186,186,186,186,189,186,183,183,178,178,178,181,181,181,176,170,166,170,178,181,181,186,189,186,183,178,176,181,186,191,191,189,176,115,109,109,109,105,109,194,196,191,187,187,189,191,194,196,196,196,189,181,135,134,134,134,135,186,191,194,194,194,194,194,194,196,199,199,196,194,191,191,194,191,178,111,107,111,127,194,196,194,189,194,196,189,121,113,178,189,183,183,189,196,199,199,199,199,199,199,202,204,207,207,207,196,178,127,129,183,186,181,183,186,183,181,179,183,194,202,207,204,202,194,186,178,178,186,186,182,183,189,194,202,207,207,196,186,183,183,133,133,191,199,202,196,196,196,194,199,207,209,209,208,208,208,209,215,215,212,209,212,212,207,209,212,217,222,222,217,217,212,204,196,195,195,202,212,220,225,228,230,233,233,233,230,228,230,233,235,230,225,225,233,235,235,233,233,225,207,173,198,230,235,230,230,230,228,228,228,228,228,228,228,228,225,222,217,212,212,215,217,220,222,222,222,222,209,139,136,139,191,202,207,207,212,217,217,215,212,207,202,199,199,196,194,189,183,181,181,181,183,189,189,189,186,186,183,181,181,178,178,127,115,116,118,121,127,176,183,189,191,194,191,189,189,189,187,187,189,186,183,178,133,130,176,191,204,202,189,135,131,131,133,137,137,131,134,139,183,189,202,207,202,202,204,207,207,209,212,217,222,225,225,225,222,222,225,225,217,209,207,202,196,194,196,202,204,207,207,209,207,202,199,199,202,204,204,202,199,199,202,199,199,199,196,189,182,182,186,196,204,209,207,204,199,194,191,183,178,178,135,127,123,124,131,178,183,189,191,186,181,181,179,179,183,186,191,194,194,194,196,199,202,204,207,209,209,204,196,196,199,191,183,181,178,186,204,204,199,198,202,207,207,204,203,207,212,215,215,215,217,222,222,212,202,199,199,199,196,196,196,202,207,212,215,212,209,212,215,222,222,217,215,212,207,202,202,204,209,209,209,207,199,191,191,191,139,129,131,183,194,196,194,191,194,194,194,194,191,189,189,194,202,209,207,194,133,128,133,191,194,191,191,191,196,196,202,204,199,196,194,186,137,135,139,194,204,207,204,199,196,195,198,199,204,209,215,215,207,204,204,207,209,209,207,204,204,207,209,207,207,207,207,207,207,207,209,209,209,209,209,212,212,209,209,207,209,209,212,215,215,215,212,212,212,207,204,204,204,204,202,199,198,204,207,204,204,204,202,202,204,209,209,209,199,192,191,194,202,204,207,207,207,204,203,204,207,207,207,207,207,207,202,199,202,204,202,196,190,189,190,191,191,189,196,202,202,194,189,191,199,199,194,189,194,202,207,207,199,189,139,137,138,191,199,199,199,196,196,199,202,204,199,198,199,204,204,199,195,194,196,204,207,209,209,209,204,200,200,200,200,202,204,207,207,207,207,204,204,204,204,204,199,196,199,204,207,202,196,195,196,202,204,204,204,204,202,196,195,199,204,202,194,190,191,194,196,194,192,192,196,204,209,207,199,196,199,207,209,204,199,196,194,191,191,196,204,204,204,199,191,187,189,191,194,196,191,190,191,196,194,186,185,185,189,194,194,191,189,191,196,196,196,196,202,207,207,204,202,199,196,196,199,199,196,196,202,207,207,204,199,194,196,204,209,212,217,225,228,228,228,228,228,230,230,230,233,241,243,243,241,238,243,246,241,235,233,235,233,228,228,228,225,215,207,194,137,131,135,189,202,225,243,243,230,225,220,217,209,199,196,199,202,202,121,110,117,121,125,137,202,207,204,202,202,207,212,217,215,212,212,207,202,196,196,196,199,196,196,194,181,111,105,121,186,189,196,204,209,209,204,202,202,194,191,189,189,189,191,194,191,186,181,179,181,183,191,196,196,199,202,202,199,191,187,189,191,186,139,183,194,199,199,196,194,191,194,196,191,191,196,204,202,183,121,109,107,105,105,111,129,196,209,212,209,207,199,196,194,191,194,196,196,194,189,183,183,186,186,139,135,129,125,124,125,137,194,202,204,212,228,238,238,235,230,228,230,230,228,228,233,238,241,243,241,233,225,220,222,233,220,202,196,204,0,0,0,204,209,215,204,0,0,0,0,0,217,212,212,207,194,178,165,157,152,150,152,160,165,165,163,155,150,147,147,144,144,142,144,147,0,160,168,176,173,163,147,142,139,0,0,163,186,0,212,222,228,228,225,217,215,228,243,248,248,243,241,238,241,246,246,248,255,255,255,255,255,246,243,246,255,255,255,212,199,199,204,204,196,195,196,196,199,202,0,0,0,0,0,0,0,0,0,238,228,233,243,238,228,222,212,199,181,170,168,173,178,181,181,181,191,196,196,196,196,196,194,194,199,202,204,194,186,191,204,215,215,222,228,233,235,238,0,0,0,0,0,217,215,209,207,204,196,186,176,163,155,150,147,113,111,103,97,103,111,0,129,189,212,233,243,246,243,238,237,238,246,251,246,233,225,222,225,230,233,233,235,241,246,246,241,243,243,238,233,228,222,217,217,217,228,230,230,230,230,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,173,194,204,191,59,0,0,0,0,0,0,15,29,63,144,157,155,151,152,155,157,163,157,160,170,178,183,189,186,186,186,189,189,186,170,129,131,170,217,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,191,196,196,196,196,199,202,202,202,209,204,204,209,212,202,163,87,91,103,117,170,189,191,170,119,165,165,123,168,178,178,172,178,202,212,215,217,217,217,215,212,204,194,25,17,95,119,119,115,115,118,123,125,121,119,121,168,173,173,165,125,163,165,168,165,165,165,165,163,113,91,90,113,115,115,119,168,178,176,178,194,207,207,207,207,191,169,170,189,202,209,209,196,183,183,181,127,121,125,170,173,173,173,176,176,127,120,121,129,176,129,125,170,178,178,176,131,129,125,120,115,129,181,194,204,209,207,204,204,204,207,207,207,204,202,202,204,207,209,207,204,202,199,199,199,199,202,207,212,215,215,215,212,212,207,204,204,204,207,207,209,209,204,199,199,204,204,202,194,131,131,141,199,207,207,202,202,199,202,199,199,199,202,199,194,189,141,139,138,139,183,186,186,183,182,183,191,196,196,196,199,202,202,202,200,200,200,202,202,202,194,139,138,183,186,189,191,199,199,202,199,196,196,196,199,202,202,202,202,204,207,204,196,189,173,125,178,199,199,186,170,107,106,111,113,113,107,97,97,113,178,181,109,102,111,168,173,178,186,191,183,170,165,124,124,125,181,186,178,169,168,170,173,176,170,127,126,127,127,124,122,121,125,170,170,173,181,183,178,173,173,176,176,173,170,125,125,196,196,178,123,121,123,125,127,127,125,125,170,186,189,178,129,127,123,121,121,131,186,186,181,178,173,176,181,183,186,194,196,191,183,176,173,181,204,212,194,173,122,121,168,183,189,189,186,186,181,170,124,125,181,189,189,189,181,173,170,168,127,168,176,176,173,170,173,176,181,186,189,189,189,183,173,170,176,178,176,178,181,178,173,176,178,181,183,189,194,191,186,186,191,191,181,174,176,181,181,181,178,178,181,181,181,181,176,176,176,178,178,183,186,186,182,182,186,191,194,194,191,183,133,128,128,131,176,176,130,127,128,131,178,181,181,183,181,181,186,181,127,120,123,170,173,129,129,173,176,170,121,114,119,173,178,173,170,170,176,183,183,170,113,125,178,186,183,181,183,186,189,189,183,181,181,183,189,189,183,182,183,189,189,183,186,191,191,189,178,126,123,127,176,186,194,199,204,191,159,168,189,189,170,129,173,176,178,181,181,181,181,183,186,181,170,125,129,176,181,186,181,127,126,173,186,181,173,178,194,196,196,191,186,181,176,173,168,123,117,123,181,189,186,121,90,170,170,178,194,204,207,204,204,202,196,194,209,99,57,51,65,89,77,117,176,181,186,194,202,207,196,178,127,168,178,183,178,170,170,178,186,183,181,170,129,183,178,170,129,176,189,196,196,189,183,181,173,129,129,173,183,183,174,181,181,178,178,181,189,199,199,194,189,189,183,183,181,176,173,178,181,178,173,176,183,183,181,181,178,133,176,181,181,178,178,183,189,191,194,196,194,189,183,179,181,186,189,189,186,189,189,189,189,194,202,202,196,191,183,131,125,127,183,191,189,183,183,181,181,181,186,191,189,186,183,181,178,176,178,183,189,194,194,194,194,199,199,199,196,199,199,119,49,61,178,181,181,186,186,183,183,183,183,173,118,117,123,170,181,189,191,194,191,183,176,181,183,181,176,178,178,178,181,178,176,176,178,181,183,181,176,170,173,176,173,173,176,181,183,176,170,173,181,191,196,194,189,173,127,125,125,123,125,176,194,202,196,189,186,187,189,191,194,194,194,189,181,135,135,133,132,135,186,194,196,194,189,189,189,191,196,199,199,196,194,194,194,196,189,119,99,102,133,194,196,196,191,189,189,194,186,112,113,183,191,189,183,186,191,196,196,194,196,196,199,204,207,207,209,207,186,125,124,178,191,191,186,186,186,183,182,182,186,194,202,207,202,199,196,189,178,181,196,207,202,189,183,189,199,204,204,199,191,194,191,113,107,129,194,204,207,207,202,202,207,212,209,209,208,209,209,212,212,212,212,217,222,217,207,202,204,209,215,215,217,220,217,212,202,196,202,207,212,222,225,228,230,233,235,235,233,230,228,230,233,233,230,228,233,235,230,228,228,222,209,190,200,222,233,230,230,228,228,228,228,228,228,225,225,225,225,222,215,212,209,209,212,215,217,222,225,220,204,141,136,138,191,204,207,209,212,222,222,217,217,209,204,199,199,202,199,191,183,179,181,186,189,189,189,186,183,183,181,178,176,176,176,121,109,113,119,127,170,181,186,189,191,191,191,189,189,189,189,189,191,191,186,178,176,133,133,183,199,202,196,183,133,125,123,133,183,129,132,137,186,194,202,202,196,189,194,199,204,207,209,215,222,225,225,222,217,217,222,222,217,212,209,207,204,202,204,207,207,209,209,209,207,202,199,199,199,204,204,199,199,199,199,199,196,196,191,186,183,186,191,202,207,209,209,207,204,199,194,186,181,178,135,133,129,129,129,133,178,186,191,189,183,181,181,179,179,183,191,196,196,196,199,202,199,202,204,207,207,204,204,202,199,191,183,183,189,196,207,207,202,196,199,204,204,203,203,207,212,212,212,215,220,222,217,209,204,199,199,196,194,192,196,202,207,209,212,212,209,212,222,225,222,217,212,209,209,204,202,202,204,207,209,204,194,191,191,189,135,129,130,139,199,204,194,189,191,191,194,194,196,191,189,191,202,209,209,202,139,126,127,186,199,199,199,196,194,194,202,207,202,199,199,141,133,132,135,191,204,207,209,204,198,196,199,202,204,212,217,212,204,203,203,204,209,209,209,209,207,207,207,207,207,204,204,207,207,209,209,209,207,207,207,207,207,204,202,202,204,207,209,209,212,212,209,212,212,207,204,204,204,202,199,198,198,204,204,202,196,194,194,196,199,204,212,209,202,192,191,199,207,209,209,209,209,207,204,209,212,212,209,207,207,202,195,195,196,199,196,191,189,187,189,191,191,189,194,199,202,194,191,194,199,196,189,187,189,196,202,204,199,183,138,139,186,194,202,204,202,196,190,190,196,204,202,199,199,204,202,195,192,194,199,204,204,207,209,209,204,200,200,200,202,204,207,209,209,207,207,207,207,204,204,202,196,195,196,202,204,199,196,196,202,204,207,202,202,202,202,202,199,199,199,196,196,194,191,191,194,194,194,192,194,196,202,199,196,195,199,207,207,204,202,199,194,191,196,202,207,207,204,202,196,191,191,194,196,199,194,191,194,196,194,186,182,181,186,194,194,186,139,183,191,196,199,199,199,204,207,207,202,199,199,204,207,204,199,196,199,204,204,202,199,199,202,207,207,207,217,225,228,228,228,224,224,228,230,230,235,241,243,241,235,233,241,243,238,230,230,233,233,230,233,233,225,217,207,196,139,129,125,131,189,212,225,209,186,189,196,196,189,189,196,204,207,204,189,131,129,127,123,131,202,207,202,199,198,200,207,212,215,212,207,204,202,199,199,199,196,191,196,199,191,131,115,125,189,194,199,207,212,212,212,212,209,202,196,194,189,183,183,183,183,183,182,183,189,196,202,202,202,199,199,199,196,194,189,189,189,139,137,137,189,199,202,199,194,190,190,191,189,186,191,199,199,196,186,133,119,113,111,115,125,191,207,212,209,209,207,202,199,194,196,202,199,196,189,186,189,189,189,186,139,135,129,125,127,137,191,196,199,207,220,228,230,230,233,233,235,230,217,215,225,230,235,238,233,212,204,205,222,235,207,183,181,189,0,0,0,0,215,209,199,0,0,0,0,0,0,212,207,204,194,178,165,157,155,152,152,155,160,160,157,150,144,144,147,152,0,152,150,0,160,168,176,178,173,163,150,142,137,139,152,173,0,0,215,217,225,225,217,212,211,212,233,246,251,248,238,235,237,243,248,254,255,255,255,255,255,251,244,248,255,255,254,207,198,198,204,204,196,194,192,194,202,0,0,0,0,0,0,0,0,0,0,238,233,0,0,235,222,209,204,194,178,165,165,173,181,183,181,183,194,202,202,202,199,196,194,191,194,194,189,186,181,189,202,209,212,222,230,233,233,233,0,0,0,0,0,215,215,212,204,196,189,186,183,176,163,152,147,111,107,101,101,107,0,131,186,202,217,235,243,248,243,238,238,241,246,248,241,233,225,222,225,228,228,228,230,235,243,243,241,243,241,238,230,217,215,217,222,225,228,230,228,224,224,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,212,129,0,0,0,0,0,0,0,0,0,0,0,0,0,108,191,194,194,181,98,53,19,0,0,35,85,121,139,163,173,168,157,152,152,160,163,163,160,165,176,181,183,186,186,183,186,189,186,181,168,152,160,189,215,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,199,199,194,191,191,192,196,202,204,209,204,202,207,209,204,147,62,73,93,109,121,165,163,115,115,121,120,118,125,186,186,176,181,202,209,215,215,215,215,212,209,209,113,4,6,87,123,127,118,115,116,119,123,121,120,120,125,168,165,123,122,123,165,170,173,173,173,173,178,176,107,91,90,92,105,121,170,176,173,176,189,202,207,204,199,183,170,173,189,202,209,207,196,189,191,189,173,127,125,125,168,170,176,178,181,176,127,123,127,127,121,123,129,173,176,178,176,178,181,176,127,133,183,194,202,204,202,202,202,204,204,207,207,204,199,196,196,204,207,207,204,204,202,199,199,202,204,207,209,215,215,215,212,209,207,207,207,207,207,207,209,212,209,204,202,202,207,209,207,194,143,191,207,212,207,202,202,202,202,202,199,198,199,199,199,202,196,186,139,138,139,183,186,186,183,186,194,196,196,194,196,199,202,202,202,202,202,202,202,199,189,136,135,139,189,191,196,199,199,199,196,189,178,178,191,194,196,199,196,196,196,194,189,183,181,183,194,204,207,202,189,115,106,107,106,106,106,101,102,105,178,196,170,108,113,168,176,181,191,196,191,178,170,170,181,191,196,196,186,176,173,173,178,178,176,173,173,170,127,124,122,122,127,173,170,170,176,176,176,178,181,178,170,127,125,124,125,196,199,189,129,121,120,123,125,127,129,170,170,178,186,181,131,127,123,122,125,178,194,196,191,183,125,123,173,181,186,189,191,191,181,170,129,170,181,186,178,168,121,121,127,181,186,186,186,189,186,178,127,170,186,191,189,183,176,173,173,168,125,127,173,170,168,168,170,176,181,186,189,187,189,194,189,173,173,176,176,178,186,183,178,181,181,181,186,191,191,189,186,191,196,191,178,174,181,186,183,178,176,178,181,181,181,178,133,133,133,176,176,181,183,186,183,183,189,194,194,194,191,183,133,127,127,129,133,131,129,128,128,131,176,178,181,181,178,178,181,173,121,118,121,178,181,176,173,178,183,183,173,113,119,129,125,121,123,170,178,186,183,127,119,127,178,183,178,183,186,189,186,186,183,183,183,181,183,186,183,182,183,189,189,183,186,194,194,189,173,125,124,170,181,186,194,196,194,173,163,173,178,129,121,125,173,178,176,170,173,176,181,189,191,181,123,119,125,129,178,186,181,124,120,127,181,178,173,178,189,196,196,194,186,178,178,176,173,173,176,181,189,189,176,115,92,103,109,119,183,202,204,202,199,199,199,199,199,81,77,101,115,121,107,168,178,181,186,194,202,204,194,123,111,121,183,191,178,127,127,178,191,191,183,123,115,129,173,173,131,176,183,194,196,194,189,178,125,122,125,176,189,186,174,176,174,174,176,181,189,199,199,194,194,191,186,183,181,176,173,176,176,131,131,178,189,191,189,183,133,131,131,133,133,132,176,186,189,189,189,191,194,194,189,181,178,179,183,189,189,186,186,186,186,191,196,199,196,189,186,178,127,125,133,186,189,186,183,181,178,178,183,186,186,183,181,178,176,176,178,183,191,194,194,191,194,196,196,196,196,194,186,61,53,71,181,181,178,176,174,174,176,183,189,181,125,119,123,170,183,191,194,191,183,127,116,125,176,173,129,127,129,173,178,181,176,173,176,178,181,178,176,173,176,176,170,168,170,176,176,170,129,173,186,196,196,194,189,181,176,176,176,176,181,191,202,207,204,196,191,189,191,191,191,191,191,189,186,183,181,135,133,135,186,194,194,191,189,186,189,191,196,202,199,196,196,196,196,194,181,119,110,117,186,194,196,194,194,194,191,189,133,108,110,133,186,189,189,189,194,196,194,194,194,194,199,207,209,204,202,191,125,121,125,186,196,194,186,183,183,183,183,183,189,191,196,196,189,186,191,191,186,189,202,212,207,191,178,181,194,199,196,196,202,207,196,111,111,133,194,204,209,209,209,209,215,215,212,212,212,212,212,212,212,212,212,217,220,215,207,199,196,196,199,204,209,217,225,225,217,215,215,215,217,222,228,230,233,233,235,235,233,230,228,230,230,233,230,230,233,233,230,225,225,222,215,204,215,228,228,225,225,225,228,228,228,225,225,225,225,225,222,217,215,209,208,208,209,215,217,222,222,217,207,194,141,139,189,202,212,212,215,222,225,225,222,215,207,204,204,202,199,191,183,179,183,189,191,189,186,181,178,178,176,173,173,173,173,119,106,111,123,170,176,183,186,189,191,194,191,189,189,189,189,191,191,191,181,178,181,183,181,183,194,202,199,191,178,125,122,129,135,134,135,183,191,196,199,196,189,186,187,194,199,202,207,212,217,222,222,215,213,215,222,222,215,209,209,209,209,212,215,212,212,212,209,209,207,204,202,199,199,202,204,202,199,196,194,194,191,194,191,189,189,194,199,202,204,207,207,204,202,199,191,183,181,176,176,176,176,133,128,129,133,181,186,189,186,186,186,183,183,186,194,196,196,199,204,202,196,199,202,204,204,207,207,207,199,194,189,189,196,202,207,207,202,198,202,204,204,203,203,204,209,209,209,212,217,217,212,207,207,207,204,196,191,191,196,207,209,209,209,212,212,215,225,225,225,217,209,207,207,207,204,202,202,204,207,204,196,191,191,141,133,129,131,141,202,207,194,183,186,194,194,191,191,191,191,194,199,204,209,207,191,128,127,141,202,207,207,204,196,196,202,207,204,204,204,186,133,131,133,189,204,209,209,209,209,204,202,202,207,212,217,212,207,203,203,203,207,212,212,212,209,207,207,207,207,204,204,207,207,207,209,207,207,207,204,202,202,202,199,199,204,207,204,204,207,209,207,207,209,209,209,209,207,204,202,199,202,204,202,199,191,189,189,191,196,204,212,212,207,199,199,204,212,215,212,212,212,212,209,209,212,212,209,209,207,202,195,195,196,196,194,191,191,191,194,194,191,189,189,194,196,196,194,194,196,194,189,189,189,194,199,199,196,186,139,186,191,196,202,204,202,194,190,189,196,204,202,199,199,204,204,199,196,199,204,204,199,202,204,207,204,202,202,202,204,207,212,212,209,207,207,209,209,209,204,199,196,196,199,202,204,202,202,204,207,209,209,204,199,199,202,202,199,196,194,191,191,191,189,189,194,196,196,192,192,192,196,199,198,198,202,204,207,204,204,202,196,194,196,204,207,207,207,204,202,196,194,196,199,202,199,196,196,199,199,189,183,183,189,194,191,139,137,137,186,196,199,199,199,202,207,207,202,202,202,204,207,204,199,196,199,207,207,202,198,198,204,207,207,207,215,225,228,228,228,225,224,228,230,233,235,235,235,230,228,230,235,238,230,225,228,233,235,235,235,233,228,220,209,194,139,125,117,117,129,189,189,125,109,119,129,129,119,111,131,196,204,202,196,191,183,133,125,133,199,207,207,207,204,204,207,212,215,212,207,204,202,202,204,202,199,191,191,199,204,196,131,129,186,196,202,209,215,217,217,215,212,207,202,199,191,183,181,179,181,181,183,191,202,204,204,199,191,189,189,194,194,194,191,191,189,183,138,138,186,194,196,196,194,191,191,191,186,183,189,194,196,199,199,194,181,123,117,121,129,191,207,209,207,209,207,204,202,199,199,199,199,199,194,191,191,191,191,191,189,186,139,135,135,139,189,191,191,199,209,217,220,222,225,228,230,225,209,204,212,222,228,228,222,205,202,204,215,220,191,178,0,191,0,0,0,0,238,220,202,0,0,0,0,0,217,212,207,199,186,170,157,155,152,150,150,150,152,155,152,144,139,137,144,0,163,165,163,165,173,178,181,178,170,160,152,0,0,0,157,183,0,212,215,217,220,220,217,212,209,211,228,243,251,248,241,237,238,246,251,255,255,255,255,255,255,255,254,255,255,255,251,209,198,199,204,204,196,194,194,196,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,207,202,189,173,161,161,168,178,181,181,186,194,202,202,202,199,196,191,189,189,181,176,0,0,181,199,207,212,222,230,235,233,230,0,0,0,0,222,215,215,212,204,191,186,183,186,181,168,155,147,109,105,103,103,111,123,183,202,215,228,235,243,248,248,243,241,243,246,246,238,230,225,225,225,225,222,225,228,235,243,243,241,241,238,233,222,212,211,215,222,228,230,230,225,220,220,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,92,38,0,0,0,0,0,0,0,220,220,173,0,0,0,0,0,0,0,0,0,0,0,0,0,116,186,194,189,129,25,27,25,19,45,147,160,173,181,186,186,173,157,152,155,163,165,157,157,170,181,183,186,186,183,183,186,186,183,176,168,165,170,183,191,113,0,0,0,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,196,199,192,191,191,191,192,196,202,207,207,202,196,199,181,81,55,71,85,97,105,99,91,95,113,165,165,125,173,186,181,170,176,199,209,212,215,215,215,209,204,199,79,4,17,105,178,186,178,125,118,116,118,121,125,165,168,165,125,122,121,123,168,176,181,181,173,173,183,186,181,109,89,84,97,121,170,173,173,178,189,199,204,202,189,173,168,178,191,204,209,209,204,196,194,189,173,125,119,119,127,173,176,178,181,181,173,127,123,120,120,121,125,123,127,176,181,189,196,196,189,181,183,191,196,199,199,199,202,199,202,202,202,199,195,194,194,199,204,207,207,207,204,202,202,204,204,204,204,209,212,212,212,209,209,209,209,209,209,209,212,212,209,204,199,198,202,207,209,204,199,202,209,212,207,202,202,202,204,207,202,198,198,198,202,207,207,199,191,141,183,186,189,189,189,189,191,194,194,192,192,196,199,199,202,202,202,202,204,202,194,138,136,183,191,194,199,199,196,196,196,181,113,108,119,129,178,183,183,183,186,186,186,186,186,191,196,204,207,202,186,121,113,113,111,111,111,107,109,117,183,204,194,165,165,176,181,189,191,191,186,176,170,178,196,204,204,202,199,189,178,173,176,181,186,186,183,176,129,125,127,170,178,181,173,170,170,170,173,181,189,183,168,124,125,125,168,189,194,189,176,127,123,123,123,129,176,176,129,130,178,181,173,125,125,127,173,189,199,202,196,183,119,117,125,178,183,186,189,191,173,127,170,173,170,170,168,127,123,124,170,181,186,189,191,191,191,183,173,176,183,186,181,173,168,168,168,125,122,123,168,127,126,127,168,173,181,189,191,189,189,191,186,173,170,173,173,176,183,183,181,181,183,186,189,191,189,183,186,196,202,191,174,176,186,189,181,131,130,176,181,181,181,176,131,130,131,133,176,178,183,186,186,186,191,194,196,194,191,186,176,129,129,133,176,133,131,131,131,173,176,176,178,181,181,181,176,129,120,119,127,183,186,181,176,176,181,183,176,115,121,127,121,118,121,168,178,189,183,127,121,127,178,176,173,181,186,186,186,183,182,183,183,181,186,186,183,182,183,189,186,183,189,196,199,186,129,125,126,176,181,183,189,194,189,176,173,181,125,116,116,121,173,178,173,129,129,173,181,194,196,183,121,116,119,129,181,191,183,119,112,127,181,178,176,178,186,191,194,191,181,176,176,176,178,186,196,199,196,189,170,115,99,98,101,109,170,194,199,191,183,183,189,189,119,71,89,125,165,168,170,178,181,178,186,196,199,199,186,78,85,107,196,204,186,125,125,186,194,189,173,107,105,125,176,181,178,178,181,189,191,191,186,176,123,120,122,131,186,189,178,178,176,176,181,183,186,194,194,189,189,191,189,183,178,176,133,176,131,129,129,181,194,199,196,186,133,131,130,132,132,133,181,186,189,189,186,189,191,194,194,186,179,179,186,191,191,186,186,186,183,186,194,194,191,189,189,186,135,127,129,183,191,189,183,178,176,176,178,181,181,178,176,133,131,131,176,183,189,191,191,186,191,194,194,196,194,181,109,60,67,123,181,181,176,174,173,173,178,186,194,194,183,125,119,123,176,189,191,189,178,119,112,118,129,129,121,117,119,127,178,181,178,173,170,170,173,173,170,173,176,176,170,168,169,170,170,126,126,170,186,196,196,191,186,183,181,178,181,183,191,199,207,209,207,202,199,196,196,196,194,191,189,189,191,194,194,186,137,181,186,191,191,189,186,189,191,194,199,202,199,196,199,202,199,191,176,127,133,183,189,191,194,191,194,194,189,176,119,107,110,125,181,189,191,194,196,199,196,192,194,194,202,209,207,196,186,133,122,121,133,194,196,191,186,181,181,183,183,186,189,189,189,186,178,178,191,196,194,191,196,207,204,189,133,131,181,186,183,186,199,207,183,115,120,191,202,204,207,209,207,209,212,212,209,212,212,215,215,215,212,212,212,212,212,212,207,202,194,190,187,194,204,217,230,235,233,233,230,225,225,228,230,233,233,235,235,233,230,230,230,230,233,233,230,233,233,233,228,222,220,217,217,222,228,230,225,217,217,222,225,225,225,225,225,225,222,222,222,217,212,209,208,209,212,217,222,217,215,212,207,199,186,135,133,196,212,217,217,222,225,225,225,222,215,209,207,204,196,189,181,181,186,191,191,189,183,178,178,176,173,130,130,173,173,119,104,111,125,178,183,186,186,189,191,194,194,191,189,187,189,189,191,186,177,176,181,191,191,189,191,199,202,196,186,129,123,127,135,183,186,191,194,199,199,194,187,187,189,194,199,202,207,209,215,222,217,213,213,215,222,217,212,208,209,212,215,217,225,222,215,209,207,204,204,204,202,199,196,199,204,207,202,194,189,186,186,191,189,191,194,202,204,202,199,199,202,202,199,194,189,183,178,176,174,178,183,176,128,128,133,178,183,186,186,186,189,189,189,191,194,194,196,202,207,199,194,198,202,204,204,207,209,207,199,191,189,194,199,202,204,204,202,202,207,209,207,204,203,204,207,207,207,209,212,212,207,204,204,209,207,199,192,194,202,212,212,209,209,209,212,217,225,225,222,217,209,205,207,209,207,204,199,199,204,207,202,196,194,189,139,135,137,191,207,207,186,177,181,196,196,190,187,189,194,199,202,202,207,207,196,133,131,189,202,209,212,207,199,199,202,204,204,207,209,194,137,133,133,186,202,207,204,209,217,215,200,199,204,212,217,215,209,207,204,204,207,209,215,215,212,204,204,207,207,204,204,207,205,207,207,207,207,204,204,202,199,199,199,202,207,207,202,199,202,204,207,205,205,209,212,212,209,204,202,202,204,202,196,194,189,187,187,191,199,204,209,212,209,207,207,212,215,212,207,207,209,212,209,209,209,209,209,209,209,204,199,196,199,199,194,194,196,202,202,196,189,183,182,183,191,196,194,191,191,191,191,191,194,196,196,196,191,186,186,189,194,196,199,202,199,194,191,191,196,204,202,199,202,207,207,204,204,207,207,202,195,196,199,202,202,204,207,207,207,209,212,209,204,204,204,207,209,207,202,195,194,195,199,202,202,204,207,209,212,215,212,204,199,199,199,199,196,194,191,191,191,187,187,189,196,202,199,194,192,191,194,202,207,207,209,207,204,204,204,199,194,191,194,199,202,202,202,204,202,199,199,199,202,202,199,199,199,204,202,194,189,186,189,191,189,139,137,138,183,194,199,196,196,199,204,207,204,199,199,199,202,202,199,199,202,209,212,204,195,195,204,209,209,209,217,225,228,228,228,228,225,228,230,233,233,228,217,212,212,222,230,228,220,215,220,230,238,238,238,235,233,222,207,194,143,127,113,103,107,121,125,113,103,109,119,119,99,79,85,129,194,189,183,181,137,133,133,183,194,202,209,215,217,215,212,215,217,217,212,207,204,204,207,207,202,191,181,186,204,207,183,129,178,199,207,212,217,222,222,215,209,207,204,202,196,189,183,181,181,183,189,196,204,204,199,186,179,179,181,189,194,196,196,196,196,194,189,183,186,186,186,191,194,194,194,194,189,183,183,189,196,204,207,207,199,189,135,129,135,189,204,207,207,207,207,204,202,199,199,196,196,196,199,199,196,194,194,194,194,191,186,139,139,143,189,189,189,194,202,209,215,217,217,217,220,217,204,199,202,209,215,217,215,209,207,212,220,207,181,172,178,196,0,0,0,0,0,0,212,0,0,0,0,0,222,215,204,191,176,163,155,150,147,147,144,144,144,147,147,142,137,134,142,157,173,178,181,181,183,186,183,176,165,160,0,0,0,0,160,0,0,212,212,215,217,217,217,215,211,211,225,238,246,246,241,241,243,248,254,255,255,255,255,255,255,255,255,255,255,255,255,217,202,202,204,202,195,194,196,204,0,0,0,0,0,0,0,0,209,209,215,0,0,0,0,0,0,209,204,196,178,0,160,163,173,178,181,186,194,199,199,202,199,191,183,181,178,170,0,0,0,176,196,207,212,217,230,233,230,225,222,0,0,0,217,215,212,207,199,189,183,183,186,186,176,160,150,109,107,105,107,0,129,196,217,230,233,235,243,251,251,246,241,241,243,243,238,230,225,225,225,222,220,222,228,235,243,246,243,241,238,233,222,211,209,212,217,228,230,228,225,220,221,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,183,196,176,4,0,0,38,82,17,0,189,209,87,0,0,0,0,0,0,0,0,0,0,0,0,0,92,178,189,191,98,0,0,25,74,137,165,170,178,183,186,183,173,160,152,152,160,157,152,155,178,189,189,191,189,183,181,183,181,178,170,165,163,163,157,147,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,173,194,196,194,194,194,194,192,196,204,209,207,191,165,137,81,73,72,93,93,101,105,96,87,90,109,165,168,165,170,173,127,123,170,194,207,212,212,209,207,199,189,115,85,60,87,181,191,199,196,189,165,116,116,121,173,181,181,173,168,123,122,163,173,183,189,183,173,173,178,183,189,186,115,94,101,119,170,176,178,181,186,191,196,194,176,165,168,181,194,202,207,212,209,199,189,178,123,117,113,115,168,176,173,173,181,178,173,127,121,121,121,121,116,113,119,173,183,194,202,204,199,189,186,189,191,194,199,202,202,196,199,202,202,202,196,194,194,196,202,204,207,207,207,204,204,204,202,199,199,202,207,209,212,212,209,209,212,212,212,212,215,212,207,199,198,196,198,199,202,202,202,207,212,212,207,202,200,204,207,209,204,199,198,199,202,207,209,207,199,191,189,191,194,196,194,191,191,194,192,192,192,194,196,196,199,199,202,202,204,209,202,189,183,189,194,194,196,199,196,196,196,181,111,104,103,106,111,121,129,176,181,186,191,191,191,191,196,204,204,191,173,163,165,173,173,168,160,155,155,163,173,183,178,168,173,186,191,194,189,181,173,165,168,181,199,207,204,204,204,196,176,168,170,183,191,196,191,181,170,170,178,186,191,189,181,170,170,170,170,178,194,194,176,127,170,176,178,183,186,181,178,176,173,129,127,170,176,170,127,128,131,176,131,129,129,131,176,186,199,204,199,186,120,119,173,181,178,178,183,181,120,120,176,178,168,124,124,127,125,127,173,181,183,186,189,189,189,183,173,170,176,176,170,127,125,125,125,123,122,123,127,127,127,127,168,173,181,189,194,194,183,181,178,173,170,168,125,125,168,173,173,178,189,191,191,189,183,181,183,196,199,186,174,174,183,186,176,128,127,173,181,183,183,176,130,129,131,133,176,181,186,189,189,189,191,196,196,196,194,189,183,178,178,183,186,183,181,178,176,176,176,176,178,186,186,183,173,125,121,123,170,186,191,186,176,127,125,170,170,120,127,173,168,123,127,173,181,186,176,123,119,121,176,173,173,181,186,189,189,186,183,183,183,186,191,189,183,182,183,186,183,183,186,191,194,183,129,126,170,178,183,176,176,189,189,186,183,176,117,115,117,119,125,170,129,129,127,129,181,194,199,183,116,111,117,176,194,199,186,118,109,176,186,183,178,178,181,186,191,183,178,176,176,178,181,191,202,204,196,181,123,119,107,101,103,109,123,183,189,178,168,165,170,170,107,74,107,170,168,168,176,178,178,176,186,194,194,191,178,75,83,106,189,204,189,125,117,183,189,176,105,98,107,178,186,189,183,181,183,186,189,189,186,178,129,122,121,125,181,189,189,186,178,178,183,186,186,186,186,185,186,189,186,181,178,133,133,133,131,130,131,183,194,196,194,186,178,133,133,176,178,181,186,189,189,189,183,183,186,194,199,194,186,186,194,199,194,189,191,189,183,183,189,191,189,186,189,189,183,133,133,183,194,194,186,181,176,174,176,178,176,133,131,126,126,127,131,178,183,186,186,183,186,191,196,199,194,125,95,85,117,176,181,181,178,176,176,178,183,191,196,199,194,129,115,115,123,176,183,181,176,125,119,123,170,129,117,115,116,125,176,178,176,170,168,168,170,169,168,170,176,178,173,170,170,170,127,123,123,127,183,191,191,189,186,183,181,178,178,186,194,202,207,207,207,204,204,204,204,202,199,194,191,191,196,202,199,194,186,183,186,189,189,186,186,186,189,194,199,202,202,202,202,202,199,189,178,176,186,194,191,191,191,189,189,186,178,125,115,112,119,129,181,191,196,196,199,202,199,194,194,196,202,207,199,181,133,129,123,124,183,196,196,189,181,178,181,183,183,186,186,183,181,178,176,178,191,199,194,186,186,194,194,189,178,131,128,129,131,129,181,189,135,127,181,204,204,207,204,202,196,196,196,199,199,204,207,209,209,212,212,212,212,209,212,215,215,212,202,191,186,194,207,217,230,238,238,235,235,233,230,230,230,233,235,235,233,230,228,228,230,233,233,233,230,230,233,230,225,217,215,215,217,228,230,228,217,215,215,217,222,225,225,228,228,225,225,222,222,217,215,215,215,217,222,225,225,217,212,207,207,199,139,109,98,137,209,217,220,222,225,225,225,222,217,215,209,204,196,186,181,181,186,191,194,189,183,178,178,176,173,129,129,173,176,121,107,112,129,183,186,186,186,186,191,196,194,191,189,187,189,189,189,183,176,176,183,194,199,196,194,199,204,204,189,129,120,123,135,189,194,196,199,199,196,191,191,194,196,202,204,207,209,212,217,222,217,213,212,215,225,222,212,209,209,212,217,225,228,225,215,207,202,199,196,199,199,194,191,194,199,204,202,191,183,181,183,186,189,191,196,202,202,199,196,196,196,196,196,194,191,186,181,176,176,181,189,183,131,129,178,181,181,181,181,181,186,189,191,194,194,194,196,204,207,199,195,198,202,204,204,207,209,204,196,186,186,194,202,202,202,204,204,207,207,207,207,207,204,207,207,204,204,204,207,204,199,198,199,207,209,202,196,199,207,212,212,209,208,209,212,222,225,225,222,217,212,207,207,207,204,202,199,196,202,207,207,204,204,202,199,194,196,204,209,207,186,177,182,199,202,191,189,190,196,204,204,207,204,204,199,186,186,196,204,209,212,207,202,199,202,204,204,207,207,194,141,137,135,186,196,204,204,209,217,215,199,198,204,212,217,217,215,212,209,207,207,207,209,212,207,202,199,204,207,204,204,207,207,207,209,207,204,204,202,199,199,199,202,207,212,209,199,196,198,204,207,205,204,207,212,212,207,202,202,202,202,194,189,189,189,187,189,194,199,204,204,207,209,212,212,212,209,203,200,203,207,209,207,207,209,209,212,212,209,207,204,202,202,202,196,196,199,202,202,194,186,182,179,181,189,194,191,189,189,191,194,196,199,199,196,191,186,186,186,191,194,199,202,202,202,196,192,194,202,204,202,202,204,207,207,207,207,209,209,202,196,196,196,196,199,204,207,209,209,209,207,202,194,191,196,202,207,204,196,195,195,196,199,202,202,202,204,209,215,215,212,207,202,199,199,196,194,191,194,194,194,187,186,191,199,204,202,199,196,194,199,204,209,212,212,209,207,204,202,196,191,189,189,194,196,196,196,199,202,202,202,202,202,199,199,199,202,204,204,199,191,189,189,189,189,189,186,186,189,191,196,196,196,196,202,204,204,202,196,196,199,199,199,199,204,209,212,204,194,194,202,212,215,217,220,222,222,225,225,225,225,225,230,233,230,220,211,208,208,217,222,222,215,213,215,225,235,238,235,238,238,228,207,199,202,196,123,101,99,105,113,109,101,103,115,115,95,72,71,101,135,129,122,119,123,133,191,196,194,194,202,212,220,222,222,220,222,220,215,209,207,207,209,212,209,196,129,117,183,199,176,119,125,196,204,209,215,222,217,215,207,204,204,202,199,194,191,189,191,191,194,196,199,196,191,181,178,179,183,189,191,194,196,202,204,202,196,191,189,183,137,139,189,194,196,194,189,183,139,186,194,202,207,207,212,212,202,186,137,189,204,207,207,207,204,199,199,199,196,194,194,194,199,202,202,196,194,194,194,191,186,139,139,189,191,191,194,196,204,209,215,217,220,217,222,220,207,198,198,200,202,207,212,217,225,233,233,209,173,166,0,191,0,0,0,0,0,0,220,0,0,0,0,0,228,215,202,186,170,160,152,147,144,142,142,139,139,139,142,139,137,139,0,165,181,189,189,189,189,186,178,0,0,0,0,0,0,0,157,181,202,212,212,215,217,217,217,217,215,212,222,233,238,241,243,246,248,255,255,255,255,255,255,255,255,255,0,255,255,255,255,233,209,204,207,202,196,195,196,207,0,0,0,0,0,0,0,0,225,208,209,0,0,0,0,0,212,209,215,217,199,173,161,161,168,176,181,189,194,194,196,196,191,183,173,173,170,163,0,0,163,176,202,212,212,215,225,228,228,222,222,0,0,0,217,209,207,199,191,183,178,181,186,191,183,168,157,117,113,111,113,0,178,202,222,235,235,238,243,254,254,246,238,238,241,238,235,230,228,228,228,222,222,222,228,235,243,246,243,243,241,235,228,215,211,211,215,225,228,228,225,222,224,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,170,191,202,194,87,56,61,157,168,74,0,4,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,163,176,181,90,0,6,129,168,176,176,176,178,181,181,176,168,157,152,152,155,152,150,163,186,191,191,191,189,183,183,181,178,173,165,157,155,152,142,121,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,189,196,199,196,194,196,196,199,202,209,209,196,129,69,68,68,79,163,178,160,157,168,123,97,95,103,121,125,119,117,123,123,121,125,189,204,212,207,199,186,168,115,105,109,127,189,194,196,202,202,202,181,119,117,125,181,189,189,183,176,165,123,165,176,189,194,191,178,173,173,181,194,199,181,113,101,113,173,181,183,181,178,178,186,183,168,164,168,186,194,194,199,207,204,186,173,127,119,114,111,114,127,173,168,168,178,178,173,127,127,168,127,117,110,111,121,176,189,196,202,204,202,196,191,191,191,194,199,202,202,196,199,204,207,207,204,199,196,199,202,204,207,207,204,204,202,202,196,194,194,196,202,207,209,209,207,207,209,209,209,212,212,212,204,199,199,199,202,199,198,198,199,207,215,215,209,204,202,204,209,209,207,202,199,204,207,204,204,207,204,196,191,194,199,202,202,196,194,194,194,194,194,194,194,194,194,196,199,202,207,209,204,194,191,194,194,192,194,199,196,191,189,189,181,117,106,105,108,115,127,178,186,191,196,199,196,191,191,191,183,165,160,176,186,191,191,189,181,176,170,165,155,113,109,110,165,189,196,194,183,168,121,121,165,181,194,202,196,196,199,189,170,165,169,186,194,196,194,186,178,178,186,194,196,191,181,173,168,168,170,176,196,202,186,176,176,178,178,176,170,129,176,181,183,176,173,176,170,128,128,128,130,131,173,173,173,131,131,181,194,199,199,183,170,176,186,176,121,119,127,170,118,119,181,186,170,124,123,125,127,168,173,178,178,178,178,181,181,178,170,169,170,173,168,125,123,121,123,125,125,125,168,173,176,173,173,173,178,186,189,181,168,168,173,170,168,125,122,122,124,125,127,173,189,196,194,186,181,178,183,191,194,183,174,174,181,181,173,127,128,176,186,189,186,178,130,129,131,176,178,183,186,189,191,191,191,194,199,199,196,194,189,186,189,191,194,191,186,178,176,176,178,181,181,186,189,181,129,121,121,125,173,186,191,189,176,124,122,125,173,173,181,186,189,183,181,183,186,176,123,119,118,115,127,173,178,181,189,191,191,189,186,183,183,191,196,194,183,182,183,183,181,178,181,183,186,181,173,170,176,181,178,125,123,181,191,191,186,129,118,119,125,121,119,125,127,127,126,129,181,194,191,127,110,108,121,186,199,202,191,127,125,181,186,181,176,173,173,178,186,183,183,186,186,186,183,189,196,199,191,165,119,117,115,111,117,117,123,176,181,176,166,164,165,170,119,105,121,173,165,164,168,168,170,176,181,189,189,189,178,125,119,121,168,183,186,168,111,117,170,127,95,91,115,189,194,191,186,183,183,189,191,189,186,186,181,131,125,127,176,186,191,186,174,176,183,186,186,186,185,185,186,183,181,176,133,131,130,130,131,176,181,186,186,186,183,181,178,176,181,183,183,186,189,191,191,186,183,182,183,191,196,199,194,196,202,202,196,194,196,191,183,181,183,186,186,186,189,186,186,181,178,183,191,194,191,183,178,176,176,178,178,133,129,126,125,127,131,178,181,183,181,183,186,191,199,202,186,119,103,115,129,173,178,181,181,178,178,181,186,191,196,199,196,176,116,115,119,170,176,176,173,173,173,173,173,168,117,116,119,127,176,176,173,170,168,170,173,170,168,168,173,178,178,178,178,173,129,124,124,127,178,186,186,183,183,183,178,177,178,186,194,199,202,202,202,202,204,207,207,207,202,196,194,196,202,204,202,194,189,189,189,189,189,186,186,186,186,189,194,199,202,204,204,199,194,186,181,181,186,191,194,194,194,191,181,176,127,117,117,121,131,178,189,194,196,199,202,202,199,194,194,194,202,202,186,126,125,127,127,131,186,194,191,183,178,178,181,183,183,183,183,178,131,131,133,181,194,196,189,178,135,181,186,191,191,135,124,124,128,128,131,137,183,191,209,212,207,202,199,194,191,190,189,190,191,196,202,204,207,209,209,212,209,212,215,222,225,228,220,202,191,199,212,225,230,235,235,235,235,235,235,233,233,235,238,235,230,228,225,228,230,233,233,233,230,230,228,225,222,215,213,213,217,225,228,225,217,215,215,217,222,225,228,228,230,228,228,225,222,217,217,222,225,228,230,228,225,217,209,209,209,204,137,99,85,113,196,212,217,225,228,225,225,225,222,215,209,204,196,189,181,181,186,191,191,189,183,178,178,178,176,130,129,131,176,125,111,114,170,183,189,189,186,186,191,194,194,191,189,189,189,189,189,181,177,177,183,194,199,199,199,199,207,207,189,123,117,119,131,189,199,204,202,196,191,191,194,199,204,207,209,209,212,212,215,222,222,215,213,217,225,225,215,209,212,215,217,228,230,225,212,202,194,189,189,191,191,189,186,183,189,194,191,183,178,176,178,181,186,194,196,199,199,202,202,199,199,196,194,191,191,189,183,176,176,183,189,186,176,133,176,178,135,135,135,178,183,189,191,191,191,191,196,202,204,202,198,199,204,207,207,207,207,202,191,185,185,196,202,202,204,207,207,204,204,204,204,207,209,209,207,204,203,203,204,202,198,196,198,207,209,204,199,202,207,215,215,209,208,208,212,222,225,222,222,222,217,215,209,204,199,199,199,196,202,207,207,207,207,209,209,207,209,209,209,207,194,186,196,204,204,199,194,194,199,204,209,212,207,202,199,194,199,204,207,209,209,207,204,202,204,207,204,207,204,186,137,137,137,186,194,202,207,209,212,209,202,200,204,215,217,217,215,217,215,209,207,202,204,207,202,196,196,202,207,202,204,209,209,209,209,204,200,202,204,202,199,202,207,212,215,209,199,195,198,204,209,207,205,207,209,209,204,200,202,202,196,143,141,186,191,189,189,194,202,202,204,207,209,212,215,212,209,202,200,204,209,207,204,204,209,212,212,212,209,207,207,204,204,202,202,202,199,199,196,191,189,183,183,186,191,191,189,189,191,194,199,202,202,199,191,185,182,183,186,191,196,202,204,207,204,199,196,202,204,207,204,204,207,209,209,205,204,207,209,207,202,199,195,195,196,202,207,209,209,209,202,191,185,183,186,199,202,199,196,196,196,196,199,202,202,200,202,207,209,209,207,204,202,202,202,199,196,194,194,196,194,189,187,191,199,204,204,204,207,202,199,202,204,207,207,207,207,204,199,194,189,189,189,189,191,191,194,196,199,202,202,199,196,196,196,196,202,204,204,199,194,191,191,191,196,199,196,194,191,194,196,199,199,199,199,204,207,204,199,196,196,199,199,196,202,209,212,204,195,194,202,212,217,222,222,217,217,217,217,217,220,222,228,233,230,225,217,212,212,217,222,222,217,215,217,225,228,230,233,241,241,228,209,209,225,241,215,117,100,100,105,101,93,93,107,113,99,72,69,83,119,125,121,120,127,189,207,207,189,186,194,204,212,220,222,217,217,217,212,207,207,207,212,215,215,212,119,89,97,127,119,105,109,183,191,196,204,212,215,209,207,204,202,196,194,194,194,196,196,196,196,196,196,194,189,181,179,183,189,191,191,191,194,202,207,207,204,199,194,186,137,137,186,194,196,194,189,139,138,139,186,194,202,209,215,215,204,186,139,194,207,212,209,209,207,199,196,196,196,196,194,191,191,196,199,196,194,194,194,191,186,141,141,189,194,196,199,204,207,212,217,225,228,228,230,230,217,200,198,198,200,202,209,222,233,238,238,222,173,161,164,178,220,0,0,0,0,255,220,0,0,0,0,0,225,212,196,178,163,155,152,144,142,139,137,134,131,131,134,137,139,0,155,178,191,199,196,191,189,183,176,165,163,163,165,0,0,0,0,173,196,209,215,217,220,217,222,225,217,215,217,228,230,235,241,248,254,255,255,255,255,255,255,255,255,255,0,255,255,255,255,246,217,212,215,209,202,196,196,202,0,0,0,0,0,0,0,0,241,215,212,212,0,0,0,0,207,209,228,238,222,189,165,161,165,173,181,189,191,191,189,189,186,178,0,165,165,0,165,170,170,183,209,222,215,212,215,222,222,222,222,0,0,0,215,207,202,191,183,176,173,173,183,189,186,176,165,163,157,119,121,168,186,202,220,235,235,238,243,254,254,246,235,235,235,235,233,230,230,230,230,225,225,225,228,235,241,243,243,243,243,241,233,222,212,211,212,222,225,225,225,225,230,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,1,9,12,12,74,134,137,87,53,87,170,150,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,139,98,48,1,129,170,181,183,183,178,178,181,176,163,152,152,155,157,157,152,153,173,191,194,189,186,186,183,183,183,181,170,157,147,144,142,131,111,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,186,196,196,196,194,191,194,196,194,178,81,69,63,64,69,79,97,176,189,186,183,196,199,178,107,99,105,93,49,49,105,125,119,111,181,202,207,199,181,125,113,107,113,168,183,191,196,202,204,204,202,191,170,123,168,181,186,189,189,181,168,123,165,176,189,196,196,186,178,178,186,194,194,178,103,94,100,178,189,189,186,176,173,178,181,173,168,173,181,183,176,176,186,183,125,119,121,123,121,115,117,125,127,125,125,170,176,173,170,173,176,168,115,107,117,173,189,196,202,202,204,202,199,196,194,194,194,196,196,196,196,199,202,207,207,207,204,202,199,199,202,202,202,199,199,196,194,191,189,189,194,199,204,207,207,204,202,202,202,204,207,212,212,209,207,207,209,209,204,199,198,202,209,217,217,212,207,204,207,207,209,209,204,204,207,207,199,202,204,202,196,194,194,199,202,202,194,191,189,191,194,194,196,196,194,194,194,196,202,204,207,204,199,196,199,196,194,194,196,189,133,130,183,196,194,131,111,113,123,178,186,191,191,196,204,204,194,176,157,119,157,163,189,199,196,196,196,196,196,191,181,165,115,108,107,115,178,191,194,173,111,109,115,123,173,186,186,168,123,170,173,169,168,170,183,191,194,194,189,183,183,186,186,189,186,178,170,127,127,168,170,189,196,186,173,168,168,168,127,124,123,129,178,183,178,178,178,173,130,173,176,173,173,176,176,173,130,129,176,186,191,186,127,127,181,186,125,113,112,116,129,121,122,183,186,173,124,123,125,168,170,176,178,176,170,168,170,173,173,170,169,173,176,168,119,115,119,123,125,125,125,127,178,183,183,181,176,176,178,178,127,125,125,126,126,127,127,125,125,127,125,123,125,183,196,194,186,178,176,178,186,186,183,176,174,178,178,131,128,130,181,191,191,186,178,131,131,176,181,183,186,186,186,189,189,189,191,196,199,199,194,191,191,191,194,194,194,186,176,174,176,181,186,189,186,183,176,123,119,121,127,173,181,186,186,176,125,122,124,176,186,191,194,196,194,191,196,199,173,119,125,121,115,123,173,181,183,189,194,194,191,186,183,183,194,202,199,186,182,183,181,173,173,176,176,178,178,178,176,176,170,120,114,118,181,196,196,191,176,129,170,170,125,123,125,129,129,127,170,186,196,191,123,109,110,123,181,191,196,194,189,186,173,176,173,127,125,127,170,181,191,191,194,194,189,183,183,186,189,178,121,115,114,115,121,165,125,125,170,178,178,173,168,170,178,125,117,125,176,168,161,160,161,168,173,173,176,181,183,178,176,178,173,170,181,191,181,113,90,109,121,95,88,115,189,194,189,183,183,186,191,194,191,189,189,189,181,173,176,181,183,186,178,170,172,183,189,191,191,189,189,186,183,178,176,176,131,129,130,133,183,189,189,181,176,174,174,174,178,183,186,186,189,191,194,191,186,183,182,183,191,196,199,196,199,202,202,199,199,199,191,183,178,181,183,183,186,186,185,186,186,181,181,186,191,194,191,186,183,183,186,183,178,133,129,127,131,176,181,181,178,178,183,186,191,196,194,176,121,117,125,129,170,176,181,183,181,181,181,186,189,191,196,196,186,127,123,127,173,173,170,170,173,173,173,173,168,121,121,125,170,176,176,173,170,168,170,176,176,169,168,170,176,181,181,181,178,170,129,129,170,178,181,181,181,183,181,178,177,181,186,194,196,196,196,196,199,204,207,209,207,204,199,196,199,202,202,199,194,191,194,191,191,189,186,186,183,182,183,189,196,199,202,202,196,189,181,178,178,181,186,191,194,196,189,131,125,119,114,115,123,176,186,194,194,194,196,202,204,199,189,186,189,196,194,133,123,123,127,131,176,183,189,186,178,176,176,178,181,181,183,183,176,125,125,129,178,189,189,181,134,133,135,181,191,196,178,124,125,129,131,133,186,202,215,222,215,207,196,191,190,191,190,189,189,191,199,202,204,207,209,209,209,209,209,215,222,228,230,228,209,196,196,212,225,233,235,235,235,235,235,235,233,235,238,238,235,230,225,222,225,228,233,235,233,230,230,228,225,222,217,213,213,215,222,228,225,222,217,217,222,222,225,228,230,230,230,228,225,222,217,222,228,233,233,230,228,222,217,215,215,217,215,194,107,94,111,189,209,217,225,228,225,225,222,217,215,209,202,191,183,178,176,178,183,189,186,181,178,178,181,178,173,130,173,178,129,115,117,173,183,186,186,186,186,189,191,191,189,189,191,191,191,189,181,178,178,183,191,199,202,202,202,207,207,186,121,116,118,127,186,199,204,204,196,190,190,196,202,204,209,212,215,215,212,215,222,222,215,215,217,225,225,217,215,215,217,225,230,233,228,212,199,189,137,135,181,183,183,178,133,133,133,133,133,131,133,133,133,181,191,196,199,199,204,207,204,202,196,189,186,189,189,181,176,176,181,186,183,178,176,133,132,132,133,178,181,186,189,191,189,189,191,196,199,204,202,202,202,204,209,209,209,207,199,189,185,186,199,204,207,209,215,212,202,196,196,199,207,209,209,207,207,204,204,204,204,199,199,202,209,209,204,199,199,204,212,217,212,208,207,212,222,225,225,225,225,222,217,212,202,198,199,202,196,196,202,204,204,207,207,207,209,209,209,209,209,204,204,212,209,204,199,199,199,199,204,212,215,207,202,199,199,204,209,209,209,207,207,207,207,207,207,209,209,204,139,136,137,139,186,194,202,209,212,212,209,207,207,207,212,217,215,212,215,212,209,204,202,202,202,199,195,195,199,202,199,202,207,209,209,207,200,199,202,204,204,204,207,212,215,217,212,199,195,198,204,209,209,207,207,207,207,202,202,204,204,194,139,137,141,189,186,186,191,202,204,204,207,209,212,212,212,209,204,204,209,212,207,199,199,207,212,212,207,204,204,207,204,202,202,202,202,196,191,191,191,194,194,194,196,196,191,186,186,194,204,209,209,204,196,186,183,182,183,186,191,196,204,207,209,209,204,204,207,209,212,209,209,209,212,209,205,204,207,212,212,207,202,196,195,196,199,202,207,209,207,202,189,183,182,186,196,202,196,196,199,199,199,202,204,204,200,200,204,207,207,204,204,204,207,207,204,202,196,194,194,194,191,191,196,202,204,204,207,209,207,199,198,199,202,199,199,202,202,199,194,194,194,191,189,189,189,191,196,199,202,202,196,194,194,194,196,199,204,202,199,196,194,194,194,196,199,199,196,191,194,199,204,207,204,202,204,209,209,202,196,196,196,194,191,194,204,209,207,199,198,202,212,222,225,220,212,212,209,209,209,212,215,222,228,230,230,228,225,225,225,225,225,228,225,222,222,225,225,230,238,241,230,217,220,238,243,228,186,113,105,101,93,86,89,103,115,109,77,71,76,107,125,127,181,204,209,212,204,181,183,194,202,209,217,217,215,212,212,209,207,207,209,212,215,220,220,117,80,82,101,103,95,93,115,127,176,189,199,202,204,202,202,196,191,191,191,194,194,194,194,191,194,194,194,191,186,186,191,196,194,190,189,190,196,207,209,207,204,199,191,139,137,139,189,191,191,189,139,137,138,139,186,199,215,215,202,183,135,139,196,212,215,215,215,209,204,199,199,199,202,196,191,190,191,194,191,191,191,191,191,189,189,191,194,194,196,202,204,207,209,215,228,233,233,235,235,225,209,202,204,207,209,212,225,233,238,233,222,178,165,166,181,217,0,0,255,254,241,217,0,0,0,0,230,215,204,189,170,157,152,147,139,137,134,134,129,126,124,126,131,134,0,160,186,202,207,204,199,194,189,178,165,163,168,173,170,0,0,0,173,191,209,217,222,217,215,217,225,222,217,222,225,228,228,238,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,243,228,228,228,222,212,204,199,0,0,0,0,0,0,0,228,241,233,212,207,204,202,207,0,0,202,207,233,243,230,196,173,163,163,168,176,183,186,186,183,181,181,176,170,168,168,170,176,178,178,0,217,228,217,207,207,212,217,222,225,0,0,0,215,207,199,191,178,0,0,165,176,181,181,173,168,165,163,123,125,173,189,202,215,233,235,235,241,251,251,243,235,233,233,233,230,230,233,233,230,228,228,225,228,233,241,241,241,243,243,241,233,225,215,211,212,217,222,222,225,228,235,241 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,17,40,46,51,40,22,0,25,25,0,0,111,189,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,27,19,38,0,17,21,163,173,183,186,183,181,178,176,168,150,142,144,155,168,165,155,163,178,189,191,186,183,186,186,186,186,178,165,144,126,124,121,113,92,27,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,157,181,183,186,181,168,168,165,129,58,57,66,65,67,87,103,150,178,191,194,196,202,207,204,176,109,63,41,18,17,69,125,117,91,107,176,189,178,123,117,113,113,123,173,183,189,196,204,202,204,202,191,178,165,125,170,178,186,191,183,168,121,121,168,181,189,191,186,181,181,183,183,170,121,96,92,105,181,189,191,189,176,173,178,183,183,178,170,125,117,93,93,111,119,115,114,117,123,127,125,123,168,173,168,126,168,170,170,173,176,173,125,116,115,181,189,196,199,202,202,204,202,199,194,191,191,194,196,195,195,195,196,202,204,204,204,202,202,199,199,196,194,194,191,189,189,189,186,189,191,196,202,204,207,207,202,199,196,196,196,202,209,212,212,209,209,209,209,209,204,199,204,212,217,217,212,209,207,204,207,207,212,209,207,204,202,196,196,199,199,196,194,194,196,199,196,189,185,186,189,194,194,199,199,199,199,199,199,202,204,207,204,199,196,199,199,199,199,196,133,122,122,131,191,194,181,119,119,173,189,194,191,191,196,207,207,186,91,81,115,168,178,199,202,196,199,199,202,207,202,196,191,181,160,114,160,168,163,165,77,73,103,119,123,165,176,123,109,107,113,170,176,170,170,181,186,189,191,191,186,181,176,176,176,176,170,127,125,127,168,173,183,186,178,125,121,121,123,125,123,123,125,170,176,178,181,181,183,186,189,191,189,186,186,183,178,173,173,181,186,181,127,122,125,181,181,123,115,113,115,123,123,127,170,170,125,123,123,127,170,173,178,181,176,168,165,166,170,176,176,173,173,173,127,111,113,121,127,127,123,119,119,170,183,189,189,183,178,178,173,127,125,125,125,125,173,178,170,168,170,168,119,109,125,189,189,183,178,173,173,178,183,181,178,176,178,178,131,129,173,186,191,186,181,176,131,133,181,186,189,183,181,181,181,181,183,189,196,199,199,194,191,191,191,194,191,189,183,178,174,176,181,189,191,189,181,170,120,119,123,129,173,176,176,173,173,127,124,124,168,186,194,194,194,194,194,199,196,173,113,181,170,121,127,176,181,183,186,191,194,189,186,183,183,191,202,202,191,186,186,178,127,125,170,176,176,176,178,178,170,121,104,104,123,189,196,199,202,194,181,168,123,125,127,170,176,176,173,176,189,199,194,173,114,113,117,125,176,186,189,186,181,122,127,127,121,121,127,173,183,194,191,189,189,186,181,178,178,176,170,119,117,111,112,165,176,170,168,170,178,181,181,178,178,176,125,121,168,176,165,160,160,163,170,168,121,119,125,170,127,127,173,178,181,191,202,199,178,94,101,113,101,97,123,183,191,189,183,183,186,191,194,194,189,189,189,178,173,181,186,186,183,178,169,170,186,194,196,196,196,191,186,181,178,181,181,176,130,131,176,183,191,191,181,174,173,173,174,178,183,186,189,189,191,194,191,186,186,186,191,194,196,199,196,196,196,199,199,199,196,191,181,135,135,178,181,183,186,186,186,189,183,179,179,186,194,194,191,189,191,191,189,181,176,133,131,133,178,178,178,173,173,181,189,191,183,170,125,125,127,127,129,129,170,176,183,186,186,189,191,191,191,191,191,189,183,178,176,176,176,176,170,168,125,125,170,168,125,125,125,127,170,173,173,168,125,127,176,176,170,168,169,173,176,178,181,178,176,176,176,178,181,181,181,181,183,181,178,181,183,189,194,196,196,194,194,196,202,207,207,207,202,199,196,199,202,199,194,194,196,199,196,196,194,191,186,183,182,182,186,194,196,199,199,194,186,178,177,178,181,183,186,194,194,181,125,125,119,114,115,123,176,191,194,191,191,196,204,202,191,176,133,181,189,186,129,124,125,129,176,181,183,183,181,133,130,131,176,178,178,181,183,176,125,123,125,133,183,183,178,134,133,135,181,189,183,131,126,128,131,131,183,202,212,217,217,212,207,194,190,190,191,191,191,191,196,204,209,212,212,212,209,209,209,209,212,222,228,230,228,215,199,145,202,225,233,235,233,233,233,235,233,233,235,238,238,233,228,222,222,222,228,233,235,235,233,228,225,225,225,222,215,215,217,225,228,228,225,222,222,222,222,225,228,230,230,230,228,222,222,222,228,230,233,233,230,228,222,222,217,222,228,228,209,135,113,131,196,209,217,225,225,222,222,217,215,212,204,194,186,135,131,127,129,176,181,181,178,176,173,176,178,178,176,176,178,129,116,118,173,181,183,183,183,183,186,186,189,189,191,194,194,191,186,181,178,181,186,194,199,202,202,202,207,204,189,129,121,121,127,139,191,199,202,196,191,191,196,204,207,209,215,217,217,212,212,217,222,217,212,215,217,222,217,217,217,222,228,235,238,230,215,199,183,133,131,133,178,178,135,129,123,119,119,123,127,127,125,125,129,181,191,196,199,202,204,202,199,194,183,178,183,183,181,178,178,181,183,186,186,181,133,132,132,132,135,181,186,189,194,191,189,191,194,199,202,204,202,202,207,209,212,212,207,194,186,186,191,199,207,209,212,217,212,199,192,192,196,204,209,207,207,204,204,204,207,209,207,207,209,209,207,207,202,199,199,209,217,217,209,208,215,225,228,228,228,228,222,215,209,202,199,199,199,191,190,194,202,207,207,204,202,202,204,209,212,212,207,207,215,209,196,191,196,199,196,199,204,209,207,202,202,199,202,209,209,207,207,204,204,204,204,204,207,212,209,191,141,186,186,189,196,202,207,212,212,212,209,207,209,212,212,209,207,212,209,207,204,204,204,202,196,195,195,199,199,199,202,207,209,207,204,200,199,202,209,209,209,209,215,220,217,212,202,196,198,204,207,207,207,207,207,204,202,204,209,204,191,137,133,133,137,135,133,141,199,204,207,209,209,209,209,212,212,212,209,209,209,204,196,195,199,207,209,202,196,199,202,202,199,196,196,196,194,189,189,191,196,199,196,196,194,189,186,189,199,212,215,212,204,194,189,186,186,186,186,191,196,204,209,212,212,209,209,209,212,215,215,212,212,212,212,207,207,212,217,212,204,199,196,196,202,202,199,202,204,204,199,191,185,185,186,196,202,196,194,191,194,196,199,207,207,202,202,204,204,204,203,204,207,209,209,209,204,199,196,194,194,194,196,199,202,202,199,202,207,207,202,199,202,202,196,191,191,194,194,196,202,202,194,189,186,189,194,196,202,204,202,194,189,189,191,194,196,199,199,196,194,194,191,191,191,194,194,194,194,196,202,209,212,207,202,204,209,207,199,196,196,196,191,190,191,199,207,209,209,209,207,215,222,222,215,207,207,207,205,207,209,212,215,220,225,230,230,230,228,228,228,228,230,228,222,220,222,225,228,235,238,235,230,230,238,238,228,202,129,113,105,93,84,85,99,115,115,91,76,83,115,127,125,186,212,220,217,202,133,183,196,207,215,217,217,215,212,212,209,207,204,204,207,207,212,212,125,79,80,93,99,89,79,83,97,111,123,173,183,191,194,194,191,189,189,191,191,191,189,189,189,189,194,196,196,194,191,196,199,196,191,187,187,191,202,207,207,202,199,191,139,137,137,137,137,183,186,183,139,139,183,189,209,222,217,191,127,125,133,191,209,215,215,217,212,207,202,199,199,202,202,196,194,191,191,190,190,190,190,191,194,194,196,199,196,196,199,199,202,204,212,225,233,233,235,235,230,220,217,225,228,228,225,228,235,235,230,212,189,0,0,196,215,0,0,243,238,228,220,0,0,0,0,215,207,196,183,168,155,147,142,137,137,134,131,129,124,121,121,126,131,0,160,0,204,212,212,207,202,194,181,168,163,168,178,183,181,173,170,178,194,207,217,217,215,212,215,225,225,225,228,230,225,225,235,246,254,255,255,255,254,251,254,255,255,251,246,254,255,255,254,233,230,238,241,233,225,215,0,0,0,0,0,0,0,0,222,225,217,204,196,196,199,209,217,212,199,204,225,235,225,199,181,168,165,165,168,176,178,178,176,176,178,181,181,178,178,178,183,186,183,189,0,228,215,204,202,204,212,215,217,0,0,0,215,207,202,191,181,0,161,163,168,173,173,165,163,163,160,123,165,173,186,199,212,230,233,230,235,243,246,243,235,233,230,230,230,230,233,233,233,230,228,225,228,233,241,241,241,241,241,235,230,225,222,217,217,217,216,217,222,230,235,241 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,46,46,51,48,33,0,0,0,0,0,82,85,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,38,0,0,0,25,74,176,178,186,191,186,181,176,170,157,142,139,144,150,168,165,157,163,176,183,183,183,186,189,189,186,183,176,160,131,100,90,87,85,72,46,51,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,155,163,163,137,85,95,116,98,43,73,170,150,85,97,150,170,189,194,196,196,199,207,212,204,183,115,95,37,27,71,115,105,80,84,99,117,119,117,117,121,125,125,127,173,183,199,204,202,202,196,189,176,121,119,123,168,178,189,181,163,115,115,119,163,170,170,176,173,173,168,115,109,109,101,101,168,183,183,189,189,176,173,176,183,189,181,123,103,81,49,47,79,109,115,114,114,117,125,127,168,178,189,189,178,170,168,168,170,173,168,123,123,173,191,196,199,202,202,202,204,202,194,186,185,189,191,196,196,196,199,199,202,202,202,202,202,202,199,196,191,186,186,183,183,183,186,186,189,194,199,202,204,207,207,204,199,196,195,196,199,204,207,207,207,207,207,207,207,207,204,207,212,215,212,209,207,207,204,204,207,212,212,207,202,199,196,194,194,194,194,196,196,196,196,194,186,185,185,191,196,196,199,202,202,202,202,202,202,204,204,204,199,194,196,199,199,202,199,131,121,122,130,183,183,173,118,123,181,191,191,186,189,196,204,204,117,37,47,170,189,189,199,204,199,199,202,202,204,199,196,194,189,178,176,176,163,77,51,30,42,121,191,170,165,168,117,108,106,115,178,183,173,166,181,183,186,191,191,186,176,129,125,127,168,127,123,123,168,170,176,183,183,176,125,119,119,123,125,125,125,127,129,170,178,186,189,196,204,204,202,202,199,196,196,194,191,191,194,191,181,126,125,170,183,183,170,123,117,116,127,173,176,173,127,125,124,125,168,168,170,176,178,176,168,164,166,176,181,178,173,165,123,117,111,121,176,178,173,123,114,113,121,176,189,194,191,183,178,173,170,127,127,127,176,191,186,168,168,170,168,109,89,109,178,183,183,176,170,170,176,181,181,181,176,176,173,131,130,176,186,189,178,173,131,127,131,183,191,191,181,174,174,176,178,181,186,196,199,199,194,189,189,191,191,189,183,181,178,176,174,178,189,191,189,183,170,121,121,129,173,173,170,127,127,168,168,125,123,125,178,189,191,189,191,194,194,186,117,103,181,173,170,176,181,186,186,189,191,189,183,181,183,186,186,196,202,196,189,186,173,119,117,129,178,176,176,178,178,170,123,98,102,183,196,196,199,204,202,186,106,102,115,125,129,173,178,173,176,186,196,196,183,123,115,116,119,125,176,178,127,120,119,123,123,120,122,173,186,191,191,183,176,176,178,176,176,173,168,165,119,125,112,112,176,176,170,170,173,176,178,181,181,181,173,165,170,178,181,170,164,176,173,178,165,115,109,111,115,109,119,168,176,183,194,204,209,207,111,101,107,105,109,178,189,194,194,191,189,186,189,191,194,189,186,183,173,172,183,191,189,186,178,172,173,189,196,202,202,199,189,178,176,181,191,194,183,133,176,178,183,189,189,183,178,176,176,178,181,186,189,191,191,194,194,191,186,189,191,196,196,199,196,194,189,191,196,199,199,194,186,178,133,133,134,178,183,186,189,189,191,186,181,179,183,191,194,191,191,191,194,191,183,178,176,176,133,173,173,173,132,131,173,183,183,127,121,123,129,129,126,127,129,127,127,178,189,189,196,199,196,194,189,186,186,186,181,178,178,178,178,173,125,123,123,127,170,168,125,123,123,127,173,173,127,123,123,170,176,173,169,170,173,173,176,178,178,178,178,181,181,181,181,181,181,183,181,181,181,186,189,191,194,194,194,194,196,202,204,204,204,199,196,196,196,199,196,196,196,199,202,199,199,196,194,189,183,182,183,189,191,194,194,196,194,189,183,178,181,189,189,186,189,191,133,124,129,129,119,121,129,181,191,191,189,189,196,202,196,183,125,126,133,181,183,133,127,131,176,181,186,183,181,178,133,128,128,131,178,178,181,183,176,127,125,125,131,178,183,181,135,134,135,181,181,129,127,129,133,131,129,194,209,212,209,209,207,204,196,190,190,194,194,194,199,207,212,215,215,215,215,215,215,215,215,217,222,225,228,228,222,207,133,147,222,233,233,230,230,230,233,233,233,233,235,238,233,228,222,222,222,225,230,233,235,233,228,225,225,228,225,220,217,222,228,230,228,225,222,222,222,222,222,228,230,230,228,225,222,222,228,230,233,233,233,230,228,225,225,225,225,228,228,215,191,139,194,207,212,215,217,212,209,215,215,212,207,199,189,178,131,127,125,126,129,133,173,173,131,129,129,173,181,181,181,178,127,117,121,176,181,181,181,183,183,183,183,186,189,191,194,194,189,183,176,176,181,186,194,199,199,199,199,202,199,191,183,137,131,129,133,139,191,199,199,196,196,202,207,207,212,217,222,222,215,215,217,222,215,209,204,209,215,217,222,225,225,230,238,241,233,215,199,183,129,127,129,133,135,133,127,119,111,113,119,123,123,119,117,121,129,181,191,196,199,199,194,191,186,176,174,178,181,181,181,181,183,183,186,189,186,178,178,176,133,133,178,183,189,194,194,189,189,191,196,202,202,199,199,202,207,212,209,202,191,183,189,194,202,209,209,212,212,207,196,192,192,196,202,207,204,204,204,202,202,204,209,212,215,212,204,204,209,209,204,199,204,215,217,215,212,217,228,230,230,228,228,217,209,204,202,202,202,196,189,187,191,202,207,209,207,202,196,199,207,212,212,207,204,207,204,186,139,189,194,194,194,199,202,202,202,202,199,202,207,209,207,202,199,199,199,199,202,204,209,215,207,204,202,194,194,194,196,202,209,212,212,209,209,209,212,209,207,205,207,207,204,204,209,207,204,199,196,196,199,199,202,204,207,207,207,204,202,202,207,212,212,212,215,217,220,215,209,202,198,199,202,204,204,204,204,207,204,202,207,209,204,189,137,130,129,129,128,127,133,191,202,207,209,209,207,204,207,212,215,212,209,207,204,196,195,196,204,204,196,192,194,199,199,194,192,194,191,189,186,186,189,194,194,191,191,189,189,186,191,202,215,217,212,202,194,191,194,196,191,189,189,194,202,207,209,209,209,212,212,215,217,217,215,209,212,212,212,212,217,220,212,204,199,199,202,207,204,199,196,196,196,194,189,186,186,189,194,199,196,189,185,186,194,199,207,207,207,207,207,207,204,204,204,204,207,207,207,207,202,199,196,196,202,202,204,204,199,198,198,202,207,207,204,207,207,202,191,189,189,190,196,204,204,196,186,183,189,194,199,202,204,202,194,189,186,189,191,194,191,191,191,191,191,189,186,139,183,186,191,194,196,202,209,209,204,199,199,204,202,194,192,194,194,191,190,191,199,204,212,217,217,215,217,222,217,209,205,205,205,205,205,209,215,215,217,225,228,230,228,228,228,228,228,233,230,225,220,220,222,228,233,238,238,238,238,238,238,230,209,137,119,107,93,84,80,87,107,113,101,89,105,183,176,121,127,202,217,220,209,131,135,194,212,220,222,217,215,215,215,212,204,199,194,191,191,194,199,127,85,83,95,101,87,73,70,77,93,107,117,125,173,183,186,186,183,186,189,191,191,189,186,186,186,189,191,196,196,196,196,199,199,194,189,189,191,199,204,202,196,191,186,139,135,133,129,129,133,183,186,183,189,194,204,217,225,217,189,125,122,125,141,204,212,215,215,215,209,204,199,196,196,202,204,202,199,196,191,190,190,190,191,194,196,199,202,199,196,196,196,196,204,212,222,230,230,230,233,230,228,233,235,238,238,233,233,235,235,225,204,196,199,207,209,215,225,228,225,222,222,222,0,215,217,217,207,199,191,181,168,155,144,137,137,137,137,131,129,126,121,121,124,129,0,157,183,204,215,215,212,207,199,183,0,0,165,178,0,0,0,186,189,196,207,215,215,213,212,213,222,225,228,233,233,228,228,235,246,251,251,251,251,248,247,251,254,254,246,243,254,255,254,230,226,230,243,248,241,235,230,0,0,0,0,0,0,0,0,230,225,215,202,191,189,202,222,230,215,202,202,215,222,215,199,186,178,173,168,165,165,168,168,165,168,176,183,189,191,189,186,189,189,183,189,0,222,212,202,196,199,204,207,209,212,0,0,209,207,202,194,183,0,163,163,165,168,163,160,157,117,117,121,123,129,181,196,212,228,230,228,233,241,246,243,238,233,230,230,230,233,233,233,233,230,225,225,228,235,241,241,241,241,238,233,228,228,228,225,222,217,216,217,225,230,233,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,77,79,92,53,40,39,39,51,59,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,168,178,186,189,186,181,173,165,152,144,142,139,142,150,152,150,157,173,178,178,178,183,191,189,186,178,170,160,129,66,43,61,61,61,64,79,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,142,129,52,56,66,103,124,147,181,183,160,134,142,170,189,196,199,196,196,199,207,215,215,215,217,220,196,103,83,89,97,99,97,99,111,121,121,123,170,183,178,105,112,181,196,196,196,202,194,181,168,121,120,123,165,165,168,125,115,113,114,114,114,113,114,119,123,121,105,105,103,103,113,123,173,181,181,181,183,178,170,169,176,189,189,121,117,81,41,41,43,97,178,121,110,114,125,170,176,183,194,194,183,176,173,176,173,173,170,127,127,176,183,194,204,202,204,207,204,202,194,186,183,186,191,194,196,199,204,204,202,202,200,200,202,202,202,196,186,182,182,183,183,186,186,189,194,199,202,202,202,202,207,207,204,199,196,199,199,196,189,191,196,202,204,204,204,207,204,207,209,209,209,209,209,207,203,204,207,209,207,204,202,202,199,199,194,191,191,196,199,196,194,191,186,185,186,194,199,202,202,204,204,204,202,202,202,202,202,196,194,189,191,194,199,202,199,183,129,131,183,189,178,123,119,168,186,191,189,185,186,191,196,202,87,7,155,186,186,189,196,202,204,199,196,194,194,189,186,189,189,189,189,183,163,69,33,65,107,183,199,183,170,173,115,110,113,165,183,189,178,178,186,186,186,189,186,181,176,127,122,123,127,121,118,121,168,170,178,191,189,176,168,121,119,123,125,123,127,170,173,178,189,194,199,204,209,209,207,204,204,202,202,202,199,199,199,194,186,176,173,178,186,181,173,127,119,117,176,189,194,189,178,168,127,127,168,123,121,127,173,173,170,170,173,183,186,181,165,109,102,107,121,181,189,186,178,125,113,111,115,165,183,194,191,181,173,170,170,173,170,170,183,191,176,125,168,176,119,83,67,117,183,186,181,176,170,127,170,178,181,181,178,176,131,130,131,181,189,189,178,173,127,124,126,183,194,191,178,173,173,176,181,181,186,194,196,194,186,181,183,189,191,186,181,178,176,174,174,181,189,194,194,183,173,129,170,176,178,173,168,125,125,127,168,125,123,127,176,183,183,183,183,186,183,176,107,106,117,173,183,186,186,186,191,191,194,194,170,127,191,186,181,183,196,199,183,176,127,111,110,125,176,176,176,176,178,178,178,116,114,181,196,196,196,204,202,125,96,101,109,115,125,129,170,129,170,183,196,199,186,121,117,127,173,173,131,127,121,120,122,125,122,120,123,181,194,196,189,176,170,172,176,176,173,170,168,121,125,165,125,170,176,168,164,168,170,170,170,173,178,178,173,176,183,189,186,181,178,181,186,173,165,123,121,107,96,106,125,176,173,178,196,202,207,207,97,100,105,113,170,189,194,196,196,196,194,191,191,194,196,194,189,178,172,173,186,194,189,181,178,176,178,189,196,199,199,194,183,129,129,181,196,199,189,176,133,178,183,189,189,186,186,183,183,183,183,186,189,191,191,189,189,189,189,189,194,196,199,199,196,189,186,187,194,199,196,189,183,135,133,133,134,178,183,189,189,189,194,194,186,181,181,186,189,186,183,186,189,189,186,181,181,181,176,130,130,132,173,173,176,173,173,127,122,125,173,126,125,127,129,126,124,173,186,189,191,196,199,196,191,189,189,183,176,176,178,183,181,173,127,124,124,127,170,168,123,121,122,168,176,170,127,123,123,127,173,173,170,173,176,176,178,178,178,181,181,181,181,181,181,181,183,183,181,181,181,186,189,191,191,194,191,191,194,199,202,202,199,196,194,194,194,194,196,202,204,202,196,196,199,196,191,186,183,183,186,191,191,189,189,189,186,186,186,186,191,199,194,186,186,189,127,123,129,181,183,183,186,191,191,191,189,189,194,196,186,127,120,125,133,181,186,183,178,178,178,183,183,181,181,181,176,129,127,131,181,183,181,178,176,131,129,129,133,178,181,178,178,178,181,181,178,129,129,135,181,181,181,204,212,207,204,202,199,199,199,194,194,199,204,204,207,215,217,215,212,212,215,215,217,222,225,225,225,228,228,230,230,222,145,129,212,228,230,230,228,228,230,233,230,230,230,233,233,228,228,225,225,228,230,233,233,233,225,217,222,225,225,222,222,225,228,228,228,225,225,225,225,225,225,228,230,230,228,225,222,222,225,228,230,230,230,230,230,228,230,228,225,225,225,209,194,191,196,202,207,207,199,189,194,204,209,207,204,194,183,135,131,129,126,126,127,127,129,129,127,126,126,129,178,186,186,176,123,119,127,178,181,181,181,183,183,183,186,186,186,189,194,194,183,129,127,129,178,186,191,196,196,194,196,194,186,183,186,183,137,127,129,137,191,199,202,202,207,209,209,212,215,220,222,222,217,222,225,225,217,199,176,179,204,217,228,228,228,230,235,238,230,212,196,137,127,125,127,129,129,125,121,115,111,111,115,117,117,115,113,117,123,176,189,196,199,194,189,183,181,174,173,174,178,181,183,186,183,183,186,191,189,186,183,181,176,132,133,181,189,194,191,189,189,191,196,199,196,189,191,191,196,202,199,191,183,183,191,196,204,212,212,209,202,196,194,196,199,202,202,204,204,204,204,202,196,194,196,207,215,212,202,202,207,212,209,204,204,212,217,217,217,222,228,230,228,225,222,215,204,199,202,202,199,191,186,187,191,202,209,212,212,207,194,186,196,215,215,207,204,202,194,141,139,141,189,194,196,199,199,199,199,202,204,204,207,207,207,199,191,189,189,194,196,204,212,217,215,212,209,204,196,191,189,196,204,207,209,209,209,212,212,212,209,209,209,207,204,207,209,212,207,204,199,196,199,202,204,207,207,207,207,207,207,207,209,212,212,212,215,217,215,209,204,202,199,199,204,207,207,204,207,207,204,204,207,207,202,191,139,129,128,130,129,128,133,191,196,202,207,209,204,200,202,209,209,207,207,204,204,202,196,199,202,199,192,191,194,196,196,194,194,194,189,186,185,186,186,186,186,186,183,183,189,186,189,202,215,217,212,204,196,196,199,199,194,186,137,183,191,196,199,204,207,209,212,215,215,215,209,207,207,209,209,212,217,217,209,204,202,202,204,207,204,199,194,191,189,183,139,139,183,183,189,194,196,186,183,186,196,199,204,209,209,207,207,207,207,204,202,202,204,204,207,207,204,204,202,204,207,207,204,202,199,198,198,199,207,209,209,212,212,209,199,190,189,190,194,199,199,194,183,139,186,191,196,199,202,202,196,189,183,186,189,189,186,186,186,189,189,186,137,131,131,137,189,196,199,202,204,202,198,196,199,204,202,194,194,196,191,191,191,190,196,204,212,217,217,217,220,220,217,212,209,207,207,207,209,212,215,217,222,228,230,233,233,228,225,225,228,233,235,233,222,220,222,230,235,235,238,241,243,243,238,233,215,186,119,103,91,86,87,95,103,109,111,119,189,209,199,181,178,189,202,212,199,123,105,107,202,217,217,215,212,215,217,209,202,189,131,129,133,178,183,127,95,90,97,101,87,67,64,74,93,107,113,119,125,173,178,181,178,178,181,183,186,183,183,183,183,183,186,191,194,194,196,196,194,194,191,191,194,196,202,199,194,186,183,139,135,129,127,127,129,137,186,186,191,202,215,220,222,220,199,127,122,125,139,199,212,215,212,212,212,209,202,194,192,196,207,209,207,204,199,194,191,194,196,196,194,196,202,204,202,196,195,199,209,217,225,228,233,233,233,233,235,238,241,243,241,238,238,238,233,217,199,199,207,215,217,217,215,215,209,209,215,215,212,209,209,209,204,196,189,181,173,157,144,137,137,137,137,134,129,126,124,124,121,124,134,0,181,204,212,215,212,207,202,194,176,0,165,181,0,0,196,194,196,199,204,209,215,215,215,217,222,225,230,233,233,228,228,238,246,251,248,247,247,248,248,248,251,251,243,243,254,255,248,228,226,233,246,251,248,243,0,0,0,0,0,0,0,0,0,0,238,217,0,0,194,215,235,243,233,207,202,207,212,207,196,191,189,183,176,165,160,157,0,0,0,170,183,191,194,196,194,194,191,189,191,202,212,212,207,199,196,199,202,202,202,0,0,0,207,204,196,186,173,163,161,165,165,157,117,113,111,113,115,117,121,173,194,215,225,228,228,233,243,248,246,241,238,233,230,233,233,231,233,235,230,224,221,228,235,241,243,241,238,235,230,230,233,233,228,222,217,217,217,225,230,233,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,87,92,103,113,69,53,66,129,157,194,0,0,17,35,59,59,0,0,0,0,0,0,0,0,82,137,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,163,181,186,178,173,170,168,163,155,147,144,142,137,139,144,147,155,168,173,176,176,178,186,186,181,170,163,160,124,37,25,23,31,48,56,74,85,0,0,4,22,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,103,59,56,66,118,137,152,170,173,155,142,155,183,196,199,196,194,194,199,207,212,217,217,225,225,212,168,97,93,101,115,121,109,111,123,125,125,173,186,176,103,112,119,121,173,173,199,183,178,173,125,121,121,123,121,115,113,111,112,115,115,114,114,112,117,119,113,92,93,97,105,121,170,176,178,178,178,181,178,169,165,170,189,196,181,176,168,51,45,53,119,181,165,114,119,165,176,181,181,186,189,189,189,186,181,176,173,173,170,127,168,173,181,194,199,204,207,204,202,196,191,186,189,194,194,199,202,204,204,204,202,202,202,202,202,202,196,189,183,183,183,186,189,191,194,196,202,204,202,202,199,199,202,202,199,199,204,202,189,182,183,189,199,204,204,204,204,207,207,207,209,209,209,209,209,204,204,204,204,204,202,200,202,202,199,194,190,191,194,196,196,194,189,186,186,189,194,199,202,202,202,202,202,202,202,199,199,196,191,186,186,189,194,199,202,199,194,191,194,196,194,178,125,121,170,186,189,185,185,186,189,186,69,0,0,103,181,183,186,191,199,202,199,194,189,186,183,182,182,191,202,196,173,103,76,91,107,157,186,194,186,181,181,113,108,113,170,186,191,186,186,189,189,189,189,186,183,181,170,123,123,127,121,118,120,121,118,183,196,191,178,168,121,119,123,123,119,123,176,183,191,196,202,202,204,207,207,204,202,202,202,202,204,202,196,194,194,189,183,183,186,186,176,170,127,123,129,191,196,199,199,189,176,127,125,125,119,118,121,168,170,170,173,178,186,191,189,173,103,98,102,168,186,191,189,183,168,114,112,115,125,178,186,183,170,125,125,170,178,176,125,121,123,123,125,173,178,111,70,70,191,196,186,178,178,173,123,125,173,181,181,178,176,173,131,173,183,191,191,183,176,131,127,131,178,191,191,181,174,174,181,186,186,183,181,181,179,178,178,181,189,191,186,178,176,176,176,181,186,194,199,196,189,181,178,178,178,178,173,127,125,125,168,170,127,127,170,178,181,178,170,168,168,170,123,111,110,119,170,183,186,186,189,194,196,199,196,126,123,178,178,170,178,196,199,181,125,115,109,108,121,173,176,178,178,178,183,186,173,129,183,194,196,194,199,202,113,98,111,121,113,121,173,173,128,129,186,196,194,173,119,129,189,189,178,131,127,125,127,127,127,125,122,127,183,196,196,191,181,173,173,173,170,168,168,127,121,119,121,125,173,176,173,168,165,125,123,122,125,173,176,178,181,189,191,191,189,191,186,165,117,125,176,183,170,102,106,194,170,93,93,196,204,209,189,81,98,117,176,191,196,196,196,199,199,199,196,196,199,199,199,194,183,173,173,183,194,186,176,173,176,181,189,191,191,186,178,129,124,125,178,194,196,189,181,176,181,186,189,191,189,189,189,189,186,186,183,186,189,186,183,186,189,189,189,194,196,199,202,199,191,187,189,194,196,191,186,181,135,134,135,178,181,186,191,191,191,196,199,194,186,183,183,183,181,176,176,181,183,183,181,181,181,176,130,130,176,181,181,178,131,170,170,125,129,170,126,126,170,176,129,126,173,183,181,181,186,189,191,191,191,186,178,168,168,176,181,181,176,168,125,125,127,170,168,123,121,123,170,176,173,168,125,124,127,173,176,176,178,181,183,181,181,181,183,183,181,181,181,181,181,183,186,183,181,183,183,186,189,191,191,191,191,191,194,196,196,196,196,196,194,192,192,196,202,199,191,189,191,194,194,189,186,186,186,191,194,194,191,189,186,186,186,189,191,196,199,194,181,181,178,122,124,183,199,199,194,191,194,194,194,191,189,189,186,178,126,123,127,176,183,194,194,189,183,178,178,178,178,181,183,178,130,127,131,181,183,178,176,176,133,176,176,178,178,181,181,181,181,183,189,186,137,137,183,189,189,199,212,212,207,199,196,195,199,199,196,199,204,209,209,212,217,217,212,209,209,212,215,217,225,228,228,228,228,230,233,233,228,123,119,147,215,225,228,228,228,230,230,228,222,217,222,225,228,228,228,228,230,230,230,233,230,225,217,217,222,225,222,225,225,225,222,225,225,225,228,228,230,228,228,230,230,230,228,222,222,225,225,228,228,230,230,230,230,230,228,222,217,217,209,196,141,129,141,199,199,183,133,137,194,202,202,196,191,186,181,176,133,129,127,127,127,129,129,127,126,126,129,178,186,186,173,123,123,173,183,183,181,183,186,186,186,186,186,186,186,191,189,176,127,126,129,178,186,191,196,194,189,186,183,135,135,135,129,127,126,133,186,196,204,207,209,209,212,212,215,215,215,217,217,217,225,228,228,222,202,178,178,194,212,225,228,230,230,233,233,228,212,194,137,127,126,127,129,127,123,119,115,113,111,111,113,113,113,115,117,125,176,189,196,196,189,181,178,178,176,178,176,176,178,189,189,183,181,183,191,194,191,189,183,178,176,135,178,183,189,189,189,186,186,189,194,191,186,181,139,139,139,139,135,135,183,194,194,199,207,212,209,196,189,191,196,199,202,204,207,209,212,209,207,194,140,139,191,209,215,207,200,202,207,209,207,207,212,217,222,222,222,225,222,217,217,217,215,204,198,199,202,196,190,187,190,196,204,212,215,217,209,141,136,186,209,209,204,204,196,141,139,141,189,194,196,196,199,199,198,199,202,204,204,204,207,204,199,189,185,186,189,199,207,215,217,217,215,212,207,199,189,139,141,194,204,207,209,209,212,215,215,215,212,209,207,207,207,209,212,209,207,202,199,196,199,202,204,204,207,207,209,212,212,212,209,209,212,215,215,212,207,199,198,199,202,204,209,207,204,204,204,203,204,207,207,199,191,141,133,131,135,137,135,141,196,199,202,204,207,204,202,202,204,204,199,196,199,204,204,202,202,202,196,191,191,194,199,196,196,196,194,189,185,185,189,191,189,186,186,139,139,186,186,186,202,212,215,209,204,202,199,202,204,199,183,133,129,129,129,139,196,204,209,212,212,212,212,207,202,202,204,209,212,212,209,207,207,207,204,202,199,199,196,194,191,186,139,137,137,139,183,183,189,191,189,186,191,194,196,202,209,212,209,207,204,204,204,202,200,202,204,207,207,207,207,204,204,207,207,207,204,202,202,199,199,202,207,212,215,215,212,204,194,191,194,194,191,189,183,137,136,139,186,189,189,194,199,196,189,139,139,183,186,186,186,186,189,189,189,139,131,129,133,141,194,196,199,202,199,196,195,199,209,209,199,196,196,191,191,191,190,194,204,212,217,217,222,220,217,217,217,215,212,212,212,212,215,217,222,225,230,233,235,235,230,225,222,225,230,235,235,230,225,228,233,238,238,238,243,246,246,241,233,215,191,121,99,89,86,89,97,103,105,109,121,194,220,215,191,183,186,186,181,127,109,85,84,133,207,215,215,212,212,212,204,194,135,124,123,127,176,183,176,113,97,97,99,95,83,79,95,111,119,121,123,129,178,178,178,176,133,133,176,176,133,135,181,183,182,182,183,189,189,191,191,194,196,196,196,194,194,196,196,191,183,139,137,135,133,133,129,129,135,183,189,196,207,215,217,222,222,212,186,127,129,137,196,209,215,215,212,215,212,207,194,187,190,207,212,212,212,207,202,199,196,194,194,194,196,202,207,207,202,199,204,215,222,222,228,233,235,235,238,241,241,241,243,241,241,241,238,230,215,199,199,209,222,222,217,217,222,215,207,205,207,207,207,207,204,199,191,183,178,170,160,147,139,137,137,137,131,129,126,124,124,121,121,129,0,173,199,209,212,212,207,204,202,0,183,0,0,0,0,199,199,199,202,204,209,212,215,220,225,228,228,228,230,222,217,225,235,248,254,251,247,247,248,248,248,248,246,241,238,251,255,255,238,233,241,251,255,251,241,0,0,0,0,0,0,0,225,246,255,248,222,0,0,0,0,0,246,235,212,202,204,207,202,196,194,191,186,178,165,157,116,115,117,165,178,186,189,196,199,199,196,194,191,191,196,207,217,217,209,199,194,194,194,196,199,0,202,202,202,196,186,178,165,163,165,165,155,113,109,109,109,109,109,113,125,191,212,225,228,228,235,243,248,248,243,241,235,233,233,233,233,233,235,230,224,224,228,238,241,241,238,235,233,230,233,233,230,225,217,217,215,215,217,222,230,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,92,98,100,98,87,61,64,131,173,186,238,61,0,0,27,98,98,0,0,0,0,0,0,0,0,35,137,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,178,176,163,155,160,165,163,155,150,144,142,137,134,137,144,155,163,168,170,176,176,181,178,170,155,147,157,111,25,0,0,0,0,9,33,48,14,3,22,33,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,87,72,82,126,144,155,157,157,150,147,160,186,196,199,194,192,194,199,207,212,212,215,215,217,215,196,121,109,119,183,181,115,113,123,125,121,123,168,121,103,114,98,81,87,87,121,170,181,186,176,123,117,117,115,113,112,112,115,121,121,117,115,115,123,163,113,87,88,95,109,165,173,178,176,173,176,181,181,173,168,173,186,196,183,176,181,165,99,107,168,173,121,117,123,168,178,181,181,181,186,194,202,199,186,173,172,173,173,168,126,122,124,181,194,196,194,191,194,194,194,196,196,196,196,199,204,204,207,207,204,204,202,202,202,202,196,191,189,189,189,191,191,194,196,199,202,204,204,202,196,191,191,191,191,196,207,207,196,185,185,189,196,204,207,207,207,209,209,209,209,209,209,212,209,204,204,204,204,202,202,200,200,202,199,194,190,190,194,196,196,194,189,186,186,186,191,194,194,196,194,194,199,202,202,199,196,196,191,186,186,191,196,199,199,199,199,199,199,199,194,183,173,165,176,183,186,186,189,191,186,77,0,0,0,77,170,181,186,189,194,199,202,196,189,183,183,183,183,191,202,191,170,115,107,160,113,119,181,186,181,183,186,113,104,111,173,189,194,191,189,189,191,194,191,189,191,191,176,125,123,127,125,121,123,120,115,183,191,183,173,125,118,118,121,119,115,118,178,191,196,199,199,199,199,199,199,199,196,196,196,199,199,196,191,189,186,183,182,183,189,183,176,170,127,129,199,202,202,202,199,189,176,127,125,123,120,119,125,170,170,168,170,183,189,191,194,186,107,102,117,176,186,189,186,183,170,114,112,117,165,173,176,170,123,117,119,168,186,183,123,114,113,117,170,189,189,79,37,67,194,199,186,181,183,176,118,118,129,178,181,178,178,176,173,176,186,194,194,189,181,178,178,176,176,181,191,186,178,178,186,194,194,183,178,177,177,177,177,181,189,191,186,181,178,178,183,189,196,199,199,194,191,186,183,181,181,178,176,170,126,126,168,170,170,173,176,178,176,173,123,119,122,125,115,111,113,119,170,178,181,181,186,191,194,199,196,127,124,170,170,168,176,191,191,176,121,115,113,114,125,173,178,181,178,176,183,191,186,183,191,196,194,191,191,189,111,106,186,191,123,125,181,178,128,129,186,191,183,125,118,178,196,194,176,131,173,178,181,176,176,173,129,173,186,194,194,191,183,181,176,170,127,126,127,170,125,113,109,117,170,178,181,178,170,125,122,121,122,165,176,176,181,189,191,194,199,199,191,113,110,119,183,199,199,123,107,123,99,36,22,99,204,209,88,73,101,186,199,199,196,196,199,202,199,199,199,199,196,196,199,199,186,173,173,183,189,183,172,170,172,178,186,189,183,176,127,123,122,125,176,189,194,191,186,181,183,186,189,189,189,189,186,186,189,186,183,183,183,183,183,186,194,194,189,191,196,199,202,202,196,191,191,194,194,189,183,181,181,183,183,183,183,186,191,191,191,196,202,202,196,191,189,183,178,174,172,173,176,178,176,176,178,173,131,173,181,186,186,178,129,170,176,170,170,170,129,170,176,181,178,178,183,181,168,125,170,178,181,186,186,181,168,125,126,170,178,178,176,168,125,125,127,170,168,125,123,127,173,173,170,168,168,125,125,170,173,178,183,186,189,186,186,183,183,183,181,181,183,181,181,183,186,186,183,183,183,183,186,186,189,191,189,186,189,191,194,196,199,199,194,191,191,194,196,189,179,181,186,189,189,189,189,191,194,196,199,196,196,194,191,191,191,191,196,196,194,183,133,131,125,124,131,194,202,199,194,194,199,199,196,191,186,183,183,178,131,129,173,178,186,199,202,194,186,181,176,176,178,183,189,186,176,128,130,176,178,178,176,178,178,178,181,183,183,183,183,136,135,186,196,196,191,186,191,194,196,204,212,212,209,204,196,195,199,202,199,202,207,209,209,212,215,215,209,204,207,209,212,217,225,230,230,228,230,233,233,233,225,115,115,133,204,217,225,228,228,228,228,222,215,212,212,215,222,228,230,230,230,230,230,230,228,222,217,217,222,222,222,222,222,220,220,220,222,225,228,230,230,228,225,228,230,230,230,225,222,222,225,228,228,230,230,230,230,228,225,222,217,217,215,202,133,113,127,191,189,131,128,133,189,194,194,191,191,191,189,183,178,176,131,127,127,127,129,129,127,127,129,181,186,181,131,125,129,178,183,183,183,186,189,189,186,186,186,186,186,186,183,131,126,127,131,181,189,194,196,191,183,178,135,129,129,127,122,122,127,139,191,199,207,209,212,212,212,215,215,215,213,213,215,217,225,230,230,230,217,190,186,192,204,215,225,228,230,230,230,225,212,194,137,129,127,127,129,127,123,117,113,113,113,109,107,107,109,115,121,127,181,191,194,189,178,174,178,181,183,186,178,129,176,186,189,183,178,181,189,191,194,191,189,183,181,178,181,183,186,189,189,183,181,183,186,186,183,135,133,131,129,126,127,135,191,199,194,192,202,215,212,199,186,141,186,191,196,204,209,212,215,215,215,204,141,137,141,204,217,212,202,200,202,207,209,209,212,217,222,222,217,215,212,209,212,215,209,202,198,198,199,196,191,191,196,202,209,215,217,222,212,138,132,141,207,204,199,202,194,137,138,189,199,199,199,196,199,199,199,199,202,204,204,202,204,204,204,194,185,185,191,202,207,209,209,209,212,212,209,202,191,133,131,139,199,209,209,209,212,212,215,215,209,204,202,204,207,209,209,212,209,207,202,199,199,202,204,204,207,212,215,217,217,212,209,209,209,212,209,207,202,198,198,199,202,207,209,209,207,204,204,204,207,207,204,196,189,141,139,141,189,191,194,202,207,207,209,209,207,207,207,207,202,194,143,143,191,202,207,207,204,204,199,194,194,199,202,202,202,202,199,191,186,189,196,202,199,191,186,139,137,139,183,189,199,209,209,209,207,204,204,207,207,204,189,135,131,127,125,128,189,202,209,212,209,209,207,202,199,199,204,209,209,204,199,202,204,207,202,196,192,192,194,194,194,186,137,135,135,137,139,183,189,194,194,194,196,194,192,196,207,212,209,204,202,202,202,202,202,202,204,207,209,207,207,204,204,207,209,209,207,204,202,196,194,194,202,209,212,212,209,204,196,196,196,194,189,183,137,135,134,137,183,183,183,189,194,194,189,139,138,139,183,189,189,189,186,189,191,186,133,130,132,139,189,194,196,202,199,196,196,202,217,222,209,202,196,191,194,191,190,194,204,212,215,217,222,220,217,217,217,217,215,215,215,215,217,217,217,222,228,233,238,238,233,222,217,217,225,230,233,233,230,233,238,241,238,238,241,243,241,235,222,204,186,123,99,87,87,91,95,99,99,97,103,125,194,194,173,176,183,183,176,125,111,79,78,121,199,215,217,212,212,212,202,191,135,127,127,181,191,194,186,125,105,99,103,107,111,111,119,125,129,131,173,178,183,181,178,176,131,129,127,125,121,125,135,183,182,182,182,183,186,189,191,196,202,204,202,196,194,196,196,194,189,183,139,183,183,189,139,137,183,189,194,202,207,209,212,220,222,220,209,194,139,139,196,209,217,217,217,217,217,215,196,183,185,202,215,215,212,209,207,199,194,189,143,189,194,199,207,209,207,204,209,217,222,222,225,230,235,238,238,241,241,241,243,243,243,241,235,228,212,202,202,212,225,225,217,225,235,228,207,202,203,207,209,207,202,194,186,181,178,173,163,150,142,137,137,137,134,129,126,124,124,121,121,124,137,160,191,204,209,209,207,0,0,0,0,0,0,0,0,199,199,202,202,204,207,209,209,215,222,228,228,228,225,215,213,217,235,248,255,254,248,248,251,251,251,248,243,233,230,243,255,255,254,243,246,255,255,254,238,0,0,0,0,0,0,0,217,230,251,243,215,0,0,0,0,246,241,230,212,199,199,202,199,194,191,189,183,176,165,155,115,115,160,178,191,194,191,196,202,202,199,194,191,189,191,202,217,225,215,199,191,189,191,194,196,199,194,194,194,194,189,181,168,165,165,163,117,109,107,107,107,105,105,109,121,186,209,222,228,230,238,243,248,251,246,243,238,235,235,233,233,233,233,230,225,225,233,238,238,238,235,233,233,233,233,230,225,217,215,217,212,202,202,207,222,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,82,0,0,0,0,0,0,92,103,108,111,56,0,0,9,103,155,160,199,126,1,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,155,155,150,150,157,168,165,157,147,142,139,131,126,126,137,147,155,160,168,173,170,168,163,155,131,111,139,92,23,0,0,0,0,0,0,9,20,20,30,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,118,118,121,139,147,155,152,155,152,152,163,181,191,196,194,192,196,202,207,209,209,209,207,209,212,207,183,127,173,191,186,115,113,125,127,117,114,116,123,123,168,104,88,91,94,118,170,196,207,199,170,117,113,113,119,125,125,125,165,163,119,115,119,163,165,117,91,91,107,123,173,178,178,176,173,176,183,189,186,178,181,181,183,123,105,168,194,183,173,168,121,117,121,125,165,176,181,181,186,194,199,204,204,191,173,172,176,176,173,170,123,125,178,181,178,176,170,178,186,194,199,196,194,194,196,202,204,207,207,207,207,202,199,199,199,196,196,194,194,194,194,194,196,199,202,202,202,202,199,196,191,191,190,187,190,204,212,209,202,194,194,199,204,209,212,212,212,212,209,207,207,209,212,209,207,204,204,204,204,202,202,204,202,199,191,189,189,194,199,199,196,189,185,185,189,191,186,183,183,182,183,191,199,204,202,199,196,194,189,186,189,194,196,196,196,196,194,191,189,189,189,186,178,176,181,189,194,196,196,196,109,0,0,0,55,97,176,189,191,194,196,196,191,183,181,186,186,186,186,165,160,186,196,186,168,109,115,181,178,173,181,183,123,103,113,181,191,196,194,187,187,194,196,194,191,199,196,176,119,123,170,173,173,173,170,127,181,178,170,125,121,117,117,119,118,115,118,183,196,199,199,199,199,196,196,196,196,194,194,194,194,191,186,186,186,186,182,179,183,191,186,178,173,125,117,202,199,199,199,189,178,176,176,173,173,165,125,170,176,170,165,165,173,176,168,121,111,102,105,121,176,183,183,181,176,125,113,112,121,168,176,173,125,117,116,117,125,186,189,165,114,113,117,176,196,191,73,28,71,170,181,176,176,183,173,114,115,173,181,181,181,181,178,176,178,186,191,194,191,189,186,186,181,176,178,189,189,186,186,194,202,202,191,183,181,181,181,181,181,183,186,189,186,183,186,191,196,199,199,196,189,186,186,183,178,178,178,181,178,168,125,126,170,176,178,181,178,176,170,122,118,123,165,111,109,111,119,127,170,173,173,173,178,178,181,181,127,126,129,170,169,173,181,183,176,127,125,170,129,173,178,181,176,169,170,183,189,183,183,191,194,194,191,191,181,117,115,194,199,176,119,121,170,129,176,191,194,183,121,111,125,191,189,173,131,181,189,191,189,189,189,186,183,189,191,191,189,183,181,176,168,126,125,127,181,191,105,96,107,170,183,189,186,178,173,170,125,124,165,170,170,176,183,186,194,202,199,186,115,112,119,178,196,204,191,111,98,99,43,8,38,194,207,69,76,125,202,204,202,196,195,199,202,202,199,199,194,186,186,194,196,189,178,176,181,186,181,172,170,172,173,178,181,178,131,125,123,123,125,176,186,191,194,191,186,186,183,183,183,183,183,183,183,186,186,183,183,186,189,189,189,196,196,189,189,191,196,199,199,196,191,191,191,189,186,183,186,189,191,191,186,182,183,189,191,191,191,196,199,199,196,194,186,181,176,173,173,174,173,173,173,176,173,173,176,181,186,181,129,126,128,178,178,176,173,173,176,176,178,183,186,186,168,99,115,127,176,181,183,183,178,168,124,125,127,170,173,170,125,123,125,127,168,168,127,127,168,170,168,168,173,173,125,123,127,173,178,183,186,189,189,186,183,183,178,173,131,178,183,183,183,186,189,189,186,186,183,183,186,186,189,186,185,185,186,191,194,196,199,196,192,192,194,189,181,177,179,183,186,186,189,194,196,202,202,202,196,194,194,194,194,194,194,199,196,186,176,131,127,125,127,178,191,196,194,191,196,202,202,196,189,183,183,183,181,178,178,181,181,183,194,199,194,189,181,173,129,173,183,189,189,183,131,131,176,178,178,178,181,178,178,183,189,186,189,183,134,127,181,196,199,196,191,194,196,199,202,207,212,215,212,199,194,196,202,204,207,207,209,209,209,209,207,199,199,202,207,209,215,225,230,230,230,230,233,233,228,217,121,121,129,196,217,228,230,228,228,225,225,215,212,212,213,217,228,230,230,230,228,228,225,222,217,217,217,222,222,222,222,222,222,220,222,225,228,230,230,228,222,222,225,228,230,228,225,222,225,228,228,230,230,230,230,230,225,225,225,225,222,222,209,122,113,125,141,137,128,127,133,189,189,186,186,189,194,196,191,183,178,133,129,127,127,129,129,129,129,173,181,183,178,129,127,173,178,183,183,183,189,194,194,189,186,186,186,186,183,178,129,127,128,178,186,191,194,194,191,186,181,135,128,131,131,122,123,137,189,191,194,199,207,209,212,215,217,217,215,215,215,217,222,225,230,233,230,222,207,194,192,196,207,217,225,228,228,228,225,215,196,183,133,127,127,129,129,125,115,113,113,111,105,101,99,103,111,119,129,181,191,189,174,170,174,186,189,191,191,173,122,129,181,183,181,176,176,181,183,186,189,189,186,183,181,183,186,189,191,189,183,181,181,181,181,137,133,131,129,127,125,127,139,202,204,194,192,202,215,215,204,189,133,129,133,186,199,207,209,215,217,222,215,199,141,186,202,212,212,204,200,200,204,207,209,209,215,217,217,215,207,204,204,209,209,207,199,198,198,199,199,194,194,199,207,209,215,217,217,212,141,135,189,204,196,195,202,196,138,140,194,202,204,199,196,196,199,199,199,199,202,202,202,202,207,212,204,189,187,196,204,204,199,196,202,207,212,212,207,199,131,128,133,199,215,215,212,212,212,212,209,202,196,196,202,207,207,209,215,215,212,209,207,204,202,202,204,209,212,217,217,217,212,209,207,209,209,207,204,199,198,198,199,204,207,209,209,207,204,204,207,207,207,202,194,186,141,186,191,194,199,204,212,212,212,215,215,209,207,209,207,199,143,139,139,143,196,204,207,207,207,204,199,199,204,207,209,207,207,204,196,191,194,199,204,202,194,186,137,135,137,139,189,199,204,207,204,207,207,209,209,209,204,191,183,183,137,127,127,139,196,209,215,209,202,196,196,196,199,204,207,204,199,195,195,196,202,199,194,192,192,194,194,194,186,137,134,134,135,137,139,191,202,204,204,202,196,192,194,204,207,204,202,199,199,199,202,204,204,204,207,209,207,202,199,199,207,209,209,207,204,199,196,192,192,202,209,209,207,204,202,199,196,196,194,191,189,186,139,136,137,183,186,186,189,191,191,189,183,138,139,183,191,191,186,185,186,191,194,183,135,135,141,189,189,194,202,204,199,198,204,217,225,215,207,202,196,196,194,194,199,207,212,212,215,220,222,222,222,220,217,217,217,217,217,217,215,215,215,225,233,235,235,233,222,215,215,217,225,228,230,233,241,243,243,241,238,241,241,235,220,199,183,135,121,101,91,91,95,95,95,93,93,99,115,173,169,166,172,189,199,199,183,121,79,78,131,207,217,222,217,222,220,199,186,181,183,199,212,207,202,189,127,109,103,109,117,123,127,173,178,181,181,181,183,186,183,183,181,176,129,125,121,119,121,135,186,186,183,182,183,183,183,191,199,204,207,204,199,196,199,204,204,199,194,191,194,199,199,196,196,199,204,204,204,207,207,207,207,209,215,217,212,196,191,199,209,217,222,222,222,225,225,207,183,183,196,212,212,209,207,204,199,191,143,141,139,139,191,202,209,207,207,209,215,222,222,225,228,230,235,238,241,243,243,243,246,243,238,230,217,207,202,204,215,230,228,217,225,238,233,212,203,204,209,212,207,199,194,186,183,178,173,163,152,144,142,142,142,139,134,129,124,121,121,120,120,129,0,181,196,204,0,204,204,0,0,0,0,0,0,196,199,199,202,204,207,204,202,202,204,212,217,225,228,225,216,213,217,233,248,255,255,254,254,254,254,251,248,243,230,225,233,255,255,255,241,243,255,255,255,238,0,0,0,0,0,0,0,222,225,241,238,217,0,0,0,246,238,228,217,207,196,196,196,196,194,191,186,178,168,160,155,116,117,165,186,196,199,196,199,202,199,194,189,183,183,183,191,204,215,207,194,189,186,189,191,196,196,191,189,190,191,189,183,173,165,163,157,111,107,105,105,105,103,102,107,119,183,204,222,230,233,238,243,248,251,248,243,238,235,233,233,235,235,233,230,228,230,238,241,238,235,233,233,235,235,230,225,222,217,217,215,202,143,139,147,212,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,100,40,0,0,0,0,0,95,100,113,129,40,0,0,0,35,98,103,108,108,17,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,129,144,147,155,168,176,170,160,147,142,134,118,103,100,113,129,142,152,160,163,160,155,144,134,98,37,82,53,15,0,0,0,0,0,0,0,17,25,33,43,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,131,129,131,147,147,150,152,157,157,157,163,173,186,196,194,194,199,202,207,207,207,207,207,207,207,207,194,173,170,178,178,117,115,125,125,117,114,115,170,186,178,170,176,189,183,173,183,209,225,217,191,125,114,113,125,181,178,168,168,168,121,115,117,123,165,121,113,117,181,189,186,183,178,176,173,176,186,194,191,186,189,181,170,105,96,123,199,199,183,123,113,117,123,123,123,165,168,173,191,202,204,207,204,191,173,173,178,176,173,181,191,186,178,111,101,115,117,127,178,186,191,189,183,186,189,196,204,207,209,209,209,204,199,196,196,199,199,199,199,196,196,196,199,202,202,202,202,199,199,196,199,202,199,189,189,194,207,209,207,202,199,204,209,212,215,215,212,212,209,207,207,209,209,209,207,207,207,207,204,204,207,209,207,202,191,187,189,191,199,202,199,189,183,185,194,196,189,182,181,181,181,186,196,204,204,199,196,194,189,186,186,189,191,191,194,191,187,186,187,189,191,191,186,176,173,183,191,191,191,196,189,49,0,1,65,97,178,191,196,194,191,186,181,179,181,183,181,165,152,75,83,189,202,196,181,113,163,189,176,166,178,183,170,111,125,189,196,199,194,187,187,194,199,196,196,202,196,125,111,119,178,186,189,186,183,181,178,125,121,123,121,118,118,121,121,121,176,199,202,199,199,199,196,194,194,196,199,199,196,194,189,185,182,182,186,191,189,183,186,194,194,186,176,115,92,101,121,189,186,119,117,183,202,202,194,181,170,168,170,168,164,164,168,170,119,103,101,102,107,121,176,181,178,173,168,119,113,114,123,173,178,176,125,117,116,119,125,183,183,165,116,115,119,168,183,183,119,73,125,125,123,121,127,173,121,112,116,186,191,186,183,183,183,178,181,186,189,189,189,191,194,189,183,183,186,186,186,189,191,199,202,202,196,191,191,191,189,183,181,181,186,191,194,191,191,196,199,196,194,189,183,181,181,176,170,170,173,181,181,170,124,125,173,181,183,183,181,176,173,125,122,168,170,110,111,117,119,121,123,125,127,168,168,125,124,125,125,126,127,170,170,173,173,176,178,176,176,178,127,173,181,183,176,166,168,181,181,170,173,186,191,189,189,191,186,117,117,191,199,173,99,94,123,176,189,199,202,196,125,102,115,181,186,176,176,186,191,194,196,199,202,199,194,189,186,186,183,181,178,173,170,168,127,168,194,220,98,87,101,170,186,189,191,186,181,178,173,170,170,173,170,168,170,173,181,189,186,176,123,119,123,173,186,199,194,111,103,117,117,40,57,196,209,69,84,181,204,207,199,196,196,199,202,202,202,199,189,178,181,189,191,186,178,176,176,178,178,181,178,176,173,173,173,173,131,129,127,127,129,176,189,196,196,191,189,183,182,181,181,182,186,183,182,182,186,186,186,191,194,194,191,196,191,186,186,186,186,191,194,194,189,186,186,186,189,189,186,189,194,194,186,181,182,189,191,191,186,186,186,191,194,191,189,186,183,178,178,178,176,173,174,176,176,173,173,176,178,173,128,126,129,183,186,181,178,176,178,178,181,183,181,170,97,64,109,168,183,183,183,183,183,173,126,125,127,168,168,168,125,122,125,127,125,125,125,127,127,127,127,170,181,178,123,118,125,173,176,178,183,183,183,181,178,173,127,111,107,123,178,183,186,186,189,189,189,189,186,186,186,186,186,185,185,186,189,191,191,191,194,194,194,194,194,189,181,178,181,183,183,189,191,196,202,207,207,204,196,191,191,191,191,191,191,199,196,186,176,133,133,133,133,183,189,189,191,194,199,202,199,189,181,181,186,189,186,183,181,183,181,178,183,189,191,191,183,127,124,126,173,181,183,183,178,178,181,183,183,183,183,181,178,183,189,189,189,186,135,128,137,194,199,196,191,189,191,196,202,209,215,217,212,196,191,194,204,209,209,209,209,209,207,204,196,192,192,199,204,209,215,222,228,228,228,230,233,233,225,209,137,129,133,149,222,233,233,228,225,228,228,225,217,215,215,217,228,228,228,228,225,222,215,215,217,222,222,222,222,222,222,222,225,225,225,228,230,230,228,222,217,217,225,228,228,225,225,225,230,230,230,230,230,230,228,228,225,222,228,228,225,222,204,121,118,127,137,135,130,131,137,186,186,181,178,183,191,196,191,186,181,176,131,129,129,129,129,129,129,173,178,181,176,129,129,176,178,181,183,186,191,194,194,186,183,183,183,181,178,133,128,127,131,183,191,191,189,189,189,189,186,137,125,129,183,127,127,191,196,194,191,191,199,207,212,215,217,217,217,217,220,222,225,228,228,228,225,222,217,204,192,191,199,207,212,217,217,222,222,217,204,189,135,127,127,131,131,127,115,113,111,109,103,98,97,99,107,115,129,183,189,181,169,165,176,191,191,191,186,121,116,125,178,181,176,129,127,129,133,176,186,186,181,178,178,183,189,191,191,189,186,183,181,181,137,133,131,131,133,131,127,131,186,204,204,196,194,199,207,207,202,191,125,119,121,137,194,202,207,212,222,225,215,202,191,189,191,194,202,204,204,202,202,202,202,204,207,212,215,209,204,203,204,207,209,207,202,198,198,199,199,194,196,199,204,209,209,212,215,212,199,186,194,202,195,195,204,204,191,189,194,199,202,199,194,192,196,199,199,199,202,202,202,204,209,215,212,196,194,199,204,202,192,191,194,204,212,212,209,204,139,131,137,202,215,215,212,212,212,209,204,195,192,192,199,207,207,212,215,217,217,212,209,207,202,202,204,209,212,215,215,212,204,199,199,204,207,204,204,204,204,204,204,207,209,209,207,204,204,204,207,207,204,199,191,141,139,141,191,194,199,207,209,209,209,215,215,207,204,204,202,194,141,139,138,141,191,199,204,207,209,207,202,202,204,209,212,212,212,207,202,196,196,199,199,196,194,183,137,135,135,139,191,202,204,202,202,204,207,209,209,207,202,191,189,194,191,137,133,137,189,204,212,204,194,189,194,199,202,202,199,199,199,196,195,195,196,196,196,196,196,196,194,191,189,139,134,134,135,137,183,194,207,207,207,204,199,196,196,199,202,199,196,195,195,199,204,207,207,207,207,207,204,199,198,198,204,207,207,204,202,199,196,194,194,204,209,207,202,199,199,199,196,196,196,199,202,199,189,139,139,186,189,189,189,189,189,183,139,138,138,183,191,191,186,183,185,194,199,194,189,189,196,196,189,194,204,209,204,199,202,212,215,217,212,207,204,202,196,199,207,212,212,209,209,217,225,225,222,222,222,222,222,222,222,222,217,209,209,220,230,233,233,230,217,213,213,215,222,228,230,235,243,246,246,241,241,238,235,225,204,183,131,127,119,103,93,93,95,93,91,95,101,113,173,183,178,176,194,212,228,230,204,99,79,80,189,212,222,217,217,222,217,196,183,183,189,199,207,204,191,183,129,113,105,107,117,127,176,183,186,189,189,186,183,183,183,183,183,178,176,129,125,121,123,135,189,191,189,189,189,186,183,189,199,204,204,202,199,199,202,207,209,209,204,202,207,215,212,207,207,209,212,209,209,207,202,196,189,141,194,212,215,207,202,204,209,217,217,222,222,228,228,209,187,186,196,209,212,209,207,204,199,194,191,143,135,131,139,199,207,207,207,209,215,222,225,225,225,225,230,235,238,243,246,246,248,243,235,225,209,204,204,209,225,235,230,217,217,235,233,215,207,207,212,212,209,202,196,191,186,181,176,165,155,144,144,147,147,144,139,131,126,124,121,120,120,126,144,173,191,199,0,0,0,0,0,0,0,0,202,199,202,202,204,207,207,204,199,195,196,202,207,215,225,230,225,217,220,230,243,254,255,255,255,255,255,254,251,243,230,225,235,255,255,246,230,235,248,255,255,243,0,0,0,0,0,0,0,228,228,238,238,0,0,0,233,230,217,209,204,199,195,196,199,202,202,196,186,173,165,157,155,152,155,165,178,191,196,199,202,202,196,189,181,178,178,178,181,186,191,189,186,186,189,189,191,194,194,191,190,190,191,189,183,173,165,157,115,107,103,103,103,103,102,103,107,121,181,199,215,230,235,238,241,246,248,248,243,238,233,233,233,235,235,233,230,230,235,241,241,235,233,233,235,238,235,230,222,217,222,222,215,151,136,133,139,207,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,134,126,0,0,0,0,30,79,61,12,0,0,0,0,0,12,43,33,0,0,0,0,77,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,85,121,142,155,170,178,181,176,163,150,139,129,79,47,39,45,87,118,137,147,150,147,137,118,108,31,0,0,0,0,0,0,0,0,0,0,0,30,38,35,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,147,125,118,131,144,152,152,155,157,157,163,168,178,191,191,191,196,202,204,204,207,209,209,207,204,204,194,176,125,127,127,119,115,119,119,117,117,123,176,191,181,178,189,194,191,176,186,209,222,215,196,170,117,113,119,173,170,125,125,125,121,119,121,123,123,121,121,170,191,196,191,186,181,176,170,173,181,191,191,191,191,183,170,103,107,189,202,202,186,121,111,113,115,111,117,119,117,119,178,196,202,202,196,183,173,173,173,168,168,181,194,189,170,53,17,23,55,127,173,173,176,170,173,181,181,189,199,204,209,209,209,207,204,199,196,199,202,202,202,199,199,202,202,202,202,202,199,199,196,196,202,209,209,199,191,196,202,204,199,199,202,207,212,212,212,212,209,207,207,207,207,207,209,209,209,209,207,207,204,204,207,209,209,204,194,189,189,194,199,199,196,186,183,186,199,204,199,189,183,183,183,186,194,199,199,196,194,191,189,186,185,186,189,191,191,191,189,191,191,191,191,191,191,178,170,170,170,160,157,160,155,63,0,61,105,155,165,152,170,181,186,186,183,183,181,178,57,5,15,27,59,155,176,191,191,157,163,181,168,168,183,189,176,165,178,194,199,199,194,187,189,194,196,196,196,199,186,112,104,121,191,202,202,194,186,186,181,117,113,123,127,125,123,123,127,176,194,207,204,199,196,196,194,194,194,199,202,202,199,196,194,186,182,181,186,194,196,191,191,196,196,194,189,125,92,92,90,105,103,68,67,170,209,215,209,191,173,166,166,168,168,165,170,178,168,117,113,115,119,163,173,176,168,163,121,115,113,115,125,176,181,178,168,121,119,121,170,181,176,123,119,121,121,125,168,176,178,176,178,127,117,116,119,121,116,112,121,199,202,191,186,186,183,178,181,186,189,186,186,191,191,183,182,186,189,185,185,189,196,199,199,196,191,189,183,181,181,181,178,181,186,194,196,194,191,196,196,189,186,183,181,176,173,170,127,125,127,170,176,168,125,126,178,189,191,186,183,178,176,170,168,173,168,115,125,168,123,119,118,121,125,168,168,125,124,124,125,127,127,170,176,173,173,170,173,178,176,125,119,127,186,191,183,170,170,181,173,168,169,183,189,183,181,183,181,103,111,189,196,123,98,100,176,189,194,199,202,204,191,114,117,178,189,186,186,189,189,191,196,204,207,204,199,189,181,178,181,181,176,173,176,178,173,173,186,207,86,83,105,170,183,186,191,186,181,176,176,176,178,181,176,165,121,119,123,165,168,168,170,170,170,173,181,186,183,119,115,119,125,123,186,207,215,82,87,183,204,207,202,199,196,196,199,202,202,199,189,181,178,181,181,178,176,131,124,124,173,186,189,183,176,131,131,131,173,173,176,173,173,178,191,199,199,194,191,186,182,181,182,186,189,189,182,182,183,186,189,194,196,194,189,186,183,183,183,181,178,181,189,189,186,185,185,186,191,194,186,189,194,194,189,182,182,191,199,196,191,181,179,181,186,189,191,191,191,189,186,186,183,181,178,178,176,173,131,131,131,129,129,170,178,189,191,189,181,176,178,183,186,181,95,54,44,40,103,127,183,183,183,186,186,178,168,127,127,127,170,173,170,125,125,127,125,121,123,123,123,123,125,170,181,178,121,116,121,168,168,170,176,176,176,170,129,123,111,94,92,103,131,183,186,186,189,191,191,191,191,189,189,186,186,186,186,189,191,194,191,189,189,186,189,194,196,191,186,183,186,186,186,191,196,202,207,209,209,204,196,191,189,189,186,186,189,196,199,191,183,181,181,181,183,189,186,183,185,196,202,196,189,176,173,178,189,191,186,181,181,183,181,176,176,178,189,191,183,127,124,126,131,173,176,183,183,183,183,189,191,189,186,181,181,181,183,183,186,189,183,137,186,191,194,191,189,187,187,191,204,212,212,209,207,196,192,196,207,212,212,209,209,209,207,202,194,191,192,199,204,207,209,215,225,225,228,230,233,230,217,204,145,141,137,149,225,233,233,230,228,225,225,228,228,225,222,222,225,228,228,225,217,215,209,209,215,222,222,222,222,222,222,225,225,225,225,228,233,230,225,217,216,217,228,228,228,225,225,225,230,230,230,230,228,228,225,225,222,222,225,225,222,215,194,125,123,127,133,137,139,186,191,191,186,178,176,177,183,191,191,189,183,181,176,173,173,173,173,173,173,173,176,178,176,131,173,176,181,183,186,189,191,194,191,183,178,178,178,181,176,129,128,129,176,186,191,189,183,183,189,194,191,137,119,125,191,137,135,199,207,202,194,190,191,199,207,209,215,217,217,222,225,225,228,228,230,228,222,222,225,215,199,194,199,202,202,204,209,215,222,222,212,194,176,127,129,173,173,127,115,111,109,107,103,99,98,99,105,115,170,186,191,183,173,170,181,189,189,189,181,119,116,123,176,176,129,121,119,121,127,133,178,181,177,177,178,181,189,191,191,189,189,189,186,183,137,135,133,135,137,137,133,135,189,202,202,199,196,196,196,196,196,189,121,116,118,131,191,202,207,212,217,217,207,194,189,141,135,131,189,202,204,202,196,194,196,199,202,209,212,209,204,203,204,207,209,209,204,199,199,199,196,192,194,199,202,204,207,209,212,212,207,199,196,196,196,199,207,212,204,196,194,196,199,196,194,192,194,199,199,202,204,209,209,209,212,215,212,202,199,204,207,202,194,191,192,204,209,209,207,204,196,143,191,204,215,215,212,211,212,209,202,195,192,194,199,207,209,212,215,217,215,209,207,202,199,199,202,207,209,209,209,204,194,191,192,199,204,207,207,209,212,209,209,212,212,209,204,202,202,202,204,204,202,194,189,140,139,140,189,194,199,202,207,204,204,207,207,202,196,196,196,194,189,141,140,143,191,199,204,207,209,204,196,194,196,204,212,215,212,209,207,202,199,199,199,194,191,139,135,135,135,139,196,202,204,202,196,199,204,207,207,204,204,196,196,199,196,189,186,183,139,191,202,199,189,187,194,202,202,196,195,196,202,204,202,196,196,196,196,199,199,196,191,189,189,186,139,139,183,186,189,196,202,202,199,199,202,202,202,199,199,199,196,195,195,196,204,207,207,207,207,207,204,202,198,198,202,204,202,199,196,191,190,191,199,207,212,207,202,202,202,202,199,199,202,207,209,207,196,183,139,186,191,189,189,186,186,139,138,137,138,186,191,191,186,183,185,194,204,204,202,202,207,204,194,194,204,209,209,202,202,204,209,215,215,212,209,204,202,204,212,215,209,204,204,212,222,225,225,225,228,228,230,228,228,225,215,204,203,212,222,225,225,222,213,212,213,217,225,230,235,241,246,248,246,243,241,238,233,217,199,135,125,119,113,103,95,93,91,89,89,97,109,125,186,196,202,207,215,222,228,228,191,82,80,82,191,212,215,212,212,215,207,194,189,189,186,183,186,186,176,176,176,121,109,105,115,127,178,186,191,194,189,183,178,177,178,183,183,181,176,133,129,125,127,181,194,196,196,196,194,191,189,191,196,199,196,196,196,199,202,207,212,215,212,212,215,222,222,215,209,209,212,212,209,209,204,194,140,137,141,204,215,215,209,207,212,215,217,217,217,222,222,207,191,190,202,215,217,212,207,204,204,199,196,194,139,131,135,194,207,207,204,207,215,225,230,230,225,225,228,233,238,241,246,248,248,243,233,217,207,204,207,215,230,238,235,222,222,228,228,217,212,215,215,212,209,207,204,196,191,183,176,163,150,142,144,147,150,147,142,137,131,126,126,124,126,131,0,173,191,0,0,0,0,0,0,0,0,215,207,202,204,207,207,209,207,204,196,195,195,195,196,204,222,235,238,230,225,230,241,248,254,255,255,255,254,254,254,248,233,229,243,255,255,230,226,230,246,254,254,248,0,0,0,0,0,0,0,222,225,235,0,0,0,228,222,222,209,199,195,195,196,204,215,222,217,207,191,176,163,157,155,152,155,157,165,176,186,194,202,199,194,183,176,176,176,176,176,176,176,176,178,186,191,191,191,194,196,196,194,194,191,186,181,173,165,155,111,105,101,101,103,103,103,107,113,123,178,194,212,228,235,235,238,243,248,246,241,235,230,228,233,235,235,233,230,233,238,243,241,233,233,235,238,235,233,228,222,217,222,225,215,151,135,133,139,207,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,181,189,186,0,0,0,0,79,87,38,0,0,0,0,0,0,0,0,0,0,0,0,0,51,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,56,85,116,147,165,178,181,181,173,160,147,137,126,41,29,9,0,11,66,92,103,118,118,72,11,13,0,0,0,0,0,0,0,0,0,0,0,3,48,51,38,20,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,176,126,105,124,155,163,157,157,157,160,165,168,170,181,183,186,194,199,202,204,207,209,209,204,202,199,191,176,123,121,121,119,117,117,117,121,170,176,178,189,178,170,183,189,181,173,183,199,207,202,183,168,117,114,117,123,123,122,123,121,121,165,168,123,121,119,121,165,183,189,186,183,181,173,169,170,178,186,191,189,189,183,123,93,117,191,202,199,181,123,115,103,86,83,111,113,109,107,115,168,181,186,181,176,170,168,125,116,116,170,181,173,123,65,14,11,42,173,170,123,121,117,125,186,186,189,194,196,199,204,207,207,207,202,196,196,202,202,202,199,202,204,204,204,204,202,202,199,199,199,202,209,212,207,199,202,204,199,194,195,199,204,207,209,209,209,207,204,204,204,207,207,207,209,209,212,209,207,202,202,204,207,209,207,199,194,191,196,196,196,191,185,183,186,196,204,204,199,191,189,186,186,189,191,194,194,191,189,186,186,186,189,191,191,194,194,199,202,199,196,191,190,191,191,181,168,157,153,153,155,157,97,25,142,178,160,74,52,87,147,170,178,181,181,176,157,0,0,0,0,23,95,113,191,194,115,109,117,160,173,189,189,176,176,189,194,199,202,196,191,191,191,194,196,196,191,170,106,104,173,196,204,204,194,189,194,189,109,109,127,176,173,127,123,170,186,204,209,204,199,194,189,191,191,194,199,202,199,194,189,191,191,186,185,189,194,196,194,191,191,196,196,202,199,123,103,92,99,87,61,60,111,204,209,207,191,176,168,170,173,173,168,121,163,165,163,163,165,165,170,173,168,119,116,117,115,115,119,165,173,178,176,173,165,121,119,176,181,170,123,125,168,165,121,121,173,181,181,173,125,117,115,116,119,116,114,127,199,202,191,183,183,181,178,181,186,189,186,185,189,186,181,181,186,189,185,183,189,199,199,194,189,181,129,119,113,117,127,176,183,189,194,196,191,191,194,191,183,181,181,173,170,168,127,125,123,121,125,168,168,168,176,189,194,194,186,181,181,181,176,173,173,170,168,178,178,168,119,117,121,168,173,176,170,170,168,168,168,127,176,181,178,173,125,123,170,170,120,119,170,191,196,189,176,170,176,173,170,176,186,189,181,170,121,102,94,103,127,173,115,108,170,191,191,194,194,199,204,199,173,127,183,191,194,194,191,191,194,196,202,204,207,202,189,178,176,178,181,176,173,176,181,178,173,125,111,72,81,117,165,178,178,181,178,173,170,170,178,183,186,181,165,117,115,119,123,123,127,173,181,173,173,176,178,178,168,121,119,127,186,204,212,215,90,90,181,204,204,202,199,199,196,196,202,202,199,194,186,178,129,124,131,178,173,122,120,125,186,191,186,178,173,173,173,173,176,181,181,178,181,191,202,202,196,196,191,186,183,186,189,191,189,182,182,186,189,191,194,191,183,181,135,134,178,183,178,174,177,183,189,189,186,185,189,194,196,191,189,194,194,189,183,183,191,204,207,199,183,178,179,183,189,191,196,194,191,189,191,189,186,183,181,178,173,131,128,128,128,131,178,186,191,194,189,181,173,170,178,183,168,62,40,38,40,107,127,181,181,181,186,186,181,173,170,170,168,173,181,178,170,127,168,127,123,119,119,119,121,168,173,176,173,119,115,118,123,121,121,125,129,129,129,127,121,109,93,91,101,129,181,186,189,189,191,194,196,196,194,191,189,189,186,186,189,191,194,191,189,181,136,137,189,196,199,194,194,191,191,191,194,202,207,209,209,207,202,196,191,191,189,183,181,183,191,199,199,191,183,178,178,186,191,186,182,182,191,196,186,129,127,129,183,191,189,178,173,178,183,183,177,176,178,186,191,183,131,127,173,176,131,173,178,178,176,178,189,194,194,189,186,181,181,181,181,183,186,186,186,189,191,191,189,187,187,186,191,204,212,209,204,202,202,202,204,209,212,212,209,209,212,209,204,194,192,194,202,207,207,205,209,217,225,225,230,233,228,212,199,147,149,145,199,222,228,230,230,228,222,220,225,230,230,228,225,225,225,225,222,215,209,205,205,215,222,222,217,217,222,222,222,225,225,225,228,230,230,225,217,217,222,228,230,230,228,225,225,228,228,228,225,225,222,222,222,222,222,222,222,217,207,191,135,129,123,123,131,186,196,199,199,194,183,177,176,178,186,191,191,186,181,178,176,176,176,173,173,173,173,176,178,178,176,176,178,183,191,194,194,191,191,189,183,178,177,178,181,176,131,131,176,181,189,189,182,181,182,191,196,196,183,116,120,196,189,183,202,212,209,196,190,190,194,199,207,209,215,217,222,225,228,228,230,233,233,225,225,228,222,209,204,204,199,196,198,204,212,222,228,220,196,176,129,173,176,131,123,113,109,107,107,105,105,105,103,105,113,129,183,189,186,183,183,186,183,183,189,183,123,120,125,173,173,127,120,119,121,129,176,178,178,178,178,178,183,186,189,189,187,189,191,191,189,186,186,186,186,189,186,139,139,189,196,199,196,196,196,195,194,196,196,125,116,116,127,189,202,207,212,212,204,196,189,189,139,128,125,133,191,199,196,191,189,191,194,199,207,209,209,207,204,204,207,212,212,209,202,199,199,196,192,194,196,199,202,204,207,212,212,212,207,199,196,199,202,204,215,212,204,194,192,194,196,192,192,196,202,204,204,209,217,217,217,217,215,207,202,204,207,209,207,196,191,194,204,207,204,204,204,202,199,202,207,212,215,212,212,215,212,207,202,199,199,202,204,207,209,215,215,212,207,204,199,195,195,196,202,207,207,207,202,194,190,191,202,207,209,212,215,215,212,212,215,215,209,207,202,200,200,202,202,199,194,191,186,141,141,191,196,202,202,204,204,199,194,189,186,189,189,194,196,191,191,191,191,194,199,207,209,204,196,189,187,191,199,209,215,212,209,207,204,204,204,204,199,191,139,135,135,135,183,199,204,204,199,194,194,199,204,204,202,204,204,204,204,199,196,194,189,137,139,191,189,187,189,196,204,202,196,194,196,204,207,204,202,199,196,194,194,194,191,189,187,189,189,189,191,194,194,191,194,196,196,196,196,199,202,202,202,202,202,202,196,196,196,202,207,204,204,207,207,207,204,204,202,202,202,202,199,194,190,187,189,199,209,215,212,207,207,204,202,202,202,204,207,212,209,196,183,139,186,189,186,186,186,186,183,139,139,183,189,194,194,189,185,185,191,202,204,207,209,212,207,199,199,202,207,207,204,202,202,207,212,212,212,215,209,204,207,212,215,209,202,199,204,212,217,222,228,230,233,233,233,230,225,215,202,200,204,215,217,215,215,213,215,220,225,230,235,238,241,243,246,246,243,241,238,228,212,194,133,119,111,107,103,97,91,89,88,91,101,117,173,194,207,215,217,220,215,207,191,127,91,85,89,191,209,209,204,202,204,202,194,196,199,194,183,183,181,174,176,178,173,119,113,119,127,173,181,189,191,186,181,177,177,178,181,183,181,178,176,133,129,133,183,194,199,202,202,199,194,189,189,189,186,183,181,186,191,196,202,209,217,217,215,217,225,225,217,212,209,209,212,212,212,207,194,141,139,143,199,212,215,212,212,215,217,217,215,215,215,215,207,194,192,207,220,217,212,207,207,204,196,194,191,141,133,133,145,202,202,199,202,212,225,235,235,230,230,230,233,235,238,243,246,246,241,230,215,207,207,212,222,233,238,235,230,225,228,225,217,215,215,212,209,209,212,209,202,194,183,173,160,144,137,137,142,147,147,144,139,137,134,131,131,137,0,157,181,194,199,0,0,0,0,0,0,0,217,209,207,207,209,209,209,207,204,199,199,199,196,195,199,217,238,246,241,233,233,241,248,254,255,255,254,254,254,255,254,241,233,254,255,255,228,224,235,248,251,251,246,0,0,0,0,0,0,212,207,215,0,0,0,0,217,217,228,217,202,195,196,204,0,0,0,238,222,199,178,165,157,155,152,152,0,0,163,173,186,194,196,189,181,173,170,170,173,173,170,170,170,176,186,191,191,191,196,199,202,202,199,191,181,176,173,168,160,113,105,100,100,101,105,107,111,119,129,181,191,207,228,235,233,233,241,246,243,235,230,228,225,230,238,238,233,230,233,241,243,238,233,233,235,235,233,230,228,225,222,222,222,217,199,136,133,139,207,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,199,191,191,189,0,0,0,51,103,113,134,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,82,116,157,173,178,178,173,165,152,139,129,118,33,17,0,0,0,3,29,33,53,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,59,53,38,30,9,0,0,0,51,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,181,147,118,160,178,173,170,168,163,168,178,176,168,170,176,183,189,196,199,202,207,209,207,202,199,199,191,173,121,120,121,121,123,123,125,176,191,186,170,173,170,122,125,173,168,173,183,194,196,186,173,125,119,117,121,123,123,165,125,121,123,173,170,119,113,112,117,123,173,176,176,178,178,173,169,169,176,183,186,181,176,168,99,65,107,173,191,189,170,165,125,97,71,72,107,111,106,105,107,115,123,170,170,168,165,123,117,113,113,170,189,170,125,119,87,51,63,173,165,111,113,105,123,202,194,191,183,181,186,191,199,207,207,202,196,196,199,202,202,202,202,204,207,207,204,202,202,202,202,204,207,212,212,209,204,207,204,199,194,194,196,202,202,204,204,207,204,203,204,204,207,207,207,207,209,212,209,204,199,196,199,202,204,207,204,199,199,196,196,194,189,186,185,186,194,199,202,199,196,191,186,183,181,183,189,194,191,189,183,186,191,196,196,196,194,199,202,204,202,196,191,191,191,199,199,176,163,165,178,186,186,163,160,165,196,178,70,58,85,103,147,142,144,157,152,101,0,0,0,0,0,89,109,199,186,108,98,103,119,176,189,186,176,181,189,191,196,204,199,194,194,189,189,191,191,183,119,105,111,186,199,202,199,194,194,202,196,107,105,123,176,173,125,119,129,189,204,209,204,199,194,185,186,189,194,196,199,191,178,132,176,186,189,189,189,191,191,191,189,186,189,194,202,209,194,127,121,123,109,66,66,115,196,202,189,178,173,173,176,181,176,123,101,101,111,163,173,170,170,178,176,165,116,116,121,163,163,163,125,165,168,170,176,173,125,118,176,176,125,122,168,176,168,120,119,170,181,181,127,123,117,115,117,123,123,121,170,189,191,186,181,181,181,178,181,183,189,189,189,186,183,181,182,189,194,189,189,196,202,196,189,181,131,115,99,96,99,115,131,181,186,189,191,191,191,191,189,183,181,181,168,123,125,127,127,123,117,115,123,173,181,189,194,196,194,183,178,181,183,181,173,170,168,176,178,178,170,123,121,165,176,181,181,178,178,173,170,168,127,181,189,186,173,117,111,121,127,122,124,178,191,194,186,170,123,125,170,178,183,189,189,183,127,105,87,92,102,103,102,109,117,181,189,191,194,196,204,204,196,178,176,186,196,199,196,194,191,194,194,196,202,204,204,194,178,176,178,183,178,173,173,178,178,170,113,90,52,88,165,170,176,173,165,165,165,165,170,181,186,186,183,125,115,117,123,125,125,127,173,183,176,172,172,173,178,178,170,168,181,199,212,215,212,94,95,183,202,204,202,202,199,196,196,202,202,199,196,194,178,120,118,127,186,189,127,121,125,181,183,181,178,178,178,176,176,178,183,183,181,181,189,196,199,199,199,196,191,189,189,189,189,189,186,186,186,189,189,189,181,134,134,132,132,178,186,178,174,177,183,189,191,191,189,191,196,199,196,196,196,196,189,183,183,191,202,207,199,183,178,179,183,191,196,196,196,191,189,189,189,189,186,183,178,173,131,129,128,129,173,181,183,183,189,186,178,170,129,173,181,176,97,69,87,113,121,173,181,183,183,189,189,181,178,176,176,173,178,183,181,173,168,170,170,123,115,111,113,121,173,176,176,170,121,117,121,121,117,117,121,127,129,170,129,127,121,100,96,113,133,183,189,191,189,191,196,199,199,199,196,191,189,189,186,186,189,189,189,186,137,135,135,186,199,202,199,196,196,196,196,202,204,207,207,207,202,199,194,194,194,191,183,178,181,189,199,199,191,176,170,170,176,186,191,186,186,189,183,128,124,125,173,189,194,181,129,128,173,183,183,178,178,183,186,189,183,176,178,183,183,173,131,176,129,121,125,181,194,194,194,191,183,181,179,181,183,183,183,186,189,186,186,189,191,191,191,194,202,209,207,204,204,207,207,207,207,207,209,209,212,215,212,207,199,196,202,209,209,207,205,209,217,222,225,228,230,222,207,196,149,202,196,202,217,225,228,228,225,220,218,222,230,230,230,228,225,222,222,217,212,207,204,205,212,222,222,217,217,222,225,225,225,224,225,228,230,228,222,217,222,228,230,230,233,230,228,225,225,225,222,222,217,217,217,217,222,222,215,217,217,204,191,186,133,120,116,120,135,194,202,204,199,191,181,177,178,186,191,191,183,178,176,176,176,173,129,131,176,176,176,178,178,178,178,181,186,194,196,196,191,191,186,183,178,178,183,183,183,178,176,181,183,189,186,181,179,183,194,202,199,189,117,121,196,191,189,202,212,207,196,190,189,191,196,202,207,212,215,217,222,225,228,230,230,230,225,222,228,222,215,215,215,204,199,199,207,212,225,230,222,204,183,176,181,181,170,119,111,107,105,105,107,111,113,109,103,107,119,173,181,186,189,191,189,179,179,191,191,176,129,129,129,131,127,121,120,123,129,176,178,178,181,181,183,186,189,189,189,189,191,194,196,196,196,199,199,199,199,194,186,183,189,196,199,199,202,202,196,196,204,209,133,118,116,123,186,204,209,209,202,194,191,191,191,186,131,125,129,137,186,186,186,189,189,191,199,207,212,212,209,207,207,207,209,212,209,204,202,202,199,196,196,199,202,202,204,207,209,212,212,209,202,196,202,202,200,207,212,207,196,192,194,194,194,194,199,204,207,207,212,222,225,225,222,212,204,202,204,209,215,212,196,192,194,202,204,202,199,202,204,204,204,204,207,212,215,215,215,215,212,209,207,207,204,204,204,209,212,212,209,209,209,204,196,195,195,199,204,207,207,202,199,194,199,209,212,212,212,215,215,212,212,215,215,212,207,204,202,200,202,199,196,196,194,194,191,191,194,202,207,207,207,204,196,142,138,139,140,142,189,194,194,194,196,196,196,202,207,209,202,194,187,186,189,199,209,215,209,204,204,204,204,207,207,202,196,183,137,137,135,186,199,207,207,199,194,194,196,202,202,199,202,207,209,207,199,196,194,191,139,183,189,187,187,194,199,204,202,196,196,199,204,207,204,202,199,196,191,189,189,189,189,189,189,191,194,196,199,194,191,191,194,196,196,199,199,199,202,202,204,204,204,196,194,196,202,207,207,204,204,207,209,209,209,207,202,199,199,202,202,196,191,191,202,209,215,215,212,209,207,204,202,202,202,204,207,204,194,183,183,186,186,183,186,189,191,191,191,189,191,191,194,194,191,186,185,189,194,199,204,207,209,207,204,199,202,204,204,204,204,207,209,212,211,211,217,215,207,207,212,212,207,199,196,199,204,207,215,222,230,233,233,233,230,225,215,204,202,207,212,215,215,215,217,222,228,230,233,235,238,241,243,243,243,243,241,235,222,204,183,127,113,105,101,99,95,89,88,89,95,109,125,186,204,217,222,217,215,204,189,173,121,109,99,103,191,207,207,202,198,198,199,196,199,207,207,202,194,186,181,181,181,181,178,173,129,129,129,178,186,189,186,181,178,178,181,183,183,183,183,183,178,135,135,183,194,199,202,204,202,194,186,181,137,131,125,123,129,137,191,196,207,215,217,217,217,222,225,217,215,212,212,212,212,209,204,194,143,143,191,199,209,215,215,215,217,225,225,217,209,209,209,207,199,199,212,222,217,212,207,204,199,141,135,137,137,133,133,143,196,196,196,199,209,225,241,243,241,238,235,235,233,235,241,243,243,238,225,212,209,215,222,228,233,238,235,235,235,235,230,217,212,209,207,209,215,217,217,207,196,186,173,157,142,131,131,137,142,144,144,142,139,137,137,139,144,0,165,183,196,0,0,0,0,0,0,0,0,215,212,209,209,209,209,207,204,202,202,202,204,204,196,199,212,238,251,248,243,241,248,254,255,255,254,254,252,254,255,255,248,243,255,255,255,229,228,238,248,248,246,243,243,0,0,0,0,212,202,199,209,0,0,251,233,212,228,241,233,207,196,202,222,0,0,0,248,233,204,181,165,160,157,155,155,0,0,0,173,183,191,191,186,178,170,168,166,168,168,173,173,176,181,186,191,191,191,196,204,207,207,202,189,176,168,168,168,165,119,109,101,100,101,105,111,117,125,133,183,191,204,222,230,230,230,235,241,241,235,230,225,225,230,238,238,233,230,235,241,241,238,233,233,235,230,228,230,230,228,225,222,222,217,199,137,134,139,202,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,186,183,176,53,0,0,40,111,124,137,176,152,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,137,165,178,178,176,168,152,137,124,108,82,3,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,48,64,61,51,48,38,0,0,7,35,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,173,157,134,165,181,181,176,181,165,165,199,189,157,160,170,178,186,191,196,202,204,207,202,187,187,199,194,127,120,121,123,123,123,168,183,194,199,191,119,115,123,123,125,127,168,173,183,189,183,176,165,123,123,123,125,170,176,173,168,125,125,168,165,113,108,111,119,165,165,164,164,170,178,178,173,170,173,173,168,165,101,105,111,98,103,170,181,173,123,168,176,117,95,109,117,107,103,104,111,119,125,165,165,125,123,119,116,115,121,194,204,191,178,176,176,168,125,123,97,21,9,1,61,194,191,186,170,121,163,173,186,202,204,199,196,196,199,202,202,204,204,204,207,204,204,202,204,204,207,209,212,212,212,209,209,209,207,202,195,194,196,204,204,202,200,202,204,204,204,204,207,209,207,204,207,209,209,204,196,195,196,199,202,204,207,207,202,196,194,196,194,189,186,189,191,196,199,199,194,191,189,181,179,179,183,191,194,191,186,183,189,196,199,196,196,199,202,199,196,196,194,191,194,199,199,183,165,170,191,204,207,170,163,170,191,186,170,93,144,144,97,0,0,0,0,0,0,0,0,0,0,103,111,101,163,115,76,98,157,168,183,189,189,191,189,189,194,202,202,194,191,186,181,176,178,173,114,112,170,191,202,202,194,191,194,202,204,121,101,99,105,121,121,100,114,186,204,207,204,202,194,183,183,186,194,199,199,189,132,129,131,178,183,178,178,181,183,183,183,183,183,183,191,202,199,178,121,125,173,119,105,121,183,186,173,168,165,168,176,178,176,123,102,82,103,168,194,123,168,176,168,173,121,119,163,176,183,173,117,115,121,123,178,186,183,183,186,178,121,120,168,176,173,123,119,170,181,181,173,121,116,117,123,173,178,176,176,178,178,178,178,186,186,181,176,178,183,191,191,186,182,182,189,194,196,202,202,202,199,189,178,178,131,113,95,95,98,109,125,176,181,183,186,191,189,189,191,189,186,181,125,115,117,127,170,121,99,93,113,173,189,191,194,196,194,183,177,178,183,181,168,121,123,165,168,170,168,125,165,173,183,186,183,178,170,168,168,168,170,183,191,191,176,111,108,115,127,173,176,181,183,189,186,127,112,111,121,173,183,186,191,189,168,117,109,103,105,102,100,111,127,181,191,194,194,196,202,202,196,186,183,191,199,202,196,191,191,191,189,189,196,204,202,196,183,177,181,189,186,173,168,173,176,168,119,107,101,113,178,186,181,165,118,119,125,168,173,181,186,186,181,170,115,113,121,168,173,123,173,181,178,172,172,173,178,178,181,183,191,204,215,217,207,176,123,181,196,202,204,202,196,195,195,199,202,199,199,196,191,117,117,125,186,189,178,129,173,178,169,173,178,178,181,178,131,176,189,181,176,176,183,191,194,199,199,194,191,191,191,191,191,194,191,189,189,189,189,186,176,133,133,132,133,178,186,181,177,178,181,189,194,194,191,194,196,199,202,202,202,196,191,183,183,189,199,204,196,181,177,179,189,194,196,196,196,194,191,189,189,189,189,183,178,173,131,131,173,176,178,178,176,173,178,183,181,176,129,125,127,127,119,121,181,186,178,178,178,181,183,189,189,183,183,183,183,183,181,178,176,170,168,170,168,123,109,101,103,119,170,178,178,168,123,121,125,123,117,117,121,127,173,176,173,173,131,173,178,181,183,186,186,189,189,194,196,196,199,199,199,194,191,191,186,181,186,186,186,189,183,137,137,186,194,199,199,196,199,202,204,204,204,207,207,204,204,202,199,196,196,191,181,177,177,183,194,196,191,176,170,170,176,186,194,196,196,189,173,125,125,128,178,191,189,131,126,127,176,181,181,183,186,189,186,183,181,181,186,189,183,176,176,173,127,109,111,181,191,191,191,191,189,183,181,181,183,183,186,186,186,185,185,189,196,199,199,199,202,204,207,207,209,209,207,204,202,202,204,209,215,217,215,209,202,202,207,212,212,207,207,209,222,217,222,228,225,202,196,199,207,212,204,202,215,225,228,228,225,218,217,222,230,230,230,228,225,225,222,217,212,207,207,209,215,217,217,217,217,225,228,228,225,224,225,228,228,225,222,222,222,228,230,230,228,230,230,228,225,225,222,217,215,212,212,215,217,212,212,215,212,196,189,189,139,125,117,119,131,194,202,202,199,194,186,181,181,183,186,186,181,176,173,176,173,129,128,129,176,181,181,178,181,181,183,183,186,189,191,194,191,191,189,186,183,183,186,189,189,183,181,181,183,189,183,181,183,191,199,204,202,133,121,125,186,194,194,202,207,204,196,189,189,191,199,202,204,209,215,220,220,222,228,230,230,225,217,217,222,222,217,217,217,212,209,209,209,212,215,225,222,212,194,183,183,186,173,115,107,103,103,103,105,111,117,115,103,103,113,129,178,183,189,191,186,178,179,189,194,189,181,176,129,129,127,123,120,123,131,176,178,181,181,183,183,189,189,189,189,191,194,199,204,207,204,204,207,207,202,194,186,186,194,202,204,207,207,207,204,202,207,209,137,121,120,125,186,209,209,207,199,191,190,191,194,191,141,135,131,129,129,135,141,189,189,191,196,204,215,217,217,212,212,209,209,209,207,204,204,202,202,202,202,202,202,204,207,207,207,209,207,209,207,204,204,202,200,200,207,212,204,194,196,196,196,196,199,204,207,207,209,217,225,225,215,209,202,199,202,209,212,207,194,194,202,204,202,199,199,202,204,202,202,202,204,209,212,212,212,215,212,207,207,207,204,202,202,209,212,212,212,215,215,212,204,196,195,199,207,212,209,207,204,207,209,215,217,212,207,209,209,209,207,207,207,209,209,204,204,204,204,199,196,194,196,199,196,194,196,204,212,215,209,204,196,189,141,141,141,141,143,191,194,194,194,196,199,202,204,202,199,196,191,189,191,199,207,207,204,202,202,204,207,207,207,204,202,196,189,139,137,189,199,204,207,196,189,189,196,199,199,196,199,202,204,204,199,196,194,196,196,196,194,191,191,199,204,204,202,199,199,202,202,202,202,202,199,194,189,189,189,191,191,191,191,196,196,196,194,191,189,189,194,199,202,202,199,199,199,202,202,204,199,192,191,194,202,207,209,204,204,204,209,212,209,204,194,189,189,196,204,204,202,202,207,209,212,212,212,209,207,207,207,202,196,199,199,194,186,183,186,183,137,139,186,194,196,199,199,196,191,190,191,194,196,194,191,189,191,194,199,202,207,207,202,199,199,202,202,204,209,212,215,215,211,211,215,220,215,209,209,212,207,196,195,196,194,147,199,217,230,233,233,233,230,225,220,215,209,212,215,217,217,217,217,222,228,230,230,233,235,241,241,241,241,241,241,233,217,196,137,121,111,101,93,93,93,91,88,87,93,113,173,189,204,215,217,209,199,194,189,178,125,113,103,103,189,204,204,204,198,196,199,202,204,209,212,209,196,186,183,183,181,186,189,189,181,173,173,178,186,189,189,186,181,181,183,181,181,183,191,191,186,178,178,183,189,194,196,199,199,191,137,133,131,125,120,118,121,131,183,191,202,212,217,212,212,217,220,215,212,215,212,207,204,202,196,189,189,194,199,202,207,212,217,217,217,225,225,222,209,204,205,207,207,207,212,220,220,215,207,202,189,123,113,115,123,129,137,143,191,194,196,202,212,228,241,246,246,243,238,235,233,233,235,238,241,233,217,212,217,228,230,230,233,233,235,241,248,0,241,225,207,202,202,0,0,0,222,209,199,189,178,163,147,134,130,134,139,142,142,139,139,139,139,142,147,0,173,186,199,0,0,0,0,0,0,0,0,215,212,209,209,207,202,199,196,194,196,199,207,209,202,196,204,233,243,248,248,248,254,255,255,255,255,254,254,254,255,254,251,255,255,255,255,243,233,238,243,246,243,0,0,0,0,243,230,207,195,196,0,0,0,0,222,222,235,246,238,207,196,209,0,0,0,254,251,235,207,183,168,163,160,160,0,0,165,178,189,196,199,191,186,181,168,166,166,165,166,170,176,181,186,189,191,194,196,0,0,0,207,199,186,173,164,164,165,168,160,113,105,101,103,105,111,119,129,181,189,196,204,215,222,217,222,228,235,238,235,230,228,225,230,241,241,233,230,235,241,238,235,235,235,233,230,228,230,233,228,222,217,222,217,199,137,134,137,202,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,170,168,103,0,0,27,134,134,134,150,173,204,199,79,0,0,0,0,0,0,0,0,0,0,0,69,126,0,0,0,0,0,0,0,0,0,0,7,92,100,17,0,0,0,0,0,0,0,0,0,0,0,0,0,103,131,163,178,178,173,157,137,113,92,64,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,33,51,66,64,53,53,48,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,144,137,165,178,173,170,165,157,168,202,189,146,147,160,170,181,189,196,202,204,202,191,182,182,194,194,170,120,120,123,123,125,173,189,199,202,191,117,113,121,168,176,173,173,173,178,178,176,168,125,121,121,123,165,176,183,178,170,125,125,165,123,113,110,113,123,168,170,168,165,170,178,178,178,176,168,121,93,77,35,61,99,103,115,191,189,170,115,117,170,165,117,119,121,109,104,106,119,170,176,173,168,125,121,123,123,121,170,204,212,202,186,178,176,176,170,123,105,39,2,0,4,170,176,176,163,107,113,165,178,189,194,196,196,195,196,199,204,204,204,204,204,204,204,204,207,209,212,215,215,212,212,209,212,212,209,204,199,195,199,207,207,202,200,202,202,202,202,202,207,209,207,204,204,209,209,204,196,195,196,199,199,204,207,207,202,194,194,194,191,191,189,191,191,194,194,194,191,191,191,186,181,179,183,189,194,191,183,181,186,194,196,194,194,196,199,194,194,194,196,194,194,194,194,178,155,155,186,212,215,99,142,170,186,183,170,152,147,147,142,0,0,0,0,0,0,0,0,0,0,11,17,27,165,178,106,113,157,156,173,189,196,196,194,191,196,199,196,191,183,176,168,127,173,176,121,118,176,191,196,191,189,189,196,199,196,111,87,82,83,115,119,104,114,181,199,204,204,204,199,189,185,189,194,202,204,199,186,133,133,178,178,172,172,176,181,183,186,186,182,179,182,199,202,178,111,111,119,125,125,173,183,181,170,165,164,164,165,173,173,165,117,103,165,173,176,91,95,100,106,165,168,165,168,176,186,173,117,113,163,173,186,194,196,196,196,191,121,118,125,178,178,120,117,173,191,194,189,127,117,121,178,186,189,186,178,173,170,176,186,191,183,176,131,131,178,191,194,186,181,183,191,199,202,204,209,199,186,131,130,133,133,121,103,99,101,109,123,178,183,186,189,191,191,189,189,191,189,178,117,108,109,121,165,117,96,91,99,121,181,191,194,196,191,181,178,178,181,173,121,117,118,121,165,170,168,168,170,181,189,191,189,181,170,166,168,168,173,183,191,191,176,112,110,117,176,183,183,181,181,189,194,183,117,114,118,129,176,181,191,189,111,107,109,103,103,115,119,121,173,189,196,196,196,194,196,199,194,189,191,196,204,202,194,189,186,186,182,183,191,202,202,196,189,178,178,186,186,178,173,168,165,125,121,119,121,168,181,183,173,119,112,116,165,176,181,183,186,186,183,176,109,108,117,170,178,173,176,178,178,176,176,178,178,178,183,191,202,209,215,217,212,196,183,186,194,199,202,202,196,195,196,202,207,202,194,186,189,129,121,125,178,183,183,181,181,176,169,172,173,176,178,176,131,131,176,173,131,176,186,189,191,194,194,186,183,189,194,194,194,191,191,191,191,194,194,191,183,178,178,135,135,178,183,186,183,181,178,186,191,194,191,194,199,199,199,202,199,196,194,189,189,191,196,199,194,181,178,183,191,196,196,196,194,194,194,194,194,191,189,183,176,131,131,173,181,183,181,176,170,170,178,189,194,191,176,103,99,105,115,123,176,181,170,170,170,173,178,183,186,186,186,186,186,183,181,178,176,170,168,170,170,123,105,99,102,117,168,176,176,168,123,123,125,125,120,119,123,129,176,178,178,178,181,183,186,189,186,183,182,183,191,194,194,194,194,199,196,194,194,191,186,182,191,191,189,191,189,186,183,186,191,196,196,196,199,204,204,202,199,202,204,207,207,207,204,202,202,194,183,178,176,178,189,196,194,183,176,178,189,191,194,196,196,189,173,128,131,176,183,186,181,129,127,129,173,178,181,181,186,189,183,173,173,178,183,181,176,176,176,173,115,108,113,181,186,186,186,189,189,186,183,181,181,183,183,186,186,185,185,186,196,204,207,207,204,204,204,209,209,209,204,202,200,200,202,209,215,217,215,212,209,209,209,212,212,207,207,209,215,215,217,217,207,194,194,204,215,222,209,202,212,225,228,225,222,218,218,222,230,230,228,228,228,228,225,217,212,209,209,215,217,217,217,217,222,225,230,230,228,225,225,225,225,222,220,220,225,228,230,225,225,225,228,228,228,225,222,215,209,207,207,209,212,209,207,209,202,186,183,189,194,189,131,129,137,194,202,204,199,194,189,183,181,178,178,178,176,173,173,173,173,129,128,129,176,181,183,181,181,183,183,183,183,186,189,189,189,189,186,183,183,186,189,191,194,191,186,183,183,186,183,183,191,202,202,199,183,133,131,137,191,199,202,204,207,204,199,191,190,194,202,204,204,207,215,222,222,222,228,230,230,222,212,209,215,217,215,212,215,212,212,212,212,209,209,215,217,212,194,181,178,178,129,113,103,101,102,102,102,107,115,117,109,107,115,170,181,181,183,186,181,179,183,194,196,194,189,183,176,173,127,123,123,127,133,176,178,181,183,183,183,189,189,189,189,194,196,202,209,209,207,207,207,204,196,191,189,194,202,207,209,212,215,215,209,207,207,202,183,133,133,139,194,207,207,204,199,194,194,194,194,194,186,137,129,124,123,127,137,186,191,194,196,202,212,217,217,215,215,212,209,209,207,207,204,204,204,207,207,204,202,204,207,207,204,204,204,207,209,207,204,202,202,200,207,215,207,199,202,202,196,196,202,207,204,202,204,212,217,217,207,202,199,199,202,207,209,202,191,191,199,202,202,199,199,202,204,199,196,196,199,204,209,207,207,209,209,202,202,202,200,199,204,212,215,215,212,215,215,212,209,204,199,202,209,215,212,207,207,212,215,215,215,207,202,202,204,204,202,199,202,207,207,207,204,207,204,202,196,196,199,202,202,199,202,207,212,215,212,207,204,199,194,191,143,142,189,194,196,194,196,196,202,204,204,199,196,196,196,194,194,199,204,204,202,200,202,204,207,207,204,204,204,204,196,186,183,189,199,202,199,186,135,135,183,189,191,191,191,191,194,196,196,199,202,202,202,202,196,191,191,199,204,204,202,199,202,202,202,202,202,204,202,194,191,189,191,196,196,196,199,199,196,189,186,186,186,189,199,204,204,202,199,196,196,199,199,199,199,194,192,196,202,207,209,207,204,204,207,207,204,199,186,139,141,194,202,207,207,207,207,204,207,209,209,204,204,207,207,202,199,196,191,183,139,139,183,135,133,137,189,196,202,204,204,202,194,191,191,196,199,199,199,196,194,194,196,202,204,207,202,202,202,202,204,209,212,215,217,215,212,212,217,222,215,207,207,212,209,202,196,196,145,142,147,209,225,228,228,230,228,225,222,217,215,217,220,222,222,217,217,220,225,228,230,230,233,235,235,238,238,238,238,233,217,196,135,119,109,101,93,93,93,89,88,87,93,109,123,176,189,204,207,199,183,182,183,183,176,119,94,94,176,196,204,207,202,199,202,209,212,212,209,204,196,189,189,186,186,189,194,191,181,131,131,176,181,186,189,186,181,181,178,176,176,181,191,196,191,183,178,181,186,186,189,191,194,191,183,135,131,127,122,120,122,129,135,186,196,209,215,209,209,215,217,215,215,215,212,204,199,196,191,187,189,196,202,204,207,212,217,222,222,225,228,222,212,207,207,212,215,212,215,220,222,220,215,204,139,113,108,109,115,125,135,143,194,196,199,204,212,225,238,243,246,243,241,235,233,230,230,233,235,230,225,222,230,235,230,228,230,230,235,243,254,255,243,222,207,204,0,0,0,0,217,209,202,196,183,168,152,137,130,130,134,137,139,139,139,139,142,144,152,165,181,194,204,0,0,0,0,0,0,0,209,209,207,207,204,202,196,191,189,189,191,199,207,209,202,194,194,207,228,238,246,248,254,255,255,255,255,254,254,254,251,248,248,255,255,255,255,255,243,241,241,241,243,0,243,243,246,241,228,204,195,196,0,0,0,0,222,220,233,246,241,207,195,207,238,0,0,246,238,225,204,183,170,165,163,163,163,168,181,199,209,209,202,189,183,178,170,168,170,0,165,168,176,183,191,194,194,194,0,0,0,0,202,194,186,176,168,164,168,170,165,119,111,107,105,107,111,119,129,181,191,199,207,212,212,207,207,215,228,235,235,233,230,225,228,238,241,233,230,235,238,235,235,235,235,233,228,228,230,230,225,217,217,222,217,199,137,134,136,199,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,131,79,59,56,108,144,147,139,137,139,194,199,196,0,0,0,0,0,0,0,0,0,0,118,186,204,183,170,0,0,0,0,0,20,126,170,186,189,139,53,0,0,0,0,0,0,0,0,0,0,0,0,0,116,134,155,165,165,157,139,116,69,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,43,61,69,61,51,48,46,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,111,124,147,165,165,163,157,157,176,189,168,144,144,150,160,170,186,196,204,202,199,191,185,185,191,189,170,121,120,125,125,168,178,191,199,202,194,125,116,123,176,181,181,178,176,127,123,125,123,121,120,121,123,168,181,186,183,170,125,125,123,121,117,115,119,163,168,176,176,173,176,176,173,173,170,121,105,31,22,3,21,89,111,183,212,199,170,109,107,117,163,163,163,125,115,109,113,165,178,183,181,176,125,121,165,170,165,170,196,209,204,186,170,170,178,176,165,109,79,55,7,21,111,121,163,113,102,111,165,178,186,194,199,196,195,196,199,204,207,207,204,204,204,204,207,209,212,215,215,212,212,209,209,209,209,207,204,202,199,202,207,209,204,202,202,204,204,199,199,202,207,204,199,202,209,212,207,199,196,199,202,202,204,207,207,202,191,189,191,191,191,194,194,194,191,191,191,189,189,191,189,186,183,183,186,189,186,181,181,183,189,191,191,194,196,194,191,191,194,196,196,194,186,189,186,152,142,165,196,194,7,47,170,186,183,173,165,155,150,238,95,0,0,0,0,0,0,59,61,57,43,13,9,165,194,183,176,170,160,168,186,202,199,191,191,191,191,186,178,168,121,121,125,173,178,165,121,168,183,189,183,183,189,196,194,178,80,79,80,86,123,119,114,121,181,196,202,202,204,204,196,191,189,189,194,199,199,191,183,181,181,176,170,169,173,181,183,189,191,186,179,181,199,199,127,113,111,118,178,189,191,191,183,170,165,165,165,165,168,170,165,121,119,170,168,111,82,90,96,106,165,176,178,173,168,168,123,110,104,173,186,194,196,199,196,199,204,173,119,123,178,176,114,114,176,199,202,189,121,115,168,191,194,194,191,181,129,127,178,194,191,176,129,129,127,131,186,194,186,182,183,196,204,204,202,202,178,127,126,129,176,178,129,117,111,109,115,129,186,194,191,191,191,191,191,191,191,189,168,107,106,111,121,123,115,99,95,97,107,165,183,194,194,189,181,181,181,178,168,119,117,118,121,168,170,170,170,176,189,199,199,194,186,176,168,168,168,170,181,186,186,173,115,114,127,183,191,189,186,186,191,202,199,176,119,121,127,173,178,181,117,77,87,101,93,88,123,125,119,178,194,199,199,196,194,194,196,194,191,194,199,202,196,189,182,182,182,182,183,191,202,202,196,186,176,170,173,178,181,176,125,119,121,121,123,165,170,170,125,119,116,112,118,178,186,186,189,189,191,189,181,104,102,111,168,181,181,176,170,173,178,183,183,181,181,186,199,207,212,215,217,212,194,183,186,189,194,202,204,202,199,199,207,209,196,173,109,178,178,127,125,131,178,183,183,181,173,170,172,173,173,178,176,131,129,128,129,173,181,189,191,191,189,178,131,133,183,191,194,190,189,190,191,194,196,199,196,194,189,183,183,183,181,186,191,189,181,178,183,191,194,194,194,196,196,196,196,196,196,196,196,194,191,191,194,189,183,183,191,196,196,196,194,194,194,194,194,196,194,191,186,178,173,173,176,181,181,176,173,170,176,186,202,207,204,194,98,93,102,115,123,127,129,125,129,173,176,178,183,186,186,189,186,181,178,178,178,176,173,170,173,173,127,111,103,105,121,168,173,170,125,123,125,127,125,121,121,125,129,173,178,178,181,183,189,189,189,186,183,183,186,191,194,192,191,192,196,194,191,191,189,183,186,196,196,194,194,196,191,189,189,191,196,199,199,202,204,202,196,191,196,202,207,209,209,207,202,199,196,191,183,177,178,186,196,196,191,186,186,191,191,191,194,196,191,183,178,181,183,183,178,131,128,128,129,170,176,176,176,178,181,131,117,119,129,173,131,127,129,173,131,113,111,121,176,178,178,183,186,186,183,181,178,136,136,136,181,189,186,185,185,194,204,212,212,207,204,207,209,209,209,204,202,202,202,202,207,212,215,215,215,215,212,209,212,209,204,202,202,204,209,209,204,195,192,196,212,225,225,212,204,212,225,228,228,222,220,220,225,230,228,225,225,230,230,225,215,209,209,212,217,222,222,222,225,228,230,230,230,228,225,225,228,225,222,220,222,225,228,228,222,217,222,225,225,228,225,222,215,209,207,204,204,207,204,204,204,194,182,181,186,202,204,194,186,189,196,204,207,202,196,194,189,183,178,178,176,178,176,173,173,173,129,129,131,176,178,181,183,183,186,186,183,183,186,186,186,186,183,183,183,182,186,191,194,194,194,191,191,189,181,178,181,191,202,199,183,128,131,183,191,199,204,207,207,207,209,207,199,194,196,204,207,204,209,217,222,225,225,225,228,230,222,209,208,212,215,212,209,207,204,204,207,209,207,207,207,212,202,181,170,173,178,129,113,102,101,102,103,103,107,117,121,115,111,117,178,189,183,181,181,181,183,194,202,202,196,191,189,183,178,129,123,125,133,178,178,183,189,189,186,186,191,191,189,189,191,194,199,204,204,202,202,202,196,189,187,194,204,209,209,212,212,215,220,217,212,207,199,189,183,189,196,204,209,207,204,202,199,196,194,194,191,183,129,125,124,125,131,139,191,196,199,196,199,207,212,215,215,215,212,209,207,207,207,207,207,209,209,207,204,202,204,209,207,204,203,204,209,212,209,207,207,204,204,209,215,207,202,202,204,196,194,204,207,204,199,202,207,209,207,202,199,199,202,204,207,207,199,190,190,194,199,202,202,199,199,199,191,189,189,191,199,204,202,202,204,204,202,202,202,200,199,204,212,217,217,215,215,209,207,209,207,204,207,212,212,209,207,207,212,212,209,209,204,200,199,202,202,199,196,199,204,207,204,204,207,207,204,199,196,199,202,202,204,204,207,209,209,209,209,209,204,202,196,194,189,191,199,202,202,202,204,204,207,204,202,196,196,199,196,196,202,204,204,202,202,202,207,209,209,207,207,209,209,204,194,189,191,196,199,189,133,125,125,129,135,139,183,186,189,189,189,196,204,207,202,199,196,189,186,189,194,199,199,199,199,202,202,202,202,204,204,202,194,189,189,194,199,199,199,202,196,186,137,135,137,183,191,199,204,204,202,196,194,194,196,196,199,202,202,199,202,204,209,209,207,204,202,204,204,199,194,141,137,138,189,199,204,207,207,204,202,202,204,204,202,202,204,204,204,202,196,189,139,135,137,135,133,132,139,191,199,202,204,207,204,199,196,199,202,204,207,207,202,196,194,194,199,207,207,204,202,202,207,209,212,212,215,217,217,215,215,217,217,212,205,205,209,209,207,204,199,145,142,145,207,217,222,222,225,225,222,217,215,215,217,222,225,225,222,216,216,222,228,230,230,230,233,235,235,238,238,241,238,222,202,137,121,113,107,105,103,101,95,89,88,93,105,113,121,173,189,199,194,183,181,183,186,178,121,94,95,133,196,207,207,202,196,202,212,217,212,204,199,194,191,191,191,191,194,194,189,178,128,128,131,176,183,191,189,183,178,176,132,133,181,194,199,196,191,183,183,183,183,183,186,189,191,189,183,135,133,129,129,129,131,137,186,194,207,212,207,204,212,215,215,217,220,217,212,204,199,191,189,189,196,202,204,207,212,222,222,222,225,225,225,217,212,212,217,222,222,222,222,225,225,222,209,143,117,109,109,112,119,135,145,196,202,204,204,209,217,228,230,233,235,235,233,230,225,225,228,233,230,228,228,235,238,228,225,225,228,230,238,246,248,233,215,207,0,0,0,0,0,0,207,207,204,191,173,155,139,130,129,130,134,139,142,142,144,147,150,0,170,189,204,0,0,0,0,0,0,0,0,202,202,202,202,202,196,194,189,189,189,194,196,202,202,199,191,186,186,199,217,235,243,251,255,255,255,255,255,254,251,247,246,246,251,255,255,255,255,255,246,241,238,0,0,0,243,243,238,225,204,195,199,0,0,0,0,222,220,233,248,246,209,195,204,246,255,248,233,220,209,196,181,170,165,163,160,163,168,189,0,0,212,199,186,178,173,170,173,173,0,0,168,178,186,194,196,196,196,0,0,0,0,194,189,186,181,176,173,173,176,173,123,117,111,109,109,111,117,125,176,189,199,207,209,207,204,203,209,225,233,235,233,230,225,228,235,238,230,228,233,235,233,233,235,235,230,228,228,230,228,217,212,217,222,215,151,137,0,136,199,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,77,92,194,196,139,137,147,144,134,134,142,163,202,1,0,0,0,0,0,0,0,0,27,144,194,202,202,215,14,0,0,0,79,165,170,176,186,183,131,95,111,98,0,0,0,0,0,0,17,108,0,0,0,48,121,147,147,147,139,126,98,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,74,74,64,51,40,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,155,160,159,160,168,178,173,152,146,146,147,155,165,181,194,202,199,196,191,191,191,189,176,127,123,125,168,168,173,183,194,202,202,194,178,123,168,181,183,183,181,178,117,118,120,121,120,121,123,165,173,181,186,181,170,125,123,123,123,121,121,121,163,170,176,181,178,178,170,119,113,117,113,105,109,87,34,61,113,168,194,212,202,168,109,107,112,119,123,165,170,163,119,121,170,181,186,183,176,165,123,165,173,173,176,191,199,196,178,168,168,178,181,173,117,105,119,170,157,109,109,117,105,103,115,163,170,186,194,194,196,196,196,199,204,204,204,202,202,202,204,207,209,212,215,212,212,209,207,207,207,207,207,204,204,204,204,209,209,204,204,204,207,207,202,196,196,199,196,195,196,207,212,207,199,199,202,204,204,204,207,204,199,191,187,189,191,196,196,196,194,194,194,194,191,186,183,183,183,183,183,183,183,181,179,181,183,186,189,191,194,196,191,190,190,194,196,191,181,177,183,191,157,97,95,93,25,0,0,168,183,183,181,181,176,150,228,222,89,0,0,0,0,59,168,178,207,209,83,17,163,186,178,170,173,170,173,183,196,186,176,176,176,173,170,165,117,108,113,168,181,178,125,121,125,173,178,176,176,183,183,176,101,55,75,103,178,181,114,115,125,183,199,202,202,207,204,199,194,186,176,133,133,178,178,181,183,183,178,172,170,173,178,183,189,194,194,186,183,191,186,125,121,123,178,196,202,202,196,186,170,117,163,176,176,173,170,168,165,165,170,165,119,107,176,186,173,176,183,189,176,123,119,113,85,77,168,191,196,194,194,191,196,207,186,125,125,168,125,111,113,176,196,191,99,86,101,176,189,194,194,191,176,125,126,183,196,191,173,127,127,129,173,181,189,186,186,191,202,207,207,202,191,129,126,129,178,183,183,173,127,123,121,125,178,191,196,194,189,189,191,194,191,189,178,109,101,108,125,170,165,117,107,101,99,109,123,176,189,196,194,186,183,183,181,170,121,119,123,163,168,168,165,165,173,191,202,202,196,186,173,168,168,168,173,181,186,181,129,121,123,176,189,191,191,194,191,194,202,202,183,127,123,129,176,178,170,87,71,89,97,91,80,111,113,103,181,194,196,199,196,194,194,194,194,191,191,194,194,189,186,182,181,181,183,189,194,202,202,191,176,168,125,124,127,181,183,117,107,117,123,125,165,165,121,117,116,117,119,173,183,189,189,191,194,196,194,183,102,99,117,173,178,183,176,168,173,186,196,194,189,183,186,196,204,209,217,217,202,170,127,170,176,186,199,207,207,204,204,209,204,173,101,93,127,176,173,129,129,173,181,181,176,172,172,173,176,178,178,176,173,129,128,129,178,189,194,194,191,183,126,125,129,181,189,191,190,189,189,191,194,196,196,196,196,191,186,183,186,186,189,191,189,178,181,186,194,194,194,194,194,191,191,191,191,194,196,199,194,191,189,189,189,189,194,199,202,199,196,194,194,192,194,194,196,196,194,191,186,181,178,176,173,131,127,127,129,176,191,204,212,209,204,121,105,119,125,127,125,125,129,178,186,189,189,189,186,186,186,181,176,176,178,181,181,176,176,173,176,170,123,115,119,127,170,168,127,123,121,123,127,127,127,127,129,170,173,176,178,181,183,189,189,189,189,189,189,194,196,194,192,192,194,194,191,189,181,178,181,186,196,196,199,199,199,194,191,191,194,199,202,202,202,202,199,191,189,191,196,202,204,207,204,196,189,189,194,189,181,181,191,199,199,194,186,181,178,181,186,191,196,196,191,189,186,183,176,131,128,129,129,128,129,173,170,127,129,131,123,111,112,119,125,123,120,123,129,127,119,119,127,133,133,176,181,183,178,178,181,137,135,135,136,183,191,191,186,186,194,204,212,215,209,207,209,209,212,209,207,202,202,202,202,204,209,212,215,215,212,209,209,212,209,204,198,196,198,204,204,195,192,196,212,225,230,225,209,204,209,225,230,228,225,222,222,225,228,228,225,225,228,228,222,215,212,212,215,222,225,225,228,230,230,233,233,233,230,228,228,228,228,225,222,225,228,230,225,217,216,217,217,222,225,225,222,217,212,209,204,203,202,203,207,207,194,183,183,194,204,207,202,194,194,202,207,209,204,202,196,194,189,183,181,181,181,178,176,173,131,129,129,131,173,176,178,181,183,186,186,186,189,186,186,186,183,183,183,182,183,186,189,191,191,191,194,196,194,178,131,133,137,189,191,135,127,130,186,199,207,209,209,209,209,212,212,207,202,204,207,207,207,212,222,225,228,225,222,217,228,222,212,209,212,212,207,202,199,196,196,202,207,207,204,202,199,186,170,169,178,183,173,115,103,103,105,107,111,117,127,173,125,119,125,194,202,194,186,183,183,189,202,212,209,202,191,186,183,178,129,125,127,133,178,183,191,196,196,194,194,196,196,191,189,189,189,194,199,199,196,196,196,189,186,186,194,204,209,209,207,209,215,222,225,222,212,204,196,191,194,199,207,212,204,202,202,204,199,194,189,186,135,124,124,125,133,189,196,199,199,199,196,199,204,209,212,215,215,212,207,207,207,209,209,212,212,212,209,204,202,207,212,212,204,203,207,212,215,209,207,207,209,209,212,212,204,199,199,202,194,192,204,204,202,199,199,202,199,199,199,202,202,202,204,207,207,199,191,189,190,196,202,202,196,194,189,141,141,141,189,199,202,194,191,196,202,202,204,207,204,202,204,212,217,217,217,215,207,202,204,207,207,207,209,209,207,203,204,209,207,204,207,204,200,200,204,207,202,196,199,202,202,202,202,207,207,204,202,199,199,202,202,204,207,207,204,204,207,209,207,204,202,199,196,196,199,204,207,207,204,207,207,207,207,204,199,202,202,199,196,199,202,204,204,204,207,209,212,212,212,209,212,212,209,202,191,191,196,196,139,127,124,125,127,129,131,135,139,186,189,187,191,202,204,199,194,191,186,185,186,191,189,186,194,199,202,202,202,202,202,202,196,189,183,186,194,199,199,199,196,186,131,125,125,129,137,189,194,199,202,199,196,194,194,194,194,199,204,207,204,204,207,212,212,209,207,204,202,202,199,191,141,137,137,186,199,204,204,204,199,196,196,202,202,199,199,202,204,204,202,199,191,186,137,135,133,132,135,189,199,202,202,204,207,207,207,204,207,209,212,212,209,204,199,196,194,199,204,207,204,204,204,207,209,212,215,215,217,217,217,215,217,217,209,204,204,207,209,209,207,204,196,145,196,209,215,217,217,220,217,215,212,212,215,220,225,228,228,222,216,216,222,228,230,230,230,233,235,238,238,241,243,241,230,209,139,125,119,119,119,119,115,103,95,89,89,99,107,115,127,181,194,196,194,189,189,186,173,111,99,100,129,191,204,204,191,186,194,204,209,207,199,194,191,191,189,189,191,194,194,186,133,128,127,129,133,183,194,191,183,178,133,133,133,183,196,204,204,199,191,189,189,186,186,191,189,186,186,183,181,137,137,135,135,137,183,189,194,204,209,202,196,207,215,217,217,222,225,217,209,202,194,191,194,202,207,209,212,212,217,217,217,217,222,222,222,222,217,225,230,230,228,225,225,228,225,215,199,135,119,113,113,121,137,194,202,207,207,204,204,207,212,215,217,225,228,230,225,217,216,222,230,228,226,226,233,238,230,225,224,224,225,230,233,230,222,209,0,0,0,0,0,0,0,207,207,204,196,183,163,150,137,131,130,131,139,144,147,147,152,155,0,173,194,212,0,0,0,212,0,0,0,207,202,199,196,196,196,191,186,186,189,191,194,191,191,189,189,186,137,133,139,199,222,238,246,251,254,255,255,255,255,254,247,246,246,251,255,255,0,255,255,251,241,238,0,0,0,246,243,238,225,204,196,202,0,0,0,241,222,222,238,251,246,215,199,212,254,255,248,228,215,207,194,176,165,163,157,157,157,165,181,196,207,202,194,186,181,170,168,170,173,173,170,176,181,189,196,199,199,199,0,0,0,0,189,183,183,186,183,178,178,178,176,168,123,117,113,111,111,113,119,125,178,191,204,209,207,204,204,209,225,233,238,235,230,228,225,230,233,228,225,230,230,230,233,233,233,228,225,228,230,225,212,209,215,222,212,147,136,133,137,204,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,157,194,191,155,142,144,152,155,135,134,137,126,0,0,0,0,0,0,0,0,0,0,7,108,150,178,170,17,0,0,0,103,155,168,173,176,168,139,137,199,189,0,0,116,118,72,0,43,139,0,0,0,0,103,139,137,137,137,126,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,77,77,72,61,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,168,163,165,168,173,173,160,155,150,147,150,150,155,165,181,189,186,183,183,186,181,170,125,125,127,168,173,176,181,189,199,202,202,196,183,170,181,194,194,189,183,178,121,123,168,168,125,125,168,173,173,176,178,173,168,165,125,125,125,123,121,123,165,173,178,181,183,181,170,112,107,110,115,123,217,196,165,165,170,176,191,199,189,123,113,113,113,113,121,170,183,181,173,173,181,186,186,181,176,168,121,121,170,181,183,186,189,183,173,168,168,173,178,178,170,160,170,183,181,157,113,113,105,101,111,115,155,176,189,194,199,199,199,202,202,204,202,199,199,199,202,204,207,209,209,209,209,207,204,204,204,204,204,204,204,204,207,209,209,207,207,207,212,209,204,199,196,196,195,194,196,204,209,207,202,202,202,204,204,202,204,204,199,189,186,187,194,196,196,194,194,194,196,196,194,183,173,172,176,181,183,183,181,179,181,186,189,191,191,194,199,199,194,191,191,194,194,191,181,178,181,176,57,0,0,0,0,0,0,173,189,191,189,189,186,160,176,196,199,69,0,0,0,144,199,202,209,207,178,107,173,178,164,159,166,173,176,178,178,168,123,125,168,165,125,123,111,102,110,176,178,168,123,125,125,123,123,123,121,117,113,107,85,54,86,183,199,194,106,110,121,183,199,204,207,207,204,199,194,183,129,119,115,117,127,178,186,186,181,176,176,178,181,183,189,194,196,191,176,168,170,170,173,181,194,199,199,202,202,191,165,71,101,186,191,186,181,183,178,165,165,165,173,186,202,199,191,186,183,176,123,163,163,115,83,75,163,189,194,191,189,186,191,199,186,168,125,125,123,117,119,173,183,168,85,80,93,170,183,189,189,183,127,122,125,189,199,196,176,121,125,173,176,176,176,183,191,199,204,207,207,204,194,176,133,183,189,191,189,181,173,173,178,183,186,191,191,189,186,189,189,186,183,178,113,98,103,119,176,181,176,123,105,97,107,123,168,165,176,199,202,194,186,189,189,178,165,163,168,168,163,123,119,117,123,178,191,194,189,178,165,123,168,170,176,186,186,178,127,125,170,183,189,186,189,194,194,194,199,196,186,173,129,173,183,183,178,103,84,99,103,101,93,109,107,102,186,194,194,194,196,196,194,194,194,191,191,189,186,185,186,186,183,182,186,191,194,199,199,183,127,125,125,125,168,191,199,105,86,107,165,170,168,165,123,118,117,119,165,176,181,183,186,191,194,194,191,173,104,103,173,181,176,176,173,127,170,189,202,199,191,183,173,183,199,209,217,215,191,125,123,124,125,129,186,202,207,207,207,204,191,109,98,96,131,178,178,176,173,176,178,176,173,172,173,176,181,183,178,173,131,131,129,131,181,189,194,194,189,176,123,125,176,186,191,194,194,194,191,194,194,194,194,196,199,194,186,181,178,181,186,189,186,183,183,189,194,196,196,196,194,191,189,189,189,191,196,196,191,186,183,186,191,194,202,204,204,202,199,199,194,194,194,194,196,199,196,196,191,186,181,176,131,127,123,121,121,127,181,199,207,209,204,196,186,176,129,129,129,127,176,191,199,199,196,194,189,186,183,178,176,177,181,186,186,183,181,176,173,173,170,168,168,168,168,127,121,117,117,119,123,170,176,178,176,173,173,176,178,181,183,189,191,194,194,194,196,199,199,196,196,196,196,194,191,183,177,176,181,189,191,191,196,199,196,194,196,196,202,204,204,204,202,199,196,186,183,186,189,194,202,204,202,191,176,178,196,199,189,189,196,199,196,189,176,125,125,131,181,194,199,199,196,191,186,178,128,125,127,170,173,170,170,170,129,126,127,170,127,113,111,116,121,121,120,121,125,127,127,131,133,176,178,183,183,181,177,178,183,183,181,137,139,191,199,199,196,194,196,202,207,209,209,209,209,209,212,209,207,204,204,204,204,204,207,209,215,215,215,209,209,209,207,202,198,198,202,204,199,194,194,209,225,228,225,215,204,203,209,225,230,228,225,225,225,225,225,225,222,222,222,225,222,222,217,217,222,225,228,228,230,230,233,233,233,230,228,225,225,230,230,228,228,228,230,230,225,216,216,217,217,217,217,222,222,222,217,212,204,202,202,204,212,212,202,189,191,202,204,204,199,194,199,204,209,209,207,204,199,196,191,186,181,181,181,178,176,173,131,127,127,129,173,173,173,176,183,186,189,191,191,189,189,186,183,183,183,183,183,183,183,183,186,189,191,196,191,178,130,129,129,135,186,183,137,135,186,202,212,215,215,212,212,215,215,209,209,212,212,209,209,215,225,228,225,220,212,207,215,215,212,209,204,202,196,194,196,194,194,196,202,204,199,191,183,176,173,178,183,183,170,117,107,105,105,109,115,125,176,181,176,129,178,207,217,207,191,183,181,189,204,215,212,199,181,127,176,176,127,125,125,129,178,186,196,202,202,199,196,199,199,194,189,186,183,189,194,194,194,196,194,189,186,186,191,199,204,204,204,207,212,222,228,225,215,204,196,189,191,191,194,202,199,199,202,204,204,194,189,186,135,125,125,131,141,196,204,204,202,202,199,202,204,207,212,212,215,212,207,207,209,212,215,215,215,212,212,204,204,209,215,215,209,204,207,215,215,209,204,207,209,212,209,209,204,196,194,196,194,194,202,204,199,196,199,199,199,202,207,207,202,199,202,204,207,202,191,189,190,199,204,202,196,191,141,139,140,141,191,199,196,139,135,189,202,204,207,209,209,207,207,212,217,217,217,212,202,194,199,207,209,209,209,209,207,203,204,209,204,202,204,204,202,202,207,209,204,199,196,202,202,199,199,204,207,204,202,199,199,199,199,204,207,207,202,200,202,207,207,204,204,204,202,199,202,207,204,202,202,204,207,209,209,207,204,204,202,196,195,196,202,204,204,207,207,209,212,212,212,209,209,209,207,204,196,194,196,194,137,127,126,129,133,131,129,129,137,189,191,189,189,196,199,196,196,194,191,189,189,186,181,179,186,196,202,204,204,202,199,196,191,186,183,186,191,194,194,191,186,133,121,118,119,127,135,183,186,189,194,194,194,191,194,196,194,196,202,204,204,204,207,212,212,212,207,204,202,202,199,194,141,136,136,186,199,204,204,199,196,191,194,196,199,196,196,199,202,202,199,199,196,191,139,133,132,133,183,199,207,207,204,202,207,209,209,207,207,209,212,212,212,209,202,199,196,196,199,204,204,204,204,204,207,209,212,215,217,222,222,217,220,217,212,205,205,209,212,212,212,209,207,204,207,212,217,217,215,215,215,212,209,209,215,217,225,230,228,225,217,216,220,228,233,230,230,233,235,238,238,238,241,241,233,217,189,131,129,131,133,133,129,115,99,89,87,93,105,117,129,183,191,199,202,199,191,178,123,109,101,101,117,178,199,202,186,182,185,189,194,196,194,191,189,186,183,183,189,191,189,181,133,129,131,176,176,183,194,194,183,176,133,133,135,186,199,207,207,202,196,194,191,191,194,196,189,183,181,183,183,181,137,137,137,139,186,191,196,207,207,194,187,191,212,217,220,222,225,220,209,199,196,196,202,207,212,215,215,212,215,215,212,212,212,215,222,222,222,225,230,235,233,230,228,228,225,220,209,194,133,121,123,133,145,202,207,209,207,202,202,202,202,204,209,215,222,225,217,215,215,217,228,228,225,222,228,233,233,228,224,224,224,225,222,217,209,207,0,0,0,0,0,0,0,202,199,199,196,189,176,160,150,139,134,134,139,144,150,152,155,0,0,168,189,212,0,0,215,215,0,217,0,212,204,199,196,194,191,186,181,181,186,191,191,183,173,168,173,178,135,133,135,145,215,235,243,246,251,254,254,254,254,254,251,248,251,255,255,0,0,0,0,254,241,235,0,0,0,246,246,238,225,204,195,202,0,0,228,222,217,225,241,251,243,217,207,217,251,255,248,235,228,217,196,165,157,155,155,155,157,0,165,176,183,186,186,191,189,170,0,168,170,176,181,183,183,189,194,199,199,199,202,0,0,194,186,181,181,183,186,183,181,181,181,176,165,121,117,113,113,115,117,121,127,183,196,204,207,205,205,212,225,233,238,235,230,228,222,225,228,225,225,228,228,228,230,233,230,225,222,225,228,222,212,207,209,215,207,145,135,134,141,212,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,191,191,176,155,152,155,157,160,144,137,137,100,0,0,0,0,0,0,0,0,0,0,0,0,7,25,0,0,0,0,0,0,126,178,183,178,176,173,183,199,207,33,0,134,144,126,0,0,9,0,0,5,0,46,126,131,134,134,126,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,20,0,4,56,77,79,79,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,165,173,170,165,157,157,160,157,147,147,112,111,113,121,165,125,121,125,119,115,117,123,170,173,173,176,178,183,191,199,199,199,194,183,181,196,215,212,207,186,176,176,186,194,189,176,170,173,178,176,173,170,168,170,176,176,170,125,123,121,121,165,173,181,186,186,186,176,119,111,115,170,194,199,189,173,170,168,165,176,181,163,119,121,163,117,113,121,178,194,196,191,189,189,194,191,186,178,173,125,121,168,181,183,178,173,173,170,168,163,163,168,173,173,178,191,194,189,178,168,160,101,74,77,89,95,111,170,194,199,199,199,202,202,202,199,196,196,196,199,199,202,204,207,207,207,204,202,202,202,202,202,202,204,207,207,209,209,209,209,209,212,212,207,202,202,204,202,196,196,204,207,207,204,202,202,202,199,199,199,199,196,191,187,189,194,194,189,189,191,194,196,196,196,183,172,169,172,178,181,183,181,181,186,194,196,194,194,196,199,199,196,194,196,199,196,191,191,194,181,57,0,0,0,0,0,0,0,168,194,196,191,186,181,173,176,189,215,199,0,0,41,170,191,202,202,199,194,189,183,183,170,164,170,176,173,173,168,123,119,121,165,170,170,125,113,101,110,168,125,115,123,178,173,117,111,111,101,82,83,93,93,93,178,196,204,196,108,107,115,178,199,209,209,209,204,199,194,183,129,116,113,116,129,183,191,189,186,183,183,183,183,183,189,191,194,181,117,115,125,183,186,189,194,194,194,202,204,194,165,63,89,191,199,199,199,199,183,164,161,168,186,202,204,196,194,194,189,65,51,163,170,121,111,103,123,173,183,186,186,186,191,194,178,165,125,165,170,173,176,176,181,173,105,93,109,125,178,186,189,178,125,122,127,191,199,196,173,117,119,129,129,125,127,181,196,202,202,202,202,202,196,181,176,181,186,191,194,191,183,189,194,194,191,189,186,181,183,186,178,165,170,165,109,103,121,170,178,183,183,173,96,68,113,170,173,118,117,183,199,194,191,191,194,186,176,176,178,170,123,121,117,115,117,163,176,181,178,165,121,122,170,178,181,183,186,176,127,129,178,186,186,185,186,191,194,194,196,194,183,178,176,178,186,189,189,176,99,95,103,115,121,119,109,108,181,189,189,194,196,196,194,194,194,191,194,189,185,185,186,189,189,186,186,191,191,196,196,178,121,123,170,178,186,207,217,89,73,89,176,176,173,173,170,123,119,119,125,170,176,178,183,189,191,186,173,111,106,109,181,186,168,125,125,123,125,178,191,194,186,173,116,123,191,207,209,204,189,173,127,126,124,124,129,186,199,204,202,194,127,104,103,113,186,183,181,181,181,176,173,173,173,176,176,178,183,183,176,131,131,131,131,173,178,183,189,189,181,129,125,129,186,191,191,194,199,199,194,194,196,194,196,199,196,189,181,133,131,131,178,186,189,189,186,189,194,194,196,199,196,191,187,187,189,194,194,194,191,186,183,186,194,199,202,204,204,202,202,199,196,194,194,194,199,199,199,196,191,186,181,176,173,129,121,115,113,117,127,186,199,202,202,199,194,178,127,127,170,170,181,194,199,199,196,194,189,186,183,181,181,183,189,194,194,191,183,176,172,173,176,178,173,168,168,125,121,117,115,116,121,170,183,183,181,176,176,176,176,181,186,191,196,196,196,196,199,199,202,202,202,202,199,194,191,186,177,176,183,189,189,187,191,196,194,194,196,202,204,207,204,202,199,194,186,178,178,181,186,191,199,204,204,189,172,177,202,204,194,194,196,196,191,181,127,119,121,127,178,191,196,199,194,191,186,173,126,125,127,173,181,181,176,173,129,127,128,176,178,129,117,119,125,127,125,125,125,129,133,176,176,178,191,194,186,178,176,178,186,189,189,186,189,196,204,207,204,202,199,202,204,207,209,209,209,209,209,209,204,204,204,204,204,207,207,209,212,217,217,215,209,207,202,198,199,207,212,209,202,195,199,215,228,225,215,204,204,207,215,225,228,222,217,222,225,225,225,225,217,215,217,222,225,228,225,225,225,228,230,230,230,230,230,233,233,230,225,224,225,228,230,228,228,230,230,228,225,217,216,217,217,215,212,212,215,217,217,215,207,203,204,212,217,217,207,196,199,207,207,204,196,194,196,204,207,207,207,204,199,194,189,183,178,178,181,178,176,173,131,127,125,127,127,123,125,129,181,186,189,191,191,189,189,186,186,183,181,181,183,181,178,178,183,189,191,191,189,181,133,130,128,130,181,191,191,186,189,199,212,217,215,212,212,215,215,212,212,215,212,209,212,222,225,222,215,212,207,204,207,212,209,207,199,191,186,186,194,196,194,194,194,194,191,181,127,129,181,183,178,173,129,123,109,105,105,105,109,117,127,176,176,170,181,204,215,207,189,174,173,183,202,209,207,191,125,119,127,127,123,123,125,129,176,186,194,199,202,199,199,199,199,194,191,186,181,183,191,194,196,202,202,194,189,189,191,196,199,202,204,207,212,217,222,222,215,199,176,179,183,178,174,183,194,199,199,204,207,199,191,189,183,135,133,135,141,196,207,209,209,209,207,204,204,204,207,209,209,209,207,209,212,215,217,217,215,212,209,204,207,212,217,217,209,207,209,212,212,204,199,199,207,209,207,209,207,196,141,186,194,196,199,196,194,194,199,202,207,209,212,209,204,198,199,204,207,204,196,191,194,204,209,207,202,196,186,140,141,186,191,196,191,128,123,137,202,207,207,209,209,209,212,215,217,220,217,212,199,191,192,204,209,209,209,209,209,204,207,209,202,196,199,204,202,202,207,209,202,196,196,199,202,199,199,202,204,204,199,198,199,199,198,202,207,207,202,200,202,204,207,204,204,204,202,199,199,202,199,198,199,204,209,212,215,212,209,207,204,196,195,196,202,204,204,204,204,207,209,212,209,209,204,202,202,202,199,196,194,191,137,129,129,133,135,131,129,131,139,194,199,196,196,199,202,199,196,196,194,189,186,183,178,176,183,196,204,207,204,199,196,191,189,186,183,186,186,186,186,183,135,127,119,117,119,129,137,137,135,139,186,189,191,191,194,194,194,196,199,202,202,199,202,207,209,209,207,204,202,202,199,194,139,136,137,189,202,207,204,199,191,189,189,194,194,194,194,196,199,199,194,191,191,189,139,133,133,137,191,204,212,209,204,204,207,209,207,204,202,202,204,207,209,209,207,204,199,199,196,199,202,204,204,204,204,207,212,215,217,222,222,222,222,222,217,212,212,215,215,215,215,215,215,215,217,217,217,215,215,212,212,209,207,207,212,217,225,228,228,225,222,217,217,228,233,230,230,230,233,235,235,235,238,238,235,222,204,191,191,196,194,191,186,127,109,93,87,91,107,121,181,194,191,194,199,199,194,181,127,117,107,109,119,133,196,204,191,186,183,183,186,191,194,189,183,178,176,176,181,183,181,176,129,131,178,181,178,183,196,196,186,176,133,135,181,191,199,204,202,199,196,194,194,194,194,194,186,179,179,183,183,137,131,131,135,139,183,189,196,209,212,191,182,183,209,217,217,222,225,225,212,202,196,196,204,209,217,220,215,209,207,209,209,207,207,209,215,217,217,217,228,235,238,235,230,228,225,222,215,202,141,133,137,147,199,207,209,209,204,202,200,202,202,204,209,215,220,222,220,216,215,217,225,228,226,225,226,230,235,233,228,228,233,233,228,215,204,204,209,0,0,0,0,0,0,196,189,189,191,189,178,165,157,150,142,137,139,147,152,157,160,0,0,0,181,204,0,0,217,222,225,225,225,217,212,207,202,196,194,183,178,176,183,189,183,168,119,113,115,123,131,137,139,194,215,235,246,246,246,251,254,251,251,254,255,255,255,255,0,0,0,0,255,251,241,233,0,0,243,246,243,235,222,204,195,202,0,0,217,213,215,225,241,248,238,217,207,215,235,248,248,246,243,230,199,163,153,153,153,155,155,155,0,163,168,173,183,202,199,170,165,166,170,181,186,186,181,181,186,191,194,196,199,202,202,194,189,183,181,183,183,183,181,181,181,181,168,121,117,117,119,123,123,121,125,135,191,202,207,207,207,212,222,230,235,233,230,228,222,222,225,225,225,228,228,225,228,230,225,220,218,222,228,222,212,207,207,207,202,141,135,136,149,217,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,189,183,157,147,152,157,155,147,147,144,147,137,131,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,181,194,189,189,191,196,202,217,142,43,85,139,116,22,0,0,0,0,0,0,0,56,121,121,126,121,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,66,40,4,48,79,79,74,72,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,160,173,168,155,153,157,163,160,155,157,150,111,113,119,123,119,117,117,115,114,118,173,183,181,178,178,178,183,191,196,196,196,194,186,189,204,222,228,228,181,166,176,194,204,199,183,173,176,181,181,173,125,123,170,181,181,173,123,121,120,120,123,170,178,183,186,183,176,170,165,165,176,189,189,181,173,168,121,115,121,160,119,121,176,178,121,117,168,186,199,202,199,194,194,199,196,191,183,178,165,121,165,173,173,168,168,178,178,165,120,120,160,163,163,178,194,194,186,181,181,176,75,61,65,70,75,95,155,183,194,196,199,202,202,202,199,199,196,196,196,196,199,202,204,207,204,202,202,202,202,202,202,200,202,204,207,207,209,209,209,209,212,212,209,207,209,212,207,202,199,204,204,204,204,204,202,196,196,195,196,199,196,191,189,189,189,187,186,187,191,194,194,191,191,186,178,173,173,176,181,183,183,186,191,199,199,194,191,191,194,196,196,196,199,199,194,191,191,194,57,0,0,0,0,0,0,0,0,131,196,199,194,181,176,173,170,183,191,186,39,0,150,178,189,194,194,196,202,196,189,183,173,168,178,181,176,176,173,163,118,118,123,173,178,170,115,106,115,119,106,106,119,183,183,109,107,111,101,71,72,97,113,178,194,202,202,189,117,111,117,176,199,209,209,207,202,196,194,186,131,121,117,123,178,191,194,191,189,186,186,189,189,186,189,191,189,125,110,111,176,196,191,178,178,186,194,202,202,194,117,60,107,191,202,209,207,204,191,164,163,176,196,207,207,196,194,196,199,61,43,109,173,173,176,121,119,117,165,176,181,186,191,189,170,125,125,170,176,178,178,173,178,181,165,117,119,125,181,191,189,178,127,127,181,194,199,196,178,121,119,121,116,115,123,183,199,202,196,196,199,199,191,176,172,172,174,186,194,194,194,196,199,199,194,191,186,181,181,183,105,75,109,117,111,115,165,176,181,186,191,183,95,64,115,173,173,117,113,119,181,189,194,191,189,181,176,181,181,163,115,117,119,117,115,119,165,170,170,123,120,123,178,183,178,176,178,173,129,176,183,186,186,186,189,191,194,196,199,194,183,181,181,183,189,189,189,191,123,93,95,113,129,125,117,119,176,183,189,194,196,194,191,191,191,194,194,194,191,186,186,189,191,191,191,194,194,196,199,176,119,123,176,189,199,209,215,80,70,105,178,173,168,170,170,165,123,123,125,168,170,173,178,186,189,181,119,107,109,123,183,181,121,119,119,119,120,125,173,181,176,125,117,119,173,194,199,191,181,178,181,178,129,125,126,176,189,191,186,121,103,103,115,129,186,178,178,181,178,173,131,131,173,181,181,178,181,183,173,131,173,173,131,173,178,181,186,183,176,127,128,181,191,194,191,194,199,196,191,194,196,196,196,194,186,133,131,131,127,126,131,186,194,191,189,189,191,191,194,196,196,189,186,187,191,196,196,194,191,186,182,183,194,199,202,199,199,199,196,194,191,189,189,194,196,199,199,196,191,189,183,181,176,129,117,112,111,113,123,178,189,194,194,194,189,176,125,125,170,176,186,194,196,196,196,194,189,183,183,186,189,191,196,196,196,194,189,181,176,176,181,181,173,168,127,125,123,121,116,115,119,127,178,181,178,176,176,176,178,183,189,191,196,199,199,196,196,199,202,204,204,204,196,191,189,191,183,177,186,191,191,187,194,196,194,196,199,204,204,204,204,202,196,189,178,174,176,181,189,194,204,207,204,191,174,181,204,204,194,194,191,189,186,178,127,119,121,125,173,181,186,191,191,189,183,173,128,129,170,173,176,178,173,173,170,129,129,176,183,183,176,131,173,178,178,173,133,176,176,176,174,178,196,199,189,181,177,181,186,191,191,191,191,196,207,209,209,204,202,202,202,207,212,212,209,209,209,209,207,204,204,204,207,207,207,209,212,217,217,215,212,204,198,195,199,209,215,212,202,196,202,217,225,217,204,200,207,222,228,228,225,209,207,215,222,225,225,222,215,212,215,222,228,228,228,228,228,228,230,230,230,228,230,230,233,230,228,224,225,228,230,228,228,228,230,228,225,222,222,222,217,212,209,207,207,209,212,212,207,204,207,212,217,217,207,199,202,207,209,204,199,194,194,199,202,202,204,202,196,191,183,181,178,178,178,176,176,173,129,125,123,123,119,116,117,125,176,183,186,186,186,186,186,186,186,183,181,178,178,176,133,178,186,194,191,189,186,186,186,137,131,128,130,183,189,191,196,202,209,215,212,207,209,212,212,209,207,209,209,209,212,222,222,212,204,204,204,207,209,209,207,202,194,186,139,139,189,191,189,183,181,181,178,129,119,121,173,178,170,129,129,127,119,115,113,109,105,109,121,129,125,123,170,191,204,199,178,168,169,183,202,209,202,186,125,120,123,121,120,121,127,133,178,183,189,194,199,199,199,199,196,194,191,186,137,181,189,191,199,209,209,204,199,196,196,199,202,202,204,207,212,212,215,217,212,199,166,178,183,173,170,183,196,202,199,204,207,202,191,139,139,139,137,135,139,191,204,212,212,212,209,207,202,202,204,207,204,204,207,209,215,217,217,217,215,212,207,204,207,215,217,215,209,209,209,212,209,202,195,195,202,204,207,209,212,196,129,131,189,191,139,137,186,196,204,207,209,215,212,209,202,198,198,202,207,204,199,196,202,212,215,209,204,202,196,189,189,189,191,196,143,124,117,129,204,212,207,207,209,212,215,220,222,222,222,215,199,190,190,199,207,209,209,209,209,204,204,204,196,192,196,202,202,202,207,207,202,194,194,196,199,196,194,196,202,202,199,198,198,198,198,202,207,207,204,202,202,207,207,207,204,204,199,198,196,198,199,199,202,204,209,215,215,212,207,204,202,199,196,199,204,204,204,204,204,204,207,209,209,207,199,194,194,199,202,199,194,189,137,131,129,131,131,131,131,137,189,196,202,204,204,204,202,196,191,191,191,189,186,183,181,181,191,199,204,207,204,199,196,191,189,189,186,183,137,133,133,131,131,129,123,119,123,135,137,134,132,134,139,186,186,189,191,194,194,196,202,204,202,199,199,202,204,204,204,202,202,199,199,194,138,137,141,196,202,204,202,199,191,189,189,191,194,194,194,196,196,194,186,137,135,137,135,133,135,139,191,204,212,212,209,207,207,207,204,202,196,194,196,199,204,207,209,209,207,204,202,199,199,204,207,204,202,202,207,212,215,217,217,217,222,225,222,217,217,217,217,215,212,212,215,220,220,217,215,215,212,212,209,207,205,207,209,215,225,228,225,222,217,216,217,228,233,228,225,225,228,230,230,233,235,238,238,233,222,215,217,215,209,204,196,181,115,97,88,91,103,119,183,199,189,181,186,196,199,189,176,129,129,133,178,183,202,209,204,202,191,186,189,194,194,189,181,133,130,131,176,176,133,129,127,129,178,178,133,181,196,199,191,183,181,183,189,196,199,199,194,189,191,194,194,191,189,186,183,181,181,181,137,130,128,130,135,183,183,189,196,209,212,196,185,186,209,217,217,217,225,225,217,204,194,195,204,212,217,217,212,204,202,204,207,204,203,204,209,215,215,212,220,233,241,238,233,228,225,222,217,212,199,147,194,202,207,209,212,209,204,202,202,204,207,209,212,215,217,222,222,222,216,216,222,228,230,233,233,233,235,235,235,243,251,251,241,222,203,202,207,215,0,0,0,0,0,196,189,183,181,173,165,157,155,152,147,144,144,147,155,160,163,0,0,0,173,196,0,0,217,222,228,228,228,225,222,215,207,204,199,189,178,173,176,181,173,117,105,101,99,107,125,183,194,204,222,241,248,248,246,248,251,248,248,254,255,255,255,255,0,0,0,0,255,251,235,230,0,0,241,243,241,233,217,204,195,202,0,0,217,213,215,225,238,243,235,215,205,207,222,233,238,243,243,230,196,168,155,153,155,155,155,152,0,157,160,165,183,212,207,173,168,170,176,183,186,181,173,170,176,181,186,189,196,199,199,196,194,189,183,181,181,181,179,181,183,181,173,121,119,121,127,178,176,127,129,137,194,204,207,207,207,212,217,228,233,233,230,225,217,217,222,225,225,228,225,225,225,228,222,218,217,222,228,222,215,209,204,202,149,141,137,141,199,217,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,163,152,139,142,150,150,144,142,139,142,144,144,142,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,189,196,194,194,196,199,202,196,144,33,0,87,40,27,0,0,0,27,61,61,25,17,46,90,111,111,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,59,33,30,66,92,77,59,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,160,173,165,155,155,160,160,160,170,178,173,163,160,165,168,163,121,119,118,121,176,189,191,186,181,178,178,181,189,194,194,191,191,194,196,207,222,228,233,176,160,166,183,196,194,181,170,173,176,176,165,122,121,168,178,178,168,123,121,121,120,121,165,170,173,176,170,168,170,170,165,160,163,165,121,119,160,115,113,115,121,160,170,189,183,165,168,181,191,196,199,196,191,194,196,196,191,183,176,163,121,125,165,165,165,173,191,191,168,120,121,121,119,117,109,101,168,178,173,176,173,91,74,75,73,81,152,165,173,186,194,196,199,202,202,199,199,199,196,195,196,196,199,202,204,204,202,202,202,202,204,202,202,204,207,207,207,207,209,209,212,209,209,209,209,212,215,209,204,202,204,204,204,207,207,202,196,195,195,195,196,199,196,191,189,189,187,186,187,194,199,196,189,186,186,189,183,178,176,178,183,189,191,199,202,199,191,189,189,189,190,191,194,196,196,191,189,194,186,0,0,0,0,0,0,0,0,0,59,199,202,199,186,178,169,166,181,178,170,155,103,157,186,191,189,186,191,199,186,186,178,159,153,168,178,181,186,183,168,118,116,118,170,178,173,115,110,119,115,99,103,117,176,183,107,107,125,121,69,69,109,125,186,196,202,196,181,127,123,123,176,196,207,207,202,194,194,194,186,173,125,125,131,183,191,196,194,191,189,191,191,191,191,191,191,186,121,111,115,189,199,183,157,159,173,189,194,194,189,70,47,109,191,202,209,207,202,194,168,164,181,199,207,204,199,194,199,209,163,53,99,176,189,186,170,117,109,117,168,176,183,189,189,170,124,165,173,176,173,165,124,173,178,168,121,121,125,183,191,189,178,173,181,191,199,199,196,189,173,127,119,113,111,127,186,199,199,196,194,196,196,191,178,173,172,173,183,189,191,194,196,196,196,194,194,191,183,178,178,65,28,77,103,109,119,125,176,183,189,194,186,107,82,117,173,176,123,115,117,170,186,191,189,176,165,173,183,178,111,103,111,117,117,115,117,121,163,165,122,120,125,186,186,173,127,168,125,127,178,186,186,189,191,194,196,194,196,202,191,183,181,183,183,189,186,186,199,199,113,93,103,125,125,121,127,178,186,191,196,196,191,191,191,191,194,196,196,196,191,181,181,189,196,196,202,199,202,202,173,117,125,176,191,199,202,196,77,74,181,183,173,168,168,165,123,125,170,170,173,176,176,178,186,191,186,121,109,121,176,181,176,120,118,119,120,121,121,127,173,173,127,123,122,127,181,186,181,173,176,186,186,176,127,126,129,176,178,129,102,98,104,123,129,173,129,131,173,173,130,130,131,176,183,189,181,176,176,173,173,178,176,173,176,178,183,189,189,178,129,178,189,194,191,191,194,196,194,189,191,194,191,189,181,125,105,117,127,127,126,129,189,194,189,186,189,191,191,194,194,191,187,186,189,194,199,199,196,194,189,182,183,194,199,199,196,194,194,191,186,181,181,183,191,196,196,194,191,194,191,189,183,178,131,115,113,113,119,127,178,181,183,186,183,178,170,123,125,170,178,189,194,196,194,191,191,183,178,181,186,194,196,196,196,196,196,194,189,181,181,181,181,173,129,129,129,129,127,121,117,119,125,127,129,170,173,176,178,183,186,189,191,196,199,199,199,199,199,204,207,207,202,191,187,189,191,186,176,183,194,194,191,196,196,194,196,199,202,204,202,202,199,196,186,177,176,178,189,196,202,207,207,204,191,177,186,202,196,191,189,186,183,183,181,131,121,119,121,125,131,176,181,186,189,178,173,176,183,181,129,128,170,170,170,173,170,127,127,173,183,191,186,183,186,186,183,183,186,181,176,173,176,194,199,194,189,183,183,189,194,196,194,191,196,207,212,212,207,204,204,204,207,212,215,215,212,212,209,209,207,204,207,207,207,207,209,215,217,217,215,212,207,199,196,198,207,209,207,199,196,204,217,222,212,200,199,212,230,233,230,217,200,198,207,222,228,225,217,209,209,215,225,225,228,225,225,225,228,230,230,230,228,228,230,230,230,230,228,228,233,233,230,228,228,228,228,228,225,225,225,222,215,209,205,204,204,207,209,209,207,207,212,215,215,207,202,202,204,207,204,196,191,191,194,196,196,199,196,194,186,181,181,181,178,176,173,173,131,127,125,121,119,116,114,116,125,176,181,183,183,183,183,186,186,183,181,178,176,176,132,133,178,191,196,196,189,189,194,194,191,181,128,126,131,139,196,204,204,207,212,209,204,204,209,212,207,205,205,207,209,215,222,217,204,200,202,207,212,212,209,204,196,189,141,137,135,137,181,137,129,127,127,127,121,113,113,117,123,129,170,173,173,173,178,181,127,111,111,121,170,115,115,123,178,194,194,176,166,170,186,204,209,204,186,129,123,123,121,119,121,129,176,181,183,189,191,194,196,199,199,196,194,191,181,135,136,183,191,199,212,217,212,207,204,204,204,204,202,202,207,209,209,212,215,215,207,191,199,199,179,178,202,204,199,196,199,202,196,183,135,135,137,135,134,135,189,202,209,209,212,209,207,202,202,204,207,202,200,204,209,215,217,217,215,215,209,207,204,207,212,215,212,209,209,212,215,209,202,195,195,199,202,202,207,209,196,122,123,137,139,115,123,141,204,212,212,212,212,209,204,202,198,199,202,207,204,202,199,204,212,215,207,204,202,202,196,194,194,196,194,141,123,116,135,207,212,207,205,207,212,215,217,220,222,225,220,207,192,190,194,202,204,207,209,207,202,199,199,192,191,194,202,202,204,209,207,196,191,189,191,194,194,194,196,199,199,199,199,199,199,202,204,209,207,204,204,204,207,209,207,207,204,204,199,199,202,202,202,204,207,212,212,212,207,200,200,202,202,199,204,207,207,207,207,204,204,204,209,209,207,196,190,190,196,202,202,194,186,135,129,128,129,131,133,135,183,191,194,196,202,202,199,194,189,186,186,189,186,189,191,194,194,199,204,207,204,204,202,199,194,189,191,191,183,133,129,128,129,131,133,129,125,129,183,139,132,131,135,139,186,186,189,194,196,196,199,204,207,204,199,196,199,199,199,202,202,199,199,196,191,138,139,194,199,196,196,199,202,196,189,186,189,191,196,196,199,196,191,137,127,123,125,127,131,135,139,189,199,204,207,209,209,207,204,202,199,194,191,191,191,194,199,207,209,212,212,209,204,199,202,204,204,199,199,204,207,209,212,212,215,217,222,222,217,217,217,217,215,212,211,212,217,220,217,215,215,212,209,209,209,207,207,209,215,222,228,225,222,217,216,217,230,235,228,218,218,222,225,230,233,238,241,243,238,235,230,230,228,215,204,194,133,111,97,89,89,95,107,176,194,183,126,129,191,207,199,183,181,189,196,194,194,204,212,212,217,199,191,191,194,191,181,133,131,130,131,131,129,127,123,123,125,129,129,127,176,196,204,202,196,194,196,196,196,196,191,189,186,191,199,199,194,186,186,186,183,181,137,133,128,128,131,139,189,189,189,196,207,212,207,194,199,215,217,217,217,220,222,212,196,191,194,202,209,215,215,207,199,199,202,204,204,203,203,209,212,212,211,217,230,238,238,233,228,225,225,222,222,217,207,204,207,209,212,209,207,204,202,204,207,209,212,215,215,215,217,225,225,217,216,217,228,235,241,241,241,241,243,243,251,255,255,248,230,207,203,204,209,0,0,0,0,0,202,194,0,170,160,152,150,151,155,155,150,147,150,155,0,0,168,0,0,173,194,209,0,217,222,225,228,228,228,225,217,209,207,204,191,178,170,170,170,160,109,97,93,92,95,115,191,204,215,233,248,254,251,248,248,251,246,243,248,255,255,255,255,255,0,0,0,255,248,235,228,0,0,235,241,238,230,215,202,196,204,0,0,215,215,217,225,0,0,233,215,205,205,212,220,220,228,230,217,194,176,165,160,160,157,152,152,152,155,155,160,186,215,207,178,173,178,181,183,183,173,163,160,165,173,178,183,191,196,199,199,199,196,189,183,181,181,181,181,181,178,168,121,119,121,173,186,186,178,178,189,199,207,207,204,204,209,215,222,228,228,228,225,217,215,217,222,225,225,222,222,225,225,222,217,216,222,228,225,217,209,204,199,149,143,143,147,204,217,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,131,142,152,155,150,139,137,135,135,150,155,152,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,199,196,199,196,194,194,176,152,72,0,0,0,0,0,0,113,194,199,204,147,12,1,59,82,90,56,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,27,33,79,61,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,170,183,160,155,163,163,157,163,178,194,196,183,165,121,163,165,165,168,127,170,183,191,191,183,178,176,176,178,189,194,191,191,191,194,194,204,215,228,222,181,164,166,170,178,178,170,168,168,168,125,122,122,123,170,178,176,168,123,123,123,125,165,165,165,163,163,121,123,163,117,98,83,87,96,100,111,119,121,112,113,119,168,173,176,173,170,176,186,194,199,199,194,189,189,194,194,189,183,173,123,121,163,165,165,170,178,191,191,165,163,168,163,119,113,96,57,56,60,155,176,178,155,181,196,204,181,178,173,168,176,186,191,196,204,199,196,202,199,196,196,199,199,202,202,204,202,204,202,202,207,209,207,204,207,209,212,212,209,212,212,209,207,207,209,209,212,212,207,202,202,204,204,204,207,209,207,202,199,196,196,196,196,199,194,187,189,189,189,191,196,202,199,191,185,185,194,191,183,178,174,186,196,199,204,204,199,194,190,189,189,190,190,191,191,191,186,183,181,47,0,0,0,0,0,0,0,0,0,29,191,199,196,186,176,173,170,176,163,160,160,157,168,186,194,186,179,189,189,173,170,170,152,147,163,173,178,191,183,165,121,119,123,170,173,123,111,115,119,117,114,114,123,176,176,110,109,165,168,76,73,109,170,191,202,199,183,176,173,170,127,127,183,204,204,194,189,189,194,189,173,125,127,176,183,189,191,191,191,191,194,194,194,191,189,186,176,127,121,168,183,189,159,160,159,168,178,160,109,83,37,39,93,196,199,204,204,202,191,173,165,186,199,207,202,196,194,199,212,186,35,37,165,186,189,189,173,117,119,163,173,183,189,186,176,165,168,173,173,165,125,125,168,170,165,121,119,123,183,191,189,181,178,186,196,202,199,199,194,131,125,125,119,125,178,189,196,199,199,196,194,194,191,189,183,183,183,183,183,186,191,194,196,194,194,196,194,186,173,113,35,0,28,101,107,115,119,173,183,189,189,178,113,99,119,168,173,170,165,168,178,189,191,183,78,104,191,194,189,83,3,1,75,111,117,117,117,123,163,118,117,125,183,183,170,127,123,114,120,181,186,189,194,194,196,199,199,196,191,186,183,183,186,186,186,186,191,199,199,186,107,103,111,121,125,173,181,186,191,194,194,194,194,194,194,194,194,194,194,194,181,156,196,196,202,207,207,204,202,119,113,121,176,189,199,170,68,78,165,189,191,183,183,178,168,116,118,170,181,183,183,181,186,191,194,186,168,127,173,178,178,170,125,121,121,127,127,125,168,173,173,170,170,173,176,178,178,176,169,169,183,186,178,170,129,129,170,173,129,111,105,117,129,131,128,127,129,131,130,130,131,173,178,181,186,181,131,129,131,176,178,178,176,178,181,189,196,196,189,178,183,189,191,191,194,196,194,189,186,191,194,186,127,106,97,89,91,125,131,127,131,183,186,181,183,186,189,191,191,191,189,187,187,191,199,202,202,194,189,183,183,186,191,196,199,196,194,194,191,181,135,136,183,191,194,191,187,189,191,194,191,189,186,181,131,125,123,127,170,176,173,173,178,129,122,120,119,123,173,181,186,191,191,189,186,183,178,173,173,181,191,196,196,194,194,196,196,189,183,181,181,176,170,170,170,173,173,127,123,121,123,123,123,127,170,176,178,183,186,189,189,191,194,196,199,199,199,202,207,209,207,199,189,186,189,191,178,174,181,194,196,194,194,194,194,194,194,199,202,202,199,196,194,189,183,183,191,202,204,207,209,209,202,186,178,181,189,189,183,183,183,183,183,181,131,119,115,117,121,125,131,176,181,183,176,129,176,189,186,170,128,129,127,127,176,173,123,111,113,183,189,189,189,186,189,191,196,194,183,178,176,183,194,199,196,194,191,189,191,196,199,196,194,199,209,215,215,209,207,209,207,209,215,217,217,215,215,212,212,209,209,209,209,207,207,212,217,217,217,212,209,209,207,204,202,202,199,199,149,196,204,222,222,207,198,202,217,230,230,228,212,199,196,202,222,228,217,209,209,212,217,225,225,225,225,225,225,228,230,233,230,230,228,228,230,230,230,230,230,233,235,230,228,226,228,230,228,228,225,225,222,217,215,209,205,205,207,212,212,209,209,212,212,209,204,199,196,199,202,199,191,189,191,189,186,189,191,194,191,183,181,181,181,176,173,173,131,129,127,125,123,123,117,117,121,127,178,181,183,183,183,183,183,183,183,181,178,178,176,133,133,181,191,199,199,194,194,199,202,196,189,133,128,130,183,202,209,207,207,209,209,204,204,207,207,207,205,205,209,212,212,217,215,204,200,203,209,212,212,209,207,202,191,141,137,133,127,127,125,119,115,117,119,117,109,105,111,119,129,178,181,176,181,191,199,196,176,123,129,173,112,112,121,176,186,186,178,172,173,181,199,209,207,191,173,127,125,123,121,125,129,176,181,186,186,186,189,194,196,199,199,199,189,137,134,135,183,194,204,209,212,212,209,207,204,204,204,202,202,204,209,209,212,212,215,212,209,212,204,194,199,207,204,196,195,199,202,191,139,137,137,137,137,137,186,196,202,204,207,212,209,204,199,202,209,212,204,198,200,212,217,215,212,209,212,212,209,207,207,209,209,208,208,212,215,215,209,204,196,196,196,196,196,202,207,204,141,125,119,113,107,127,194,209,217,215,209,207,204,202,202,199,202,202,204,204,199,199,202,209,209,207,204,202,202,199,202,207,207,199,137,128,133,191,202,207,207,207,209,212,212,212,212,215,222,222,212,199,192,194,196,202,207,207,202,199,199,196,194,192,194,202,204,207,207,199,191,143,141,143,189,194,194,194,196,199,202,204,207,207,209,212,209,207,207,207,207,212,209,207,204,204,207,207,207,207,204,204,207,212,212,212,209,204,199,199,202,204,204,204,207,209,209,209,207,204,204,207,212,209,199,190,187,191,199,202,196,186,135,131,133,183,186,139,139,183,189,194,194,189,189,191,189,185,183,186,186,186,194,202,199,196,199,204,204,202,202,204,199,189,187,194,196,189,137,131,133,135,137,137,131,129,135,183,137,132,134,139,186,186,189,196,204,202,202,202,202,204,204,196,191,194,194,196,199,202,199,196,191,141,137,191,199,196,194,196,202,202,199,189,182,181,186,196,202,199,194,139,127,121,120,121,125,127,135,139,183,191,196,204,207,209,204,202,199,199,196,191,139,137,138,191,202,207,209,217,217,209,199,196,199,199,199,199,202,204,204,207,212,215,217,217,217,215,215,212,215,215,215,211,212,215,222,222,220,215,212,209,209,209,209,212,209,212,225,230,228,225,222,216,220,230,235,230,220,217,218,222,228,233,238,241,241,241,238,238,238,233,222,199,133,121,105,93,91,91,91,101,129,189,181,124,123,183,209,212,199,194,207,215,207,202,209,215,215,215,202,194,194,191,181,131,130,131,135,133,127,123,121,117,117,121,125,124,125,176,196,207,207,202,196,196,196,189,183,186,186,191,196,204,207,199,194,191,191,186,181,137,133,130,131,137,186,191,189,191,196,207,215,217,212,212,217,222,222,217,217,212,207,196,191,194,204,212,212,207,202,199,199,199,199,204,204,204,207,212,212,212,217,222,228,228,230,230,228,228,228,233,233,225,215,209,209,209,209,207,204,199,199,204,212,215,209,204,207,215,225,228,222,216,216,222,228,235,243,246,248,0,0,246,254,255,0,0,215,212,207,204,0,0,0,0,0,0,204,186,168,157,151,150,151,160,163,155,150,152,157,0,0,173,176,178,183,0,212,217,220,222,225,225,225,225,222,217,212,209,204,189,176,170,168,165,155,103,95,92,92,92,101,191,212,228,241,251,255,254,251,251,251,246,241,241,248,254,255,255,255,255,255,255,255,246,235,228,225,0,235,238,235,225,212,199,194,202,212,215,212,215,222,0,0,0,222,215,209,209,212,212,207,207,209,204,191,181,173,168,165,163,157,152,152,152,115,155,178,199,199,186,181,181,183,186,181,173,163,159,160,168,173,178,186,194,202,202,204,204,199,191,183,183,186,183,178,170,123,119,115,117,125,178,183,186,189,196,204,207,207,204,204,207,212,215,222,225,222,217,217,212,212,222,225,222,220,222,228,228,222,217,218,225,230,225,215,209,204,202,199,196,196,202,209,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,165,170,178,170,144,135,134,137,157,168,168,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,196,194,191,186,178,173,139,105,38,0,0,0,0,0,0,150,194,199,196,176,43,5,53,35,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,25,33,46,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,186,178,160,152,155,155,157,163,176,199,199,181,155,116,118,123,165,170,170,173,178,181,178,176,176,173,173,178,191,199,194,191,194,191,178,183,202,212,199,183,183,176,170,168,168,170,173,170,165,123,123,123,165,170,176,173,168,165,165,168,170,173,170,163,121,117,117,121,113,99,96,95,101,101,109,121,163,165,115,114,119,168,168,168,168,176,181,189,194,202,202,194,186,186,191,191,186,181,173,123,119,123,165,170,176,178,181,176,163,160,163,157,157,155,105,79,77,85,173,189,191,181,189,199,204,191,173,173,163,168,176,181,183,196,199,196,196,199,202,202,202,202,204,202,199,199,199,199,202,207,207,207,209,207,209,212,212,215,212,207,202,199,202,204,207,209,207,204,202,199,199,196,194,199,207,209,207,202,199,196,195,196,196,191,189,189,194,196,194,196,199,202,196,189,189,196,196,191,183,181,194,207,207,202,204,207,207,199,191,191,191,191,191,191,186,176,160,83,0,0,0,0,0,0,0,0,0,0,21,173,189,191,183,176,170,168,168,160,160,163,163,142,163,189,183,181,181,178,168,165,168,157,153,163,170,176,183,183,173,170,173,176,176,170,117,109,113,119,123,170,173,168,170,178,165,121,165,165,103,95,119,178,194,199,189,178,176,176,168,117,115,170,202,204,196,187,187,191,189,178,131,131,178,186,189,186,189,189,191,194,196,191,183,176,170,168,127,123,121,165,176,176,170,168,176,170,61,60,63,58,62,111,186,194,196,199,202,196,168,160,178,191,202,202,196,194,194,196,117,27,31,165,183,194,199,196,181,165,123,165,178,186,183,176,173,173,173,125,121,165,168,170,173,168,121,115,117,173,183,186,183,183,189,196,199,196,191,176,103,113,131,176,183,186,189,194,199,199,196,194,191,191,194,194,194,194,189,182,179,186,194,194,192,192,194,196,189,173,115,55,32,49,95,111,113,115,168,181,183,181,170,123,123,165,170,170,173,178,183,189,194,191,183,83,98,199,207,204,55,0,0,13,113,160,119,117,163,123,120,120,165,170,123,123,176,123,115,119,178,183,186,194,196,199,202,196,189,183,181,181,186,189,186,183,186,191,196,194,186,123,113,115,123,129,178,186,186,189,191,194,196,199,196,194,191,191,191,191,191,189,177,165,191,199,199,202,204,199,48,53,101,123,191,202,68,45,87,194,196,196,196,194,189,181,85,90,165,181,189,189,189,189,189,189,183,178,176,178,178,176,173,127,125,123,173,176,170,170,170,168,170,173,178,178,178,176,173,166,164,178,186,181,176,176,176,173,178,189,178,170,178,183,178,131,129,131,173,176,173,176,178,176,173,176,178,173,130,130,131,173,178,178,178,186,194,202,199,186,133,133,183,191,194,194,194,191,186,186,194,194,133,105,100,102,109,115,178,181,178,178,178,177,178,181,183,186,186,189,191,191,189,189,194,199,202,199,191,182,181,183,189,191,196,199,199,199,196,191,181,135,178,186,191,191,189,187,189,191,194,191,189,189,186,183,178,173,173,173,176,176,176,170,122,120,119,120,127,176,176,173,173,181,186,186,178,129,127,129,178,186,194,194,194,194,194,194,189,183,183,178,173,170,170,173,176,176,129,125,125,125,123,125,170,178,183,186,186,186,189,189,191,191,194,199,202,202,202,204,207,204,196,191,189,191,191,177,172,178,191,194,194,194,194,194,192,192,194,199,199,196,194,194,191,189,191,199,204,207,207,209,207,194,176,129,133,181,183,181,178,178,178,183,181,131,117,114,117,123,127,173,173,176,176,170,128,170,183,189,181,170,129,124,122,173,181,123,97,93,121,178,186,186,186,189,194,199,196,186,183,183,189,194,196,196,194,191,189,191,194,196,199,202,207,212,215,215,212,212,212,212,212,212,215,217,217,215,215,212,209,209,212,209,209,209,215,220,222,222,215,212,217,220,212,204,196,149,149,196,196,204,215,215,204,202,209,225,228,228,225,215,202,200,207,222,222,209,204,209,215,222,225,225,225,225,225,225,228,230,233,233,230,228,228,228,228,228,228,230,233,235,233,228,226,228,230,228,228,225,222,222,217,217,217,212,209,209,215,215,212,212,212,209,204,194,186,141,186,189,189,183,183,186,183,182,186,191,191,191,186,183,181,178,133,131,131,173,173,173,131,129,129,125,125,129,176,181,186,186,183,183,183,183,181,181,181,181,181,178,133,133,181,191,199,199,196,194,196,199,199,196,189,139,186,194,204,209,207,207,209,207,202,198,202,207,207,207,207,209,212,212,215,212,204,203,207,209,209,209,212,215,212,196,189,183,135,127,123,117,114,113,115,117,113,105,103,109,117,125,176,176,129,176,194,207,207,199,189,183,176,110,109,113,127,183,191,189,181,176,181,194,207,212,202,181,127,125,123,123,123,127,129,176,183,183,181,183,189,191,194,199,202,191,181,136,139,191,202,204,207,207,209,209,209,204,202,202,202,199,202,209,215,215,212,209,212,212,215,209,204,204,204,199,196,196,202,202,194,186,186,183,139,183,189,196,202,204,204,209,215,212,204,199,202,212,215,204,198,200,212,217,212,207,207,209,209,209,207,207,209,209,209,209,212,215,215,209,204,202,196,196,194,190,196,212,212,194,119,101,97,109,139,202,212,215,212,207,204,202,199,199,202,204,207,207,207,207,204,202,204,207,207,207,204,199,199,207,215,215,199,139,135,141,194,202,207,207,207,209,209,209,207,209,212,217,215,209,202,196,196,194,196,204,207,202,199,202,202,199,199,199,204,207,209,204,196,189,141,140,141,191,196,194,194,194,196,202,207,212,217,217,217,212,207,209,209,209,212,209,204,202,204,209,212,212,212,207,207,207,212,215,212,209,207,202,202,204,207,207,207,207,207,209,209,209,204,204,209,215,215,204,194,189,190,196,199,196,189,139,183,191,196,194,191,189,191,194,194,189,137,139,189,191,189,185,189,189,186,194,199,194,191,199,204,202,196,194,196,191,186,185,191,202,202,196,191,186,186,186,139,135,135,183,186,135,131,134,183,191,191,196,204,207,202,196,196,199,204,204,194,185,186,194,196,199,199,199,194,191,186,141,196,202,196,196,202,204,202,196,186,181,179,183,194,199,196,189,135,125,120,119,121,123,123,127,133,183,191,196,202,207,207,204,202,199,199,199,191,139,135,135,186,199,204,207,215,215,204,194,191,191,194,196,199,204,207,207,207,212,215,217,215,215,212,209,212,215,220,220,215,212,215,217,222,220,215,209,204,204,207,212,215,209,212,225,233,230,228,225,222,225,233,235,230,225,218,222,225,228,230,233,235,235,235,235,241,241,235,230,204,129,113,99,91,91,93,93,105,129,183,176,125,124,178,204,209,204,199,207,217,215,212,217,217,212,207,204,199,196,189,135,129,129,135,181,135,125,119,117,115,116,121,125,125,129,181,199,209,209,202,191,189,186,182,181,182,186,191,199,209,209,202,196,196,194,189,183,137,135,135,137,186,191,191,189,191,196,207,217,222,222,217,222,225,225,222,215,209,204,196,195,199,209,212,207,202,199,199,199,196,196,199,202,202,204,207,209,212,212,209,209,215,225,233,233,230,235,238,235,228,217,212,208,208,209,207,202,196,149,199,212,212,204,199,199,209,225,230,228,217,217,222,225,235,246,254,0,0,0,0,243,246,0,0,225,217,207,199,0,0,0,0,0,0,209,189,0,163,157,155,0,163,165,157,152,152,157,0,0,176,183,0,0,0,0,222,222,222,225,225,0,0,225,222,217,215,207,194,181,176,173,168,155,107,99,97,93,92,95,139,215,233,0,254,255,255,254,254,251,243,235,235,243,251,255,255,255,255,255,255,255,243,235,230,225,228,233,235,230,217,204,194,189,194,199,204,207,212,215,0,0,0,217,225,228,217,212,204,194,191,191,191,189,183,176,170,165,163,160,155,115,113,111,113,157,178,183,181,183,186,189,191,186,178,168,160,122,163,168,178,189,199,204,207,209,209,204,196,191,189,191,186,178,127,121,115,109,109,115,123,133,178,189,199,204,207,207,204,202,202,207,209,215,215,215,212,212,209,209,217,225,222,220,222,228,228,225,220,220,230,233,225,212,207,204,204,207,207,207,209,212,215,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,189,183,189,189,160,144,137,144,168,176,181,186,105,77,0,0,0,0,0,0,0,33,100,0,0,0,0,0,0,0,0,59,170,189,183,157,124,82,0,0,1,0,0,0,0,0,9,150,194,196,196,191,92,4,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,38,38,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,176,168,157,152,152,151,155,163,170,189,186,168,117,116,118,123,165,170,168,127,168,170,168,168,170,168,168,178,196,202,196,191,191,186,125,123,173,181,176,178,191,183,170,125,125,170,176,176,170,165,165,165,165,168,173,170,168,165,165,170,176,176,170,123,119,116,117,115,99,95,101,117,165,165,170,176,173,170,157,119,163,170,173,170,176,183,191,194,196,202,202,194,186,183,186,189,183,181,173,123,119,121,163,170,178,183,176,165,160,157,152,150,155,163,163,152,165,178,194,199,196,189,183,194,209,230,155,79,3,0,7,19,33,71,186,199,191,196,204,209,207,207,207,202,194,191,191,194,199,199,199,202,204,207,204,204,204,202,202,202,199,192,194,199,202,202,202,199,199,199,196,191,189,191,199,207,207,204,202,199,196,196,196,194,191,194,199,202,196,194,196,199,199,196,194,202,202,196,191,191,199,207,209,204,202,204,202,196,194,189,183,183,189,189,181,163,139,91,3,0,0,0,0,0,0,0,0,0,13,152,178,186,176,165,165,163,168,168,170,176,170,70,78,147,157,176,170,170,165,163,170,170,160,160,170,181,186,189,186,189,196,194,189,178,123,117,119,123,168,183,189,178,173,183,183,173,125,125,125,121,125,178,191,191,178,173,178,176,121,106,105,119,199,207,199,189,186,189,191,189,183,181,186,191,194,191,186,183,186,194,196,189,176,123,119,121,121,118,115,119,173,186,189,186,186,176,64,62,68,81,113,176,186,189,181,186,194,119,104,115,168,186,196,202,196,191,178,119,35,5,23,160,183,194,199,199,191,165,120,122,168,181,178,176,173,170,121,115,115,165,170,173,173,170,119,112,112,127,178,183,183,183,186,189,189,181,121,97,92,103,178,191,196,191,191,196,199,199,196,194,194,196,196,196,199,199,194,182,181,186,194,194,192,192,194,196,191,183,165,111,115,101,101,119,117,115,170,183,183,176,170,170,181,181,176,173,176,181,189,194,196,196,194,103,109,199,212,215,53,0,0,0,163,173,117,114,123,163,165,168,173,165,114,114,173,123,118,122,178,181,183,191,196,199,196,189,181,176,176,181,186,186,181,181,183,189,194,191,183,127,119,121,125,170,183,191,191,191,191,196,199,199,196,189,187,189,191,190,191,196,207,103,177,191,191,199,207,199,42,45,79,113,191,202,61,40,111,207,199,196,199,196,194,194,75,80,119,170,183,189,186,186,186,183,181,181,178,176,173,173,170,125,122,122,170,178,176,173,168,123,123,127,170,173,173,176,173,166,164,176,191,186,181,183,178,170,183,189,183,183,191,194,189,181,181,181,183,183,181,181,183,176,169,172,181,183,178,131,130,131,178,178,181,186,191,189,176,121,116,121,178,189,189,189,191,189,183,182,191,194,181,113,107,121,176,183,189,189,189,186,178,176,177,181,181,181,183,186,189,191,191,191,194,199,202,196,189,182,181,186,189,191,194,199,204,204,199,189,178,135,181,189,191,189,187,191,194,194,191,189,189,189,189,186,186,183,181,178,178,178,178,173,127,125,123,127,176,178,128,126,127,173,186,186,173,121,119,129,181,189,191,191,191,191,191,189,186,183,183,178,170,169,170,173,176,176,129,127,125,125,125,129,176,183,189,191,189,186,186,189,189,189,191,196,202,202,202,202,199,196,194,194,194,196,191,177,173,178,189,194,194,194,194,196,194,194,194,194,196,196,194,191,189,186,191,196,199,196,196,202,196,181,127,124,129,178,183,183,178,177,177,181,183,173,119,115,119,129,176,178,176,172,173,170,129,129,176,178,178,173,129,123,123,178,186,131,98,93,112,131,181,183,183,189,194,196,194,191,189,189,191,194,194,194,191,189,189,189,194,199,202,209,215,215,215,215,212,212,215,217,212,207,209,212,217,217,215,209,209,212,215,215,212,215,217,222,222,222,217,217,225,228,217,202,148,149,202,204,204,204,207,207,204,207,217,228,228,225,225,217,209,207,212,215,209,202,202,209,217,225,225,225,225,225,225,228,228,230,230,233,230,228,228,228,228,226,226,228,233,235,235,230,230,228,228,228,225,222,222,217,217,222,222,217,212,212,215,212,209,209,209,207,196,141,138,138,139,186,189,186,186,183,182,181,183,186,183,183,183,183,181,178,176,129,131,178,183,183,178,176,173,173,173,176,181,186,186,186,183,183,181,181,181,181,181,183,183,181,135,133,178,189,199,199,196,191,196,199,196,196,194,194,199,204,207,209,207,207,209,204,198,196,199,207,209,209,209,209,212,215,215,209,204,204,207,209,207,209,212,222,220,209,199,194,183,133,123,115,114,115,119,117,111,105,102,105,111,119,125,125,121,123,186,202,207,204,202,191,176,113,110,112,123,189,202,199,191,181,183,194,204,215,212,191,127,125,123,121,121,123,125,129,176,135,178,181,186,191,194,202,204,199,191,189,194,204,209,207,204,203,207,209,209,204,199,199,199,196,194,199,209,212,209,209,209,209,209,204,196,194,191,191,194,199,204,204,199,194,191,186,139,186,199,204,204,204,207,215,217,215,207,199,202,209,212,204,199,204,215,217,212,205,205,207,207,207,207,207,209,212,209,212,212,215,215,212,209,207,204,202,196,190,194,209,215,202,121,92,85,90,123,194,207,209,207,202,202,199,199,199,199,202,207,207,209,209,207,204,202,204,204,204,202,198,199,209,220,217,204,189,141,191,196,199,204,207,209,207,207,205,205,207,209,215,212,204,199,202,199,194,194,204,207,204,204,204,204,204,207,204,207,209,209,207,199,194,189,141,143,194,202,202,199,199,196,196,202,212,222,222,217,209,209,212,212,209,209,204,199,196,202,209,212,215,215,209,207,204,207,209,212,209,207,207,204,204,207,207,207,204,202,207,209,207,207,209,215,220,217,212,204,194,191,194,196,196,194,189,196,202,202,199,199,199,199,199,191,135,129,131,186,194,191,191,194,191,189,191,191,183,139,191,199,199,191,187,187,187,186,186,194,204,207,207,204,199,196,194,191,189,191,196,199,186,134,139,191,194,196,202,207,202,191,186,189,194,202,202,194,185,186,194,196,196,196,196,196,196,194,194,199,202,199,196,199,199,196,191,186,182,182,186,194,196,194,183,133,125,120,119,120,120,120,120,129,186,196,202,204,207,209,207,204,202,202,202,194,186,137,136,141,196,202,204,207,204,196,191,190,190,191,196,202,209,212,212,212,212,215,215,212,212,209,212,212,215,220,222,217,215,215,217,217,217,215,209,204,203,204,212,215,212,215,228,233,230,228,225,222,222,228,230,228,225,225,225,228,228,230,230,230,230,230,235,241,241,241,238,217,131,109,93,87,89,87,89,101,117,123,127,126,126,176,194,202,202,196,194,204,209,212,217,217,212,209,204,202,199,189,135,129,131,181,183,178,127,121,119,117,121,129,131,131,135,183,196,204,207,199,186,185,186,183,181,182,183,189,199,207,207,202,196,199,196,191,186,181,135,137,183,191,191,191,189,186,191,202,215,222,222,222,222,225,225,222,217,212,207,204,204,209,215,209,199,194,194,199,199,194,194,196,196,196,199,202,204,204,202,196,196,204,222,235,238,238,241,238,230,220,215,209,208,208,209,209,204,196,147,149,207,199,147,147,194,202,217,233,230,225,222,225,230,241,255,255,255,0,0,243,241,241,0,0,225,217,202,191,196,0,0,0,0,0,204,181,0,0,0,0,0,0,0,157,152,150,155,160,0,173,186,196,0,0,0,0,225,225,225,225,0,0,0,228,228,222,215,199,186,181,178,173,157,111,105,101,99,95,97,133,215,233,0,254,255,255,255,254,248,241,233,233,238,251,255,255,255,255,255,255,255,246,238,230,224,225,230,233,228,215,202,194,186,186,191,196,202,207,209,209,0,212,225,248,251,230,209,199,191,183,183,183,183,181,176,168,163,160,157,155,115,111,107,105,109,155,165,176,183,191,191,194,191,186,176,165,122,160,168,181,196,207,212,212,212,212,209,202,194,194,191,189,181,129,121,113,107,104,105,111,121,129,183,196,204,207,204,204,202,200,202,204,207,209,209,209,209,207,209,217,228,225,222,222,228,228,225,222,225,230,230,217,207,199,199,202,207,209,212,212,215,215,213 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,191,189,189,186,168,150,144,157,183,186,186,178,92,69,40,0,0,0,0,7,0,74,163,35,30,124,100,0,0,0,0,0,51,82,51,0,0,0,0,0,0,0,0,0,0,0,20,103,168,186,186,170,85,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,38,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,113,129,150,152,157,157,152,155,163,170,173,170,160,155,119,160,163,125,165,125,125,170,173,168,168,127,117,121,170,186,194,194,191,186,181,123,117,119,123,165,170,178,178,170,125,123,125,170,178,181,176,173,170,168,168,168,170,168,164,164,170,176,176,168,123,119,119,117,111,100,101,170,178,183,186,186,183,178,173,119,157,173,183,186,186,189,191,194,194,196,202,199,191,183,178,178,181,178,176,168,121,117,117,121,165,176,183,173,163,160,163,157,150,155,168,173,178,191,196,202,202,202,196,142,73,85,134,7,0,0,0,0,0,0,0,27,129,137,181,207,217,209,204,202,194,186,186,189,191,194,194,196,199,194,189,189,189,189,194,202,202,196,192,192,196,196,196,196,199,199,199,194,189,187,189,196,204,207,204,204,204,202,199,196,196,194,196,202,204,199,194,194,202,204,202,202,202,202,196,191,194,199,196,194,189,189,199,196,183,181,168,152,144,155,173,176,170,160,178,144,0,0,0,0,0,0,0,0,0,25,157,168,160,77,95,152,155,165,176,189,186,178,68,74,83,79,165,165,165,160,157,168,176,165,121,168,191,194,194,194,199,204,204,199,194,181,178,168,165,173,186,183,173,176,189,196,181,165,168,176,170,165,170,181,178,123,127,173,168,111,102,102,111,189,204,202,191,185,187,194,196,196,194,196,202,204,199,191,181,181,189,194,186,129,119,117,118,119,117,117,121,173,183,194,189,183,181,165,81,74,97,168,189,191,183,68,77,170,84,84,109,165,181,189,202,194,176,119,107,51,21,53,183,191,194,191,194,183,120,118,123,170,173,178,178,170,119,115,114,116,125,168,170,170,125,115,112,112,127,178,183,181,181,181,178,176,127,111,95,93,113,186,196,199,196,196,196,199,199,199,196,196,199,196,196,196,196,194,191,191,194,196,196,194,192,194,194,189,181,170,168,186,176,111,113,115,117,176,186,183,178,173,178,186,191,183,178,178,183,191,194,196,199,194,113,117,191,207,207,53,0,0,23,178,178,119,113,119,165,176,183,186,178,118,114,121,121,119,125,181,183,183,191,196,194,189,181,176,174,176,181,183,181,178,178,183,189,194,191,181,125,121,123,127,173,186,196,199,196,196,199,202,202,194,187,186,189,194,196,196,196,202,98,173,181,189,199,207,191,48,54,69,121,189,199,84,69,168,199,199,196,196,194,194,194,80,95,117,121,168,176,181,183,183,178,170,168,168,168,168,127,127,123,122,122,170,178,178,176,127,119,117,119,123,129,170,173,173,170,173,186,196,189,183,186,125,106,127,173,176,181,189,191,183,178,181,183,189,186,181,183,189,181,170,172,183,189,183,176,131,173,181,183,183,183,183,133,123,116,112,123,178,183,183,183,189,189,183,182,186,191,191,191,194,189,189,189,189,189,191,191,183,178,181,181,178,178,181,186,189,189,189,191,196,199,202,199,191,183,182,186,189,189,191,199,207,207,199,183,135,135,181,189,189,187,189,196,196,196,191,189,186,186,186,189,189,189,186,183,181,181,178,178,176,176,173,176,183,181,128,126,128,178,191,189,125,115,121,176,189,194,194,189,186,186,183,183,183,186,186,181,173,170,170,173,173,170,129,127,125,127,129,173,181,186,191,191,189,186,186,189,189,187,189,196,202,202,199,196,189,183,183,189,196,196,194,178,174,181,191,194,194,194,196,199,199,196,191,191,191,194,194,186,183,181,183,183,183,183,183,186,181,131,124,124,129,178,186,186,181,177,177,181,186,178,123,117,125,178,186,189,181,173,173,173,170,127,121,120,125,129,127,124,127,183,186,178,127,113,119,131,176,181,183,186,191,194,194,194,191,191,191,191,189,186,186,189,186,186,194,204,209,212,217,217,215,212,209,209,212,215,212,207,205,209,215,217,215,212,209,212,217,220,220,222,222,222,222,222,220,220,225,228,215,149,146,202,215,217,215,209,204,202,204,215,225,230,228,225,222,217,212,212,215,209,199,151,202,209,217,222,225,225,225,225,225,225,225,228,230,230,230,228,228,228,228,226,226,228,233,233,233,233,230,230,230,228,225,225,222,222,222,222,222,217,212,209,209,207,207,207,204,202,191,141,139,140,189,196,199,196,194,191,183,182,183,183,129,125,176,183,183,181,176,125,125,176,186,186,181,178,176,173,176,178,181,186,186,183,181,181,181,178,176,176,178,181,181,178,133,133,178,189,199,199,191,186,191,194,194,194,196,199,204,207,209,212,209,207,207,202,198,196,199,207,209,209,207,209,209,212,215,212,207,204,207,207,204,207,209,215,215,212,209,204,191,181,127,121,119,121,123,117,109,103,101,102,105,113,119,121,115,117,129,189,196,199,196,189,178,127,119,117,129,194,207,202,189,181,183,194,204,212,212,196,129,125,121,119,117,119,121,127,131,133,178,183,189,191,196,204,209,209,207,207,209,212,212,209,207,203,204,209,207,202,198,199,199,194,139,134,183,199,204,209,212,209,204,189,123,127,183,191,191,191,199,207,204,202,196,189,186,194,204,209,204,204,209,215,217,215,207,199,198,199,204,202,202,212,217,217,212,207,205,205,207,204,203,204,209,212,212,212,212,212,212,212,212,212,212,209,204,199,191,196,204,204,139,99,83,75,95,137,199,207,202,196,196,199,202,196,191,189,196,204,209,209,207,204,204,204,204,199,196,195,199,209,217,220,209,196,191,194,194,196,199,204,209,207,205,204,205,207,209,209,207,202,199,202,202,196,199,207,209,209,209,207,207,207,209,209,209,209,209,209,204,202,199,194,194,199,207,207,207,202,194,189,191,204,217,220,215,207,204,207,209,207,204,196,192,192,199,207,212,215,215,209,204,203,203,207,207,204,202,204,202,199,202,207,209,204,200,202,204,204,207,212,220,222,217,215,209,202,196,194,196,196,196,194,199,204,204,202,204,207,204,202,189,131,127,130,186,194,194,196,199,194,189,191,189,137,134,137,189,191,189,189,189,189,191,196,202,204,204,207,207,207,204,202,204,204,209,212,209,204,196,196,202,204,204,207,204,191,137,138,141,189,189,189,185,185,191,196,199,196,196,196,199,202,204,204,204,202,196,191,189,189,191,189,186,186,189,189,191,191,186,137,133,127,123,121,120,121,121,123,135,194,204,207,204,207,207,207,204,202,202,204,202,194,186,139,141,191,199,199,199,194,191,191,191,194,194,199,204,212,215,217,215,215,212,212,209,209,209,215,215,215,215,217,217,215,215,217,220,222,217,215,209,204,204,207,209,209,212,228,233,230,228,225,215,212,217,222,225,225,228,228,228,228,228,230,230,230,230,233,238,238,241,241,225,131,107,93,87,86,85,85,97,113,119,127,173,173,181,189,196,199,196,186,189,196,202,207,212,215,215,207,202,196,189,181,135,181,186,181,135,129,127,129,133,135,186,183,181,186,191,199,202,202,196,189,189,191,189,186,183,182,186,196,202,202,196,196,199,202,196,189,181,135,135,183,189,189,186,139,137,183,196,207,215,217,217,220,222,222,225,222,217,215,212,212,217,217,209,194,190,191,196,196,194,191,191,191,145,191,194,194,194,194,145,145,199,222,241,246,246,243,233,217,209,209,212,212,215,215,215,212,204,149,145,145,139,137,143,194,199,212,230,233,230,228,230,235,251,255,255,255,0,0,248,246,246,241,0,217,209,196,0,191,196,196,0,0,204,186,0,0,0,165,0,157,155,155,157,0,0,0,0,0,170,183,196,207,0,0,0,0,225,225,228,0,0,0,235,233,228,217,207,194,186,183,178,160,111,105,103,101,101,0,183,212,230,0,251,255,255,254,251,248,241,233,231,235,248,255,255,255,255,255,255,255,251,243,233,225,225,230,230,225,215,204,196,189,186,186,191,199,204,202,202,204,212,233,255,255,233,204,194,189,181,176,176,178,178,173,165,160,157,157,155,115,109,105,102,103,0,155,168,186,196,194,191,191,189,183,173,163,122,165,181,199,209,215,215,215,215,212,204,196,194,191,189,181,170,123,115,107,103,103,105,113,121,135,194,202,204,204,204,202,199,199,202,204,207,204,207,207,207,209,222,230,228,225,222,228,228,228,228,230,230,225,209,196,145,145,194,202,207,209,212,217,217,213 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,186,189,189,176,152,147,160,183,178,147,74,27,30,9,17,48,0,0,9,79,100,43,0,0,163,170,121,85,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,118,121,90,27,30,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,157,118,112,124,147,160,157,152,157,165,165,165,163,157,157,160,160,123,123,125,168,178,183,181,170,127,123,109,111,119,121,170,189,191,183,173,117,113,117,125,168,170,176,173,168,125,123,125,170,181,186,183,181,176,170,168,166,168,170,168,168,173,178,176,168,123,123,163,119,117,119,170,189,191,194,196,189,186,189,183,115,117,178,191,196,199,196,194,191,194,196,202,196,189,181,176,170,170,168,123,121,119,117,119,121,165,176,178,170,160,163,181,191,173,168,170,176,186,196,202,199,199,207,212,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,45,73,77,85,147,176,178,165,173,181,178,178,194,196,181,176,173,170,173,186,202,204,196,194,194,194,194,191,194,196,202,196,191,189,189,194,196,202,204,204,204,204,204,204,199,199,196,199,204,204,202,199,196,199,202,199,199,196,196,194,189,191,194,194,189,176,155,93,69,69,97,109,103,96,98,144,170,189,207,207,178,0,0,0,0,0,0,0,0,19,165,178,157,83,49,69,137,137,147,170,194,191,178,71,81,99,82,165,168,165,117,113,157,173,165,119,165,194,199,199,196,199,202,199,199,199,196,189,170,121,125,173,117,115,176,199,204,191,173,176,181,173,125,165,173,123,114,118,123,121,110,104,104,113,178,194,199,191,185,186,194,199,199,202,204,209,207,202,189,178,178,186,189,181,125,118,118,119,121,123,165,125,125,170,178,168,168,183,186,79,45,83,165,196,196,178,27,42,163,95,92,155,168,176,173,181,173,35,75,109,115,111,176,194,194,196,191,189,178,121,121,178,183,176,183,181,121,114,115,119,121,123,165,168,165,121,115,114,121,173,178,178,176,176,173,170,129,129,121,103,105,129,186,194,196,199,199,199,199,199,199,199,199,199,202,202,199,196,194,196,199,199,199,199,196,196,196,191,181,125,125,176,189,191,123,58,79,121,178,183,178,176,178,183,189,194,191,186,186,186,189,194,199,202,181,107,121,194,207,204,55,0,0,73,176,178,165,121,163,163,181,194,196,191,176,125,122,120,120,125,181,186,189,191,196,191,186,178,176,174,176,178,181,177,177,178,186,191,194,191,181,127,125,129,170,170,183,194,196,196,199,199,202,202,196,191,189,194,199,199,199,191,181,155,178,181,189,207,209,196,65,69,85,121,183,191,125,115,178,191,194,194,196,196,196,168,91,121,119,118,121,127,176,186,186,176,121,111,115,123,127,127,168,173,173,173,176,178,181,181,168,116,115,117,123,129,170,170,129,173,183,194,194,183,181,183,102,89,107,123,129,176,186,183,170,127,129,176,183,183,183,189,194,189,173,173,181,183,181,176,173,176,183,186,186,183,178,131,127,125,129,183,181,133,131,178,186,186,183,183,186,191,196,202,207,204,194,189,189,189,191,194,194,186,183,181,135,135,183,189,189,187,187,191,194,199,202,202,196,189,183,186,191,191,191,196,207,209,202,183,134,134,183,191,191,189,194,199,199,194,191,189,186,183,183,186,189,189,189,189,186,181,176,173,176,176,173,173,178,178,129,129,173,183,191,178,112,112,127,183,194,196,191,183,178,176,178,181,183,189,191,186,178,173,173,170,170,170,129,129,127,129,173,178,181,183,183,186,186,186,186,189,189,189,189,194,199,199,199,191,183,177,177,181,189,191,189,181,178,186,194,196,196,196,196,199,196,191,186,183,183,189,186,181,176,176,133,176,176,133,176,176,131,127,125,127,131,178,186,186,183,177,176,181,183,178,127,121,131,186,196,196,189,181,181,178,170,121,117,117,121,125,125,123,125,178,186,186,183,129,129,176,178,178,183,189,194,196,199,196,194,191,189,189,183,181,139,186,186,186,196,209,212,212,212,212,212,209,207,207,209,209,209,207,205,207,209,215,217,217,215,217,222,225,225,225,228,225,225,225,222,222,225,220,207,148,147,215,222,225,222,212,204,200,204,217,230,233,233,230,225,222,217,217,217,202,143,147,204,212,217,222,222,222,222,222,222,222,225,228,230,230,230,228,228,230,230,228,228,230,233,233,230,230,230,230,230,230,228,225,225,222,222,217,217,215,209,207,204,204,204,204,204,199,194,191,191,196,202,209,207,202,199,199,191,183,183,183,124,120,125,181,183,181,131,121,121,129,183,189,183,178,176,176,176,178,181,186,186,183,181,178,181,178,133,133,176,176,133,131,131,131,135,189,199,199,186,133,181,186,189,194,202,207,207,204,207,212,209,207,204,202,202,199,204,207,207,204,202,204,207,209,215,215,209,204,204,204,207,207,205,205,207,207,212,207,191,135,127,125,125,127,123,115,107,102,101,102,105,109,117,121,115,113,119,173,189,194,191,186,183,178,129,127,178,196,204,194,181,178,186,196,202,207,204,191,131,125,121,117,116,117,119,125,131,178,183,189,191,194,196,202,207,212,215,212,212,209,209,209,209,204,207,209,207,202,199,199,196,189,132,128,132,189,202,207,212,209,204,123,92,101,183,194,189,133,183,202,207,204,199,196,196,202,209,209,207,207,212,217,215,215,209,202,196,195,198,204,209,217,222,220,215,209,207,207,207,204,203,204,209,212,212,212,209,209,207,207,212,215,217,217,212,204,194,189,194,196,186,125,103,84,115,189,204,207,202,194,191,196,199,194,137,132,139,199,209,209,207,204,207,207,204,199,198,198,202,207,215,217,212,202,194,191,189,189,194,202,209,209,207,207,207,207,207,207,204,199,196,199,204,204,207,209,212,209,212,209,204,204,209,212,209,209,212,209,209,209,209,204,196,199,204,207,204,199,191,139,139,189,204,212,209,202,198,199,202,202,199,195,192,192,199,207,209,212,212,212,207,203,203,204,204,202,199,202,196,191,196,207,212,207,200,200,202,204,207,212,217,217,215,212,209,204,199,196,196,194,194,194,199,202,199,202,207,209,207,207,194,135,130,137,191,196,196,196,196,191,186,186,183,135,134,134,139,189,191,191,194,196,199,204,207,204,203,204,209,212,209,209,212,215,217,215,212,212,209,209,212,212,212,212,207,189,134,135,141,189,186,183,182,185,194,199,199,196,196,199,204,209,212,209,207,202,194,183,138,139,189,191,191,194,194,191,189,183,135,131,129,131,129,127,127,129,133,139,194,207,209,207,204,204,207,207,202,202,204,207,207,204,194,186,141,186,191,196,194,194,194,199,199,199,202,204,207,212,215,217,217,215,212,209,209,209,209,212,212,212,212,215,212,209,208,215,217,222,225,222,215,209,204,203,204,207,212,225,233,230,228,222,209,204,207,217,222,225,225,225,225,228,228,228,228,230,230,233,235,235,235,238,225,133,109,97,93,91,87,89,109,131,181,183,183,183,189,194,196,202,202,189,183,189,196,202,209,215,215,209,204,199,191,189,189,191,189,135,131,129,135,186,191,194,199,196,194,196,199,202,204,204,196,191,194,196,194,191,189,186,186,194,196,196,194,196,202,204,202,191,181,133,131,133,137,139,139,131,129,135,189,199,207,212,215,217,222,225,225,225,225,222,217,215,217,217,209,196,190,190,191,194,189,141,141,139,137,139,139,139,143,145,145,147,202,225,243,248,251,243,228,209,208,212,220,225,222,217,212,212,209,196,141,137,133,135,147,204,209,217,235,238,233,233,235,241,254,255,255,255,0,254,251,251,248,238,222,209,202,196,194,196,191,186,189,196,194,0,0,157,0,165,165,160,155,157,0,160,160,165,173,0,165,176,189,199,209,0,0,0,228,0,0,0,0,0,238,235,230,225,212,199,189,186,181,160,113,107,103,103,103,111,189,212,228,238,246,251,254,254,254,251,243,233,233,235,246,254,255,255,255,255,255,255,255,248,238,228,225,230,228,222,215,207,202,194,186,185,186,194,196,196,196,202,209,230,255,254,222,199,191,186,176,168,168,176,176,170,163,157,155,155,152,115,109,103,102,0,0,0,163,186,194,189,183,183,186,186,181,168,123,163,178,194,207,212,215,215,215,212,204,196,191,189,186,181,173,125,117,111,105,104,104,109,115,127,186,199,202,204,204,202,199,199,202,204,204,204,207,209,207,209,222,230,228,225,225,225,225,225,228,230,228,215,202,143,137,137,141,194,199,204,209,217,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,20,61,82,74,0,0,0,0,0,0,0,0,0,0,7,12,0,0,0,27,64,64,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,204,217,150,111,105,126,152,150,150,163,168,160,157,156,156,157,160,160,123,125,165,176,183,178,121,120,127,168,109,109,110,111,121,181,186,176,123,108,109,123,176,178,178,181,178,168,123,123,168,181,186,189,186,183,181,176,168,165,168,173,170,170,173,178,176,165,163,163,163,123,165,173,181,189,194,202,202,191,189,196,199,113,114,178,199,204,204,199,194,191,194,199,199,194,186,178,168,160,121,119,115,117,117,117,121,163,170,181,176,168,160,163,189,207,191,176,170,170,181,194,199,194,196,212,235,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,61,75,83,65,55,139,168,131,89,147,163,168,178,191,196,194,194,191,191,189,189,191,196,199,196,191,191,194,196,199,199,202,202,202,202,204,204,202,199,199,196,202,207,207,204,199,194,186,189,189,181,186,186,183,186,186,189,160,79,0,0,0,0,15,147,107,102,106,157,173,189,207,212,160,0,0,0,0,0,0,0,0,170,189,168,81,75,62,73,99,66,64,93,178,181,170,62,91,183,173,176,173,168,117,111,115,165,165,121,170,194,199,202,199,199,196,191,191,196,199,194,125,95,91,97,97,109,189,207,209,191,176,173,176,168,123,125,173,122,113,117,123,123,119,111,110,119,173,186,194,194,187,186,189,194,196,202,207,209,204,194,186,178,176,181,183,176,125,121,119,119,118,123,170,170,123,120,110,111,161,183,178,60,42,81,160,196,202,168,8,37,183,181,170,170,170,165,63,19,13,23,67,160,176,176,181,191,196,199,196,186,173,163,170,186,189,189,191,181,115,113,117,121,121,123,125,165,125,121,119,125,176,178,178,178,176,176,176,170,129,170,127,113,117,173,186,194,196,199,202,199,199,199,199,199,199,202,204,207,207,199,196,194,196,196,196,194,196,196,194,183,125,105,119,178,189,194,178,39,38,113,173,173,165,165,178,186,191,194,196,196,194,191,191,194,196,199,95,76,111,199,209,199,51,0,3,107,168,178,178,176,168,117,163,191,196,191,183,181,176,123,121,123,178,189,194,194,196,191,186,181,178,176,178,178,178,178,178,183,191,196,196,191,183,176,176,178,173,127,173,186,189,194,196,199,199,202,202,199,199,202,202,194,191,186,178,178,181,173,178,204,212,194,66,79,101,119,176,183,170,168,181,186,186,189,194,199,191,108,98,170,125,121,121,127,178,191,191,178,117,92,106,119,127,168,176,191,196,191,186,183,186,189,173,119,117,123,129,173,173,125,121,125,178,186,183,176,181,186,109,98,113,121,127,176,186,181,129,124,124,125,129,173,183,196,202,194,178,172,172,172,173,178,178,181,183,186,186,183,176,131,131,176,186,191,133,119,121,131,181,181,181,186,194,199,204,207,209,204,194,189,191,191,191,194,196,191,186,181,134,135,186,191,191,187,187,191,194,196,199,199,196,189,183,186,191,194,194,196,207,209,202,189,136,136,186,194,191,191,196,199,196,194,191,189,183,181,181,186,189,191,191,191,186,178,173,170,170,170,170,129,173,173,129,129,173,181,178,115,105,108,127,186,194,191,183,173,131,131,176,181,186,189,191,189,183,178,176,173,170,170,170,170,129,170,176,178,178,178,178,183,186,189,191,189,189,191,191,191,194,196,196,191,181,176,174,178,183,183,181,178,178,191,196,199,199,199,199,199,194,189,183,181,183,183,183,178,133,133,133,131,131,131,131,129,127,125,127,131,176,178,181,183,181,177,176,178,181,178,131,125,176,191,199,199,191,186,189,186,170,121,119,123,129,129,125,124,124,176,186,191,189,176,176,181,181,181,186,194,199,202,202,199,194,191,189,186,183,137,137,183,186,191,202,209,212,209,207,209,207,207,207,207,205,207,209,209,207,207,209,215,222,222,222,222,225,228,228,228,230,230,228,228,228,225,222,212,199,149,202,217,222,222,222,212,202,200,204,222,233,235,235,233,228,225,225,225,222,145,136,145,212,217,222,222,222,222,222,222,222,222,222,225,228,230,230,228,230,230,230,230,230,233,233,230,228,228,230,230,230,230,228,228,225,222,222,217,215,212,209,204,202,202,207,207,204,199,199,202,204,207,209,209,204,199,199,202,194,186,186,189,127,122,127,181,186,178,127,119,120,125,183,189,183,181,181,178,178,181,183,186,186,183,178,178,181,178,133,130,131,129,125,125,127,127,133,189,199,196,137,129,133,183,189,196,204,207,204,196,199,207,209,207,204,204,204,204,207,207,204,202,200,202,204,207,212,215,212,207,204,204,207,209,205,204,203,204,207,204,186,133,127,127,129,129,121,113,105,103,103,109,111,111,117,119,115,110,113,123,186,194,191,189,186,181,173,173,183,194,199,189,179,179,189,196,199,199,196,186,133,127,123,117,116,117,119,125,135,183,189,189,191,191,194,191,194,202,204,204,202,202,204,207,207,204,207,207,207,204,199,196,194,191,141,135,183,196,204,209,209,209,199,97,86,93,139,191,183,124,131,191,204,204,202,202,204,204,207,207,207,209,215,217,217,215,212,204,196,195,199,209,217,220,217,217,217,212,209,209,209,207,204,207,207,209,215,215,212,207,204,204,209,217,222,222,217,209,199,191,189,189,141,139,139,127,189,202,207,207,202,194,189,187,191,189,133,129,133,194,209,209,207,204,204,204,204,204,204,204,204,207,209,212,209,204,194,187,186,186,189,202,209,212,209,209,209,209,207,204,202,199,196,199,204,209,209,212,209,209,212,209,199,196,204,212,212,212,209,207,207,209,212,207,199,196,199,204,204,199,191,139,133,130,133,199,204,199,196,198,198,199,202,202,196,196,204,209,209,209,209,212,209,207,207,207,204,199,196,196,191,187,191,202,209,204,200,199,202,204,209,212,217,217,212,209,204,202,199,199,196,194,194,194,194,196,199,202,204,204,204,204,196,183,137,189,196,199,196,196,194,186,139,183,139,135,134,135,139,186,189,191,194,196,199,204,207,207,204,207,215,215,215,212,215,217,217,212,209,209,212,212,212,215,215,215,212,196,138,138,191,199,194,189,186,189,196,202,202,199,199,202,207,209,212,209,207,199,191,139,137,138,186,194,194,194,196,194,186,133,128,126,128,135,137,137,139,186,194,202,207,209,209,204,202,204,207,204,202,202,204,209,212,207,199,189,141,141,189,194,194,196,202,204,207,207,207,207,207,209,212,215,215,212,212,209,209,209,209,208,209,212,215,217,212,205,203,209,217,222,228,228,222,212,204,202,204,207,212,225,230,230,228,222,207,203,205,215,222,225,225,222,222,222,225,225,228,228,228,230,233,228,228,230,217,135,115,113,107,103,97,97,117,189,196,191,183,183,191,196,199,202,204,191,181,186,194,202,209,215,215,209,207,202,196,194,196,194,186,133,127,127,137,196,202,202,202,202,199,199,202,204,207,204,196,194,196,199,199,199,199,196,194,196,196,194,194,199,204,209,204,191,181,133,127,126,127,131,131,127,126,133,186,196,199,204,212,220,225,225,228,225,222,217,215,215,215,217,212,204,194,191,191,189,141,137,135,133,129,127,129,133,139,191,196,202,212,228,243,248,248,241,222,209,209,220,230,233,225,212,204,204,207,199,143,137,134,137,204,217,222,228,238,241,238,238,238,241,248,255,255,254,251,251,248,248,243,228,212,204,199,199,204,207,196,185,186,194,196,189,0,0,0,163,163,160,155,155,160,160,163,168,173,0,157,165,178,191,202,0,0,0,228,0,0,0,0,0,238,235,233,228,217,204,194,189,183,168,119,111,105,105,107,115,191,212,225,233,241,248,251,254,254,254,246,235,234,241,248,251,251,251,255,255,255,255,255,251,243,233,230,230,228,222,212,209,204,196,186,183,185,189,191,194,196,204,209,222,243,243,222,202,189,178,170,166,166,170,173,168,160,155,152,152,152,115,109,105,0,111,155,0,163,181,186,181,176,178,181,183,183,173,122,122,170,186,199,209,212,217,217,212,204,196,191,186,181,176,170,125,119,113,107,105,107,109,111,119,133,191,196,202,204,204,200,199,202,204,204,207,209,209,207,209,217,228,228,225,225,225,225,222,222,225,217,207,149,139,135,135,137,145,194,199,207,215,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,207,212,191,134,100,100,118,142,155,165,168,160,156,155,157,165,165,122,121,123,165,173,170,117,114,120,178,178,117,110,111,119,170,176,170,119,108,106,111,123,176,183,183,186,178,165,121,125,176,186,191,189,189,186,183,178,168,165,168,173,170,165,168,173,173,168,168,173,170,168,176,178,183,186,191,202,204,194,191,196,196,116,117,189,204,207,202,194,189,189,191,194,186,178,176,170,160,115,113,115,115,121,121,119,119,123,170,181,178,173,165,165,186,202,194,181,168,163,176,189,196,191,196,212,233,67,0,0,37,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,160,173,178,183,186,186,183,183,186,189,191,191,191,186,181,183,191,196,196,196,199,196,191,189,196,199,196,194,194,194,199,207,209,207,189,118,37,13,7,1,59,152,168,173,160,91,9,0,0,0,3,73,87,170,173,181,189,183,178,181,191,202,134,0,0,0,0,0,0,7,51,170,150,57,53,78,93,150,144,41,42,67,150,160,157,65,101,191,191,181,176,170,157,114,117,160,163,123,170,189,199,202,199,199,196,190,190,194,196,194,113,45,39,61,95,165,202,209,209,191,170,168,168,123,121,165,186,181,125,168,127,123,123,121,121,127,173,181,194,199,194,187,189,191,194,199,204,204,199,189,181,176,131,173,178,178,170,125,121,117,117,123,176,178,170,121,108,113,170,178,105,64,73,109,173,191,191,109,0,46,196,199,196,176,155,67,0,0,0,111,173,194,194,183,178,186,199,202,199,181,121,123,178,189,191,194,196,183,119,115,117,121,120,123,125,125,125,125,165,178,186,183,178,178,178,178,178,176,129,127,125,117,123,178,186,191,194,199,199,196,196,194,196,196,199,202,207,212,212,204,199,194,191,191,189,186,189,189,183,123,99,97,165,186,191,194,186,55,29,69,163,165,119,118,170,183,189,196,199,202,199,196,191,189,183,115,66,62,85,178,194,181,27,0,11,113,165,178,189,186,173,107,98,121,191,186,181,183,181,170,123,122,170,189,196,196,196,194,189,183,178,178,181,181,181,183,186,189,196,199,196,189,181,181,183,181,170,121,127,181,186,189,189,191,194,199,199,199,196,196,191,176,176,186,191,168,101,94,99,191,199,95,42,73,109,123,170,176,173,178,181,178,181,183,186,191,168,111,108,127,168,127,170,178,191,202,202,189,168,91,106,119,125,127,176,194,204,202,196,191,194,194,181,170,173,178,181,183,178,125,117,117,123,176,176,174,178,186,173,121,123,123,129,178,191,189,173,125,125,124,123,127,183,199,204,202,189,173,172,172,173,181,183,183,183,183,183,183,176,131,133,181,189,186,118,113,118,131,176,178,181,191,199,204,204,207,204,196,189,189,194,191,189,191,191,189,186,181,133,133,183,194,194,191,194,194,194,194,196,196,194,186,182,186,196,202,199,199,207,209,204,191,137,181,194,196,191,189,194,194,191,189,189,189,186,181,179,181,186,191,189,183,178,176,173,170,127,127,129,170,173,176,170,128,170,176,129,112,106,109,129,186,189,181,131,126,127,173,181,186,186,189,191,191,189,183,181,178,173,173,173,129,127,129,173,178,176,174,176,183,189,194,194,191,191,194,194,191,191,194,194,191,186,178,177,178,178,176,131,131,176,189,196,199,204,202,199,196,191,183,178,181,183,186,183,178,176,176,176,133,131,127,125,123,121,123,129,176,178,178,181,183,183,178,177,178,181,181,173,131,183,194,199,196,191,191,194,189,176,127,123,125,127,129,131,131,173,181,186,189,189,183,183,186,186,186,196,204,207,207,204,196,191,186,186,183,137,135,135,139,189,194,204,209,207,207,207,207,205,205,207,207,207,207,212,215,212,209,212,217,225,225,225,222,225,228,228,230,233,233,230,228,230,228,217,199,148,199,215,222,225,225,222,207,198,198,209,225,230,233,233,230,230,230,230,230,225,136,126,143,222,228,225,222,222,222,222,222,222,222,225,225,228,230,230,228,228,230,233,230,233,233,233,230,228,228,230,230,230,230,228,225,222,222,217,215,212,209,207,202,200,202,207,209,204,199,199,207,212,212,209,204,202,199,199,202,194,186,186,186,133,125,133,183,186,178,127,123,123,131,186,191,186,183,183,183,183,183,186,186,183,181,177,177,181,178,133,131,131,127,124,123,124,125,133,189,202,194,132,127,133,186,194,199,204,202,194,190,192,202,209,209,209,207,207,207,209,209,209,204,202,202,204,207,209,212,212,207,204,207,207,209,209,209,205,204,207,207,194,137,129,129,131,129,119,109,103,105,111,123,123,117,115,115,111,110,111,117,129,186,191,191,186,181,178,181,189,196,199,194,189,186,191,196,199,194,189,181,176,129,123,119,117,117,121,129,178,186,189,189,189,191,191,189,186,186,186,186,189,196,202,204,202,202,202,204,207,207,199,191,189,191,199,202,199,199,207,209,209,207,189,97,91,107,137,186,137,128,131,183,196,199,199,202,202,199,199,204,209,209,212,215,222,222,215,207,199,202,209,217,222,217,215,215,217,215,212,209,209,207,207,207,207,207,212,215,212,209,207,204,207,215,222,225,217,209,202,194,191,186,141,186,189,189,199,207,207,207,202,191,187,185,189,191,139,132,137,191,202,207,204,202,202,204,207,207,207,204,207,204,204,204,207,207,202,191,187,187,191,199,207,209,209,207,209,209,207,204,199,196,196,199,207,209,209,209,207,207,209,207,191,143,196,207,212,209,207,204,204,207,209,207,199,196,199,204,204,204,202,194,135,123,119,141,196,199,199,202,202,202,209,209,204,204,209,212,212,208,208,212,212,212,212,207,202,196,196,196,189,186,189,199,204,202,199,199,202,209,212,215,217,215,212,207,204,202,199,202,199,199,196,194,194,196,199,199,196,196,199,199,191,183,183,191,196,199,196,196,194,139,136,137,137,135,137,139,139,139,183,186,191,194,199,202,207,207,207,209,215,217,215,209,207,209,209,209,207,204,204,204,207,209,212,215,215,204,189,141,196,202,202,202,202,202,204,204,204,204,204,204,207,207,207,204,202,196,189,139,139,139,183,186,186,186,191,194,186,133,127,126,129,183,189,191,191,199,207,209,212,209,207,202,202,204,204,204,204,204,207,212,212,207,202,194,143,141,191,194,194,196,202,207,209,209,209,209,207,207,207,209,212,212,212,212,212,212,209,208,209,215,217,222,217,207,203,208,215,222,228,230,228,217,207,203,207,209,215,225,228,228,228,222,209,204,205,212,217,222,222,217,217,222,225,228,225,225,225,228,230,222,217,217,209,137,123,121,115,107,101,99,111,186,202,191,178,178,191,199,199,202,207,196,178,137,189,196,204,209,204,199,199,199,196,194,194,191,183,135,129,127,137,199,207,202,202,199,196,194,199,207,207,204,199,196,199,199,199,202,204,204,202,199,196,194,196,202,204,207,202,189,181,135,127,125,124,125,127,127,129,137,191,196,196,202,209,217,222,225,225,222,217,215,212,212,212,215,215,209,204,199,196,189,141,137,135,129,126,125,126,133,141,194,204,212,222,233,241,246,246,235,220,212,215,225,233,233,228,212,199,196,202,204,149,141,137,141,207,222,225,228,233,238,238,238,241,241,243,248,248,248,248,248,246,238,230,217,209,207,204,204,209,212,199,186,189,194,199,196,183,165,160,157,157,152,150,147,150,0,0,0,0,150,147,157,173,186,196,0,0,0,0,0,0,0,0,0,238,235,233,233,225,212,196,189,186,178,168,121,0,113,0,123,196,212,222,228,235,241,246,251,254,254,246,241,241,246,251,251,246,241,243,248,254,255,255,254,248,243,238,233,228,217,212,209,207,196,186,183,185,189,191,196,204,209,207,212,230,238,230,207,189,178,170,166,166,168,168,165,157,152,152,152,152,115,111,0,0,160,168,165,165,178,181,176,174,176,178,181,181,173,122,120,125,178,194,204,212,217,222,215,207,199,191,183,176,173,129,125,119,113,109,109,111,111,111,115,123,183,189,196,202,202,200,200,202,202,204,207,209,212,207,207,212,222,225,225,225,225,222,217,217,215,209,199,147,139,135,135,139,147,196,202,207,215,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,191,204,204,194,107,85,90,152,168,163,160,163,156,156,168,181,176,160,120,120,122,125,121,117,119,189,194,181,123,115,121,181,191,178,111,103,104,109,119,119,121,178,178,176,170,123,121,165,178,186,189,189,189,186,183,176,168,166,170,176,168,125,125,170,173,173,178,189,186,178,178,181,183,189,191,202,207,199,191,186,183,157,168,194,202,199,189,178,178,183,189,183,170,165,165,163,117,113,113,117,123,165,123,117,115,117,163,176,178,178,176,173,186,196,196,191,163,155,170,191,199,191,196,204,202,47,0,0,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,91,147,160,170,170,168,170,176,183,189,186,178,152,150,157,178,191,194,194,194,183,173,170,181,186,186,183,183,189,191,194,191,160,49,0,0,0,0,0,0,43,89,139,85,0,0,0,105,142,173,196,176,181,186,191,194,189,181,181,186,173,83,0,0,89,85,0,0,91,129,165,79,54,52,150,181,191,165,33,37,75,144,152,152,147,157,183,189,176,168,165,157,115,115,119,121,121,165,181,196,199,199,202,202,196,194,191,186,165,83,32,28,51,109,178,196,207,204,189,168,166,168,125,121,168,199,196,183,181,127,115,116,123,129,173,176,183,194,202,196,191,191,191,194,196,199,199,194,186,178,131,127,129,176,183,183,129,121,119,125,178,183,186,183,183,170,181,183,160,78,72,115,170,181,183,157,73,0,52,194,204,212,176,81,0,0,0,31,181,194,204,199,176,169,176,194,202,199,123,108,119,181,189,191,191,194,189,173,121,121,125,168,165,125,124,124,125,170,183,189,183,178,178,181,183,181,176,129,127,125,121,173,189,189,189,189,196,199,194,191,191,194,196,199,202,207,209,212,207,202,194,194,194,189,183,178,178,125,91,79,101,181,186,189,189,186,117,29,44,113,165,119,118,168,178,186,194,199,202,202,196,189,178,163,97,69,69,105,176,191,178,37,0,11,107,163,183,196,194,178,115,82,97,191,191,183,183,181,178,168,122,125,186,196,196,196,196,191,183,178,178,183,186,186,189,191,194,199,199,194,186,178,176,178,176,125,117,123,178,186,183,181,183,189,191,191,191,191,186,176,164,166,194,212,80,66,76,98,194,194,75,42,91,125,168,168,170,178,183,178,172,176,181,178,173,121,119,121,170,178,176,178,186,199,207,207,196,176,105,114,123,123,123,173,191,199,202,196,194,196,194,181,176,191,196,196,194,189,176,118,116,119,173,178,178,178,178,176,129,127,129,170,181,194,194,178,129,127,125,123,124,176,194,204,207,202,181,173,173,178,186,189,186,183,183,186,186,183,178,178,183,189,181,117,114,123,176,176,178,186,199,202,199,196,196,196,191,187,189,194,191,189,186,186,186,186,178,132,132,181,194,196,196,199,199,199,196,194,194,191,183,181,186,196,204,202,202,207,212,204,189,137,181,196,199,191,186,189,189,189,186,189,189,186,181,179,181,186,189,186,178,173,173,173,170,123,123,129,176,178,178,176,170,173,176,173,123,113,119,173,189,186,173,125,123,127,181,189,186,181,181,189,191,189,186,183,181,176,173,170,125,124,127,173,176,176,174,178,186,191,194,194,191,194,196,194,189,186,189,194,194,189,186,186,183,178,131,129,130,131,186,194,199,204,204,199,191,183,176,176,181,183,183,181,181,181,181,181,178,129,119,117,117,117,121,129,176,178,181,186,186,186,183,181,181,181,183,178,178,189,196,196,191,189,191,194,189,181,170,121,111,111,123,176,181,183,186,178,178,189,191,191,189,189,194,204,209,209,209,204,196,186,181,181,137,135,132,133,139,191,202,207,207,207,207,209,207,205,205,207,209,209,212,215,217,215,212,217,225,228,225,222,222,228,230,228,230,233,230,228,228,228,225,207,147,146,204,225,230,230,230,222,202,195,198,215,228,230,230,228,228,228,230,233,233,228,134,121,143,225,230,228,225,222,222,222,225,225,225,225,225,228,228,228,228,228,230,230,230,230,233,233,230,228,228,230,230,230,230,228,222,217,217,217,215,209,209,207,204,202,204,209,209,202,196,199,209,215,215,207,204,204,202,199,199,194,189,189,181,135,133,178,186,189,181,133,133,133,183,191,191,186,186,186,186,186,186,186,183,181,178,177,177,181,181,176,133,135,131,125,123,124,127,133,191,202,196,133,126,133,189,196,202,202,194,191,189,191,196,207,212,215,212,209,209,212,215,215,209,207,207,207,209,207,207,209,212,209,207,207,212,217,217,212,207,212,215,207,196,186,137,135,129,119,107,105,111,123,173,173,121,113,111,110,111,111,111,113,127,186,189,183,183,183,186,194,199,202,199,196,191,194,196,199,196,189,181,176,131,125,121,119,121,125,133,183,189,189,187,187,191,196,194,186,185,181,181,185,196,204,204,200,200,200,204,207,207,199,190,187,191,204,209,202,198,202,209,209,207,139,109,109,129,137,183,181,135,134,137,189,191,194,196,194,189,189,196,204,204,207,215,225,222,212,207,207,209,222,225,217,212,209,209,212,215,215,212,209,207,207,207,204,204,207,209,212,212,204,202,202,209,217,217,215,209,202,194,191,189,141,141,186,194,202,207,207,204,199,189,186,186,194,199,191,186,186,189,191,196,199,202,202,202,207,207,204,202,202,202,199,199,204,212,212,202,194,194,194,196,199,202,202,204,204,207,207,202,196,196,196,204,207,207,205,209,207,204,204,202,143,140,143,202,207,207,207,204,203,204,207,204,202,196,196,199,202,207,215,215,196,124,117,133,194,204,207,207,207,207,212,209,207,209,212,215,212,209,208,209,215,215,212,207,202,196,196,202,196,189,191,199,202,202,200,200,207,212,215,215,215,212,207,204,199,199,202,207,209,204,199,194,194,196,199,196,192,192,195,196,189,183,186,194,199,199,199,199,194,139,136,137,139,139,183,186,139,135,135,139,186,194,196,202,207,207,207,207,212,215,215,205,203,203,205,207,204,202,200,200,204,207,209,212,215,207,194,189,194,196,199,204,209,209,209,207,207,207,207,207,204,202,199,196,194,189,141,141,186,141,138,138,137,138,189,191,186,137,129,129,137,194,199,199,202,207,212,212,209,207,204,202,202,202,204,207,207,209,209,212,212,207,204,202,191,143,189,191,191,191,196,204,209,212,212,212,207,204,204,207,209,209,209,207,209,209,212,212,212,217,222,228,228,217,209,212,215,222,228,233,230,222,212,207,215,217,217,225,228,228,225,217,212,207,207,207,209,215,217,220,222,225,228,228,228,225,224,225,228,220,213,215,207,137,121,115,109,107,105,101,109,183,204,196,178,176,189,202,202,202,207,204,137,135,181,186,194,199,191,187,190,196,196,194,191,189,186,183,135,125,133,196,202,196,194,196,194,194,199,207,209,207,199,196,196,196,199,202,204,207,202,199,194,192,192,196,202,202,199,189,183,181,133,126,124,125,129,133,135,183,196,199,199,199,207,212,217,217,220,217,217,212,209,207,207,209,209,209,209,204,199,191,143,139,137,135,129,126,126,133,141,194,207,215,225,233,238,241,238,230,217,212,217,228,233,235,233,217,196,149,202,207,202,143,137,141,199,215,222,225,228,233,235,238,241,241,243,246,243,243,243,246,238,230,222,220,217,215,212,207,212,212,199,189,189,189,194,196,183,168,157,155,155,147,142,139,142,0,0,0,150,144,144,152,168,181,194,0,0,0,0,0,0,0,0,0,238,238,235,235,228,212,199,191,191,189,178,170,125,0,129,178,204,215,222,225,228,233,238,248,254,254,248,243,243,251,255,254,246,235,233,235,246,254,255,254,254,251,246,238,228,217,212,212,207,196,186,183,186,194,199,202,207,209,207,205,217,238,238,215,191,181,176,173,170,170,168,163,157,155,152,152,152,115,0,0,0,0,183,178,176,181,183,178,176,178,178,181,183,176,123,120,122,168,186,202,212,220,222,217,209,204,196,186,176,131,127,123,119,115,113,115,117,117,115,113,119,133,183,191,199,202,200,200,202,202,204,207,212,212,207,205,209,217,225,228,225,222,217,215,212,209,202,149,145,141,136,137,145,199,202,204,207,215,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,191,194,196,204,155,113,129,183,186,160,155,157,157,165,181,194,194,181,163,121,122,123,121,123,181,199,196,178,121,119,125,181,196,196,119,96,108,121,176,123,51,97,107,123,123,119,121,168,178,183,186,186,183,181,176,170,168,173,176,176,170,125,123,168,173,176,183,191,191,181,178,186,191,189,191,199,204,199,191,107,75,157,168,181,178,105,117,160,165,181,191,186,117,160,165,119,115,113,115,119,123,163,121,111,108,115,165,173,176,178,183,178,178,186,194,191,163,113,163,199,194,183,186,191,160,47,57,69,43,0,0,0,0,1,0,0,35,79,25,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,81,129,0,0,0,0,0,0,150,160,131,79,81,131,160,181,168,55,0,0,0,25,17,33,173,189,157,21,39,63,45,41,41,37,45,49,17,0,0,0,0,0,0,0,0,0,0,39,99,37,0,0,176,194,202,209,202,183,183,189,194,194,191,189,189,186,163,9,41,57,61,81,55,55,131,137,129,64,73,163,157,178,189,181,79,101,150,160,163,160,157,165,170,173,170,115,112,113,113,110,119,163,165,163,168,189,199,199,196,194,202,191,173,121,75,46,32,28,79,105,168,189,194,191,178,173,178,176,168,123,121,123,168,170,168,119,114,114,119,173,176,176,183,194,199,199,196,194,194,194,194,194,191,186,181,173,127,127,170,181,186,183,173,123,123,173,183,183,181,181,186,189,196,194,87,74,81,115,191,194,66,64,62,41,79,186,202,215,204,178,0,0,0,45,186,199,202,199,173,159,172,183,196,160,105,107,123,183,191,194,194,196,189,176,125,165,176,178,170,165,125,124,124,168,181,186,183,173,173,178,181,176,170,127,127,125,131,189,194,189,183,189,194,199,194,190,190,194,196,199,199,199,204,212,209,202,196,196,199,199,186,170,57,59,73,89,103,178,181,178,189,194,95,30,50,85,119,165,170,178,181,183,191,196,199,196,194,186,176,119,99,103,113,163,191,199,189,117,19,61,103,160,181,194,191,178,163,67,99,194,196,196,189,183,181,176,125,125,178,189,191,194,196,194,186,178,181,183,189,191,191,191,194,199,194,189,183,173,127,127,170,123,115,117,127,183,181,178,178,178,181,183,186,189,178,170,166,168,191,217,71,63,117,189,191,191,168,64,99,123,168,168,170,178,181,176,173,173,176,176,173,176,178,183,189,189,183,176,178,194,202,204,191,113,112,117,121,118,118,170,186,194,196,194,186,191,183,97,115,196,199,202,202,199,191,127,119,123,173,183,186,186,119,111,173,178,176,173,181,191,191,178,131,129,127,125,125,129,176,194,204,196,178,170,172,178,186,194,191,183,186,189,189,189,189,183,183,186,181,176,131,131,133,133,178,189,199,202,196,189,186,189,191,191,189,194,194,191,186,186,183,181,135,133,133,181,194,199,199,199,202,202,196,191,189,186,183,182,186,194,199,202,204,209,209,202,181,133,137,194,199,189,185,186,186,186,186,186,189,186,183,179,181,186,186,183,176,172,173,178,173,125,121,127,173,129,170,181,178,178,178,178,173,129,131,178,189,186,173,124,124,131,183,189,183,131,131,181,186,189,191,189,183,181,176,125,121,122,127,176,181,178,176,178,186,189,189,189,191,194,196,194,183,181,186,194,194,191,189,189,186,178,131,130,131,176,181,186,194,199,199,194,186,178,176,176,181,183,183,181,176,178,181,186,183,127,115,113,115,119,125,131,173,178,183,189,189,189,186,183,181,183,181,181,183,191,194,191,186,189,191,191,186,181,131,108,107,110,121,176,186,181,176,178,181,186,191,189,186,191,202,207,209,207,207,207,199,186,136,136,137,133,130,131,186,199,207,212,212,212,212,215,212,207,207,209,209,212,217,222,222,217,217,217,225,225,222,217,215,222,228,228,228,230,228,222,222,225,215,148,144,149,212,228,233,235,230,215,200,198,207,228,233,233,230,228,228,228,228,228,228,217,151,141,147,215,228,225,222,217,217,217,225,228,228,225,224,225,228,225,225,225,228,230,230,230,230,233,233,230,228,228,228,230,233,228,217,215,215,217,212,209,207,207,207,207,207,209,204,199,196,202,209,215,212,209,204,202,199,194,194,194,194,191,183,178,135,176,183,186,186,181,183,189,189,186,183,186,189,186,186,186,186,186,183,181,178,177,178,181,178,176,135,178,181,135,133,131,133,183,196,204,202,191,135,139,191,202,204,202,196,192,194,194,199,207,215,217,217,215,212,215,215,215,215,212,207,204,209,207,204,209,215,209,204,207,212,217,220,215,212,212,215,217,212,207,196,186,135,119,111,113,121,176,181,176,123,113,110,113,115,115,111,113,123,181,189,189,189,186,186,191,202,204,202,194,191,194,199,202,196,191,181,133,129,127,125,125,125,129,178,189,191,194,189,187,191,202,202,194,189,183,182,189,199,207,204,202,200,200,202,204,204,199,194,194,199,204,204,198,196,199,207,209,204,139,127,133,139,139,183,189,183,136,136,139,189,194,194,189,187,187,191,194,199,207,215,222,215,207,207,212,215,222,225,215,207,204,204,207,215,220,217,212,209,207,207,207,204,203,204,209,209,204,196,196,204,212,215,215,209,199,191,194,194,186,141,186,194,199,204,204,202,196,189,187,191,199,202,196,194,194,189,186,187,196,204,202,202,204,204,199,196,199,202,199,199,204,209,212,209,202,199,199,196,194,194,196,199,199,202,199,196,196,199,204,207,207,205,205,209,212,209,204,199,143,140,142,196,204,207,207,207,204,204,207,204,199,196,196,199,199,204,217,225,215,137,123,143,199,207,212,212,212,209,209,209,209,212,215,217,212,208,208,212,215,215,209,207,202,199,202,207,204,196,194,199,202,204,204,207,209,212,212,212,212,204,196,191,191,194,204,212,217,212,204,196,194,196,199,196,194,194,196,199,189,183,189,196,196,196,199,202,191,139,137,139,183,183,186,189,139,132,132,135,186,194,199,202,204,207,207,207,209,215,212,205,203,203,205,207,207,202,200,202,209,212,212,212,209,202,194,189,189,194,202,207,207,207,207,204,199,199,204,204,202,196,196,196,189,141,141,189,189,141,138,138,137,138,186,189,186,139,139,141,194,204,207,207,209,212,212,212,209,207,204,204,202,202,204,207,212,215,212,212,209,207,207,207,196,143,139,137,139,143,191,199,207,215,217,215,209,204,204,207,209,207,199,196,199,207,212,215,215,217,222,225,228,228,222,217,220,222,225,228,230,225,215,212,222,225,222,222,225,225,217,215,212,209,207,204,204,212,217,222,222,228,230,230,230,230,228,225,222,217,220,225,222,186,109,104,103,111,119,113,115,183,202,202,199,183,182,194,202,199,196,199,137,133,136,186,196,196,190,187,189,194,196,194,191,191,194,191,181,119,118,183,189,183,189,191,189,191,199,204,207,204,202,199,196,199,199,204,204,204,202,199,194,191,191,192,196,202,199,191,189,186,137,133,133,137,139,139,139,186,194,199,202,202,204,209,212,215,215,212,212,204,196,196,199,202,202,204,204,202,196,191,189,143,141,139,137,133,127,127,133,141,199,212,225,230,233,235,233,228,222,217,225,233,238,238,235,222,151,147,202,204,196,139,133,135,147,212,228,228,228,230,233,238,241,243,246,246,243,238,235,238,235,222,222,0,0,230,222,217,215,207,196,189,186,181,178,178,176,165,157,155,152,147,139,138,139,0,0,0,0,147,147,152,163,176,189,0,0,0,233,233,230,230,235,241,241,238,238,235,225,207,196,194,194,191,183,176,173,176,186,199,209,215,225,228,228,226,230,243,254,255,248,243,246,254,255,255,251,235,225,225,238,251,254,251,251,251,246,235,220,209,209,209,204,194,183,183,196,217,212,204,204,207,207,209,228,248,248,225,199,183,181,181,178,173,168,165,160,157,155,117,117,0,0,117,168,0,0,183,178,183,186,186,183,181,181,186,189,183,173,123,121,125,178,196,209,217,222,217,212,207,202,194,183,176,127,123,121,119,117,119,123,123,117,113,117,127,137,189,196,202,202,202,204,202,204,209,212,209,207,204,205,212,222,228,225,220,217,215,212,204,196,147,147,143,139,139,194,202,207,207,209,212,215,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,178,183,186,196,189,157,157,183,186,163,156,160,163,170,189,202,204,199,186,176,168,165,165,173,189,202,196,176,125,168,168,170,183,183,123,117,125,181,191,165,61,103,105,109,115,119,123,165,170,178,183,178,170,168,165,165,173,181,183,176,168,123,123,168,170,173,178,189,189,181,181,189,194,189,186,189,191,183,107,28,55,155,160,93,0,21,79,111,157,176,196,189,160,113,111,111,111,113,117,119,119,119,117,109,106,115,173,173,165,163,165,165,168,173,183,189,170,113,113,168,147,102,150,157,99,57,71,85,91,13,0,0,0,47,35,0,47,152,129,23,25,0,0,73,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,176,168,81,0,0,0,23,0,0,0,0,0,0,0,0,0,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,137,53,0,0,53,0,0,69,189,196,202,209,209,196,191,194,196,191,186,186,183,178,47,39,191,194,137,147,157,157,85,73,68,65,147,189,176,178,181,181,173,176,173,183,183,170,160,160,156,163,165,112,110,115,168,173,181,181,173,117,113,191,202,199,183,119,101,87,86,87,69,53,47,57,105,115,165,176,178,176,168,165,178,181,170,121,110,109,112,117,121,119,121,125,170,178,178,173,178,189,194,196,196,194,191,191,189,186,183,181,178,131,127,127,170,178,181,181,176,168,168,178,186,181,172,173,183,189,196,183,73,70,93,181,202,199,53,55,75,91,157,178,196,209,207,199,83,0,0,43,181,196,199,196,178,155,166,176,173,103,101,111,173,186,194,196,196,194,189,176,119,123,181,183,170,168,168,165,165,170,178,183,176,127,123,125,127,129,127,127,127,129,178,191,196,189,183,183,191,196,194,190,191,194,196,196,194,191,196,207,207,202,199,199,199,202,196,127,54,97,115,89,67,115,168,176,189,191,97,47,69,95,119,176,183,183,186,186,191,194,194,191,191,186,181,168,111,103,111,170,189,196,189,178,73,89,107,160,178,189,189,176,105,69,103,191,199,199,189,183,181,176,127,125,173,181,183,189,194,194,189,183,181,186,191,194,194,194,196,196,191,189,183,129,121,123,127,119,93,93,101,170,178,178,181,176,125,176,186,183,181,170,168,169,186,204,73,66,173,186,183,173,125,109,105,117,125,168,173,173,173,173,176,176,176,181,189,194,196,196,196,194,183,125,129,183,191,183,127,114,117,123,121,118,118,127,178,186,191,186,173,123,95,81,92,178,196,202,199,199,191,178,125,125,170,178,183,181,120,116,176,183,178,173,178,186,181,173,131,131,131,129,129,131,173,186,194,189,176,170,172,181,194,199,191,178,181,189,191,191,189,183,179,179,181,183,181,133,131,176,183,189,196,199,191,183,181,186,191,191,189,191,194,194,189,186,186,183,178,135,135,183,196,199,199,199,204,204,194,183,181,181,183,183,183,191,196,199,204,207,207,199,135,132,135,191,196,189,186,186,186,183,181,183,186,186,186,183,183,183,183,178,176,173,176,178,173,125,119,119,119,116,117,173,178,178,178,181,181,181,178,181,189,191,186,178,176,183,189,183,127,118,123,176,183,186,189,189,186,183,176,125,121,123,131,181,183,178,176,176,181,183,183,186,189,189,191,189,181,176,183,194,194,191,189,186,183,178,176,176,178,176,176,181,189,194,189,178,176,176,178,181,178,178,178,176,129,173,178,183,181,125,115,115,123,129,131,173,176,181,186,189,189,189,186,183,181,178,176,173,181,191,189,183,183,186,183,181,181,178,173,113,111,117,127,176,178,131,130,132,178,186,186,181,179,189,204,209,207,204,204,207,204,194,183,137,139,137,132,132,194,207,212,215,212,215,215,217,215,212,212,215,215,217,222,222,222,217,215,215,217,222,222,215,209,209,215,217,225,225,222,220,222,222,215,149,147,202,217,228,230,230,225,212,202,204,217,233,235,235,233,230,228,225,225,225,222,215,204,149,153,209,222,222,217,216,216,217,225,228,228,224,224,225,225,225,225,224,225,230,233,230,230,233,233,230,228,228,228,230,228,222,215,213,215,217,215,209,207,204,207,207,207,207,202,196,196,204,209,209,209,207,202,199,194,192,194,199,199,196,189,183,129,117,117,133,183,186,186,189,183,176,178,183,189,186,186,186,189,189,186,181,178,178,178,181,178,135,135,183,189,189,189,186,186,191,199,207,207,202,191,189,196,204,207,204,202,202,204,204,207,209,217,222,222,217,217,217,217,217,217,212,202,199,204,204,204,207,212,209,202,202,209,215,215,212,212,212,215,217,217,215,204,196,186,127,115,117,129,183,183,176,125,117,115,121,127,125,121,123,131,186,191,189,189,189,189,194,199,202,199,196,196,199,202,202,196,191,183,133,129,129,129,131,133,135,183,191,196,199,196,191,196,204,207,202,196,191,191,196,199,202,202,204,204,200,200,202,202,199,196,199,202,204,202,198,198,202,209,209,204,183,131,137,139,137,183,191,189,139,137,183,186,189,189,189,189,187,186,189,196,209,215,217,207,203,207,209,209,212,217,209,203,203,203,207,215,222,222,215,209,207,207,207,204,203,204,207,207,199,192,192,199,207,209,209,207,202,199,202,202,196,191,191,194,196,199,202,202,199,196,194,196,202,202,199,196,196,191,186,186,194,202,202,199,202,199,194,194,196,199,199,199,202,204,207,209,207,204,202,199,194,194,196,194,196,196,196,196,199,204,207,209,207,207,205,209,212,212,204,199,189,143,194,202,207,207,207,207,204,204,204,204,199,196,196,199,199,202,209,217,215,202,191,199,207,212,215,217,215,215,212,209,212,215,217,215,209,208,208,212,215,212,209,204,204,204,204,207,207,202,199,199,204,207,207,209,209,209,209,209,209,202,191,189,189,191,202,215,220,215,207,199,196,199,204,204,199,202,204,202,191,183,189,194,196,196,199,202,194,186,186,189,189,186,186,191,137,130,130,135,191,196,194,194,199,204,209,212,212,215,215,212,209,209,209,209,204,202,202,207,212,215,212,212,207,199,191,189,189,196,204,209,207,204,202,196,189,189,191,194,194,196,199,199,194,189,189,194,194,189,141,186,141,141,186,189,189,189,191,202,209,212,212,207,207,212,215,209,209,209,207,207,204,202,204,209,215,215,212,207,204,204,207,209,202,191,137,133,134,137,143,194,202,212,215,215,209,207,204,204,204,202,192,191,194,202,209,215,215,215,215,217,220,220,217,215,220,225,225,228,228,225,217,215,220,222,217,217,220,220,215,212,212,209,204,203,204,209,217,222,225,228,233,235,235,235,233,230,225,222,222,228,225,194,111,102,102,115,125,119,119,178,189,194,196,191,186,194,202,196,189,186,135,133,137,191,202,202,196,191,191,196,199,199,196,196,199,196,183,115,112,119,127,133,189,189,137,125,133,189,199,202,202,199,199,202,204,207,207,207,207,204,202,196,194,194,196,199,199,194,194,194,189,183,186,191,191,189,186,186,191,202,207,204,202,204,207,207,207,204,199,191,143,189,191,194,196,196,202,202,196,194,194,194,191,189,141,135,129,127,127,133,145,207,222,230,233,233,233,230,228,230,233,238,243,246,243,230,202,145,149,149,143,131,129,133,196,222,235,235,230,230,233,238,243,246,248,248,243,238,233,233,233,230,238,0,0,0,233,228,217,202,189,183,181,176,168,163,160,157,152,150,152,150,142,138,139,142,0,0,0,152,152,157,165,176,186,0,0,0,233,233,230,233,238,0,241,238,238,235,225,207,196,191,189,186,178,176,176,183,196,207,212,222,230,233,233,230,233,243,254,255,251,246,248,255,255,255,255,235,222,220,235,248,248,246,243,243,238,225,209,202,202,204,202,191,185,185,207,233,225,207,202,203,0,217,0,251,254,235,209,191,189,189,186,178,170,165,163,160,157,155,117,115,155,170,194,0,191,178,170,176,186,186,183,181,181,189,194,191,183,173,123,0,173,191,207,217,222,217,212,209,204,202,194,183,173,127,123,123,121,121,123,123,121,117,117,125,135,186,196,202,204,204,204,202,202,207,209,209,207,205,205,212,222,228,225,220,217,215,212,202,149,194,194,145,141,141,194,202,204,204,207,209,209,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,163,168,173,181,189,189,170,160,165,170,168,168,173,168,173,186,196,202,199,191,181,170,168,170,176,191,199,194,178,170,183,176,121,117,114,114,125,176,183,183,121,85,111,105,104,113,121,168,125,117,125,170,125,121,119,119,123,176,189,186,176,123,119,121,165,168,168,176,183,186,181,176,176,183,183,181,176,178,113,13,0,93,183,189,105,0,11,83,157,157,160,202,183,117,67,65,95,103,111,119,117,109,109,113,108,106,121,181,176,119,111,115,121,163,163,168,173,155,103,100,99,94,94,103,155,160,139,97,99,150,97,15,0,0,23,1,0,0,116,137,126,183,67,0,45,108,0,0,0,0,57,168,0,0,0,0,0,0,0,0,0,0,61,173,186,183,181,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,0,0,0,69,0,0,0,0,0,89,176,194,194,196,202,207,204,199,202,202,191,181,178,173,163,22,63,215,220,147,144,163,160,57,69,75,91,189,199,183,168,165,165,165,163,165,194,191,178,165,157,152,163,176,157,113,121,196,204,202,196,183,99,83,125,194,183,97,82,85,85,87,93,81,77,109,123,168,165,168,168,170,165,115,106,119,173,173,123,109,108,112,117,119,121,127,176,178,181,176,129,129,178,191,194,194,191,189,186,183,181,178,176,173,131,126,125,129,178,181,178,173,168,168,178,183,178,172,172,173,173,165,91,71,72,119,196,202,189,45,48,109,157,173,186,194,199,202,204,199,0,0,0,163,194,196,194,183,163,170,183,170,102,104,165,181,189,194,196,196,194,196,186,93,85,117,165,165,168,173,173,173,173,176,176,168,123,119,118,121,127,129,129,129,176,186,194,194,191,183,182,189,194,191,190,191,194,194,194,189,183,183,194,199,199,199,199,199,199,199,176,55,97,117,43,31,89,163,178,183,176,103,81,105,111,121,181,189,189,186,186,183,186,189,191,191,191,186,173,107,86,90,160,170,173,183,186,115,113,119,163,176,189,189,176,86,77,103,176,194,194,186,183,181,176,127,125,170,176,173,173,186,191,191,186,183,186,191,194,199,199,199,196,194,194,186,123,117,127,173,119,77,82,85,109,178,183,186,176,117,125,186,178,181,178,176,178,189,196,92,97,125,170,101,70,115,168,119,119,119,127,170,170,168,173,178,176,178,186,196,202,202,196,191,183,124,118,122,178,183,178,129,129,183,176,125,121,123,168,173,178,178,176,123,111,92,82,101,176,186,196,199,194,191,183,173,127,129,170,173,173,125,125,186,189,181,181,186,189,181,131,131,173,131,129,131,176,181,186,189,183,176,172,176,189,199,202,191,176,177,186,189,183,181,181,178,178,181,189,189,178,176,183,189,191,194,191,183,176,133,178,186,186,181,186,194,194,191,189,189,183,181,178,181,186,196,199,199,196,202,202,191,181,178,181,186,186,186,191,196,199,202,207,204,196,137,133,137,191,194,189,183,186,186,181,178,178,181,183,186,186,186,183,181,178,176,178,181,181,176,123,117,116,115,114,116,173,181,181,181,183,186,183,181,183,191,196,196,191,189,191,189,181,118,115,119,176,183,186,189,189,186,186,178,127,124,127,176,183,183,178,176,178,181,183,181,181,181,181,183,181,176,176,183,194,194,189,183,178,178,178,183,189,186,178,173,178,186,186,178,172,170,174,178,181,173,129,127,127,125,131,178,178,173,123,119,125,178,178,176,176,178,183,186,186,186,186,186,183,178,173,170,170,178,186,181,173,176,176,127,125,173,176,173,121,119,123,129,173,132,129,128,131,178,186,183,176,176,183,202,209,207,202,196,199,204,204,199,191,186,183,135,133,202,212,215,215,212,212,215,217,215,215,217,220,222,222,222,222,222,215,212,212,212,217,222,217,204,200,202,212,222,225,222,222,225,228,222,204,199,207,215,222,225,217,212,209,212,217,228,233,235,235,235,233,225,222,217,217,217,215,209,204,202,207,212,217,217,216,216,217,225,228,225,224,224,225,225,225,225,225,228,230,230,230,230,233,233,230,228,228,228,225,222,215,213,215,215,217,215,209,204,202,202,204,204,202,196,191,191,199,207,207,204,202,199,196,192,192,196,204,204,199,196,189,127,104,103,115,178,183,183,181,133,127,129,178,181,178,178,181,183,186,186,183,181,178,181,181,178,178,183,191,199,202,202,196,194,194,199,204,207,204,199,199,199,202,204,207,209,212,212,212,209,212,215,217,217,215,217,217,222,222,217,209,199,194,199,204,204,202,207,207,199,199,207,209,209,209,212,212,212,215,217,215,207,199,191,133,117,117,127,181,186,181,176,129,129,178,181,176,131,133,183,191,194,189,187,189,194,199,202,202,202,204,204,204,204,199,196,191,181,133,131,133,178,181,181,181,183,189,194,199,202,196,199,202,204,204,202,204,207,204,199,194,196,204,209,204,200,200,202,202,199,199,202,202,199,198,198,204,209,209,202,139,131,135,137,137,183,196,196,183,135,137,183,186,186,189,191,187,186,189,199,209,215,212,204,204,204,199,195,204,215,212,204,202,204,209,215,215,217,217,209,204,202,204,204,204,204,204,204,196,191,191,194,199,202,202,204,207,207,207,209,207,199,194,191,191,194,199,204,204,202,199,199,202,202,199,199,199,194,187,186,189,196,196,196,199,196,191,190,194,196,199,199,202,202,204,207,209,207,204,196,194,194,196,196,194,194,194,196,199,202,207,207,207,207,207,209,212,215,207,191,142,191,202,209,212,209,209,207,202,202,204,204,199,191,191,196,199,202,207,209,212,209,207,207,209,212,212,215,215,215,212,209,212,217,215,212,209,208,209,212,212,209,207,207,204,207,207,207,207,204,204,202,204,207,207,209,209,209,209,209,209,202,194,190,190,191,202,212,217,215,207,199,194,199,204,209,209,209,209,207,194,186,189,191,194,196,199,202,199,196,194,196,194,186,139,186,137,131,132,139,191,194,190,189,194,202,209,215,215,215,215,215,215,212,212,207,204,202,202,204,209,212,212,212,209,204,194,191,191,196,204,209,207,199,191,186,183,181,182,185,186,194,199,202,199,196,196,204,204,199,196,196,194,191,191,191,194,196,204,212,217,215,209,202,199,207,212,209,209,212,212,209,204,204,207,212,215,212,209,204,204,204,209,215,212,202,143,135,133,136,141,189,196,207,215,215,212,207,204,204,204,199,192,191,194,204,209,212,212,209,209,209,209,209,207,207,215,222,225,225,225,222,217,212,212,215,217,215,215,217,215,215,212,209,207,203,204,212,217,222,225,228,233,235,238,241,238,235,230,222,222,230,225,199,121,104,102,109,119,121,127,178,181,186,194,191,189,196,202,199,191,186,136,137,191,202,209,209,207,204,202,202,204,207,207,207,207,207,199,125,116,121,123,127,189,191,125,113,116,181,199,202,199,202,204,209,209,207,207,209,212,215,212,209,204,202,199,199,199,199,202,199,196,194,196,202,199,196,189,186,191,204,209,204,199,199,202,202,199,196,194,142,140,143,191,194,196,199,202,202,199,196,199,199,196,189,139,135,129,129,129,131,141,207,225,233,233,231,233,233,235,235,238,241,246,248,251,241,209,145,141,143,139,131,133,147,215,233,241,238,233,233,233,238,243,248,251,251,248,243,238,235,235,241,251,255,0,0,0,235,222,199,183,176,176,173,163,155,150,147,144,144,150,152,147,139,139,139,142,144,0,152,155,163,173,181,191,0,0,228,230,230,230,233,238,241,238,235,233,233,225,212,202,194,186,178,174,174,178,189,199,209,217,225,230,235,238,238,241,246,251,254,251,246,248,255,255,255,254,235,217,217,233,246,246,238,235,233,228,215,199,191,194,196,196,191,186,191,217,241,233,209,202,202,209,0,233,0,254,241,217,199,191,189,183,178,176,176,176,173,168,163,155,155,163,191,212,204,189,0,0,165,181,183,181,179,181,189,196,194,191,183,168,125,170,189,204,215,217,215,212,209,209,207,202,194,183,133,127,125,125,123,123,123,123,119,117,123,135,186,196,202,204,204,202,202,202,204,207,207,207,205,207,215,225,228,225,222,217,217,212,204,196,196,199,196,145,143,147,199,199,202,204,207,207,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,163,163,168,178,186,186,173,159,156,160,173,183,186,176,170,173,181,189,186,181,170,165,165,168,176,186,191,186,176,176,191,178,117,115,111,110,165,176,99,85,95,99,119,113,113,123,168,173,123,110,113,121,119,117,113,111,117,173,189,186,170,117,113,115,121,165,170,178,186,186,176,121,109,117,173,176,168,113,31,0,0,170,191,196,173,0,67,170,165,99,89,109,103,63,39,43,69,83,99,113,111,104,105,108,108,109,170,186,173,109,109,117,160,160,157,115,113,109,103,100,99,96,98,155,183,202,194,152,101,160,155,97,63,37,23,0,0,63,152,183,225,217,147,0,0,0,0,9,55,55,131,189,25,0,0,0,0,0,0,0,0,55,170,173,194,196,196,178,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,150,11,0,0,0,0,0,0,0,51,176,186,194,194,191,194,199,199,199,204,202,189,178,170,165,157,43,152,202,202,139,133,137,79,67,95,95,134,181,196,183,99,137,95,85,87,152,189,178,168,157,157,160,178,186,117,105,160,202,212,212,209,204,93,69,90,125,91,69,72,95,165,178,181,165,123,176,173,173,173,176,168,168,123,106,101,111,173,173,123,114,115,123,127,125,123,127,176,181,181,178,170,125,173,189,191,189,186,183,181,178,176,176,173,131,129,126,124,127,183,189,181,173,127,125,170,178,181,178,178,178,165,105,83,78,103,178,194,199,115,36,44,168,173,181,196,194,189,196,204,209,81,0,0,97,191,194,191,186,178,186,196,186,113,117,176,183,189,194,194,191,191,202,170,31,29,89,115,165,170,173,173,176,176,173,168,125,123,119,118,121,170,176,173,173,181,191,194,194,191,186,182,186,191,191,191,194,194,194,194,186,176,173,176,183,189,194,199,204,199,199,199,83,53,35,29,31,89,121,170,165,113,103,107,117,117,121,176,191,191,183,173,123,173,189,196,196,194,183,165,97,80,87,113,115,112,165,176,168,163,165,165,173,181,181,168,89,90,111,170,186,189,183,183,181,178,170,170,178,178,128,125,173,186,191,189,186,186,191,196,199,202,202,196,196,194,183,117,114,170,178,170,78,86,89,119,183,189,191,181,121,117,123,121,176,183,189,191,194,202,170,121,101,103,73,62,121,189,176,165,119,123,127,168,173,178,181,178,178,183,191,196,196,189,178,129,120,118,123,176,181,178,181,189,196,176,125,129,173,173,170,173,170,127,119,115,111,117,181,178,181,196,199,194,189,183,173,127,125,127,127,127,170,183,194,196,189,191,199,202,191,181,176,176,131,127,173,183,191,194,189,178,178,176,181,189,194,196,189,177,177,186,183,176,176,179,181,181,186,191,191,183,181,189,194,194,191,186,178,132,131,133,178,178,177,183,191,194,191,191,189,186,181,178,178,183,191,196,196,194,196,196,189,183,181,186,191,191,191,196,199,202,204,204,199,191,181,137,186,194,194,186,181,181,178,178,135,176,178,183,186,186,183,181,176,176,181,186,189,186,176,121,115,116,118,119,125,183,186,186,189,189,186,183,183,186,196,199,196,191,191,191,189,183,123,118,127,181,186,189,191,189,189,186,181,131,129,173,181,183,181,176,178,183,186,186,181,176,131,131,173,176,173,173,183,194,194,186,177,174,177,183,194,196,189,178,173,176,183,183,178,174,170,173,178,178,131,125,124,125,127,173,173,131,129,125,127,181,189,183,178,176,181,186,186,183,181,183,186,183,178,173,169,169,176,181,176,130,131,119,109,113,125,129,129,123,121,123,129,176,178,133,133,176,181,189,186,177,177,186,204,212,212,204,194,192,199,207,207,204,194,141,135,139,207,215,215,212,212,212,215,215,215,217,222,225,225,222,217,217,215,215,211,211,212,215,220,217,204,198,198,209,225,225,225,225,228,230,228,207,199,204,209,212,215,209,207,212,222,230,233,233,233,233,235,230,222,216,216,217,222,217,215,209,204,202,207,217,217,217,216,217,225,228,228,225,225,225,228,228,228,228,228,230,230,228,228,230,233,230,228,228,228,222,217,215,217,217,217,217,215,212,204,200,200,202,202,199,191,141,141,194,204,204,202,199,199,196,196,196,202,204,204,202,199,199,181,105,103,113,133,181,178,133,127,125,127,133,173,131,130,132,176,181,181,181,181,178,178,181,181,183,186,194,199,204,204,202,196,196,199,202,204,204,204,204,202,202,202,207,209,212,215,212,209,209,212,212,212,212,215,215,217,222,222,212,202,194,196,204,202,199,199,199,196,196,202,207,207,209,212,212,211,211,215,217,209,202,194,135,119,117,123,178,183,186,186,181,181,186,183,178,176,181,191,199,196,191,189,191,199,202,204,207,207,207,209,207,204,199,196,189,178,129,133,181,183,183,181,178,135,178,186,194,199,199,199,199,202,204,207,212,217,212,202,191,191,202,209,204,200,200,202,202,204,204,204,202,199,199,202,207,209,207,194,133,131,135,183,183,191,204,207,129,106,113,137,189,191,194,196,194,191,196,207,212,215,212,209,207,199,191,190,202,217,217,209,204,207,212,212,209,209,212,209,202,196,196,202,204,207,204,202,196,191,191,192,194,194,196,202,209,209,209,207,207,196,187,187,189,191,194,202,207,209,207,204,202,202,199,202,202,199,194,187,189,191,194,196,199,194,190,187,191,196,202,204,204,202,202,204,207,207,202,196,191,194,196,199,196,196,194,194,196,199,202,204,207,209,207,207,212,215,209,139,138,189,207,217,217,212,212,207,202,199,202,199,191,142,142,194,202,204,204,202,199,202,207,209,209,207,207,207,209,212,212,207,207,209,212,212,209,209,212,212,209,207,207,207,207,207,207,205,207,209,207,207,204,207,207,209,209,209,209,212,212,207,202,196,194,194,199,209,215,212,204,196,194,196,204,212,215,215,212,209,202,194,194,196,196,196,199,202,202,199,199,199,199,191,139,137,137,139,141,186,191,191,190,189,191,202,207,212,212,212,212,212,212,209,207,202,202,202,204,202,202,204,209,212,215,209,199,191,191,194,204,207,204,194,186,185,183,181,181,183,186,194,199,202,199,199,202,209,212,209,207,207,204,202,199,202,204,207,209,215,215,212,202,196,195,198,204,207,212,217,217,212,207,204,207,209,209,207,204,202,204,209,215,222,222,215,202,189,139,139,141,143,194,204,215,215,212,207,202,204,204,202,194,194,199,209,212,209,207,207,207,207,209,207,203,202,207,217,222,222,222,217,217,212,209,212,215,215,215,215,217,215,215,212,209,207,209,215,222,225,228,230,233,235,235,238,235,235,230,225,225,230,225,202,131,117,106,109,115,123,178,183,178,186,196,194,189,191,199,202,196,189,181,189,204,209,215,215,212,209,207,207,212,217,217,215,209,207,212,209,196,139,125,123,137,189,121,113,121,196,207,202,196,199,207,212,212,207,207,209,215,220,220,217,212,209,207,204,204,204,204,202,202,202,204,204,204,202,194,191,194,204,209,204,198,198,199,202,202,199,194,143,142,189,194,199,204,204,204,204,204,202,204,202,194,141,137,133,131,133,135,137,147,212,228,235,235,231,231,233,235,238,238,241,243,248,254,248,220,147,140,141,143,145,196,212,228,238,241,241,238,235,233,235,241,246,251,251,251,254,251,243,241,241,248,251,243,235,238,238,228,202,181,173,173,168,160,152,144,139,137,139,144,147,144,139,137,137,137,142,0,147,150,0,176,189,202,209,217,222,222,225,228,233,235,238,235,233,230,230,228,220,209,204,194,178,173,174,178,189,202,212,220,225,230,235,238,243,246,251,254,254,248,246,248,255,255,255,251,235,217,215,228,241,241,235,230,228,220,207,191,189,190,194,196,194,191,196,215,238,235,212,203,203,215,0,228,0,248,235,215,202,194,186,181,178,183,189,194,194,186,178,0,0,173,199,212,204,186,0,0,163,178,183,181,181,181,186,191,191,191,189,178,127,170,186,202,212,215,212,209,209,212,212,207,202,194,183,176,129,127,125,122,122,125,123,121,125,135,189,196,202,204,204,202,204,204,204,204,204,207,207,209,217,228,230,228,222,222,222,215,204,202,204,207,202,147,145,145,147,194,199,204,209,209,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,168,170,176,183,189,191,183,163,156,159,176,186,186,176,168,163,165,173,173,165,161,161,163,163,168,173,176,173,165,170,186,176,125,173,165,119,170,178,79,66,75,97,170,176,178,178,178,176,125,111,111,119,121,117,109,104,105,121,173,170,119,111,109,110,115,125,173,181,183,176,160,106,100,104,165,176,170,55,35,0,0,183,189,191,165,0,71,230,170,61,45,23,45,67,52,57,75,81,97,113,111,107,107,111,115,123,173,176,115,101,111,121,160,157,117,111,108,109,115,152,155,157,168,183,199,202,194,155,99,157,155,155,183,199,51,0,3,165,196,202,215,215,186,1,0,0,65,186,199,168,129,69,0,0,0,0,0,0,0,0,0,163,173,181,199,199,189,191,178,131,152,147,11,0,0,0,0,0,0,0,0,0,0,0,31,160,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,160,186,191,191,191,191,189,191,194,196,202,202,191,178,170,168,170,183,199,199,196,170,144,147,87,91,134,97,101,178,196,152,39,69,79,77,85,160,103,7,25,83,157,176,189,183,72,66,80,181,204,212,207,202,93,74,99,117,86,70,76,186,207,204,202,199,181,173,123,123,173,183,173,123,115,106,105,125,183,176,121,119,125,173,178,170,125,127,176,183,189,189,176,123,127,183,183,181,181,181,178,176,173,173,173,131,129,125,123,127,186,191,189,181,168,125,127,176,181,186,189,191,183,119,103,111,173,183,189,189,99,33,45,170,181,186,194,196,189,194,202,209,204,17,0,49,183,191,191,191,191,191,194,183,165,160,170,181,191,194,191,191,189,183,69,16,26,99,125,176,173,170,170,173,173,168,123,119,119,119,121,125,173,178,176,173,183,191,191,191,191,186,183,183,189,189,191,196,194,194,194,191,178,170,169,173,181,191,199,204,199,204,209,196,35,22,30,51,103,115,111,97,97,103,113,117,117,117,168,186,191,181,125,120,165,189,199,202,194,183,165,111,94,105,115,111,111,119,163,165,168,170,168,165,168,160,111,101,109,165,178,186,183,176,176,176,181,181,183,189,183,129,126,128,178,189,189,186,186,194,196,196,196,199,199,196,194,181,114,111,125,176,173,95,115,119,181,189,196,194,186,170,103,83,90,127,183,194,196,204,215,181,105,59,87,75,80,204,199,189,176,173,125,122,125,170,181,181,178,178,178,181,186,189,183,173,125,124,129,173,178,181,181,181,183,178,115,114,170,186,181,176,176,170,121,114,115,125,189,199,176,170,194,199,191,183,176,127,123,123,123,121,121,173,191,199,202,199,199,202,202,194,183,181,178,131,125,131,191,202,204,194,181,181,181,181,178,178,183,183,179,179,191,186,176,177,183,186,186,189,191,189,186,186,186,189,191,189,186,178,133,132,176,178,177,176,181,191,194,191,191,189,186,183,181,178,178,183,186,189,186,186,189,191,191,191,194,196,194,196,199,202,202,202,202,194,183,137,181,191,196,196,189,181,135,132,132,133,176,178,181,181,181,178,176,174,176,183,191,191,189,178,123,117,119,127,170,176,189,191,191,191,189,186,186,189,196,199,199,196,194,191,189,189,186,176,131,178,186,189,189,191,191,191,189,181,176,173,178,183,181,178,173,173,181,186,186,183,178,130,129,131,173,173,173,181,191,194,186,176,174,178,191,202,199,191,178,173,173,178,178,181,181,178,176,176,176,173,129,125,125,127,129,127,123,125,131,181,191,191,183,178,176,181,186,186,183,179,181,183,181,176,173,170,170,173,176,173,131,131,111,105,113,123,125,125,121,120,121,127,181,191,194,194,191,191,196,196,183,183,194,207,215,222,212,199,190,191,199,207,209,196,135,133,186,209,215,212,209,209,212,215,217,215,217,222,225,225,225,220,217,215,212,212,211,212,215,217,220,212,200,200,212,228,228,225,228,233,233,228,207,199,202,204,207,209,204,204,215,230,235,235,233,233,235,233,228,217,215,216,222,222,217,215,212,207,202,207,217,222,217,222,222,228,228,230,230,228,228,228,228,230,230,230,230,230,228,228,230,230,230,230,230,228,222,222,222,228,228,222,217,217,212,207,202,202,202,202,199,189,138,137,186,199,204,199,196,196,199,204,204,204,202,204,204,204,207,196,115,110,121,178,183,178,133,127,127,129,133,131,129,130,132,176,178,181,178,178,178,177,178,181,183,189,191,194,199,204,204,199,196,196,199,202,204,204,204,202,202,202,202,204,207,212,212,209,208,209,209,212,212,212,212,215,222,222,215,204,194,191,199,202,199,196,194,143,189,199,204,207,209,212,212,211,211,215,217,212,204,191,133,121,121,127,178,183,186,186,186,186,189,186,183,181,189,199,202,199,196,196,199,202,207,212,212,207,204,207,207,202,196,194,186,133,127,131,178,183,181,178,134,132,133,181,191,196,199,199,199,202,204,212,217,222,215,202,189,186,194,204,204,202,202,202,202,207,209,209,204,202,202,207,212,212,207,189,131,133,139,186,191,196,212,215,109,95,101,127,186,196,204,207,207,209,215,215,212,212,215,215,212,196,189,191,207,217,217,212,209,209,215,212,208,208,209,209,202,191,191,196,204,207,207,204,199,196,194,194,194,194,194,204,209,209,207,204,202,191,183,185,189,191,194,196,207,212,212,209,204,202,202,202,204,202,199,191,189,189,191,196,196,194,189,189,194,202,204,207,207,204,196,196,202,204,199,194,189,191,194,196,196,196,194,196,196,196,199,204,209,209,207,204,209,212,204,136,137,143,207,217,217,212,209,207,204,199,199,194,143,140,141,194,202,204,199,191,190,194,202,209,209,207,204,204,207,212,209,205,204,205,209,215,217,215,212,209,207,207,207,207,209,209,207,205,207,209,212,207,204,204,207,207,209,209,209,209,212,209,204,202,196,196,202,209,212,212,204,194,194,196,204,212,217,217,215,212,207,202,202,202,202,202,202,202,204,202,199,202,202,199,189,139,141,186,186,186,191,191,190,191,196,202,204,207,207,209,209,209,209,207,204,202,200,202,202,202,202,202,207,212,215,209,199,189,189,194,202,207,207,199,191,191,191,186,186,189,194,199,202,202,202,199,204,209,215,212,209,209,209,207,207,209,212,212,212,212,212,209,202,196,195,196,199,202,207,215,215,209,204,204,204,204,202,199,199,199,202,209,215,217,222,217,212,202,191,143,141,141,191,202,212,215,209,202,199,202,204,202,196,196,204,209,212,209,207,205,207,212,215,212,207,203,203,209,217,222,222,217,215,212,208,208,212,215,212,212,217,217,215,215,215,215,215,222,225,228,228,228,230,230,233,233,233,230,230,228,230,233,225,202,181,137,131,129,125,125,135,181,176,186,196,194,189,191,196,199,196,186,181,189,204,212,215,212,209,209,209,209,215,222,225,217,207,199,207,220,217,196,127,121,127,194,125,117,137,204,207,196,195,199,207,209,209,204,204,209,215,220,222,220,217,215,212,212,209,209,207,204,204,207,207,207,204,204,199,199,202,204,207,202,199,199,199,202,204,204,202,196,194,194,199,207,212,212,209,207,207,207,209,204,191,139,135,135,133,135,137,145,202,215,228,235,235,233,231,233,233,235,235,241,243,246,251,248,230,204,147,147,199,204,212,222,230,235,241,246,248,241,235,233,238,243,248,251,254,255,255,248,238,235,233,228,217,212,222,228,220,199,181,173,168,165,157,150,144,139,134,131,137,137,137,134,134,131,131,137,144,144,144,152,170,189,202,209,212,209,207,212,222,230,235,235,233,230,225,222,222,217,212,209,204,186,178,176,178,186,199,212,222,228,230,233,235,238,243,248,254,254,248,243,246,254,255,255,246,235,217,209,215,228,233,230,225,222,215,204,191,190,191,196,199,199,196,199,209,230,233,217,207,207,212,212,217,233,241,228,209,202,194,186,181,181,189,199,204,204,199,186,0,168,178,194,204,202,186,168,161,168,181,186,186,183,183,186,189,187,189,191,186,176,176,186,199,209,212,209,207,209,212,212,207,207,204,196,183,131,127,125,122,122,125,125,123,129,183,194,199,202,204,204,204,207,207,204,204,207,207,207,209,222,230,230,228,225,225,225,217,207,207,209,212,207,196,147,145,144,147,199,207,212,209,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,181,186,189,189,191,194,189,176,160,160,173,178,173,165,157,155,155,160,163,163,161,165,165,165,165,164,164,163,161,168,176,173,176,191,186,168,173,186,117,71,71,85,170,181,176,176,176,168,117,111,111,117,121,115,105,100,99,104,115,115,111,110,109,110,113,123,173,178,176,163,117,106,102,106,165,176,176,35,51,85,97,186,191,189,97,0,0,83,23,0,25,22,77,196,196,199,191,168,168,176,168,168,163,121,163,170,170,115,99,97,111,119,115,113,115,115,111,115,163,168,170,178,186,191,196,196,183,105,83,137,142,152,186,217,183,67,85,170,202,194,196,189,152,45,61,168,181,191,196,194,121,0,0,0,0,0,0,0,0,0,63,173,178,191,189,189,186,199,207,176,170,170,73,0,0,0,0,0,0,0,0,0,0,17,183,251,248,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,129,176,191,191,191,191,189,189,189,191,194,196,199,194,181,170,168,178,199,204,202,204,199,186,183,152,95,85,75,65,58,46,27,18,65,107,144,160,163,0,0,4,85,117,165,181,183,75,59,53,89,176,196,189,123,92,85,123,127,111,95,119,202,209,209,207,202,178,121,112,119,173,189,173,113,107,105,107,165,181,176,125,125,170,181,183,178,170,173,183,189,194,189,129,115,119,129,176,176,176,176,173,173,176,178,178,176,129,125,123,127,181,189,189,189,178,127,125,170,181,186,191,196,194,173,123,165,178,183,186,181,168,77,66,105,173,181,186,194,186,189,194,204,222,160,0,5,105,186,191,196,196,194,183,170,160,115,121,181,191,191,189,194,181,121,83,50,69,173,181,186,181,173,170,170,170,165,119,115,116,119,125,170,176,178,176,173,181,189,189,186,186,183,181,183,186,189,191,196,194,194,196,196,186,174,170,173,178,191,199,202,202,204,204,199,43,26,45,87,115,111,79,77,91,111,119,117,116,119,168,181,183,173,123,123,178,191,196,196,194,186,178,163,115,115,115,113,119,165,160,159,163,165,165,165,165,121,113,115,165,178,189,189,176,168,165,166,176,186,189,189,181,131,128,127,176,183,186,186,189,194,196,195,196,199,202,199,194,181,117,113,119,127,123,107,115,123,178,191,199,194,189,186,91,70,78,125,181,189,194,199,217,123,59,55,87,84,103,204,196,191,186,186,173,121,120,123,170,178,181,181,178,176,178,183,181,173,129,170,181,183,181,183,181,176,170,117,107,108,173,196,196,189,186,173,115,110,113,125,194,204,125,121,176,186,183,178,173,127,123,123,123,117,114,125,194,199,204,202,199,196,189,181,176,178,176,124,120,125,191,207,212,202,186,183,183,181,174,173,176,183,181,183,196,199,189,191,196,194,189,189,186,183,183,183,181,183,183,183,183,181,178,178,181,181,177,176,181,189,191,189,189,189,186,186,186,181,178,178,178,178,177,178,183,191,194,196,199,199,196,196,199,199,199,199,196,186,135,135,183,191,196,191,186,181,133,131,131,135,178,178,178,178,178,176,174,174,178,186,191,191,189,181,131,125,129,178,178,181,191,196,194,186,181,181,183,191,196,199,199,196,196,194,191,191,191,186,183,186,186,186,186,191,191,189,189,183,178,176,178,181,181,176,172,170,173,181,183,186,183,173,131,176,178,176,173,176,183,189,186,178,177,186,199,204,202,191,178,131,131,173,176,181,183,183,178,173,173,173,170,127,123,123,123,121,120,125,176,186,191,189,181,178,178,183,189,186,181,179,181,181,178,173,173,173,173,173,176,173,176,173,115,111,119,123,125,125,121,118,119,125,189,202,204,202,199,194,196,199,191,189,196,207,215,217,215,204,192,190,192,204,209,194,132,131,189,209,212,207,204,207,212,215,217,217,217,222,222,225,225,225,222,217,215,212,212,212,212,217,222,222,207,204,215,228,228,228,230,233,233,225,207,202,204,204,207,207,204,207,222,235,235,235,233,235,235,233,228,222,222,225,225,222,215,215,215,209,207,209,217,222,222,222,225,228,230,230,230,230,228,228,230,230,233,233,233,230,228,225,228,230,230,230,230,228,225,225,228,230,230,225,217,217,212,209,207,207,207,204,199,191,138,136,139,194,199,196,194,196,202,207,209,204,202,202,204,204,207,196,123,117,127,183,186,181,178,176,176,178,178,176,176,178,181,181,181,178,178,177,177,178,178,178,183,186,189,194,199,204,204,202,199,199,202,204,204,204,204,202,202,202,202,202,207,209,212,209,209,209,209,212,215,212,212,215,217,222,215,204,191,187,191,202,202,199,189,138,138,191,199,207,212,215,215,212,211,212,215,212,204,194,133,125,125,129,178,181,183,186,189,191,196,194,191,191,199,204,204,204,204,207,207,207,209,215,212,204,199,199,202,199,194,189,181,129,126,128,133,178,135,135,134,134,134,183,191,196,199,199,199,202,204,212,217,217,209,199,186,141,191,199,199,199,199,202,204,209,215,212,204,202,204,209,212,212,204,189,133,135,139,186,191,196,212,222,123,104,108,129,139,194,209,215,215,217,222,217,209,209,215,217,212,195,192,202,217,217,215,215,212,215,217,217,215,215,215,212,204,194,145,194,202,204,204,207,204,202,202,202,202,199,199,207,212,212,209,207,204,196,187,187,194,196,194,196,207,212,215,212,207,202,202,202,204,204,204,199,194,191,194,196,199,194,190,191,199,204,209,209,209,199,191,191,196,199,196,191,189,187,189,191,194,194,194,196,196,196,202,209,215,209,204,203,204,204,196,140,140,189,207,215,215,209,207,207,204,202,199,196,189,143,191,202,204,202,194,189,190,194,204,212,212,207,204,204,207,212,209,205,204,205,212,217,222,217,212,207,207,207,209,209,209,209,207,207,209,212,212,209,207,204,202,204,207,207,204,204,204,204,202,199,196,196,199,207,212,209,202,194,194,196,202,209,217,220,217,215,209,207,204,204,204,204,204,204,204,202,198,199,204,204,199,196,191,186,183,186,194,196,194,196,199,202,202,202,202,204,209,212,212,212,207,204,202,204,202,200,200,202,204,212,217,209,196,189,189,191,199,207,209,209,204,204,204,199,196,199,207,207,207,207,202,199,202,207,212,212,209,207,207,207,209,212,215,215,212,212,212,212,207,202,199,199,199,202,204,209,209,207,204,202,202,199,196,195,194,194,196,202,207,212,217,222,217,209,199,191,143,143,191,199,207,212,207,200,199,202,204,204,202,202,209,212,212,212,209,207,209,212,217,217,215,209,204,204,212,222,225,222,217,212,208,207,209,212,212,212,215,215,217,217,220,222,222,225,225,228,228,228,228,228,228,230,229,230,230,233,235,235,228,204,186,137,137,181,135,125,127,135,178,189,196,194,191,194,199,199,194,183,181,189,207,215,215,212,208,207,208,209,212,220,222,215,202,198,202,217,222,207,139,127,133,194,123,115,135,196,199,194,195,202,207,209,207,204,204,207,212,217,217,215,215,212,212,215,215,212,207,202,204,209,207,204,199,199,199,199,199,202,202,202,202,199,199,199,202,204,204,204,202,202,204,212,217,215,209,207,212,215,212,204,191,139,137,137,135,133,137,147,204,217,228,233,235,233,235,235,233,233,235,238,241,241,243,243,235,220,207,209,215,220,222,225,225,230,238,248,254,246,238,235,238,246,251,251,251,254,254,243,233,230,225,209,196,194,199,204,202,191,181,173,168,163,155,150,144,137,131,126,126,126,129,131,134,131,130,131,142,0,144,150,0,181,194,202,207,204,203,205,217,230,233,233,228,222,215,212,209,204,199,202,202,191,183,181,178,183,194,207,222,230,233,230,230,233,238,243,248,248,243,235,238,246,251,251,243,233,217,209,209,215,217,217,215,217,215,207,196,194,196,202,202,202,202,202,207,222,228,222,215,209,207,204,207,222,228,217,209,204,199,191,189,189,194,196,202,207,202,191,178,173,178,189,196,196,189,176,165,173,183,189,189,191,189,191,191,189,191,196,194,183,181,189,199,207,209,207,202,207,212,209,209,209,212,204,189,131,125,123,122,123,125,125,127,135,191,199,199,202,204,204,204,207,207,207,207,209,212,209,215,228,233,233,228,228,228,228,222,212,212,215,217,209,202,194,145,144,147,199,207,209,207,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,186,196,196,194,194,196,194,183,170,168,170,165,150,148,150,152,152,155,157,168,176,178,176,173,168,165,163,161,163,165,168,168,173,186,181,165,125,181,170,95,83,95,111,113,102,117,168,117,106,109,111,111,115,117,111,102,101,105,115,115,113,113,117,119,123,170,178,181,178,165,165,163,117,117,163,173,176,31,35,95,117,178,199,189,41,0,0,0,0,0,29,81,207,204,204,204,199,194,191,191,191,189,181,168,168,173,121,93,93,97,105,109,107,111,117,157,155,155,168,170,168,178,189,191,189,183,155,69,60,93,134,144,155,181,183,137,129,139,163,152,150,152,118,44,59,134,163,181,186,139,55,0,0,0,0,0,0,0,0,0,160,186,191,194,179,189,186,189,189,178,150,118,77,0,0,0,0,0,0,0,0,0,0,144,199,233,251,121,0,0,0,0,0,0,0,0,0,0,0,0,0,79,165,168,191,189,191,191,191,189,189,189,194,194,194,196,196,183,165,165,181,196,202,202,204,204,199,189,163,99,79,69,38,4,6,16,45,168,199,202,199,97,0,2,71,111,155,115,160,186,183,83,68,91,165,186,178,119,105,105,176,181,127,119,173,196,199,196,196,186,168,118,110,123,183,189,168,107,106,107,113,165,173,170,168,168,173,178,178,176,176,183,191,194,189,170,111,109,115,125,173,178,173,169,169,176,183,189,186,181,173,127,127,173,181,186,186,186,178,127,125,170,181,189,191,194,191,170,121,160,165,170,178,178,191,199,111,101,157,176,181,189,186,182,189,202,212,202,77,17,87,183,194,194,191,186,181,170,119,97,99,181,189,186,189,186,117,107,115,165,181,183,186,189,186,178,170,165,125,121,118,116,117,125,176,181,178,178,176,178,183,186,186,183,181,181,181,181,183,183,186,191,191,191,199,202,196,186,178,178,186,196,204,202,199,196,183,168,69,61,79,125,178,117,70,72,107,168,170,125,123,165,176,176,165,122,125,178,191,196,194,190,191,191,191,181,163,111,105,117,173,176,165,159,163,165,168,173,181,178,168,170,176,183,194,191,178,169,164,165,173,183,186,186,181,131,128,129,176,183,186,186,189,194,196,196,196,199,199,194,186,173,121,118,121,125,117,107,109,117,173,186,194,196,196,194,123,83,87,123,173,176,178,170,173,103,62,73,113,105,113,170,178,178,176,183,181,127,119,120,127,178,183,183,178,176,178,178,176,170,129,173,178,181,186,191,183,170,127,119,110,111,183,204,204,199,194,178,117,111,115,125,189,199,124,121,125,173,176,178,176,170,127,125,127,119,110,117,189,199,204,204,202,194,181,127,124,127,129,121,119,125,194,207,209,202,191,189,183,181,174,173,176,183,181,183,196,204,202,204,204,199,194,189,186,181,178,176,178,176,133,131,133,176,181,186,189,183,178,178,183,189,189,186,186,186,186,189,189,189,186,181,178,176,176,178,183,189,191,194,196,196,196,196,196,194,194,196,194,181,133,135,183,191,189,183,181,178,135,133,135,181,183,183,181,181,181,178,176,178,183,186,189,189,183,178,173,131,173,178,178,181,191,194,183,129,125,129,178,186,191,194,194,194,194,191,189,189,191,189,189,189,186,183,185,189,189,189,189,186,178,174,176,178,178,176,172,170,173,178,183,186,183,178,176,181,183,181,173,173,176,186,189,189,186,191,202,204,202,191,176,129,129,173,176,181,183,183,178,173,173,173,173,127,123,122,122,121,120,125,173,181,186,183,178,178,183,186,189,183,181,181,183,183,176,173,173,176,178,176,176,176,178,173,129,123,121,119,121,127,125,118,120,125,199,209,202,194,189,183,183,186,183,183,194,204,209,209,212,209,199,194,196,202,204,191,134,134,191,207,207,203,203,204,212,217,222,217,217,217,217,222,222,225,225,222,217,215,212,211,212,217,225,225,215,209,215,225,228,228,228,230,230,225,209,204,207,204,204,202,202,209,228,238,235,235,235,233,233,230,228,228,228,228,225,215,212,215,217,215,212,212,217,217,222,225,225,228,228,230,233,233,230,228,230,233,235,233,233,230,228,225,228,230,230,233,233,230,228,228,230,230,228,225,217,215,212,212,212,212,209,204,199,191,141,138,139,189,189,191,191,194,199,204,207,204,199,199,199,202,202,191,133,125,133,183,189,186,183,181,183,186,186,186,189,191,191,189,183,181,178,178,178,181,178,178,181,186,189,194,199,202,202,202,202,202,204,207,207,204,204,202,204,204,204,207,209,212,215,212,209,209,209,212,215,215,212,215,217,217,215,207,194,189,191,199,204,199,141,137,138,141,194,204,212,215,217,215,215,215,215,212,207,199,183,129,127,131,181,186,191,194,194,194,196,196,194,196,202,204,202,204,207,207,207,207,209,215,209,202,195,196,199,196,191,183,178,129,127,128,135,178,178,178,181,183,186,194,196,196,199,199,199,199,202,209,215,212,202,189,140,141,194,196,194,191,196,202,207,215,217,212,202,200,204,207,209,207,202,189,133,135,135,139,189,194,212,212,127,115,129,139,183,191,207,215,215,217,217,212,205,207,215,222,212,196,195,212,217,215,215,215,215,215,217,222,225,222,215,212,207,199,145,145,191,194,194,202,204,207,207,207,207,204,204,209,209,209,209,209,209,207,202,199,202,199,196,199,209,215,217,215,209,204,202,204,204,207,209,207,199,196,199,204,204,196,194,196,204,207,209,209,209,199,190,189,191,196,196,194,191,187,186,187,189,191,194,196,199,199,204,212,215,207,202,202,204,202,199,194,191,194,207,215,215,209,207,207,204,204,202,196,191,194,202,207,204,199,191,190,194,202,209,212,212,207,204,204,207,209,209,207,207,212,215,217,215,212,207,204,207,207,209,212,209,209,207,209,209,212,212,209,207,204,199,199,202,202,199,196,199,199,196,196,194,194,196,204,207,204,196,191,194,196,199,202,209,215,217,215,212,207,204,204,207,207,204,204,204,202,198,199,204,207,207,204,204,196,186,186,196,202,202,202,202,202,200,200,200,202,209,217,222,215,212,209,209,207,202,200,200,202,204,212,215,209,196,189,189,194,196,202,209,212,212,209,207,204,202,204,209,215,212,207,202,199,199,202,207,209,209,204,204,207,207,212,215,217,212,212,212,212,209,209,207,204,202,202,204,207,207,207,207,204,202,196,195,194,192,192,194,196,202,207,215,222,217,209,202,196,194,191,191,194,199,204,204,202,200,204,207,209,209,209,215,215,215,215,217,215,212,209,212,217,222,215,207,203,209,217,222,222,217,215,209,208,208,209,212,212,212,215,215,217,225,228,225,225,224,225,225,225,225,225,228,230,230,230,233,235,238,241,230,207,189,131,127,131,129,121,125,178,189,196,202,196,194,199,202,202,199,194,186,196,212,222,222,215,208,207,208,209,212,215,217,215,207,202,204,215,222,217,204,189,183,139,109,104,125,191,196,195,199,204,207,207,204,204,204,207,212,215,215,209,204,204,204,209,212,209,202,199,202,207,204,196,191,189,189,191,196,196,196,199,199,199,196,196,199,202,204,207,209,209,212,217,217,215,209,209,215,217,212,202,191,141,139,137,133,130,133,141,202,217,230,235,235,235,235,238,235,235,235,238,238,241,239,241,241,235,228,225,228,230,230,228,228,230,238,246,0,246,238,235,241,246,248,246,243,246,248,235,229,235,233,209,191,183,181,181,183,183,181,176,168,163,152,147,142,134,126,121,121,120,124,134,137,131,129,130,137,0,0,0,0,0,183,196,207,205,204,207,220,228,228,225,217,215,209,204,202,191,181,183,191,189,183,181,178,181,189,202,215,228,233,230,230,230,233,238,243,241,233,228,230,241,248,248,241,233,222,215,209,209,209,207,207,215,215,212,204,202,204,207,207,0,0,0,207,215,225,225,217,212,204,200,202,212,215,212,212,209,202,194,191,191,194,194,196,204,207,199,183,176,178,189,194,194,189,178,0,168,181,189,194,194,194,196,199,196,199,204,202,194,189,191,196,204,204,202,199,202,207,209,209,215,217,209,189,129,122,121,123,125,125,125,131,183,196,202,199,202,204,204,204,207,207,207,209,215,217,217,222,230,233,233,230,230,230,230,225,215,215,222,217,212,204,196,147,145,194,202,204,202,199,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,199,204,199,199,202,199,191,178,170,165,155,144,146,150,157,157,157,165,181,194,191,189,186,178,173,168,168,168,168,165,165,168,173,173,125,119,117,113,103,103,111,103,95,93,105,173,117,99,110,111,108,109,173,173,121,115,121,168,170,168,173,183,189,189,189,191,194,191,181,186,189,178,163,160,165,170,63,23,75,157,181,217,186,13,0,0,0,0,23,176,186,194,202,202,202,202,199,196,196,199,194,186,170,168,170,111,86,95,101,101,101,103,111,119,163,163,165,173,168,163,173,183,181,176,99,68,57,53,91,139,139,127,157,157,131,129,134,150,139,135,147,170,152,85,85,113,51,0,0,0,0,0,0,0,0,0,0,0,0,191,191,189,181,183,183,186,183,178,165,105,74,165,168,165,1,0,0,0,0,0,0,0,170,189,202,248,173,0,0,0,0,0,0,0,0,0,0,0,27,137,176,176,183,176,183,189,191,191,189,189,189,191,194,194,199,199,189,157,157,181,194,202,202,202,202,202,189,155,103,139,202,147,69,87,85,150,168,186,194,191,7,0,37,97,155,157,115,117,189,202,207,207,183,186,194,189,181,183,181,189,191,176,127,170,186,183,178,176,168,125,120,118,183,191,186,165,107,113,123,170,173,170,168,170,168,168,168,125,125,173,189,199,194,183,113,104,108,121,170,183,186,176,165,166,181,194,196,194,189,181,178,181,189,194,191,186,178,170,125,124,170,183,191,191,194,186,119,113,115,115,117,160,168,186,199,181,115,160,176,181,186,189,181,186,202,204,209,204,85,107,189,196,186,176,173,181,181,160,78,79,181,183,181,189,115,96,97,121,183,189,191,194,194,189,181,170,123,119,119,119,121,125,173,183,186,181,176,178,181,183,186,186,183,181,181,181,181,181,183,183,186,186,189,196,202,202,196,191,191,196,204,207,204,189,178,123,113,93,109,123,189,202,125,69,73,181,189,181,176,176,181,186,176,118,117,165,189,196,196,191,190,191,196,196,194,178,101,97,115,178,173,165,173,176,173,173,183,194,194,191,189,178,178,194,194,183,178,173,176,176,176,181,189,189,176,129,131,178,183,186,186,189,191,196,196,194,191,189,176,125,123,121,123,125,125,119,113,113,121,176,181,189,196,202,199,194,178,119,121,165,168,123,95,97,97,85,125,186,186,121,119,121,114,111,127,186,186,125,121,170,186,189,183,181,178,176,173,129,128,128,131,176,178,191,199,189,129,127,125,115,117,189,204,202,196,194,183,127,123,129,170,183,191,127,125,168,170,173,176,176,170,129,129,170,123,110,114,183,194,204,204,204,199,183,125,122,124,127,127,127,183,202,204,202,196,189,183,181,176,174,174,178,181,179,183,196,202,204,207,207,204,199,191,186,181,176,174,176,133,127,123,125,131,181,189,191,189,183,183,189,191,186,183,183,183,186,189,189,191,189,186,178,177,177,181,186,189,189,189,194,194,196,196,194,192,192,196,194,183,134,137,186,189,183,178,178,181,181,183,189,189,191,189,186,186,186,183,183,183,186,189,186,183,178,131,131,131,170,170,170,176,189,181,117,112,114,125,176,183,186,191,189,189,189,186,183,186,189,189,189,189,186,185,185,189,189,189,189,186,181,174,174,176,176,176,173,176,181,183,183,183,183,178,178,181,183,183,178,176,178,183,194,196,196,196,202,204,202,191,173,125,127,176,181,181,181,181,178,176,176,176,170,127,123,122,123,123,123,127,173,173,173,176,176,178,183,186,183,181,181,183,186,183,178,176,176,178,178,176,178,178,178,176,178,131,113,103,111,123,129,123,129,183,212,209,191,178,131,130,130,133,133,137,194,204,207,207,209,212,209,204,204,204,199,189,141,141,191,202,204,203,203,204,209,217,222,217,215,212,215,217,220,222,225,222,217,215,212,211,211,217,225,225,217,212,215,220,222,222,222,225,228,225,215,209,209,204,200,200,202,215,233,238,235,235,235,233,230,228,228,230,230,228,217,212,212,217,222,222,217,215,212,215,222,225,228,228,228,230,233,233,233,230,233,235,235,235,230,230,225,224,225,228,230,233,233,230,230,228,228,228,225,222,217,212,209,212,212,212,209,204,199,194,189,141,141,141,141,186,189,191,194,199,204,204,202,199,196,196,196,194,183,178,181,189,191,186,183,183,186,189,191,194,196,196,194,191,189,183,181,181,183,183,178,177,178,183,189,194,196,194,196,202,204,207,207,207,207,207,207,204,204,207,209,212,215,215,212,209,209,209,209,212,215,212,212,212,215,215,212,207,202,194,196,199,204,202,189,140,141,140,143,196,207,212,217,217,217,215,215,212,209,204,189,133,131,135,189,199,204,204,196,192,192,194,194,199,202,202,199,199,204,202,202,202,207,212,209,202,196,196,199,196,189,181,135,131,129,133,181,183,181,183,189,194,196,199,196,194,194,196,196,196,199,207,212,209,199,141,138,141,196,196,189,186,191,202,209,212,215,212,204,202,207,209,209,204,196,186,135,137,135,137,189,196,212,183,112,112,183,196,189,191,204,215,215,215,212,207,205,207,217,222,215,199,199,212,217,215,215,217,217,217,217,222,225,222,215,212,207,199,191,144,144,143,143,194,199,204,209,212,212,209,204,204,204,204,207,209,212,212,209,209,207,202,199,204,212,217,215,215,212,207,204,204,202,204,207,209,204,202,204,207,207,202,199,202,204,204,204,207,209,204,194,190,191,194,194,194,191,187,185,189,191,191,194,199,199,199,204,212,212,204,202,202,204,207,204,202,196,199,207,215,217,212,207,204,202,202,196,191,190,194,204,204,199,194,191,194,199,204,207,212,212,207,204,204,209,212,212,209,212,215,215,212,209,204,202,202,204,209,212,212,212,209,207,212,212,209,209,209,209,204,199,196,196,196,196,194,194,194,194,194,194,191,196,199,199,194,186,186,191,194,194,196,204,212,215,215,215,209,204,203,204,204,204,203,204,202,198,198,204,207,207,207,212,209,196,194,199,204,204,202,202,200,200,200,202,204,212,222,225,222,217,217,215,209,204,204,204,207,209,212,212,202,189,187,189,191,191,196,204,209,209,207,204,199,199,204,212,215,212,204,199,196,196,199,204,207,207,202,202,204,207,212,215,217,212,212,212,209,209,209,209,207,204,204,207,207,207,209,209,209,202,196,195,196,196,196,196,202,202,204,212,217,215,207,199,199,202,196,194,191,191,194,199,202,204,207,209,212,212,215,215,215,212,217,225,225,217,208,208,212,222,217,207,203,204,212,215,217,217,217,215,212,209,212,217,217,215,215,215,222,225,228,228,224,224,225,228,228,225,225,228,233,233,233,233,235,243,241,230,212,196,137,123,123,121,117,125,186,196,204,204,196,194,204,209,207,207,196,189,202,217,228,225,217,209,209,212,212,212,215,217,217,215,212,207,209,217,217,212,196,133,121,100,99,121,194,199,202,207,209,209,207,204,204,204,207,209,212,209,204,196,194,191,196,199,199,194,191,196,202,199,194,187,186,186,189,194,196,199,199,199,199,194,194,196,199,202,207,212,215,217,217,222,215,212,215,222,217,209,199,191,143,141,137,131,129,130,137,196,217,233,235,235,235,238,238,238,235,235,235,238,241,239,239,243,243,241,238,238,235,230,230,233,238,243,248,0,241,235,238,241,248,251,246,243,246,246,233,230,243,246,217,196,183,176,174,176,178,181,178,173,160,150,142,137,131,124,121,120,120,124,134,139,137,130,129,134,0,0,0,0,0,176,194,209,212,212,212,217,222,215,209,209,212,209,207,204,191,174,174,178,181,181,178,176,178,186,199,212,222,230,230,230,230,233,235,241,235,225,217,225,238,248,248,241,233,228,225,222,215,207,202,202,209,215,215,209,204,207,209,209,0,0,0,209,217,228,228,225,215,207,200,202,209,209,209,215,212,204,196,191,194,196,196,199,204,209,207,194,183,186,191,196,196,191,181,168,168,178,189,194,196,199,204,207,204,209,212,209,202,196,194,194,196,202,199,194,194,199,207,212,217,222,212,191,127,121,121,123,125,125,125,133,189,202,204,202,202,204,204,202,204,204,207,212,217,222,222,225,230,233,233,228,230,233,233,225,215,217,222,217,212,204,199,194,194,196,199,199,195,195,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,191,209,202,204,204,202,196,183,168,163,157,150,150,155,157,156,163,186,202,202,199,196,194,189,178,173,173,173,170,165,168,170,170,170,125,113,105,96,97,107,121,178,186,181,189,189,183,170,125,115,108,119,196,191,176,123,125,173,178,178,186,194,196,196,196,199,202,202,196,196,196,191,173,157,119,119,97,59,95,163,181,222,199,0,0,0,0,41,160,189,194,194,194,196,199,202,199,196,196,199,196,186,178,168,117,105,77,103,101,99,97,99,109,121,165,168,176,181,173,163,165,173,168,147,66,68,64,60,71,103,142,134,131,130,131,97,94,134,147,155,178,204,217,168,75,25,0,0,0,0,0,0,0,0,0,0,0,0,0,196,191,186,183,181,181,178,183,178,152,105,105,181,189,191,131,0,0,0,0,0,0,57,181,189,196,199,173,0,0,0,0,0,0,0,0,0,0,0,155,189,191,191,186,186,183,186,191,191,191,189,186,186,191,194,202,199,191,9,5,181,196,202,202,199,199,196,183,101,93,173,220,191,165,165,160,160,160,165,73,17,7,11,97,157,155,116,119,170,196,207,204,204,204,199,199,199,199,194,191,196,196,183,176,178,183,181,170,127,125,122,121,125,178,186,181,170,121,127,178,181,176,170,173,173,127,125,125,121,118,127,194,199,196,183,113,107,115,178,181,183,189,176,165,169,191,202,194,191,191,189,186,189,196,202,199,183,170,168,127,124,168,181,189,186,183,173,99,113,113,112,115,113,107,119,194,173,115,163,178,181,183,183,186,189,191,202,212,212,170,165,186,183,77,61,91,163,202,79,66,79,176,173,165,173,113,100,104,178,191,194,196,199,199,196,186,123,117,119,123,123,125,168,170,176,181,178,176,176,178,181,183,189,189,189,186,183,181,183,189,189,186,185,189,196,202,199,196,196,199,204,207,207,199,186,99,111,123,123,173,173,178,168,70,70,168,183,183,183,183,186,189,189,176,119,118,176,191,199,196,194,191,194,199,199,196,194,186,99,109,160,97,113,176,183,178,176,186,194,199,204,196,173,113,181,191,183,181,183,183,178,176,183,191,191,183,178,178,183,183,183,183,183,186,191,191,186,178,125,115,113,117,123,127,127,123,121,121,125,170,176,176,183,191,196,196,189,176,165,125,170,181,123,105,97,111,165,176,194,196,121,108,111,115,115,123,194,196,181,125,178,186,189,183,181,178,176,131,129,129,131,176,178,183,191,196,186,127,117,117,116,123,189,199,194,191,191,181,121,125,173,173,178,181,170,168,170,173,173,176,173,173,173,173,173,127,114,112,125,186,196,199,196,191,183,129,124,127,131,181,186,191,199,199,196,189,183,181,176,174,176,178,181,181,183,189,196,202,202,202,204,207,202,194,189,181,176,176,176,133,127,120,119,125,183,191,191,191,191,189,189,189,183,181,181,183,186,186,186,186,186,181,178,178,181,183,189,189,186,186,189,191,194,196,196,196,194,194,191,189,183,186,186,186,183,181,183,186,194,199,199,194,191,189,189,189,189,186,186,186,186,186,183,178,176,131,131,131,130,130,130,173,173,108,107,112,125,178,181,181,183,186,189,189,186,183,183,183,189,189,189,186,186,186,186,186,189,189,189,186,183,178,176,176,173,131,173,178,186,189,186,186,183,181,178,178,181,183,186,186,183,189,196,199,199,199,202,204,199,186,170,122,122,170,178,178,178,176,176,176,176,170,129,127,125,122,125,127,170,173,176,172,170,172,176,178,181,181,181,178,181,183,183,181,181,178,178,176,173,173,176,181,181,178,183,181,100,91,105,127,178,186,191,194,202,202,189,131,128,128,131,135,139,186,196,204,209,207,207,207,209,207,207,202,191,189,191,194,194,196,204,207,207,207,209,215,222,217,212,209,212,215,215,215,217,217,215,215,215,212,211,217,225,225,222,217,217,217,217,212,209,212,217,222,217,222,222,215,204,200,207,225,233,235,235,233,235,233,230,228,228,230,228,222,215,211,215,225,228,225,222,212,209,212,222,228,228,228,230,233,235,235,235,233,233,235,235,233,230,225,225,224,224,225,228,230,233,233,230,228,225,222,222,217,215,209,209,209,209,212,212,207,202,196,189,143,189,189,186,186,189,189,189,194,202,204,204,199,196,195,196,196,191,183,186,191,191,189,186,183,183,189,191,191,194,194,194,194,194,189,183,183,189,189,181,177,177,183,189,186,181,183,191,202,209,212,209,207,209,209,209,207,207,209,212,215,217,215,209,204,204,209,212,212,212,212,212,212,212,212,212,209,207,202,199,199,204,204,202,196,191,143,141,143,196,204,212,217,220,215,212,212,209,202,189,137,137,189,202,212,215,207,196,192,192,194,196,199,199,196,194,196,199,196,196,199,204,212,209,204,199,199,196,194,186,183,178,133,131,135,181,183,183,183,189,194,196,196,191,186,189,189,191,191,196,204,209,209,202,186,139,186,199,196,186,137,137,189,199,204,207,212,209,209,212,215,212,204,191,183,139,186,186,186,191,204,215,129,103,110,207,202,194,196,207,215,217,217,212,207,207,209,215,222,217,207,207,215,217,217,217,217,222,222,222,222,225,222,215,212,209,204,196,145,144,144,144,145,196,204,209,215,215,209,203,202,203,207,209,212,212,212,212,212,209,204,204,209,215,215,215,215,212,212,209,204,199,196,196,196,196,202,204,204,204,204,207,209,209,202,196,199,209,212,204,196,194,194,194,196,191,187,186,191,196,196,196,196,199,199,202,212,212,209,203,203,207,212,207,199,196,199,207,215,215,209,207,204,199,196,191,190,189,194,202,196,191,190,191,196,204,207,207,209,209,207,203,203,207,209,209,209,209,209,209,209,207,202,199,202,204,207,209,209,209,209,209,212,212,209,209,209,209,204,199,196,190,190,194,194,191,189,191,191,191,189,191,194,194,186,183,185,186,189,189,194,202,209,215,217,217,212,207,204,204,204,202,202,204,204,199,198,202,204,204,209,212,212,204,202,204,204,202,202,200,200,202,204,207,212,215,217,225,225,225,222,215,209,204,204,209,212,212,212,207,199,189,187,189,143,143,191,199,204,202,194,191,191,194,204,212,212,209,202,199,196,195,196,199,202,199,196,196,202,209,215,215,212,209,209,212,212,212,212,209,207,207,207,209,209,209,209,212,212,204,196,199,204,209,212,212,212,209,207,207,209,209,207,202,199,202,202,194,189,143,143,145,194,202,207,209,209,215,215,212,211,212,217,228,228,225,215,209,212,215,215,207,203,203,204,207,212,215,215,215,215,215,217,222,222,222,220,222,225,228,228,225,224,224,225,233,230,225,228,230,233,235,235,233,235,243,243,230,207,199,181,131,129,129,117,119,183,194,202,199,196,199,204,207,199,183,125,133,194,215,228,225,217,215,217,222,220,215,215,222,222,215,212,209,209,212,215,212,196,103,103,100,102,125,196,204,207,212,212,207,204,202,199,196,202,207,212,207,202,194,186,137,133,133,135,139,183,189,196,199,194,189,186,187,191,196,199,199,199,196,194,194,194,196,199,202,207,212,215,217,217,220,217,215,217,222,215,204,196,145,143,141,137,133,129,130,135,194,212,228,233,235,235,238,241,238,238,238,241,243,246,243,241,241,246,243,243,243,241,230,228,233,241,243,243,241,235,238,241,243,248,0,0,0,251,246,233,233,246,246,222,202,186,178,176,178,181,183,181,173,157,147,139,131,129,126,124,121,121,126,134,137,137,134,131,134,144,0,168,173,0,0,186,207,215,217,217,215,204,199,199,204,215,215,215,217,212,194,178,174,176,173,172,172,178,189,199,209,217,225,230,230,230,230,235,235,230,215,212,230,246,251,248,241,233,230,233,235,228,209,200,199,204,215,217,212,207,209,215,217,0,0,0,0,0,0,0,230,222,209,204,204,0,0,212,212,212,202,196,196,199,199,196,199,207,209,207,202,199,199,202,202,202,196,189,178,176,183,191,194,194,199,204,207,212,217,217,215,209,202,194,186,189,196,196,189,186,191,202,209,222,228,217,196,133,122,121,123,125,124,125,135,191,202,202,202,204,204,202,199,204,204,207,215,222,222,225,228,230,230,228,228,230,235,235,225,215,217,225,217,209,204,202,199,196,196,196,195,195,196,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,207,204,204,202,202,196,181,160,157,160,157,157,160,160,156,165,189,204,207,202,199,199,191,181,176,176,173,170,170,176,178,170,168,125,113,101,96,97,113,173,189,194,191,191,191,189,181,173,119,109,121,183,186,173,123,123,173,181,183,191,194,196,196,199,202,204,204,199,196,199,194,178,121,114,115,119,105,157,176,191,228,157,0,0,0,1,165,194,196,194,191,191,194,199,202,199,196,196,199,194,183,173,121,109,99,66,78,88,95,97,99,107,121,168,173,183,183,173,165,163,165,160,111,91,87,87,83,91,101,139,137,129,129,131,98,97,137,155,178,199,204,204,191,168,63,0,0,35,71,81,73,43,0,0,0,0,0,0,113,189,189,183,181,177,181,183,176,152,134,142,165,202,183,113,0,0,0,0,0,15,155,186,189,189,194,191,98,0,0,0,0,0,0,0,0,15,75,189,194,196,194,191,189,186,186,189,191,191,189,186,185,185,191,199,196,189,0,0,103,194,202,199,199,202,199,189,142,93,142,202,189,163,160,163,163,157,103,12,13,55,101,173,170,119,111,115,181,199,204,204,207,207,202,202,204,204,199,194,191,189,181,181,191,196,186,170,124,125,170,170,127,170,181,183,178,170,173,181,183,178,178,178,178,125,124,168,125,120,123,183,191,189,181,123,113,125,181,183,181,183,176,169,176,194,196,183,181,189,191,191,189,191,199,194,176,168,127,127,124,125,170,173,169,170,168,112,115,115,117,121,115,108,111,165,165,119,157,170,181,183,181,183,189,194,202,209,204,186,163,109,45,15,21,79,107,91,71,72,170,181,159,153,168,173,163,173,186,191,191,196,202,204,204,183,103,105,176,186,165,125,168,168,127,170,173,173,173,176,181,183,189,194,196,194,189,183,186,191,191,189,189,194,199,199,199,196,196,199,204,204,204,196,125,88,109,178,181,178,115,91,81,73,89,186,183,182,186,189,189,189,186,173,122,123,186,191,196,196,196,194,196,202,202,204,202,196,105,97,93,84,109,168,170,165,168,178,189,196,202,204,163,77,89,165,178,183,183,183,183,183,189,191,191,189,189,189,189,186,181,178,176,173,178,178,131,121,111,110,111,119,125,127,127,123,123,127,173,176,170,169,176,181,176,168,165,165,125,125,176,189,181,165,117,165,181,186,189,181,114,107,112,121,123,170,196,196,181,124,173,181,183,181,181,181,183,183,181,181,181,183,186,189,191,189,176,121,115,115,119,129,178,186,189,189,186,129,117,119,170,173,176,176,166,166,168,168,170,173,176,176,178,178,176,170,119,112,112,125,186,191,178,178,181,176,131,173,183,189,191,191,194,194,191,189,183,178,174,174,178,183,186,186,189,194,199,199,199,202,204,204,202,196,189,183,181,181,181,176,129,119,116,121,181,189,194,194,194,189,186,183,181,181,181,181,181,178,178,181,181,181,178,178,178,181,183,186,183,183,186,189,189,194,199,199,194,194,194,194,194,191,189,186,186,186,186,191,196,202,202,196,191,191,189,189,186,186,183,183,181,178,176,173,173,176,176,173,131,130,170,173,170,113,111,117,176,186,183,179,179,183,189,189,189,186,183,186,189,189,186,183,183,186,189,189,191,189,189,186,183,181,178,176,170,126,126,173,183,189,189,189,189,181,178,178,178,183,189,189,189,191,196,199,202,199,191,191,186,176,125,118,118,125,176,178,176,173,176,176,176,170,127,125,125,125,127,170,173,176,178,176,172,173,181,183,181,178,173,173,176,178,181,181,181,181,178,173,172,173,173,178,181,181,186,181,103,99,125,191,196,199,196,194,194,194,186,133,129,131,181,189,194,199,204,209,209,207,207,204,199,199,196,194,187,189,199,202,196,194,199,204,209,212,212,212,217,215,209,209,212,212,209,209,212,212,215,217,217,215,212,215,225,228,225,222,222,222,215,208,205,207,209,215,225,233,233,225,207,202,209,225,233,235,233,233,233,233,230,228,228,230,228,215,209,211,217,228,230,228,225,217,211,215,222,228,230,230,230,233,235,235,235,233,233,233,230,228,225,225,225,224,224,225,228,230,230,230,228,225,222,217,217,215,212,209,207,209,207,209,209,207,202,194,189,186,191,194,194,191,191,189,191,194,199,202,202,199,196,196,199,196,186,135,176,186,189,186,183,181,183,186,189,191,191,194,191,191,191,191,189,186,189,189,186,181,183,189,189,179,177,181,194,204,212,215,212,209,209,209,209,209,209,212,212,215,217,215,207,200,202,207,209,209,209,212,212,212,209,209,209,212,209,204,199,199,202,207,209,204,199,191,141,140,141,194,207,217,222,215,209,207,209,204,194,181,181,194,209,217,217,209,202,196,196,199,199,202,199,196,194,194,194,191,191,194,199,207,209,209,204,202,199,194,186,181,135,133,133,135,181,183,181,181,183,189,191,189,183,137,181,183,186,191,199,204,207,209,204,194,186,191,199,191,137,133,133,137,186,191,196,207,212,215,217,217,215,202,191,183,186,191,194,191,194,207,212,129,110,125,212,204,196,199,207,212,215,212,207,204,207,209,212,217,215,212,212,215,217,222,222,222,222,220,222,225,225,222,215,212,212,207,199,191,145,191,194,194,199,204,209,215,217,209,204,203,204,209,215,217,217,212,209,209,209,209,209,209,212,212,212,215,215,215,212,207,199,191,141,139,189,202,204,202,202,207,212,215,209,199,190,194,207,212,207,199,196,196,196,196,191,186,186,194,194,194,194,194,194,191,194,207,212,212,207,204,209,215,207,199,195,199,204,209,209,207,204,204,199,191,190,190,190,194,196,191,189,189,191,202,207,209,209,209,209,207,203,203,204,204,202,202,202,202,207,207,204,199,199,204,207,204,204,207,209,209,209,212,209,209,209,209,209,207,199,194,189,189,191,191,187,187,189,191,189,141,139,139,141,186,189,186,186,186,189,194,202,207,212,217,217,215,209,209,212,209,204,204,207,209,204,199,199,202,204,209,212,212,209,209,207,204,200,200,202,204,204,207,209,212,215,217,217,220,220,217,212,207,202,204,209,215,215,212,209,204,196,191,189,142,141,142,191,196,194,189,187,187,194,204,212,215,209,204,199,196,196,196,196,196,196,195,196,199,207,212,215,212,209,209,212,215,215,215,212,209,209,212,212,209,207,207,207,207,204,202,204,212,217,222,222,222,217,209,204,204,207,207,204,202,202,199,196,191,145,141,139,140,145,202,204,209,215,215,211,211,212,220,228,230,230,222,215,212,209,207,204,204,204,204,209,212,212,212,212,212,215,217,222,225,225,225,228,230,230,230,228,225,224,225,230,228,225,228,230,235,238,235,235,235,243,243,222,189,137,133,129,178,186,127,111,129,189,196,196,191,189,191,181,118,115,116,123,191,217,230,228,222,217,222,225,225,217,220,225,222,215,212,212,212,209,209,209,202,131,113,105,113,183,202,207,209,215,212,207,202,199,196,195,199,207,212,207,199,189,137,127,117,109,115,129,137,183,189,191,194,194,191,189,194,199,202,202,199,196,194,194,194,196,199,204,207,212,215,215,217,220,220,217,217,217,212,204,196,191,145,141,137,133,130,133,137,147,207,222,228,233,235,238,238,238,238,238,241,246,248,248,243,243,246,243,243,248,246,235,228,228,233,235,233,230,233,241,246,248,254,0,0,0,255,241,230,233,243,241,225,202,186,178,176,176,178,178,176,168,155,144,137,131,131,129,126,124,124,124,129,131,137,137,139,139,144,0,168,176,0,178,183,202,215,222,222,212,199,194,196,0,0,0,0,230,228,215,196,186,181,173,0,169,176,191,202,207,212,217,225,228,228,230,230,230,222,209,212,230,246,248,246,241,233,233,235,238,233,215,204,199,200,209,215,215,212,215,222,228,228,0,0,0,0,0,0,233,225,212,204,0,0,0,0,212,207,199,194,196,196,196,194,196,202,202,202,204,207,209,207,204,202,199,194,186,183,189,191,191,189,191,199,204,212,220,217,212,204,199,189,181,183,189,189,183,178,183,194,207,222,228,222,202,135,123,122,123,125,124,127,137,194,202,202,202,204,204,202,199,202,202,204,212,222,222,222,228,228,225,224,225,233,238,235,225,215,217,225,217,209,207,204,202,199,196,196,196,199,202,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,202,199,199,202,194,170,157,160,163,163,163,165,165,160,168,189,204,209,204,202,199,191,178,173,173,173,176,181,186,183,170,165,123,117,107,101,107,125,178,191,196,191,186,183,183,178,170,117,110,117,165,170,165,122,123,170,183,189,194,194,194,194,196,202,204,202,199,196,199,196,181,121,114,115,119,117,165,181,196,225,81,0,0,0,101,194,199,196,192,192,192,194,199,202,199,196,196,199,189,173,121,111,109,109,74,77,82,89,99,105,109,121,168,173,178,173,165,163,163,163,157,150,111,111,155,163,152,142,144,152,147,139,134,99,131,142,160,191,199,199,194,194,194,137,25,41,168,196,204,207,196,118,81,155,144,0,0,121,189,183,178,178,178,186,183,165,137,126,139,147,142,45,0,0,0,0,0,0,118,170,186,189,189,191,196,178,0,0,0,0,0,0,0,0,160,178,194,194,194,194,191,186,183,183,186,189,191,191,189,185,185,191,194,189,173,0,0,23,186,196,199,199,202,199,196,170,101,102,173,165,95,99,144,150,150,160,105,77,81,113,186,186,163,105,114,194,204,202,202,209,207,202,200,204,204,202,194,186,178,177,181,194,199,189,170,124,170,176,127,120,122,183,196,189,178,178,181,181,181,183,189,186,173,168,176,181,173,170,178,183,181,178,129,125,173,181,181,178,178,173,170,181,191,189,177,174,181,191,194,186,183,189,186,168,125,127,125,124,165,173,173,169,170,176,165,113,117,163,173,176,121,117,160,160,157,157,160,178,183,181,183,191,194,199,204,202,173,12,6,17,43,93,111,111,71,74,107,186,189,160,153,163,170,170,178,183,186,191,199,204,204,202,125,95,98,178,186,119,113,123,125,121,121,127,168,173,176,181,186,194,199,202,202,194,189,189,191,194,194,194,196,196,199,196,196,196,199,202,202,202,196,105,88,119,186,178,113,41,51,77,89,173,196,191,189,189,191,191,189,183,173,123,123,183,189,194,199,199,196,199,199,202,204,209,207,83,72,83,93,121,168,163,163,160,117,115,173,186,196,83,19,32,111,170,181,181,186,189,191,191,191,189,189,194,194,194,189,181,176,131,128,129,129,121,111,109,111,121,129,170,170,127,125,125,170,176,176,169,170,176,176,123,116,116,118,119,125,173,186,186,178,125,170,183,189,183,173,119,115,125,176,170,129,183,186,173,123,129,178,181,183,186,186,191,194,194,191,189,189,194,199,196,189,176,127,121,119,129,170,127,127,181,189,183,125,116,119,129,176,181,178,166,166,166,166,168,170,176,181,183,186,181,178,173,115,109,113,176,183,178,178,181,173,176,186,196,194,191,191,189,189,189,189,186,178,173,174,183,189,191,189,191,194,196,194,194,199,202,202,196,194,191,189,189,191,191,186,133,120,117,121,176,186,191,194,191,186,183,181,181,181,181,178,135,132,133,178,178,181,183,181,135,133,135,181,181,181,186,189,189,191,196,196,194,194,196,199,199,196,191,191,191,191,189,191,196,202,199,196,191,191,189,186,186,186,183,181,178,176,173,172,173,176,178,176,173,173,173,176,170,117,115,121,173,183,183,179,178,181,186,189,189,186,186,186,186,189,186,181,178,181,186,189,191,189,189,186,183,183,181,178,170,122,122,127,178,189,191,194,191,178,178,181,181,183,186,186,183,183,189,191,196,191,176,170,170,129,124,120,119,125,176,176,173,172,173,176,176,173,170,127,127,129,170,170,170,176,178,178,176,178,183,186,181,176,170,170,176,178,178,181,178,176,176,176,176,176,131,173,176,178,183,178,113,109,186,207,212,207,202,196,194,194,189,181,137,183,194,202,204,207,212,212,209,207,207,199,194,194,194,189,187,194,204,209,204,194,194,199,209,215,215,212,215,212,207,209,209,208,207,208,212,212,215,217,220,217,215,217,222,225,225,225,225,225,217,209,205,205,208,212,222,230,233,222,209,207,212,228,233,233,230,230,233,233,230,228,230,233,225,212,208,212,222,228,230,230,228,225,217,217,225,228,230,230,230,233,233,235,235,233,230,228,225,225,225,228,225,225,225,225,225,228,228,228,225,222,217,217,215,215,212,207,207,207,207,207,209,207,199,191,143,189,194,199,196,194,194,191,191,194,199,202,202,196,196,196,196,189,133,123,124,176,183,181,181,181,183,183,186,189,191,191,186,186,191,194,191,186,183,186,186,186,191,194,191,179,178,183,196,204,212,212,209,209,207,207,207,209,212,215,215,215,215,212,204,200,202,207,207,207,207,212,212,209,204,204,207,209,212,204,199,196,199,204,207,207,202,196,189,141,143,194,204,217,222,215,207,205,207,209,199,186,181,194,207,217,217,209,204,199,199,199,202,202,199,196,191,186,183,183,186,189,189,194,204,209,207,199,196,191,183,135,132,132,132,133,178,181,179,181,183,189,186,183,137,136,136,139,186,194,202,204,204,207,204,196,191,194,196,189,137,134,134,136,141,141,189,202,209,212,217,217,215,204,194,189,191,196,199,196,199,207,212,139,129,186,202,196,196,202,207,209,209,207,202,204,207,209,212,215,215,212,212,215,217,222,225,225,222,220,222,225,225,222,215,212,212,209,202,194,191,194,199,202,204,209,212,215,217,215,209,207,207,209,215,222,217,212,209,207,209,209,207,202,202,207,212,217,217,215,207,202,196,143,136,135,189,204,204,199,199,204,212,215,209,196,189,189,196,202,199,194,194,196,196,196,191,186,186,191,189,187,191,194,189,185,186,194,202,209,209,209,212,212,207,202,199,199,204,207,204,204,204,202,196,191,191,194,194,196,194,191,189,190,194,204,209,209,209,209,209,209,207,204,204,202,198,196,196,198,204,207,202,194,194,202,204,199,199,202,207,209,212,209,207,204,207,212,212,207,199,191,189,189,191,189,187,187,191,194,189,135,129,129,135,189,196,194,191,189,191,194,199,204,209,215,217,215,212,215,217,217,215,212,215,212,207,202,199,199,202,207,212,215,212,212,209,202,199,200,204,207,209,209,209,212,212,215,215,212,212,212,209,204,202,202,207,209,212,212,212,212,207,202,194,143,140,141,189,194,194,189,187,189,194,204,212,215,209,202,199,196,196,196,196,196,196,199,199,202,207,212,215,215,212,209,212,212,215,215,215,212,212,212,215,209,204,202,202,202,202,204,209,212,215,217,222,225,225,212,204,202,204,207,204,202,199,196,199,199,196,143,139,139,141,194,202,212,217,217,212,212,215,222,228,230,230,230,225,215,207,200,200,202,207,209,215,215,215,212,212,212,215,217,222,225,228,228,228,230,233,233,233,230,228,225,225,224,224,228,233,233,233,233,235,238,246,246,217,133,125,127,127,135,199,178,102,107,133,196,204,191,183,183,127,113,113,125,186,212,230,233,230,225,222,222,225,225,220,222,225,222,215,212,212,212,209,207,202,196,191,127,113,121,199,207,207,209,212,209,204,202,199,195,195,196,207,212,209,196,139,131,123,109,104,106,123,135,139,139,183,191,196,199,196,196,202,204,207,204,202,199,196,199,199,202,204,207,209,209,212,215,217,217,215,212,209,207,204,199,194,191,145,139,137,135,139,143,147,204,217,225,228,233,238,238,238,238,238,243,246,248,251,248,246,246,241,243,251,254,243,230,217,222,228,228,226,233,246,254,255,255,0,0,255,254,228,220,228,235,235,222,196,181,173,168,170,173,173,170,163,152,144,137,134,131,131,129,126,124,124,124,126,134,139,142,144,144,152,0,176,183,186,191,204,217,225,225,215,204,202,0,0,0,0,0,0,233,222,207,196,186,176,169,172,186,199,207,207,207,212,217,225,225,225,225,222,212,207,215,233,243,243,241,238,235,235,235,235,228,215,204,200,199,204,212,215,215,222,228,233,230,225,0,0,0,0,0,238,230,217,207,0,0,0,0,215,204,196,191,191,191,191,196,202,202,196,195,196,204,207,207,204,202,199,194,189,186,191,191,189,186,186,194,202,212,217,212,202,194,189,181,176,176,181,181,176,133,181,189,202,217,228,222,204,181,125,122,123,125,127,131,183,199,204,202,204,207,207,204,199,202,199,202,209,217,222,225,228,224,224,224,230,238,241,235,222,215,222,225,222,212,207,207,204,202,199,199,202,202,202,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,178,189,191,176,157,157,165,168,163,163,170,173,170,173,189,202,207,204,204,199,191,178,170,170,173,183,191,194,186,173,125,119,115,115,117,165,176,176,178,186,186,178,176,176,170,125,115,111,115,121,165,165,123,125,173,189,196,196,194,191,191,196,199,199,199,196,194,196,194,178,160,114,114,117,157,165,181,202,225,63,0,0,65,189,199,204,199,196,199,199,199,202,204,202,199,199,199,189,173,121,113,117,165,113,93,81,88,103,111,117,163,168,170,168,160,157,160,163,160,155,155,157,165,183,191,178,163,168,183,181,157,137,99,137,150,160,194,202,196,178,160,173,157,126,186,207,204,199,202,204,194,189,204,191,41,0,152,178,173,165,168,170,176,181,144,67,57,51,79,13,0,0,0,0,0,0,0,121,155,176,183,189,191,194,202,57,0,0,0,0,0,0,59,176,183,191,191,191,194,191,186,183,183,186,189,189,191,191,186,185,189,194,189,107,0,0,0,160,191,196,199,199,199,199,191,168,107,147,101,64,77,95,93,105,181,178,91,77,109,189,191,181,111,170,207,207,202,202,207,207,202,202,204,207,204,196,186,178,177,178,183,186,178,129,125,170,170,123,118,124,196,199,189,178,178,178,181,183,189,191,194,189,183,183,183,186,183,178,173,170,173,129,129,178,186,183,178,173,168,169,178,189,186,177,173,183,194,194,181,176,181,176,124,124,125,127,168,178,189,194,189,183,181,173,86,108,165,178,191,194,186,173,121,160,157,117,163,176,181,186,189,186,189,199,196,113,0,1,85,204,207,173,160,91,119,170,178,186,181,165,161,163,165,170,176,181,189,199,199,194,186,168,107,110,125,117,85,90,115,121,118,118,123,170,173,176,178,183,194,202,207,207,202,196,194,194,196,196,196,196,196,196,199,199,199,202,202,202,204,207,105,93,111,121,109,79,22,50,111,178,191,199,202,196,189,189,191,191,183,170,117,116,127,181,191,196,196,196,196,196,199,202,209,212,85,67,78,99,165,176,176,176,165,105,20,31,176,181,31,2,33,163,176,181,183,186,189,191,191,189,185,189,194,194,194,189,181,178,173,129,131,170,123,115,111,117,127,176,178,176,170,127,127,176,181,178,173,178,183,178,123,116,116,117,118,125,170,183,186,181,125,168,181,186,178,173,170,170,176,178,170,127,176,181,176,131,178,186,189,191,191,191,194,199,196,191,189,191,196,202,199,191,183,178,176,173,173,127,116,117,178,189,186,129,119,120,170,181,189,189,176,170,170,170,170,170,178,183,186,189,186,189,189,176,114,117,173,181,186,186,173,121,129,189,196,194,191,191,189,189,189,191,189,181,174,176,186,194,194,191,189,191,189,183,183,189,194,194,191,189,189,191,196,202,202,194,183,129,121,127,178,183,186,189,189,186,183,183,183,183,181,135,132,130,133,178,178,181,183,181,132,131,133,137,181,183,189,191,191,191,194,194,194,194,199,204,204,196,194,194,194,196,194,194,196,199,196,194,189,189,189,186,186,186,186,181,178,173,172,172,176,178,178,178,176,176,178,181,176,119,116,119,129,178,183,181,178,179,183,186,186,186,183,183,183,186,181,178,176,176,181,183,186,186,186,186,183,183,181,178,170,123,123,127,178,186,191,191,189,181,178,181,181,183,183,181,176,173,176,181,189,181,121,121,125,127,127,125,124,170,178,176,172,173,176,176,176,176,176,173,173,173,173,170,169,173,178,181,181,181,186,183,178,173,172,173,178,181,181,176,174,174,176,181,183,181,131,127,129,176,178,176,123,127,199,212,215,212,207,202,202,202,199,194,191,196,204,207,207,209,212,212,207,207,209,202,194,196,196,194,189,196,209,215,209,202,194,196,207,217,215,212,212,209,207,207,209,209,208,209,215,215,217,222,222,222,217,217,222,222,222,225,228,228,225,217,209,209,209,212,212,212,212,209,209,212,217,228,233,233,233,230,233,233,233,233,235,233,222,211,209,215,225,230,230,230,230,228,228,228,228,230,233,233,233,233,233,233,233,233,230,225,225,225,230,230,228,228,225,225,225,225,225,222,222,217,215,215,215,212,212,209,209,207,207,207,207,202,191,143,143,191,196,199,199,196,194,191,191,194,196,199,199,196,196,194,191,183,127,121,122,129,178,176,178,181,183,183,183,189,191,183,178,183,191,194,189,181,178,181,186,191,196,199,196,189,186,191,199,204,207,209,209,207,207,205,207,209,215,215,215,215,212,209,204,200,204,207,207,207,209,209,209,204,200,199,202,207,212,207,202,196,196,199,202,202,202,199,196,194,194,199,209,215,217,215,207,205,209,212,207,191,186,194,207,215,215,212,207,204,204,202,199,199,199,194,183,129,121,127,178,181,178,181,196,204,202,196,191,186,181,133,132,132,132,132,135,181,183,186,189,189,183,137,136,137,139,186,194,202,207,204,202,199,196,196,196,199,199,194,189,141,141,189,194,194,194,202,204,209,215,217,215,209,199,194,194,202,204,202,202,207,212,199,191,191,191,190,194,202,202,207,207,202,199,202,207,212,212,217,217,212,209,207,212,222,225,225,225,222,225,225,225,222,217,215,215,212,207,202,199,199,202,204,207,212,215,217,222,222,217,215,212,212,212,212,212,209,207,209,209,204,196,189,189,199,212,215,217,209,199,196,194,141,135,137,196,207,202,196,196,202,207,212,209,199,189,187,190,190,190,190,191,194,196,196,191,189,191,189,186,185,191,196,189,185,185,185,189,202,209,212,215,212,207,207,204,204,207,207,204,204,204,199,194,191,194,196,199,199,199,191,190,191,199,207,212,212,212,212,212,212,209,209,207,204,199,198,196,198,207,207,196,190,192,199,199,196,196,199,202,204,207,207,204,202,207,212,215,209,199,191,190,194,196,194,189,191,196,196,186,133,127,127,131,186,196,196,194,194,194,196,199,202,207,212,212,212,211,215,222,222,220,217,217,217,212,204,199,199,202,207,212,212,212,212,209,204,200,202,207,209,212,212,209,209,209,212,209,209,209,212,207,202,200,202,207,207,207,209,212,215,212,207,199,191,142,143,191,196,196,194,191,191,199,204,209,207,204,199,196,196,196,196,199,199,202,202,204,207,207,212,215,215,212,209,209,209,209,212,215,215,212,209,212,212,207,204,202,200,202,207,209,209,209,209,215,220,222,212,204,200,202,207,204,199,199,202,207,209,207,196,141,140,141,145,199,212,217,217,215,215,217,225,228,228,228,230,230,222,207,199,199,202,207,215,217,217,217,215,212,212,215,217,222,225,228,228,228,230,233,233,235,235,235,230,230,225,225,233,233,230,228,230,233,235,243,243,220,131,123,127,125,127,189,135,100,100,109,196,212,196,189,194,181,122,133,222,230,233,235,233,228,222,222,222,222,222,217,220,222,222,215,212,215,212,209,207,189,133,137,119,109,123,204,207,205,209,212,212,207,202,199,196,196,199,204,212,207,194,135,129,125,115,106,106,125,139,139,137,137,189,202,204,204,204,204,207,207,209,207,204,202,202,202,204,204,207,207,205,207,209,215,217,215,209,207,204,204,202,199,194,145,141,139,141,147,196,199,207,220,225,225,233,235,235,235,235,238,243,246,248,251,248,243,238,233,238,248,254,246,228,212,209,222,228,230,235,254,255,255,255,255,255,255,243,207,202,209,220,225,215,194,176,163,160,165,170,173,168,163,155,147,139,134,131,129,129,126,124,122,124,129,139,144,144,144,147,0,0,178,191,196,202,212,222,230,233,225,215,0,0,0,0,0,0,0,230,217,204,196,189,178,176,183,199,209,209,204,204,207,215,222,222,222,217,212,207,207,217,233,238,235,235,235,238,235,233,228,217,209,202,200,200,207,212,215,217,228,235,238,235,230,0,0,0,0,0,0,235,228,0,0,0,0,0,217,207,194,190,190,191,196,202,209,212,202,192,192,196,202,207,207,202,199,196,191,189,191,191,186,183,183,189,202,212,215,204,191,181,178,176,173,133,176,133,129,133,178,189,199,215,228,225,207,183,127,122,123,127,129,135,189,202,204,204,204,207,209,207,202,199,198,198,204,215,222,225,225,224,224,230,235,238,238,230,222,217,222,228,225,215,209,207,204,204,204,202,202,199,196,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,134,152,152,160,168,168,163,165,170,173,170,170,183,196,204,204,202,199,189,176,168,168,173,186,196,199,191,178,165,115,113,117,165,178,176,123,121,170,176,173,168,170,165,121,117,115,119,125,168,168,127,127,173,186,196,199,194,191,189,191,194,194,194,191,191,191,186,173,121,115,115,117,160,173,186,202,217,65,0,11,173,204,207,212,209,204,204,207,204,204,204,202,199,196,199,194,183,170,163,168,176,170,113,85,89,101,111,121,170,176,168,160,120,157,165,165,157,155,157,165,181,196,199,186,176,181,191,186,157,103,99,144,155,157,183,199,191,84,64,137,176,181,199,204,196,191,196,202,196,194,196,202,131,73,165,176,160,63,33,71,75,163,41,0,0,0,0,23,0,19,43,37,0,0,0,67,113,147,173,183,183,189,217,163,0,0,0,27,63,79,157,178,186,191,189,189,191,191,191,186,183,183,183,186,191,194,189,186,186,191,189,39,0,0,0,73,186,199,202,199,199,202,202,194,155,144,81,57,77,109,89,63,91,176,157,93,111,189,196,186,168,194,209,207,204,204,202,204,202,199,202,207,204,196,186,186,183,181,176,173,129,125,125,127,168,170,186,199,196,189,178,176,176,178,181,183,189,194,196,199,196,186,178,178,181,173,128,129,129,127,129,183,191,189,178,169,166,170,181,181,181,181,183,194,196,191,178,173,176,170,121,123,127,173,183,194,202,202,196,191,181,165,72,93,119,176,194,199,199,183,105,113,157,111,109,163,176,181,178,176,178,168,95,7,0,59,191,199,199,186,178,173,181,178,176,181,186,178,168,165,165,168,173,176,183,183,170,114,173,183,181,178,170,93,55,79,109,119,119,119,127,173,176,170,170,176,186,196,204,204,202,199,196,196,199,199,199,194,194,194,199,202,202,204,204,204,207,209,113,97,97,97,97,93,66,74,176,189,194,196,199,196,187,186,191,191,181,125,114,113,117,170,183,189,189,191,194,196,196,202,202,204,194,89,79,85,121,178,189,191,189,163,7,6,176,176,49,20,87,183,189,189,189,191,191,189,189,186,185,186,189,191,191,189,186,186,183,178,181,183,178,129,123,125,168,178,181,181,173,168,168,178,189,189,183,183,183,178,170,125,123,119,118,121,165,178,186,183,165,165,173,178,176,176,178,176,176,176,170,129,181,189,189,189,191,194,196,196,194,191,194,196,196,191,189,189,191,194,191,189,189,186,183,178,127,115,113,119,181,189,181,125,120,121,170,186,194,196,186,176,173,168,168,176,186,189,186,185,186,194,196,191,181,173,178,181,183,181,121,117,127,186,194,194,194,194,191,189,189,189,191,186,183,183,194,202,202,194,189,186,178,131,129,133,183,186,186,186,189,194,202,207,207,199,189,176,131,133,181,181,181,183,186,186,186,186,186,186,186,178,133,132,135,181,181,183,186,181,132,132,135,183,186,186,191,191,191,191,194,194,194,194,202,207,204,196,192,194,196,196,196,196,196,199,194,191,189,186,186,186,183,183,181,181,178,173,173,176,178,181,181,178,176,178,181,183,181,125,119,119,127,176,181,181,179,181,183,186,186,186,183,181,178,178,176,173,176,176,178,178,181,183,186,183,183,181,178,176,170,127,129,173,178,183,186,186,183,178,178,178,181,183,183,178,170,170,170,173,178,129,117,119,123,127,129,125,125,170,176,176,176,178,178,176,176,178,178,181,181,178,176,170,170,173,178,181,178,181,181,176,173,176,176,176,181,183,181,174,173,176,183,186,189,186,133,125,125,131,178,178,176,191,207,209,207,207,204,199,202,204,207,207,204,207,212,212,209,209,212,212,209,212,215,209,199,202,202,196,191,196,209,215,215,209,202,196,202,212,215,212,212,209,205,207,212,215,217,217,222,222,222,225,225,225,222,222,222,222,222,222,228,230,230,225,217,215,217,217,209,200,199,202,212,222,228,233,233,235,233,233,230,230,233,238,238,230,215,208,211,222,230,233,233,233,230,230,230,230,230,233,233,235,233,233,230,230,233,233,230,228,228,230,233,233,230,230,228,225,222,222,222,222,217,217,215,212,212,212,212,215,212,212,209,209,207,199,143,141,142,191,196,199,199,196,191,189,189,191,194,196,199,199,199,199,194,189,178,124,124,131,176,174,178,183,183,183,183,189,189,176,133,176,183,183,135,135,178,183,189,191,196,202,202,199,196,199,202,204,204,207,209,209,207,207,207,212,215,217,215,212,209,207,200,200,202,207,207,207,209,209,209,204,200,199,202,207,209,207,202,199,196,196,196,196,196,202,202,202,202,204,209,215,217,212,207,207,212,215,209,199,194,202,209,215,217,215,209,207,207,202,199,196,196,191,178,119,112,113,125,133,135,183,196,199,196,194,191,189,183,178,178,178,135,132,135,183,189,191,194,189,137,135,136,183,189,194,202,207,209,207,202,199,196,196,202,204,202,199,196,196,199,202,204,204,202,202,204,207,212,215,215,215,207,199,199,204,207,202,199,204,209,207,202,194,190,190,196,196,194,199,199,196,199,202,207,209,212,222,225,215,202,196,204,215,222,225,225,228,228,225,222,222,222,222,217,212,212,209,209,204,202,202,207,212,217,222,222,222,222,222,217,212,207,202,202,202,204,207,207,204,191,186,186,191,204,215,215,207,196,194,194,189,139,189,202,204,199,196,199,202,204,209,209,202,196,191,190,190,189,191,194,196,196,196,196,196,196,191,186,186,194,199,194,189,186,185,185,196,209,212,215,215,212,209,209,209,209,209,207,207,207,199,194,196,199,199,199,202,204,199,196,199,204,209,215,215,215,215,212,209,209,209,209,207,207,204,199,202,209,207,194,190,191,194,196,196,196,199,202,202,202,202,202,202,207,209,212,207,199,196,196,199,202,199,196,199,199,196,186,133,129,128,133,139,189,194,196,196,196,199,202,202,204,209,212,212,212,215,220,222,217,217,217,217,212,207,202,199,204,207,212,212,212,215,215,209,204,204,207,209,209,209,209,208,209,209,209,209,212,212,207,202,202,204,207,207,205,207,209,212,209,207,199,194,191,191,194,196,196,196,196,196,199,202,202,202,199,196,194,194,194,196,199,199,204,204,209,209,209,215,217,215,209,209,209,207,207,209,212,212,207,204,209,215,215,209,207,202,202,207,209,209,207,204,207,212,215,209,202,200,202,204,204,202,202,209,215,217,215,202,143,141,143,145,199,209,215,215,212,212,215,217,222,222,222,228,230,225,209,199,199,202,207,212,217,222,222,217,215,215,217,220,225,228,228,222,222,228,230,233,235,238,238,238,235,233,233,233,230,222,220,222,225,225,228,228,202,127,120,125,121,118,123,125,107,102,102,133,207,196,194,204,194,183,204,222,233,235,233,230,225,222,217,217,220,217,217,222,222,222,217,215,215,215,215,207,129,106,105,106,105,121,204,207,207,209,212,212,209,204,204,202,199,196,199,202,196,186,135,133,129,121,109,111,133,183,139,133,133,183,199,207,209,209,209,204,204,207,209,207,204,202,202,204,204,207,207,204,205,207,215,217,217,215,207,204,204,202,199,194,145,143,143,147,202,207,204,212,222,228,228,230,233,233,233,233,238,238,241,246,248,246,238,228,217,217,238,243,238,225,208,207,217,230,235,248,0,255,255,255,255,255,255,230,191,186,191,199,207,207,191,168,157,157,163,173,178,176,0,163,152,142,134,131,129,126,124,122,122,129,139,0,0,0,155,0,0,176,189,204,209,215,222,228,233,233,228,0,0,0,0,0,0,0,0,225,209,199,194,189,183,183,189,202,212,215,209,204,204,209,215,217,215,207,204,204,209,222,233,233,233,230,233,235,233,225,215,209,204,202,202,204,209,215,217,225,233,241,243,238,233,230,230,0,0,0,0,0,0,0,0,0,0,0,228,209,196,190,191,199,207,0,0,220,204,194,192,195,199,207,207,204,202,196,191,189,189,189,183,181,181,189,199,209,207,194,178,173,173,176,176,176,133,129,127,129,135,183,194,212,225,225,209,189,127,122,125,129,133,139,194,204,204,204,204,209,209,207,204,199,198,198,202,212,222,225,225,224,228,235,241,235,228,222,217,222,225,230,228,220,212,207,207,207,207,207,202,194,192,194 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,157,165,165,163,160,165,168,165,157,160,176,194,202,202,199,194,186,170,165,165,170,186,199,199,194,186,173,115,112,117,165,173,165,115,115,123,170,168,164,165,125,119,119,121,165,170,176,173,168,127,168,181,191,196,194,191,189,189,189,189,189,191,189,186,181,170,160,117,115,117,160,173,186,194,196,85,0,93,199,204,202,207,207,204,207,209,207,204,204,202,196,196,196,194,186,181,178,178,181,178,117,97,95,101,109,121,176,178,168,118,119,168,178,173,163,160,163,170,183,194,191,178,173,176,181,170,144,101,103,152,157,147,137,82,85,81,71,139,191,194,196,194,185,185,189,191,189,191,196,196,155,137,173,168,55,0,0,0,0,0,0,0,0,0,0,142,121,29,0,11,0,0,0,0,0,27,108,152,142,69,105,69,1,0,0,121,144,157,165,181,189,191,186,183,183,189,191,189,186,183,178,178,186,191,189,186,182,189,178,0,0,0,0,7,176,202,204,199,196,202,202,196,165,152,89,66,109,194,181,56,27,43,73,65,61,95,194,176,178,199,207,207,207,204,199,202,202,199,199,202,202,194,189,191,191,186,176,170,127,127,125,127,170,189,207,204,189,178,178,176,176,178,181,183,189,194,199,202,204,194,173,170,170,129,170,173,170,127,129,189,196,191,183,170,170,183,189,173,170,186,196,202,196,186,176,129,170,127,122,123,168,183,194,202,202,196,194,189,178,123,85,98,119,170,189,191,186,105,49,52,105,109,111,163,173,173,170,176,178,115,19,0,0,83,176,176,183,178,178,183,186,183,183,183,178,176,181,183,178,178,178,176,176,168,117,78,119,189,194,196,196,95,43,73,105,121,125,125,127,173,173,128,127,129,178,189,194,196,196,196,196,199,202,202,199,194,192,194,199,204,204,204,204,204,202,194,123,109,103,101,107,113,113,123,176,181,186,186,186,191,189,187,191,189,178,125,116,114,117,125,173,178,178,183,189,194,199,202,202,196,181,113,93,95,119,178,191,196,196,181,6,2,119,176,123,95,115,183,194,196,194,194,194,191,189,186,186,186,189,194,194,191,191,194,191,186,186,186,183,178,170,168,173,181,183,178,173,168,168,181,194,196,191,178,170,170,173,173,170,125,121,118,121,173,183,181,165,165,168,170,173,178,178,176,181,186,186,186,191,199,196,196,191,191,191,194,194,194,196,199,199,196,191,187,187,187,189,189,189,189,186,176,117,112,113,127,183,186,170,120,119,121,170,186,196,196,191,183,170,121,121,176,196,196,186,185,186,194,199,196,191,186,181,178,93,75,103,119,173,189,196,199,202,199,194,189,186,189,191,191,189,189,199,204,202,194,186,181,135,128,127,129,178,186,186,186,189,194,202,207,204,196,186,178,176,181,181,177,178,183,186,186,186,189,189,189,189,183,181,178,181,183,183,186,186,183,135,135,181,189,189,189,191,191,189,189,191,194,194,194,202,204,202,194,192,192,196,196,196,196,196,196,191,189,189,189,186,183,178,133,133,176,176,173,173,178,181,181,178,176,173,178,181,183,181,173,123,121,129,181,183,181,181,183,186,189,189,186,183,178,176,172,172,172,176,178,178,178,178,181,181,181,181,178,178,176,176,176,176,176,176,178,181,181,176,173,173,173,178,183,183,178,170,170,170,173,176,125,117,120,127,129,125,115,115,127,176,181,186,183,181,176,176,176,178,181,181,178,178,176,173,176,178,176,173,173,173,131,173,178,176,131,176,181,181,178,178,186,191,194,194,189,181,127,123,129,178,186,189,199,204,202,199,202,199,198,199,207,209,212,212,215,217,217,215,212,215,217,215,215,217,212,204,202,202,196,190,191,202,212,212,212,207,196,196,207,212,209,209,209,207,209,217,225,228,228,225,225,225,225,222,222,225,222,217,217,215,217,222,228,228,225,217,215,217,225,217,202,198,202,217,228,233,233,235,235,233,233,230,229,230,235,235,225,209,208,212,228,230,233,233,233,230,230,233,233,233,233,233,233,233,230,230,230,230,233,233,233,233,235,235,233,230,230,228,228,222,217,217,217,217,217,215,215,215,215,215,217,215,212,209,209,207,194,141,141,143,194,196,199,196,194,189,187,187,191,194,194,196,199,202,202,196,194,186,133,129,133,176,174,178,183,186,186,186,189,189,178,129,129,128,128,128,135,186,191,191,194,196,199,202,202,202,202,204,204,207,209,212,212,209,209,209,212,215,215,215,212,207,202,199,199,202,204,204,204,207,209,209,207,202,202,204,207,209,207,202,202,202,199,194,191,194,202,204,204,202,202,204,212,215,212,209,209,212,212,209,207,204,207,212,215,215,212,207,204,202,196,191,191,191,191,183,125,113,110,115,127,178,191,199,202,196,196,191,189,186,186,186,183,178,133,135,183,189,191,191,181,134,133,137,189,194,199,204,209,209,209,207,204,202,204,209,209,207,202,199,199,202,204,207,204,202,199,202,207,209,212,212,212,207,199,199,204,207,202,196,196,202,207,204,196,194,196,199,191,186,189,189,191,199,202,204,204,212,222,228,215,194,190,196,209,217,222,228,230,228,225,222,222,225,222,215,209,209,212,209,204,200,200,204,212,217,222,217,215,217,222,217,209,202,195,195,199,204,204,207,204,196,190,189,191,199,209,212,207,199,196,199,196,194,196,196,196,196,199,202,204,204,209,209,209,207,204,199,196,196,204,204,204,202,202,202,202,199,194,189,191,196,199,196,194,194,189,189,196,204,209,212,215,215,215,212,212,212,209,207,207,207,202,199,199,202,199,199,202,207,204,204,207,209,215,215,217,215,212,207,204,204,207,207,209,209,209,204,204,207,204,194,191,192,196,199,199,202,204,202,199,196,196,199,202,204,207,204,202,199,199,199,202,204,204,204,204,202,196,186,137,133,131,133,135,141,194,199,199,199,202,202,204,204,209,212,215,215,217,222,220,217,217,217,217,215,207,199,199,204,209,215,217,217,220,222,217,209,207,202,202,202,207,209,209,209,209,209,209,215,212,207,202,204,207,207,207,205,205,207,209,207,202,196,194,194,194,194,194,196,196,196,196,199,199,199,199,196,196,196,194,194,194,196,199,204,209,212,215,212,215,220,217,212,209,209,207,202,207,212,212,204,199,207,217,217,215,212,207,204,207,209,207,204,203,204,207,209,207,202,200,202,204,204,204,207,212,217,222,217,207,194,145,145,194,202,209,212,209,207,205,207,212,217,216,216,220,225,222,209,200,200,202,207,212,217,222,222,217,217,217,217,222,222,225,225,222,222,225,230,233,235,238,238,238,238,235,235,233,225,212,212,215,217,212,204,196,135,120,119,123,121,115,118,125,119,107,104,113,135,181,181,191,186,183,202,215,225,230,230,228,225,217,217,217,220,217,222,222,225,225,222,220,217,217,220,215,141,107,103,106,109,135,202,204,207,209,209,212,207,204,204,202,196,191,189,186,139,135,133,131,125,117,111,119,137,183,135,132,132,139,196,204,209,212,207,202,200,204,207,204,202,202,202,204,204,207,207,207,207,209,215,222,225,222,212,207,204,204,199,191,143,141,143,147,202,207,209,215,222,230,230,230,228,228,230,233,235,235,235,238,243,241,230,217,199,149,204,225,225,215,208,208,212,225,235,254,0,255,255,248,255,255,255,212,183,177,178,183,191,194,191,173,157,156,163,178,186,189,189,181,168,152,139,131,129,126,124,122,124,131,150,168,176,176,0,178,186,194,204,215,222,225,230,230,233,230,0,0,0,0,0,0,0,0,0,0,215,204,202,194,186,183,186,199,212,215,212,202,199,202,207,209,207,199,196,199,209,222,228,230,228,228,230,228,225,215,207,202,204,204,204,207,212,220,225,230,238,246,246,241,238,235,238,0,0,0,0,0,0,0,0,0,0,235,228,212,199,191,194,204,212,0,0,215,202,195,196,202,202,204,207,204,202,199,191,186,186,183,181,178,178,186,196,202,194,181,131,131,176,181,183,181,176,129,125,125,129,135,189,207,225,228,215,191,129,122,125,131,137,186,196,204,202,202,207,209,209,207,204,202,198,196,202,212,225,228,228,225,230,238,238,230,217,216,217,225,228,230,230,225,215,209,209,209,212,209,202,194,192,194 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,168,173,168,160,160,165,163,157,155,157,173,189,199,196,194,191,183,168,163,163,165,178,189,186,178,178,168,119,117,121,125,165,119,114,115,123,168,165,163,165,165,121,123,165,173,186,189,181,170,127,127,170,181,189,191,191,189,186,186,186,189,189,186,183,176,165,119,115,111,113,121,170,178,178,160,97,87,170,202,204,194,189,189,196,209,209,204,202,199,199,196,194,194,191,183,181,181,181,183,181,123,109,103,105,111,123,176,173,121,115,120,183,191,183,170,165,165,165,173,178,176,168,163,163,163,150,103,103,107,152,160,144,91,65,78,87,142,183,199,196,196,191,185,183,186,185,185,189,196,199,199,207,207,199,163,83,79,0,0,0,0,0,0,0,0,173,181,5,0,0,51,0,0,0,0,11,59,121,63,0,0,67,61,31,23,53,113,152,170,183,186,189,183,178,178,181,186,189,186,181,174,174,181,186,186,183,182,183,163,0,0,0,0,0,142,204,202,196,194,196,196,186,168,163,111,81,109,194,194,186,8,0,0,14,38,55,91,160,176,196,202,204,207,204,199,199,202,199,199,199,199,194,191,196,196,191,178,170,170,170,129,129,176,191,207,204,183,176,181,181,178,176,176,183,189,194,199,204,207,194,176,170,170,129,176,181,176,128,173,194,199,196,191,181,178,189,189,127,126,183,194,196,189,181,173,127,127,127,125,125,173,189,196,199,194,191,189,186,178,125,111,110,121,170,181,181,113,85,47,47,93,117,163,170,173,170,170,178,186,173,53,0,0,85,119,160,168,166,168,189,191,194,196,191,176,174,183,191,189,186,183,178,170,163,118,85,118,183,194,202,202,115,61,78,105,165,173,170,127,127,168,127,127,129,173,181,186,186,186,191,194,199,202,202,199,196,194,196,199,204,204,202,199,196,194,176,125,123,125,127,168,123,123,170,176,176,178,178,181,189,189,187,191,189,178,170,123,116,116,123,168,170,170,173,181,189,194,199,207,183,112,115,165,168,165,173,181,191,194,103,9,9,97,178,178,163,170,186,194,199,199,202,199,196,194,191,189,189,194,196,196,194,194,199,196,194,191,189,186,181,176,173,176,181,183,178,173,168,170,181,194,196,191,170,165,165,173,176,173,170,173,125,165,173,173,168,121,123,127,170,178,183,183,181,189,199,199,196,199,202,199,194,189,187,189,191,194,196,202,202,202,199,194,189,187,187,189,191,194,196,194,186,123,112,113,131,186,183,125,119,121,129,178,191,199,196,194,189,173,120,117,123,194,199,194,186,189,196,196,194,191,191,186,127,60,52,75,115,173,189,196,202,202,196,189,181,178,181,189,189,186,186,194,202,202,194,186,181,135,131,128,131,181,191,194,191,191,194,199,202,199,189,178,135,178,183,181,176,176,181,186,189,189,191,189,189,186,186,186,186,186,183,186,189,189,186,181,135,181,186,189,189,191,189,189,189,191,194,194,194,199,202,199,196,192,192,194,196,194,194,194,191,189,189,191,191,189,181,133,130,130,132,133,176,176,181,183,181,173,172,172,176,178,181,178,131,119,120,176,186,183,178,181,183,189,191,191,186,181,176,173,172,172,173,176,178,181,178,176,176,176,176,176,176,176,176,176,176,173,170,129,170,176,176,173,172,173,173,176,178,181,176,170,129,170,176,176,125,119,123,176,173,115,102,104,127,183,189,191,189,183,178,176,176,176,176,173,173,176,178,178,178,176,170,126,125,129,173,176,178,131,121,123,178,183,183,186,191,196,199,199,194,186,131,119,125,181,191,194,199,204,199,199,199,199,199,202,207,212,215,215,215,220,222,220,215,215,217,217,215,212,209,204,202,202,196,189,187,194,204,209,209,209,199,194,199,209,209,207,207,209,215,225,230,230,228,228,225,225,222,217,217,222,220,215,212,209,209,212,222,228,225,217,212,217,225,222,209,202,209,225,233,235,233,233,233,233,233,230,230,230,233,233,222,209,208,215,225,228,230,233,235,233,233,235,233,230,230,230,230,230,228,228,230,230,233,233,235,235,233,230,230,230,230,230,228,225,222,217,217,217,217,215,215,215,217,217,215,215,212,209,209,204,191,141,142,191,199,199,196,196,194,189,187,189,191,194,194,194,196,199,199,191,191,189,181,135,135,176,176,181,186,189,189,189,191,189,183,131,127,126,127,129,181,194,196,194,191,191,196,202,202,202,202,204,204,207,212,215,212,212,209,212,215,215,215,212,209,207,202,199,199,202,202,202,202,204,207,209,209,207,204,204,207,207,202,204,207,207,202,196,191,191,196,202,207,204,204,202,204,209,212,209,207,209,209,209,209,212,212,215,215,212,204,199,194,189,183,135,129,178,186,189,183,127,115,115,121,129,189,202,207,204,199,191,186,183,186,189,183,178,135,178,183,186,189,186,137,134,134,139,191,196,202,207,212,212,209,212,212,212,215,217,215,209,202,196,196,196,199,199,199,196,194,199,204,209,209,207,204,196,194,194,199,202,199,194,194,199,204,202,196,196,199,194,186,140,140,141,191,202,204,202,202,207,217,225,215,191,187,191,207,215,222,228,230,228,225,222,222,225,222,215,209,207,207,207,207,204,204,207,215,217,217,215,212,217,222,215,207,196,195,195,196,202,204,202,202,199,199,196,196,199,204,207,204,204,204,204,204,202,196,191,191,196,204,204,204,209,212,212,215,215,212,209,207,209,212,209,207,207,207,204,199,196,194,194,196,196,196,194,194,196,199,194,196,202,202,207,212,215,215,212,212,209,204,199,199,202,202,199,199,199,199,199,204,207,209,209,209,209,212,215,215,215,209,204,203,203,204,207,207,209,207,207,207,204,202,199,199,199,199,202,202,202,204,202,196,192,192,196,202,204,202,199,196,196,199,199,199,202,204,207,204,199,194,189,183,137,133,131,135,139,191,194,196,199,199,199,202,202,207,212,215,215,217,222,217,215,215,215,215,212,207,199,199,204,212,217,222,225,225,225,217,209,204,199,195,195,202,209,212,212,209,207,209,212,209,202,202,207,209,209,207,205,205,209,209,207,202,196,192,194,194,191,191,194,196,199,199,199,199,199,199,199,199,196,194,192,194,196,204,209,215,217,215,209,212,217,222,215,212,212,207,202,207,212,209,202,196,204,215,217,215,212,209,204,204,204,207,204,204,204,204,207,207,204,202,204,207,207,207,209,212,215,217,222,215,202,194,194,196,204,209,207,207,207,205,205,209,217,217,216,217,222,217,207,202,202,204,209,212,215,217,217,217,217,217,217,217,220,222,222,222,225,230,233,235,235,233,230,230,233,233,233,230,217,207,209,212,215,204,194,183,129,120,120,125,129,121,123,129,119,109,105,109,117,119,113,115,123,135,199,215,225,230,228,225,222,217,215,217,217,217,222,225,225,225,222,220,215,217,222,222,212,186,115,115,133,194,199,202,204,204,207,207,202,202,202,199,191,139,137,133,127,125,125,121,115,111,115,127,183,183,133,131,133,183,196,202,207,209,207,202,200,202,204,202,202,199,202,202,204,207,209,212,212,212,215,222,228,228,217,209,207,204,196,145,141,139,141,145,196,202,209,215,220,228,230,228,228,228,233,235,235,233,230,230,235,235,228,215,147,137,141,196,204,209,212,212,209,215,225,243,255,255,241,228,235,246,241,204,183,176,176,177,0,183,191,186,165,159,165,183,196,207,212,202,186,163,144,134,131,129,126,124,126,134,0,170,186,191,191,194,202,209,217,228,228,230,235,235,233,228,0,0,0,0,0,0,0,0,0,0,225,215,209,199,186,181,183,199,212,215,209,196,191,194,199,202,199,194,191,194,204,212,217,225,225,228,228,222,215,207,196,194,199,202,202,204,212,225,233,241,246,248,246,243,241,241,243,0,0,246,0,0,0,0,0,0,230,225,215,207,199,191,194,199,207,0,212,207,199,196,202,204,204,202,204,204,202,194,186,181,178,176,170,168,168,178,191,194,186,173,128,129,176,183,189,186,176,127,123,123,127,131,183,204,222,228,217,194,131,123,125,133,139,191,199,202,199,202,207,212,209,204,204,204,199,198,199,212,225,228,228,228,230,235,235,228,216,215,217,228,230,233,233,228,215,209,209,209,209,207,202,194,194,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,173,178,170,160,163,165,163,157,156,157,170,183,191,194,194,191,181,168,163,160,163,165,173,121,103,111,115,119,123,165,168,165,119,116,119,170,170,168,165,170,170,165,170,176,181,196,196,186,173,127,126,127,173,181,186,189,189,186,183,183,183,181,176,170,168,121,111,105,105,111,119,165,173,168,111,101,113,176,199,202,194,183,182,186,204,207,202,199,196,194,191,191,194,191,181,179,179,181,181,183,168,115,111,111,117,165,170,165,118,117,173,196,196,181,170,163,160,159,160,163,163,157,152,152,150,107,101,105,109,150,160,157,107,95,83,95,165,199,204,196,196,191,185,185,189,189,191,194,196,199,204,209,204,204,204,186,170,0,0,0,0,0,0,121,157,183,189,9,0,39,134,15,0,49,124,168,168,170,77,0,0,57,55,35,0,0,41,142,178,181,183,186,183,178,177,178,183,189,189,181,174,174,178,186,186,186,186,183,150,0,0,0,0,0,85,199,194,189,186,189,186,178,168,170,163,93,97,163,181,183,51,59,85,81,79,75,93,123,178,194,199,204,207,202,199,199,202,202,199,199,199,199,196,196,196,191,181,173,170,176,176,176,181,194,207,204,183,173,173,181,176,170,173,178,186,194,199,204,202,186,178,178,173,127,173,183,181,173,178,191,196,196,194,189,178,183,183,129,127,173,178,183,178,173,170,126,126,127,168,168,176,186,191,191,191,191,191,186,176,165,123,115,121,165,170,165,101,95,87,86,117,170,173,173,170,173,173,181,191,196,183,61,0,77,119,160,168,170,194,199,204,204,204,199,186,178,183,194,194,194,189,176,163,123,123,119,165,181,194,202,196,123,92,89,117,178,186,183,173,127,168,168,129,170,173,178,181,181,183,189,194,199,202,202,202,196,196,196,202,204,204,199,191,186,181,129,125,127,173,181,181,123,123,176,183,178,178,178,183,191,187,187,189,189,183,183,173,116,113,121,168,170,169,169,170,178,186,194,199,123,112,168,181,173,163,160,119,181,186,33,13,55,109,178,178,173,181,186,191,202,207,207,207,204,202,196,194,194,196,196,194,194,194,199,199,196,194,194,191,183,176,170,170,176,178,178,173,170,173,181,189,191,183,170,165,166,173,176,168,173,186,186,183,181,125,119,117,123,170,178,189,191,189,186,191,199,199,202,202,202,196,194,189,189,189,189,194,202,204,204,202,199,194,189,187,189,194,196,199,202,202,199,183,117,115,127,189,186,129,125,176,183,191,202,204,199,194,191,183,123,116,117,178,196,202,196,194,196,196,191,190,191,191,181,81,68,83,113,176,189,194,199,196,189,178,172,170,173,178,183,183,183,191,199,199,194,186,183,181,181,178,181,189,196,199,196,194,194,196,196,189,135,130,133,181,186,181,174,174,178,186,189,191,194,191,189,186,189,189,189,186,183,186,189,191,189,181,134,135,183,186,189,191,191,189,187,191,194,194,194,196,199,199,199,196,194,196,196,194,194,191,186,186,186,191,194,189,178,132,129,130,133,178,178,181,186,186,181,173,170,172,176,181,181,176,123,115,117,178,189,181,177,181,183,189,191,191,186,178,173,172,173,176,176,178,178,178,176,173,170,170,170,170,170,170,173,176,173,129,127,127,128,173,176,173,172,176,176,173,173,173,170,129,128,129,170,173,127,122,170,181,178,109,96,101,178,186,189,189,186,181,178,176,176,173,168,125,125,170,176,176,176,173,127,122,122,127,178,183,181,121,115,117,181,189,186,186,191,196,204,204,194,189,131,109,115,181,194,199,199,204,204,204,204,202,202,204,207,209,212,209,209,215,217,220,217,215,217,215,212,204,202,202,202,204,199,190,187,190,196,202,204,207,199,191,195,207,209,205,205,212,222,230,230,228,225,225,225,222,217,213,213,217,217,212,208,205,205,208,217,225,225,217,212,212,215,215,207,207,217,230,235,235,235,233,233,233,233,230,230,230,228,225,217,212,212,217,225,228,228,233,235,233,235,235,233,228,225,225,225,225,222,225,230,233,230,233,235,235,233,228,228,228,228,228,228,225,222,222,222,217,217,215,215,215,217,215,212,209,209,209,207,204,191,141,143,196,202,202,196,194,194,191,189,191,191,191,191,191,194,194,191,187,187,189,186,178,178,178,178,181,186,189,189,189,189,191,189,178,129,129,131,135,186,194,196,189,181,186,196,202,202,200,202,202,202,204,209,215,212,209,209,212,215,215,212,209,207,204,204,202,202,204,202,199,199,202,204,209,209,207,204,207,207,202,196,202,209,209,204,196,191,191,194,199,207,209,207,202,199,199,207,204,204,207,209,212,215,217,217,217,215,209,199,191,183,135,125,115,113,119,178,191,191,186,176,123,115,119,133,196,209,212,199,189,181,181,186,189,183,135,135,178,181,183,189,189,183,136,136,186,196,199,202,207,212,212,209,212,217,220,225,225,222,212,202,196,195,195,196,196,194,192,192,194,202,207,207,202,194,186,139,141,191,196,194,191,194,199,202,199,196,196,194,189,141,141,140,140,194,202,204,199,199,204,212,217,212,194,189,191,202,212,222,225,225,225,225,225,225,225,228,222,212,209,209,209,212,212,212,212,215,217,215,212,212,217,217,212,204,196,196,196,199,202,204,202,198,198,199,202,204,204,202,204,207,209,209,209,209,207,194,189,189,196,204,204,204,209,212,215,215,215,215,212,209,212,212,209,207,209,209,204,196,194,194,199,199,196,192,192,194,199,204,199,196,199,199,202,209,212,212,212,209,207,199,191,191,196,199,196,196,199,202,207,209,212,209,209,209,209,209,209,212,212,209,204,203,204,207,204,207,207,207,204,204,202,202,204,204,204,202,199,196,199,199,196,194,192,192,196,202,202,199,194,194,194,194,196,196,199,202,204,204,199,191,191,189,139,133,133,137,186,191,191,191,191,191,194,194,196,202,207,209,212,217,217,215,209,212,209,209,209,204,199,199,204,209,217,222,225,225,222,212,204,204,196,192,194,199,207,212,212,209,207,209,209,202,199,202,209,209,209,209,207,207,209,212,209,204,196,194,194,191,190,190,194,199,202,204,204,202,202,202,202,202,199,196,194,196,204,212,217,222,222,215,208,208,217,222,220,217,215,207,202,207,212,207,196,194,202,209,212,212,212,209,204,200,200,204,207,207,207,207,207,207,207,207,207,207,207,209,212,212,212,217,222,215,202,191,190,196,202,204,204,207,207,209,209,215,222,222,222,222,225,217,209,207,204,207,209,212,212,212,212,215,217,217,216,216,216,217,222,228,230,235,238,235,233,230,228,225,226,228,230,228,215,202,204,209,212,204,191,135,125,121,125,129,181,178,178,133,111,101,101,107,113,111,106,105,113,183,209,220,225,228,225,222,222,217,217,215,215,217,220,220,217,217,215,212,211,212,217,222,225,222,196,186,199,204,199,199,199,202,202,202,200,200,202,196,186,135,131,131,123,117,117,117,111,113,123,135,183,137,131,131,135,191,202,207,209,209,209,207,204,202,202,199,199,199,199,202,202,207,209,215,215,212,215,222,228,228,217,212,207,204,196,145,141,139,141,141,145,196,204,212,215,222,228,228,228,228,233,238,241,235,229,228,230,230,228,215,147,136,137,143,194,209,222,222,212,209,217,228,246,248,230,217,220,228,222,202,189,178,177,178,177,181,199,202,176,160,163,181,199,220,228,212,191,170,150,139,137,134,134,134,131,134,0,168,186,196,199,202,209,217,228,230,230,235,0,241,235,228,0,0,0,0,0,0,0,0,0,0,0,225,217,202,186,181,186,202,215,215,204,194,190,190,191,194,196,191,190,191,196,204,209,215,222,225,225,217,212,202,191,189,191,194,194,199,209,225,235,243,251,251,248,243,241,243,246,248,0,248,246,0,0,0,0,225,217,209,199,196,194,189,189,189,194,202,204,202,196,196,204,204,199,199,204,202,199,191,181,173,168,125,123,121,123,168,181,186,178,129,127,128,176,183,186,181,129,123,119,0,127,135,189,207,222,228,217,199,135,125,127,135,183,191,199,199,196,199,207,209,207,204,207,207,202,199,202,212,222,225,228,230,233,233,233,228,217,217,225,230,230,233,233,228,215,209,212,209,207,204,199,196,196,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,170,176,160,165,165,163,160,160,157,157,160,170,181,189,196,194,183,170,165,163,160,123,111,75,70,95,109,119,168,176,181,178,168,125,173,181,178,173,170,170,170,173,178,178,183,199,202,189,173,127,127,127,127,168,173,181,183,183,176,176,176,168,102,113,121,111,99,98,103,113,121,163,168,176,173,119,117,176,194,199,194,183,182,186,199,204,204,199,194,189,189,189,189,189,183,181,179,179,181,181,173,119,113,115,121,165,173,176,173,181,196,199,165,168,170,168,163,163,163,160,157,152,115,114,115,155,113,109,111,111,155,163,170,178,109,107,176,204,207,202,196,191,186,186,191,196,199,199,199,199,204,204,204,204,202,176,61,0,0,0,35,81,81,139,178,191,183,0,0,124,152,124,150,178,183,181,186,194,191,131,27,0,0,0,0,0,73,183,183,181,181,183,183,178,177,178,183,189,191,186,181,178,181,186,189,191,196,183,152,43,49,0,0,0,33,191,186,178,176,176,176,176,176,178,170,152,101,103,160,178,194,202,196,191,191,194,191,189,186,194,196,199,204,202,196,196,199,202,202,202,202,202,202,199,196,194,183,176,173,176,178,178,183,196,202,191,127,123,127,170,170,170,170,173,176,183,191,202,196,181,178,176,173,125,129,178,183,178,176,181,189,191,191,183,173,173,176,173,127,127,170,173,170,170,170,129,127,129,168,168,170,181,189,191,194,196,191,183,176,170,165,125,123,121,117,105,101,105,113,168,181,181,176,173,173,176,176,178,186,196,204,181,59,89,168,176,183,196,204,207,207,207,204,199,194,189,191,194,199,202,191,176,121,119,181,176,176,181,189,191,183,125,109,113,173,186,194,194,186,178,170,173,176,173,170,173,181,183,186,191,194,199,202,202,202,199,196,199,202,202,202,194,178,172,173,170,170,176,181,181,119,110,125,181,189,189,183,181,186,191,189,189,189,189,186,186,181,115,112,117,170,178,178,176,169,169,176,183,178,123,121,173,181,168,111,113,99,59,21,21,71,109,121,170,165,176,178,176,189,199,207,209,207,207,207,202,199,199,199,196,191,191,191,194,196,196,194,194,189,178,168,123,123,165,176,181,173,165,168,176,183,186,181,173,170,170,173,173,163,123,183,186,189,183,121,113,121,176,186,191,199,196,191,186,189,191,194,199,202,202,199,196,191,189,189,189,194,202,204,204,199,196,194,191,189,191,196,204,204,202,202,199,189,173,123,173,191,194,181,181,186,189,194,204,207,202,199,196,191,173,115,112,125,196,202,199,196,196,196,190,194,196,196,183,109,95,101,117,176,191,196,199,191,183,178,173,170,173,176,178,183,183,189,196,199,194,189,183,186,186,189,191,196,202,204,199,194,191,194,191,183,130,126,131,181,183,181,178,177,178,186,191,194,194,194,191,191,191,191,189,183,183,186,189,191,189,181,134,137,183,186,191,194,191,189,189,191,194,196,194,194,199,202,204,202,202,202,202,199,196,194,189,183,185,189,194,189,181,176,176,178,183,186,186,186,189,189,183,176,172,172,178,183,181,176,127,121,125,178,181,177,176,178,183,189,191,194,189,178,173,173,176,178,178,176,176,176,173,170,129,129,129,127,123,123,129,173,173,129,127,127,128,170,173,173,176,176,176,170,128,127,129,129,129,129,129,129,168,170,173,178,170,105,86,98,173,181,181,178,178,178,178,176,176,170,125,119,116,121,127,127,129,129,127,122,119,131,186,191,186,115,110,121,183,191,191,191,194,199,204,204,191,183,119,73,87,183,202,202,199,204,212,215,212,209,204,204,207,207,205,205,205,207,212,220,220,215,212,212,209,204,199,200,204,204,202,199,196,194,191,194,199,204,202,190,190,204,207,205,205,212,225,230,230,225,217,217,222,222,215,212,212,215,217,215,208,205,207,209,222,228,225,215,204,202,147,145,199,217,228,233,235,235,235,235,235,235,233,233,230,228,217,207,209,217,222,222,228,228,228,230,233,233,233,233,233,228,222,217,215,212,217,225,230,233,233,230,233,235,233,228,225,225,228,228,228,228,225,222,222,217,215,215,215,215,215,212,209,209,209,209,207,199,145,142,194,199,204,202,196,194,191,194,191,191,189,191,191,191,189,189,189,187,187,191,189,181,177,178,181,183,186,186,183,183,186,189,189,186,183,181,181,183,186,191,194,135,127,135,194,204,202,202,202,202,202,204,209,215,212,207,207,209,212,212,209,207,204,204,207,207,204,204,202,199,198,199,204,212,212,204,204,207,204,194,192,199,207,204,194,145,145,191,191,196,204,209,209,202,194,189,194,202,207,209,209,215,217,222,225,225,217,209,202,189,137,127,115,110,109,112,125,183,189,189,191,178,121,115,129,199,209,204,196,183,177,176,178,186,186,178,178,181,183,186,189,191,189,183,137,189,196,196,199,207,209,209,207,209,215,222,228,230,225,217,209,202,199,196,199,199,196,194,194,194,196,202,202,196,189,139,136,139,186,186,186,189,191,191,194,199,199,194,189,189,189,186,140,140,191,199,199,196,196,202,209,215,212,204,194,194,202,207,212,215,217,217,222,222,225,228,228,228,217,212,215,217,215,215,209,207,209,212,212,212,212,212,212,209,202,199,199,199,196,202,204,204,199,198,198,202,207,209,207,207,209,212,212,209,209,207,199,191,190,194,199,202,202,204,209,212,212,212,215,212,209,209,209,204,204,209,212,207,199,196,196,196,199,199,194,194,196,199,202,202,202,199,199,204,207,209,209,212,209,202,191,186,186,189,191,194,196,199,204,209,215,215,209,208,208,208,209,209,212,209,207,204,204,204,204,207,207,209,207,204,204,204,207,207,204,204,196,189,186,191,196,194,194,194,194,196,199,196,194,191,191,191,191,194,196,194,194,202,202,199,194,191,191,183,137,137,186,194,196,191,186,139,141,189,189,189,191,196,202,207,209,209,207,204,199,196,196,199,202,202,202,202,207,212,217,217,215,209,204,199,199,196,194,194,196,204,209,209,204,204,204,204,202,200,202,207,209,209,207,207,207,209,212,212,204,199,194,194,194,191,191,196,202,207,207,204,202,204,204,204,207,204,202,202,204,212,222,228,225,222,215,208,208,215,222,222,220,212,204,202,204,204,196,190,194,196,202,207,212,217,212,204,200,200,202,207,209,209,207,205,205,207,209,209,207,204,207,209,215,215,217,222,215,199,189,189,191,196,199,199,196,199,207,215,217,217,220,222,225,225,222,217,209,204,203,204,209,212,209,209,212,215,217,217,216,216,217,222,230,233,238,238,235,233,230,228,226,226,228,230,230,220,202,143,194,202,196,139,123,115,117,121,127,135,178,133,121,101,97,96,98,111,121,127,131,189,207,220,225,225,225,225,222,217,217,217,212,215,217,217,215,212,211,211,211,211,212,217,225,230,230,222,209,199,204,202,194,196,199,204,202,204,207,207,202,191,139,135,133,123,119,123,125,121,121,129,135,139,135,130,130,183,202,212,209,212,215,215,215,215,207,202,199,199,199,199,199,199,204,209,212,212,212,215,222,230,228,220,212,209,204,199,147,143,141,139,141,145,199,207,212,217,220,222,225,225,228,233,238,241,235,230,229,230,230,222,207,139,136,145,194,196,207,222,225,215,207,209,217,228,230,222,215,215,212,209,204,196,189,186,183,183,199,222,220,183,157,157,176,199,222,230,199,181,163,152,150,150,147,147,0,144,142,147,0,189,202,204,209,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,209,196,191,194,207,217,220,212,199,194,190,190,191,194,191,190,190,191,199,204,209,215,217,222,222,212,199,189,187,190,191,191,196,207,222,233,241,246,248,248,246,243,243,246,248,251,248,248,246,248,243,235,225,209,202,194,189,189,186,182,182,191,202,207,202,199,196,199,199,196,196,202,202,199,191,181,173,125,119,117,117,117,121,173,181,181,173,127,128,176,181,181,133,123,117,117,121,127,178,194,209,222,228,222,207,186,133,133,137,186,194,196,196,195,199,204,207,207,209,212,212,207,202,204,215,217,217,225,230,233,230,230,228,222,225,228,230,230,233,233,225,212,212,215,212,207,204,204,202,199,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,157,168,160,160,160,160,157,157,157,157,155,155,160,186,194,191,178,170,170,173,170,163,117,97,88,96,109,163,176,183,191,189,178,173,181,183,178,173,168,165,168,173,176,178,186,199,196,178,168,168,170,168,127,127,127,170,170,173,165,165,123,103,96,102,105,97,94,95,103,121,163,121,160,178,186,173,163,176,189,194,191,185,183,189,196,204,207,202,196,191,191,189,186,183,183,183,181,181,181,181,173,123,117,115,119,168,181,191,196,196,202,196,164,164,168,173,170,176,173,165,157,117,115,115,155,163,155,113,113,111,152,170,191,189,160,155,181,204,207,202,196,191,189,189,191,196,202,202,202,202,204,204,204,207,207,183,67,0,0,0,126,204,83,89,199,194,183,0,53,165,183,173,178,186,186,186,189,194,194,178,147,31,0,0,0,29,155,183,183,181,181,183,186,183,178,181,183,189,191,191,189,189,189,191,194,196,196,178,165,163,204,155,41,0,3,168,191,168,150,147,157,160,181,186,176,160,113,113,165,181,194,199,196,191,194,199,202,199,191,189,186,191,196,196,196,194,194,196,199,202,202,204,204,202,202,199,191,183,178,178,176,172,173,186,189,170,119,120,129,170,170,170,129,129,129,173,178,186,183,176,173,170,127,123,127,178,183,176,169,170,178,183,183,173,168,168,170,170,125,124,127,170,169,169,170,176,176,170,168,168,170,178,186,194,199,199,186,168,168,170,168,165,163,117,105,100,105,121,176,186,191,189,181,178,181,181,176,170,165,181,202,189,111,157,176,183,194,202,204,204,204,204,204,202,202,196,194,194,196,199,194,178,122,119,176,178,176,176,178,181,178,170,125,170,183,194,196,194,186,181,173,173,176,173,170,176,183,189,191,194,196,196,199,202,202,196,194,196,199,199,199,194,178,172,173,176,183,186,181,168,113,111,170,189,194,191,186,186,191,194,194,191,191,189,186,189,181,116,113,121,176,186,186,183,176,173,176,170,123,120,163,170,170,123,117,115,45,0,0,13,91,117,160,160,157,168,170,166,181,194,202,207,204,204,207,204,202,202,202,196,191,190,191,194,196,196,194,189,178,170,127,120,116,119,176,183,170,160,161,170,178,181,181,183,181,168,165,168,123,118,121,168,178,168,98,99,176,196,196,199,202,199,191,186,186,189,191,194,199,199,199,194,191,191,191,191,196,202,202,199,196,194,194,191,189,191,199,204,204,199,196,194,186,181,176,176,183,194,196,194,189,186,191,202,207,202,199,199,194,183,120,116,125,191,199,199,199,196,194,194,202,202,196,183,119,109,111,121,176,191,196,194,183,181,181,178,176,181,183,183,189,189,191,199,196,186,178,178,183,189,194,196,202,204,204,196,189,189,191,194,189,135,131,135,181,181,181,183,186,186,191,191,191,194,196,196,194,191,189,186,183,183,189,194,196,191,181,134,183,191,194,196,194,191,191,191,194,196,196,194,194,196,202,207,207,207,207,204,202,199,194,189,185,185,189,191,189,186,186,189,191,194,194,191,189,189,189,189,181,176,176,178,183,181,173,131,129,173,181,181,177,176,178,183,189,191,194,191,183,178,178,178,181,178,176,131,170,170,170,129,127,125,119,118,119,125,173,178,176,170,170,173,176,173,173,176,176,173,129,128,129,170,173,129,129,128,128,170,173,176,176,123,109,95,103,123,127,168,170,176,181,181,178,176,173,127,117,114,115,119,119,125,129,131,125,124,173,183,189,186,119,114,131,189,196,199,199,199,202,207,204,191,117,51,45,71,189,204,204,204,209,217,217,215,212,207,204,207,207,207,207,207,207,215,222,217,212,212,209,207,202,198,200,204,202,202,202,202,196,191,191,196,207,207,189,187,196,207,212,212,217,225,230,228,222,217,215,220,222,215,212,212,215,222,217,212,209,209,212,222,228,222,209,199,146,141,141,202,228,235,235,235,235,235,235,238,238,235,235,233,222,199,148,151,215,225,228,228,228,225,228,230,233,233,233,233,233,228,215,204,204,212,225,233,235,233,230,233,235,233,228,225,225,225,228,228,228,225,225,222,217,215,215,215,217,215,212,207,207,209,209,207,199,191,189,196,202,204,204,199,194,191,194,191,191,189,189,189,189,189,189,189,187,187,191,189,178,176,177,181,183,183,181,178,178,181,186,191,189,186,186,186,186,186,189,186,128,125,137,199,202,202,202,202,202,202,204,209,215,212,204,204,207,209,209,207,204,204,202,204,202,204,207,204,199,198,199,207,212,209,204,203,207,204,194,190,192,202,199,145,143,144,194,194,196,204,212,212,209,199,189,189,196,207,212,212,217,222,222,225,225,222,215,207,194,183,131,119,112,109,110,115,127,176,178,191,189,133,127,183,204,209,202,194,183,177,176,178,183,183,181,178,181,183,189,191,191,191,186,183,189,194,194,194,202,204,202,202,207,212,222,230,230,225,217,212,209,204,204,204,202,202,199,202,202,202,199,199,194,189,141,138,186,191,186,185,185,185,185,189,196,196,189,185,186,191,189,140,140,189,194,196,194,199,204,209,212,215,212,207,202,199,202,202,204,209,212,217,222,225,228,230,228,217,212,215,215,212,209,202,199,199,204,209,207,202,196,202,204,202,199,202,202,202,204,207,207,204,202,199,204,209,212,209,209,209,209,209,209,209,207,202,196,194,196,199,202,204,207,209,209,204,204,209,212,209,209,209,204,199,199,207,209,207,202,199,195,196,199,196,199,202,202,202,204,204,204,207,209,209,207,207,207,207,202,191,186,186,189,186,189,191,194,199,207,212,212,209,209,209,209,209,209,209,209,204,202,202,202,202,204,209,209,204,202,202,204,204,202,199,196,189,139,138,186,191,194,194,199,199,196,194,189,189,189,189,189,186,191,194,192,192,196,199,196,191,191,191,186,183,183,191,199,202,196,186,136,136,139,141,141,140,189,196,204,207,204,199,196,194,192,192,194,199,202,204,204,204,207,209,209,207,204,199,196,196,199,196,195,196,202,204,207,202,200,200,202,207,209,209,209,209,207,207,207,207,209,212,212,207,199,194,194,194,196,196,202,207,209,209,204,204,207,209,209,212,215,215,215,217,222,228,228,225,222,217,209,208,212,217,217,215,207,199,194,191,191,190,190,191,196,199,204,215,217,217,212,204,202,202,207,209,209,207,207,205,207,209,209,209,207,204,207,209,212,215,217,215,204,194,191,191,194,196,196,192,191,196,207,212,215,215,222,222,222,222,220,212,204,202,203,207,209,212,212,212,215,220,222,217,217,222,228,233,233,233,235,238,235,233,230,230,228,228,230,233,225,204,139,133,141,139,121,113,117,119,116,121,133,135,127,109,98,98,97,98,105,113,123,181,212,225,228,225,222,222,225,225,222,217,215,212,212,215,215,212,211,212,212,212,215,215,217,225,230,230,222,136,133,191,194,191,191,196,207,207,209,212,212,209,202,191,183,133,127,123,127,129,127,129,133,135,139,139,135,137,194,209,215,212,209,212,217,222,217,209,202,198,199,202,202,199,199,202,204,209,209,209,215,225,230,228,222,215,212,209,202,194,145,141,139,143,196,207,217,220,222,222,222,222,225,225,228,230,230,233,233,233,233,228,215,196,137,137,194,202,199,202,212,215,207,202,202,207,215,220,222,222,217,212,209,209,207,204,196,189,194,222,254,241,191,157,152,168,191,212,220,181,160,152,0,163,0,0,163,163,0,0,0,176,196,209,212,212,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,222,212,207,207,215,222,222,212,207,202,196,191,191,194,194,190,189,194,202,207,207,209,215,217,217,209,202,194,191,196,199,202,207,215,225,230,233,238,243,246,243,243,243,246,251,251,251,248,248,246,246,238,225,209,199,191,189,186,183,181,182,191,204,212,212,207,202,199,196,194,194,199,202,199,196,189,178,165,119,115,111,111,115,127,183,189,181,131,173,181,183,178,127,119,115,116,121,129,181,196,209,222,230,228,215,199,186,183,186,191,196,199,196,195,199,207,209,212,215,215,212,209,204,209,217,217,217,225,230,230,228,228,228,225,228,228,228,228,230,233,228,215,215,217,215,209,207,207,207,204,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,147,160,165,152,152,155,155,160,165,168,153,135,117,153,170,173,169,169,173,178,176,173,173,173,121,111,121,173,181,183,191,191,183,181,186,186,178,170,165,164,168,170,170,173,183,191,183,168,125,168,173,173,168,127,168,168,125,121,113,109,102,100,100,105,103,96,96,99,111,163,163,115,113,168,183,176,165,178,189,191,189,186,189,194,199,202,204,204,202,199,196,191,183,181,181,183,183,181,181,178,173,119,115,115,119,165,183,194,194,194,194,186,168,164,165,170,173,176,173,163,157,117,115,117,157,170,155,109,111,111,152,173,194,196,173,168,186,199,202,196,194,191,189,189,191,196,202,202,202,202,204,207,207,212,212,186,55,0,17,63,173,199,39,31,191,186,170,0,155,183,196,194,191,186,186,186,189,189,189,189,196,202,79,0,0,41,163,189,189,183,183,189,191,191,189,186,186,186,189,191,194,194,194,194,196,199,199,163,155,183,228,220,209,47,0,0,139,142,93,85,89,97,183,194,178,163,157,160,168,181,194,196,194,191,194,199,202,196,186,176,168,176,186,189,196,196,194,194,199,202,202,202,202,202,202,202,196,189,181,178,173,166,169,173,170,120,117,123,189,178,173,129,127,127,125,127,129,129,173,173,129,127,123,123,129,178,181,170,166,170,181,186,183,176,169,169,170,170,125,122,124,170,170,169,176,183,183,173,168,168,170,176,183,191,196,191,165,114,121,168,125,119,117,111,105,105,119,178,189,191,194,191,189,189,191,191,178,117,91,95,181,181,173,168,168,178,196,199,196,196,199,199,202,199,196,194,189,181,178,181,181,173,123,121,170,173,170,170,170,176,178,176,173,176,186,194,191,186,178,173,173,173,173,173,173,178,186,189,191,191,189,189,194,199,199,196,191,191,194,196,194,191,181,176,176,178,189,189,129,113,109,117,178,189,191,189,186,189,196,199,196,194,194,191,189,189,181,117,115,127,186,196,196,191,186,183,181,168,118,118,165,170,163,121,163,165,33,0,0,39,107,117,121,160,159,168,168,166,178,191,199,202,202,202,202,202,202,202,202,202,196,191,191,196,199,196,191,183,170,127,127,121,115,117,173,178,168,161,163,168,173,170,173,181,178,163,123,168,168,121,121,121,123,107,94,97,183,199,196,196,199,196,189,183,183,183,186,189,194,194,194,194,191,194,194,194,196,199,199,194,191,191,189,189,186,186,194,199,196,194,191,191,186,186,183,127,102,109,191,181,123,170,186,199,202,202,199,196,196,191,178,127,170,178,178,191,202,194,194,196,204,204,199,186,125,117,117,123,176,191,194,183,173,174,181,183,189,191,194,194,196,194,196,202,196,178,173,176,183,189,194,199,202,202,202,191,186,183,189,194,191,186,183,181,181,179,181,183,191,196,194,191,191,191,196,199,196,191,186,182,182,186,194,199,199,194,183,135,189,199,202,199,194,191,194,194,196,199,196,194,194,196,202,207,209,209,209,207,204,199,196,191,186,186,189,191,189,189,191,194,199,202,196,191,186,189,194,191,189,181,178,178,181,176,129,127,129,173,178,178,181,181,181,186,186,189,191,191,186,181,178,178,178,178,173,129,129,170,170,170,125,119,117,116,119,125,173,181,181,178,176,178,178,176,176,176,173,170,170,173,178,178,173,128,128,128,168,170,170,173,176,127,121,113,117,119,113,111,119,176,181,181,178,176,176,170,123,116,115,114,114,123,173,178,173,129,131,173,181,189,178,129,186,196,202,207,204,202,204,207,209,199,101,44,41,71,189,204,207,204,207,212,212,212,209,209,209,212,212,215,217,215,215,217,222,217,212,212,209,204,200,199,202,207,204,202,204,204,202,196,196,202,207,204,187,186,196,209,217,222,222,225,228,228,225,217,215,217,217,217,213,215,220,225,225,222,215,212,209,215,222,217,209,202,149,143,144,209,230,235,235,235,235,233,235,235,238,238,235,233,209,147,146,151,215,225,228,225,225,225,225,228,230,230,230,230,235,233,217,153,151,207,225,233,235,233,230,230,233,233,228,228,228,225,225,225,225,225,225,222,217,217,217,217,217,215,212,207,207,207,209,209,202,194,194,199,202,202,204,202,196,191,189,191,191,189,189,189,189,189,189,189,187,189,191,186,178,176,177,183,186,183,178,177,177,178,186,189,189,186,186,189,191,189,186,135,126,126,191,204,202,198,199,202,204,204,204,207,209,209,204,202,204,204,204,204,204,202,199,194,191,196,204,207,202,199,199,207,209,209,207,207,207,204,196,190,192,196,196,145,144,191,196,199,199,204,212,217,215,204,191,142,191,204,212,215,217,222,222,222,225,225,220,209,199,186,133,125,119,113,111,113,121,127,176,186,189,186,186,196,207,207,199,191,186,181,178,181,186,186,181,181,181,183,186,189,191,191,189,189,191,191,189,189,194,194,194,196,204,217,228,230,228,222,217,212,209,207,207,202,199,199,202,207,207,204,202,196,194,191,189,186,191,196,191,186,185,183,182,186,194,191,186,185,189,191,189,186,186,189,194,194,196,202,207,207,209,215,215,212,204,196,145,143,194,202,209,215,222,225,228,230,225,215,209,209,207,202,202,199,198,198,202,204,199,141,134,189,199,202,202,207,207,204,207,207,207,207,204,204,207,209,212,209,209,207,207,207,207,207,207,202,199,196,199,199,199,202,207,209,209,202,199,204,212,209,209,212,207,194,183,189,209,215,209,202,195,195,196,199,202,202,199,202,207,209,209,209,212,209,204,202,204,207,202,194,189,186,186,186,186,189,189,194,204,209,209,207,209,212,212,209,207,207,207,204,199,196,196,199,202,207,207,202,196,199,202,199,194,194,191,186,139,138,141,191,194,196,202,202,196,189,186,186,141,141,140,186,191,194,192,192,196,199,196,194,194,194,191,189,191,196,204,204,199,186,136,136,137,141,141,140,186,196,204,207,204,196,192,194,194,192,194,199,204,207,204,204,204,204,202,199,199,196,196,199,199,199,202,202,204,204,204,202,199,199,204,212,217,215,209,209,207,207,207,209,212,215,215,209,199,192,192,196,199,202,204,207,209,209,204,207,212,215,217,217,222,225,228,228,228,225,222,222,222,222,215,209,212,212,212,209,202,194,190,187,186,187,191,196,194,199,207,215,220,225,222,212,204,204,204,207,209,209,207,207,209,209,212,212,209,204,203,204,207,209,212,212,212,207,199,196,196,196,196,192,191,192,196,204,209,212,215,217,215,215,217,212,204,202,202,204,209,212,215,215,217,222,225,225,225,228,230,233,228,226,230,235,238,235,233,233,230,230,233,238,233,217,191,131,127,117,113,121,135,127,113,112,133,181,131,113,105,103,99,101,105,109,117,133,207,222,222,220,215,215,222,225,217,215,212,209,209,212,212,215,215,217,217,215,217,217,217,222,225,222,212,112,117,139,191,190,190,196,207,209,212,212,215,215,209,199,186,129,123,121,121,125,133,137,139,183,194,199,194,196,204,212,215,207,199,202,215,225,222,212,204,199,199,202,204,202,202,202,204,207,207,209,215,225,230,230,225,222,217,215,207,199,147,141,137,141,196,212,222,225,225,222,222,222,225,228,222,217,217,228,235,238,235,228,212,149,135,137,194,202,196,191,191,194,194,191,191,194,202,209,217,228,230,225,215,212,209,207,199,189,191,230,255,243,189,155,150,0,178,194,196,173,152,148,0,181,189,186,181,181,176,0,0,186,207,217,217,217,222,0,0,0,0,246,248,246,243,0,0,0,0,0,233,0,0,0,0,0,0,0,238,233,228,222,217,222,228,225,215,207,204,199,196,196,199,196,191,190,196,207,212,209,209,209,212,212,207,202,199,204,209,212,215,222,225,230,233,235,238,241,243,242,242,243,246,251,254,254,251,248,246,243,235,225,209,202,194,186,186,183,182,182,194,207,217,220,212,204,199,196,194,194,196,202,202,199,196,186,173,121,113,109,107,111,127,189,194,189,181,181,183,183,176,125,117,115,116,0,129,181,194,209,225,233,235,225,209,196,194,196,199,202,204,199,195,199,207,215,217,217,215,212,209,207,212,217,217,217,225,230,228,228,228,228,228,228,228,226,226,230,233,230,222,222,222,215,212,212,215,212,212,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,160,168,152,150,152,160,170,181,181,170,135,117,146,163,170,169,169,173,176,176,178,186,194,189,173,176,181,178,178,183,186,183,183,189,186,181,170,163,164,170,170,165,165,176,178,170,125,125,168,173,173,170,170,176,178,165,119,107,102,100,109,119,163,113,105,111,117,163,168,168,115,111,117,173,170,165,183,189,189,189,189,194,199,202,202,202,204,207,204,196,191,183,181,178,178,181,183,181,176,165,111,113,117,121,168,178,181,176,173,173,173,168,164,164,168,170,170,168,163,160,157,157,157,157,165,91,85,99,111,160,178,191,191,170,165,181,194,196,194,194,191,189,189,191,196,202,202,202,202,202,204,204,209,212,178,41,17,144,168,155,77,23,21,142,163,139,33,176,183,191,194,189,186,186,189,191,189,186,189,199,204,181,0,5,147,176,183,186,186,189,191,199,202,196,191,189,186,186,191,194,194,194,194,199,204,209,152,99,170,209,212,207,202,5,0,15,93,84,75,76,91,181,191,181,170,165,163,165,178,189,194,194,196,199,202,199,191,183,173,165,168,173,173,189,199,196,194,199,202,202,202,202,202,202,199,194,186,178,173,170,169,172,173,129,121,121,189,215,186,173,129,127,125,124,123,123,125,170,173,127,123,121,125,129,176,178,170,169,176,189,189,183,181,176,176,178,176,127,123,124,170,173,173,178,186,183,170,125,125,127,170,176,181,181,170,117,114,121,168,121,105,102,104,109,121,176,186,189,191,194,196,196,196,199,196,181,101,78,80,157,178,176,160,99,119,191,189,181,170,181,189,189,183,178,181,178,168,121,123,163,165,163,123,168,165,165,168,170,176,181,178,176,176,181,189,186,181,173,168,168,170,173,173,176,181,183,186,183,178,129,129,181,191,196,191,183,173,181,181,176,181,189,186,178,176,183,178,107,95,103,125,181,186,186,186,186,191,199,202,199,199,196,196,194,196,186,117,116,173,196,202,196,191,186,189,191,178,125,125,176,178,168,168,178,181,63,13,17,81,109,117,121,165,168,170,170,168,178,191,194,194,194,194,196,199,199,202,202,202,199,196,196,199,202,196,189,181,127,123,165,125,119,121,178,181,173,168,168,165,123,119,123,168,170,123,121,176,181,178,178,165,111,103,103,119,181,191,194,194,194,191,183,181,181,181,181,183,189,191,191,191,191,194,196,199,196,196,194,191,189,189,186,185,183,185,189,191,191,189,189,189,186,189,183,111,90,95,125,113,102,113,181,194,202,202,195,195,196,199,194,186,178,119,53,81,194,191,191,194,202,204,199,186,127,119,121,127,181,191,191,176,170,172,181,189,194,196,196,199,196,194,196,204,202,181,173,177,183,191,194,196,196,196,196,191,186,183,186,191,191,189,189,189,183,181,181,183,191,196,194,189,186,189,194,199,199,191,186,182,182,189,196,199,199,191,183,181,191,202,202,199,194,191,194,194,194,196,196,196,196,199,202,204,207,209,207,204,202,199,196,191,189,186,186,186,186,186,189,194,196,199,194,186,186,189,194,194,191,183,178,176,176,131,126,125,126,127,129,176,183,189,189,189,186,183,186,186,183,178,176,176,176,176,131,127,127,129,173,170,127,119,117,118,123,127,170,173,173,176,178,181,181,178,176,176,170,170,176,181,186,183,173,127,127,168,168,170,173,176,178,176,125,121,125,121,97,86,95,173,181,178,173,173,176,173,170,125,117,114,113,123,178,189,183,173,129,129,178,191,191,189,199,202,207,207,204,202,202,207,212,207,181,71,64,91,183,202,204,196,194,196,199,202,204,207,209,212,215,220,225,222,220,220,222,217,215,215,212,207,202,200,207,209,207,202,204,204,204,202,204,209,209,199,187,187,199,212,222,222,222,222,225,225,225,217,215,215,217,215,215,217,222,225,225,225,222,215,209,212,215,215,209,212,209,202,202,215,228,233,235,235,233,233,233,235,238,238,235,228,207,149,151,209,217,222,225,225,225,225,225,228,228,228,228,228,230,235,228,204,150,152,217,230,235,235,233,233,233,233,230,228,228,225,225,225,225,225,225,225,222,222,222,222,222,217,212,207,207,207,209,209,207,199,199,202,204,204,204,202,191,186,186,191,191,189,189,189,191,189,189,189,189,189,191,189,181,177,178,186,186,183,178,178,178,181,186,191,189,186,189,194,194,191,183,130,127,131,196,204,202,198,199,202,202,204,204,204,207,207,204,202,202,204,204,204,204,204,199,187,186,190,202,207,207,204,207,207,207,207,209,212,209,207,202,196,199,202,202,196,196,199,204,207,204,204,209,215,215,204,191,141,143,199,209,215,217,220,222,222,225,225,217,207,194,137,125,119,119,119,119,121,125,133,178,183,189,191,194,196,202,199,194,189,186,183,183,183,183,183,183,181,181,183,186,189,191,194,194,194,194,189,186,186,187,189,187,194,207,222,230,228,225,217,215,212,212,209,204,196,143,143,191,202,207,207,202,196,194,194,194,194,196,196,194,189,186,186,186,191,194,191,186,185,189,194,191,189,191,194,199,199,202,204,207,202,202,207,215,212,204,145,139,139,143,196,207,215,222,225,228,228,222,212,207,204,199,195,199,202,202,202,202,196,141,131,128,137,196,202,204,209,209,207,204,203,203,204,204,207,209,209,209,207,204,204,204,204,207,207,207,202,199,199,199,196,195,199,207,209,209,199,191,199,207,207,207,212,215,196,174,176,204,217,212,202,195,194,196,199,199,196,194,199,207,212,212,209,209,204,199,195,199,204,202,194,189,186,141,141,186,186,189,194,202,204,202,202,207,212,212,207,202,202,204,204,199,194,194,196,202,204,204,199,194,196,196,194,189,187,191,194,189,141,186,191,194,196,202,199,196,191,189,186,140,139,139,186,194,196,196,196,199,199,199,199,199,196,196,196,196,202,202,202,196,186,139,137,141,189,189,186,191,199,204,207,202,194,192,196,196,194,194,199,204,207,207,204,204,204,199,199,199,199,199,202,204,207,207,209,207,207,204,202,200,202,207,215,217,212,208,209,209,209,209,212,215,217,217,212,204,196,194,199,202,204,204,207,207,207,204,204,212,217,217,217,222,225,228,228,225,217,217,217,222,222,217,212,209,207,207,207,202,196,191,189,187,190,194,196,192,192,204,215,217,222,225,217,209,207,207,209,209,209,209,212,212,212,215,215,215,207,203,203,204,204,204,209,215,212,207,204,202,202,199,196,194,194,196,202,204,209,212,212,211,211,215,212,209,203,203,204,209,212,215,215,217,222,225,228,228,230,233,233,228,225,228,233,235,235,233,233,233,233,238,243,241,225,202,141,117,109,117,196,202,137,115,110,178,186,135,123,117,115,103,109,117,121,125,133,194,209,215,212,207,207,212,217,217,212,207,207,207,209,215,217,220,217,217,215,215,215,215,217,220,215,202,108,112,139,196,196,194,196,204,207,207,207,212,215,212,204,189,127,120,118,118,125,183,194,196,202,212,215,212,207,209,212,207,196,187,189,209,225,225,217,212,207,204,204,207,207,207,207,207,207,207,209,217,225,230,233,230,228,228,225,215,207,199,143,135,129,137,202,220,222,222,220,220,222,225,225,217,215,216,228,238,238,235,228,215,196,137,133,141,147,145,139,135,137,143,189,189,189,191,199,215,228,233,230,222,212,204,0,189,181,181,199,238,215,181,155,150,155,0,178,186,176,157,152,165,183,189,189,189,189,183,0,0,186,207,222,228,222,0,0,0,0,0,248,251,251,251,0,0,0,0,0,238,235,241,0,0,0,0,0,241,241,238,233,228,228,230,225,212,199,194,196,199,202,204,204,199,191,199,209,212,209,204,207,209,207,202,199,202,207,215,225,228,228,233,238,243,246,246,246,243,242,242,243,248,254,255,255,254,246,243,241,233,222,209,202,194,186,186,183,181,182,189,202,212,217,212,204,196,194,194,196,199,202,204,204,202,194,181,125,115,107,106,107,121,183,191,189,183,181,183,181,133,125,119,117,119,0,131,183,196,212,228,235,238,233,217,207,204,202,202,204,207,202,196,199,209,217,222,217,212,207,207,209,212,215,215,215,225,228,228,228,228,230,230,233,230,226,226,230,235,233,228,225,225,217,215,215,217,222,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,168,168,155,148,152,170,186,191,191,191,196,196,191,189,183,176,173,173,170,168,173,189,202,199,178,176,178,170,170,173,178,178,181,186,183,176,165,163,165,170,170,123,119,125,165,123,121,125,168,170,176,181,178,186,191,176,119,105,107,115,170,181,178,163,119,121,163,170,181,183,165,116,119,165,163,125,186,191,191,191,194,196,202,202,199,199,202,204,202,194,189,183,181,176,173,173,178,176,165,115,108,111,117,123,168,173,170,165,163,163,165,165,161,164,173,176,176,173,173,176,176,173,170,163,101,79,79,89,111,163,183,191,181,163,161,176,191,196,196,196,196,194,194,196,199,204,204,204,202,199,199,202,207,209,189,63,23,61,101,81,42,32,38,131,131,79,147,181,189,191,189,189,191,194,194,196,191,186,186,194,196,194,79,124,196,186,181,181,186,189,194,199,202,196,191,189,186,186,189,189,189,191,196,202,207,209,93,43,163,207,204,191,181,103,19,27,95,91,74,82,147,176,186,183,178,170,161,163,183,191,191,194,199,207,204,199,191,189,183,170,125,123,107,99,186,189,194,199,202,202,202,199,199,196,191,186,178,172,169,169,176,181,186,181,176,178,196,209,183,176,176,173,170,125,122,121,125,173,173,125,121,120,121,129,176,178,173,170,181,186,186,183,183,181,181,181,178,173,127,127,170,173,176,176,178,173,127,121,121,122,127,170,168,168,123,118,120,125,165,123,109,100,103,117,181,189,189,186,189,191,196,196,196,199,199,186,113,83,85,170,181,165,61,33,44,67,79,103,105,113,160,168,168,170,173,170,115,108,115,123,165,165,163,163,163,165,165,165,170,181,183,178,176,173,181,183,181,173,163,164,170,173,176,178,181,183,183,178,170,125,124,129,181,183,176,121,106,116,117,115,127,199,199,186,176,170,119,81,75,103,173,183,186,186,189,189,191,196,199,199,199,199,202,202,202,191,119,117,189,202,199,181,173,178,189,199,194,183,183,189,191,191,191,194,189,99,31,31,81,109,119,160,165,170,170,168,168,176,189,191,189,189,189,191,194,196,199,199,199,202,202,202,204,202,191,178,127,117,117,121,165,173,178,186,191,189,183,176,117,103,107,121,168,168,115,113,178,189,191,189,173,109,104,113,170,183,189,191,191,191,186,183,181,181,181,179,181,183,189,189,189,191,196,199,199,196,194,191,191,189,186,186,185,185,185,186,186,189,189,189,189,189,191,186,123,103,108,170,117,103,109,173,189,199,202,196,195,196,199,196,196,194,113,25,9,91,186,189,194,199,204,196,183,123,118,125,178,194,199,194,178,173,174,186,194,196,199,196,196,194,186,189,202,204,191,178,181,189,194,194,194,191,191,191,191,186,183,186,189,189,186,189,191,189,189,186,183,191,196,191,189,185,185,189,194,196,194,186,181,182,186,194,196,194,189,186,186,194,196,196,199,194,194,194,194,194,194,196,196,199,199,202,204,207,207,204,199,194,191,191,189,186,181,181,183,186,181,178,183,189,191,189,183,183,189,194,194,194,186,178,176,176,131,126,125,125,126,126,173,189,194,194,191,189,183,181,181,178,173,131,173,176,173,129,127,127,129,170,173,129,123,121,123,127,129,129,129,129,170,176,178,181,181,178,178,176,176,181,186,186,183,176,128,168,173,176,176,178,181,186,181,113,112,125,125,87,80,87,173,178,176,170,170,176,178,178,173,127,121,117,129,178,186,181,131,129,133,186,194,194,196,204,207,209,209,202,200,202,207,209,202,194,117,87,99,137,196,196,189,183,183,186,189,194,199,204,207,212,215,220,217,215,212,215,215,212,215,215,209,204,202,209,215,209,202,202,204,207,209,215,217,215,207,191,190,199,212,222,220,217,217,222,222,222,215,209,209,215,215,215,217,225,225,225,225,222,217,215,215,217,217,215,217,212,202,204,222,228,230,230,233,230,230,230,233,235,235,233,222,209,204,212,217,217,222,225,228,225,225,228,228,228,225,222,217,217,228,233,222,151,149,204,225,233,235,235,235,235,235,233,228,228,225,225,225,225,228,228,225,225,222,225,225,225,217,215,209,207,209,209,209,209,204,202,202,204,207,207,196,186,183,185,191,191,191,191,191,191,189,189,186,186,189,191,191,186,181,183,186,186,183,181,181,181,181,186,191,191,191,191,196,199,194,183,129,130,183,194,202,204,199,198,199,202,202,202,202,204,204,204,202,202,204,204,204,204,207,202,189,187,191,202,209,209,212,215,212,207,205,207,209,209,209,209,209,209,212,209,209,209,209,212,212,209,207,209,212,212,204,191,141,142,191,202,209,212,215,217,222,222,220,212,199,137,121,109,106,115,125,133,135,181,181,183,183,189,191,194,194,194,191,189,186,183,183,186,181,135,135,181,181,183,186,189,189,191,196,199,202,199,194,187,187,187,187,189,196,209,225,230,225,217,215,215,217,217,215,209,194,141,139,142,196,202,204,204,202,199,202,202,199,199,199,196,194,194,194,194,196,196,191,186,186,189,191,191,191,194,202,207,207,204,204,202,194,194,204,212,212,202,141,137,138,143,196,204,212,217,225,225,225,217,212,207,204,195,194,196,204,207,204,199,191,137,131,129,135,194,204,207,212,215,212,207,204,203,204,207,209,209,207,204,203,203,203,203,203,207,209,209,204,204,204,204,196,194,195,204,209,207,196,189,194,204,207,209,215,220,204,172,172,191,212,209,202,194,194,196,199,199,195,191,196,207,212,209,207,202,199,194,194,196,202,199,191,186,141,141,186,189,189,189,194,196,196,194,196,202,209,207,202,199,199,202,204,202,196,194,196,202,204,204,199,194,194,194,189,187,187,191,199,196,194,194,196,199,202,202,199,199,196,191,186,140,139,140,189,196,196,199,202,202,202,199,199,199,199,199,202,204,204,202,196,191,189,186,186,191,199,202,196,196,199,202,199,196,192,194,202,199,196,196,202,207,209,209,207,207,204,202,202,204,207,204,204,207,209,212,212,209,207,207,204,204,207,209,215,215,209,209,209,212,212,215,215,217,217,217,212,209,204,202,199,202,204,204,207,207,204,203,204,212,217,217,216,217,222,222,222,222,215,215,217,220,222,220,215,209,207,207,209,204,196,196,196,194,194,196,196,190,189,196,209,212,215,217,215,212,212,212,215,212,209,209,212,212,212,212,215,217,212,207,204,204,204,204,209,215,217,212,212,212,209,207,202,202,204,204,204,204,209,212,212,211,211,212,215,212,207,203,204,207,209,212,215,217,222,225,228,230,233,233,233,230,228,230,230,230,233,235,235,235,238,241,243,238,217,191,135,115,111,131,204,209,189,125,125,183,181,129,125,131,178,123,121,133,183,186,191,202,209,212,207,203,203,209,215,215,209,207,204,204,207,209,215,217,215,215,212,212,212,212,217,217,212,199,110,113,141,202,207,204,202,202,202,202,202,204,212,212,207,196,137,127,120,119,131,196,204,204,209,217,222,215,209,204,204,202,191,185,187,204,225,228,225,220,215,212,209,209,209,212,212,212,212,212,215,220,228,233,235,233,230,230,228,222,215,204,145,129,118,120,137,204,217,217,217,222,225,228,222,216,215,217,230,238,238,235,230,220,204,137,123,123,131,135,133,131,133,141,194,199,194,191,196,209,225,230,228,222,209,196,186,181,176,168,168,178,183,170,160,157,155,0,170,183,186,178,170,173,176,0,0,186,189,186,0,0,178,199,222,230,228,228,230,235,238,243,0,0,0,254,0,0,0,255,0,248,243,246,0,0,0,0,0,241,241,241,238,235,233,228,215,196,181,181,191,199,204,204,204,202,194,199,209,209,204,203,204,209,204,199,194,194,202,212,225,230,235,238,243,248,254,254,251,246,243,243,243,248,254,255,255,251,243,241,238,230,217,207,202,196,191,189,186,182,181,183,194,204,212,209,199,191,186,189,194,196,202,207,209,207,196,183,165,115,107,105,106,113,127,178,181,181,181,181,178,133,127,123,121,121,0,135,186,202,217,230,238,238,233,225,215,209,207,204,204,204,202,196,199,209,217,217,215,209,207,209,215,217,217,212,215,222,225,228,228,230,230,233,233,230,226,226,230,235,235,230,228,228,222,217,215,217,225,233,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,163,163,155,147,148,173,191,194,191,196,202,207,207,202,191,181,178,176,168,152,152,176,196,189,170,168,168,166,166,168,170,173,176,178,178,170,165,163,165,170,170,123,117,117,119,117,119,165,170,173,183,191,191,191,191,173,115,103,113,173,189,191,189,176,165,123,121,176,189,191,181,163,121,121,123,165,186,194,194,194,196,199,204,204,199,196,199,202,199,191,186,183,183,173,165,165,170,165,115,107,108,109,115,121,163,165,163,123,163,163,165,164,160,168,186,191,189,186,189,191,191,189,181,168,105,86,89,103,115,168,191,196,183,165,163,178,194,199,199,199,199,199,199,202,204,207,207,204,202,196,196,199,204,212,207,183,57,33,43,43,40,51,99,150,93,67,163,183,194,199,196,194,196,199,196,194,191,189,186,186,186,191,160,152,181,183,183,183,183,186,191,196,196,191,186,186,186,186,186,186,186,191,196,202,202,181,19,0,144,215,204,183,178,202,93,49,101,107,101,155,165,176,183,186,186,178,165,168,186,189,186,186,194,204,207,204,199,194,186,121,101,103,89,74,121,181,194,199,199,196,191,178,127,127,170,173,176,173,172,172,181,189,194,194,189,186,189,186,178,178,186,191,186,176,125,123,129,173,170,127,125,120,120,127,176,176,173,173,178,181,181,183,181,178,178,178,178,178,173,170,170,173,173,170,129,127,123,121,120,122,127,168,125,125,125,123,125,123,123,165,168,123,123,173,189,194,191,186,189,191,194,192,194,196,194,181,168,160,176,202,199,165,53,25,35,59,75,105,109,111,115,121,168,173,170,163,86,87,111,163,170,170,165,163,165,168,165,160,163,181,189,186,176,125,176,183,181,170,157,161,173,176,176,178,181,181,178,178,173,127,126,170,176,173,127,117,109,115,115,114,129,204,207,194,176,123,101,67,63,95,176,183,186,191,194,194,191,191,191,194,196,199,199,202,204,194,123,125,194,199,176,111,113,129,189,199,196,191,189,191,196,202,204,204,199,176,65,53,89,111,117,119,121,165,165,163,165,176,189,191,186,186,186,189,191,194,196,194,194,199,202,204,207,202,186,121,97,103,111,119,168,183,191,191,194,196,196,181,103,81,89,121,170,119,87,86,168,186,189,183,168,113,107,115,170,189,194,194,189,189,186,183,183,186,183,181,181,186,189,191,191,194,196,196,196,196,194,191,191,191,189,189,186,186,186,186,189,191,194,194,191,191,194,191,183,173,176,178,125,109,103,113,173,194,202,202,196,196,196,195,199,202,181,41,0,9,125,186,196,202,199,191,178,121,119,170,189,202,207,196,186,178,183,189,194,194,194,191,194,189,178,178,194,202,194,189,186,191,194,194,191,189,186,189,189,183,183,189,191,186,186,189,191,191,191,186,186,194,196,191,186,185,185,186,191,194,191,186,181,181,183,189,191,191,189,189,189,191,191,194,199,196,194,194,194,194,194,196,199,202,204,204,207,209,207,199,191,183,183,186,186,183,179,179,183,183,181,176,177,178,181,183,183,186,189,191,194,194,189,181,178,178,176,131,129,129,127,129,176,189,196,194,194,191,186,178,176,173,131,130,131,173,131,131,127,126,127,170,173,129,125,125,127,129,129,129,127,129,170,176,178,178,181,181,183,183,181,178,176,176,176,173,173,178,181,181,183,186,189,194,186,103,103,117,125,89,77,93,178,181,173,128,129,176,183,183,178,173,173,131,173,176,178,176,133,176,186,194,196,194,196,202,207,212,209,204,202,207,207,202,191,183,121,99,107,135,191,191,189,183,182,183,185,189,191,196,202,204,207,209,207,204,204,207,209,209,212,215,212,207,204,207,209,204,199,202,207,212,215,222,225,225,222,204,194,196,209,222,217,215,215,217,217,215,209,207,207,212,215,215,217,222,222,217,215,215,215,217,222,225,222,217,212,149,134,143,225,233,228,228,228,228,228,228,230,230,230,225,215,209,212,217,222,217,222,228,228,228,228,228,228,225,222,215,213,212,217,233,230,204,150,152,209,228,233,235,235,238,235,233,228,225,225,225,225,228,228,228,228,225,225,228,228,225,222,215,212,209,209,209,212,209,209,204,204,204,207,207,196,186,185,186,191,191,191,194,194,194,189,186,183,186,189,191,191,189,186,186,186,183,181,181,183,183,183,186,191,194,194,194,196,196,191,183,133,181,189,194,196,202,202,199,199,199,196,196,199,199,199,202,202,202,202,202,202,204,207,204,196,194,199,207,212,212,215,217,217,212,205,204,205,207,212,217,217,215,215,215,215,217,217,217,217,215,209,209,209,209,204,196,143,142,189,194,199,202,204,212,217,217,215,204,186,125,109,103,102,111,129,183,189,191,189,186,183,186,191,194,194,191,191,189,186,183,183,183,133,126,127,133,181,186,189,191,191,194,199,207,209,207,202,194,191,189,191,194,204,215,225,225,220,212,209,215,217,222,222,217,204,189,142,191,196,204,207,209,209,207,207,207,204,204,202,199,199,199,202,199,196,196,194,189,141,186,189,189,189,194,202,209,207,202,199,196,194,194,204,209,212,204,145,140,141,191,199,202,207,212,217,222,217,215,212,212,207,195,192,196,207,207,204,199,194,141,135,133,134,191,204,207,215,217,217,215,209,209,209,212,212,212,207,204,203,203,203,204,204,207,209,209,209,209,212,209,202,196,196,202,207,204,194,189,191,196,202,209,215,222,212,181,176,186,204,207,199,192,194,196,202,202,196,194,196,207,212,209,204,202,196,195,195,199,202,196,189,141,141,186,194,194,191,189,191,194,191,190,191,196,202,202,199,199,199,202,204,199,196,194,199,204,207,207,202,196,194,194,194,189,187,189,196,199,199,199,199,202,207,207,204,202,199,194,186,186,186,189,191,191,194,196,202,202,199,198,198,196,198,199,204,207,204,202,194,191,189,191,191,196,204,209,204,199,196,196,194,192,194,196,204,204,199,199,204,209,212,209,207,209,207,204,207,209,209,207,207,207,209,209,212,212,209,209,207,207,209,212,212,212,212,212,212,215,215,215,215,217,215,215,212,212,209,204,202,204,204,204,207,209,207,207,209,215,222,222,217,217,217,217,217,217,217,215,217,217,222,222,217,212,209,209,212,204,199,202,204,202,196,199,202,194,191,196,209,212,212,212,212,212,212,215,217,215,209,207,207,207,207,209,215,215,215,212,207,207,204,207,212,215,217,217,217,220,217,212,207,207,207,207,204,204,207,212,217,215,212,212,215,215,209,207,204,204,209,212,212,217,222,225,228,230,230,233,233,233,235,235,230,229,230,233,235,233,235,235,235,222,189,117,106,111,127,183,199,204,196,181,181,189,178,129,133,189,196,181,137,189,196,202,209,220,217,209,204,203,203,209,212,212,209,207,207,207,204,204,202,204,209,209,209,207,207,207,212,215,209,196,116,116,139,204,212,209,204,200,200,200,200,204,209,212,209,207,209,202,186,137,189,204,207,204,207,215,217,212,207,202,202,202,196,190,191,207,222,228,228,225,222,215,212,212,215,217,217,217,215,215,217,225,228,230,233,233,230,228,228,225,220,209,147,127,115,116,125,196,215,220,222,225,228,228,225,217,216,217,230,235,238,235,230,222,215,145,121,117,118,121,125,129,131,139,194,202,202,199,204,212,222,225,222,217,212,199,189,183,178,165,155,155,163,165,165,0,0,0,165,181,196,202,199,183,170,165,0,181,189,189,181,0,0,189,215,230,235,235,235,238,241,248,0,0,0,0,0,255,255,255,255,255,251,251,251,251,251,0,0,238,235,238,241,238,235,222,196,173,127,133,186,199,202,199,196,194,194,199,207,207,203,202,204,209,207,196,143,143,191,202,212,228,241,246,248,251,254,255,254,251,248,246,246,248,254,255,254,248,241,238,235,228,215,207,204,202,199,199,194,186,182,183,189,196,207,207,199,186,178,181,186,191,199,204,207,202,194,178,163,115,109,106,106,107,115,123,129,173,178,181,181,178,133,131,127,127,131,137,191,204,217,230,238,238,233,225,215,212,207,204,202,202,199,194,199,209,215,215,212,209,212,215,217,222,222,215,212,217,222,228,228,228,230,233,233,230,228,228,230,235,235,233,230,228,225,217,215,217,228,235,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,152,152,147,148,170,186,189,186,191,199,202,204,202,191,183,183,181,160,143,142,157,168,163,163,165,168,166,168,168,168,168,170,173,170,168,165,165,168,170,173,168,121,116,115,114,119,173,186,186,191,199,196,191,186,173,115,101,115,186,196,196,194,186,173,118,116,176,186,186,176,165,123,121,123,173,189,196,199,199,199,202,204,207,202,199,196,199,196,191,186,183,183,173,125,125,125,123,111,106,108,109,113,119,121,119,119,123,165,168,170,165,157,176,194,196,196,194,196,199,199,194,186,176,163,113,113,115,160,176,199,199,186,168,163,178,196,202,199,199,202,202,199,202,204,207,207,202,196,192,194,202,204,209,212,209,204,71,51,41,40,83,160,181,155,63,71,165,191,202,202,199,199,202,196,189,186,189,186,181,176,178,178,168,163,173,178,181,183,186,191,194,191,186,185,185,186,189,189,189,189,191,196,199,194,55,0,0,49,191,196,178,178,199,89,41,73,107,147,157,168,176,178,186,191,186,176,176,181,186,186,185,189,196,204,207,204,196,186,91,63,78,78,58,79,168,191,196,194,186,168,111,106,110,117,170,181,183,181,181,183,189,191,191,186,181,181,176,172,173,183,189,189,183,181,176,173,127,126,173,176,129,123,170,181,178,176,178,178,170,127,176,176,176,176,176,181,183,183,178,173,173,170,129,127,127,125,123,125,127,170,168,127,127,168,127,123,122,122,165,173,176,181,186,191,194,189,186,189,194,194,194,194,196,183,165,168,189,202,209,212,199,157,63,71,115,173,183,165,121,119,163,173,178,178,168,74,77,113,170,173,170,165,163,168,170,163,157,159,181,196,194,170,117,173,181,178,168,156,163,176,176,176,178,178,178,178,178,178,173,173,176,173,129,129,170,125,121,117,119,181,199,207,202,183,121,95,61,57,77,129,178,183,194,199,196,189,183,183,186,194,194,194,196,199,191,131,131,189,183,113,101,111,178,194,199,194,189,187,189,194,202,204,207,209,212,119,69,89,109,107,103,113,123,123,121,123,173,186,189,183,186,189,189,191,194,196,191,186,186,189,196,204,202,176,96,87,95,111,123,173,186,191,191,191,194,194,181,87,65,77,123,173,105,81,83,123,176,176,170,123,117,115,119,170,191,199,194,189,186,183,183,186,189,186,183,183,186,191,194,194,194,194,196,194,194,191,191,194,194,194,191,191,191,189,186,189,194,199,199,196,194,194,194,191,186,181,173,121,109,96,95,113,183,196,199,196,196,196,199,202,204,202,178,6,0,77,176,199,204,196,189,176,123,125,178,191,202,202,194,186,186,189,191,191,189,189,186,191,186,133,133,186,194,191,186,189,189,191,189,189,186,186,186,183,178,181,189,191,186,182,183,183,186,183,182,189,196,196,191,186,186,186,189,189,189,186,183,181,182,183,186,189,189,189,189,191,191,191,196,202,199,194,196,199,199,199,202,204,204,207,207,209,212,207,196,186,137,137,181,181,181,181,181,183,186,183,177,177,177,178,181,186,191,191,191,191,189,186,181,181,181,178,176,176,173,131,176,183,191,191,191,194,194,189,178,173,131,131,130,131,131,131,131,129,126,126,129,170,129,127,125,125,127,127,127,129,170,173,176,178,178,181,183,186,186,181,129,119,117,123,170,181,183,183,183,189,191,194,196,194,105,106,119,127,105,83,117,186,183,173,127,127,173,181,183,181,181,183,178,173,131,132,133,178,183,194,202,196,194,194,199,207,212,209,207,207,209,207,194,181,135,127,115,123,137,189,194,196,189,186,186,189,191,191,196,199,202,202,202,202,200,200,204,207,207,212,215,215,212,204,202,199,194,194,202,209,217,222,225,228,228,228,215,199,195,202,217,222,220,217,215,209,207,205,205,205,209,212,215,217,217,217,209,205,207,215,222,228,230,225,217,204,135,127,132,217,230,228,225,225,225,225,225,228,228,225,215,204,207,215,225,225,225,225,228,228,228,228,228,225,222,215,213,213,215,217,228,230,225,207,153,202,215,228,235,235,238,235,230,225,222,222,225,228,230,230,228,228,225,228,228,230,228,222,217,215,212,209,209,212,212,209,207,204,204,204,204,199,194,191,194,191,194,194,196,196,194,189,183,181,183,189,191,191,191,189,186,183,183,183,186,189,189,186,186,191,194,194,194,194,191,189,186,183,189,191,191,194,199,202,202,202,196,190,191,196,196,196,196,199,202,202,202,202,202,204,204,202,199,204,209,215,215,215,217,217,212,207,205,205,209,212,215,215,212,207,209,215,217,217,217,217,215,212,209,209,209,207,204,196,189,143,189,189,191,194,202,209,212,209,199,181,121,107,102,102,111,133,189,194,196,194,189,183,186,189,194,194,194,194,191,186,183,183,183,129,123,124,133,181,189,191,191,191,196,204,209,215,215,212,207,199,196,199,204,212,217,222,222,215,209,209,212,217,222,222,222,212,199,194,199,204,209,209,212,212,212,209,207,207,204,204,204,207,209,209,204,196,196,194,189,141,139,139,141,141,189,196,202,199,194,189,191,194,199,207,212,212,207,196,191,194,199,199,199,202,204,212,215,215,212,215,215,212,199,194,199,207,207,204,199,196,194,143,137,137,194,204,207,212,217,217,217,215,215,215,215,217,215,209,207,207,209,209,209,209,212,212,212,212,212,215,212,207,202,202,204,204,199,189,139,139,135,139,202,215,220,215,196,186,191,202,204,199,194,194,196,202,204,204,199,199,209,215,212,207,204,202,202,202,204,204,196,186,139,141,189,196,194,189,186,187,191,191,190,190,194,196,199,199,202,202,202,202,196,194,196,202,209,209,209,204,199,196,202,202,196,187,187,196,202,204,204,204,207,209,209,207,204,202,196,194,194,196,196,191,190,191,196,199,202,199,198,196,196,196,202,207,209,207,199,196,191,191,189,191,194,204,209,207,202,196,194,192,194,196,202,207,204,202,204,207,212,212,209,207,207,207,207,207,209,209,209,207,207,209,209,212,212,215,215,212,212,212,212,212,212,212,215,215,215,215,215,215,212,212,212,212,212,207,204,204,207,209,207,209,212,212,209,212,217,222,222,222,217,217,217,217,217,215,215,217,217,222,225,222,215,215,215,215,204,199,202,207,204,202,204,209,207,204,207,212,215,215,212,209,207,209,212,215,212,207,204,203,204,207,209,209,209,209,209,207,204,204,209,212,215,215,215,212,217,217,212,207,204,207,207,204,200,202,209,217,217,212,212,212,212,212,209,207,207,209,212,215,217,225,228,228,230,230,233,233,235,238,238,233,230,230,230,228,225,228,228,225,209,137,110,102,111,137,196,204,207,202,194,194,199,191,189,196,204,202,186,189,196,202,204,215,225,222,209,207,204,204,207,207,204,204,207,207,207,204,199,196,195,199,204,204,202,199,199,207,209,204,189,126,125,189,209,215,212,207,202,202,202,204,207,212,215,217,220,222,220,209,204,204,204,204,204,207,212,217,215,207,204,204,207,204,199,199,207,217,225,228,225,222,215,215,215,217,222,220,217,217,217,222,225,225,228,228,228,226,228,228,225,222,215,196,133,118,117,123,149,217,225,228,230,230,233,230,225,217,216,225,233,235,233,222,220,220,204,131,119,117,117,120,127,131,135,141,194,202,204,212,222,225,222,217,217,217,209,202,199,186,165,155,152,157,165,173,181,176,0,0,0,0,212,215,191,168,164,0,178,189,194,191,178,0,181,207,228,235,238,238,238,243,248,251,254,255,255,255,255,255,255,255,255,254,254,254,254,251,246,238,230,230,233,235,233,225,207,183,125,123,129,183,196,199,191,186,186,194,199,204,207,204,204,207,209,207,196,141,139,141,145,202,217,241,246,248,251,254,255,254,254,251,248,248,251,254,254,251,246,241,238,233,228,217,209,207,207,0,212,207,194,183,183,186,191,202,204,199,183,174,174,181,189,199,202,202,194,183,168,119,113,107,107,107,109,111,117,123,129,176,181,181,183,183,183,181,178,181,183,194,204,217,230,238,238,230,222,217,212,207,202,202,199,194,194,199,209,215,212,212,212,215,222,222,225,222,212,207,212,217,225,225,225,228,230,228,228,228,228,230,233,235,238,235,233,228,225,222,222,228,235,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,150,150,155,168,178,181,186,194,199,202,202,199,194,194,194,186,155,137,140,152,152,151,165,173,170,170,170,170,168,166,166,168,168,168,168,170,170,170,173,173,165,117,114,113,121,189,204,204,199,196,191,183,183,178,168,111,170,194,196,196,196,191,176,115,111,176,178,173,165,123,125,125,168,183,191,199,202,202,199,202,204,207,204,199,196,196,194,189,186,183,181,173,127,125,123,121,113,109,113,113,115,121,163,119,117,121,165,168,170,170,159,181,196,196,196,196,196,199,199,196,189,183,176,121,115,117,170,191,202,191,173,119,117,173,194,199,196,196,196,199,199,202,204,204,204,199,191,190,194,202,204,204,209,212,217,209,186,47,43,109,173,189,189,66,39,87,170,199,204,199,199,202,199,191,186,189,186,178,176,177,183,168,150,160,170,181,186,189,191,194,191,186,185,186,189,191,191,194,194,196,196,196,67,0,0,0,0,41,155,163,163,160,81,35,43,79,101,144,163,170,176,181,186,186,181,178,178,183,189,186,189,194,202,204,207,202,199,103,60,75,75,26,60,107,183,189,183,176,119,107,106,111,121,178,194,196,189,181,176,178,181,176,170,173,178,178,169,168,170,173,181,186,191,191,170,125,124,181,189,183,176,183,186,181,178,183,181,124,122,127,178,178,176,176,178,181,183,178,170,170,170,129,129,170,173,176,178,178,178,170,127,127,170,168,123,123,123,125,168,173,183,191,194,191,186,181,183,191,196,196,196,194,170,111,160,194,207,204,204,202,194,111,105,163,173,176,168,163,160,160,170,178,183,183,78,82,160,170,165,163,123,163,165,168,163,159,161,183,199,194,121,115,176,181,176,168,161,176,178,176,173,176,178,181,181,178,173,173,176,178,170,127,173,186,176,119,113,127,189,196,202,204,191,170,103,64,57,73,131,178,183,194,202,196,186,181,181,183,189,189,186,186,194,191,178,178,181,131,101,101,129,196,202,196,194,191,189,189,191,196,199,204,209,228,189,57,65,93,91,91,107,123,121,119,121,165,178,178,181,186,189,189,191,194,194,186,173,168,173,183,194,194,121,88,85,99,123,176,183,186,189,186,186,186,178,115,59,53,81,178,181,121,92,96,123,170,168,163,119,119,121,125,178,191,194,191,186,183,182,183,186,189,189,183,183,186,191,194,194,194,194,196,194,190,190,191,196,196,194,191,191,191,189,186,189,194,202,202,196,194,194,194,191,189,178,127,117,109,96,92,101,127,181,189,191,191,199,204,202,204,209,220,77,0,47,121,196,202,191,186,176,129,170,181,189,191,191,186,186,189,194,194,189,186,186,186,191,189,133,130,176,183,186,185,186,186,186,186,183,183,186,183,178,177,178,186,189,186,182,181,179,181,181,179,191,202,199,191,186,186,191,194,189,183,183,183,186,186,186,186,186,186,189,191,191,191,194,199,204,196,192,196,202,204,204,204,204,207,207,209,212,209,204,196,183,137,137,137,178,181,186,183,183,186,183,181,178,178,178,183,189,191,191,189,186,183,181,178,181,181,181,181,178,176,176,181,189,191,189,183,186,189,186,176,131,130,131,131,131,131,173,173,129,126,126,129,170,129,127,124,123,124,125,127,170,173,176,178,178,178,181,183,183,183,173,118,112,111,119,173,183,189,186,186,189,191,194,194,189,114,114,125,170,123,113,181,186,183,176,127,127,129,178,181,183,186,189,181,173,130,133,181,181,186,196,202,199,194,196,196,202,207,207,204,207,209,204,186,135,135,135,135,137,183,189,199,204,199,196,196,199,199,199,202,204,204,204,204,202,202,202,207,209,207,209,215,217,215,204,199,191,146,191,202,212,222,225,228,228,228,225,215,204,196,195,207,222,225,220,212,207,205,205,205,205,207,212,215,217,217,215,207,204,207,215,222,230,233,230,222,204,139,130,135,209,222,222,222,222,225,225,225,225,225,217,204,145,202,217,228,228,228,225,225,225,225,225,225,222,217,213,213,217,222,222,225,230,235,228,207,151,202,217,230,233,233,230,225,220,220,222,228,230,230,230,230,228,228,228,228,228,225,217,215,212,212,212,212,212,212,212,209,207,202,202,202,202,199,199,196,194,194,196,196,196,194,186,181,178,183,189,191,191,189,186,183,181,183,186,189,194,194,189,186,189,194,196,194,191,186,186,189,191,191,191,191,194,196,202,207,204,194,190,190,196,199,196,196,196,199,199,202,202,202,204,202,196,196,204,212,215,212,212,212,212,212,212,209,209,212,209,209,209,207,204,204,209,215,215,215,215,215,212,209,207,207,207,207,204,196,189,141,139,139,141,191,204,209,207,199,183,123,111,105,106,115,129,186,194,199,196,189,183,183,189,194,196,196,194,191,189,186,186,183,131,124,126,137,186,191,191,191,191,196,207,212,215,217,217,212,207,204,207,212,217,217,217,217,212,207,207,209,217,217,222,222,215,199,194,199,209,212,212,212,212,209,207,204,204,204,204,209,215,217,215,207,196,194,194,191,141,138,138,139,139,141,189,194,191,187,187,189,194,202,207,212,212,209,204,202,202,202,199,196,196,199,204,209,209,212,215,217,215,204,199,204,209,207,202,199,199,196,191,141,143,199,207,207,209,212,215,215,215,215,215,217,222,222,215,212,215,215,215,215,215,215,215,212,212,209,209,209,209,207,204,202,199,194,141,133,121,111,113,139,207,215,215,209,202,199,202,204,202,196,196,199,202,207,209,207,207,209,215,215,212,209,209,209,209,209,207,196,141,137,139,189,194,191,186,185,187,194,194,191,191,191,194,199,202,202,204,202,196,194,192,194,202,209,212,209,207,202,202,207,209,202,189,186,194,202,207,207,209,209,209,209,207,202,202,202,202,204,202,199,191,190,191,196,202,202,202,199,199,199,202,204,209,209,204,199,199,196,191,187,186,189,199,207,207,202,196,194,196,199,204,207,207,204,202,204,209,212,212,207,205,205,207,205,205,207,209,209,209,212,212,215,215,217,217,217,217,215,212,212,212,212,212,212,212,212,212,212,212,212,209,209,212,209,204,203,207,212,212,209,209,212,215,212,215,217,222,217,222,222,222,222,217,215,215,215,217,220,225,228,225,220,217,220,215,207,202,204,207,204,204,207,212,215,212,212,215,215,215,212,207,207,207,207,209,209,207,203,202,204,207,207,204,202,199,199,202,199,202,207,209,212,212,212,204,207,212,209,204,204,204,204,200,198,199,207,217,217,215,212,212,212,212,209,209,212,215,217,217,222,228,230,230,230,230,233,230,233,235,238,235,230,228,225,217,215,217,217,217,209,186,119,109,117,186,215,222,212,204,199,199,204,202,204,209,212,204,189,191,196,202,204,209,220,220,212,207,204,204,202,202,199,199,202,204,207,207,202,195,194,195,199,199,196,190,190,196,204,199,141,131,132,202,217,222,217,212,207,207,207,209,212,215,220,225,225,220,212,209,209,209,204,199,202,209,215,222,220,215,212,209,209,209,207,204,207,212,222,225,222,217,212,212,215,217,220,217,215,215,217,222,225,225,228,228,228,226,226,228,228,228,220,204,143,127,122,131,199,220,230,233,233,233,233,233,228,217,215,216,228,233,225,212,209,217,215,194,133,121,118,119,127,131,133,135,186,199,209,217,225,225,220,217,217,217,217,215,212,196,173,160,160,0,176,189,196,0,0,0,0,0,209,212,191,165,163,0,178,189,196,196,181,0,173,196,222,233,235,235,238,241,246,0,0,254,255,255,255,255,255,255,255,255,255,255,255,254,246,235,230,228,225,222,215,207,194,178,125,122,127,181,194,191,183,139,183,191,199,204,207,207,207,209,212,209,196,141,139,139,141,147,204,230,241,246,251,255,255,254,251,251,251,251,254,254,254,251,246,241,238,233,228,217,212,0,0,0,0,215,199,186,183,186,189,194,199,196,181,172,172,178,186,194,196,191,183,173,160,115,109,107,109,111,111,113,115,121,127,131,176,183,189,194,194,194,191,189,189,194,204,217,233,238,238,230,225,217,212,207,202,202,199,194,194,199,209,212,212,212,217,222,222,222,222,217,209,205,209,215,222,222,225,225,228,228,226,228,228,230,233,235,241,241,235,233,230,228,228,230,235,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,160,150,155,165,173,178,189,196,199,199,196,196,196,196,196,183,152,152,176,181,170,165,168,168,165,170,176,176,170,168,166,165,166,168,173,173,170,169,173,173,165,123,117,119,170,194,207,212,204,196,183,177,177,189,183,178,189,191,194,196,199,191,176,118,118,173,178,168,125,125,165,170,176,186,191,196,199,202,199,202,204,204,202,199,199,196,194,189,183,181,178,170,168,165,123,117,115,113,117,119,119,123,170,123,115,123,165,165,170,170,173,189,194,191,194,196,194,196,199,196,191,189,186,121,111,117,173,196,196,168,99,48,52,168,194,196,194,191,194,196,202,204,204,204,204,199,194,192,196,202,202,202,202,207,209,212,209,152,107,113,165,173,150,99,61,68,105,202,202,196,196,196,196,191,186,186,186,183,181,183,186,183,160,147,157,178,186,194,194,194,194,194,194,189,186,191,191,196,202,202,196,189,17,0,0,0,0,0,7,139,150,160,163,97,53,63,97,150,165,170,176,181,176,178,178,173,178,183,186,186,191,199,202,202,204,209,202,165,105,91,87,89,97,111,176,181,168,121,119,117,117,178,170,186,204,196,181,129,117,121,125,123,121,127,178,183,176,170,170,173,181,191,196,189,129,124,125,176,186,186,183,186,183,173,172,176,173,124,123,129,178,181,176,170,170,173,170,127,125,125,129,170,173,176,181,191,194,191,186,173,124,125,168,170,168,125,123,125,165,170,183,194,191,189,186,177,177,189,191,196,196,189,165,111,165,196,207,204,202,204,196,181,111,111,117,163,163,163,119,108,108,168,183,186,108,110,163,121,111,106,117,163,165,165,173,165,165,178,189,123,103,123,178,176,165,165,170,178,178,173,170,176,181,183,181,173,169,169,176,178,129,126,129,181,125,108,109,176,196,202,199,196,189,186,129,77,70,97,181,191,194,196,202,196,186,181,183,189,189,186,181,179,186,196,194,183,176,80,70,129,186,199,204,202,202,199,194,194,196,196,196,196,202,215,196,35,31,37,21,63,115,165,165,121,123,168,170,170,178,186,191,191,191,191,183,173,115,119,125,173,176,165,121,111,113,165,178,183,194,189,183,173,165,160,115,41,36,87,170,189,189,183,163,111,119,173,176,123,118,123,123,121,176,186,183,189,186,182,182,183,186,189,186,183,183,186,189,191,191,194,196,196,194,190,189,191,194,196,191,189,189,189,189,189,189,194,196,196,194,194,194,194,191,189,181,129,117,113,105,98,96,99,113,170,181,189,196,199,199,204,209,209,113,59,63,125,183,189,183,173,173,176,181,183,186,186,183,178,181,189,194,194,191,186,186,191,194,189,176,130,131,181,189,186,186,183,183,181,181,181,181,181,178,177,178,186,191,189,183,181,179,182,186,186,194,202,202,194,189,186,191,196,191,182,182,191,191,189,186,186,185,189,194,194,194,191,196,204,202,192,191,196,202,204,204,204,204,207,209,209,212,207,202,194,186,137,135,135,133,181,186,181,178,178,178,178,181,181,183,186,189,191,189,186,183,176,174,176,181,181,183,183,181,178,178,183,189,189,181,176,176,178,176,173,131,130,131,131,173,176,178,176,131,129,127,129,131,129,127,125,123,124,125,170,178,178,178,181,178,177,178,178,178,176,129,117,115,123,176,181,186,191,189,189,186,186,189,191,181,127,125,168,168,168,173,176,181,181,178,129,128,170,176,181,183,183,186,183,178,178,181,186,183,186,191,196,196,196,194,194,194,199,199,196,196,207,204,186,135,135,137,137,139,186,194,202,207,207,204,204,204,202,202,204,207,209,209,209,209,209,209,212,215,209,209,212,217,215,209,196,146,146,147,199,209,222,228,230,230,228,217,215,215,196,191,204,222,225,222,212,209,209,209,207,207,209,212,217,217,215,212,209,207,209,215,222,228,230,228,222,207,194,143,145,204,215,215,212,217,222,222,222,222,228,222,135,136,199,217,225,228,228,225,224,224,225,222,217,215,217,217,217,217,222,217,217,225,230,230,215,150,148,202,222,228,228,222,220,220,220,225,228,230,230,230,230,228,228,228,225,222,217,212,209,209,209,212,215,215,212,212,209,204,202,202,202,202,202,202,199,196,196,196,196,196,191,183,135,135,181,189,191,191,189,183,181,178,181,186,191,194,194,189,189,189,194,199,196,191,181,178,189,194,194,191,191,194,199,204,207,207,196,190,190,196,202,199,196,194,194,199,204,204,207,204,196,194,195,204,209,212,212,211,212,212,212,212,212,212,209,207,209,212,209,205,204,207,212,215,213,215,217,215,209,207,204,204,204,202,202,196,143,139,139,139,139,194,204,207,204,189,129,117,113,115,117,125,178,191,194,191,186,181,183,189,196,196,194,191,189,189,186,186,181,133,129,133,181,189,194,194,189,187,196,207,209,215,217,217,215,209,209,212,217,215,215,215,215,212,207,202,204,209,212,215,215,209,202,199,202,209,215,215,212,207,207,207,207,203,203,204,209,217,222,217,207,196,189,191,194,189,139,137,138,139,141,143,189,189,189,189,191,199,202,207,209,212,209,204,202,204,202,199,196,196,196,202,207,209,212,215,215,215,209,209,209,209,202,196,199,199,196,194,194,194,199,204,204,204,207,209,215,215,215,215,217,222,222,217,217,217,217,215,215,215,217,217,215,209,204,200,202,209,209,204,199,199,202,199,135,110,106,113,137,199,209,215,212,209,204,204,204,202,202,204,207,207,209,212,215,212,212,215,217,217,217,222,215,217,215,204,191,137,135,137,189,189,189,187,189,194,199,199,194,191,194,199,202,202,202,202,199,199,194,192,194,202,207,209,207,204,202,204,207,207,202,191,187,194,202,204,209,212,212,209,207,202,199,196,199,202,204,204,202,199,196,196,199,207,209,207,204,204,209,209,207,207,204,199,194,196,199,196,189,185,187,196,202,202,199,196,196,199,204,209,212,207,202,200,202,207,212,212,209,207,207,207,207,205,205,207,209,212,215,215,217,217,217,217,215,215,212,212,211,211,211,211,212,212,209,209,209,212,212,212,212,209,209,204,204,209,212,209,207,209,215,215,215,217,217,217,217,217,222,225,225,220,215,215,215,217,222,222,222,220,217,217,217,215,212,209,204,204,204,207,207,207,209,212,215,215,215,215,212,209,207,205,207,209,209,204,203,203,207,209,204,202,199,196,195,196,199,199,204,207,212,215,212,204,203,204,204,202,202,202,202,202,202,204,209,215,217,217,215,212,212,209,209,212,215,217,220,220,225,228,230,233,233,233,230,230,233,235,235,230,222,217,212,209,212,215,215,215,212,194,127,119,127,194,212,220,215,207,196,189,186,194,207,217,217,207,194,191,194,199,202,204,204,204,202,196,196,196,196,196,196,199,199,202,204,207,204,199,196,199,202,199,191,186,185,191,202,199,143,128,136,207,222,230,228,222,215,212,212,212,212,212,217,225,222,212,189,183,199,204,202,198,199,207,215,217,217,217,217,215,212,209,209,207,207,209,215,217,215,212,207,205,209,215,215,212,211,212,215,222,225,228,230,230,230,230,228,226,228,228,222,212,202,147,145,147,204,220,233,235,235,233,233,233,228,222,215,216,228,228,217,204,202,207,212,207,194,133,121,119,123,129,137,186,191,199,209,220,222,220,217,215,217,217,222,222,217,209,191,178,0,0,0,0,0,0,0,0,0,0,204,209,199,173,165,0,178,189,191,183,168,155,0,178,209,228,230,235,238,241,243,0,0,0,0,0,255,255,255,254,254,255,255,255,255,254,248,241,238,233,225,209,196,189,181,170,123,122,127,133,178,137,137,137,183,194,199,204,204,204,207,212,215,212,196,141,139,139,138,143,199,217,233,243,251,254,254,251,251,248,248,251,254,255,255,254,248,241,235,230,225,217,0,0,0,0,0,217,194,183,183,186,191,191,191,189,178,172,170,176,186,191,189,181,173,165,157,113,109,107,109,111,111,111,113,117,123,127,173,186,194,199,199,196,194,194,191,196,207,222,235,241,238,230,225,217,212,207,202,202,199,194,194,199,207,209,212,215,217,222,222,217,217,212,205,204,209,217,217,217,225,228,230,228,228,230,230,230,233,238,246,243,238,233,230,228,230,233,238,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,142,150,165,173,181,189,191,191,196,191,191,194,194,194,176,150,160,194,207,196,183,173,161,155,157,170,176,173,170,170,170,170,176,178,178,170,169,170,168,165,165,173,181,189,199,204,207,202,194,183,176,174,183,186,186,194,194,191,194,196,194,186,170,170,183,183,170,125,125,165,170,176,181,189,194,199,199,199,202,204,204,199,196,196,196,194,189,183,178,176,173,173,170,121,115,115,115,117,119,119,163,170,115,102,117,123,165,170,176,183,189,191,189,189,191,191,194,202,199,194,194,196,113,103,115,163,163,117,101,73,63,72,178,191,194,191,190,191,196,202,204,204,202,202,199,199,199,202,204,204,202,198,199,207,212,207,163,115,109,103,85,87,109,155,157,157,186,199,202,196,194,194,191,186,186,186,189,186,186,189,191,181,157,155,160,165,186,202,194,186,194,194,186,173,181,186,194,207,207,189,178,137,47,0,0,0,0,0,131,147,165,170,150,93,95,147,160,170,173,181,183,178,173,170,170,178,181,181,183,191,199,202,199,202,209,204,186,127,119,117,123,119,181,186,168,116,116,123,176,181,189,170,183,207,189,125,115,113,115,117,121,127,176,181,181,183,178,181,186,191,196,194,183,176,127,126,129,176,181,181,181,173,169,170,178,178,170,129,173,178,178,176,170,129,127,124,122,123,124,127,173,178,181,189,194,196,194,189,173,124,125,173,178,176,165,122,122,125,170,186,196,194,189,186,178,176,178,186,191,191,186,163,107,181,199,207,204,207,204,199,189,107,103,111,163,173,173,121,109,111,168,178,170,115,119,165,115,108,106,123,168,123,123,178,163,115,113,109,90,89,107,170,176,168,165,170,173,170,170,173,178,181,183,181,173,169,169,170,173,170,129,170,129,113,105,108,181,202,207,199,189,186,189,176,99,93,123,196,204,202,202,199,194,183,179,179,181,186,186,181,178,181,196,199,189,176,95,69,87,129,196,202,204,204,204,202,199,199,196,196,196,196,196,178,21,0,0,0,71,170,181,181,173,168,170,170,168,173,183,189,189,189,178,123,117,115,121,125,165,165,123,125,123,165,176,183,189,196,196,186,111,31,20,31,39,67,178,189,194,194,191,178,168,170,181,181,168,123,121,107,75,109,176,181,189,189,186,183,186,186,186,183,181,181,186,189,191,194,194,196,196,191,191,191,194,194,194,189,187,187,187,189,189,191,191,191,191,194,196,196,196,194,194,186,173,123,119,115,107,98,95,93,93,123,176,186,191,194,196,199,191,168,115,117,127,170,173,129,127,173,183,186,186,183,181,181,176,178,189,194,194,189,186,186,191,194,186,133,131,176,189,196,196,194,191,186,178,133,131,133,176,181,181,183,191,196,194,189,183,183,189,194,194,194,199,199,194,189,189,191,194,189,183,186,194,194,186,185,186,186,191,194,194,191,190,196,207,204,192,191,196,202,202,202,204,207,209,209,209,209,207,199,189,137,135,133,133,135,178,178,133,131,131,131,133,181,183,186,186,189,186,186,183,178,174,174,176,178,181,181,183,183,181,178,181,186,186,178,173,131,131,131,130,130,130,131,173,176,178,181,181,176,131,129,127,129,131,173,131,127,125,129,178,189,189,186,186,181,178,178,178,173,127,125,125,173,181,183,186,186,189,186,183,181,181,186,189,181,170,127,127,127,129,173,176,173,176,176,170,170,176,181,181,178,181,183,183,183,183,189,189,183,183,186,191,194,194,194,191,190,191,191,191,194,207,207,189,137,137,139,183,186,191,202,207,209,209,209,209,207,204,202,202,209,212,215,215,217,215,215,215,212,209,209,212,215,215,212,202,147,147,147,196,207,222,228,228,228,228,217,215,217,202,192,202,217,225,222,215,215,215,215,212,212,212,215,217,217,215,209,209,212,215,215,217,217,222,222,215,207,202,199,202,207,212,212,209,209,215,217,217,222,228,215,131,133,199,217,225,228,228,225,225,225,225,217,213,212,215,217,217,217,217,212,212,215,222,217,209,151,146,148,209,222,225,222,222,222,225,228,228,230,230,230,230,228,225,222,217,215,212,209,209,209,212,215,215,215,215,212,209,207,204,204,204,204,204,202,202,199,196,194,194,196,191,181,131,129,135,186,191,191,186,181,176,133,176,183,189,191,191,189,186,191,196,199,199,189,130,129,186,194,194,191,191,194,199,204,207,207,199,194,191,196,202,199,196,189,189,196,204,207,209,204,196,194,196,204,209,212,212,212,215,215,215,215,215,209,204,204,209,212,212,209,207,209,215,215,215,215,217,215,212,209,207,202,200,202,204,202,194,189,186,139,138,183,196,204,204,196,137,121,115,117,119,123,133,186,186,178,176,178,186,191,191,194,191,186,183,186,183,181,135,133,135,181,189,196,202,196,189,189,194,202,207,209,212,212,212,207,207,209,215,212,212,212,212,209,202,196,196,199,199,202,207,207,207,207,209,209,212,212,209,204,202,204,207,204,204,204,209,215,222,217,207,191,139,141,191,191,143,139,141,141,143,189,189,189,189,194,202,209,209,209,212,212,209,204,199,202,199,199,199,196,196,202,207,212,212,212,215,215,215,215,212,204,196,194,196,199,196,199,202,202,202,204,202,204,204,209,215,215,212,212,212,215,212,212,212,215,215,212,209,212,215,217,217,212,202,196,196,204,209,204,199,199,207,207,194,125,115,127,143,196,204,209,212,209,207,207,207,204,207,209,212,212,209,209,212,215,212,212,215,222,225,217,215,215,212,204,191,137,134,137,186,189,189,191,194,199,202,202,199,194,196,202,204,204,202,202,202,202,199,196,196,199,204,207,204,202,199,202,204,204,199,194,194,199,202,204,207,209,209,207,204,196,194,191,194,199,199,202,202,202,202,202,204,209,212,209,207,207,207,204,202,202,202,196,194,196,202,202,196,191,194,199,199,199,199,199,199,202,207,209,209,207,202,200,202,207,212,212,209,209,209,209,209,207,205,205,209,212,215,212,209,212,215,212,209,207,209,212,212,212,211,212,212,212,212,209,209,212,212,212,212,212,209,207,207,207,207,205,204,209,212,215,217,217,217,217,215,215,217,222,225,222,217,215,215,217,217,220,217,215,212,209,212,212,212,212,207,204,204,204,203,203,204,209,212,215,215,215,215,215,209,209,209,215,215,209,204,204,207,207,204,199,196,195,195,202,204,204,204,207,212,217,215,209,207,204,204,204,204,202,204,209,212,215,217,220,222,222,217,215,209,208,208,209,212,212,212,215,222,225,230,233,235,235,233,230,233,233,233,228,215,204,196,196,204,212,215,212,202,139,121,111,119,181,204,215,215,209,199,178,133,181,202,217,215,204,194,191,191,196,199,199,196,196,194,191,190,190,191,196,202,204,204,202,204,207,207,204,204,204,204,202,191,185,183,191,204,207,196,132,137,202,222,230,233,230,225,217,215,209,204,204,207,212,209,196,181,179,186,202,202,199,199,199,207,212,215,217,217,212,207,207,207,204,204,207,209,212,212,209,205,204,207,212,212,211,211,212,212,217,225,230,235,235,235,235,230,228,228,228,225,217,209,202,196,199,207,220,233,235,235,233,230,230,230,225,222,225,233,230,212,196,195,199,202,202,199,143,133,123,125,137,191,194,191,194,207,220,220,215,212,212,212,212,217,222,225,217,207,194,186,0,0,0,0,0,0,0,0,0,212,225,220,191,0,0,176,183,181,168,152,142,144,0,191,212,225,230,238,241,241,0,0,0,0,0,255,254,251,248,248,254,255,255,255,254,251,246,246,243,233,215,202,189,178,0,122,122,125,129,131,129,129,135,139,189,194,196,202,204,209,215,217,209,194,141,139,139,138,141,194,209,225,238,248,254,254,251,248,246,246,248,251,254,255,254,248,241,235,233,228,225,0,0,0,0,0,217,194,183,186,191,196,196,191,183,176,172,0,176,183,189,186,181,176,168,160,115,109,107,107,109,107,107,109,113,119,123,173,186,196,199,199,196,194,194,194,199,209,225,235,238,235,233,228,222,212,204,199,196,196,191,194,199,204,207,212,215,222,222,217,215,212,207,205,205,212,220,217,217,225,230,230,230,230,235,235,233,233,241,246,246,238,233,230,230,233,235,238,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,150,168,181,191,194,191,186,189,191,191,194,196,191,170,146,152,189,212,207,196,186,163,152,156,168,176,176,176,176,176,176,178,181,181,176,170,170,168,168,176,186,194,196,199,202,199,202,199,191,178,176,181,183,183,189,191,189,189,186,186,186,178,178,189,183,173,123,121,121,125,127,173,186,194,196,199,199,199,202,199,196,194,191,191,189,183,178,173,173,173,178,173,119,111,113,117,117,117,119,123,123,98,92,103,121,165,168,176,183,186,186,186,186,186,189,196,204,199,189,194,209,89,79,93,105,87,50,40,66,75,119,181,189,191,191,190,191,196,202,202,199,199,196,196,196,199,202,204,204,202,198,198,204,212,212,183,160,103,93,77,44,57,155,160,168,183,199,199,194,191,191,189,189,189,189,191,191,186,185,189,189,176,160,87,51,49,87,147,160,189,189,142,73,75,165,189,207,204,137,139,191,199,43,0,0,0,0,147,163,170,170,152,139,147,157,163,170,176,183,189,183,176,157,173,178,176,176,181,189,196,196,196,196,202,199,186,170,121,125,183,191,207,194,114,111,117,176,194,196,191,106,105,178,173,123,117,117,117,121,127,181,189,186,179,181,181,186,194,196,199,194,186,178,170,129,173,178,183,181,176,170,170,178,186,189,183,176,173,173,176,173,170,170,129,124,123,123,127,173,181,186,191,191,191,194,194,186,173,124,125,178,186,181,165,120,120,123,170,186,196,194,186,183,181,177,178,189,186,176,163,91,81,196,204,204,204,204,202,202,199,103,97,109,165,176,173,117,109,119,178,181,165,117,160,176,119,112,117,181,176,121,117,165,111,105,107,99,86,88,101,170,178,173,123,121,125,168,173,181,178,176,178,181,178,173,170,170,170,178,183,178,127,113,108,111,173,194,202,194,181,178,181,129,107,107,176,199,207,207,204,199,191,183,179,178,179,186,189,181,178,179,194,202,196,191,183,76,76,93,178,191,202,204,204,204,202,196,194,191,194,196,191,170,19,0,0,0,107,181,189,189,183,176,168,165,165,168,173,178,183,181,119,105,105,121,170,168,125,125,165,173,176,176,176,183,191,199,202,199,79,9,10,25,73,178,194,194,194,194,191,189,181,178,181,178,173,163,113,65,25,61,173,183,189,191,189,186,186,186,183,181,179,181,186,189,194,194,194,194,194,191,191,194,196,194,191,189,187,186,187,189,194,194,191,190,190,194,196,199,199,199,199,191,181,129,123,121,117,109,98,94,92,95,113,170,178,181,178,176,173,170,170,170,168,123,114,115,129,181,186,189,189,186,181,178,173,176,183,189,189,189,186,186,189,186,176,129,131,183,194,202,204,202,202,196,183,129,127,128,133,181,183,189,194,196,194,191,189,189,194,196,194,191,194,191,186,186,189,189,189,186,186,189,191,189,183,183,191,194,194,194,191,190,190,196,204,204,194,192,196,199,198,198,202,207,212,209,207,204,204,199,183,133,133,133,135,137,135,135,133,131,131,131,135,181,183,186,186,186,183,181,181,176,176,176,176,176,173,176,181,186,183,178,178,181,183,178,176,173,173,131,131,130,130,131,176,178,178,181,183,181,176,129,127,129,173,178,178,173,173,178,186,194,191,191,189,189,186,183,181,170,122,121,129,183,186,183,183,183,183,178,173,173,178,183,183,170,129,127,127,129,170,173,173,173,170,170,170,173,178,183,181,178,181,183,186,186,189,189,186,181,178,181,186,189,191,191,191,190,190,190,191,202,212,209,191,139,183,194,199,202,204,207,209,209,212,217,217,212,207,204,204,209,212,215,217,220,217,217,215,212,212,212,215,215,215,212,207,196,194,194,199,207,217,228,225,222,228,222,217,222,209,195,196,212,225,225,222,217,217,217,215,215,215,217,217,217,212,208,209,215,217,215,212,212,215,215,212,199,199,207,209,209,212,212,209,208,209,212,215,215,215,199,132,136,204,217,222,225,225,225,228,228,225,217,212,212,215,222,222,217,215,211,211,212,215,215,209,204,149,149,207,222,228,230,228,230,230,228,225,225,228,228,228,225,222,217,215,212,209,209,209,212,215,217,217,217,215,212,209,209,209,209,207,207,204,202,202,202,196,194,194,194,191,181,129,126,129,181,189,189,186,178,133,132,133,181,183,186,186,186,186,191,194,196,199,186,126,125,178,189,194,194,194,196,202,204,207,204,199,194,191,194,196,196,191,186,186,194,204,207,207,204,196,196,199,204,209,209,212,215,217,215,215,217,215,207,200,200,204,212,215,217,215,212,215,215,215,217,217,215,212,212,209,202,199,202,209,209,204,199,194,186,138,137,186,196,204,199,183,123,115,117,119,125,176,181,177,172,170,181,189,189,183,183,186,186,181,178,135,133,131,135,181,189,196,202,204,202,194,191,191,199,204,207,209,209,204,202,202,204,207,209,207,207,207,204,194,145,144,144,145,194,202,209,209,212,212,209,207,207,204,202,199,202,207,209,209,207,209,215,222,217,207,141,135,135,141,189,189,189,189,143,191,191,191,189,191,202,212,220,220,217,215,212,207,202,199,199,198,199,199,199,199,202,207,209,212,212,215,215,215,215,215,207,199,195,196,199,202,204,209,209,207,202,202,204,207,209,212,212,209,207,207,207,207,204,204,209,209,209,207,204,207,212,217,217,207,196,195,202,207,202,199,202,207,209,207,196,189,189,194,196,199,204,207,209,209,212,212,209,209,212,215,212,207,207,209,212,212,209,212,215,215,207,207,212,209,204,191,139,135,137,186,189,191,196,199,202,202,204,204,199,202,204,204,204,202,202,202,204,204,202,199,199,202,207,204,199,194,196,202,202,196,196,202,204,204,204,204,204,204,204,202,194,190,190,191,194,196,199,199,202,202,204,207,212,212,209,204,204,196,194,196,199,199,194,194,196,199,204,204,204,204,202,199,199,199,199,199,202,204,207,207,204,202,202,207,212,215,212,209,209,212,212,212,209,207,205,209,215,212,204,200,202,204,204,202,202,207,212,215,215,215,212,212,215,212,209,209,209,209,207,209,212,212,212,209,209,207,204,204,207,212,215,217,217,217,215,212,212,215,215,217,222,222,217,215,215,215,217,215,212,208,208,208,212,215,215,209,207,204,204,203,203,204,207,209,209,212,215,217,215,212,209,212,215,217,215,209,209,207,207,202,196,194,194,202,212,215,209,207,209,212,215,217,215,212,209,209,207,207,207,207,212,217,217,217,217,217,217,217,215,212,209,209,209,209,209,209,212,217,222,228,233,235,235,235,233,230,230,233,228,215,199,186,185,194,209,215,207,137,111,97,87,93,115,191,212,217,215,204,178,129,181,202,212,204,196,194,194,194,194,196,199,199,199,196,191,189,189,191,199,207,212,209,207,204,207,209,212,212,212,209,204,199,190,190,204,212,209,202,139,139,196,212,225,228,228,225,222,212,204,199,196,196,199,196,189,182,181,189,202,207,202,199,196,199,204,209,212,212,207,202,202,204,204,204,207,209,212,215,212,205,205,207,212,212,211,212,215,215,215,222,230,238,241,241,238,233,230,228,228,228,222,215,207,199,196,204,217,228,230,230,230,230,230,230,230,230,233,235,230,207,195,195,196,196,196,199,202,196,141,141,196,207,202,190,190,204,217,217,212,209,209,207,207,212,222,228,222,212,204,0,0,0,0,0,0,0,0,0,215,222,233,230,202,181,0,178,186,181,165,150,139,139,150,165,196,209,225,235,238,0,0,0,0,0,0,255,251,246,243,246,248,251,251,251,251,251,251,254,251,243,230,212,194,176,123,121,122,127,129,129,127,127,131,137,183,186,191,196,204,212,217,217,204,145,139,139,139,139,141,194,202,217,235,248,254,254,251,248,246,246,246,248,251,254,254,248,243,238,233,230,0,0,0,0,0,0,0,196,191,191,199,204,202,194,186,178,176,178,183,186,191,191,191,189,183,173,157,115,111,109,107,107,106,107,111,117,123,173,186,196,199,199,196,192,192,196,204,215,225,230,233,233,233,230,225,215,207,199,196,191,190,191,196,204,207,212,215,222,222,215,209,207,207,207,209,215,222,217,220,228,233,233,233,235,241,241,235,235,241,248,246,241,235,233,233,233,235,238,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,165,181,189,196,196,189,186,189,189,189,189,181,165,147,147,168,202,207,202,196,176,159,161,170,176,178,178,178,178,178,178,183,183,178,170,168,170,173,186,194,194,194,196,196,196,202,202,194,181,178,186,186,186,186,183,178,176,173,173,173,165,168,181,176,165,119,116,117,119,123,168,183,191,196,196,196,196,196,196,194,189,186,181,181,178,176,173,173,176,181,173,111,108,111,119,119,119,117,119,119,101,95,105,170,170,165,165,178,181,181,183,183,183,189,199,204,191,170,168,170,83,76,86,101,101,71,50,68,89,121,178,189,194,196,194,194,196,199,199,196,194,191,191,191,194,199,202,204,202,199,199,204,212,220,204,168,85,97,176,59,36,24,20,73,181,207,202,194,194,191,191,189,189,191,191,189,186,183,185,186,186,173,69,0,0,0,11,131,199,168,0,0,0,0,35,131,131,74,85,207,215,160,0,0,0,134,160,168,176,173,157,147,152,157,155,165,178,186,189,186,181,111,168,170,168,168,176,183,183,181,178,183,194,196,186,127,109,111,181,191,207,173,105,112,176,191,202,207,191,98,89,119,127,127,168,176,173,170,173,183,191,189,181,179,179,183,191,194,194,191,181,170,125,127,181,191,191,186,181,176,181,191,196,196,189,178,172,172,173,173,170,170,170,129,125,125,176,183,186,191,199,199,194,194,191,183,170,123,125,178,186,183,168,122,121,123,168,181,191,189,181,179,181,181,186,196,109,67,53,42,41,183,194,199,202,202,196,199,194,85,87,113,165,165,117,102,102,119,178,178,121,116,123,170,117,117,176,199,186,117,101,107,102,105,115,113,91,94,107,170,178,168,116,116,125,178,183,186,176,127,170,181,183,178,173,173,181,189,189,178,127,121,117,123,170,183,191,186,176,173,173,123,109,113,183,202,204,204,202,199,191,186,181,181,183,189,191,183,178,179,194,202,202,202,202,101,80,81,97,176,191,199,202,202,199,191,189,189,190,196,194,178,37,0,0,89,173,186,191,191,186,176,165,165,168,165,163,163,170,173,111,100,99,165,178,176,168,165,173,186,183,178,176,186,194,202,202,202,59,11,22,93,176,191,191,189,189,189,189,191,189,186,181,176,173,163,107,53,22,51,186,189,189,191,189,189,189,186,183,181,179,179,183,189,191,194,196,199,196,194,191,194,194,194,194,194,191,189,189,191,196,196,191,190,190,191,196,199,199,202,204,199,189,176,127,123,121,119,115,109,99,87,97,125,173,170,125,124,127,173,178,178,173,121,104,105,186,191,189,186,186,186,181,176,173,173,178,181,186,194,194,186,183,176,127,126,133,189,196,199,202,204,207,207,194,133,126,127,133,181,183,191,194,194,189,186,189,191,196,199,194,189,186,183,176,176,181,186,183,181,186,191,191,185,182,186,199,202,199,194,191,191,191,194,202,204,199,196,199,199,196,196,199,207,209,204,196,196,202,196,181,131,131,133,131,129,131,135,178,135,131,133,181,183,183,186,186,183,183,181,178,178,178,181,178,173,170,172,181,186,183,178,177,177,181,181,178,178,181,178,176,131,131,173,176,176,178,183,186,183,178,173,131,131,176,178,181,178,181,186,191,191,191,191,194,194,194,191,183,129,120,120,127,176,178,176,176,178,176,173,170,170,173,178,176,124,127,129,170,173,173,127,129,129,129,127,127,129,173,178,178,181,183,186,189,189,189,189,186,178,177,178,183,186,186,189,191,191,191,196,202,207,215,209,191,139,189,204,215,217,209,207,207,209,215,222,222,215,212,209,209,207,209,215,217,220,220,217,215,215,215,215,217,217,217,215,209,199,196,196,202,207,217,222,215,215,225,228,225,225,215,199,196,209,222,225,222,217,215,212,209,212,215,215,215,215,212,208,209,215,212,211,211,212,217,217,209,139,145,204,212,212,209,209,209,209,209,209,209,207,204,142,133,143,212,217,217,217,222,225,230,230,230,225,215,215,217,225,222,215,212,211,212,217,222,222,217,215,204,204,212,222,228,233,230,230,230,225,222,222,222,225,225,225,222,217,212,212,212,212,215,217,217,222,222,222,217,212,209,209,209,209,209,207,204,204,202,202,199,196,196,196,191,183,131,127,128,135,183,186,183,135,132,132,133,178,183,186,186,185,186,189,191,191,194,186,129,128,135,189,191,194,194,196,202,204,204,202,199,194,191,191,191,191,189,186,186,191,199,204,204,202,196,196,202,204,209,212,215,217,217,217,215,212,207,202,199,199,202,209,215,217,217,212,212,215,217,222,217,215,215,215,215,207,200,202,209,215,212,207,202,191,139,137,138,186,196,196,186,127,117,117,121,129,178,181,177,173,176,189,191,183,131,133,183,183,176,131,127,127,129,178,186,194,199,207,207,207,204,196,194,196,207,209,209,207,202,199,199,202,204,207,204,204,204,199,191,144,143,143,144,194,204,212,212,212,209,204,204,204,202,199,198,199,204,209,212,209,209,215,217,217,209,189,135,134,136,141,143,189,189,191,194,196,194,194,196,207,217,225,225,222,217,215,209,207,202,199,199,199,202,199,199,199,204,207,209,209,212,212,212,215,215,215,207,199,199,199,202,207,212,212,207,202,204,209,212,209,209,207,204,204,202,204,204,204,204,207,207,204,202,202,202,209,217,222,212,200,199,204,204,198,196,199,207,212,215,209,207,202,199,196,196,199,202,207,212,215,217,215,212,215,212,207,204,204,207,212,215,212,209,209,199,194,196,207,209,204,196,186,139,141,189,191,194,199,202,202,204,207,207,204,202,202,202,202,202,202,202,202,204,204,202,202,202,207,207,202,191,189,196,199,196,196,202,204,207,204,202,202,202,202,202,194,191,191,191,196,199,199,199,199,199,202,204,207,207,204,199,191,187,187,194,196,194,194,196,196,196,199,202,204,207,204,202,202,199,199,196,196,199,204,204,204,204,204,209,212,215,209,207,207,209,215,215,212,209,207,209,217,212,202,199,198,199,199,199,202,209,215,217,217,215,212,212,212,209,209,209,209,204,203,204,212,215,215,215,215,212,209,207,207,209,215,217,217,217,215,212,212,212,212,215,222,225,220,215,213,215,217,217,215,209,209,209,217,222,217,212,209,209,207,204,204,207,207,207,207,209,212,212,212,209,209,212,215,217,215,212,212,209,207,207,199,195,196,212,222,222,215,209,209,209,212,215,215,212,209,209,209,209,209,212,215,217,217,215,212,211,212,215,217,215,215,215,215,215,212,215,217,220,222,228,230,230,230,233,233,230,230,230,230,225,209,194,185,189,202,209,194,107,86,83,81,82,93,137,215,222,220,209,133,127,183,202,204,194,191,196,202,199,199,202,204,207,204,202,196,191,191,194,202,209,215,217,212,209,209,215,222,222,217,209,207,204,202,204,209,212,204,196,191,189,191,204,212,217,220,220,215,209,204,199,196,195,195,196,194,191,191,196,204,209,207,199,196,196,196,196,202,204,204,202,199,202,207,207,207,209,215,217,215,209,207,209,212,212,212,217,222,217,217,222,230,235,238,238,235,233,230,228,228,230,230,222,209,199,149,199,212,220,222,225,228,228,228,228,230,233,233,233,228,209,199,196,199,199,199,199,204,209,212,215,222,225,212,191,191,202,212,209,207,207,207,207,209,215,222,225,220,215,0,0,209,202,202,0,0,0,0,0,215,220,228,220,194,181,183,189,196,191,178,160,147,142,144,0,181,196,212,0,0,0,0,0,0,0,0,251,248,246,241,241,246,248,248,248,251,254,255,255,255,248,238,222,196,0,0,122,125,129,133,131,127,126,129,135,139,183,189,199,209,217,217,209,196,141,139,139,139,139,141,147,196,212,233,246,254,254,248,248,248,246,246,248,251,254,254,251,246,241,235,233,0,0,0,0,0,0,0,204,204,204,207,209,207,199,189,183,186,191,196,199,202,207,207,204,199,186,176,163,117,113,111,109,109,109,113,117,123,176,189,199,202,199,196,192,192,199,209,217,225,228,230,230,230,230,228,217,209,202,196,194,190,191,196,202,207,209,215,220,217,209,205,207,209,212,215,217,222,220,222,230,235,233,233,238,243,243,238,238,243,251,248,241,235,233,233,235,235,235,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,155,181,189,194,196,194,189,186,181,178,165,157,155,147,150,165,194,199,199,194,176,163,165,170,173,173,173,178,183,183,181,183,183,173,165,165,170,176,189,194,191,191,194,196,199,202,202,191,176,176,191,199,194,178,165,121,123,163,165,163,117,115,121,123,119,116,115,117,123,168,170,178,183,189,194,194,194,194,196,194,189,181,176,174,176,176,173,176,176,178,170,110,107,113,125,165,163,121,119,163,176,181,186,189,183,165,123,165,165,165,173,181,181,181,186,189,165,111,109,107,95,89,91,101,111,103,73,79,95,111,168,186,196,202,199,196,196,199,199,196,194,191,190,190,190,194,199,202,202,199,199,204,209,217,212,173,68,99,225,119,50,23,16,67,170,204,199,196,194,194,194,191,189,191,191,189,186,185,186,189,194,196,81,0,0,0,0,0,47,19,0,0,0,0,0,73,85,70,124,202,225,173,0,55,144,196,176,170,173,176,168,155,152,146,140,160,186,189,186,186,183,107,116,160,165,170,176,178,173,166,163,163,176,186,178,111,81,78,90,121,178,121,107,123,191,196,202,207,194,113,98,125,125,124,127,181,186,183,178,181,189,191,189,186,181,181,186,186,189,186,176,125,120,123,186,199,196,191,186,181,186,194,196,194,186,173,170,173,178,176,170,129,129,129,127,170,181,183,178,183,196,199,196,194,186,178,127,123,124,173,181,178,168,165,165,168,168,176,186,186,181,179,186,189,191,176,27,37,53,49,43,163,183,196,202,199,194,183,65,39,48,109,160,119,105,98,98,109,170,170,117,116,119,121,115,117,173,194,181,90,86,103,107,113,163,163,103,103,113,165,168,117,113,117,178,189,191,186,125,118,123,181,183,176,170,176,186,191,178,125,121,121,123,170,176,178,181,183,178,178,173,123,115,121,191,204,204,202,204,202,196,191,186,186,191,191,191,186,179,181,194,202,204,204,196,183,105,76,71,119,181,189,194,196,194,191,189,189,191,196,196,191,97,21,29,115,183,194,191,189,186,176,168,170,176,168,160,159,165,176,163,105,104,163,176,170,165,165,173,186,186,181,181,189,194,194,186,176,23,16,93,173,186,191,187,186,186,186,186,189,194,191,183,176,170,123,99,49,25,53,191,191,189,189,189,189,189,189,186,183,181,181,183,189,191,196,202,207,207,202,196,191,190,190,191,194,196,196,194,194,196,196,191,191,191,194,196,199,199,202,204,199,189,178,127,123,125,127,125,119,109,90,105,173,178,168,124,123,125,178,183,183,178,125,110,111,196,196,194,189,186,178,129,131,173,176,176,178,189,204,204,191,178,129,126,126,176,191,194,191,194,202,209,212,204,181,127,128,176,178,183,191,194,191,183,181,183,191,199,196,189,183,181,178,129,123,129,178,178,178,186,194,194,186,183,191,204,204,199,196,194,194,191,191,196,202,202,199,199,199,198,196,199,204,204,199,194,194,196,196,181,131,131,129,126,124,128,183,186,135,129,131,183,186,186,186,186,186,186,183,183,183,186,186,181,176,172,176,183,186,186,181,177,178,183,186,183,183,186,186,181,173,131,173,176,176,178,186,186,183,178,176,176,176,176,176,176,181,186,189,191,191,191,194,199,199,199,194,181,123,121,123,125,127,127,127,127,170,173,173,170,170,173,173,129,124,129,170,129,170,127,123,123,125,125,124,123,124,125,131,176,183,186,189,191,194,194,191,189,181,178,183,189,189,186,189,194,194,196,204,209,209,207,202,191,141,189,204,217,217,209,202,199,202,212,217,215,212,212,215,212,209,212,215,222,222,222,217,217,217,217,217,222,225,225,220,212,202,199,202,204,209,215,215,212,215,225,225,222,222,217,207,202,209,222,225,222,217,215,212,209,209,209,212,215,215,212,212,212,215,212,209,211,215,217,215,202,129,133,196,209,207,204,204,207,212,215,215,212,209,199,137,131,207,222,222,215,212,215,222,230,230,233,230,228,225,228,228,225,215,212,212,217,225,228,228,228,225,215,212,212,209,215,228,230,230,228,228,225,222,222,222,222,217,217,215,212,212,212,215,217,222,222,222,222,222,217,212,207,204,204,207,209,209,207,204,202,202,202,202,199,196,191,186,181,131,129,135,181,183,181,178,133,133,176,181,183,186,186,186,189,191,191,189,189,189,181,134,135,186,191,194,196,199,202,202,202,199,196,196,191,190,190,191,191,189,187,191,196,199,202,202,196,196,199,204,209,212,215,215,212,215,209,204,200,200,202,202,202,209,215,217,215,211,209,212,222,225,222,215,213,215,217,212,204,204,209,215,217,212,207,196,186,138,138,139,189,191,186,133,123,119,125,135,183,183,181,183,194,202,194,176,121,125,178,181,133,126,124,125,131,181,191,196,202,207,209,209,209,202,194,199,209,215,215,209,202,199,199,202,207,207,204,204,207,202,194,145,145,145,145,194,204,212,212,209,207,202,202,202,202,199,198,202,204,209,212,212,212,215,217,217,209,202,189,137,137,141,143,143,189,196,199,202,202,204,207,212,215,222,222,222,222,217,215,212,209,207,202,202,202,199,196,196,202,204,204,207,207,209,209,212,215,215,209,199,196,196,202,207,209,209,204,204,207,212,215,209,204,199,199,196,199,202,204,207,204,199,196,196,196,196,199,204,215,217,222,215,209,207,199,195,195,199,207,215,215,212,207,204,202,196,194,194,196,202,209,217,217,217,215,212,207,204,202,204,207,212,217,215,212,209,198,192,196,207,209,207,202,196,189,189,191,194,196,202,204,204,207,209,209,207,202,202,199,199,202,202,199,199,199,202,204,204,204,209,209,204,189,185,191,196,196,196,202,204,207,207,204,199,196,194,194,194,191,191,194,196,199,199,199,196,196,196,199,199,199,196,191,185,185,189,196,196,194,194,199,202,196,195,196,202,207,207,207,207,204,199,195,195,196,202,204,204,204,204,209,212,212,207,202,204,207,212,215,212,209,209,212,212,212,207,202,199,199,198,200,209,215,217,215,212,209,207,207,209,207,209,209,207,203,202,204,212,215,217,217,217,215,215,212,207,209,212,215,217,215,212,212,212,212,209,212,222,222,217,213,213,215,220,222,220,217,215,217,217,220,215,209,209,212,209,207,207,207,207,207,204,207,209,209,207,207,207,209,212,215,215,212,212,207,207,212,209,207,212,228,230,225,217,212,209,209,212,212,212,209,207,207,209,212,212,215,217,222,217,215,212,211,212,217,222,222,220,220,220,220,220,222,228,228,225,225,225,220,222,228,230,230,228,230,233,235,230,217,194,186,189,189,123,91,84,84,85,85,99,137,212,222,217,204,118,123,189,202,196,190,191,202,209,209,207,207,209,209,207,204,204,202,199,202,207,212,217,222,217,215,215,217,225,228,222,212,207,212,212,209,207,202,194,191,196,194,191,196,204,209,212,212,209,209,209,207,207,204,202,202,202,202,199,202,207,209,207,202,196,191,189,191,196,199,196,196,196,202,207,209,209,212,217,222,222,215,209,209,209,212,215,222,225,225,222,225,228,230,233,230,230,230,228,222,225,230,233,228,215,199,149,151,207,212,212,217,222,222,222,225,228,233,233,230,225,215,207,199,199,202,199,194,194,212,228,235,241,238,222,202,199,204,204,202,202,204,207,209,212,217,217,217,212,0,0,0,225,212,207,209,0,0,0,0,209,212,215,204,0,0,183,194,202,202,191,170,150,144,152,168,183,0,0,0,0,0,230,228,230,0,0,248,251,248,243,241,243,246,246,248,254,255,255,255,255,251,241,228,202,181,129,129,129,133,135,178,131,128,129,135,137,139,186,202,215,217,212,199,189,141,141,141,141,141,141,145,149,207,230,246,251,254,248,248,248,248,248,251,254,254,254,251,246,241,235,233,0,0,0,0,0,0,0,0,0,217,212,212,209,199,191,189,196,204,212,215,220,222,217,212,207,199,189,178,163,119,117,115,115,115,115,119,125,178,191,202,204,202,196,192,192,199,209,217,222,225,225,228,228,228,228,222,212,204,202,196,190,190,194,202,207,209,215,217,215,209,207,209,215,215,217,217,222,222,225,233,235,235,235,238,243,243,241,241,246,254,251,241,233,230,233,235,235,233,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,178,189,191,191,189,186,186,170,160,139,137,142,147,152,168,181,189,186,181,170,165,163,163,165,168,170,181,189,191,183,173,170,164,164,168,173,178,186,189,186,186,194,196,196,199,202,191,119,165,186,199,196,163,115,115,119,163,173,170,117,112,114,117,117,116,117,125,173,178,176,170,173,181,189,191,194,196,199,196,191,181,176,174,176,178,176,170,170,173,165,113,111,123,173,173,170,165,123,168,189,196,196,199,194,176,119,113,111,113,119,170,173,163,119,121,117,111,109,107,103,99,101,109,119,111,81,105,107,107,117,183,199,202,202,199,199,202,202,199,196,194,194,191,191,194,196,196,196,196,199,202,204,209,209,189,69,89,115,103,113,119,107,117,160,178,194,194,196,196,196,194,191,191,191,191,189,189,194,194,202,207,81,0,0,0,0,0,0,0,0,0,0,0,113,181,176,137,157,176,204,55,0,69,186,207,199,176,165,168,165,155,147,140,137,165,196,186,170,189,183,111,98,119,170,181,183,181,176,168,163,161,169,170,113,88,76,75,87,113,125,123,123,181,196,196,196,196,181,119,105,173,127,122,125,178,186,186,181,181,186,191,194,194,183,178,181,183,189,186,178,170,123,125,186,199,199,194,186,178,178,186,189,189,183,176,173,183,186,178,170,129,168,168,168,173,176,168,122,122,176,191,194,191,178,170,125,124,125,170,173,170,168,170,178,176,170,173,181,183,186,189,194,194,186,69,0,25,99,173,97,117,173,194,199,196,186,105,33,35,48,107,119,117,107,101,101,115,170,173,123,117,117,123,123,123,123,123,111,59,65,111,115,119,123,168,123,121,163,165,123,115,114,123,183,191,189,178,120,116,121,181,181,170,166,173,183,176,119,113,115,114,119,173,178,176,178,181,181,183,178,129,123,131,199,209,207,204,204,204,199,194,191,194,196,194,191,186,181,186,196,204,202,199,194,199,194,81,65,111,176,183,186,189,191,191,194,194,196,199,199,202,196,71,41,109,191,196,191,186,181,176,173,176,181,176,164,160,165,186,186,165,121,123,163,121,119,119,123,176,183,183,181,181,181,176,95,61,3,20,165,181,186,189,189,187,186,186,187,191,196,194,181,163,113,91,53,25,17,43,189,194,194,191,191,189,189,189,189,183,181,183,186,189,194,199,207,212,217,212,204,196,191,190,191,194,199,202,199,196,196,194,191,191,194,196,199,199,199,202,202,196,186,173,125,125,170,176,170,125,117,107,125,181,181,170,125,125,168,178,189,189,176,125,121,170,189,194,196,194,186,121,102,117,173,178,174,174,183,204,204,186,173,129,127,128,178,189,191,189,189,196,207,212,204,181,127,127,133,178,183,191,196,194,183,181,182,191,199,196,186,181,181,178,129,114,122,133,181,183,189,199,202,194,191,196,202,199,199,196,191,186,186,186,191,199,202,202,202,204,204,199,202,204,202,199,195,195,199,196,189,137,133,129,126,125,133,191,191,135,129,131,183,189,189,189,189,189,189,189,189,189,189,189,186,181,176,178,183,186,186,183,181,183,189,191,186,183,186,189,183,176,131,131,173,178,183,189,186,181,176,176,178,181,178,174,174,181,186,189,194,196,199,199,202,202,199,189,170,115,121,127,123,119,119,119,119,129,173,173,173,170,170,129,127,129,173,129,121,117,119,121,125,127,125,125,125,125,125,131,178,181,183,186,189,194,196,194,191,189,186,189,194,191,189,191,196,196,199,207,209,202,196,196,194,191,191,199,209,212,207,199,198,199,209,215,212,212,215,217,212,212,215,220,225,225,222,217,217,217,217,217,222,225,228,222,215,204,202,204,204,209,212,212,212,217,225,222,215,215,215,215,209,209,217,225,222,217,215,215,212,208,208,209,212,215,217,217,222,222,215,212,212,212,209,202,141,129,132,145,202,202,196,194,199,209,215,217,217,217,202,134,130,215,225,217,209,209,212,217,225,228,230,233,233,233,233,230,225,217,212,212,222,228,230,228,228,228,222,215,202,149,151,215,228,230,230,230,228,225,222,217,217,215,215,215,212,212,215,215,217,222,222,222,222,222,222,212,207,199,199,204,207,207,207,204,202,202,202,204,202,196,194,191,189,183,178,178,181,183,183,178,176,176,178,181,183,186,189,189,189,191,191,183,181,189,189,181,178,186,191,194,196,199,202,202,202,199,199,196,194,191,191,194,194,194,191,194,199,199,202,202,196,196,196,202,209,212,215,209,207,207,204,202,200,204,209,209,207,209,212,215,212,211,209,212,217,225,222,217,215,215,215,212,207,204,207,215,217,217,212,204,196,189,183,139,139,183,183,137,131,127,131,183,191,191,191,196,207,207,191,127,116,119,131,178,131,125,125,127,135,186,194,199,202,204,209,215,215,204,196,199,209,215,217,215,209,204,204,207,209,209,207,207,207,204,196,191,191,196,194,194,199,207,209,209,207,202,202,204,202,199,199,202,207,209,212,212,212,212,215,215,212,207,199,191,189,191,191,194,196,202,207,209,209,212,212,215,215,215,217,222,222,222,217,217,217,212,207,204,202,196,192,194,196,199,202,204,204,207,209,209,212,212,204,196,191,191,196,204,207,207,203,203,207,212,215,207,202,196,192,192,194,196,202,204,202,145,141,141,191,194,196,202,212,217,225,225,217,212,202,195,195,199,209,217,217,209,204,204,204,199,194,192,192,199,207,215,217,215,212,209,204,202,202,204,207,209,212,215,217,215,204,199,204,209,209,209,207,202,196,194,194,194,196,199,204,204,207,209,209,207,204,202,199,202,202,199,196,194,194,199,204,207,209,209,209,204,189,183,186,194,196,196,199,204,209,212,207,199,191,190,190,191,191,191,194,199,202,202,199,196,194,194,191,191,194,194,189,183,185,191,199,196,191,191,199,204,199,195,196,199,204,209,212,215,209,202,195,194,196,202,204,204,202,202,204,207,207,202,199,199,204,209,212,212,209,209,209,209,209,209,209,207,204,204,207,212,217,217,212,209,204,204,204,204,204,207,209,207,203,202,204,212,217,220,217,215,215,212,209,207,207,209,212,215,212,212,209,212,209,209,212,217,222,220,215,215,217,222,222,222,222,222,222,217,212,207,202,202,204,204,202,202,204,204,204,204,207,209,209,207,207,209,212,212,215,215,212,209,205,205,215,220,222,225,233,230,225,222,215,212,209,209,209,207,204,202,202,207,212,215,217,222,222,222,217,212,212,215,222,228,228,222,222,222,222,225,230,235,233,230,228,222,215,212,217,225,225,222,222,230,235,238,230,207,186,131,121,107,93,91,99,204,199,189,194,202,204,194,129,116,129,202,207,196,190,192,204,215,217,215,215,212,209,204,204,207,202,199,207,215,217,220,222,220,215,215,217,225,228,222,215,215,217,215,209,204,199,191,191,196,196,194,191,196,207,209,207,207,207,209,212,212,212,209,204,202,202,202,202,204,207,204,202,196,191,187,191,196,196,194,194,196,202,207,209,212,215,217,222,222,217,212,212,209,209,212,217,222,225,228,228,228,228,228,228,228,228,222,217,217,228,233,230,217,202,149,149,199,202,204,212,215,217,222,225,228,233,238,235,228,222,212,202,199,202,196,144,145,209,235,248,248,238,215,194,199,202,199,195,196,204,207,209,212,215,215,212,212,0,222,228,228,212,199,196,202,0,0,0,204,207,212,204,0,0,181,189,199,204,196,173,152,150,165,183,0,0,0,0,0,0,235,228,228,0,0,0,254,254,246,241,241,243,246,248,254,255,255,255,255,251,243,233,212,191,181,178,133,133,178,183,181,133,129,131,133,135,139,199,215,220,209,194,143,141,143,145,143,141,141,143,147,207,228,246,251,254,248,248,251,251,251,254,254,254,251,248,243,238,235,233,0,0,0,0,0,0,0,0,0,228,217,212,209,202,194,194,202,212,0,0,0,230,222,215,212,204,196,189,176,168,163,123,123,123,121,121,127,181,194,204,207,204,199,194,194,199,209,217,222,222,225,225,225,225,225,217,212,207,204,199,191,190,194,202,204,209,212,215,215,212,212,215,217,217,217,220,222,222,228,235,238,238,238,241,243,243,241,243,248,254,251,238,228,228,0,235,230,225,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,124,147,155,160,118,51,98,121,126,137,147,160,170,170,173,170,160,160,163,160,157,160,165,173,183,194,191,178,164,163,163,164,173,176,176,176,176,176,181,189,191,186,189,194,105,85,113,168,181,176,120,116,119,165,176,189,191,170,115,115,119,121,121,121,168,178,181,173,125,125,173,183,189,194,196,199,199,194,189,181,181,181,181,178,168,166,168,165,117,115,125,170,170,168,165,165,168,183,194,199,202,202,191,115,89,91,105,115,160,163,116,112,114,117,119,117,111,98,98,115,170,170,165,123,173,168,113,113,178,196,199,199,199,202,204,204,202,199,199,199,196,196,194,194,194,196,196,196,199,204,204,204,199,83,89,90,95,191,191,178,168,157,111,189,189,191,196,199,196,194,194,194,194,189,191,199,199,196,183,15,0,0,0,0,0,0,0,0,0,0,118,194,204,202,178,163,160,168,43,0,0,49,178,196,170,139,137,150,155,152,146,146,168,196,165,139,194,189,168,54,160,183,199,194,189,186,181,176,178,186,176,115,99,91,99,115,123,123,123,173,189,194,189,183,173,123,116,101,181,173,125,168,176,178,176,176,178,186,189,194,194,183,177,178,186,194,191,186,189,186,181,186,196,199,194,181,170,170,173,181,183,183,183,183,183,181,173,168,168,173,176,176,176,170,123,120,121,170,183,189,183,168,124,125,127,170,176,173,168,165,173,183,186,178,176,176,178,183,191,194,186,163,54,21,37,113,186,168,117,109,165,189,194,173,51,23,63,107,121,160,121,117,113,115,163,178,181,176,163,121,170,173,163,103,101,101,66,67,117,117,113,113,168,178,181,178,170,163,117,119,168,178,183,181,173,121,119,173,189,183,166,165,168,168,119,112,115,121,114,117,170,178,176,173,178,183,183,181,173,129,178,202,209,207,207,204,202,199,199,199,199,199,196,191,186,183,191,202,204,199,194,196,204,202,127,73,99,181,183,183,186,189,194,196,199,202,202,202,202,204,119,73,115,189,194,189,183,178,176,176,178,178,178,170,165,170,189,194,183,173,163,117,111,110,109,110,160,176,176,168,163,163,121,71,35,0,21,173,178,186,191,191,191,189,189,189,194,196,194,176,95,55,33,17,14,15,39,178,194,196,194,191,189,189,189,189,183,181,181,186,191,194,199,204,212,215,215,212,204,196,191,191,196,202,204,199,196,196,194,191,191,194,196,199,202,202,202,202,196,186,127,119,123,170,178,173,127,125,125,173,178,178,176,173,170,170,173,181,183,170,125,127,176,178,181,186,183,170,103,95,105,131,178,176,173,178,191,191,178,131,131,131,131,176,181,186,186,186,191,199,204,199,178,127,128,176,178,183,194,204,204,194,183,183,191,199,194,186,181,183,186,176,114,121,176,189,191,194,199,202,202,199,199,199,199,199,191,127,121,131,181,189,194,202,204,207,207,207,204,202,202,202,199,196,196,199,196,194,189,183,181,135,137,189,194,189,178,133,178,183,189,189,189,186,189,191,191,191,189,186,189,186,181,176,133,176,178,183,183,183,186,191,191,183,181,183,186,183,178,131,131,176,181,183,183,181,178,178,181,183,183,183,181,181,183,189,191,196,204,204,202,199,196,191,181,123,110,119,125,121,117,117,118,121,170,173,173,170,129,127,126,126,173,173,125,114,111,116,129,176,178,176,173,176,178,176,176,178,181,181,181,186,189,194,194,194,191,191,194,196,194,189,191,199,199,199,204,207,196,194,196,199,199,191,194,204,212,209,202,199,199,207,215,215,215,217,215,209,209,215,222,228,228,222,217,215,215,217,222,222,222,222,217,212,204,202,202,202,204,212,215,217,222,222,217,215,215,217,217,212,209,215,222,217,215,212,212,212,209,209,212,215,217,222,225,225,225,222,222,215,207,194,139,133,132,135,145,199,199,145,142,143,196,207,209,215,217,199,134,133,204,215,212,208,208,208,212,217,222,225,228,230,230,230,228,225,217,212,215,222,228,230,228,228,228,225,215,153,146,148,207,225,230,233,230,228,225,217,215,212,215,215,215,217,217,217,217,217,222,217,217,217,222,222,215,204,199,199,202,207,207,207,204,202,199,199,202,199,199,196,196,194,191,189,186,186,186,186,181,178,176,178,181,183,186,189,189,189,189,183,135,178,186,189,186,186,189,191,194,196,199,202,202,202,199,196,196,196,196,196,196,196,196,194,199,202,202,204,202,199,196,199,202,207,212,212,209,207,204,207,207,207,212,215,215,212,209,209,212,215,212,211,211,215,222,222,222,215,212,209,207,202,202,207,212,217,217,217,212,207,199,189,139,138,181,183,183,181,178,181,189,196,196,196,199,204,199,176,116,115,119,131,176,133,131,131,135,181,186,194,199,202,204,212,217,215,207,196,199,204,209,215,217,217,215,212,212,212,212,209,209,209,204,196,191,191,196,194,192,196,202,207,209,207,204,204,204,204,202,202,204,209,209,209,209,207,209,212,215,212,209,204,202,202,202,202,202,202,204,209,212,212,212,211,212,215,215,217,222,225,222,217,217,217,215,209,204,202,194,192,192,196,199,202,204,204,207,209,212,212,209,202,191,189,190,196,204,207,204,203,203,207,209,212,207,202,196,194,192,192,194,199,202,196,140,137,138,145,196,199,204,212,222,225,225,217,212,204,198,198,204,212,222,222,212,204,204,204,204,199,192,191,194,202,209,212,209,209,207,204,202,202,204,207,207,199,204,217,222,215,209,207,207,207,207,207,204,199,196,196,196,196,199,202,207,209,209,207,204,202,199,199,202,202,199,194,189,191,196,204,209,209,207,204,196,186,183,185,191,196,199,196,202,207,209,207,196,191,190,190,191,191,191,194,199,202,202,202,199,199,194,190,190,191,196,194,187,189,196,196,196,194,191,194,199,199,196,199,202,204,207,212,215,212,204,196,195,196,202,204,202,202,199,202,202,202,198,196,199,204,207,207,207,207,209,209,207,207,209,212,215,215,212,209,212,215,215,212,207,204,204,204,204,204,207,212,209,204,203,209,215,217,222,217,212,209,209,209,207,207,207,209,209,209,209,209,209,207,207,209,217,222,222,220,217,217,222,222,220,220,222,217,212,204,194,145,145,191,191,191,196,202,204,204,204,207,212,212,207,207,209,209,212,212,212,209,207,204,204,212,220,222,222,222,222,217,217,215,212,209,207,204,204,199,199,199,204,209,215,217,217,222,222,217,212,212,220,228,230,228,222,221,222,225,230,235,241,235,233,230,225,215,212,217,217,215,212,215,217,225,230,225,202,137,123,115,109,103,103,111,212,220,220,207,196,181,118,110,117,183,207,209,199,194,196,204,215,217,222,217,215,209,204,204,204,194,189,202,217,222,217,217,215,212,209,215,217,222,222,217,217,220,215,212,212,207,196,189,189,191,191,190,194,207,212,207,202,202,207,209,209,207,204,202,199,196,196,199,199,196,199,202,202,194,189,191,196,196,194,194,199,204,207,212,215,217,217,217,220,217,215,212,209,207,204,209,212,222,230,233,233,230,230,230,228,228,222,213,213,222,228,225,215,199,147,146,145,146,196,207,215,222,228,228,228,235,241,243,238,230,217,202,196,194,145,144,194,212,238,254,251,233,196,137,183,194,196,196,199,204,207,207,207,209,212,215,215,215,215,217,215,199,186,181,183,186,0,0,0,209,220,215,194,0,181,183,194,202,199,178,157,157,173,186,189,0,0,0,0,0,243,233,228,233,0,0,255,255,248,243,241,241,241,246,254,255,255,255,255,251,246,241,228,204,191,183,176,133,181,191,191,137,129,127,127,127,129,189,212,220,209,194,143,143,191,191,145,143,141,141,147,207,230,243,251,251,248,248,251,254,254,254,254,251,248,243,241,235,233,230,0,0,0,0,0,0,0,0,0,230,217,215,209,204,196,196,202,0,0,0,0,0,220,215,215,212,204,194,186,181,178,178,178,173,129,127,173,186,199,207,209,207,202,196,194,199,207,215,222,225,225,222,222,222,217,215,209,204,202,196,191,191,196,199,204,207,212,215,217,217,215,217,217,217,222,225,222,225,230,238,241,238,238,241,243,243,243,246,251,254,246,235,225,0,233,235,228,212,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,126,137,147,165,170,163,163,160,152,153,157,155,157,165,170,176,183,191,186,170,164,164,165,168,176,173,165,163,165,168,173,181,176,121,160,168,37,45,97,113,121,160,160,178,181,181,186,196,199,181,123,121,123,125,123,123,168,173,170,125,119,121,168,178,186,189,194,196,199,196,189,189,189,189,186,181,173,168,170,168,117,107,107,111,115,119,123,163,165,176,189,196,202,207,202,105,63,71,111,119,160,163,117,112,115,121,123,119,111,97,99,170,173,123,125,178,191,194,168,117,173,194,196,199,199,202,204,204,202,202,202,202,199,199,196,196,196,196,196,196,199,204,204,204,202,103,99,89,95,196,194,191,189,173,64,83,178,183,194,199,199,196,196,196,194,189,191,196,194,183,85,0,0,0,0,0,0,0,0,0,0,35,199,202,194,186,173,144,160,170,176,29,0,0,65,69,57,37,59,139,160,168,163,155,163,183,140,114,194,189,183,39,160,191,202,199,191,194,194,189,191,196,194,176,125,119,113,123,181,122,121,170,186,189,181,168,123,118,117,106,191,181,170,170,170,168,125,125,168,178,181,183,191,183,177,178,186,194,194,191,196,199,194,186,189,196,186,169,169,169,170,173,183,189,191,189,176,168,166,166,173,183,186,186,183,178,168,125,127,176,181,181,176,124,123,125,170,176,178,173,165,125,173,186,189,181,173,170,165,165,178,176,163,101,57,61,119,121,178,186,168,98,104,178,178,67,0,0,69,117,168,173,168,163,160,163,168,176,181,183,181,168,170,163,105,87,95,115,168,109,117,109,99,97,121,183,189,186,176,163,121,165,176,178,173,168,165,123,165,189,199,189,168,168,168,123,113,113,125,176,129,127,170,173,170,173,181,186,186,183,178,176,183,202,207,207,207,204,199,199,202,202,202,202,199,194,189,189,196,204,204,199,192,196,202,196,189,79,87,181,186,183,181,181,189,194,196,196,199,199,196,191,173,117,168,181,189,189,186,181,178,176,176,176,176,173,170,176,183,189,183,176,165,117,109,109,108,106,115,165,165,117,107,115,163,87,43,16,19,163,176,186,194,194,194,194,191,194,196,196,194,176,81,33,23,15,14,17,45,168,186,194,191,191,189,189,189,186,183,178,181,183,189,191,194,196,204,207,209,212,209,202,196,194,199,204,204,199,196,196,194,189,189,191,194,196,202,202,202,204,202,186,121,115,121,168,170,127,125,127,173,176,176,176,178,183,183,176,170,170,173,170,125,129,178,173,121,111,104,107,103,99,115,176,183,181,176,178,183,183,176,173,173,176,133,131,131,178,181,183,189,194,194,189,133,128,131,181,178,183,194,207,209,202,191,189,194,199,196,189,183,189,189,181,122,126,183,196,199,196,196,199,202,199,202,202,202,199,181,105,109,121,135,186,194,202,207,207,207,204,202,202,199,199,199,199,199,196,194,194,194,191,191,191,194,196,191,183,178,183,186,186,186,186,183,183,186,191,191,191,186,183,183,183,178,131,128,127,129,176,183,183,186,191,189,182,181,183,189,189,181,173,173,176,181,181,178,178,181,183,186,186,189,189,191,191,191,194,194,199,204,207,202,194,189,186,178,125,115,121,125,123,117,118,123,170,176,173,170,129,127,127,126,127,173,129,121,114,110,121,183,189,189,183,183,186,189,186,178,176,181,183,181,183,186,189,191,191,194,191,194,196,194,189,194,202,204,202,202,202,196,195,202,207,202,194,194,204,215,212,204,198,199,207,215,215,217,217,212,207,209,215,222,225,225,217,212,209,209,215,222,220,215,212,212,209,204,202,196,195,199,209,217,222,222,217,222,225,222,222,217,212,212,215,217,215,212,209,209,209,212,212,215,215,222,225,228,225,222,225,228,217,199,135,131,133,139,143,191,196,194,143,140,141,147,196,194,199,209,149,137,138,199,209,209,208,208,208,209,215,215,217,222,225,228,228,225,222,217,215,215,225,230,230,228,228,228,225,220,209,150,151,207,222,230,233,233,228,222,215,212,212,215,215,217,222,225,222,222,222,222,217,217,217,222,222,215,207,202,199,199,202,204,204,202,199,199,196,196,199,199,199,196,196,194,191,189,189,189,189,183,181,178,176,176,181,186,189,189,186,183,133,128,131,181,186,186,191,191,191,194,196,199,202,202,202,196,194,194,196,196,196,196,194,194,194,199,204,204,204,202,199,199,202,204,207,212,212,209,207,207,212,215,215,217,222,217,212,209,208,212,217,217,215,212,212,217,222,222,217,212,207,199,196,199,204,209,215,217,217,217,215,207,196,186,139,138,181,183,186,186,186,191,196,199,196,196,194,178,117,114,116,127,176,178,178,178,181,183,189,191,194,196,199,199,209,217,215,204,199,199,202,202,209,217,222,222,217,217,215,215,212,212,212,207,199,194,194,196,196,196,202,204,207,204,204,204,204,204,204,202,204,207,209,209,209,207,205,205,209,215,215,209,212,212,209,207,204,202,200,204,209,212,212,209,209,212,215,215,217,222,225,220,217,215,217,215,212,207,202,194,191,192,196,202,204,207,207,209,209,212,212,212,204,196,191,191,199,204,207,204,203,204,207,209,209,207,204,202,199,194,194,194,196,199,194,140,136,138,191,202,204,207,215,225,225,217,212,212,207,202,202,207,215,225,225,215,207,204,204,207,202,194,192,196,202,207,207,204,202,202,202,199,202,204,204,199,192,195,209,217,217,212,207,204,204,204,207,204,199,196,196,195,195,196,202,209,212,209,207,204,199,198,198,199,199,196,189,186,189,196,204,209,209,202,194,189,186,185,186,191,199,199,196,196,202,204,202,196,191,191,194,194,194,194,194,199,202,202,199,202,202,199,194,191,194,196,196,191,194,196,196,196,196,189,186,191,196,199,204,204,204,204,209,212,212,207,202,199,199,199,202,202,199,199,199,199,199,198,198,202,207,207,204,204,204,207,207,207,207,207,209,215,215,212,207,207,209,209,209,209,207,207,207,204,204,209,212,212,207,207,212,215,217,217,217,212,209,209,209,207,207,207,207,209,209,209,209,207,205,205,209,215,222,225,222,217,217,220,217,217,217,217,217,212,204,194,143,142,143,144,145,196,202,202,204,207,207,209,209,207,207,207,207,207,207,207,209,207,205,205,209,212,209,207,204,209,212,212,209,207,204,204,204,202,199,196,199,202,207,209,215,217,222,222,217,215,217,222,230,230,225,222,222,225,230,235,241,243,238,233,228,222,215,209,209,202,202,207,209,209,212,215,215,194,127,117,117,117,113,107,105,123,212,228,222,204,178,114,106,115,135,199,204,204,204,204,207,212,222,225,222,215,209,204,202,194,136,135,194,217,222,215,209,209,209,208,209,212,215,217,217,215,215,209,209,217,215,199,186,182,187,191,190,194,209,212,204,196,196,199,199,199,196,196,194,196,194,196,199,196,191,191,199,202,194,141,141,189,191,194,199,204,204,207,212,217,222,222,217,217,217,217,217,212,204,203,202,204,212,228,233,235,235,238,238,233,233,228,215,212,215,222,217,209,151,145,144,143,143,147,204,215,228,230,230,230,235,243,251,251,238,222,207,196,191,144,145,196,212,235,251,248,228,191,132,133,186,196,202,202,204,204,204,204,207,212,217,217,215,207,202,194,186,0,178,178,0,0,0,0,0,0,222,204,191,189,186,189,196,199,189,173,163,168,176,181,0,0,0,0,0,246,230,225,233,0,0,255,255,254,248,241,235,235,241,251,255,255,255,255,251,248,246,235,215,202,191,0,133,181,196,196,137,126,125,126,0,126,139,204,217,209,194,143,189,194,196,194,145,143,143,149,209,230,246,251,248,248,248,251,254,254,254,254,251,243,238,235,233,228,225,228,235,0,0,0,0,0,228,230,228,222,215,209,202,196,196,0,0,0,0,0,0,217,215,217,217,212,202,196,191,189,189,191,186,181,176,181,191,202,209,212,207,202,196,194,196,204,212,217,222,225,222,215,215,215,212,204,199,196,194,194,194,199,202,204,207,212,217,225,222,217,217,215,217,225,228,225,225,233,238,241,238,238,241,243,243,243,246,251,251,241,230,222,0,0,235,225,207,200 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,124,131,139,144,155,160,160,160,157,152,152,155,155,160,170,173,170,173,181,178,170,168,170,170,170,170,163,119,157,157,119,119,97,86,77,109,163,23,0,75,101,160,121,160,173,181,170,186,196,186,173,163,123,163,125,123,125,168,170,127,121,117,119,123,170,178,183,186,194,196,191,187,189,194,191,186,181,168,121,173,173,113,98,95,97,101,115,121,121,118,165,183,199,204,207,207,85,44,63,160,121,160,163,121,119,160,168,165,119,111,103,107,115,113,109,117,178,196,204,191,129,178,194,196,199,202,204,204,202,202,200,202,204,202,199,196,196,196,199,199,199,199,202,204,207,202,181,115,107,119,183,186,186,199,186,46,0,73,111,183,194,199,199,199,199,194,191,194,189,168,47,0,45,61,87,53,0,0,0,0,0,0,57,207,204,65,69,45,81,178,212,222,202,0,0,0,0,0,0,0,91,157,173,170,153,157,168,118,99,168,178,155,51,168,191,199,194,191,194,196,196,196,204,204,194,181,105,95,121,183,123,121,170,189,194,189,178,170,168,165,170,176,176,170,125,119,121,123,123,125,168,170,170,178,181,178,178,183,189,191,191,194,199,194,186,186,186,178,168,169,176,173,168,181,196,194,186,173,166,166,168,181,196,199,194,191,194,189,173,127,170,173,176,173,125,124,127,173,178,176,170,125,125,170,181,181,176,168,123,115,121,121,117,113,99,95,115,117,115,119,165,113,104,106,170,173,53,0,0,55,107,176,181,173,163,160,123,168,176,183,191,191,186,178,123,96,90,97,165,186,178,109,99,96,94,96,176,183,178,163,111,109,123,181,183,168,111,111,119,168,186,199,194,183,176,170,125,117,111,117,173,170,129,129,126,127,173,181,186,191,189,181,181,183,189,202,204,204,204,202,202,199,199,202,204,202,196,194,194,199,204,207,202,194,199,199,199,178,79,88,183,189,181,177,176,181,189,191,189,191,191,191,191,183,170,170,176,183,186,186,181,181,173,165,173,173,170,178,183,178,176,173,168,165,165,165,160,121,121,113,83,57,57,47,107,173,183,181,41,49,119,178,186,191,194,194,196,194,196,199,199,196,178,81,31,21,21,17,0,47,123,176,186,186,183,183,186,189,186,181,178,178,183,189,186,183,186,194,199,204,204,202,202,199,199,199,199,199,199,196,199,196,191,187,187,187,191,199,204,199,202,209,181,98,111,127,168,124,121,122,125,173,176,176,176,183,191,191,181,168,128,170,170,127,173,181,170,111,102,101,105,113,119,129,181,189,189,186,181,181,181,178,176,178,178,133,129,126,126,131,181,186,181,176,129,127,131,178,176,131,176,189,202,207,202,194,191,191,196,196,194,194,189,186,178,176,181,189,196,199,199,196,199,199,196,199,202,196,135,102,94,115,123,131,186,196,204,204,204,202,202,202,202,199,199,199,202,199,194,194,194,194,194,194,196,199,199,191,183,183,189,191,186,183,181,181,183,189,194,194,189,186,181,176,133,131,131,129,127,126,131,181,186,189,191,189,183,183,191,194,191,189,178,131,131,176,176,176,176,181,189,189,189,189,191,194,196,196,196,196,199,202,207,204,196,189,183,181,176,125,127,131,129,125,125,131,173,173,131,129,127,127,129,173,178,181,131,123,119,127,183,191,194,194,189,186,189,191,191,186,181,183,183,183,183,186,189,191,194,194,191,194,199,199,196,199,207,209,204,196,195,196,202,209,212,209,202,199,204,212,212,202,198,202,209,215,217,220,215,209,207,209,215,222,225,222,215,207,202,202,207,212,215,212,209,207,204,202,202,196,192,192,202,215,222,215,215,225,228,228,225,222,215,215,212,215,215,215,212,209,212,215,215,215,213,217,225,225,222,217,217,228,225,135,121,131,145,194,194,191,194,145,142,141,143,196,146,139,143,207,199,140,147,207,212,212,209,209,212,212,215,215,217,222,225,222,217,217,222,222,222,222,225,230,230,230,230,228,222,225,225,220,209,212,222,230,235,233,228,222,217,215,212,215,215,217,225,228,225,222,222,222,222,217,222,222,222,215,209,204,199,196,196,199,202,202,199,199,196,196,199,199,199,196,194,194,191,189,189,189,191,186,181,178,133,129,176,181,186,183,183,178,129,126,127,133,183,191,194,191,194,194,191,191,196,199,199,194,190,191,196,199,199,196,194,194,194,196,199,202,199,199,199,202,204,207,209,209,212,209,209,209,215,217,222,225,225,222,215,209,208,209,217,222,222,217,212,215,217,222,220,215,207,196,195,196,202,207,212,215,217,220,217,212,204,191,183,138,138,181,186,189,189,194,196,194,191,191,189,116,114,116,127,178,181,183,183,186,189,191,196,199,199,196,195,195,204,215,212,204,202,202,204,202,207,215,222,222,222,217,215,215,215,217,215,209,204,199,199,202,204,207,209,209,207,204,204,204,204,204,202,202,204,207,209,212,212,207,204,204,209,212,209,209,215,215,209,207,207,204,202,209,212,215,212,212,212,217,217,215,215,217,217,215,212,215,215,215,215,209,204,196,191,191,196,204,207,209,209,209,209,207,212,212,207,199,199,202,204,204,207,207,207,207,209,209,207,207,204,204,202,199,196,199,202,204,202,145,141,145,202,207,209,212,217,225,225,217,209,207,204,199,199,204,215,225,225,215,207,204,204,204,204,199,196,199,204,204,204,199,194,194,194,194,199,204,202,196,192,194,207,215,215,209,207,204,202,202,202,202,199,199,196,196,196,196,204,209,212,212,207,202,198,198,199,202,199,194,189,141,189,196,207,209,204,196,189,186,185,186,189,194,196,199,196,194,196,202,202,199,196,196,196,194,191,189,191,196,202,199,194,194,202,204,202,196,196,196,194,190,191,196,199,202,199,186,182,185,191,196,202,207,207,204,204,207,209,207,204,204,202,199,199,199,199,202,202,202,199,199,202,207,209,207,202,202,204,207,207,207,207,207,207,209,212,212,207,207,207,207,209,209,207,207,207,207,207,209,209,207,207,209,212,215,215,217,215,212,209,208,209,209,207,205,207,209,212,212,209,207,207,207,207,212,217,222,217,215,215,217,217,215,215,215,217,215,212,202,145,143,144,145,196,204,204,202,204,207,207,204,204,204,204,204,204,202,202,204,207,209,209,212,209,204,199,199,202,204,204,207,207,204,202,202,204,199,194,192,196,199,202,204,212,217,222,222,222,222,222,228,230,230,228,225,225,228,230,235,238,238,238,230,215,204,199,191,129,127,189,207,215,209,204,204,204,189,119,114,119,125,117,105,104,111,194,222,230,228,217,189,119,118,118,133,196,202,209,215,212,217,225,228,222,212,204,196,189,137,133,136,199,212,212,204,204,209,209,209,208,209,212,212,215,212,212,208,208,209,209,199,187,183,191,199,199,202,209,212,204,195,194,196,196,196,194,191,191,190,190,196,202,196,189,190,196,196,191,140,139,141,143,191,202,204,204,202,204,212,217,217,217,217,222,225,222,215,207,203,202,202,204,215,225,233,238,241,241,241,243,241,228,217,215,215,212,207,151,147,147,147,146,149,202,209,222,228,225,225,235,0,0,255,246,230,212,202,194,145,189,196,209,233,248,241,215,186,130,131,186,199,202,199,202,207,209,207,209,215,217,217,209,199,189,183,0,181,181,0,0,0,0,0,0,215,215,209,202,194,191,189,191,196,199,189,168,160,0,168,0,0,0,0,254,233,221,218,230,248,0,255,255,255,251,241,233,229,230,241,254,255,255,255,254,251,248,241,228,222,212,191,181,189,207,204,135,125,125,127,129,135,186,202,209,207,194,142,189,196,204,204,199,147,147,199,215,233,246,246,243,243,246,251,254,251,251,254,251,246,235,233,225,215,215,225,230,238,0,0,0,228,228,230,230,225,212,202,196,199,0,0,0,0,0,0,220,215,215,217,220,215,207,199,194,191,196,199,196,189,183,186,194,204,212,212,207,202,196,194,196,202,209,215,222,222,217,212,212,212,207,199,194,194,196,196,202,204,204,204,207,212,222,225,222,217,215,217,222,228,230,228,228,233,238,238,238,241,241,241,241,241,243,248,246,235,228,222,0,0,233,222,207,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,129,139,142,144,152,157,157,157,155,153,155,160,160,157,163,165,165,168,173,173,170,170,173,170,165,163,157,117,119,117,109,96,89,90,94,163,176,91,42,56,75,163,160,160,121,121,119,170,178,173,165,123,123,163,165,165,168,170,170,168,125,119,115,115,121,168,173,178,189,191,191,189,191,194,189,176,168,117,112,123,173,121,98,94,100,111,117,119,119,117,123,178,202,212,209,202,77,52,63,113,117,119,160,163,168,181,181,170,163,119,117,111,106,103,104,113,170,189,199,196,181,178,186,191,199,202,202,202,202,202,202,204,204,204,202,196,195,196,199,199,199,202,202,204,207,202,189,168,119,119,125,125,123,125,113,46,0,65,91,157,178,191,196,199,199,196,194,194,183,155,0,0,95,168,191,129,0,0,0,0,0,0,0,41,49,0,0,0,124,189,212,225,118,0,0,0,0,0,0,31,95,152,170,165,153,163,186,151,118,159,160,117,84,173,189,194,190,190,194,196,199,199,202,204,199,173,57,52,103,170,125,165,181,196,204,202,196,189,183,178,170,165,125,123,119,115,117,123,170,173,170,168,170,173,176,173,173,176,178,186,189,189,191,191,189,189,186,178,169,170,178,173,166,168,178,181,178,176,176,176,181,191,199,199,199,199,196,191,178,125,124,124,127,170,168,127,127,176,181,176,125,124,124,165,173,176,170,125,119,114,115,115,113,113,113,113,113,111,109,108,108,108,110,160,181,183,121,18,23,89,117,173,176,165,116,115,119,170,183,189,194,196,194,191,181,119,99,101,117,176,173,115,105,105,97,97,123,165,97,81,95,105,121,181,189,121,106,106,111,121,178,191,194,191,186,183,178,127,113,108,109,117,123,127,124,125,170,178,181,186,183,181,181,179,183,196,202,202,202,199,199,196,194,199,204,204,202,196,199,204,207,207,204,199,202,204,202,95,80,115,186,189,183,178,177,179,186,189,187,189,189,189,191,189,181,170,168,170,173,176,176,176,168,122,168,170,173,181,181,168,165,168,165,168,173,178,176,176,173,117,65,0,0,11,109,173,183,183,113,99,170,181,183,186,191,194,194,196,196,199,204,202,189,81,29,31,39,39,0,45,123,173,181,181,181,181,183,186,183,181,177,178,183,186,183,179,181,186,194,196,196,196,199,202,199,196,194,196,196,199,199,196,189,187,187,187,189,194,196,194,196,199,103,75,105,170,170,124,122,123,124,127,170,173,178,183,191,194,186,170,128,168,170,129,173,181,170,111,107,111,117,123,173,181,189,194,196,194,189,183,183,181,181,183,181,133,127,124,124,127,178,178,129,128,129,129,129,133,133,130,133,183,194,199,199,196,191,191,194,199,202,199,186,129,131,176,183,191,199,199,199,199,196,196,194,194,194,189,125,99,88,133,129,131,183,199,204,204,199,199,199,202,202,202,202,202,202,202,196,194,194,194,191,194,196,196,196,191,183,183,191,191,186,181,181,181,186,191,196,194,191,186,181,176,131,131,133,131,127,126,129,178,183,186,191,191,189,191,196,196,191,189,181,123,115,127,176,181,183,189,191,191,189,189,189,189,194,196,199,196,194,194,199,202,196,191,186,183,183,181,181,181,176,173,173,173,131,127,127,127,127,129,173,181,189,186,173,125,125,176,189,191,191,191,189,189,189,191,194,196,194,191,186,186,183,186,191,191,191,191,191,196,202,204,204,207,212,217,209,196,194,196,204,212,217,215,209,207,207,207,204,202,202,209,215,222,222,222,215,212,209,212,215,217,217,217,212,204,199,198,199,204,209,209,207,204,202,202,202,196,194,192,196,209,215,212,213,222,228,230,228,225,222,215,209,209,215,217,217,215,215,215,215,215,213,215,222,222,217,215,217,228,230,128,118,135,202,209,204,199,196,194,145,147,196,202,196,140,141,204,207,149,199,209,215,215,215,215,217,222,222,222,222,225,222,215,212,217,225,228,228,228,230,230,233,233,230,228,222,225,230,230,220,215,220,228,233,233,230,225,222,220,215,212,212,217,225,228,225,222,222,225,225,222,222,222,222,217,212,207,202,196,195,196,199,199,199,199,196,196,196,199,199,196,194,191,191,189,189,189,191,186,181,176,129,127,131,176,178,178,181,178,133,127,127,129,178,186,189,189,191,189,183,183,189,194,194,191,190,191,199,202,199,196,194,194,194,196,196,196,196,196,199,204,207,207,209,209,212,212,212,215,215,217,222,225,228,225,217,212,209,212,217,222,225,220,215,215,217,217,215,209,204,199,195,195,199,204,207,212,215,220,222,217,209,196,183,138,181,183,186,189,189,191,191,190,189,191,194,178,129,129,133,176,178,183,189,189,191,199,202,202,202,202,199,196,202,209,207,202,202,207,209,209,209,215,217,220,217,215,213,213,215,217,215,212,207,207,204,204,209,212,212,209,207,204,204,207,207,204,202,202,204,207,209,212,212,209,207,207,209,209,204,204,212,215,209,207,209,209,209,215,217,217,217,217,217,220,217,212,209,212,212,209,209,212,212,212,212,212,209,202,194,192,199,204,207,209,209,209,204,196,204,207,199,191,196,204,209,209,209,207,207,209,212,212,209,207,207,204,202,202,202,204,209,212,212,204,199,204,212,212,212,212,217,217,222,215,207,204,202,198,199,202,212,222,222,215,209,204,203,204,204,202,202,202,202,202,199,194,191,189,189,189,196,204,202,196,195,196,204,209,209,207,204,202,202,202,199,199,199,202,202,202,199,199,202,209,215,212,207,204,199,199,202,204,199,191,141,141,191,202,207,209,202,194,189,186,186,189,191,194,196,196,194,194,196,199,202,202,199,199,199,196,191,187,187,191,194,194,189,189,194,202,202,199,196,194,191,191,194,199,202,202,199,191,183,185,191,196,196,202,204,207,204,207,207,207,207,207,204,199,196,196,199,202,204,204,204,204,207,209,212,207,202,199,202,204,204,204,204,202,199,202,207,207,207,207,207,204,204,204,204,207,209,209,209,209,209,209,209,209,209,212,212,215,215,212,209,209,209,209,209,207,209,212,215,215,212,209,209,207,207,209,215,217,215,213,215,217,217,215,212,212,212,215,215,212,202,194,194,199,204,209,207,204,204,204,204,202,202,204,204,207,204,199,196,199,202,207,212,215,212,204,199,199,200,202,204,207,207,202,200,202,207,202,192,191,194,202,202,204,212,217,222,225,222,222,225,230,233,230,230,230,228,228,228,233,233,233,230,215,196,141,133,117,104,109,183,222,228,215,202,194,186,133,121,121,127,127,119,111,115,178,199,212,222,228,220,196,133,123,125,137,186,189,204,215,212,215,220,217,212,204,199,194,139,135,135,189,199,199,191,194,204,207,209,209,209,212,212,215,215,215,212,209,208,208,209,204,199,199,207,209,209,209,212,212,204,195,195,196,199,202,199,194,190,189,190,199,202,194,187,190,196,196,191,140,139,141,143,191,202,202,199,196,199,204,209,212,215,215,222,225,225,217,212,207,204,203,203,207,215,228,235,238,241,243,246,246,238,230,222,212,207,202,199,199,202,204,204,202,196,202,212,222,220,222,235,248,255,255,246,233,217,209,199,189,143,194,204,228,243,235,215,189,130,130,181,191,191,191,196,207,209,209,212,215,217,215,207,194,183,178,181,186,183,0,0,0,0,0,0,207,212,212,204,194,186,183,181,189,194,189,165,152,152,163,0,0,0,0,241,225,216,215,222,241,254,255,255,255,251,238,230,229,230,238,251,255,255,255,255,255,254,248,241,238,233,212,196,204,217,212,186,129,131,135,181,183,189,199,207,207,199,194,194,202,209,212,209,202,199,207,217,230,241,243,238,241,243,248,251,251,251,254,254,246,235,228,217,209,209,215,222,230,238,235,228,225,228,230,230,225,207,196,0,0,0,0,0,0,222,220,212,207,209,215,217,215,209,202,196,194,199,202,199,196,194,191,196,207,212,212,207,202,196,196,196,202,209,215,217,217,215,209,212,212,204,196,192,194,199,202,204,207,204,202,204,215,225,228,222,215,215,220,228,230,230,230,230,233,235,238,241,241,241,241,238,238,238,246,243,235,228,225,0,233,230,222,209,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,142,155,157,157,163,163,160,157,155,153,163,170,168,160,157,160,163,168,170,168,165,165,165,163,160,157,152,116,117,155,113,97,92,163,181,189,194,199,107,46,65,119,157,119,108,109,111,115,121,165,163,119,123,170,176,178,178,176,176,176,173,125,115,113,115,123,123,123,173,181,186,189,194,194,183,125,117,115,114,119,125,163,111,101,113,121,121,121,121,119,123,173,199,212,209,183,71,62,67,97,113,119,121,160,170,186,186,173,170,176,173,121,107,105,106,111,119,170,183,191,189,178,173,181,196,202,202,200,202,202,204,204,204,204,202,196,195,195,196,199,199,202,202,204,204,204,194,181,168,121,115,109,105,105,105,93,64,93,109,121,168,178,189,191,194,199,199,196,189,157,0,0,165,168,83,17,0,0,0,0,0,0,0,0,0,0,0,0,53,181,194,191,0,0,0,0,0,0,0,75,99,157,170,165,160,173,196,191,168,173,165,160,157,178,194,194,190,191,196,199,199,199,196,199,196,176,58,55,111,173,170,173,189,199,204,207,204,202,196,183,165,119,117,115,111,111,115,125,176,183,183,178,176,173,170,168,168,168,170,181,189,186,183,183,189,189,189,183,178,176,176,173,166,165,168,176,176,176,181,189,191,196,202,199,199,199,194,194,189,127,124,125,127,170,170,127,124,168,181,176,125,123,124,168,178,183,178,170,121,114,113,117,117,117,121,121,113,110,109,109,108,111,168,186,191,191,186,73,73,103,117,168,168,160,114,113,117,178,191,196,196,199,199,196,191,173,113,107,111,121,163,121,121,123,111,107,115,99,49,48,87,115,165,178,186,110,105,106,111,117,168,183,191,196,199,199,196,186,127,109,106,108,119,127,123,123,129,176,176,131,173,176,181,179,183,196,199,196,194,196,194,190,190,194,202,204,202,199,199,204,207,207,204,204,204,204,194,82,82,183,191,191,189,183,181,183,189,194,194,194,194,191,189,189,183,173,123,111,115,168,176,176,123,119,163,173,176,176,173,163,163,163,163,165,173,181,183,186,189,173,77,0,0,13,119,163,160,117,119,163,181,183,181,186,191,194,194,196,196,199,204,204,194,87,33,35,43,49,39,99,168,173,178,178,178,178,181,183,183,181,178,178,183,183,181,179,179,183,189,189,191,194,196,199,199,194,192,192,196,199,199,194,189,187,189,189,194,196,196,194,181,100,66,69,109,176,173,127,127,127,125,125,168,176,178,181,186,191,189,173,128,168,168,129,176,181,173,113,115,119,121,129,183,194,196,199,199,196,191,189,186,183,183,183,181,173,127,125,125,131,181,176,126,127,181,181,131,129,131,131,176,186,194,196,196,196,194,191,189,191,202,196,82,78,127,133,181,191,196,199,196,196,194,194,194,196,194,189,131,101,85,131,127,129,181,199,204,204,202,199,199,202,199,202,207,207,202,202,199,196,194,194,191,191,194,196,194,186,182,182,189,191,189,183,181,186,191,194,196,194,191,186,183,178,176,176,133,131,127,127,129,176,181,186,189,189,189,189,194,191,189,189,181,110,97,117,176,189,191,191,191,191,191,189,186,185,189,194,196,194,191,190,191,196,196,191,189,186,189,191,191,183,176,131,173,173,129,127,127,127,129,131,176,181,189,189,178,129,129,181,189,189,189,189,189,186,183,186,191,199,202,196,189,189,186,189,191,189,186,186,191,196,207,209,209,212,215,215,207,196,195,199,207,212,215,215,217,215,209,202,200,202,209,215,222,225,222,217,212,212,215,215,212,212,212,215,215,207,200,198,199,202,207,209,209,204,202,202,202,199,196,196,199,209,215,213,215,222,225,225,225,225,222,215,209,208,212,217,222,217,217,217,217,215,215,215,215,215,213,215,217,225,225,127,119,191,215,217,215,209,204,202,202,204,209,209,207,145,143,202,209,204,204,209,212,215,217,217,222,225,225,228,228,225,215,209,212,222,230,230,230,230,230,233,235,233,233,230,225,225,230,233,225,215,212,225,233,233,228,225,225,222,217,212,209,212,222,225,222,217,222,225,225,222,222,222,222,217,212,207,202,196,196,196,196,199,199,199,196,196,196,196,196,194,191,191,191,191,189,189,189,186,178,133,127,127,129,129,131,133,178,183,181,135,133,133,135,181,186,189,189,183,178,178,181,189,194,191,191,194,202,204,202,199,196,196,196,196,196,196,199,199,202,207,207,207,207,209,212,215,215,217,215,215,217,228,230,230,225,215,212,212,215,217,222,222,222,220,217,215,209,202,196,196,199,196,199,202,207,209,215,217,222,217,209,196,183,183,189,191,191,194,194,191,191,190,191,196,202,196,186,178,129,123,125,176,189,191,194,199,202,202,204,204,202,196,199,202,199,199,202,207,212,215,215,217,217,217,215,213,213,215,215,215,215,215,212,209,207,207,209,212,212,212,207,207,207,209,207,207,204,204,207,209,209,212,209,209,215,215,209,204,203,203,212,217,215,209,212,215,212,209,209,215,222,225,222,217,212,207,205,205,207,209,209,209,209,209,212,212,212,207,199,199,199,199,196,202,204,204,189,135,189,196,187,183,187,202,209,209,207,207,207,209,212,215,212,209,209,207,204,207,207,212,215,222,217,215,212,215,217,217,212,212,212,212,212,207,204,204,199,198,199,204,209,217,217,215,212,207,203,204,207,204,202,202,199,196,194,194,191,189,187,187,194,199,199,199,202,204,207,204,202,202,202,202,202,202,199,196,196,202,207,204,199,196,199,207,215,212,209,204,199,199,202,202,194,140,138,186,194,202,207,207,202,194,189,189,189,189,189,194,196,196,194,194,196,199,202,204,204,202,202,199,189,186,186,189,189,186,186,189,191,196,199,196,194,194,196,196,196,199,199,199,199,194,189,185,191,194,191,194,202,209,207,207,204,204,204,204,202,196,194,196,199,204,204,207,207,209,209,212,209,207,199,196,199,199,196,196,196,196,196,199,204,204,207,209,207,204,203,203,204,209,212,212,212,209,209,209,209,209,209,209,212,215,215,212,212,209,212,212,212,212,212,215,215,215,212,215,215,212,209,209,215,215,213,213,215,217,220,215,212,207,207,209,215,215,209,204,204,207,207,209,207,204,204,204,202,200,200,202,204,207,204,199,196,195,196,202,209,215,215,209,202,202,204,204,207,212,209,204,200,202,207,204,194,191,194,202,204,209,215,222,222,225,222,222,225,228,233,233,230,230,230,228,228,230,230,228,215,199,141,131,115,103,101,105,191,225,225,204,183,123,107,113,121,127,135,133,129,129,183,202,202,199,196,202,202,194,191,194,202,204,191,136,137,194,196,204,207,204,204,204,207,199,189,137,141,196,202,191,186,189,199,204,204,207,207,209,209,209,209,212,215,212,209,209,212,215,212,212,209,207,209,212,215,212,207,204,202,202,207,209,207,202,194,191,199,204,199,190,189,191,199,199,194,141,141,143,189,194,199,199,194,191,191,196,202,204,204,209,212,217,222,222,217,215,209,209,207,207,212,225,233,238,238,241,243,246,246,241,228,212,204,199,202,202,204,212,217,209,199,196,207,215,215,222,233,246,251,248,241,233,225,215,204,191,141,141,189,209,230,228,215,199,135,130,131,135,178,183,194,204,209,209,212,215,217,215,207,194,181,178,183,186,186,0,0,0,0,0,196,202,207,209,204,191,181,0,170,178,183,181,160,147,147,157,0,0,0,235,233,222,217,216,222,235,248,255,255,255,251,238,233,230,233,241,248,255,255,255,255,255,255,254,248,246,246,235,217,217,225,217,196,183,183,186,186,186,191,199,207,212,209,207,204,207,212,217,217,212,209,212,217,225,233,235,235,235,241,246,248,251,251,254,254,248,238,228,217,209,207,209,212,222,233,233,222,216,217,228,230,228,209,202,0,0,0,0,215,220,220,212,204,202,204,212,215,212,207,202,196,196,199,199,199,199,199,196,199,207,212,212,209,204,199,196,199,207,212,217,222,215,209,209,212,212,204,196,192,194,202,204,207,207,204,202,204,215,225,225,220,215,215,222,228,230,230,230,228,228,233,241,243,243,243,241,238,234,235,243,243,235,230,228,228,230,228,222,212,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,160,173,176,170,173,170,165,160,157,157,165,173,168,160,155,157,163,165,165,160,157,152,155,155,155,157,152,114,115,157,163,117,109,194,196,196,202,204,199,54,74,113,117,113,109,111,109,99,93,115,121,115,121,178,191,196,194,189,183,181,178,170,117,113,117,123,121,119,121,127,176,181,186,186,173,119,115,116,121,121,117,121,121,113,115,119,121,121,121,119,121,165,181,191,186,113,75,68,70,87,113,121,119,117,123,173,170,165,170,186,178,163,119,119,115,107,106,115,168,183,186,178,97,85,194,202,202,200,200,202,202,204,204,207,202,196,194,195,196,199,202,202,202,202,202,202,196,191,181,127,115,109,107,109,123,191,196,194,181,170,165,163,165,170,178,186,189,189,181,71,0,0,65,83,29,11,51,69,15,0,0,0,0,0,0,0,0,0,19,183,144,23,0,0,0,0,15,21,65,75,89,163,170,165,163,165,181,183,181,191,176,165,165,183,196,194,190,194,202,202,199,194,191,189,189,181,119,109,163,181,173,173,183,191,196,199,202,202,191,173,121,115,111,109,106,105,113,125,170,181,191,191,183,176,169,166,166,168,170,183,196,183,176,178,183,186,186,186,186,181,176,173,173,168,170,178,178,178,183,189,194,199,202,202,199,196,192,196,191,127,125,181,183,181,178,127,122,122,168,173,165,125,168,176,189,196,194,183,165,113,109,121,163,117,117,119,113,112,115,117,119,165,181,194,196,194,183,95,93,105,113,163,168,165,121,117,163,181,194,199,199,202,202,196,189,173,119,111,111,117,121,123,168,173,125,119,119,78,47,49,109,173,170,170,170,115,111,115,119,121,125,173,186,196,204,204,202,196,183,123,107,108,123,170,123,121,127,176,176,130,130,176,181,181,189,196,196,192,192,194,194,190,189,191,199,202,199,196,199,204,207,204,204,207,209,204,121,85,91,191,196,196,194,189,186,189,196,199,196,196,196,194,189,186,186,178,125,109,107,123,181,186,170,121,163,178,178,173,165,165,165,163,160,160,165,178,189,194,194,186,119,23,0,31,168,163,111,101,160,178,189,189,183,186,194,194,196,196,196,196,199,202,194,105,51,43,45,55,97,178,176,176,178,181,178,181,181,183,181,181,178,181,183,183,181,179,178,181,183,186,189,191,194,196,196,194,192,192,192,196,196,194,189,187,189,194,199,199,196,189,103,84,66,97,168,181,176,170,173,173,168,168,173,176,173,173,178,183,181,170,128,128,129,173,181,186,183,127,125,125,125,170,189,199,199,199,199,199,194,189,183,181,181,181,178,173,131,129,129,176,183,178,128,129,186,181,129,127,131,133,181,191,199,199,196,196,196,196,189,131,109,84,72,76,176,178,183,189,191,191,191,189,189,189,194,199,199,196,186,111,92,121,125,131,183,196,202,202,199,199,199,196,194,196,207,207,202,199,196,196,196,194,191,191,194,191,189,183,181,181,186,189,186,183,186,191,196,196,194,194,191,189,186,183,178,176,176,131,129,131,176,181,183,189,189,189,183,181,186,191,194,194,176,103,94,121,178,191,191,189,189,191,191,189,185,183,186,194,196,194,191,190,191,191,191,189,189,189,191,194,191,178,123,121,127,129,129,131,131,131,131,173,176,181,189,194,189,181,181,183,189,189,189,191,189,183,181,181,183,191,196,191,189,191,194,194,191,185,183,185,189,196,207,209,209,209,212,207,202,199,202,207,209,209,209,212,215,215,207,200,199,207,215,220,222,222,217,212,211,212,215,215,211,208,211,215,217,212,207,202,202,204,207,209,209,204,202,202,202,202,204,204,204,209,217,217,217,222,225,222,217,217,217,215,209,208,209,217,217,217,217,222,222,222,217,215,213,212,212,215,222,217,207,125,123,207,217,217,217,215,215,215,217,222,225,217,212,199,146,196,207,207,207,209,212,215,217,222,225,228,228,228,225,215,207,207,217,228,233,233,230,230,230,233,235,235,233,233,228,228,233,235,230,215,211,217,228,230,228,222,222,222,217,212,204,204,209,217,222,217,222,222,222,217,222,222,217,215,209,207,204,202,196,196,196,199,199,196,195,195,195,196,196,194,191,191,194,194,191,191,189,186,176,127,123,123,127,129,129,129,176,186,189,189,186,181,181,183,189,191,189,181,177,177,181,189,194,196,194,199,204,207,207,204,202,202,199,199,199,199,202,204,204,207,207,207,207,207,212,215,220,220,215,213,217,230,235,233,228,220,215,215,215,215,217,222,225,225,222,217,207,199,195,196,202,204,204,207,207,209,212,217,217,215,209,199,186,186,194,196,194,199,199,199,196,196,196,204,209,202,191,176,123,117,117,129,181,189,194,196,202,204,207,207,202,196,196,196,196,196,199,204,209,215,217,217,217,217,215,213,213,215,215,212,215,215,217,212,209,207,207,209,212,212,212,209,212,209,209,209,207,207,209,209,212,212,208,209,217,217,209,204,204,207,215,225,222,215,212,209,202,133,141,207,222,225,220,212,207,207,205,205,207,209,212,212,209,212,212,212,212,209,204,202,202,195,192,195,202,199,135,128,135,189,185,182,186,199,207,204,204,204,207,209,215,215,215,212,212,212,209,212,212,215,217,217,217,217,217,222,217,215,209,209,209,209,207,204,202,204,202,199,204,207,209,212,212,212,212,209,204,207,207,204,202,199,194,191,191,191,191,191,187,186,191,196,199,202,204,204,202,196,194,196,202,204,207,204,199,195,195,202,207,204,196,191,191,202,209,212,209,209,202,199,199,196,186,138,137,186,196,202,204,202,199,191,189,186,186,186,186,191,194,194,196,196,196,199,202,207,207,207,204,202,189,186,189,189,185,183,186,191,194,196,199,196,192,192,199,199,196,196,196,196,199,199,194,189,194,194,189,189,199,207,209,204,199,199,202,202,196,191,191,194,199,202,204,204,204,207,209,209,209,207,202,196,194,194,191,191,194,194,199,202,204,204,207,209,209,207,204,204,207,209,215,215,209,207,204,207,209,209,209,209,212,215,215,215,215,212,212,212,215,215,215,217,215,212,212,215,215,212,212,212,215,215,215,213,215,222,222,217,212,207,204,204,209,215,215,212,209,209,207,207,204,202,202,202,202,202,202,202,204,204,204,202,199,195,195,196,204,212,215,212,209,207,207,207,212,217,215,207,202,204,209,207,199,194,196,202,204,209,217,225,228,225,225,222,222,225,230,230,228,230,230,230,230,233,235,230,215,199,186,129,109,103,103,113,131,183,127,107,102,99,98,101,111,123,135,189,196,196,194,199,199,183,123,121,135,196,204,209,215,215,204,134,123,124,132,139,189,194,199,209,215,207,194,186,189,199,202,196,190,190,194,199,199,199,199,199,199,199,202,212,215,215,209,209,212,215,215,207,194,189,199,209,215,212,209,209,209,209,212,212,209,207,204,204,212,209,199,191,191,196,202,202,196,143,141,189,191,194,199,199,194,190,190,191,194,194,196,202,204,209,217,225,228,225,220,222,217,217,217,225,233,238,241,243,241,246,248,243,228,212,204,202,199,198,202,212,217,215,204,202,209,215,217,222,230,241,243,238,235,230,228,220,209,194,139,129,123,135,199,209,212,212,196,130,129,131,135,183,194,204,209,209,212,215,217,217,209,199,186,181,186,186,183,191,0,0,0,0,202,202,202,202,196,0,173,165,165,173,178,173,157,147,0,157,0,0,0,233,233,230,230,230,235,241,248,255,255,255,248,238,235,241,243,246,248,255,255,255,255,255,255,255,251,248,248,246,235,228,225,215,199,191,191,191,186,183,189,199,209,215,215,212,215,215,215,217,220,222,222,222,217,217,222,228,230,233,235,241,246,248,251,254,254,248,238,230,222,215,209,207,204,209,225,230,217,213,213,217,233,238,228,0,0,0,0,209,217,222,217,207,202,202,204,209,212,207,202,199,199,199,196,196,196,199,202,202,202,207,209,212,209,204,202,199,204,209,217,225,222,215,209,207,209,212,204,196,192,196,202,207,207,207,204,202,204,212,220,222,215,209,212,217,225,228,228,228,222,222,230,238,243,243,241,238,235,233,234,243,246,238,233,230,228,228,228,222,215,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,160,173,181,183,178,178,176,173,170,165,160,163,168,163,155,152,152,157,163,160,152,148,147,150,155,160,165,160,151,115,157,163,152,109,191,196,194,199,207,207,91,101,117,157,111,117,163,160,95,82,92,99,97,119,178,194,204,204,199,191,189,183,170,121,115,121,168,125,119,119,121,127,170,170,170,123,116,115,117,123,123,117,117,117,111,110,111,117,123,119,117,119,121,121,121,160,111,93,87,81,89,109,117,115,113,117,121,121,119,163,170,165,163,123,121,109,104,105,115,168,178,186,186,75,50,178,202,204,202,200,200,202,202,204,207,204,199,195,195,196,199,202,202,199,199,196,196,196,196,189,176,123,125,170,176,189,199,199,194,191,181,168,117,105,101,109,155,152,170,173,0,0,0,3,75,134,173,186,183,178,157,126,0,0,7,0,0,0,0,43,181,73,0,0,0,0,31,173,176,157,73,69,152,173,170,163,152,150,155,165,181,173,160,157,183,196,196,191,196,204,202,196,191,189,186,183,181,176,168,168,170,122,123,173,183,186,186,186,186,165,113,109,107,107,107,107,104,117,165,168,170,181,189,186,178,170,170,176,178,181,189,191,176,169,173,183,189,189,191,191,183,178,183,181,173,176,181,183,181,183,183,186,194,202,202,199,196,194,194,178,111,121,194,194,191,186,173,123,122,124,170,173,173,176,181,191,199,202,196,183,119,107,119,165,121,113,111,112,115,160,165,168,170,173,186,196,194,168,103,103,109,113,121,170,173,173,168,168,173,186,196,202,204,204,196,186,173,125,121,121,121,121,123,168,173,168,165,165,105,79,97,178,181,173,165,125,170,123,115,117,123,165,168,176,194,202,202,199,199,189,127,109,108,121,170,126,124,170,178,178,173,131,178,181,183,191,194,194,194,196,196,196,194,191,194,199,202,199,196,196,202,207,207,204,204,209,199,103,99,125,191,199,202,199,191,186,191,196,199,191,183,189,191,189,189,189,183,170,115,101,119,186,199,191,163,123,173,176,173,168,168,173,170,165,160,163,176,189,194,196,196,194,55,0,55,191,183,109,81,160,181,194,194,189,191,194,194,196,196,196,196,196,199,194,123,97,105,77,73,115,176,178,176,178,178,178,178,178,178,178,178,178,178,181,181,181,179,179,181,186,186,186,189,191,196,199,199,196,194,194,194,196,196,191,189,189,191,196,194,189,123,91,91,111,170,178,181,178,173,173,173,170,173,178,176,170,170,173,178,178,170,128,128,170,178,183,186,191,191,181,173,173,183,194,199,199,199,199,196,189,183,176,173,173,173,173,173,176,176,176,181,183,181,131,131,176,131,126,126,127,129,178,191,196,196,194,194,194,196,191,85,55,62,89,131,189,189,191,191,189,186,185,185,186,189,194,196,196,199,194,135,112,125,133,183,191,196,194,194,196,199,199,194,190,191,202,207,202,196,194,194,196,194,189,186,189,189,189,183,181,182,186,189,189,186,191,194,196,196,194,191,189,189,189,186,181,176,176,133,131,133,181,189,189,191,189,186,181,178,181,191,196,194,115,103,105,129,181,186,183,181,183,186,189,189,186,185,186,194,199,196,194,191,191,191,186,186,189,191,191,194,194,176,118,116,121,129,131,133,178,178,178,181,183,186,194,196,196,194,189,186,186,189,191,191,186,182,179,181,183,189,186,182,183,196,199,196,194,186,185,185,189,196,204,204,202,204,204,199,199,204,209,215,215,209,208,209,212,212,207,200,200,207,215,220,222,222,215,211,211,212,217,215,211,209,211,217,222,217,212,209,207,207,209,212,209,204,202,202,202,204,207,209,207,207,215,222,225,225,222,217,215,213,215,217,212,209,212,215,215,215,215,222,222,225,222,217,213,212,213,215,217,209,135,122,127,217,215,215,215,217,222,225,230,230,230,225,215,202,194,149,196,204,209,212,212,215,222,225,228,228,228,225,215,205,205,212,225,230,233,230,230,230,230,233,235,233,233,233,230,230,233,238,238,225,212,215,225,230,228,222,222,222,220,212,196,143,149,209,217,217,217,217,215,215,215,215,215,212,207,207,204,202,199,196,196,196,199,196,195,195,195,196,196,194,191,194,196,196,194,191,189,186,178,125,122,122,127,133,133,133,176,186,194,196,194,191,189,189,194,196,194,186,178,179,186,194,196,196,196,199,204,209,207,207,207,204,204,202,202,202,204,204,207,207,204,204,204,209,212,217,222,222,217,215,222,230,235,235,230,222,217,215,212,212,215,217,222,225,225,222,212,204,202,204,209,212,212,212,209,209,209,212,215,212,209,202,189,189,196,194,191,196,199,202,202,199,199,199,202,196,186,131,119,116,116,121,125,133,186,194,194,196,199,202,202,199,199,199,199,202,199,199,204,212,215,217,217,217,215,215,215,215,212,212,212,215,217,215,212,207,207,207,209,212,215,215,215,212,212,212,209,209,212,212,212,209,207,207,215,217,209,207,212,215,222,228,225,217,209,196,137,127,135,202,217,222,215,212,209,209,209,207,209,215,217,215,215,215,215,212,212,209,204,204,204,196,194,196,204,199,139,129,137,191,191,189,194,202,204,203,203,207,207,212,215,215,212,212,212,209,209,209,209,209,212,212,215,215,215,217,217,212,209,207,207,207,204,199,202,207,204,202,207,212,212,209,207,209,212,212,207,207,207,202,196,194,191,189,189,191,191,191,189,187,191,199,199,199,199,199,191,186,141,191,199,207,209,209,202,195,195,196,202,199,191,189,189,196,204,209,212,212,207,202,196,191,141,138,139,189,196,199,202,199,194,191,186,185,185,183,185,189,194,196,196,199,199,199,204,207,207,207,204,202,191,189,194,194,186,183,185,189,191,196,199,196,192,194,202,204,196,194,194,196,202,202,199,196,199,196,189,187,191,202,204,202,196,196,199,196,191,189,189,191,194,199,202,202,202,204,207,209,207,207,204,199,194,191,190,190,191,196,204,209,209,207,207,207,209,209,209,209,209,209,212,212,207,202,196,199,204,207,209,212,212,215,215,217,217,215,215,215,215,217,217,215,212,212,212,215,212,212,215,215,215,215,215,215,217,222,222,222,215,207,204,203,207,215,215,212,212,209,207,204,204,204,204,202,204,204,204,202,202,204,207,207,202,196,195,196,202,209,209,207,204,204,202,202,209,215,215,209,207,209,212,209,204,202,202,199,202,209,217,225,225,225,220,217,215,217,222,225,225,228,230,230,230,233,238,235,225,212,202,139,115,109,117,121,121,113,105,100,98,98,100,102,107,117,133,202,215,202,135,178,183,127,117,117,137,202,204,204,215,222,217,196,129,128,135,137,183,191,202,212,215,202,186,185,191,199,204,202,196,194,196,199,199,196,195,194,194,195,199,209,215,212,207,204,204,204,202,189,183,182,187,202,209,212,209,209,209,212,209,207,204,202,204,212,215,209,202,196,202,204,204,204,196,141,140,143,191,196,202,199,194,190,191,194,194,194,194,196,199,204,212,225,230,233,230,228,228,228,225,225,230,238,243,243,243,246,246,238,222,212,209,209,202,198,204,215,215,212,209,209,215,222,222,222,228,233,235,233,230,228,225,222,212,199,141,123,116,117,129,186,204,220,220,137,133,135,183,191,199,204,207,209,212,215,217,222,217,207,196,191,189,186,181,186,204,0,0,207,202,196,199,196,194,0,170,164,165,170,173,0,0,0,0,0,0,0,0,233,235,241,251,255,254,251,251,0,0,0,246,241,243,248,251,251,255,255,255,255,255,255,255,254,248,248,251,251,241,228,215,204,196,191,191,189,183,182,189,204,215,215,215,215,217,217,215,215,217,225,230,228,217,215,216,222,228,228,230,235,243,246,248,251,251,248,241,230,225,217,209,204,198,198,212,225,222,215,213,216,235,243,238,0,0,0,209,209,215,215,207,194,191,196,202,207,207,202,196,196,199,202,199,196,196,199,202,199,199,202,207,209,209,204,202,202,207,215,222,228,225,217,209,207,209,209,204,196,192,196,202,204,204,202,199,196,199,204,209,212,207,202,204,212,217,217,217,220,212,215,228,238,243,241,238,238,235,233,235,243,246,241,238,233,230,228,228,225,217,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,173,178,183,183,183,183,181,183,183,176,163,160,157,155,150,150,152,155,163,163,155,147,147,152,160,170,178,173,157,155,157,150,104,101,181,189,186,186,202,191,103,105,160,170,111,157,170,176,168,95,92,87,78,91,170,189,202,207,204,199,194,186,173,125,117,119,125,125,120,119,120,125,165,121,119,116,115,116,119,121,163,123,117,110,108,111,110,117,123,117,117,121,160,120,119,121,160,165,168,113,103,111,113,113,113,115,119,119,117,119,119,121,123,123,109,101,103,119,168,178,181,186,191,76,47,87,194,202,204,204,202,202,204,207,209,207,199,196,196,196,199,202,202,199,196,195,195,196,199,196,191,181,178,181,186,196,199,196,191,191,191,181,117,98,92,92,101,100,155,173,0,0,0,71,173,191,199,204,202,199,202,202,85,0,35,0,0,0,0,77,129,75,0,0,0,0,71,181,178,178,85,67,137,181,178,165,152,148,152,155,165,168,157,119,183,199,196,191,196,204,204,202,194,189,189,189,183,178,178,176,123,118,121,173,178,176,168,123,117,105,95,91,95,103,111,119,168,176,178,173,166,163,165,176,178,178,183,186,191,191,191,181,166,165,173,189,196,196,196,196,189,183,186,181,170,176,186,189,186,183,181,178,186,194,199,199,199,194,183,113,103,111,183,191,189,183,173,165,125,168,173,176,176,178,178,183,191,196,199,196,189,115,123,170,173,121,102,111,165,173,176,170,160,119,165,186,183,111,103,109,117,119,123,170,176,176,170,163,125,173,189,199,202,204,199,189,178,176,173,173,168,125,123,165,168,168,170,170,168,125,173,183,181,173,170,170,176,119,101,102,123,170,165,168,186,194,196,196,196,189,127,109,107,115,127,129,173,181,181,176,127,123,129,131,178,191,194,194,194,196,199,202,199,199,199,202,202,196,191,191,196,204,204,204,202,202,189,107,111,133,186,196,202,202,194,191,194,199,196,183,122,125,178,189,191,191,186,176,77,67,109,189,191,170,103,103,123,173,170,165,173,178,178,173,121,119,170,186,191,194,199,204,85,29,93,202,202,109,60,89,176,194,199,194,194,191,194,196,196,196,196,196,199,191,168,111,117,115,107,125,176,183,183,178,176,176,176,173,173,170,170,173,176,178,181,181,181,183,186,186,186,186,189,191,196,199,202,202,199,196,196,199,199,194,191,189,189,189,189,183,109,90,99,170,176,178,181,176,173,173,170,170,176,181,178,173,168,170,176,176,173,170,170,176,181,183,181,189,196,189,181,183,191,199,199,196,194,194,191,186,176,127,126,127,129,131,176,183,186,183,183,183,183,178,176,131,126,126,127,127,126,131,183,191,191,191,189,186,181,73,52,59,97,131,183,191,194,194,194,189,186,185,185,186,191,196,194,191,191,194,186,135,135,181,191,196,196,192,192,196,199,199,194,190,190,196,202,199,196,194,194,191,189,185,182,185,191,191,189,186,189,191,191,191,189,191,191,194,196,194,191,189,189,191,189,183,178,178,176,133,133,181,189,191,189,186,183,181,178,181,186,189,176,106,104,113,133,181,181,179,179,181,183,186,189,189,186,189,194,199,199,196,194,191,186,182,186,194,191,181,186,194,183,119,117,123,133,176,181,186,189,189,189,189,194,196,199,202,199,191,183,182,183,189,189,186,183,183,186,191,191,186,177,179,196,204,202,199,194,194,189,191,199,202,202,199,200,202,204,204,209,215,217,215,212,209,212,215,212,209,207,209,212,217,217,220,220,217,215,212,217,222,217,215,212,215,222,225,222,217,215,215,215,215,215,212,209,207,204,204,204,207,207,204,204,207,215,222,222,222,217,213,213,215,217,215,212,215,215,212,212,215,217,217,222,222,217,215,215,217,217,215,199,127,121,129,217,215,213,217,222,225,228,230,230,228,222,212,204,199,149,148,199,212,217,217,222,222,225,228,230,228,222,207,203,205,217,228,230,233,230,230,230,230,233,233,233,233,230,230,230,233,241,243,233,215,212,220,228,228,222,222,225,222,209,143,137,140,199,212,217,215,215,215,212,212,215,212,209,207,207,204,204,202,199,199,196,196,196,196,196,196,196,196,194,191,194,196,196,191,189,189,189,181,129,123,123,127,176,178,181,183,186,191,196,196,194,191,194,196,196,196,189,183,183,191,196,199,199,196,199,204,207,207,204,207,207,207,204,204,204,204,204,204,204,204,204,207,209,215,222,225,222,222,220,225,233,235,235,230,225,217,212,209,209,212,215,217,217,222,222,217,212,209,212,215,217,222,217,215,209,207,207,209,212,212,207,199,194,196,191,187,191,194,196,199,196,189,186,183,183,176,127,117,116,116,115,113,113,133,189,186,133,133,189,202,207,207,209,209,207,202,196,199,207,212,215,217,217,217,215,215,212,212,209,209,212,215,215,215,209,207,207,209,212,215,217,215,215,215,215,215,215,215,215,215,212,207,208,215,217,212,212,215,222,225,225,222,215,202,145,135,134,143,207,215,217,215,215,215,215,212,212,215,217,217,217,217,217,215,212,209,209,207,207,204,199,196,199,204,202,189,135,189,202,204,204,207,207,204,204,207,207,207,209,212,212,207,204,204,202,202,202,202,202,207,207,209,212,215,217,217,215,212,209,209,207,202,196,202,207,204,202,207,212,212,207,205,207,212,212,209,207,204,196,194,191,189,189,189,191,191,194,191,187,194,202,204,199,199,194,186,140,141,194,204,212,212,209,204,196,195,196,199,196,191,189,189,191,199,207,209,212,207,202,194,186,139,139,141,194,199,202,202,199,196,191,189,186,185,183,185,189,194,196,199,199,199,202,204,207,204,202,202,199,194,191,196,196,191,185,185,186,191,194,196,194,194,196,204,204,196,194,195,202,207,207,204,204,204,199,190,189,190,196,199,199,194,194,196,196,191,186,186,185,189,194,196,199,202,204,209,209,207,207,207,202,194,190,190,191,194,199,207,212,209,207,204,207,207,209,212,212,209,207,207,209,204,199,194,194,196,199,204,207,209,212,215,217,220,217,217,215,217,217,215,212,209,209,209,212,212,212,217,217,215,212,209,215,217,217,222,222,217,209,205,203,207,215,215,212,209,207,204,204,207,207,204,204,207,207,207,202,200,202,207,209,207,202,196,196,202,204,202,199,196,195,194,195,202,207,207,207,212,215,215,212,212,209,204,199,196,204,212,215,217,215,212,208,208,209,215,217,222,225,230,228,225,225,230,230,222,220,217,204,137,131,135,137,129,123,117,111,105,107,113,115,115,119,135,212,220,194,119,122,127,123,118,122,194,202,183,179,204,217,212,207,196,183,183,191,196,202,207,212,207,194,182,183,191,204,209,207,202,202,204,204,202,199,196,195,195,196,202,209,215,212,207,202,199,194,187,186,183,183,187,196,207,212,209,204,204,207,204,199,195,195,199,207,209,207,202,204,207,209,207,204,196,141,141,191,194,199,202,199,196,194,196,199,202,199,199,196,199,204,209,220,230,235,235,233,233,233,228,225,228,235,243,246,243,243,243,235,225,217,217,217,212,212,220,222,217,209,209,215,220,225,225,225,228,230,230,233,228,225,222,217,212,204,191,129,117,115,117,125,189,220,228,204,194,196,202,204,204,204,209,209,209,212,217,222,222,215,204,196,189,181,178,181,194,202,204,196,194,194,196,196,194,186,176,168,165,165,165,0,0,168,0,176,0,0,0,0,0,243,255,0,255,255,255,0,0,0,248,246,251,255,255,255,255,255,255,255,255,255,255,251,248,248,248,251,243,228,209,202,194,191,189,186,182,182,191,204,212,215,212,215,217,217,215,212,215,228,235,233,222,215,216,225,228,226,226,230,238,243,246,246,246,243,238,230,225,215,207,202,195,194,199,217,225,225,222,222,235,241,235,0,0,0,212,212,212,204,189,178,178,186,194,196,196,191,189,194,202,207,204,202,199,196,194,191,189,191,199,207,207,204,202,202,207,215,225,228,225,217,209,207,209,209,204,196,194,196,202,199,199,196,196,194,149,196,202,204,199,149,151,204,212,212,212,212,209,212,228,238,241,238,235,235,235,235,238,246,246,243,241,238,233,230,230,228,217,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,173,181,183,186,189,189,189,194,196,186,165,155,152,150,147,150,150,155,160,165,157,148,147,152,163,173,183,178,163,157,155,107,103,104,170,178,173,168,173,103,89,101,165,170,117,160,168,176,178,176,168,95,78,87,168,186,199,204,204,202,194,186,176,125,115,110,115,121,121,121,125,170,168,121,117,117,119,125,163,123,168,165,113,107,109,119,113,113,115,112,119,165,176,173,168,168,170,178,186,181,165,119,115,113,113,115,121,123,121,116,115,119,123,119,104,101,111,181,189,189,191,191,196,178,72,70,129,186,199,207,207,204,207,209,209,204,199,196,196,196,196,199,202,202,199,196,195,196,199,202,202,196,183,176,181,191,194,194,191,194,202,196,173,101,93,93,98,101,150,160,21,0,83,157,191,194,199,207,209,204,209,217,204,0,0,0,13,147,165,131,129,79,0,0,0,0,7,129,157,155,95,85,160,194,191,178,163,155,163,160,168,176,163,117,183,194,189,181,186,196,204,204,196,189,189,189,181,176,178,181,165,122,168,181,178,170,123,115,107,101,91,84,84,97,117,168,186,191,189,181,166,161,163,168,181,186,186,186,194,199,196,181,165,166,178,194,199,202,202,202,196,181,99,75,103,183,194,194,189,186,181,176,178,186,196,199,196,189,173,113,108,112,165,178,178,176,168,123,125,173,173,165,170,176,178,181,186,194,196,199,196,183,170,170,181,170,86,111,178,181,178,168,117,112,119,178,178,109,105,111,121,123,165,168,170,170,124,121,122,165,178,186,191,199,196,189,183,186,186,183,178,168,165,165,168,170,173,173,173,170,173,176,176,176,178,178,173,119,100,102,165,173,165,127,176,178,181,186,189,183,170,117,111,113,125,173,183,189,181,173,121,119,123,123,127,183,191,194,194,194,196,202,207,207,207,204,199,191,189,189,194,199,204,204,196,186,178,113,111,127,176,183,194,196,196,194,196,199,196,183,120,120,125,181,191,191,189,186,56,45,57,99,101,95,91,91,111,123,117,113,165,173,170,160,109,113,168,178,183,191,194,183,95,81,107,189,199,107,57,69,176,191,196,196,196,194,191,194,194,194,191,194,196,191,123,105,109,117,119,176,181,189,189,178,176,176,176,170,129,128,129,170,176,181,183,183,183,186,186,186,183,186,189,194,199,202,202,202,202,202,202,204,199,194,191,189,189,186,186,181,101,94,105,119,127,178,178,168,127,168,173,170,173,181,186,178,168,127,170,176,176,176,176,178,186,181,177,181,189,189,181,178,186,194,196,189,186,183,183,178,131,125,125,127,131,173,181,189,194,189,186,186,186,181,181,176,129,127,129,131,131,176,181,186,189,189,183,176,107,47,50,109,133,181,186,189,191,194,194,191,189,186,189,191,194,196,194,191,189,189,189,186,183,183,191,196,194,194,196,202,202,199,196,194,191,194,196,199,199,196,191,189,186,183,182,186,194,196,194,194,194,194,191,191,189,189,189,191,194,196,194,189,187,189,191,186,183,181,178,133,132,178,186,183,178,176,178,178,178,181,183,183,133,110,108,119,131,178,181,181,181,181,181,183,186,189,186,189,194,196,199,196,191,186,181,179,189,199,181,83,111,186,191,129,121,131,181,186,191,194,194,194,191,191,194,196,199,202,199,191,182,181,183,186,186,189,194,196,196,196,196,191,179,181,196,204,207,207,202,202,196,196,202,204,202,199,200,207,209,212,217,217,217,212,209,209,212,215,217,217,217,217,220,220,217,217,217,217,217,217,220,222,222,220,222,222,228,228,225,222,222,222,222,220,215,209,207,207,204,207,207,204,204,204,203,204,209,217,222,222,217,215,213,213,215,215,217,217,215,211,211,212,215,215,215,217,215,212,215,222,217,212,199,135,125,131,215,217,215,222,222,222,222,225,225,222,215,209,207,202,148,147,202,217,225,225,222,222,225,228,228,230,222,205,203,209,222,228,230,233,233,230,230,233,235,235,235,233,230,230,230,230,238,241,235,215,204,212,222,225,225,225,225,222,207,141,136,139,199,212,215,215,215,215,212,212,212,212,209,207,207,207,202,202,202,202,199,196,196,196,196,196,199,196,194,191,191,194,191,186,183,186,186,183,176,127,123,123,127,129,178,183,186,189,194,196,196,196,196,196,196,194,189,186,189,196,199,199,196,196,196,202,204,204,204,204,204,207,207,204,204,202,202,199,199,202,204,207,212,217,222,225,225,225,225,230,233,235,233,230,225,217,209,208,209,209,212,212,212,215,215,215,212,212,212,215,225,228,225,222,215,209,207,207,207,209,209,207,202,196,191,189,189,189,191,194,189,181,131,131,176,133,125,117,117,117,116,113,112,135,189,135,126,126,137,199,209,212,215,212,204,196,191,196,202,207,215,217,220,217,215,212,209,209,209,209,209,212,215,217,215,209,207,209,212,215,215,215,215,215,215,217,217,217,215,215,215,212,212,217,222,217,215,217,217,222,225,222,212,202,147,143,194,202,209,215,217,217,215,212,212,215,215,215,215,215,215,217,215,212,209,209,209,207,207,204,202,199,202,202,199,194,189,199,212,212,209,209,212,209,209,212,209,207,207,207,207,202,196,196,196,196,194,194,196,202,204,207,209,215,217,217,215,215,215,209,204,196,194,199,204,204,202,204,209,209,209,207,209,212,212,209,207,202,194,189,187,189,191,191,194,196,199,194,189,194,202,202,202,199,194,186,141,191,202,209,212,212,209,204,199,196,196,196,196,194,190,189,190,194,202,207,209,207,202,194,186,139,140,191,199,204,204,207,204,202,196,194,191,186,186,186,191,196,199,199,199,202,204,204,204,202,199,199,196,194,191,194,196,194,189,185,186,194,196,196,196,196,199,204,204,199,196,199,204,207,209,209,207,202,196,194,191,194,196,202,199,192,192,196,196,189,185,185,185,186,191,196,199,202,204,207,207,207,207,207,204,196,191,191,191,194,196,204,207,207,204,207,207,207,209,212,212,209,207,207,207,207,202,196,194,191,191,196,199,202,204,209,217,222,222,217,217,217,217,212,207,204,207,209,212,212,215,217,220,212,207,205,209,212,215,217,217,217,212,207,205,207,212,212,209,207,204,202,202,204,207,204,202,207,209,207,204,202,204,207,209,209,204,199,196,199,199,196,195,195,194,194,195,199,202,202,207,215,217,217,215,215,212,207,199,194,196,202,207,209,209,208,207,207,209,215,222,222,222,225,222,212,209,215,212,204,207,212,207,186,131,133,183,196,204,199,186,178,135,178,178,135,178,194,217,220,194,122,123,129,131,125,135,191,189,174,174,189,196,199,204,196,182,181,196,202,204,204,207,207,199,189,189,196,207,212,209,207,209,212,209,207,204,199,196,196,196,199,207,212,212,209,209,204,194,187,187,194,196,194,199,207,212,209,207,204,202,199,196,195,194,196,202,204,204,204,207,209,209,207,207,199,191,191,202,204,204,204,204,202,202,202,207,209,207,202,199,202,204,207,212,220,230,235,233,233,233,230,228,230,235,241,243,243,241,238,235,233,228,222,222,222,225,228,228,225,215,212,212,217,222,225,225,228,228,233,233,228,220,215,212,212,207,199,141,123,117,116,117,133,212,225,215,209,212,215,212,209,209,215,215,209,209,212,222,225,217,207,194,181,173,173,178,183,189,191,189,186,189,189,191,191,189,183,173,163,157,0,0,0,0,0,0,0,0,212,0,0,0,0,254,255,255,255,0,0,0,251,0,255,255,255,255,255,255,255,255,255,255,255,251,248,246,246,248,243,230,215,204,196,191,186,183,183,183,191,196,202,207,212,215,215,215,213,212,215,230,238,238,225,216,222,230,233,228,225,228,235,241,241,241,241,241,235,233,228,217,212,207,198,195,199,0,0,0,0,0,0,0,0,0,0,0,222,220,215,207,191,176,170,176,178,183,183,181,183,194,204,209,207,204,199,194,183,173,129,176,189,202,207,204,202,202,204,212,222,225,225,215,209,207,207,209,204,196,194,199,202,199,196,196,194,194,148,148,196,202,151,146,146,199,207,209,209,208,208,212,230,241,241,238,235,233,235,238,243,248,248,246,246,241,233,230,233,230,217,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,176,189,189,189,191,191,194,199,202,186,163,150,147,147,144,144,144,144,155,163,157,148,147,152,160,168,178,176,163,152,147,106,106,150,165,165,160,113,99,81,78,97,163,165,157,160,163,168,176,183,191,186,160,165,173,183,196,202,202,196,189,181,170,123,111,106,110,123,168,170,173,181,178,165,121,121,165,176,176,173,176,123,106,107,119,168,119,111,109,109,119,168,181,181,176,168,165,173,183,186,178,165,117,115,113,115,123,165,163,119,116,117,121,117,106,106,121,189,202,199,196,199,202,212,131,65,103,131,194,207,207,207,207,207,207,202,199,196,196,196,196,196,202,202,199,199,199,199,202,202,202,204,191,174,174,181,183,186,189,196,204,204,189,119,105,105,111,163,160,150,79,73,163,160,150,176,196,196,196,199,204,212,225,0,0,0,165,183,207,194,189,69,0,0,0,0,0,23,139,134,95,137,183,196,196,189,173,168,173,165,173,183,170,95,170,181,170,160,168,183,194,196,191,181,178,176,173,173,176,176,173,168,176,183,178,170,165,123,111,111,101,81,77,99,121,170,181,191,189,178,170,170,170,173,186,189,183,179,186,202,204,191,170,170,183,194,199,202,204,207,204,121,28,18,68,194,199,196,186,183,183,176,170,178,191,194,183,178,170,125,125,125,165,173,178,178,125,117,119,168,123,99,123,176,183,186,189,194,196,196,194,191,178,165,173,119,73,110,173,178,170,121,113,113,160,178,183,121,111,113,119,163,163,163,165,125,122,120,123,165,168,173,186,194,194,186,186,191,194,191,186,176,170,173,173,173,173,173,173,169,169,169,170,173,176,173,176,181,170,165,173,170,125,125,125,123,121,127,173,176,173,129,123,117,123,176,189,189,181,131,121,121,127,122,123,178,189,194,196,196,199,204,209,212,215,212,204,196,191,191,194,199,207,204,191,130,133,123,108,121,131,176,183,191,194,194,194,196,196,189,127,121,122,173,189,194,194,196,199,42,24,32,61,101,97,93,111,105,80,78,113,165,115,105,105,113,168,173,176,181,173,105,109,111,119,170,176,83,45,58,173,189,194,196,196,194,189,189,189,189,186,189,191,183,109,96,107,119,123,183,183,186,186,183,178,176,176,173,129,128,129,173,181,186,186,186,186,186,183,181,178,181,186,194,199,202,202,199,199,202,204,204,199,191,191,191,191,189,181,125,94,95,109,111,119,178,178,125,123,127,173,170,173,186,194,186,168,119,123,170,176,178,178,181,186,181,177,178,186,189,181,129,131,183,189,181,178,177,178,176,129,125,126,131,176,181,186,194,196,194,189,189,186,183,183,183,176,131,131,176,181,186,189,189,191,189,186,178,89,62,81,115,127,186,196,189,187,187,189,191,191,191,191,191,194,194,196,194,191,189,189,189,189,186,186,191,191,194,199,202,202,202,202,199,194,191,196,202,202,196,191,189,186,185,186,191,196,196,196,194,194,191,191,191,189,185,185,189,194,196,194,189,187,189,194,191,186,181,178,133,133,178,183,178,173,173,174,178,178,181,186,186,183,129,121,127,131,178,183,186,186,186,183,183,186,186,186,186,191,196,196,194,186,183,179,179,191,199,107,52,74,129,191,181,131,181,189,191,194,194,194,194,194,194,194,194,199,199,196,191,183,183,183,186,186,191,199,199,199,196,199,194,185,185,196,204,207,209,207,204,202,204,207,207,204,200,204,209,212,215,217,217,215,209,204,203,207,212,215,217,217,220,222,220,215,212,215,217,217,217,217,217,217,217,222,225,228,230,230,228,225,225,222,217,212,207,204,202,204,207,207,207,207,209,207,204,209,215,222,222,217,215,213,213,215,217,217,222,217,212,212,215,217,215,215,215,212,212,215,217,217,212,202,191,135,139,212,222,222,222,222,217,222,222,225,222,215,212,209,204,148,149,209,225,228,225,217,215,215,222,225,228,222,207,203,209,225,228,230,235,235,233,233,233,235,235,235,233,233,233,230,230,235,238,233,212,200,204,215,220,222,222,225,220,204,143,140,145,202,212,217,217,215,215,212,212,212,212,209,207,209,207,204,202,204,202,199,196,199,199,199,196,196,196,194,191,191,191,186,178,177,181,186,183,176,125,117,109,107,109,121,178,186,189,191,194,196,199,196,194,191,189,189,189,191,196,199,196,199,199,199,204,207,204,204,204,204,204,204,204,204,202,199,198,199,202,204,209,215,222,225,228,228,228,230,233,235,235,233,230,225,217,209,208,209,209,209,207,207,209,209,209,212,211,211,212,222,228,230,228,222,215,209,205,205,207,209,212,207,202,199,199,191,186,186,189,186,176,127,127,131,131,125,121,119,123,125,123,129,191,194,178,128,129,183,199,209,215,215,209,202,190,187,190,199,207,215,217,217,217,215,212,212,212,209,209,209,212,217,222,217,215,209,209,212,212,209,209,212,215,217,217,222,222,220,217,217,222,222,225,228,225,217,215,215,217,222,222,212,204,199,199,202,204,209,215,217,215,212,211,212,215,215,217,215,215,215,215,212,209,209,209,209,209,207,204,202,202,202,196,199,202,199,209,215,212,209,209,209,212,215,215,209,205,205,207,204,199,194,194,194,194,194,196,199,202,204,207,209,212,215,215,212,212,212,209,204,196,192,196,202,202,199,202,204,209,209,209,212,212,212,207,202,196,189,187,189,191,196,199,204,204,204,199,191,191,196,199,199,199,196,189,141,191,204,212,212,207,204,202,202,199,199,199,199,196,194,191,191,194,199,204,207,207,204,199,191,186,191,199,207,209,209,209,209,204,202,199,196,194,191,189,194,196,199,202,202,204,207,207,202,199,199,196,196,194,190,190,194,196,191,189,191,199,204,199,196,199,199,199,199,196,199,204,207,207,209,209,202,194,189,194,196,199,202,207,202,194,192,194,194,189,185,186,189,191,194,196,199,199,202,204,207,204,204,207,204,199,194,191,191,191,191,199,204,204,204,207,207,207,207,209,212,212,209,207,204,207,207,199,191,190,189,190,194,196,199,209,217,222,222,222,220,217,217,209,204,202,207,212,215,212,215,220,217,212,205,205,207,207,207,212,217,217,215,209,207,207,209,207,204,202,202,202,200,200,202,200,202,207,209,209,207,204,204,207,209,209,207,202,196,196,196,195,195,196,196,199,202,202,199,199,204,212,215,215,215,215,212,207,199,191,145,194,207,209,209,209,209,215,217,222,225,222,225,228,217,202,196,196,194,189,194,196,191,127,95,79,121,199,215,212,207,202,199,196,194,194,199,212,222,220,204,186,183,194,196,186,181,183,181,179,186,189,189,196,202,189,178,179,189,194,196,199,204,209,212,207,199,199,204,209,212,212,215,215,212,209,207,202,196,194,191,194,204,209,212,215,217,215,207,199,199,207,207,202,199,207,212,212,212,207,202,199,199,199,196,196,199,204,204,207,207,207,207,209,207,204,199,202,212,212,209,209,209,209,209,209,209,209,207,204,202,202,202,202,204,212,225,233,235,235,233,230,230,233,235,238,241,241,238,235,238,241,235,225,222,228,230,230,233,233,228,215,209,209,215,222,228,228,230,233,233,230,217,212,207,207,207,204,194,135,123,116,116,125,199,215,215,215,220,222,217,215,217,225,222,215,212,215,222,225,217,207,189,170,168,172,178,181,181,181,181,178,176,176,178,181,186,186,173,160,152,0,0,0,0,0,0,0,209,209,0,0,0,0,238,243,251,255,0,0,0,251,0,255,255,255,255,255,255,255,255,0,255,255,255,248,246,246,246,243,233,225,215,207,196,189,183,183,183,186,189,191,202,212,215,215,213,213,213,222,230,238,241,230,225,228,235,235,230,226,228,233,235,235,235,238,238,238,238,233,225,222,222,212,204,207,0,0,0,0,0,0,0,0,0,0,0,228,225,222,215,209,181,168,166,168,168,173,173,181,191,204,209,207,202,196,186,168,119,117,123,178,194,204,204,202,202,204,209,217,225,222,215,209,205,207,209,207,199,196,202,204,202,199,199,199,199,149,149,149,199,149,145,146,151,207,209,209,209,209,217,235,243,241,235,233,230,235,243,248,251,251,248,248,243,235,233,233,228,212,203 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,202,194,191,191,189,186,186,196,191,165,155,144,139,142,139,134,134,131,142,155,155,150,150,155,157,160,165,168,155,142,107,142,147,152,157,160,155,111,101,77,74,85,152,152,113,115,155,173,181,189,194,189,176,170,163,176,194,196,194,181,121,165,121,121,117,111,117,176,183,183,183,189,194,186,168,163,170,178,181,183,176,111,106,113,173,181,173,115,110,112,121,165,170,173,160,120,120,163,178,183,178,165,117,112,115,121,163,165,165,168,116,115,117,119,115,106,113,199,204,204,199,199,204,207,183,83,62,123,191,204,207,204,207,202,202,199,196,196,199,199,199,196,199,202,199,199,202,204,204,199,199,202,196,181,173,174,178,186,191,202,204,204,196,165,115,170,186,178,165,155,157,173,183,186,137,99,144,178,183,183,194,209,220,0,0,25,199,204,202,207,204,186,19,0,0,0,0,69,134,144,147,157,181,194,196,194,186,181,176,170,165,170,170,7,160,101,113,113,160,173,183,183,176,88,102,163,170,173,173,181,181,173,165,165,163,163,170,165,163,121,105,93,107,119,123,168,170,170,168,168,170,168,165,178,186,189,181,181,189,196,204,199,170,168,183,196,202,202,204,207,202,125,15,28,79,199,196,194,178,173,183,183,111,121,183,170,168,170,168,170,178,173,178,178,178,186,125,117,121,117,77,75,115,170,183,191,196,199,199,194,189,181,173,170,165,93,84,113,181,170,109,97,105,119,170,181,186,170,119,117,121,123,123,123,125,125,125,165,176,170,164,168,181,189,191,189,189,189,191,191,186,176,173,181,183,173,172,176,170,169,169,169,170,173,170,168,168,199,186,168,168,125,120,125,125,119,117,117,119,125,173,178,127,123,127,178,189,186,176,127,122,125,131,125,125,181,196,199,196,196,202,204,207,212,215,215,209,207,204,202,199,202,207,204,191,131,135,183,123,121,176,183,189,191,191,190,190,191,196,196,186,129,124,173,186,194,196,199,207,83,27,44,165,183,183,183,181,95,72,74,103,168,121,104,109,165,165,160,168,165,101,98,105,111,117,165,119,35,37,69,170,186,191,194,194,189,183,183,183,183,181,178,178,168,108,102,119,168,178,183,183,181,181,181,178,178,176,176,170,129,170,178,186,189,189,189,191,186,181,176,176,178,183,191,199,202,199,196,196,202,204,204,199,194,194,194,194,194,189,101,71,82,105,107,104,176,173,124,124,127,168,170,170,186,199,191,123,113,114,121,173,178,181,183,183,183,181,178,181,183,178,129,127,131,176,181,177,177,183,181,127,125,129,173,178,183,189,191,194,191,191,189,186,186,183,181,181,176,173,176,181,191,194,194,196,194,191,191,178,121,109,117,133,191,196,191,187,187,189,189,191,194,194,191,191,194,196,196,194,191,194,196,194,191,186,186,189,194,199,202,202,202,202,196,189,189,194,199,196,194,191,189,189,189,191,194,199,196,196,191,189,189,191,191,186,185,185,186,191,191,191,187,187,191,196,196,189,181,176,176,176,178,181,181,176,176,178,181,181,186,191,191,189,183,181,178,178,181,183,186,189,189,186,186,186,186,183,182,186,194,194,189,183,182,183,189,196,196,85,55,59,105,186,189,183,186,194,196,194,194,194,194,196,196,194,194,196,196,196,196,194,191,189,186,186,191,194,194,191,194,194,194,189,191,196,202,207,209,204,202,202,207,212,209,204,204,204,207,212,212,209,207,207,204,203,203,207,209,212,209,209,215,217,217,212,209,209,212,212,209,212,215,212,215,215,215,222,228,228,225,225,222,215,212,209,204,202,202,202,204,209,209,209,212,209,207,207,212,217,217,215,215,213,215,217,217,222,222,222,217,217,222,222,217,215,212,211,212,215,215,212,207,202,194,145,196,209,217,217,212,212,222,222,222,225,225,225,222,215,204,196,196,212,228,230,225,212,207,208,215,222,222,217,212,204,205,222,228,230,233,235,233,233,233,233,235,235,235,235,233,230,230,235,238,235,222,204,202,207,215,222,222,225,222,207,196,149,199,209,215,217,217,217,212,209,212,212,209,209,209,207,207,204,204,204,202,202,199,199,199,199,196,191,189,189,189,191,189,181,173,174,181,186,181,133,119,105,101,101,104,117,176,189,191,191,194,196,199,196,194,189,186,189,191,194,194,196,196,196,199,202,207,207,204,202,202,199,202,204,204,204,202,199,199,199,202,207,212,222,228,230,233,233,233,230,233,235,235,233,230,228,222,215,209,209,209,207,204,202,204,207,212,212,212,211,212,220,228,230,228,225,220,212,207,204,205,212,212,204,202,204,207,194,181,178,186,189,181,127,121,123,125,123,121,123,129,178,183,191,196,194,189,186,186,194,202,209,217,215,212,204,191,186,190,199,212,217,217,217,220,217,217,217,217,215,212,215,217,222,222,222,217,212,209,209,209,207,205,209,215,222,222,225,225,222,222,225,228,228,225,225,225,217,215,215,217,222,222,217,212,204,202,202,202,207,209,209,212,212,212,212,212,215,217,222,217,215,212,212,209,207,207,207,207,207,204,202,202,199,194,199,204,207,212,212,212,209,208,208,212,215,215,209,207,207,207,207,202,199,199,194,194,194,199,202,204,207,209,207,209,209,209,209,207,207,207,204,196,192,194,199,199,199,202,204,207,209,209,212,212,209,207,199,194,189,189,194,199,204,207,209,207,204,199,191,190,191,196,199,202,199,191,139,139,194,209,207,202,199,199,202,199,199,202,202,196,194,191,196,199,202,202,204,204,204,202,199,199,202,207,209,212,212,212,209,204,202,202,199,196,194,191,194,196,199,202,202,204,207,207,202,199,199,199,196,191,190,191,194,196,196,194,199,202,204,199,196,196,196,194,191,196,204,207,209,209,209,204,199,191,186,189,194,199,207,207,204,202,196,194,191,191,191,196,202,202,202,199,199,196,196,199,204,204,202,202,202,202,196,194,191,189,189,194,204,207,207,209,207,202,202,207,209,209,204,202,204,207,207,199,191,190,190,191,191,194,202,212,217,222,220,220,220,220,215,209,202,202,207,215,217,215,212,215,215,209,207,207,207,204,204,207,215,215,215,215,212,209,207,204,202,200,200,202,202,202,200,202,204,207,207,207,207,204,202,202,207,207,204,202,199,196,196,196,196,199,204,209,207,202,196,198,204,209,212,209,207,204,204,204,194,140,139,145,204,209,209,209,217,225,225,220,217,215,222,225,220,199,186,183,183,189,191,189,135,109,70,64,93,189,212,217,222,225,217,209,204,204,209,220,225,222,212,196,189,199,207,189,137,137,183,189,196,186,186,196,199,186,179,181,181,182,194,204,209,215,217,217,202,191,194,202,207,207,207,209,209,209,207,199,194,194,194,191,199,202,207,215,215,212,215,217,217,212,207,202,202,207,212,212,209,204,199,199,202,202,199,194,196,202,207,209,207,207,207,207,204,202,202,204,212,215,212,209,212,215,217,215,209,207,204,204,204,204,202,202,204,212,225,233,238,235,233,230,233,235,238,238,238,235,233,235,238,241,235,230,225,228,230,230,235,241,235,220,205,204,207,217,228,230,228,228,230,230,222,212,204,192,202,204,202,189,129,121,121,131,189,196,202,212,225,225,220,217,222,228,0,228,222,222,225,225,222,209,191,173,168,172,181,181,176,173,173,168,166,165,166,173,178,178,168,160,155,0,176,189,194,194,0,0,0,0,0,0,0,228,225,230,241,254,255,255,255,251,251,254,254,248,246,251,255,0,0,0,0,255,255,251,248,248,246,241,235,230,225,217,207,196,186,181,135,178,183,194,204,212,215,217,217,215,217,225,233,235,238,238,233,235,238,238,233,228,228,230,230,230,233,235,238,238,238,235,228,228,228,228,222,0,0,0,0,0,0,0,0,0,0,217,222,228,228,222,212,202,189,173,0,0,0,0,168,178,191,202,207,202,194,183,173,119,114,113,117,129,189,199,204,202,204,207,212,217,225,225,217,209,207,207,209,207,202,202,204,207,204,204,207,207,204,202,196,196,151,146,145,147,151,204,212,215,215,215,225,238,243,241,235,230,230,235,243,251,254,254,251,248,243,238,233,233,225,207,200 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,183,194,196,186,170,176,165,144,147,147,139,129,131,129,126,129,129,131,137,142,144,150,155,152,147,147,147,144,137,105,142,147,150,150,150,150,152,157,91,75,76,84,99,107,113,160,181,191,194,199,194,176,113,101,157,186,186,173,111,91,92,111,119,165,170,178,186,189,189,189,194,199,196,183,176,176,173,173,178,168,111,107,113,170,181,176,163,119,121,121,121,121,160,119,119,118,121,178,189,183,170,115,115,123,168,165,121,119,119,115,115,117,121,117,109,117,194,199,202,199,196,202,204,194,123,65,93,183,202,204,204,202,199,199,196,196,196,202,202,199,196,196,196,199,196,199,202,202,196,196,199,196,181,172,173,181,191,196,202,199,199,196,173,163,181,191,181,163,160,168,183,194,196,189,95,65,61,95,137,77,87,87,0,0,47,191,202,202,202,207,209,178,0,0,0,79,87,129,155,170,181,191,196,196,194,189,183,173,165,164,165,113,0,0,33,113,115,160,176,181,168,115,86,95,119,170,173,176,186,186,173,99,97,109,115,117,111,111,113,105,105,117,163,168,165,160,160,161,163,125,121,120,168,183,183,178,186,194,199,199,186,115,121,183,199,202,202,204,207,204,121,44,91,186,199,189,176,123,121,173,165,93,105,125,117,119,125,123,176,181,178,176,178,181,173,118,118,125,105,73,74,97,123,183,194,199,199,194,189,178,170,165,168,168,117,117,183,194,123,86,81,87,121,181,189,189,181,173,165,165,165,165,125,165,170,176,183,186,170,161,164,178,189,191,191,189,191,191,189,181,172,172,181,183,172,170,176,173,170,170,170,170,173,168,165,165,186,176,121,121,120,118,127,170,123,117,116,119,168,178,178,170,127,170,181,183,178,173,129,125,131,133,129,131,186,199,199,191,191,194,199,204,207,209,212,209,209,212,209,207,204,207,204,189,132,178,189,135,131,181,189,191,194,191,187,187,191,196,199,199,191,186,186,189,194,196,202,204,117,77,105,189,194,194,194,189,117,88,89,115,178,178,165,168,121,97,103,157,117,97,94,101,113,115,165,119,36,44,77,165,181,189,189,191,186,182,183,183,181,176,170,165,121,115,119,176,186,189,186,183,178,178,178,178,178,176,176,170,129,170,176,183,186,189,191,191,186,178,176,176,181,183,189,196,202,199,194,194,199,199,202,199,199,199,199,196,196,194,109,65,66,107,104,102,123,168,126,127,173,173,173,170,181,194,194,173,116,114,116,121,170,183,189,189,186,183,181,176,176,173,129,129,127,131,178,183,186,194,189,129,126,131,176,183,186,189,186,183,183,189,191,189,183,181,181,183,181,176,176,176,189,199,202,204,199,196,191,176,119,113,119,178,194,199,194,189,187,187,189,191,194,194,191,190,194,196,196,196,196,199,202,199,196,191,189,189,191,196,199,202,202,199,191,187,187,191,191,189,189,191,194,191,191,194,194,194,194,194,191,189,189,189,191,189,186,186,186,189,191,191,189,189,191,196,196,189,178,133,133,176,178,183,189,186,183,183,181,181,186,191,191,189,186,186,183,183,183,186,189,189,189,189,186,186,186,183,183,183,189,189,186,181,182,194,199,194,133,87,76,66,103,183,191,189,191,194,196,194,194,194,194,196,196,194,191,194,196,199,199,199,199,196,191,189,191,194,191,189,189,189,189,189,194,199,199,204,204,202,199,202,209,212,209,207,204,204,207,207,207,204,203,203,204,204,204,209,215,212,207,207,209,215,215,212,209,209,209,209,207,207,209,209,207,207,207,212,222,222,217,217,215,212,207,204,204,202,202,202,204,207,209,212,212,209,207,207,209,215,217,215,215,215,215,217,217,222,222,222,222,222,222,222,222,217,215,212,212,215,212,207,199,191,143,141,191,204,215,209,202,204,217,225,228,228,228,230,228,217,207,199,204,215,228,230,225,212,207,208,215,217,216,217,215,209,209,217,225,228,233,235,235,235,235,235,235,235,235,233,230,228,230,235,235,233,225,209,202,202,209,215,217,222,217,209,204,204,207,209,215,217,222,217,212,209,212,212,209,209,207,207,204,204,204,204,202,202,199,199,199,199,194,189,187,189,191,191,186,178,174,177,183,189,183,178,121,107,104,106,115,127,178,189,191,191,194,194,196,196,194,189,186,189,194,194,194,194,194,196,199,204,207,207,204,202,199,196,196,202,204,204,204,202,202,202,204,209,215,225,230,233,235,238,238,235,235,235,233,230,228,225,217,215,212,209,209,209,207,202,202,204,209,212,212,212,212,217,222,225,228,228,225,217,212,205,207,212,209,207,204,207,207,196,181,176,178,183,178,125,113,107,111,115,119,125,178,191,199,202,199,196,194,196,196,202,207,212,217,217,212,209,196,190,191,202,212,217,222,220,222,222,222,225,225,217,217,217,222,222,222,220,217,215,212,212,209,207,207,212,222,225,225,222,222,222,222,225,228,228,225,225,228,225,217,217,222,222,225,222,215,207,202,199,196,196,199,204,212,215,215,215,212,215,222,225,222,215,212,212,209,207,204,204,204,204,202,199,199,196,194,199,207,209,212,212,212,209,208,207,209,212,212,207,207,209,209,207,204,202,199,194,191,192,196,204,209,209,209,207,207,209,209,207,204,204,207,204,196,192,194,199,202,202,204,207,207,207,207,209,209,207,204,199,194,191,194,199,204,207,207,204,199,194,191,190,190,194,202,204,207,199,139,136,139,194,202,204,199,196,196,199,199,199,202,202,196,194,194,196,199,202,202,204,204,202,202,202,204,207,209,212,212,212,209,207,204,204,202,199,196,191,191,191,194,196,199,199,202,204,202,202,202,202,202,196,194,191,194,199,202,202,199,199,202,202,202,199,199,199,199,191,194,202,209,209,209,207,204,196,189,185,186,191,196,204,207,207,202,196,194,191,194,199,204,209,209,207,202,194,189,186,191,196,199,199,202,202,202,199,196,191,189,189,194,204,209,209,209,207,199,198,199,207,207,202,200,202,207,207,202,196,194,196,194,191,194,204,215,220,217,215,217,217,217,215,207,202,200,204,212,215,212,209,207,207,207,209,209,209,202,200,204,209,212,215,215,215,209,207,204,202,200,200,202,202,202,204,207,209,207,204,199,199,199,199,202,204,204,202,202,202,199,199,202,202,202,207,209,209,202,198,198,204,209,209,204,199,196,196,196,189,138,138,141,199,204,207,215,222,228,222,209,202,204,212,215,207,194,186,183,139,186,189,183,125,79,64,66,83,189,215,225,230,235,228,217,212,212,220,228,230,233,220,196,106,127,191,137,133,139,189,191,185,183,185,194,199,194,189,186,181,183,202,212,217,217,212,204,191,189,190,199,202,200,200,204,207,209,207,196,194,194,194,191,191,194,202,209,212,209,212,220,217,212,204,199,202,204,209,209,204,199,196,196,199,202,196,192,191,196,207,212,209,204,202,202,202,200,202,204,209,212,212,212,215,217,217,215,207,204,204,207,207,207,204,204,207,212,225,233,238,235,233,233,235,238,241,238,235,233,230,233,235,238,235,230,225,228,228,228,235,243,241,228,205,203,205,215,228,230,225,220,225,230,230,225,217,194,194,194,194,189,137,129,129,133,137,139,141,199,222,230,225,217,222,230,235,235,230,228,228,228,222,215,199,181,173,178,183,183,173,166,166,168,0,0,168,173,176,176,168,165,165,168,178,183,183,0,186,0,0,0,0,0,0,225,217,225,238,251,255,255,255,251,246,243,238,230,228,233,248,0,0,0,0,255,255,251,246,246,243,238,235,233,230,225,215,202,186,176,0,133,183,199,209,215,215,222,222,222,222,228,233,235,238,238,238,238,241,238,235,233,230,230,233,233,235,238,241,241,238,235,230,228,228,228,225,0,0,0,0,0,0,0,0,0,0,0,222,225,222,212,196,186,181,176,168,0,166,170,176,178,189,199,202,196,189,176,163,115,113,113,115,125,181,191,199,199,204,207,209,215,222,222,217,209,207,209,209,207,204,202,204,207,204,207,209,212,209,207,202,199,149,146,147,149,149,202,215,225,225,222,228,238,241,238,230,229,230,238,246,251,251,254,254,251,246,238,235,233,222,209,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,7,0,0,17,87,121,131,137,134,126,124,124,129,126,129,131,131,134,137,139,144,139,126,93,129,137,139,134,137,142,147,144,142,147,160,170,163,87,78,82,99,157,173,176,183,194,199,202,199,181,101,91,100,168,170,157,108,92,94,110,121,176,189,191,191,191,191,191,194,199,199,194,186,178,168,163,165,165,117,111,115,163,170,170,165,163,163,121,118,118,120,163,163,120,121,176,183,176,123,114,117,168,176,165,116,115,116,115,117,168,173,125,121,168,183,189,194,196,194,196,199,199,199,72,74,121,194,202,199,196,195,199,199,199,199,202,202,199,194,194,196,196,191,189,189,191,189,186,191,189,176,170,172,181,194,196,199,194,194,194,178,168,178,189,176,157,155,170,189,196,202,202,160,68,58,83,61,0,7,73,39,43,129,160,181,199,199,207,215,196,0,0,0,71,75,89,155,178,191,196,199,196,196,191,186,176,168,170,186,160,0,0,0,113,119,168,178,173,117,115,100,109,165,165,160,163,173,173,117,67,69,99,113,113,103,99,102,104,111,163,173,173,170,161,165,165,163,121,118,118,121,123,120,125,181,189,196,199,176,112,120,186,199,202,202,204,207,202,81,66,209,207,204,189,125,103,103,117,105,85,101,117,114,114,113,86,170,178,186,125,165,181,168,119,165,181,165,81,71,83,113,181,191,191,183,176,165,163,165,165,168,170,168,163,123,113,87,81,81,99,181,191,194,191,191,189,183,178,173,170,168,165,170,183,194,194,173,163,165,181,189,189,189,191,191,191,186,178,172,172,178,178,170,172,178,178,176,170,168,168,170,168,165,165,170,125,120,121,119,118,168,178,127,117,117,125,176,181,178,173,176,181,181,176,172,173,176,131,176,178,133,178,191,199,194,183,135,135,189,199,204,207,209,209,209,212,212,209,209,207,202,186,133,178,191,186,181,183,186,189,194,194,189,187,194,199,196,199,199,199,199,196,196,199,199,181,109,89,117,191,191,186,186,178,123,107,105,121,178,183,178,168,88,80,92,111,113,100,97,105,119,115,163,119,45,71,97,165,178,181,183,186,186,186,189,186,181,165,117,115,119,125,181,189,191,191,189,181,178,176,178,178,178,176,176,170,129,129,170,176,181,186,191,191,186,178,176,178,183,186,191,196,199,196,191,194,196,196,199,202,202,204,202,199,196,194,168,71,66,113,107,109,121,168,168,170,173,176,173,170,178,189,196,191,173,119,117,117,127,186,194,191,186,181,178,176,178,181,178,173,127,127,176,186,191,194,189,131,129,173,181,189,191,186,181,178,179,186,191,186,181,176,176,181,181,176,174,176,189,199,204,209,204,202,194,129,115,112,119,178,194,196,194,191,189,189,189,191,196,194,191,190,194,196,199,199,199,204,204,202,199,196,194,191,191,194,199,204,202,196,191,189,189,189,189,186,187,191,196,196,194,194,191,189,189,189,189,186,186,189,191,194,191,189,186,189,194,194,194,194,196,196,196,189,178,133,133,133,178,189,194,194,189,183,181,183,186,189,189,186,183,183,183,183,186,186,189,189,189,189,186,186,189,186,183,183,183,186,183,182,186,199,196,176,117,105,109,107,129,191,196,196,196,196,196,196,194,194,194,196,194,191,190,191,196,199,202,204,204,204,202,196,196,196,191,189,189,187,187,191,199,202,202,202,202,194,194,199,207,212,212,207,207,204,204,207,204,204,204,207,207,209,212,217,217,215,208,207,209,217,217,215,209,212,212,209,204,204,207,204,204,204,207,209,215,215,212,212,209,209,207,202,202,202,202,202,202,204,209,212,212,209,207,207,207,212,215,215,215,215,215,212,212,215,215,217,217,217,222,222,222,225,222,217,215,215,209,199,143,137,133,133,139,196,207,199,191,196,217,228,230,230,230,230,225,215,209,204,209,217,228,228,225,217,212,212,222,222,216,217,222,222,217,217,217,222,230,235,238,235,235,235,233,233,233,233,230,228,228,230,233,228,222,209,202,151,202,212,217,217,217,212,209,209,209,209,212,215,217,215,212,209,212,215,212,209,207,202,202,202,202,202,202,199,199,199,196,196,194,189,189,189,191,191,183,177,177,183,189,191,189,183,127,117,117,127,176,181,183,191,194,194,194,191,191,191,191,189,186,189,194,194,194,192,194,196,199,202,204,207,204,204,199,196,194,196,199,204,207,204,202,204,207,209,217,228,233,235,235,238,241,238,238,233,230,225,222,222,215,212,209,212,212,212,209,204,202,199,202,209,215,215,215,217,220,225,228,228,228,228,222,215,212,209,209,207,204,204,202,194,183,176,176,178,176,123,105,96,97,105,113,125,183,199,204,204,202,196,196,196,202,204,207,212,217,217,215,212,204,199,202,207,212,220,225,222,217,222,225,228,225,222,217,217,222,222,220,217,217,215,215,217,215,209,208,217,228,230,228,222,220,220,222,225,225,225,225,228,230,228,225,222,222,225,225,225,217,209,202,199,147,145,194,204,212,215,215,212,212,215,217,217,217,215,212,212,207,204,204,204,204,202,196,194,196,194,194,202,207,212,212,212,209,209,208,208,209,212,212,207,207,209,209,207,204,202,199,196,191,191,194,204,209,209,207,202,204,207,207,204,203,204,207,204,194,192,196,204,207,207,207,209,207,204,204,204,204,204,202,199,196,196,199,202,204,202,202,199,194,190,189,190,191,199,207,207,207,196,134,133,141,194,196,199,202,199,199,196,196,199,202,199,199,199,199,199,199,199,202,202,202,202,202,202,204,207,207,209,209,209,207,207,207,207,204,202,196,191,191,191,194,196,196,199,199,199,196,196,196,202,202,196,194,194,199,202,204,204,202,199,202,202,202,202,204,207,204,194,191,196,207,209,207,207,207,196,186,185,185,189,194,199,204,204,202,196,194,191,194,199,204,209,212,209,199,186,135,133,137,189,194,199,202,204,204,202,199,196,191,190,196,202,207,209,209,207,199,196,198,202,202,200,200,202,209,212,207,202,202,202,196,191,194,207,215,217,215,212,215,215,215,212,207,202,200,202,207,212,209,205,204,204,204,207,212,209,202,199,200,204,209,212,217,217,212,207,207,204,200,200,202,202,204,207,209,209,207,202,194,191,191,194,199,199,202,202,204,204,202,204,207,207,207,207,209,207,202,199,202,207,209,207,202,196,194,191,189,141,140,140,141,191,196,204,217,225,225,215,202,198,200,204,202,194,189,186,139,131,127,127,123,99,61,60,75,105,204,222,230,235,238,233,228,225,225,228,233,238,241,225,133,93,107,129,123,123,183,199,202,186,185,189,194,199,202,199,194,186,191,209,217,222,217,204,194,189,189,194,202,202,199,200,204,207,209,204,194,192,194,196,191,190,190,196,207,207,204,207,212,209,204,199,199,199,204,204,207,202,198,196,198,199,202,196,191,189,194,207,209,207,202,200,202,202,202,200,202,207,215,217,217,217,217,215,212,204,202,204,207,212,212,209,207,207,212,222,230,235,235,235,235,238,241,243,241,235,230,228,228,230,233,230,228,222,222,222,222,230,241,241,230,215,207,209,222,230,230,225,215,215,225,233,238,235,207,196,189,141,139,139,137,135,129,125,123,125,139,212,228,228,222,222,230,238,235,233,228,228,225,222,215,204,191,183,186,189,183,173,166,165,168,176,178,0,176,181,181,176,176,178,178,0,0,0,0,0,0,0,0,0,0,0,0,222,228,241,251,255,255,254,248,238,228,215,207,204,209,228,0,0,0,255,255,255,255,248,243,241,238,235,235,233,228,215,199,181,127,123,127,186,204,215,217,222,225,228,225,225,230,233,238,241,241,238,241,241,241,238,233,233,233,235,238,241,241,241,241,238,235,230,228,225,225,228,228,0,0,0,0,0,0,0,0,0,0,0,222,215,199,183,176,176,181,176,166,168,181,183,0,181,191,194,191,181,170,121,115,113,114,117,123,133,183,191,196,202,204,207,209,215,217,215,209,207,209,207,204,202,202,202,204,204,207,212,215,215,212,209,204,151,149,199,153,149,153,222,230,230,228,233,238,238,235,229,229,233,241,246,248,248,251,251,251,246,241,235,235,228,217,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,121,129,126,124,126,137,131,134,137,137,137,134,134,137,131,85,81,85,129,137,131,99,103,139,139,144,152,165,181,191,191,165,105,147,176,191,181,178,189,196,194,189,176,105,96,100,117,163,160,117,113,163,117,121,178,194,196,191,191,194,194,194,196,199,199,191,181,163,119,160,163,163,160,121,160,163,163,163,163,163,121,118,118,160,178,181,165,123,168,170,121,113,112,115,165,170,165,119,117,119,119,121,170,173,121,123,176,183,183,186,189,191,191,194,199,204,99,73,101,183,194,199,195,194,199,199,199,202,204,202,199,194,194,196,196,186,176,170,176,178,181,186,186,178,173,174,183,194,196,196,194,191,189,176,163,168,178,168,151,151,168,189,196,202,204,202,199,155,157,27,0,10,139,157,181,163,139,129,194,196,204,199,129,27,31,63,63,71,89,157,181,191,196,196,196,199,196,194,186,173,168,194,196,87,0,9,117,170,186,183,173,160,163,173,181,173,121,115,117,163,163,113,66,70,119,176,173,121,102,103,107,117,173,181,176,170,176,183,181,165,120,118,119,121,119,116,119,170,176,183,196,170,121,165,186,196,199,204,207,204,199,68,69,212,209,209,202,119,26,45,77,73,75,107,123,117,119,109,75,123,173,186,107,113,178,183,181,189,202,215,168,55,68,97,170,181,178,165,161,157,159,165,168,163,123,163,115,95,87,84,85,105,189,204,199,194,194,196,196,191,183,178,178,173,119,121,176,194,194,176,165,173,186,191,189,191,191,191,189,186,181,176,178,178,173,169,172,181,186,181,170,164,164,166,168,166,166,168,125,123,165,121,120,170,176,127,118,118,170,183,186,183,181,186,191,186,176,170,173,178,176,178,178,178,183,191,194,186,135,130,130,178,196,204,209,212,212,209,209,209,212,212,209,202,189,178,183,191,194,189,186,182,183,196,199,191,191,199,199,191,189,194,202,202,199,194,194,191,168,97,82,101,178,178,170,165,165,163,119,119,163,176,181,176,115,85,84,96,109,111,111,113,117,157,119,163,119,87,103,113,165,178,178,178,183,189,191,194,191,178,109,91,101,119,173,186,189,189,189,186,178,174,174,178,178,178,178,178,176,170,170,170,173,178,183,186,186,183,178,176,181,183,186,189,194,196,194,191,191,194,196,199,199,202,204,204,199,194,178,168,98,93,119,117,119,123,168,170,168,168,170,170,173,178,189,199,202,191,173,125,121,170,186,191,189,183,178,178,178,186,191,191,183,131,126,131,183,189,186,181,176,176,181,189,191,189,183,178,178,179,186,186,178,176,174,174,178,178,174,174,183,191,196,202,207,207,204,199,129,115,113,121,178,191,196,196,194,194,191,191,194,196,196,194,191,191,196,199,199,202,204,204,204,204,202,199,196,194,196,202,204,202,196,194,194,196,194,191,189,191,196,199,199,196,194,191,186,186,186,186,183,186,189,194,196,196,191,189,191,196,199,199,199,199,202,199,191,181,176,133,133,178,186,191,191,186,181,181,183,186,186,186,183,183,183,183,183,183,186,189,189,189,189,189,189,189,186,183,182,183,183,186,186,186,189,123,115,117,123,131,186,194,199,204,207,202,202,202,199,196,194,194,194,191,190,190,194,196,202,204,207,209,212,209,204,202,199,194,191,189,189,189,194,204,204,202,199,196,189,189,194,204,212,212,209,204,202,204,204,204,204,207,209,212,212,215,217,222,217,212,212,215,222,222,217,212,215,215,212,204,203,203,204,204,207,209,212,215,215,212,207,207,207,207,202,202,204,207,204,204,207,209,212,212,209,209,207,209,212,215,217,215,215,212,207,205,205,207,209,212,217,222,222,222,217,217,217,215,209,199,139,129,126,126,129,133,141,194,145,144,194,215,228,230,230,228,228,222,215,212,212,215,222,225,228,228,228,225,228,230,228,222,225,228,230,228,225,217,217,228,235,235,238,235,235,233,230,230,230,228,228,228,228,228,225,215,207,151,148,151,207,215,217,217,215,215,212,209,205,207,209,215,212,207,209,212,212,209,207,204,199,199,199,199,199,199,199,199,196,196,196,194,194,191,194,194,189,178,176,178,189,191,191,191,189,135,125,127,178,186,189,189,194,196,196,194,189,189,189,191,186,186,189,194,196,194,192,194,196,196,199,202,204,204,202,199,194,191,191,196,204,209,209,207,207,209,212,217,228,233,235,235,238,241,241,238,233,230,225,225,220,215,209,209,209,212,212,209,207,199,198,198,204,212,217,217,220,222,225,228,230,230,230,228,222,215,209,207,207,204,199,191,189,186,183,178,176,176,125,109,95,94,96,105,121,186,202,207,202,199,196,194,196,202,204,207,209,212,215,212,212,215,212,212,212,215,222,228,225,216,217,225,228,225,220,217,217,220,217,217,217,217,217,222,222,220,212,209,222,228,230,228,222,220,220,222,225,225,222,222,228,230,230,228,222,222,222,225,225,217,209,202,147,139,141,194,207,212,215,212,212,212,215,217,215,215,215,215,212,207,204,204,204,204,199,194,189,191,194,199,207,209,209,209,209,209,209,209,209,215,217,215,212,209,212,212,209,207,204,202,199,194,192,196,202,204,207,204,200,200,202,204,204,204,204,204,199,191,191,196,207,209,209,207,207,207,204,204,204,202,199,196,196,199,202,204,204,202,196,196,196,196,191,190,191,194,199,204,204,204,189,133,133,139,189,191,199,204,204,202,199,194,194,194,194,199,202,202,199,198,198,199,199,199,199,199,202,202,204,204,207,207,207,207,207,207,209,207,204,199,196,196,196,199,199,196,194,194,191,191,191,194,199,202,199,196,196,199,199,202,202,202,202,204,204,204,207,207,209,207,196,190,191,202,204,204,207,209,196,189,185,186,189,194,199,202,207,204,202,199,196,196,199,202,204,207,207,194,137,130,129,132,141,191,196,202,204,207,204,204,202,196,194,196,199,199,202,204,204,202,198,199,202,202,202,200,204,209,212,209,204,204,202,199,196,196,202,209,215,212,212,212,212,212,212,209,204,200,200,202,207,207,205,205,204,204,207,212,212,204,199,200,202,207,212,215,215,212,209,207,204,200,200,202,204,207,207,207,204,202,199,191,141,141,189,191,191,196,204,209,207,207,207,209,212,209,207,207,204,204,204,207,209,209,204,199,196,199,194,143,143,189,191,143,141,139,189,209,220,217,209,204,200,202,202,196,191,191,189,135,104,107,109,99,73,58,60,89,129,199,212,225,233,233,230,230,230,230,230,230,235,238,222,109,99,106,115,107,106,139,207,220,202,191,189,191,196,199,196,189,186,194,212,217,217,212,202,194,194,196,204,209,209,204,202,204,207,207,199,192,192,196,199,196,191,191,199,204,204,204,204,207,199,191,194,196,202,204,204,207,207,204,202,202,204,204,196,192,190,194,202,204,202,200,200,202,204,202,200,202,207,215,222,225,222,217,215,207,202,199,202,209,215,215,215,209,209,212,220,228,233,235,235,235,238,241,243,241,235,228,222,222,222,225,222,220,217,217,217,220,228,235,235,228,222,222,222,228,230,228,217,213,213,217,228,241,241,225,215,202,186,141,141,141,137,127,117,114,117,125,191,220,230,230,228,233,238,235,230,225,222,222,220,217,212,202,194,191,191,186,173,166,166,168,176,178,181,183,189,189,0,183,189,186,183,0,181,0,0,0,0,0,0,0,0,0,233,235,243,251,255,255,251,243,228,207,194,189,186,194,0,0,0,0,255,255,255,255,248,241,238,238,238,235,235,230,217,199,178,123,119,123,183,207,217,222,228,230,233,230,230,235,238,241,241,241,238,241,241,238,235,233,233,235,238,241,241,241,241,238,238,233,228,225,225,228,230,230,0,0,0,0,0,0,0,0,0,0,0,0,209,191,181,178,178,181,176,168,176,191,189,176,176,181,183,181,176,165,119,114,114,115,119,123,127,178,189,196,199,202,202,204,209,215,212,207,207,207,204,202,199,199,199,202,202,207,212,215,217,215,212,207,204,202,207,204,153,207,228,235,233,230,233,238,238,233,230,233,238,243,246,246,248,248,251,251,248,243,241,241,238,230,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,118,121,113,118,142,144,142,144,147,147,144,144,147,139,111,79,81,91,129,95,95,96,101,142,155,165,173,181,189,191,191,183,173,176,186,170,155,173,183,173,160,150,105,105,109,155,165,170,163,160,176,119,157,176,194,196,191,191,194,196,196,199,199,196,191,181,160,115,117,121,163,168,168,165,163,161,161,163,163,160,121,121,168,186,186,173,163,165,168,121,113,113,115,119,123,125,125,165,165,125,121,120,114,109,118,181,189,186,186,186,191,191,194,196,199,191,80,95,129,189,199,196,195,196,199,199,202,207,204,199,194,196,199,196,183,168,166,169,176,183,186,189,189,183,183,189,194,196,199,199,194,183,168,121,160,168,157,147,147,157,178,191,199,204,209,212,191,186,35,0,97,165,181,191,181,142,73,134,137,53,37,43,63,129,91,73,87,142,170,186,191,196,196,196,196,199,196,191,170,103,109,183,191,173,109,170,186,194,189,178,173,178,186,181,119,115,119,168,173,176,173,103,113,207,209,204,196,178,117,113,121,173,178,168,160,176,186,186,168,121,121,163,163,168,125,165,168,121,121,170,123,123,170,178,189,199,207,209,204,194,70,75,199,204,215,212,95,0,29,47,53,67,117,178,186,202,176,111,170,173,125,102,111,186,196,202,202,212,228,194,47,57,75,117,168,168,164,161,161,164,176,170,113,110,115,115,105,107,103,107,165,199,209,204,196,196,199,196,194,189,186,183,178,119,111,119,178,178,168,170,181,194,196,194,194,194,194,189,186,186,183,183,181,169,166,173,183,189,183,170,165,165,168,168,168,168,170,170,173,176,168,123,168,170,125,119,121,170,186,191,191,191,196,196,191,181,176,176,176,176,176,178,178,183,191,194,186,178,131,131,178,196,207,209,212,215,209,207,204,209,209,209,204,194,186,186,191,196,194,186,179,181,194,202,196,196,199,196,183,182,191,199,196,181,173,178,189,191,119,86,99,123,125,123,123,165,168,165,168,170,178,183,178,163,107,103,105,107,113,157,163,157,119,163,165,163,117,109,113,168,178,177,177,183,191,196,199,194,176,89,82,91,168,181,186,186,186,186,183,176,173,173,176,178,178,178,181,181,178,176,176,176,176,176,178,181,178,178,176,178,183,186,186,191,194,194,189,187,191,196,199,199,202,204,204,194,176,63,107,111,123,125,125,125,125,170,176,168,125,127,173,178,181,189,199,202,194,183,176,173,173,178,181,183,183,181,178,178,186,194,196,191,131,125,129,181,183,181,178,183,186,186,189,191,186,179,178,181,186,189,181,174,176,176,176,181,183,181,183,191,191,194,199,202,202,204,199,176,123,121,129,181,189,196,199,199,199,196,194,196,199,199,196,194,194,196,196,199,202,202,204,204,204,202,202,199,199,202,204,204,202,199,199,199,199,194,191,191,196,199,202,202,199,196,194,189,186,183,183,182,183,189,194,196,199,196,191,194,199,202,199,199,199,202,202,196,189,181,178,133,176,181,183,183,181,178,181,183,186,186,186,186,186,183,182,182,183,186,189,191,194,194,194,189,186,182,182,182,183,186,186,181,127,113,109,113,127,135,189,199,204,207,209,212,209,207,204,204,199,194,191,191,191,191,191,194,199,202,204,209,212,215,212,207,204,202,196,196,194,191,189,196,207,207,202,196,189,183,183,191,202,209,212,209,202,199,199,202,204,204,207,209,212,212,212,217,222,225,222,222,225,228,228,217,215,215,217,215,207,203,202,204,207,209,212,215,215,215,212,207,207,207,207,204,204,207,209,209,209,212,212,212,212,209,209,209,209,212,215,217,217,215,212,209,205,204,204,205,209,217,222,222,215,209,207,207,202,191,135,126,123,124,127,133,135,135,139,145,145,199,215,222,222,222,222,222,217,215,215,217,222,222,222,225,228,230,230,233,235,233,230,230,233,233,233,230,217,216,225,233,238,238,238,238,235,233,230,230,228,228,225,225,225,222,215,204,149,147,148,202,212,217,217,215,215,212,207,204,204,207,209,207,204,204,212,212,209,204,199,198,198,199,199,199,199,199,199,199,196,196,194,194,196,196,194,186,177,176,183,191,194,191,191,189,181,133,129,135,186,191,194,196,196,196,194,189,187,189,189,185,185,189,194,196,196,194,196,196,196,196,196,202,202,199,196,194,191,191,196,207,212,212,209,212,212,215,222,230,235,235,233,233,235,238,238,235,233,230,228,222,217,212,209,209,209,209,209,207,202,196,196,202,212,217,217,222,222,225,228,228,228,228,228,222,215,209,207,207,204,199,189,186,191,194,186,176,173,127,121,103,96,96,103,121,186,199,199,196,199,199,194,194,199,204,207,209,212,215,212,215,222,222,215,212,215,225,230,225,216,215,220,225,222,217,217,222,222,220,217,217,217,220,225,225,222,212,212,217,228,228,225,222,222,225,228,228,222,222,222,225,228,228,225,222,217,217,220,220,215,209,199,135,133,138,196,209,212,212,212,212,212,215,215,215,215,215,215,212,207,204,202,204,204,196,189,141,189,194,202,209,212,209,209,209,209,209,209,212,215,217,217,212,212,215,215,212,209,209,207,202,199,196,199,199,199,204,207,202,200,200,202,207,209,207,202,194,191,191,199,209,212,209,207,207,207,207,207,204,199,194,192,194,202,204,207,204,202,196,196,202,202,199,191,191,194,199,202,202,199,189,137,136,139,189,194,202,207,207,204,202,196,191,190,190,196,204,204,199,198,198,199,199,196,199,199,199,199,202,202,204,204,207,207,209,209,209,209,204,202,199,199,202,202,202,196,189,186,186,186,189,194,199,202,202,202,199,199,199,199,202,204,207,207,204,204,204,207,207,204,199,191,190,196,199,196,199,204,199,194,191,191,196,202,204,207,209,207,204,204,204,204,199,196,199,202,204,194,139,131,131,133,141,191,196,202,204,207,207,207,204,199,196,196,196,195,196,202,204,204,202,202,204,207,204,204,207,209,212,209,209,209,207,204,204,199,199,204,212,212,212,209,209,209,209,207,207,202,200,200,202,207,209,209,209,205,207,212,212,207,200,200,204,207,209,212,215,212,209,209,207,204,202,204,207,209,209,207,204,199,194,189,139,139,139,139,141,189,202,209,209,209,209,209,212,212,207,204,204,204,204,207,209,207,202,196,199,202,196,189,189,196,199,189,134,130,133,191,207,212,212,212,215,212,207,199,196,196,189,131,102,105,105,89,69,63,65,83,113,111,115,199,222,222,220,228,230,230,228,225,228,230,209,109,105,108,111,102,100,131,207,220,209,186,138,139,189,191,189,183,179,186,212,217,215,212,207,204,207,209,212,217,217,215,207,204,204,202,196,194,194,199,199,199,196,199,204,207,207,204,209,207,189,186,189,199,204,207,209,212,215,215,212,209,209,204,199,194,192,194,196,202,204,204,202,202,202,202,202,204,209,217,225,228,228,225,217,209,202,199,204,209,215,215,215,212,209,212,217,225,230,233,235,238,238,241,241,241,235,228,222,217,217,217,215,215,215,217,217,222,228,230,230,225,225,228,230,230,228,222,215,213,213,217,222,233,233,228,228,222,207,196,191,191,186,133,121,115,115,117,129,202,225,233,235,235,238,235,230,225,225,225,222,222,217,209,202,196,191,186,176,168,168,168,170,0,181,189,194,194,189,189,194,196,194,0,0,0,0,0,0,0,0,0,0,0,0,0,246,254,255,255,251,235,209,191,0,0,181,191,0,0,0,0,255,255,255,255,238,230,233,238,238,238,235,233,222,202,181,123,0,121,181,204,215,222,228,233,233,233,235,241,243,243,241,241,238,238,238,235,233,233,233,235,235,235,238,235,235,235,235,228,222,222,228,233,235,233,0,0,0,0,0,0,0,0,0,0,0,0,207,194,189,191,191,181,170,168,183,194,189,176,173,173,173,173,165,160,117,115,115,119,0,125,129,178,191,199,199,199,199,204,209,215,212,207,204,202,199,199,199,199,199,199,202,204,209,217,217,217,215,212,209,209,209,209,207,215,230,235,233,233,235,238,238,235,235,238,241,243,246,246,246,248,251,251,248,243,243,246,243,238,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,108,40,19,66,160,152,150,150,152,152,155,157,147,124,83,84,121,126,95,95,96,131,144,163,173,178,181,181,181,189,194,183,152,79,67,73,97,152,152,147,109,107,111,152,163,170,173,163,114,115,115,157,173,191,196,191,190,191,196,196,199,199,196,191,178,117,107,111,117,160,168,173,170,165,163,165,165,165,163,163,163,168,181,186,178,168,170,176,170,123,121,117,114,115,121,165,168,168,165,123,120,115,112,123,189,196,194,189,189,191,194,196,196,194,191,95,95,115,176,194,199,196,196,196,199,204,207,207,204,196,194,196,194,181,168,166,170,181,186,189,194,191,186,183,183,191,199,204,204,194,178,163,120,121,160,155,148,148,152,165,178,189,199,199,191,186,186,79,6,97,181,189,196,199,191,57,19,0,0,0,41,65,62,69,91,142,165,183,191,196,199,199,194,191,189,186,183,155,91,90,105,189,176,165,186,191,191,189,183,183,186,183,94,90,117,186,199,191,186,183,168,178,207,212,212,204,191,163,117,117,121,163,160,119,165,178,181,170,165,176,176,163,178,176,170,165,118,117,121,121,125,165,165,173,194,209,209,199,121,77,105,186,196,209,196,79,32,49,57,57,83,168,194,207,209,202,196,186,168,109,102,168,194,202,204,207,215,225,204,64,60,75,113,165,170,168,168,170,176,183,181,114,109,115,123,121,123,121,121,176,196,207,204,199,199,199,196,194,191,191,191,186,165,105,104,115,123,125,176,189,196,199,196,196,194,191,191,189,189,186,186,178,161,161,173,183,189,183,173,168,168,170,168,125,168,170,173,178,178,170,127,127,168,127,125,125,170,183,194,196,199,199,199,194,189,186,181,176,174,174,176,178,183,191,194,191,186,181,181,183,194,204,209,212,212,209,204,202,204,207,207,204,196,191,189,189,194,194,186,181,181,191,199,199,196,199,191,182,181,189,194,176,117,117,170,196,204,183,103,105,117,121,123,168,173,173,170,170,178,186,186,183,181,168,113,105,105,113,160,165,121,117,165,170,170,163,108,105,168,178,178,177,183,194,196,196,191,168,90,85,113,189,189,186,189,189,189,186,178,173,173,176,181,181,181,186,186,183,181,178,176,173,170,173,176,178,176,173,173,178,181,183,189,194,194,189,185,186,194,199,199,202,204,204,176,67,41,89,121,181,173,170,127,168,176,181,173,115,117,170,176,181,186,196,196,191,183,181,178,176,170,173,178,183,181,178,181,189,196,199,189,127,123,126,178,186,183,183,189,189,186,189,189,183,178,179,186,191,189,181,174,181,186,186,191,194,191,191,189,181,186,196,199,199,196,191,183,133,133,178,186,186,189,194,199,199,196,194,196,199,202,199,194,194,194,194,196,202,204,207,207,202,199,199,202,204,207,204,204,202,202,202,199,194,183,182,191,199,202,202,202,202,202,199,191,186,183,182,182,183,189,194,196,199,199,196,199,202,202,196,191,191,196,202,199,194,186,181,176,133,178,178,178,178,178,181,186,186,189,189,191,189,186,183,182,182,186,189,194,194,196,194,189,182,181,182,183,183,186,183,131,101,101,109,125,133,178,194,207,209,212,215,215,212,209,207,204,202,196,194,194,194,191,194,196,199,202,204,207,209,212,212,204,202,202,199,199,196,191,187,194,207,207,199,194,185,182,183,191,199,207,207,204,196,194,196,204,207,207,209,212,215,212,212,217,225,225,225,225,228,230,228,225,217,215,215,212,207,203,203,204,207,212,215,215,212,212,212,207,207,204,204,204,207,209,212,215,215,212,212,212,212,209,209,209,209,209,215,217,217,215,215,215,212,207,205,205,207,215,217,217,212,204,196,191,143,135,129,126,125,127,139,145,141,139,141,196,199,207,215,212,209,212,215,215,215,217,222,225,225,222,222,222,225,230,233,235,238,238,238,238,235,235,235,233,222,216,222,233,238,241,241,241,238,235,233,230,228,228,225,225,222,217,215,204,151,148,148,202,212,217,217,215,212,209,207,205,205,207,207,203,202,204,209,212,207,202,199,199,199,199,199,199,199,199,199,199,196,194,194,194,196,194,191,181,177,178,189,194,194,191,191,191,186,135,129,129,181,194,196,196,196,194,191,189,189,189,186,183,183,189,196,199,196,194,196,196,194,194,194,196,196,196,194,191,191,194,199,207,212,215,215,217,215,215,225,233,235,235,230,228,230,233,238,238,238,233,230,225,217,212,209,207,207,207,207,207,202,198,198,202,207,212,215,217,217,222,225,225,225,222,220,215,209,207,204,204,202,196,191,191,199,204,194,176,125,123,123,119,113,109,111,123,176,181,178,189,199,202,194,192,196,207,212,215,217,217,217,217,225,225,212,204,212,225,230,225,216,215,217,222,222,220,222,225,225,225,222,222,217,217,222,225,220,215,212,222,225,222,222,225,228,230,230,228,222,220,225,225,225,222,222,222,217,215,215,215,215,209,202,136,134,139,202,212,215,212,212,212,215,215,215,215,217,217,215,209,204,202,202,202,202,194,142,141,143,194,202,209,212,208,209,212,209,207,209,212,215,215,215,212,212,215,217,215,215,212,209,204,202,202,202,199,199,204,209,207,202,202,204,212,215,212,204,196,192,194,204,212,212,207,207,204,204,207,207,207,199,192,191,196,202,207,207,204,202,199,199,207,207,202,191,187,190,199,207,204,196,191,189,186,189,194,202,204,207,207,204,202,199,191,187,189,194,202,204,202,199,199,199,196,196,199,199,202,199,199,199,202,204,207,209,212,212,209,207,202,199,199,199,199,202,199,191,185,183,186,189,194,196,202,204,204,204,204,202,199,199,199,204,207,207,204,202,202,204,202,202,202,194,191,191,191,189,189,194,199,199,199,199,204,209,212,212,209,207,207,209,209,209,204,196,196,199,202,199,191,141,141,186,189,194,199,202,202,204,204,207,204,199,196,196,196,195,195,199,202,204,207,207,209,212,209,207,207,212,212,212,215,217,217,215,212,202,198,202,209,215,212,209,209,207,207,207,209,207,202,199,202,207,215,217,215,209,209,212,212,207,202,204,207,207,207,209,212,212,212,212,212,207,207,207,207,209,212,209,202,194,186,139,137,137,135,135,135,141,196,207,212,209,209,207,209,209,207,202,202,202,202,204,204,204,199,196,199,202,199,191,191,199,202,196,133,129,130,135,196,207,215,220,222,220,209,204,207,202,189,129,113,115,109,87,75,71,71,75,77,63,63,119,209,215,217,228,233,230,225,220,222,222,209,125,115,119,123,109,109,183,204,215,202,139,134,137,141,189,191,189,177,186,217,217,215,215,212,215,215,215,217,222,222,217,212,207,204,202,196,196,199,199,199,196,199,204,207,209,207,209,212,209,185,183,189,204,209,209,209,217,222,222,215,212,209,204,199,196,194,194,196,202,207,207,204,200,200,202,207,212,217,220,225,228,230,228,222,212,204,199,202,207,209,212,215,212,212,212,215,222,230,235,238,238,238,238,241,241,238,230,222,215,215,215,215,215,217,220,222,228,230,230,228,225,228,233,235,233,228,217,215,215,220,222,217,220,215,212,217,220,212,196,191,196,194,141,127,117,113,113,119,139,212,233,238,238,238,235,230,225,225,225,228,225,222,217,209,199,194,189,181,176,176,173,168,173,0,189,196,196,191,191,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,255,255,251,230,202,186,0,179,189,0,0,0,0,0,255,255,255,255,212,212,230,238,238,235,235,233,222,204,183,0,0,0,176,196,209,217,222,225,225,225,233,241,241,238,238,235,235,235,235,235,233,231,233,233,233,233,233,233,230,230,230,222,217,217,228,235,235,230,228,0,0,0,0,0,0,0,0,0,0,0,0,199,199,202,199,186,173,178,189,194,186,176,173,165,163,163,160,155,117,117,0,125,168,170,176,183,196,202,199,199,202,204,212,217,215,207,199,196,194,196,199,199,202,202,202,204,212,217,222,222,217,217,215,215,215,212,212,222,233,233,233,233,238,241,241,238,241,243,243,246,246,246,246,248,251,251,246,241,241,246,243,238,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,137,152,155,152,152,152,155,155,147,131,118,121,129,131,129,126,131,137,142,150,163,170,181,176,173,178,183,170,46,3,27,53,71,85,103,147,152,150,111,155,168,165,163,157,113,112,114,157,170,186,194,194,191,191,194,196,196,196,194,191,176,107,99,107,157,168,173,173,165,121,160,165,168,168,165,163,163,165,173,181,176,168,173,181,181,173,165,121,114,114,119,125,165,165,165,170,170,173,178,183,191,196,194,191,189,191,196,199,196,194,191,129,105,111,125,183,196,199,199,199,202,204,209,207,202,194,191,194,189,176,166,168,176,183,183,189,191,189,178,168,173,186,202,204,202,189,168,121,120,120,157,157,155,152,151,152,160,173,186,189,183,182,183,173,65,75,176,194,199,212,212,45,0,0,0,0,61,65,58,73,152,168,181,191,191,189,189,189,178,170,160,160,168,152,97,96,100,157,115,115,189,189,189,186,183,186,189,119,69,79,181,199,204,199,191,181,170,176,191,204,209,207,196,170,160,117,112,113,117,160,168,173,173,163,165,183,183,116,119,163,123,123,121,121,168,170,173,165,121,120,176,199,204,194,119,103,168,181,181,181,109,89,111,189,173,111,163,181,196,209,209,204,202,189,165,107,101,176,196,202,204,207,212,215,204,111,71,89,121,173,178,176,176,176,181,186,186,170,117,121,168,168,168,165,165,181,196,204,202,199,199,196,196,194,191,191,194,189,168,97,96,107,119,170,183,191,196,196,196,196,194,191,191,191,189,186,186,176,156,157,176,186,186,181,173,168,170,170,165,123,165,170,176,176,173,170,127,168,170,173,173,173,176,183,194,196,196,196,194,191,191,191,189,183,176,176,176,178,181,189,191,191,191,194,191,186,189,199,204,207,207,207,204,202,202,204,204,202,196,194,189,187,191,194,189,182,182,189,196,196,196,194,191,186,183,186,181,121,115,118,178,202,202,183,109,111,123,125,170,178,178,173,168,168,173,186,191,191,191,183,119,107,107,109,115,160,160,119,168,173,170,165,115,108,165,178,178,177,183,194,194,189,178,115,99,109,189,194,189,186,189,189,191,191,186,176,176,181,186,183,183,189,189,186,181,178,176,170,168,170,176,178,173,166,168,173,178,181,186,191,194,189,185,185,191,196,199,202,202,199,91,26,48,101,173,183,176,127,126,170,181,186,178,102,99,125,176,181,186,194,194,189,181,178,178,173,129,131,178,183,181,178,181,189,196,199,191,127,123,126,181,191,189,189,191,186,181,183,189,183,179,181,189,194,191,183,181,189,191,191,196,202,196,189,178,129,176,191,194,191,186,183,183,181,183,189,189,181,176,183,194,199,196,194,194,199,199,199,196,194,194,194,196,204,209,212,209,202,194,194,199,204,207,204,202,204,207,204,199,186,178,177,191,199,204,204,202,199,199,196,191,189,186,183,183,186,189,191,194,199,202,199,202,204,202,191,182,182,189,196,199,194,186,181,176,176,178,178,178,178,181,183,186,189,191,194,196,196,191,186,183,183,186,191,194,196,196,191,183,182,183,186,183,183,183,181,125,102,103,113,127,129,131,189,204,215,222,222,217,215,212,207,204,199,199,199,199,196,194,194,196,199,202,202,204,207,209,209,204,202,199,194,194,194,189,186,191,202,207,202,196,191,186,191,199,202,202,199,194,189,189,196,204,207,209,212,217,217,217,215,217,225,225,222,222,225,228,230,228,217,212,209,209,207,204,207,207,209,212,217,215,212,212,212,207,204,202,202,204,207,207,209,212,212,212,212,212,212,212,209,204,202,204,209,215,217,215,215,217,217,212,209,207,209,212,215,215,212,204,196,145,141,139,137,135,135,145,202,202,194,194,202,209,209,215,215,204,200,204,212,212,215,222,225,228,225,225,222,225,228,230,233,235,238,238,241,241,238,238,238,235,222,216,225,233,238,241,241,241,238,235,233,230,228,228,228,225,222,222,217,209,207,202,199,202,212,217,215,215,212,209,207,207,209,209,204,202,202,204,212,215,209,202,199,199,199,202,202,199,199,199,196,196,194,191,191,191,194,191,186,178,181,186,191,196,194,194,194,191,189,135,128,128,178,191,196,196,194,191,189,189,189,189,186,185,185,189,196,196,194,191,194,196,194,191,191,194,194,191,189,191,194,196,202,207,212,215,220,222,217,217,225,233,238,235,230,228,228,230,235,241,241,238,230,225,217,212,209,207,207,207,207,204,204,199,199,199,204,209,212,212,215,217,222,225,225,220,215,209,207,204,202,196,191,189,191,196,204,209,199,176,117,113,115,121,121,123,123,125,123,118,116,176,196,202,194,191,194,204,215,222,225,228,225,222,228,228,204,194,204,222,228,222,217,216,216,217,217,217,222,225,225,225,222,217,215,215,222,222,220,215,217,222,222,220,222,228,230,233,230,225,217,217,222,225,222,220,222,222,217,215,215,215,215,215,209,199,143,147,207,217,217,217,217,217,215,215,212,217,222,222,215,207,202,196,196,199,199,191,141,141,189,194,196,207,209,209,209,212,209,207,209,212,215,215,215,212,212,215,217,217,215,215,212,207,204,207,207,204,199,202,207,207,204,204,207,212,215,212,207,202,202,207,212,212,209,204,204,204,204,207,207,204,199,194,192,199,207,209,209,207,204,204,207,209,212,204,191,187,190,202,209,207,199,191,191,194,196,202,207,207,204,202,200,202,204,196,189,189,191,199,204,204,202,199,199,196,199,202,202,202,202,202,202,202,204,207,212,212,212,209,204,199,194,194,196,196,196,194,189,185,185,191,196,199,199,199,199,196,202,204,204,202,199,199,199,202,202,199,199,199,202,202,202,202,196,191,189,186,185,185,186,196,199,202,204,209,215,217,215,209,207,204,207,209,209,204,196,194,196,202,204,202,199,196,196,196,196,199,202,202,202,202,204,204,202,199,199,199,195,195,196,199,204,209,209,212,215,212,209,209,215,215,215,217,222,225,222,215,207,202,204,212,212,212,212,209,205,205,207,212,209,204,200,202,209,217,222,220,212,212,212,212,204,202,204,207,204,203,204,209,212,212,212,212,209,209,209,207,209,207,204,194,141,135,133,133,131,131,129,133,139,194,207,212,212,207,205,205,209,207,202,202,202,199,199,199,199,199,199,202,204,202,196,194,199,204,204,186,135,133,137,191,207,215,220,222,220,212,215,215,207,191,133,121,117,105,89,89,95,91,81,71,61,59,85,186,207,220,233,233,225,222,217,217,217,212,194,137,139,191,189,191,202,204,209,204,196,141,141,189,194,199,199,189,199,212,209,202,207,209,212,215,215,217,222,222,217,215,212,209,204,202,202,202,199,194,190,194,202,207,209,212,215,217,212,185,183,191,209,215,212,212,217,222,222,215,209,207,204,199,196,196,196,196,196,202,204,204,204,202,204,209,215,217,217,222,228,230,228,222,212,202,196,199,202,207,212,215,217,217,217,217,225,230,238,241,241,241,238,241,241,235,228,217,215,215,215,215,215,217,220,222,225,230,233,230,228,228,230,233,233,230,225,220,220,225,225,215,212,196,189,189,194,191,137,137,191,196,189,127,115,110,111,117,127,194,225,235,238,235,233,228,224,225,228,228,228,228,225,215,204,196,191,189,183,181,181,0,0,0,186,194,199,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,251,235,209,196,191,191,202,0,0,0,0,0,255,255,255,246,205,208,222,230,230,225,225,228,220,202,186,173,0,0,131,189,202,209,212,209,207,209,225,235,235,230,228,228,230,230,233,233,233,231,231,231,233,233,233,230,225,225,222,217,215,217,225,230,230,228,225,217,215,0,0,0,0,0,0,0,0,0,0,0,0,204,0,194,186,189,194,191,183,176,168,163,155,155,155,117,119,160,168,176,178,181,183,191,199,202,199,202,204,209,217,222,217,207,196,191,190,191,196,202,204,204,204,209,215,222,225,225,222,222,222,222,222,217,217,225,233,233,235,238,241,243,243,241,243,246,243,243,246,246,248,248,251,248,243,238,238,241,238,230,224 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,137,160,152,147,147,150,150,144,129,121,124,129,131,134,134,134,137,134,95,93,139,134,152,160,163,170,163,43,0,23,59,65,61,89,157,165,160,150,160,168,155,152,155,152,115,157,163,165,173,183,189,191,189,189,191,191,194,194,191,173,98,86,111,178,186,183,173,119,109,115,163,173,170,165,163,163,165,165,170,168,165,170,181,181,176,168,123,119,119,123,125,125,125,168,178,178,178,183,183,189,196,194,191,189,191,194,199,199,196,196,199,125,119,123,173,194,199,202,204,204,207,209,207,199,189,187,191,189,176,166,166,173,181,183,186,191,183,165,120,122,178,196,196,189,176,121,120,120,120,121,163,165,163,155,152,157,165,178,189,194,189,191,196,176,89,139,191,199,215,202,43,0,0,29,49,65,69,97,160,170,183,191,194,186,163,107,89,79,89,101,109,160,163,157,157,105,101,80,75,160,176,178,170,168,176,176,100,57,85,191,196,199,199,194,178,165,168,178,194,207,207,202,189,183,170,110,109,117,168,178,178,170,117,113,176,176,109,112,117,118,123,170,178,186,191,189,178,121,118,121,183,194,191,183,181,191,181,165,111,93,99,176,202,194,168,173,178,183,199,202,199,194,181,123,109,94,117,191,202,202,202,202,204,189,101,79,99,168,181,186,183,181,176,178,181,181,173,163,165,173,170,170,170,173,186,199,204,202,199,194,191,191,189,186,189,189,183,109,92,93,109,127,181,191,196,194,194,194,194,191,189,191,191,191,189,186,176,156,160,181,189,186,178,168,127,168,170,165,123,125,170,176,176,170,127,127,170,176,181,181,176,176,183,191,194,191,191,189,186,189,194,196,191,183,183,181,178,178,183,191,194,194,199,199,189,189,196,202,202,202,202,202,202,199,199,199,199,196,194,189,187,191,196,191,186,186,191,194,194,191,191,189,189,189,183,170,120,118,125,181,191,194,178,115,121,173,173,176,181,178,170,163,122,165,181,189,194,196,194,173,117,113,106,106,119,160,163,168,173,170,168,168,121,163,176,178,181,186,191,186,176,113,103,105,173,194,191,185,186,189,189,191,194,191,183,183,186,189,186,186,189,189,183,178,176,173,168,165,170,176,178,173,165,165,170,176,178,183,191,196,194,187,186,189,196,202,199,191,186,59,0,69,125,176,178,173,124,122,127,181,186,178,96,92,119,178,186,191,196,196,189,183,178,178,173,127,129,176,181,181,178,178,183,191,196,194,178,129,173,181,191,189,189,186,178,176,181,189,189,183,183,189,194,194,189,189,191,191,191,196,199,191,178,129,126,129,183,183,183,181,178,183,183,186,191,189,176,172,173,189,196,194,192,194,196,199,199,196,194,192,192,196,204,212,215,212,196,183,186,196,204,204,202,202,207,209,207,196,183,178,178,194,202,204,204,202,196,194,191,189,189,189,189,189,189,189,189,191,196,202,204,204,207,202,189,179,179,183,191,194,189,181,178,176,178,178,181,181,181,183,186,189,191,194,196,199,199,194,189,186,189,189,191,194,196,194,189,182,183,191,191,186,181,181,178,129,115,113,115,117,119,123,135,194,209,217,222,217,217,215,209,202,199,202,204,204,199,196,194,199,199,202,202,202,204,204,207,204,199,191,186,186,189,191,191,191,199,207,207,204,202,199,204,207,207,202,194,187,186,189,196,202,202,207,212,215,217,215,215,222,225,225,222,215,217,222,228,230,222,212,209,209,207,209,212,212,212,217,222,217,212,209,209,204,199,199,202,204,207,207,207,209,209,209,212,212,215,212,209,202,196,199,204,212,215,217,215,215,215,215,212,209,207,207,209,212,215,209,199,145,145,194,196,139,141,199,209,207,202,204,215,222,222,222,217,202,199,202,207,209,212,222,228,228,225,225,225,228,230,230,233,235,238,238,241,241,241,241,241,235,225,217,228,233,238,241,241,238,235,233,230,228,228,228,228,228,228,225,222,217,215,209,202,202,209,215,215,212,209,207,207,209,212,209,207,203,202,204,212,215,209,204,199,199,199,202,202,202,199,199,196,196,191,189,189,189,189,186,181,178,183,191,196,196,196,196,196,194,186,133,127,128,178,189,196,196,194,189,189,189,191,189,186,185,185,189,194,194,191,186,189,194,191,190,190,191,191,189,187,191,194,199,202,207,209,215,222,225,220,217,225,233,238,233,228,228,228,230,235,241,243,238,230,225,217,209,207,209,209,207,207,204,204,202,199,199,202,204,209,209,212,217,222,225,225,222,212,204,202,202,194,183,135,133,181,196,207,209,202,178,113,109,111,112,119,125,127,125,121,117,115,127,189,199,196,191,194,204,215,225,225,230,230,228,230,228,199,137,194,212,215,215,217,220,217,216,216,217,222,222,222,222,220,217,215,213,215,217,217,215,217,222,222,220,222,230,233,233,228,222,216,217,222,225,222,217,217,220,217,215,212,215,215,217,217,209,196,194,204,217,225,225,222,217,215,212,212,217,225,222,212,207,199,195,195,196,196,189,142,142,189,191,194,204,209,209,212,212,207,207,209,215,217,217,217,212,212,215,215,217,217,215,212,209,207,207,207,204,202,199,202,204,204,207,207,209,212,212,209,207,209,215,217,215,207,204,204,204,204,207,207,204,199,194,196,204,209,212,209,207,207,207,209,207,212,209,196,190,191,202,207,204,196,191,194,196,202,207,209,207,202,200,200,204,207,202,191,189,191,196,202,204,202,199,194,194,199,202,204,202,202,202,202,202,204,207,209,212,209,207,199,191,189,191,194,194,194,191,189,189,191,196,202,204,199,194,191,189,194,202,207,204,202,199,199,199,196,194,194,196,202,202,199,199,196,189,185,185,185,186,186,194,199,199,202,207,212,215,215,212,209,204,204,207,204,199,194,192,196,199,204,207,207,204,204,202,199,202,202,202,199,202,202,204,204,204,204,202,196,195,195,196,202,207,209,212,215,212,207,212,215,215,215,217,222,225,220,215,209,209,209,212,212,212,212,209,205,205,207,209,209,204,202,202,209,217,222,217,212,212,215,209,204,202,204,204,204,203,204,207,207,207,209,209,209,209,209,207,204,199,194,139,133,131,129,127,125,127,129,135,141,194,204,212,212,207,204,204,207,207,202,202,202,199,196,196,196,196,199,202,204,202,199,199,199,204,209,204,194,186,186,196,207,215,217,220,215,215,220,222,215,202,189,119,113,103,97,113,131,129,111,81,67,59,67,117,199,220,233,230,222,217,215,217,220,217,209,199,199,207,212,215,215,209,209,215,220,215,202,196,199,204,202,202,204,202,142,139,189,196,204,212,215,217,217,217,217,217,215,212,207,202,204,204,202,191,187,190,196,204,209,215,215,215,209,189,186,194,209,212,209,209,215,222,217,215,209,207,204,204,202,202,199,196,195,195,199,207,209,209,209,212,212,212,212,217,222,222,220,215,209,199,195,195,199,207,215,222,225,225,225,225,228,235,241,243,243,243,241,241,238,233,222,215,213,215,217,217,217,220,217,215,220,228,233,230,228,228,228,228,230,230,228,222,217,222,222,212,209,189,133,125,125,127,125,129,189,196,189,127,111,108,111,119,125,141,215,233,235,235,230,225,225,225,228,230,230,230,228,220,209,199,196,196,191,189,189,189,186,0,186,194,199,204,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,251,254,251,241,228,217,209,204,212,0,0,0,0,0,255,255,255,235,208,211,215,217,215,209,215,220,215,196,183,173,127,0,129,181,196,204,204,196,191,199,212,228,225,217,217,217,222,228,230,233,233,233,231,231,233,235,235,230,217,212,212,212,215,217,222,225,225,222,222,217,217,0,0,0,0,0,0,0,0,0,0,0,0,0,199,199,199,194,191,189,181,173,168,160,152,152,152,155,160,168,181,186,189,189,191,194,199,202,202,204,207,215,222,225,222,209,196,190,189,191,199,204,207,207,207,212,217,225,228,228,228,225,225,228,230,228,222,228,233,235,238,241,243,243,243,241,243,243,243,243,246,246,248,248,251,248,241,233,233,235,233,225,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,142,144,144,144,147,147,139,120,116,120,129,131,134,139,134,134,134,124,73,59,45,46,53,77,43,42,45,53,69,77,69,39,24,71,168,160,152,155,157,152,152,157,163,168,176,168,160,157,165,178,181,176,178,186,183,189,194,189,170,88,48,165,189,202,199,186,113,108,105,121,178,170,163,163,165,173,176,168,163,163,168,173,176,173,170,168,168,170,176,173,125,124,165,173,173,173,170,173,186,194,196,191,189,189,194,196,199,199,199,199,191,170,121,123,183,199,204,207,207,207,209,207,194,186,187,194,194,178,166,166,173,183,183,186,189,178,123,119,119,165,178,178,170,123,120,120,121,160,163,170,173,168,165,165,168,168,176,186,199,199,202,209,189,45,95,176,194,181,142,73,59,63,53,55,81,157,165,168,176,183,194,199,181,48,26,45,46,83,95,103,163,186,194,189,189,99,34,24,109,163,163,155,153,165,173,119,103,107,170,183,183,186,186,160,160,160,163,173,189,202,194,186,191,191,119,113,157,176,189,194,178,115,102,107,173,117,116,118,121,123,168,183,189,194,191,183,170,121,165,176,178,189,189,189,196,165,0,0,83,101,176,194,202,92,82,163,173,183,189,191,181,119,117,103,69,84,178,189,194,194,189,170,73,50,87,123,176,191,196,189,181,174,174,178,176,170,168,170,173,168,123,165,173,189,196,202,194,186,181,181,176,103,99,173,178,111,103,98,102,119,173,183,191,199,196,196,194,191,191,189,189,189,191,189,186,178,170,170,181,186,181,127,119,119,125,125,121,121,127,170,178,178,173,127,126,168,176,178,178,176,176,181,186,189,186,181,181,181,186,194,196,194,194,189,181,177,177,181,189,196,204,204,204,199,196,199,199,199,199,196,196,196,194,196,196,196,194,191,191,194,199,199,191,183,183,189,189,189,186,183,181,181,183,181,170,125,123,127,173,181,183,168,125,173,178,173,173,178,176,165,122,121,123,173,183,189,194,191,183,170,119,106,105,115,121,165,173,173,170,178,178,121,120,165,181,189,191,189,165,95,93,103,127,183,191,191,189,189,189,189,191,191,189,186,186,186,189,186,186,186,186,183,178,173,168,168,165,168,176,178,176,166,166,170,173,176,181,191,196,191,189,194,189,196,204,189,119,66,44,69,165,176,173,173,170,127,124,127,170,176,176,110,103,173,186,194,199,199,196,191,183,181,178,131,125,126,131,181,183,181,178,178,183,189,189,183,181,181,186,183,181,181,178,174,172,178,191,191,189,186,189,194,196,194,194,191,189,186,189,189,181,133,128,128,133,176,131,131,176,181,183,186,186,189,186,181,174,174,186,194,194,194,194,196,199,199,196,194,192,192,196,202,209,215,212,182,174,181,196,204,204,204,207,209,212,207,196,189,183,189,196,199,199,202,202,196,189,187,189,189,186,186,191,194,191,189,189,196,202,207,207,207,202,194,186,182,186,189,186,183,178,133,133,176,176,181,186,183,183,189,189,191,196,199,199,199,196,194,191,194,194,194,196,196,194,186,183,189,199,196,183,181,183,178,135,125,121,119,114,113,119,181,194,204,212,215,217,217,215,207,199,198,199,204,204,202,199,196,199,199,202,202,204,202,199,199,199,194,189,185,186,191,199,202,202,204,209,212,212,207,204,207,212,215,207,196,187,185,191,196,196,196,202,209,215,215,212,212,217,225,225,222,212,209,212,217,222,215,212,215,215,215,212,215,217,222,222,222,217,212,209,204,199,194,196,202,207,207,207,209,207,207,209,212,215,217,217,212,204,199,196,199,207,212,215,215,212,212,212,212,207,202,202,204,209,209,204,194,145,191,194,191,124,137,202,209,207,207,212,222,225,225,225,217,207,200,200,202,204,212,222,225,225,225,225,228,228,228,230,233,235,235,235,235,235,238,241,243,235,228,228,233,235,238,241,238,233,230,230,228,228,225,228,228,230,230,230,228,225,222,215,199,149,202,209,212,209,207,207,207,209,209,209,209,204,204,207,209,209,207,204,199,198,198,199,202,202,202,199,196,194,191,189,186,186,186,181,177,183,189,194,196,199,199,199,199,196,183,128,127,133,181,189,194,196,191,189,186,189,189,189,186,185,185,186,191,189,183,181,183,189,191,191,191,194,194,189,186,189,194,196,199,204,209,215,222,222,217,217,228,235,235,233,230,228,228,230,235,241,241,238,233,228,217,209,209,212,212,209,204,207,204,199,196,194,196,202,207,209,212,215,222,225,225,217,207,196,191,191,186,135,128,127,131,189,202,207,202,186,123,113,113,117,123,123,121,121,125,125,121,123,133,189,199,199,202,207,215,222,225,228,230,230,225,209,139,121,137,141,137,196,212,217,217,216,216,217,222,222,217,217,217,217,215,215,215,213,213,212,213,217,222,222,225,230,233,230,225,217,216,217,222,225,222,215,212,215,215,215,212,212,215,222,222,215,202,194,202,215,225,225,222,212,209,209,215,217,222,215,209,204,199,196,196,199,199,194,189,191,143,143,194,204,212,215,209,207,204,204,209,215,222,217,215,215,212,215,217,217,217,215,209,207,204,207,207,204,202,198,198,202,207,207,207,209,209,212,212,212,215,217,215,212,209,204,204,204,204,207,209,202,194,191,202,209,212,212,209,207,207,207,209,209,209,204,196,194,196,199,199,196,191,189,191,196,202,204,207,207,202,202,204,207,204,199,194,191,194,196,196,199,199,194,183,183,194,202,202,196,196,202,207,204,202,202,204,207,207,202,196,183,183,189,191,191,191,189,189,191,191,196,204,204,196,187,186,187,194,199,202,204,204,204,202,199,196,189,189,194,202,204,202,199,199,191,185,183,186,189,194,196,196,196,199,207,209,209,209,212,209,204,204,204,202,196,192,192,194,199,202,207,207,207,207,202,199,199,199,202,199,196,196,202,204,204,204,204,199,196,195,199,202,207,209,212,209,207,204,207,212,212,209,212,217,222,217,215,215,215,212,212,212,212,209,209,207,207,207,207,207,204,202,202,207,215,217,215,212,212,215,212,204,202,200,202,204,207,209,207,202,202,204,204,202,204,209,204,199,196,189,141,135,131,129,124,124,124,129,137,186,191,196,204,209,209,205,205,207,204,202,202,202,199,194,191,191,194,199,202,199,199,199,199,202,207,212,204,196,189,191,199,207,212,215,217,212,209,215,220,220,215,215,117,117,119,121,131,196,209,207,109,69,57,63,105,186,215,225,225,217,215,215,222,228,225,217,209,204,207,217,228,228,217,217,222,228,225,209,199,194,194,196,199,202,196,141,139,142,196,204,215,212,212,215,215,215,217,215,212,204,199,202,204,204,196,190,194,196,202,209,212,209,207,204,199,191,194,204,204,207,204,209,217,217,215,209,207,207,207,207,204,204,199,196,195,199,209,212,212,212,217,215,209,202,202,207,207,204,204,202,199,195,195,199,212,220,225,228,228,228,228,230,238,241,243,246,246,243,241,235,230,222,213,213,217,222,222,220,220,215,209,215,228,235,233,230,228,228,230,233,233,225,217,215,217,217,204,194,191,135,122,121,124,137,189,196,199,189,127,113,111,117,125,133,191,212,230,235,233,230,225,228,230,233,233,228,228,228,222,215,207,202,202,199,196,196,199,199,194,191,194,202,212,0,0,0,225,225,0,0,0,0,0,255,255,255,255,255,238,0,0,241,246,248,248,243,238,233,222,212,215,0,0,0,0,255,255,255,251,238,225,217,215,209,205,205,209,222,215,189,173,168,127,127,127,178,194,202,196,183,183,191,204,215,217,212,207,207,212,222,230,233,235,235,231,231,235,238,238,228,209,196,202,207,209,215,222,228,222,217,217,217,217,0,0,0,0,0,0,0,0,0,0,0,0,196,196,0,204,194,186,178,173,168,168,157,150,150,155,160,168,181,191,196,199,196,196,196,202,202,204,207,212,217,228,230,225,212,202,191,189,190,199,207,209,207,207,212,222,228,230,230,228,228,230,230,230,230,228,230,233,238,238,243,246,246,243,243,241,241,241,246,248,246,246,248,251,246,235,231,233,233,235,228,221 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,129,131,139,144,150,147,129,117,117,126,139,144,144,134,133,139,137,121,81,49,45,46,45,40,44,49,61,95,91,83,48,25,27,65,142,144,150,152,150,152,157,165,173,176,170,160,115,111,111,109,109,157,165,165,170,176,176,176,163,101,170,189,199,199,196,176,112,106,117,173,165,121,119,121,168,173,168,163,163,165,165,165,168,176,178,181,186,189,186,176,165,165,168,168,164,164,170,186,196,196,191,187,187,189,194,196,196,199,199,199,183,118,111,117,191,202,204,204,204,207,204,191,185,183,189,191,178,168,168,173,183,189,186,183,173,125,122,121,123,168,170,165,123,123,163,165,168,176,181,178,173,170,170,170,170,170,170,181,194,204,212,77,0,14,48,85,101,142,152,173,181,139,142,168,176,176,176,178,181,196,204,183,52,47,75,87,160,150,109,157,189,202,202,199,165,37,26,83,117,165,157,153,160,173,170,155,115,165,173,163,111,107,115,163,163,160,115,99,113,155,117,176,181,160,115,160,181,194,199,191,170,101,99,163,170,165,163,123,121,123,176,183,183,181,176,176,170,170,173,168,176,189,186,178,49,0,0,0,85,101,121,173,77,67,113,173,186,191,191,178,115,113,105,74,86,121,176,189,189,173,105,72,59,111,170,186,202,199,189,181,174,174,178,178,173,173,173,165,115,107,115,121,173,189,194,170,114,116,119,107,93,92,113,125,117,115,115,119,127,178,186,194,199,202,202,199,196,194,191,189,189,186,186,186,181,178,178,183,181,121,115,113,115,119,121,120,123,168,173,181,183,181,170,168,168,173,178,176,174,176,183,189,186,181,178,177,178,183,189,194,194,194,189,181,177,176,178,186,196,202,207,209,209,207,204,202,199,196,194,194,194,192,194,194,194,194,194,194,196,196,191,181,176,178,183,183,178,178,178,178,177,178,178,176,170,168,168,173,176,173,165,125,168,173,173,173,176,176,168,123,122,123,170,178,186,186,186,178,168,117,106,106,115,121,163,168,173,178,186,181,123,120,168,178,183,191,191,168,102,100,117,178,189,191,191,194,191,189,189,189,189,186,183,182,183,186,186,183,183,181,178,173,168,165,165,165,168,173,178,173,168,170,170,170,176,181,189,189,186,186,194,196,196,194,121,87,54,60,101,178,183,178,173,173,173,170,127,125,127,176,176,176,196,199,199,202,202,196,189,181,181,181,173,126,125,131,181,186,183,181,178,178,178,181,183,186,186,183,178,176,177,178,176,174,178,191,191,186,183,186,191,194,196,194,189,186,183,183,183,178,133,133,133,133,127,120,121,133,183,189,189,189,189,189,186,183,183,189,194,196,196,199,199,199,196,194,194,192,192,196,202,207,207,196,178,174,183,199,204,207,209,212,212,209,207,199,196,194,199,202,202,202,204,204,199,191,189,189,186,183,186,191,194,191,189,189,191,199,204,207,207,204,199,196,191,189,186,181,176,133,131,131,129,127,131,181,186,183,183,186,194,199,199,199,196,196,194,194,196,196,194,194,196,191,186,186,194,202,196,183,178,181,178,135,131,129,127,123,119,127,186,194,202,207,212,217,217,215,209,204,202,202,202,202,202,202,202,199,199,199,202,202,199,194,189,186,189,189,187,189,196,204,207,207,207,209,212,212,207,207,209,215,217,212,209,196,187,194,196,194,194,196,207,212,209,208,209,215,225,225,217,207,202,202,204,204,207,212,222,228,222,215,212,217,222,225,225,217,212,207,202,196,194,196,204,209,212,212,212,207,207,209,212,215,217,217,215,212,204,199,196,196,204,209,212,212,209,207,204,199,191,145,191,199,202,199,194,194,194,191,139,125,135,202,212,212,212,215,217,222,222,222,217,212,204,199,199,204,215,225,228,228,225,228,228,225,225,228,230,233,233,230,230,233,233,235,238,235,233,230,233,235,238,238,235,228,225,225,225,225,225,225,228,230,233,233,230,225,222,209,145,140,145,202,207,207,207,207,207,209,209,209,209,207,207,207,207,207,204,202,199,199,198,198,199,202,202,199,196,194,194,189,189,189,189,181,178,183,191,194,196,199,202,202,202,196,183,129,128,135,183,186,194,196,191,186,186,189,189,189,186,186,186,186,189,186,181,179,181,186,191,191,191,194,194,189,187,187,191,194,196,202,207,212,217,222,217,222,230,235,235,233,230,228,228,230,233,238,238,235,233,225,217,212,209,212,212,209,207,207,204,202,196,194,196,199,202,207,209,215,217,222,222,212,202,189,181,178,178,133,129,127,129,183,196,204,204,199,183,129,127,131,129,121,109,107,119,133,178,127,125,131,183,191,199,209,222,225,225,228,230,228,217,199,133,99,126,132,130,132,191,209,222,220,217,217,222,222,222,217,217,217,217,215,215,213,213,212,213,217,222,222,225,225,225,225,222,217,216,217,222,225,222,215,211,211,212,212,212,215,217,222,222,215,196,146,196,215,225,222,215,204,203,207,212,217,215,209,204,202,199,199,202,202,204,204,204,194,142,143,196,209,215,212,204,198,199,204,209,215,217,215,215,215,215,215,217,217,215,212,207,204,204,204,207,207,202,198,199,204,209,209,209,209,212,215,215,215,215,217,215,212,209,207,204,207,209,212,209,199,191,194,204,209,212,209,209,207,207,209,209,209,207,199,194,194,199,199,191,186,139,139,186,194,199,204,207,207,202,202,204,207,204,202,199,199,196,191,191,196,199,191,181,181,189,199,194,189,191,199,204,202,199,199,202,202,202,196,189,182,182,186,189,189,189,189,189,191,194,196,202,204,194,187,186,189,194,196,196,202,204,204,202,199,194,183,183,191,202,204,204,202,202,196,186,185,186,191,196,199,196,196,199,204,207,207,207,212,209,207,207,204,204,199,196,194,194,196,199,204,207,207,207,202,198,198,199,199,194,189,187,194,199,202,204,204,204,199,196,199,204,207,209,209,209,204,202,204,207,207,207,209,215,217,217,217,217,217,212,212,212,212,212,212,212,209,209,207,207,204,202,202,207,212,215,212,212,212,215,212,207,202,202,202,207,209,212,207,199,196,199,199,196,199,204,204,202,196,191,186,141,139,135,125,122,123,127,139,189,191,190,196,204,207,207,207,207,204,202,200,202,199,196,189,189,191,196,199,196,196,199,202,202,204,207,204,194,189,194,199,204,207,212,212,207,207,212,212,207,196,178,108,125,181,133,129,178,202,209,91,59,53,57,107,191,212,217,215,207,204,212,228,233,225,215,207,204,207,215,225,228,225,222,217,217,215,207,194,140,136,136,191,202,202,191,143,194,209,217,217,209,204,202,204,212,215,209,207,204,199,198,199,202,204,202,202,199,202,204,204,202,202,204,204,199,202,207,204,204,196,199,212,217,215,212,209,209,209,207,207,207,204,202,202,204,212,215,212,215,217,217,209,199,195,196,199,196,196,196,196,194,194,199,212,220,225,228,228,230,230,233,238,241,243,246,248,248,241,233,228,220,215,217,222,225,225,222,222,215,209,212,225,233,233,230,230,230,233,233,230,222,212,209,209,207,189,139,141,135,124,123,129,189,204,209,209,194,133,121,119,125,135,143,202,217,233,235,235,230,230,230,235,238,233,230,228,228,225,220,212,207,207,207,207,207,209,209,204,199,202,212,222,235,241,238,233,230,238,248,255,255,255,255,255,255,255,255,235,0,0,238,243,243,246,243,241,235,225,212,212,0,0,0,0,255,255,251,248,243,235,228,217,209,207,208,215,225,217,183,165,0,127,127,129,181,194,196,189,179,179,189,202,209,212,207,199,199,207,222,230,235,238,238,235,235,238,241,238,222,199,186,186,196,204,207,215,217,215,215,215,215,215,220,0,0,0,0,0,0,0,0,0,0,0,202,0,204,202,191,183,173,165,165,165,157,150,150,155,163,176,186,196,207,209,204,199,199,199,202,207,212,217,225,233,235,230,217,204,194,189,190,196,204,209,207,207,212,222,228,228,228,228,228,230,233,233,230,230,233,235,238,241,243,246,246,246,243,243,241,243,246,248,246,248,248,248,243,235,233,233,238,241,235,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,108,118,134,144,150,144,129,121,129,144,152,150,139,137,150,152,142,131,87,63,59,51,47,59,63,77,131,134,137,137,49,32,44,77,95,105,144,150,150,155,160,165,168,168,163,152,109,106,104,104,108,113,115,157,163,165,173,176,163,160,170,189,191,194,178,112,112,160,168,160,115,111,111,119,163,123,123,123,163,123,163,168,178,183,183,183,189,191,186,173,168,168,165,163,164,173,186,194,191,189,187,187,189,194,196,196,196,199,199,194,125,109,114,181,196,202,202,202,204,202,191,185,185,187,189,181,176,170,173,176,181,178,178,173,173,178,170,165,170,173,170,170,170,173,170,173,181,181,176,173,170,168,168,168,160,156,160,178,194,202,55,0,0,42,97,150,176,189,191,189,186,186,186,181,176,181,181,181,189,199,183,65,101,183,183,181,173,155,113,165,194,194,196,163,69,66,91,115,181,183,173,163,168,178,165,157,168,163,102,97,96,113,165,165,157,99,89,103,105,63,46,59,115,117,117,163,189,196,196,189,119,107,165,178,178,173,165,121,119,165,176,178,173,170,176,178,173,168,123,121,168,181,191,176,21,0,0,43,101,160,186,86,68,119,191,196,204,204,194,168,163,170,123,165,168,176,189,196,186,165,117,119,168,176,189,199,194,176,174,174,176,183,183,176,173,178,173,115,109,114,111,104,163,173,117,109,112,117,115,105,107,123,127,168,170,176,173,173,181,189,196,202,207,207,204,202,199,194,191,186,186,186,186,186,183,183,183,176,115,114,114,115,121,125,127,168,170,176,181,186,183,178,170,170,176,181,178,174,176,186,191,186,178,178,178,178,181,186,189,194,191,186,181,178,177,178,183,189,196,202,207,209,209,207,204,199,196,196,194,194,194,196,196,194,194,194,194,194,189,181,174,173,178,181,176,128,127,176,181,178,178,181,181,176,170,170,173,176,173,168,165,125,168,176,178,173,173,170,163,123,123,168,176,181,181,178,173,165,119,109,111,119,121,121,160,168,181,186,170,121,123,170,173,178,194,194,121,103,117,173,186,191,191,191,191,191,187,189,191,189,186,183,182,182,183,183,181,178,176,173,170,165,164,164,164,164,168,170,170,168,170,170,173,176,178,178,181,186,189,191,194,170,99,103,97,83,107,168,186,191,186,178,173,176,176,168,125,126,176,189,202,207,202,199,199,196,191,183,178,178,183,176,127,126,129,178,183,186,183,181,177,176,177,186,191,189,183,181,178,181,189,186,178,181,189,189,183,178,181,183,189,189,189,183,181,176,178,178,176,176,181,181,176,125,119,120,176,191,194,191,189,189,191,191,191,191,191,191,194,196,199,196,194,194,194,194,194,196,196,202,204,199,183,178,181,194,202,204,207,215,215,212,207,204,202,202,202,204,207,207,204,207,204,199,196,191,189,183,182,183,189,191,191,189,189,189,191,199,204,207,204,202,199,196,194,186,178,176,133,131,127,110,107,121,176,183,183,181,186,194,199,199,196,196,194,194,194,194,194,191,191,189,186,185,189,196,202,196,181,135,135,135,135,135,135,181,135,133,137,191,196,199,204,212,215,217,217,212,209,207,204,204,204,204,202,202,196,196,196,199,199,199,194,185,181,185,191,196,196,199,204,209,209,207,207,209,209,209,209,212,217,217,217,220,212,196,196,199,194,192,196,207,209,209,207,208,215,225,225,215,204,200,200,200,200,200,207,222,228,222,212,207,212,215,217,217,215,209,202,199,194,194,199,207,212,215,215,212,207,207,209,212,212,215,215,217,217,212,202,195,194,195,204,209,209,209,204,199,145,141,137,139,191,199,202,202,204,204,196,141,134,138,199,209,212,215,215,215,215,215,215,217,215,209,200,199,207,217,228,230,230,230,230,230,225,222,222,228,230,230,229,229,230,228,228,230,235,235,230,230,233,235,235,230,222,217,217,222,225,225,225,228,230,233,230,230,228,217,204,140,137,141,196,204,207,207,207,207,207,207,209,209,207,207,207,207,204,202,199,199,199,199,199,199,199,202,199,196,194,191,189,189,191,191,186,183,183,186,189,194,196,202,204,204,199,189,135,131,178,183,186,194,194,189,185,185,186,189,189,189,186,189,189,189,186,181,179,183,186,189,189,189,189,191,189,187,187,189,191,194,199,204,209,215,217,222,225,230,233,233,233,230,228,228,230,233,235,235,233,228,222,215,212,212,212,209,207,207,207,207,202,199,196,194,196,199,202,207,209,212,217,215,209,196,186,133,123,123,127,129,129,133,181,191,202,209,209,199,183,178,181,178,123,105,101,106,133,191,176,125,123,124,133,191,209,225,228,225,228,230,228,215,204,143,114,135,141,135,135,191,207,220,222,222,217,222,225,225,222,217,217,217,217,217,217,217,215,215,217,222,222,217,212,212,215,217,217,217,222,225,225,222,215,212,211,212,215,215,217,217,220,217,209,147,144,147,212,222,217,207,202,202,204,209,212,209,204,199,196,199,204,204,202,204,212,215,202,189,191,204,212,215,209,199,195,198,204,209,212,212,209,209,212,212,212,215,215,215,209,204,202,202,204,207,209,207,204,202,207,209,212,212,215,217,222,222,217,217,217,215,209,207,207,209,209,215,215,207,194,191,196,204,209,209,209,209,209,209,209,209,209,207,204,199,199,202,196,189,139,136,137,186,191,196,204,207,204,199,199,202,204,204,204,204,204,199,190,189,194,199,191,179,181,189,194,191,186,187,194,199,199,196,196,199,202,196,189,183,182,183,189,191,191,191,194,194,194,194,199,202,202,194,189,189,194,194,191,191,196,202,199,196,194,189,139,138,186,196,204,204,202,202,199,191,185,186,191,196,199,196,196,199,204,209,207,207,209,209,209,207,204,202,202,202,196,196,196,196,199,202,204,204,199,198,198,199,199,194,187,186,189,196,199,204,207,207,202,202,202,204,207,209,209,209,204,199,199,202,202,202,204,212,217,222,222,222,217,212,212,215,215,212,209,209,209,209,209,207,207,204,207,209,215,215,215,212,212,212,209,207,204,204,207,209,212,212,204,196,194,194,194,194,196,202,207,204,199,194,191,191,191,186,127,122,122,127,189,199,196,191,196,204,209,209,207,207,207,202,200,202,204,199,194,189,189,194,194,194,196,202,204,202,202,204,202,196,191,194,199,202,204,204,204,204,207,212,207,186,108,97,102,186,204,189,129,127,129,121,85,67,56,65,115,189,196,194,189,133,137,209,233,233,220,207,202,203,204,209,217,225,225,222,215,207,202,199,191,139,135,135,191,207,212,204,199,207,217,225,217,202,189,137,139,196,202,196,199,202,199,198,196,198,202,207,204,202,199,199,196,196,199,204,204,202,204,207,207,202,189,194,209,217,217,215,212,212,209,207,207,209,209,207,207,209,215,215,215,215,222,220,212,199,195,195,196,196,196,196,196,194,194,199,209,215,220,225,228,228,230,233,235,238,243,248,251,251,243,233,222,217,217,220,225,228,225,225,222,215,209,209,217,228,233,233,233,230,233,233,228,217,207,204,202,191,129,123,127,127,125,125,133,191,209,217,215,194,137,133,131,137,189,199,215,230,238,238,238,235,233,235,238,238,235,233,230,230,228,222,217,212,212,212,215,212,212,212,209,207,209,220,235,243,248,248,246,243,243,251,255,255,255,255,255,255,255,255,235,230,233,235,241,241,241,241,241,235,225,207,204,212,0,0,251,254,254,254,251,248,243,233,222,212,212,215,225,228,217,186,165,0,126,127,129,181,191,191,183,178,179,191,204,209,209,202,195,195,202,217,233,238,241,241,241,243,243,243,235,217,196,181,176,183,189,189,199,204,207,209,212,212,212,217,0,0,0,0,0,0,0,0,0,0,0,0,0,202,194,189,183,170,163,163,160,152,144,144,152,0,173,186,202,212,215,209,202,196,196,196,207,215,225,230,235,238,233,220,207,194,189,190,194,202,204,207,207,212,222,225,225,225,225,228,230,235,235,235,233,235,238,238,241,243,246,246,246,246,246,241,241,243,246,248,248,251,248,241,235,233,235,241,243,241,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,98,108,113,126,137,134,129,131,142,150,150,150,150,157,157,150,139,137,129,139,77,57,61,65,79,131,144,157,168,173,155,87,75,87,99,142,147,150,152,152,155,157,163,165,160,152,111,107,106,107,109,113,157,165,170,170,165,157,111,107,157,176,183,160,111,119,165,168,121,111,110,110,121,165,123,121,121,123,163,168,176,183,186,182,179,182,191,191,181,170,168,168,165,168,178,181,183,189,189,189,189,191,194,199,199,199,194,194,194,189,173,170,183,194,196,196,199,204,202,194,187,189,189,189,186,183,178,173,165,121,121,125,168,181,191,181,170,173,178,178,176,176,176,173,176,178,176,170,170,168,163,163,163,159,156,157,165,176,178,97,24,81,163,178,181,189,194,196,196,194,189,186,178,174,178,186,186,189,191,160,55,170,194,191,181,183,173,97,69,109,168,173,89,109,176,165,160,181,189,191,115,111,157,115,117,170,157,98,98,97,115,160,67,59,73,87,97,93,52,42,54,168,165,116,117,170,186,196,191,157,101,160,189,189,186,181,163,115,117,163,176,168,163,173,176,173,170,123,113,110,173,196,199,165,33,31,103,183,194,215,178,98,181,209,207,207,204,194,178,176,189,196,186,170,170,181,194,191,176,125,125,170,173,178,189,181,173,174,181,186,191,186,168,165,178,186,186,181,165,111,95,117,123,117,111,111,121,168,170,178,176,173,178,189,183,173,173,181,191,199,207,209,212,209,207,204,196,191,189,186,186,189,189,191,189,183,173,119,117,117,121,168,176,176,173,173,176,176,181,181,178,173,173,176,181,178,174,176,186,191,186,181,178,178,183,186,189,189,189,189,186,181,181,181,181,181,183,189,191,196,202,204,204,204,202,196,196,194,196,196,196,196,194,191,189,186,183,181,176,174,174,178,178,129,122,122,173,186,186,183,183,183,178,170,169,170,176,173,173,168,165,170,178,178,168,165,165,163,123,123,163,168,173,176,173,168,163,160,119,119,160,121,121,119,121,165,113,87,97,123,170,170,178,196,183,89,85,125,178,189,191,191,194,194,191,189,189,191,191,191,186,186,186,186,183,178,173,168,168,168,165,164,164,163,164,165,165,165,165,165,168,173,178,176,173,173,183,181,176,176,81,67,99,170,196,189,186,189,196,196,186,178,176,173,170,170,173,178,191,202,202,196,191,191,189,186,181,178,183,186,176,127,125,127,173,181,183,183,181,178,177,181,191,191,183,181,183,186,189,191,189,178,178,186,186,178,177,177,178,181,183,183,181,176,173,174,178,178,178,181,181,178,133,125,129,183,194,194,191,189,189,191,194,196,196,194,191,191,194,196,196,194,192,196,196,199,199,202,202,202,194,183,181,186,202,204,204,207,215,215,209,204,202,200,202,202,204,209,209,207,207,204,199,196,194,189,186,183,183,189,191,191,191,189,189,191,196,199,202,202,202,199,199,196,189,181,176,176,131,127,82,82,115,131,178,181,183,186,194,199,196,196,199,196,194,194,194,191,189,186,185,183,183,186,196,202,196,186,135,134,135,178,178,181,186,186,183,189,196,196,199,204,209,212,215,215,212,209,207,209,207,207,204,199,196,195,195,196,199,202,202,196,189,181,183,191,199,202,202,204,204,204,202,202,204,207,212,215,215,217,217,217,217,212,204,202,202,196,195,199,207,212,209,208,209,215,222,222,217,209,204,204,204,200,199,202,212,217,215,207,204,204,207,209,207,204,199,196,194,194,199,204,212,215,215,212,207,202,204,209,212,215,215,215,217,217,215,209,199,194,195,202,207,212,212,207,196,143,137,137,139,191,202,207,212,215,212,204,196,145,145,194,204,209,215,215,215,213,213,215,217,222,215,204,200,207,217,228,230,230,230,230,230,222,220,220,225,230,230,230,230,230,226,225,228,233,235,233,230,230,230,228,222,217,217,217,225,228,228,228,228,230,233,233,230,228,215,199,141,140,147,202,207,207,207,207,207,207,207,207,207,207,207,207,204,202,199,199,199,202,202,199,199,199,199,199,196,189,186,186,189,191,194,194,191,189,189,189,191,194,199,204,204,202,194,181,135,178,183,189,191,194,189,185,183,186,189,189,189,186,189,189,189,186,183,183,186,189,189,189,187,187,189,189,189,189,189,191,196,199,204,209,212,215,217,225,230,230,230,230,230,228,228,230,233,233,233,228,225,217,217,215,212,209,207,204,204,207,207,204,202,196,194,194,194,196,202,204,209,212,212,207,199,191,131,115,111,115,121,127,173,178,186,196,207,212,207,191,181,181,178,129,109,102,104,123,183,183,129,122,122,129,191,212,228,228,225,228,230,225,217,209,204,199,202,202,202,207,215,215,215,217,217,220,222,225,228,228,222,217,217,215,215,215,217,222,222,225,228,222,212,202,199,204,209,215,217,222,225,225,222,217,212,212,212,217,222,222,220,217,217,209,147,144,147,207,215,212,204,204,204,207,209,209,207,199,196,196,199,202,199,199,202,209,215,209,196,196,207,212,212,204,198,196,199,207,209,209,208,208,209,209,212,212,212,215,212,207,202,199,198,199,207,212,212,209,209,209,209,212,215,217,222,225,222,217,222,217,212,207,207,209,209,209,212,207,199,191,194,199,207,207,209,207,209,209,209,207,207,204,207,212,212,209,204,196,186,137,139,186,191,196,199,202,202,196,189,191,196,199,202,202,207,207,199,191,190,194,196,189,181,183,191,194,189,186,186,191,194,194,191,194,196,199,196,189,183,183,189,194,196,196,196,199,196,196,196,199,202,199,194,191,191,194,194,191,191,194,196,196,191,191,186,139,137,138,189,196,202,202,204,204,196,189,186,191,199,199,199,199,202,204,207,207,204,207,209,209,207,202,199,199,202,199,196,195,195,196,199,204,204,199,198,199,202,202,199,194,189,191,194,199,204,207,207,202,202,202,204,207,207,209,207,202,199,198,198,198,199,204,212,222,222,222,222,217,215,215,215,212,207,205,204,205,207,209,212,212,212,212,212,217,217,215,212,212,209,207,204,207,207,209,209,212,209,204,196,192,192,192,192,196,204,209,207,202,199,196,196,196,191,131,124,125,135,199,209,209,204,204,209,212,209,207,207,207,204,204,204,204,202,199,191,189,189,189,194,199,202,204,204,202,202,199,196,194,194,199,202,202,199,196,196,204,212,207,133,97,86,113,204,220,209,191,178,119,91,95,103,115,127,183,191,183,121,94,93,109,207,235,233,217,204,203,204,207,207,215,222,225,222,212,199,192,194,194,191,143,191,202,212,217,217,215,222,230,228,212,137,117,117,125,139,143,142,191,199,202,202,198,198,198,202,202,199,194,194,194,196,196,196,199,196,199,204,207,202,139,186,204,212,215,215,212,209,207,204,204,209,209,209,209,215,215,215,215,217,222,217,209,202,199,199,202,202,202,204,202,196,195,196,207,212,217,222,225,228,230,233,235,238,243,248,254,251,243,233,220,213,215,220,225,228,225,222,220,215,209,207,212,220,228,233,233,230,233,233,228,215,207,204,196,139,121,115,117,117,119,121,127,183,202,209,207,186,137,141,189,194,202,209,225,235,241,241,238,235,235,235,238,238,235,235,233,233,230,225,222,217,217,215,215,215,212,212,209,209,215,225,238,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,238,233,235,238,241,241,241,241,241,235,220,199,192,199,215,230,243,251,254,255,255,255,251,243,233,222,222,225,228,228,215,191,168,0,126,127,170,181,186,183,181,178,183,199,207,209,207,199,195,195,202,215,230,238,241,241,243,246,246,243,235,222,199,183,176,173,169,168,178,194,202,209,212,212,209,215,228,0,0,0,241,241,238,235,233,228,222,212,204,191,178,178,178,168,160,157,157,150,143,143,147,152,165,181,196,209,209,204,196,189,186,189,202,215,225,230,233,235,230,217,207,196,191,191,194,202,204,204,209,212,217,222,222,222,222,225,233,235,238,238,235,235,238,238,238,241,243,243,246,248,246,241,238,241,243,248,251,251,246,241,235,233,235,238,241,238,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,85,66,64,103,126,131,134,137,144,150,155,160,160,157,152,144,150,163,186,142,51,41,47,69,134,152,163,173,186,196,183,150,101,142,150,147,147,147,150,152,155,160,165,165,165,163,152,109,109,111,115,160,173,181,160,95,107,95,79,63,160,168,113,113,157,165,168,119,113,110,115,178,183,170,121,121,165,173,181,189,191,191,183,182,183,191,194,186,170,165,170,168,173,176,165,127,183,191,191,194,194,196,196,196,194,191,191,194,196,199,194,191,191,191,194,199,204,202,196,191,191,189,189,189,186,181,173,163,111,107,111,119,173,189,186,176,173,178,181,176,172,173,176,176,176,170,168,170,168,161,160,163,168,165,163,160,163,163,163,163,194,199,196,194,194,194,199,202,189,170,173,181,181,181,189,194,196,196,59,17,163,189,189,181,189,199,77,20,50,113,155,78,109,183,183,176,170,105,105,81,81,101,99,96,163,170,115,155,163,170,168,57,31,65,103,97,52,52,57,157,194,181,160,155,115,160,186,183,80,44,60,196,191,194,194,176,115,109,111,123,115,113,163,176,178,178,173,111,96,110,165,178,176,119,117,199,207,204,209,196,160,181,209,209,207,199,186,176,176,189,196,183,125,125,176,186,183,168,123,124,168,170,176,181,183,183,189,196,196,199,189,165,123,173,189,196,196,186,165,114,165,165,165,121,112,125,178,183,191,191,189,194,199,168,101,119,181,194,199,204,209,212,212,212,207,202,194,189,186,189,191,194,194,191,186,176,127,121,119,123,173,178,173,170,173,170,170,176,176,176,176,176,176,178,178,176,181,189,194,189,183,181,181,186,194,194,189,183,181,181,181,181,181,181,181,178,178,183,189,196,199,204,204,202,196,194,194,191,191,191,191,191,189,183,181,178,178,178,178,176,176,176,127,122,123,176,189,191,189,186,183,176,170,169,170,173,176,173,170,168,173,176,170,125,122,122,123,123,119,119,123,165,170,168,163,160,165,163,121,121,119,119,115,113,109,85,75,80,123,163,123,173,191,113,75,74,125,181,194,196,196,196,194,191,186,189,191,194,194,191,191,191,191,183,173,165,125,125,165,168,168,165,165,165,165,165,165,165,165,165,165,168,173,168,160,115,87,101,121,84,71,111,181,194,196,191,189,196,204,202,189,178,176,173,173,176,181,189,194,191,191,186,183,181,178,178,181,186,183,176,127,125,126,131,178,181,181,181,181,186,196,199,189,131,131,178,186,186,186,181,177,178,183,183,178,177,177,181,183,189,189,183,176,172,173,176,178,178,176,131,133,176,133,176,183,189,191,189,186,186,189,194,196,199,196,191,191,191,196,196,196,196,199,199,199,199,202,202,199,194,186,182,189,199,207,207,207,209,209,207,204,202,200,200,202,204,207,207,207,204,202,196,196,199,194,191,189,189,191,194,194,194,194,194,196,196,196,196,199,199,199,196,194,186,178,181,181,176,127,84,84,111,129,176,181,181,189,194,196,196,199,199,199,196,196,194,191,189,189,186,185,185,189,196,204,199,191,178,135,181,183,181,181,183,186,189,194,199,202,202,204,209,209,212,209,207,204,202,202,202,202,199,199,196,196,195,196,199,202,204,204,199,189,185,189,196,202,204,202,196,194,194,196,199,204,209,212,215,215,217,215,204,202,209,209,204,202,199,202,207,212,212,212,215,217,222,222,217,215,209,209,209,202,199,199,207,212,209,204,199,202,202,199,196,194,191,191,191,196,202,212,217,222,215,209,202,200,200,207,212,215,212,212,212,215,215,212,207,199,199,202,209,212,212,202,143,137,137,141,191,199,204,212,215,215,212,209,209,202,194,191,202,212,215,215,215,215,213,215,222,225,222,209,204,209,217,225,230,230,230,230,228,222,218,220,225,230,235,235,233,230,226,226,230,233,233,233,233,230,228,222,217,216,217,225,228,230,230,228,230,230,233,230,228,222,212,199,149,199,207,209,207,207,207,207,204,204,204,204,204,207,207,204,202,199,199,196,199,202,202,199,199,199,202,199,194,183,182,183,189,194,196,196,196,196,196,196,199,199,204,207,207,204,202,186,135,178,189,194,194,191,186,185,183,186,189,189,186,186,189,191,189,186,183,186,191,191,194,191,189,189,191,194,191,191,191,194,199,202,207,212,212,207,207,215,225,228,228,228,230,228,228,230,230,228,228,225,222,222,222,222,217,212,204,203,204,204,204,204,202,199,196,194,194,194,196,199,202,207,209,207,202,191,133,115,107,107,111,119,127,173,178,189,202,212,209,196,183,176,178,176,123,111,109,121,178,181,133,124,124,135,202,222,230,228,225,228,228,217,207,204,204,204,202,202,209,222,225,220,211,209,215,220,222,225,228,228,222,215,215,209,207,208,215,222,225,228,230,225,209,198,195,198,204,209,212,217,225,225,222,222,217,215,217,222,225,222,220,217,215,207,196,147,196,207,209,207,207,209,212,212,212,207,204,202,196,194,194,194,194,196,202,209,215,212,199,196,207,209,207,204,199,199,202,207,209,209,209,209,212,209,209,209,212,212,212,207,204,199,198,198,207,215,215,212,212,209,209,212,215,217,222,222,222,217,217,215,209,207,207,209,209,207,202,196,191,191,196,202,204,207,209,207,209,209,209,204,202,199,204,209,217,217,209,189,134,137,189,199,204,204,202,199,194,182,181,183,191,196,196,196,199,202,202,196,191,191,189,186,183,191,196,196,191,186,186,189,191,191,191,191,194,196,196,191,186,186,191,199,202,202,199,196,194,194,196,202,202,196,191,189,186,189,191,194,194,194,194,191,189,189,189,186,139,138,183,191,199,202,204,207,202,194,191,194,199,202,199,199,199,202,202,199,199,204,209,209,207,199,196,198,202,202,199,196,195,195,199,202,204,204,202,202,202,202,202,199,196,194,194,199,202,204,204,202,199,199,202,204,207,209,209,204,202,199,199,199,199,204,209,217,222,217,222,222,220,217,217,212,207,204,204,205,207,209,212,215,215,215,215,217,220,217,215,212,209,207,204,207,209,209,209,209,209,204,196,192,191,192,196,204,209,209,209,207,207,204,202,199,196,141,137,141,194,207,215,217,215,212,212,212,209,207,207,209,209,207,204,199,199,199,196,189,186,189,194,199,204,204,207,204,199,196,194,191,191,194,196,199,196,195,195,199,207,199,131,103,94,183,212,222,220,215,209,178,95,99,111,127,186,202,199,131,97,90,91,109,209,233,235,225,217,212,215,215,212,215,222,222,215,209,196,192,196,202,204,207,207,207,215,222,228,230,235,238,233,207,116,110,115,129,141,186,189,194,202,204,207,204,202,199,199,199,194,189,189,191,191,183,133,181,186,194,204,209,204,129,133,196,204,209,209,209,207,203,203,204,209,212,212,215,217,217,215,217,222,217,212,207,204,204,204,207,209,212,212,209,202,196,199,204,209,215,220,225,228,230,233,235,235,241,246,251,251,246,235,225,215,213,217,225,230,228,222,220,215,209,205,207,212,222,228,230,230,233,233,228,217,212,209,199,137,123,115,111,109,109,113,121,133,186,194,189,135,135,191,204,209,215,220,230,238,241,238,238,238,238,238,238,241,238,238,235,233,230,228,225,222,220,217,212,209,207,207,207,209,215,225,235,243,248,255,255,255,255,255,254,254,255,255,255,255,255,255,246,238,241,243,0,0,241,241,243,235,215,194,189,192,207,225,243,251,255,255,255,255,255,0,251,235,228,228,228,222,209,189,170,164,165,168,170,178,183,181,181,181,189,207,212,212,207,199,196,196,199,202,212,225,233,235,238,243,243,243,235,222,207,191,181,173,166,165,176,194,202,204,204,204,204,209,225,0,0,0,241,241,241,241,238,230,217,209,199,181,0,163,168,163,157,157,152,147,143,143,144,150,160,176,189,199,199,191,183,178,176,181,194,207,220,228,230,230,225,217,209,202,199,199,202,207,207,209,209,212,217,222,222,222,222,228,233,235,238,238,238,238,238,238,238,238,243,246,248,248,243,235,233,235,241,246,248,246,241,238,235,230,228,230,233,233,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,48,51,92,129,139,139,139,142,147,155,157,157,157,155,150,157,181,194,160,29,0,21,49,124,144,160,173,189,191,186,178,173,170,163,152,147,147,152,155,157,160,160,163,165,163,150,109,111,150,152,152,160,165,83,57,75,73,61,48,111,157,112,113,157,163,165,157,115,111,115,178,183,168,121,123,170,183,194,199,196,194,191,194,196,196,194,186,173,123,165,168,170,168,114,114,178,189,194,196,196,194,194,191,186,189,191,191,194,199,199,196,194,189,191,196,202,202,196,191,189,189,189,183,176,170,176,176,121,107,105,109,123,181,183,181,173,176,176,173,172,173,178,178,170,165,165,168,168,165,163,168,178,176,168,160,157,160,165,183,202,209,204,202,196,194,199,204,173,109,113,181,189,186,189,196,204,204,31,17,170,194,191,186,199,225,75,11,44,113,160,93,101,168,189,186,160,66,77,79,89,107,99,91,115,191,196,191,191,191,202,111,52,152,204,173,56,65,101,181,194,186,173,163,109,105,155,170,93,42,46,183,186,186,191,181,160,109,99,101,61,97,121,183,191,191,189,173,91,108,117,163,173,178,189,209,215,207,204,194,168,170,196,204,204,194,178,170,170,178,183,125,119,123,176,183,176,165,125,165,173,178,178,176,189,196,199,204,207,202,186,165,125,173,181,186,191,186,181,173,168,170,183,189,176,178,183,189,194,199,204,207,181,82,72,92,178,191,196,199,204,207,209,212,209,202,194,189,186,186,189,191,194,191,189,183,173,123,119,123,173,173,168,127,127,127,168,170,173,176,178,178,176,178,181,183,189,194,196,191,186,181,178,186,194,194,186,178,176,176,176,178,181,181,178,177,177,181,189,196,199,202,199,199,199,196,191,186,183,183,183,186,189,186,181,178,178,183,183,181,176,173,173,131,176,183,189,189,189,186,181,176,173,170,173,173,173,170,168,168,168,165,165,125,122,123,163,123,119,117,121,165,170,168,163,163,168,165,160,119,117,115,113,115,109,93,85,105,165,121,118,125,173,109,80,80,168,186,199,202,196,194,191,186,186,186,189,191,191,191,194,194,191,181,170,125,124,125,168,170,173,173,170,170,170,168,168,168,168,165,160,117,101,75,63,69,75,103,165,119,109,163,176,181,189,186,186,191,202,204,194,183,178,173,169,173,183,191,189,186,189,186,181,181,177,177,178,183,181,173,127,126,127,173,178,181,181,178,183,194,202,196,181,129,128,173,181,183,183,178,177,181,183,181,178,178,181,186,191,194,194,189,178,172,173,176,178,178,131,128,128,131,133,176,178,181,186,186,186,189,191,194,196,196,194,194,191,194,196,196,199,199,196,196,194,196,199,199,196,191,186,182,186,196,207,207,204,204,204,204,204,204,202,204,207,207,204,203,204,204,196,194,196,202,199,196,194,194,194,194,196,196,196,196,199,196,194,194,194,196,196,194,186,178,177,181,183,176,125,115,109,113,125,178,181,179,186,191,191,194,196,199,199,196,196,191,189,189,191,189,189,189,194,199,202,199,189,178,135,183,186,181,179,181,186,191,196,202,204,204,207,207,207,207,207,204,199,196,195,194,195,196,199,202,199,196,196,196,202,204,207,204,199,189,186,194,202,204,199,194,190,190,190,191,196,204,209,209,212,215,209,143,143,209,212,207,207,204,204,207,209,209,209,215,222,225,225,222,215,212,212,209,202,198,198,204,212,209,202,196,196,196,194,191,189,189,189,191,196,204,215,217,217,215,207,200,199,199,202,209,212,215,209,207,207,209,212,212,209,207,204,209,212,202,139,135,137,143,196,204,207,207,209,212,209,207,209,212,207,194,191,204,215,215,212,212,215,215,217,222,225,222,215,212,212,217,225,228,230,230,230,228,222,220,220,225,230,235,238,235,230,228,228,230,230,230,233,235,233,228,222,216,217,222,230,233,230,230,228,228,230,230,228,225,215,207,204,207,212,217,212,207,207,207,204,204,204,204,204,204,204,204,202,199,199,196,196,199,202,202,199,202,202,202,199,194,182,181,183,194,199,199,199,202,204,204,204,204,204,207,207,209,209,204,186,129,135,191,199,196,191,186,185,185,186,186,186,183,186,191,194,189,183,186,189,191,194,196,199,196,196,196,196,196,194,194,196,202,204,209,215,212,202,200,204,215,225,228,228,230,228,228,228,228,222,222,222,222,222,222,225,222,215,209,204,204,204,204,202,202,199,196,196,196,194,194,194,194,202,207,207,199,189,133,121,113,107,106,109,115,123,127,178,191,204,207,202,191,178,176,176,131,125,123,127,176,178,133,131,133,189,209,225,230,228,225,225,222,204,194,192,194,194,189,196,212,222,222,217,209,208,212,220,222,222,225,225,222,217,215,209,205,205,212,225,228,230,230,225,212,199,196,198,199,202,207,215,222,225,225,222,222,220,222,225,225,222,215,212,212,207,202,202,204,207,207,207,209,212,215,215,212,207,204,202,199,189,141,141,189,196,204,209,212,209,195,194,202,204,204,204,204,199,202,204,209,212,212,215,215,209,209,209,212,215,212,209,207,202,198,198,204,212,215,212,212,209,209,212,215,217,217,217,217,217,215,212,207,207,207,207,204,202,194,189,190,194,196,199,202,207,207,207,209,209,209,204,199,199,199,202,212,222,212,135,117,137,194,204,209,207,202,196,189,181,179,182,191,196,194,191,194,199,202,199,196,189,186,183,186,194,202,199,191,189,189,189,189,191,191,191,191,196,196,194,191,191,196,202,202,202,196,192,192,194,199,199,199,194,186,135,129,181,189,194,194,194,194,194,191,191,194,194,191,186,186,191,199,202,204,207,204,199,196,196,202,199,199,199,196,196,196,196,196,202,207,212,209,202,198,198,199,202,202,196,195,195,199,202,204,207,204,204,202,202,202,202,199,196,196,196,199,202,202,199,199,198,199,202,207,212,212,209,207,204,202,199,202,204,207,212,215,217,222,222,222,217,217,215,209,207,207,207,207,209,212,217,217,217,217,217,220,220,217,215,212,207,207,207,209,209,209,209,207,204,202,196,194,194,199,207,209,209,207,209,212,212,209,207,204,202,202,202,204,207,212,212,212,209,209,209,207,207,209,209,209,204,196,189,191,196,196,191,187,191,199,202,202,204,207,207,202,196,194,191,189,189,191,196,199,202,202,202,202,194,133,113,111,186,207,215,215,215,215,209,186,113,117,131,196,215,209,127,93,101,115,186,215,230,235,235,233,228,222,220,217,217,217,212,207,204,199,196,199,207,212,212,212,212,215,222,228,233,238,235,230,220,125,116,133,189,194,196,199,202,207,209,209,209,207,207,204,202,194,186,183,186,181,121,103,107,131,189,202,207,202,119,129,189,199,202,204,204,203,202,203,207,212,212,212,217,222,220,217,217,217,212,207,204,207,207,209,209,212,215,217,215,207,202,204,207,212,215,222,225,228,230,233,233,235,235,241,246,248,248,241,233,220,213,215,225,230,228,222,222,215,209,205,205,209,217,222,228,230,233,233,228,220,217,215,207,139,129,121,111,107,106,108,119,131,137,137,135,129,135,194,212,222,225,228,233,235,235,233,235,238,238,241,241,243,243,241,241,235,230,228,228,225,220,215,209,205,204,205,207,207,215,222,230,238,246,254,255,255,255,255,251,250,252,255,255,255,255,255,251,243,246,246,0,0,0,0,241,233,215,196,190,194,207,225,246,0,0,255,255,255,0,0,0,238,228,225,222,212,199,181,168,165,168,168,170,178,186,183,178,181,194,212,217,215,207,199,199,199,194,189,191,204,217,228,233,238,241,238,233,222,207,194,183,176,172,173,196,204,202,196,191,189,194,204,220,235,0,0,241,241,241,243,238,228,212,202,194,178,0,0,155,157,155,155,150,147,144,144,147,150,160,173,181,186,186,176,127,127,129,176,186,202,215,222,228,228,222,215,212,209,209,209,212,215,215,212,212,215,217,222,222,225,225,228,233,235,238,241,238,238,238,238,235,238,243,246,251,248,241,230,225,230,238,243,241,235,230,230,230,228,222,222,228,230,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,113,142,152,155,152,150,147,150,152,152,157,160,155,157,183,191,160,21,0,7,33,57,124,147,168,183,186,183,183,183,181,173,157,147,147,152,155,157,157,155,155,157,155,111,105,107,111,152,113,107,95,65,58,61,55,52,42,89,157,117,117,160,163,163,160,119,113,111,163,168,123,121,165,178,191,202,207,202,196,196,202,202,194,189,183,170,114,117,121,165,125,113,115,170,183,191,196,196,196,194,191,186,186,186,186,186,191,196,199,196,189,189,194,199,199,194,189,189,194,191,176,111,105,168,191,183,111,101,107,121,170,176,178,173,173,173,173,176,178,181,173,123,121,121,121,163,165,168,170,173,170,165,163,163,157,160,176,209,215,207,199,194,192,202,209,178,93,91,170,191,194,194,196,204,207,18,17,176,196,191,189,202,222,77,30,73,115,160,115,107,157,189,183,93,67,97,111,115,113,101,101,173,199,204,202,196,196,204,189,152,183,204,202,186,170,173,183,186,183,178,173,117,106,111,115,105,74,60,170,173,163,165,168,160,111,59,27,26,103,173,199,204,199,196,194,183,173,160,121,168,178,189,204,204,202,196,186,163,163,183,194,194,186,163,163,170,176,173,123,119,125,181,186,178,173,168,170,176,186,176,95,170,199,199,207,209,191,125,121,168,176,170,123,163,173,186,183,117,122,189,196,178,176,186,189,194,202,204,196,109,83,78,96,129,181,191,196,196,202,207,209,209,204,196,189,186,186,189,189,189,189,189,186,176,125,121,127,173,170,127,127,121,120,125,170,176,176,181,183,181,178,183,189,194,191,191,189,186,178,176,178,186,186,181,176,173,173,173,178,183,183,181,178,181,186,189,194,196,196,194,194,194,191,186,181,178,178,181,183,183,183,181,181,181,183,186,183,178,176,178,186,189,183,183,183,183,183,181,178,178,178,176,173,170,170,165,123,121,123,125,168,168,170,170,163,119,117,123,173,176,176,168,165,165,165,123,123,119,115,117,121,119,121,165,173,168,120,118,121,168,165,109,103,123,181,196,196,191,186,186,186,186,189,189,189,186,189,191,194,189,181,170,125,125,165,168,173,176,176,176,173,170,168,168,170,170,168,157,77,14,12,39,71,91,168,170,163,163,168,170,168,176,181,181,176,176,183,183,178,173,169,168,170,186,189,183,186,191,186,183,183,178,177,177,183,181,176,131,131,173,181,186,186,183,178,183,191,194,183,173,130,130,131,178,183,186,181,178,186,183,181,181,181,186,189,191,196,196,191,178,173,173,178,183,183,133,128,128,133,135,135,178,181,186,186,189,191,196,196,196,194,194,194,194,194,194,194,194,194,194,191,189,189,194,194,191,189,186,183,189,196,207,207,202,196,199,199,202,204,209,212,212,209,204,204,207,204,194,190,191,196,196,196,194,191,191,191,194,194,196,199,199,199,196,196,194,194,191,186,181,177,177,183,181,125,117,125,123,117,123,178,183,181,183,186,186,189,194,199,199,196,191,189,186,189,191,191,191,194,196,199,196,186,178,131,131,186,189,181,179,181,189,194,199,204,207,207,207,207,207,207,204,204,199,196,195,194,195,196,199,202,202,199,194,194,196,199,204,204,202,194,189,194,202,202,199,194,191,191,190,189,190,199,204,209,212,207,199,139,140,204,209,209,207,204,204,207,209,207,207,212,222,228,228,222,217,215,212,209,202,199,199,204,209,207,196,192,194,194,194,191,189,189,189,189,194,202,209,212,212,209,204,202,202,200,202,207,212,217,212,207,204,207,209,212,215,209,207,204,204,135,129,132,189,199,204,209,212,207,207,207,205,205,207,212,209,194,190,202,212,212,209,212,217,217,217,217,217,217,217,217,217,217,222,228,230,233,230,228,225,222,222,225,230,235,235,235,233,230,230,230,230,230,233,238,235,230,222,217,217,225,233,233,230,228,225,225,228,228,225,215,207,204,209,217,222,217,212,207,207,207,204,204,204,204,202,202,202,202,199,196,196,196,196,199,199,199,202,202,204,204,202,194,182,182,189,199,202,199,199,199,204,204,207,207,209,209,207,207,207,202,135,120,125,189,196,196,191,186,185,186,186,186,183,182,189,196,196,191,183,183,189,189,191,196,199,202,199,199,196,196,194,196,196,202,207,209,215,212,202,199,202,209,222,225,228,228,228,228,225,222,215,215,217,217,217,217,217,217,215,212,207,202,202,202,199,199,199,199,202,199,194,191,189,186,191,199,202,196,186,133,123,117,109,106,106,109,113,119,125,178,194,202,202,196,183,176,173,173,173,129,127,127,129,131,133,178,194,212,222,225,225,222,222,215,202,192,192,196,194,139,143,209,222,225,222,212,211,215,217,217,217,225,225,217,217,220,212,207,208,217,228,228,228,225,222,212,204,199,199,202,202,207,215,217,222,222,222,222,222,222,222,222,215,209,207,207,204,204,204,207,207,207,207,209,215,217,217,212,207,202,199,194,140,138,139,143,196,204,209,212,207,194,192,199,202,202,204,204,199,199,204,209,215,217,217,212,209,207,209,212,215,215,212,209,202,196,196,204,212,215,212,212,209,212,212,215,217,217,217,215,215,212,207,205,207,209,207,202,196,190,189,191,196,194,194,199,204,204,204,209,212,209,204,199,202,199,199,207,212,207,135,121,139,196,207,207,204,202,199,194,186,183,189,196,202,196,191,191,194,199,202,196,191,183,183,186,194,199,199,194,191,191,191,189,191,191,191,191,194,194,191,189,191,196,199,202,202,196,194,194,194,199,199,194,189,135,123,120,135,186,189,191,194,196,196,194,194,194,194,196,196,194,194,196,199,199,202,204,202,199,196,199,199,199,199,196,196,196,196,196,202,207,209,209,207,202,199,202,204,204,202,199,196,199,202,204,204,204,204,202,202,199,199,199,196,194,194,194,196,199,199,199,199,202,204,209,215,215,212,207,202,199,199,202,204,204,209,215,217,222,222,217,215,217,215,215,215,212,209,207,207,209,215,217,217,217,217,222,222,222,217,215,209,209,212,212,212,209,207,207,207,204,199,199,199,202,207,207,202,202,207,209,212,212,212,212,215,212,207,204,202,202,204,204,202,207,209,209,207,207,207,202,196,189,139,141,191,196,196,194,196,202,202,199,202,207,212,207,199,196,191,187,187,189,194,199,212,212,209,207,199,183,133,135,194,204,209,209,209,215,217,215,207,194,194,209,222,215,194,133,199,207,215,222,228,230,233,233,225,215,209,212,215,212,204,202,199,199,196,194,202,212,215,209,212,217,222,228,230,228,225,228,228,209,202,207,207,204,207,207,212,212,215,212,212,209,209,207,202,194,189,183,181,131,109,98,98,125,183,194,191,135,105,125,186,196,199,204,204,204,204,204,209,212,212,212,215,222,220,215,212,212,209,204,204,207,209,207,207,207,209,212,212,209,207,209,209,212,217,222,225,228,230,233,235,233,231,233,238,246,248,246,238,225,215,213,217,222,225,225,225,217,209,205,205,207,212,217,225,230,235,235,230,222,220,222,212,186,135,129,115,108,106,108,121,135,137,133,129,129,135,191,212,228,235,235,233,230,225,225,230,235,238,241,241,243,243,243,243,238,233,228,228,225,217,215,212,207,205,205,207,207,212,217,228,235,243,254,255,255,255,255,254,251,251,254,255,0,0,255,251,243,243,243,0,0,0,0,235,235,225,207,196,199,209,222,238,251,0,255,255,255,0,0,0,233,224,225,222,212,196,181,170,168,173,173,173,0,186,181,177,177,194,212,217,215,207,202,202,199,191,140,139,145,204,217,230,235,235,233,225,212,202,191,181,181,186,194,209,209,202,189,182,182,189,202,217,233,0,0,243,241,241,243,235,222,204,199,194,183,0,142,0,152,152,150,144,142,144,147,150,155,160,173,176,178,173,123,121,123,129,176,186,199,215,222,228,228,225,217,215,212,215,217,222,222,217,215,212,215,217,222,225,228,230,230,233,235,238,238,238,238,235,235,233,235,241,246,251,248,235,222,215,225,233,238,230,215,209,215,222,222,217,217,225,228,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,147,160,168,170,157,147,147,152,152,160,160,155,163,194,202,194,63,0,27,35,37,83,129,147,173,183,183,181,181,178,170,157,147,147,150,152,155,157,155,155,155,155,144,105,103,106,155,150,99,85,75,81,81,50,51,35,52,163,170,165,163,157,160,163,160,117,111,119,121,119,123,170,181,189,199,207,204,199,196,202,202,194,189,183,123,103,111,116,165,170,123,165,168,178,189,196,199,199,196,194,189,185,185,185,185,189,194,199,199,189,183,186,194,194,191,186,189,196,194,121,67,57,107,189,186,103,93,103,119,165,125,165,168,168,168,170,176,178,176,165,120,119,119,119,120,163,168,165,161,161,163,165,160,117,119,170,183,202,204,199,196,196,202,204,196,93,75,109,186,199,199,199,202,199,6,7,111,181,178,183,189,196,83,58,107,113,160,163,115,163,186,91,55,75,209,202,155,91,91,157,191,199,202,202,199,199,204,199,183,183,191,204,186,181,183,183,157,160,176,178,178,173,160,99,83,81,83,176,176,109,105,113,117,99,2,0,25,163,191,207,207,199,196,199,196,189,178,170,170,168,165,168,163,186,183,170,121,123,176,183,186,178,160,164,178,181,178,173,170,181,186,189,186,181,173,165,168,176,103,46,81,191,194,202,196,118,106,111,168,178,165,113,110,119,189,196,104,113,181,183,160,164,183,196,199,202,202,178,119,121,170,170,129,129,178,191,191,194,202,207,207,204,199,194,189,189,191,189,186,186,186,183,170,121,121,127,173,127,127,170,118,117,121,168,176,178,183,186,183,181,186,194,194,186,183,183,181,176,173,173,176,178,176,176,173,173,173,181,186,189,189,189,191,189,186,183,186,189,189,189,186,183,181,177,177,178,181,181,176,176,178,181,181,183,186,186,178,176,181,189,189,181,176,176,178,176,176,181,186,186,181,173,170,170,165,120,118,121,168,176,181,183,178,168,119,117,163,176,178,176,170,165,165,163,123,165,165,121,121,163,163,165,170,173,168,123,120,123,173,181,176,117,102,117,181,189,186,186,186,189,191,191,191,186,181,183,189,189,186,178,173,168,165,165,168,170,176,176,176,176,170,165,168,170,170,163,91,23,4,9,69,105,107,168,160,119,121,121,121,119,168,183,181,164,159,163,169,169,168,170,170,176,183,183,182,191,191,189,186,186,183,178,178,186,186,181,178,178,181,189,189,186,178,173,178,183,183,176,173,178,176,131,176,186,189,181,181,189,186,183,183,183,186,186,186,189,191,186,178,173,176,186,194,194,183,133,135,186,186,183,186,189,191,191,194,199,202,202,199,194,191,191,191,194,191,186,186,189,191,189,183,183,189,191,191,189,191,191,194,199,204,204,196,194,195,196,199,204,215,222,217,215,209,209,209,204,194,189,189,191,194,191,191,189,186,186,189,191,196,196,196,196,199,199,196,191,183,178,178,181,183,183,133,112,111,127,127,119,123,173,181,183,183,183,183,186,191,196,196,191,189,185,185,189,194,194,196,199,199,196,183,133,129,127,127,137,186,183,183,186,194,202,204,207,204,204,204,202,204,204,204,204,204,202,199,199,199,199,196,199,202,199,191,190,191,194,196,199,199,194,191,194,199,202,196,196,196,199,196,191,190,196,204,209,212,202,191,139,141,202,207,209,207,202,202,204,207,204,204,209,222,228,228,225,222,217,215,209,207,202,200,202,207,202,194,191,192,194,194,194,191,189,187,187,191,199,202,202,202,202,202,202,204,204,202,204,212,217,215,209,204,204,207,212,212,209,204,202,194,126,123,137,209,212,209,212,215,209,205,205,205,205,207,209,209,191,189,196,209,209,209,215,217,217,215,215,217,217,222,222,222,217,222,225,230,233,233,230,230,228,225,225,228,233,233,233,233,230,229,230,230,230,233,235,238,233,228,225,225,230,233,233,228,225,225,225,225,222,217,209,204,207,217,225,225,217,209,207,204,204,204,204,204,202,202,202,202,199,196,196,196,196,199,199,199,199,202,204,207,207,202,191,182,183,194,202,204,199,196,199,202,204,207,209,209,207,207,207,207,196,121,113,120,186,194,194,191,186,186,186,186,186,182,182,189,199,199,191,183,183,189,189,186,189,196,199,196,196,194,194,194,194,196,199,204,209,212,212,207,202,204,212,220,222,222,217,222,222,217,215,209,209,215,215,212,209,212,212,215,212,209,204,202,199,199,199,199,202,204,202,196,189,183,181,186,191,194,191,186,133,123,115,111,107,107,107,109,111,119,129,183,194,196,196,189,181,176,176,176,131,125,122,123,125,127,135,194,215,225,222,217,217,222,215,202,194,202,212,207,131,135,207,225,233,230,222,217,217,215,215,217,225,222,217,220,222,215,208,208,222,228,225,222,217,217,212,207,204,204,204,204,209,217,222,220,217,216,217,220,222,222,217,212,204,202,199,202,202,204,207,209,209,209,212,215,217,217,212,207,199,194,143,138,138,140,189,196,204,209,209,204,192,192,202,202,196,199,202,199,199,204,209,217,217,212,207,204,204,207,212,215,215,212,207,199,196,196,204,215,215,215,215,215,215,215,217,217,217,215,212,212,209,207,207,209,209,204,199,194,190,190,194,196,194,192,196,202,202,204,209,212,207,202,196,199,202,202,204,207,202,186,136,186,196,204,204,202,202,204,202,199,196,199,204,204,202,194,190,191,196,202,199,191,183,139,183,189,194,194,194,194,194,191,191,194,194,194,194,194,194,191,189,189,194,199,202,204,202,199,199,196,196,196,191,183,129,120,112,181,186,186,186,194,199,199,196,196,191,191,196,202,202,199,194,191,191,194,199,202,199,196,196,199,199,199,199,196,199,199,202,199,202,207,209,209,204,199,199,204,207,204,202,199,199,199,199,196,196,202,202,202,199,199,199,194,192,191,191,191,192,192,194,199,204,207,212,215,215,212,207,199,198,198,204,207,209,212,215,222,225,222,215,213,215,217,217,217,215,209,205,205,209,212,217,217,217,217,222,222,222,220,217,215,215,215,212,212,209,207,207,207,204,202,199,199,202,202,202,198,199,202,207,212,215,215,220,220,215,207,199,194,194,196,199,199,204,212,212,209,207,199,191,141,137,137,141,191,196,199,202,199,199,196,194,196,204,212,209,207,204,196,187,186,189,196,202,209,215,217,215,209,199,196,199,207,207,207,207,209,215,217,220,215,209,207,209,209,209,212,217,225,228,228,225,222,222,222,217,209,203,202,204,207,207,202,196,194,191,141,139,189,204,212,209,209,215,225,228,228,222,222,225,228,222,220,217,212,212,212,215,217,217,217,212,207,204,204,202,199,199,194,189,181,125,105,100,102,135,186,186,127,106,94,111,183,194,202,207,209,209,209,209,209,209,207,207,212,217,217,212,207,204,202,202,204,207,207,204,202,199,199,204,207,207,209,212,212,212,217,222,228,228,230,233,235,233,230,230,235,243,251,248,241,228,217,212,212,215,222,228,230,225,215,207,207,207,209,215,228,233,238,241,233,225,220,217,212,189,139,135,119,111,109,113,125,137,137,129,127,129,135,189,212,230,241,241,238,230,221,220,224,233,238,238,241,241,243,246,243,238,233,230,228,225,217,215,215,209,207,207,209,207,209,215,228,235,246,254,255,255,255,255,255,255,255,255,255,0,0,255,246,235,235,235,235,230,0,0,0,235,230,217,209,207,212,215,222,235,254,255,255,255,255,0,255,233,224,225,230,222,207,189,178,178,0,181,176,0,183,178,174,176,191,209,215,212,207,202,202,204,194,140,138,141,199,212,225,230,230,228,217,207,196,186,0,183,191,199,207,207,196,183,181,182,189,202,215,230,241,243,243,241,241,241,235,217,202,196,196,186,160,142,142,0,150,144,138,138,142,147,150,155,163,168,173,168,163,119,117,121,129,178,186,199,215,225,228,228,225,222,215,212,215,217,222,225,222,215,212,215,217,222,228,230,233,233,233,235,238,238,238,235,233,230,228,230,238,241,246,241,228,212,209,217,230,230,217,202,151,202,212,215,215,217,225,225,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,139,165,191,181,163,147,147,152,157,160,160,155,163,189,207,217,105,0,37,35,13,71,118,129,150,168,173,176,170,168,163,147,137,142,147,150,155,160,163,160,165,173,163,144,106,109,155,109,89,83,89,113,152,160,91,55,81,176,186,181,168,155,119,160,160,119,117,119,121,117,118,168,176,181,191,202,207,202,199,199,196,194,191,186,170,117,113,116,165,168,165,170,168,170,189,191,194,199,196,191,189,186,185,183,185,189,196,199,202,191,173,173,181,186,186,178,178,199,107,53,0,0,111,123,121,78,79,91,121,163,112,110,117,123,165,168,173,176,170,125,121,120,119,120,125,168,170,168,163,165,168,160,114,113,121,170,178,176,183,189,186,191,199,196,191,173,48,42,107,191,202,194,176,23,2,79,115,170,111,109,97,103,111,111,105,113,168,181,181,181,170,34,7,61,183,85,61,65,71,113,189,199,202,202,199,199,207,199,181,165,152,176,183,176,157,65,65,78,163,183,183,186,178,105,75,71,101,181,183,176,93,103,119,97,0,0,99,168,189,199,204,199,194,194,194,194,191,189,186,176,103,8,6,83,99,99,113,168,178,178,170,165,170,173,183,178,176,178,183,186,186,189,189,183,173,165,125,121,73,43,58,181,191,183,165,117,110,110,168,186,178,115,114,114,186,194,105,104,165,170,153,164,183,202,204,191,181,125,123,191,189,186,178,126,129,186,186,189,194,199,204,204,202,199,196,196,196,196,194,191,183,173,119,117,119,125,125,121,123,125,120,119,121,168,176,178,181,183,181,181,186,194,189,181,178,181,176,176,176,173,172,173,173,176,176,173,176,186,189,189,196,202,202,191,177,177,181,183,181,181,181,181,178,178,181,183,183,181,133,133,133,133,178,183,183,183,181,178,186,194,191,178,173,170,168,125,125,181,189,186,181,173,170,176,168,119,118,125,176,183,186,186,183,176,163,113,115,168,173,168,165,168,168,123,123,165,168,165,163,165,165,165,165,168,168,165,125,168,178,186,178,121,90,103,170,186,189,189,191,194,191,194,191,178,170,170,178,183,181,178,176,173,168,165,165,170,176,176,178,178,170,165,165,168,160,83,29,33,63,101,115,109,111,119,117,114,115,115,114,117,181,194,186,163,157,165,173,176,173,176,176,178,181,183,189,191,191,189,189,189,183,181,183,191,196,191,183,181,189,194,189,176,123,126,131,176,181,181,181,186,178,127,131,189,186,133,133,183,186,186,183,186,189,183,181,183,186,183,178,176,181,191,202,204,202,196,194,194,194,194,194,194,194,194,196,202,202,202,199,194,189,186,186,189,186,183,183,186,189,189,186,183,186,191,191,191,196,199,196,196,199,202,199,195,194,196,202,202,217,228,215,215,212,209,207,202,196,191,191,191,191,189,189,189,186,185,186,194,196,196,191,191,196,199,196,189,183,178,178,181,183,181,123,106,109,127,123,119,121,127,178,178,183,183,183,186,189,194,194,189,185,185,186,194,199,202,202,204,202,194,135,128,129,129,126,128,181,189,194,202,207,209,207,204,204,202,199,199,199,204,207,207,204,199,196,202,202,196,191,194,199,202,194,189,191,196,191,189,191,196,196,191,196,202,199,199,202,204,204,202,196,196,202,209,215,199,141,141,191,202,207,212,207,202,200,200,204,207,209,215,225,228,228,228,225,217,212,207,204,202,200,200,202,199,196,194,194,194,194,194,194,189,186,189,194,199,202,199,199,199,199,199,204,207,204,204,209,212,212,207,202,202,207,209,209,209,207,204,189,122,124,207,217,217,215,217,217,212,207,205,207,209,209,209,204,191,189,196,204,207,209,215,215,212,209,212,217,225,225,225,222,217,217,222,230,233,233,233,233,233,228,225,225,228,233,233,233,230,230,230,230,230,233,235,235,233,230,230,233,233,230,228,225,225,228,228,225,217,212,209,207,212,222,228,225,215,207,203,203,204,207,204,204,202,204,204,204,199,196,195,196,199,202,202,204,204,202,204,209,209,202,186,179,186,196,199,199,196,196,199,202,204,207,209,207,207,204,204,204,194,111,106,127,191,194,191,191,189,189,189,186,183,182,182,189,199,199,189,183,186,191,189,185,185,186,191,194,191,191,191,191,191,194,196,202,207,209,209,209,209,212,215,217,220,215,212,209,209,209,207,204,207,212,212,209,208,208,212,215,217,212,207,204,199,196,196,199,202,202,202,196,189,181,137,181,183,186,186,181,133,123,115,109,107,107,105,105,107,115,125,178,191,194,194,191,191,189,181,178,173,126,122,123,124,125,129,191,215,222,217,216,217,222,212,196,194,204,217,209,109,125,202,230,235,230,228,220,215,212,212,217,225,222,217,222,222,212,207,208,222,228,222,217,215,212,209,204,202,204,207,209,212,217,225,222,216,217,222,222,217,217,215,209,204,198,196,199,204,207,207,209,209,204,209,215,222,217,212,207,202,191,141,139,141,189,191,196,204,209,207,199,191,192,202,202,192,192,196,199,202,204,212,217,215,209,204,202,202,204,209,212,212,207,199,198,198,204,209,215,217,217,217,222,222,217,220,217,215,209,208,208,209,209,209,215,209,202,199,194,191,190,194,199,196,194,196,199,199,202,209,209,204,196,194,194,199,202,202,202,199,196,191,191,196,202,202,202,202,204,204,202,199,199,202,207,207,199,189,190,194,202,202,191,139,137,139,186,189,191,194,196,194,194,194,196,196,196,196,194,194,191,191,189,191,196,204,209,204,199,196,196,194,194,191,186,135,126,127,186,186,185,186,191,194,199,199,199,194,191,194,199,204,202,196,190,189,191,196,202,202,199,196,199,202,202,196,196,199,199,199,196,194,196,207,209,202,194,194,199,207,209,204,199,198,199,196,192,191,196,204,202,199,202,202,199,194,192,191,191,192,191,191,196,202,204,207,212,215,215,212,204,199,202,207,212,215,215,217,222,222,217,215,215,217,222,222,222,217,212,207,207,212,215,217,217,217,217,217,222,222,222,220,215,215,215,212,209,209,207,207,204,202,194,191,194,194,194,199,199,202,204,209,215,215,215,220,222,215,204,196,191,190,194,199,199,199,209,217,212,207,196,139,133,133,135,189,194,194,196,204,199,189,185,185,191,199,207,209,212,207,196,189,187,191,199,204,207,212,215,212,202,199,202,209,212,209,207,207,209,215,217,215,215,215,209,204,205,215,225,230,233,233,228,217,212,209,212,212,207,204,202,200,202,207,207,199,191,139,134,136,143,202,209,212,212,215,222,228,225,217,217,222,225,222,217,209,204,209,215,217,222,222,215,204,199,199,199,198,198,204,204,194,181,117,103,104,127,183,189,186,129,111,103,103,123,189,204,209,212,212,212,209,209,207,204,204,209,212,215,209,199,195,196,204,209,209,207,204,196,195,195,199,204,207,209,212,211,211,217,225,228,230,230,230,233,233,231,230,233,243,251,251,241,230,220,213,212,213,222,230,235,230,222,215,212,209,209,217,228,235,241,243,241,228,217,209,199,191,186,137,125,119,117,123,129,135,129,125,127,133,139,196,212,230,238,241,238,233,221,218,225,233,241,241,238,238,243,248,246,243,238,233,230,228,222,217,215,212,212,212,209,209,209,215,228,238,248,254,255,255,255,255,255,255,255,255,255,255,255,255,241,228,225,225,225,217,212,215,225,0,0,228,220,215,215,215,212,217,238,255,255,255,255,255,255,246,230,225,228,225,212,194,183,0,0,0,186,186,183,177,176,181,191,202,207,204,202,202,204,207,202,189,140,143,199,209,217,225,225,225,222,215,204,191,183,186,189,191,196,196,191,183,182,183,191,199,212,230,241,243,243,241,241,243,238,222,207,199,196,189,168,147,144,0,0,142,139,142,144,147,147,152,160,165,165,163,119,115,115,121,129,0,189,199,212,225,228,230,228,222,215,215,215,217,222,225,222,215,212,215,217,222,230,233,235,233,235,235,238,238,238,235,233,225,225,228,233,233,233,230,222,207,202,209,222,222,207,149,147,149,204,209,212,217,225,222,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,168,181,176,160,147,142,147,157,157,150,144,147,170,209,222,57,0,37,23,0,43,81,118,129,134,121,67,85,144,144,129,97,131,137,147,155,157,157,165,186,189,170,160,165,165,157,105,91,99,168,176,178,189,176,105,111,170,181,176,163,117,117,157,160,157,157,160,119,116,117,160,165,173,186,202,207,204,202,196,196,194,191,186,178,165,123,163,163,114,112,121,165,163,178,189,194,194,189,187,189,191,189,186,189,191,194,199,204,199,176,121,117,117,163,119,79,57,0,0,0,0,57,119,83,75,79,90,117,123,100,85,115,121,125,165,170,173,170,165,125,121,121,125,173,183,186,183,173,170,168,117,111,114,173,181,173,163,157,119,119,165,176,173,178,181,52,20,38,111,189,183,23,13,13,186,176,107,74,91,99,107,117,157,111,113,168,186,196,199,186,40,15,57,65,2,6,59,79,111,186,199,202,202,198,196,207,209,150,1,0,95,178,170,81,45,67,91,109,115,178,196,196,186,113,91,69,115,168,107,89,103,181,181,85,87,115,173,186,194,199,196,191,190,190,191,196,202,202,189,75,0,0,33,77,91,113,181,186,173,118,116,163,170,173,166,166,181,189,186,185,186,189,189,178,165,125,123,103,73,115,189,183,165,118,165,178,178,189,196,189,121,113,113,173,183,116,114,165,176,170,181,194,204,183,121,121,119,125,189,196,199,194,170,129,176,183,186,186,189,194,196,194,196,202,204,204,202,199,194,181,127,115,115,117,119,115,115,119,123,123,125,170,176,176,173,178,181,178,178,183,189,183,178,176,176,174,176,178,178,176,176,173,173,131,173,176,186,183,183,194,196,194,186,177,176,178,178,178,178,178,178,181,183,183,186,183,181,176,176,130,129,131,178,181,183,181,183,189,196,196,189,173,121,115,116,118,170,178,178,178,173,176,181,173,121,123,178,186,189,189,186,183,186,178,106,101,111,163,123,123,168,170,165,163,165,168,165,163,163,168,168,170,170,170,168,165,168,178,183,178,127,113,119,173,183,189,189,191,191,186,186,181,127,119,119,125,173,176,178,178,176,170,168,170,173,178,178,178,178,173,163,115,95,31,0,5,73,105,111,113,111,113,160,157,115,115,115,117,168,186,194,191,176,170,181,186,186,183,181,178,173,176,178,186,189,186,183,183,183,186,186,186,189,194,191,189,186,189,191,189,178,126,125,129,173,181,191,194,194,131,117,125,186,183,130,129,133,183,181,178,183,186,183,179,179,186,183,181,181,189,199,204,204,202,199,199,196,196,196,194,191,191,196,199,202,202,199,196,194,189,181,181,183,183,183,183,186,189,189,186,183,186,186,182,181,189,196,196,194,194,196,199,196,196,196,199,207,225,228,204,204,209,209,207,204,199,196,199,199,194,189,189,189,189,186,189,191,194,194,191,191,191,194,194,191,186,181,178,181,181,176,115,106,117,125,116,115,116,119,125,129,181,186,186,189,191,196,194,189,185,186,191,196,202,204,204,207,204,196,181,133,133,131,125,122,131,189,202,212,217,215,207,202,202,199,196,196,199,202,207,204,199,192,192,196,196,191,189,191,199,204,196,190,194,199,194,187,189,196,196,191,196,204,204,204,207,209,209,207,202,202,207,209,202,139,135,141,196,204,209,209,207,202,200,202,204,209,212,217,225,225,225,225,222,215,209,204,204,202,200,202,204,204,202,199,196,196,194,194,194,191,189,191,196,202,204,202,202,202,199,199,202,204,207,204,202,204,204,202,196,199,204,207,209,212,212,209,196,127,127,196,217,217,217,217,215,209,205,205,207,209,209,207,199,194,191,196,204,207,209,209,209,209,209,212,222,225,228,228,225,222,217,222,228,233,233,233,235,235,230,225,224,225,228,230,230,230,228,228,228,230,233,235,235,233,233,233,233,233,228,225,225,225,225,222,222,215,212,209,212,217,225,225,222,215,207,203,204,204,207,204,204,204,204,207,207,202,199,196,199,202,204,207,207,207,204,204,207,207,199,183,179,189,194,191,194,196,199,199,202,204,207,209,207,204,204,202,196,183,109,106,133,191,194,191,191,191,191,191,189,186,183,183,191,199,196,189,186,191,194,191,186,185,186,189,191,191,191,191,189,191,191,194,196,202,207,212,212,212,215,215,217,217,212,207,204,204,204,204,204,207,209,212,212,208,208,209,215,217,217,212,204,199,196,196,199,202,202,202,196,189,137,135,135,178,181,178,178,133,125,117,111,109,107,104,103,105,111,121,176,189,191,191,194,199,196,189,181,181,178,131,131,129,129,133,189,207,217,222,217,217,215,207,194,191,194,196,189,101,125,204,230,233,228,225,217,212,209,209,215,222,222,220,222,222,212,207,208,222,228,222,215,212,212,207,202,200,202,207,209,212,217,222,222,217,217,222,222,217,215,212,209,204,199,198,202,207,207,209,209,204,196,198,209,222,217,212,209,202,191,143,143,191,194,194,196,202,207,207,199,192,192,199,196,191,191,199,204,204,207,212,217,217,209,202,202,202,204,209,212,212,204,199,199,204,209,209,212,217,222,225,225,222,222,222,217,215,209,208,208,209,212,212,215,207,196,194,194,191,191,196,204,204,199,196,191,194,202,207,209,202,194,192,192,196,202,202,199,199,199,196,191,191,194,196,196,196,194,194,194,194,194,196,202,207,204,191,186,189,196,199,191,138,137,139,189,191,191,194,194,194,194,196,199,202,199,196,194,191,191,189,189,189,194,202,204,202,196,196,196,194,191,194,191,186,186,189,191,189,186,189,191,194,196,199,199,196,191,191,196,202,204,199,191,191,194,196,202,202,199,199,199,202,199,196,196,199,194,189,186,186,194,204,204,194,187,189,196,207,209,204,199,198,199,196,191,190,196,204,202,202,204,207,204,204,202,199,199,202,199,196,202,202,204,207,209,215,217,217,212,207,207,209,215,215,215,215,220,222,217,217,217,222,225,225,225,222,217,215,217,217,217,215,212,212,212,215,215,217,222,222,217,215,215,215,212,209,207,207,204,196,143,139,140,140,143,196,202,207,212,215,215,213,215,217,217,212,204,199,192,191,192,196,196,189,199,217,217,209,196,137,132,132,135,189,199,202,202,207,202,186,182,183,191,202,209,215,215,209,202,194,196,204,212,212,209,212,209,207,202,199,204,209,212,212,209,209,215,220,220,217,215,215,212,207,209,222,230,233,233,230,222,202,190,194,204,209,207,207,204,203,203,209,209,204,196,141,139,141,196,204,212,217,215,217,222,225,222,215,212,217,222,222,215,202,194,196,207,217,217,217,212,204,202,202,202,202,207,215,207,183,123,109,105,113,135,183,189,191,186,135,121,113,121,189,204,207,207,207,209,209,207,204,204,204,207,212,215,209,195,194,196,209,215,212,207,202,196,194,195,199,204,207,209,212,215,217,225,228,230,230,230,230,230,233,231,230,233,241,248,248,243,235,228,217,215,217,222,230,233,230,225,217,215,209,212,217,225,233,238,243,241,228,215,204,194,191,189,183,135,129,133,181,137,133,123,119,127,135,141,196,209,225,233,235,238,235,228,224,230,238,243,243,241,241,243,248,248,246,241,238,235,233,225,222,220,217,215,215,212,209,209,215,225,238,246,254,255,255,255,255,255,255,255,255,255,255,255,255,243,230,225,222,217,209,204,207,217,0,0,0,222,217,217,215,211,211,225,246,255,255,255,255,255,254,241,230,222,215,204,194,191,0,0,189,189,191,186,178,183,191,196,199,199,199,199,199,207,209,209,199,194,196,207,215,217,217,217,220,225,228,217,204,194,189,189,189,191,194,194,189,186,189,191,199,212,233,241,243,241,241,246,248,243,230,215,204,199,191,173,150,144,144,0,0,0,0,0,147,112,113,152,155,119,117,115,111,113,121,129,178,189,202,212,225,228,228,228,222,217,217,215,215,217,225,222,215,212,212,215,222,230,235,235,235,235,238,238,238,238,235,230,225,225,228,228,220,217,220,217,207,147,153,212,215,207,149,146,146,153,207,212,217,222,222,218 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,176,170,163,150,147,142,144,152,147,139,137,118,23,35,134,27,0,21,1,0,17,63,77,108,83,65,37,43,79,83,81,85,91,97,139,144,147,152,178,199,173,95,139,181,178,157,144,144,170,186,176,165,178,173,160,157,163,165,163,155,115,115,155,157,157,163,165,121,117,119,160,163,170,189,204,209,209,204,199,196,194,191,186,178,173,168,168,123,109,107,117,163,113,123,186,196,196,189,189,191,194,194,194,194,194,194,196,202,207,191,95,0,0,0,0,0,0,0,0,0,0,25,99,101,91,93,97,109,113,94,75,121,121,121,165,173,176,176,173,170,125,125,168,183,194,199,196,186,181,170,117,113,121,181,183,173,160,115,109,107,109,105,94,83,107,97,63,79,160,178,165,29,21,39,186,163,86,66,89,109,111,113,113,103,105,163,186,196,202,202,109,56,61,61,2,4,55,61,87,196,207,204,202,204,202,209,207,41,0,0,0,173,176,160,85,109,103,99,107,178,202,207,207,204,209,66,119,92,77,87,121,202,209,202,119,117,173,186,194,202,202,194,191,194,194,199,204,207,204,103,4,0,9,77,103,168,191,194,170,107,109,119,168,170,165,165,183,191,189,185,186,191,189,176,122,119,123,168,173,183,189,178,125,119,181,199,199,199,199,191,168,115,117,168,173,165,123,165,178,191,194,196,204,96,101,113,119,168,186,196,202,199,183,176,173,181,183,178,178,183,186,186,191,199,204,202,199,194,189,178,125,109,107,115,115,114,114,117,121,168,178,183,181,170,123,127,176,178,178,181,181,181,181,178,176,173,174,178,181,181,181,176,173,131,129,129,131,129,131,178,126,131,178,178,176,177,178,178,178,177,178,181,183,186,183,181,178,176,178,173,130,131,173,176,181,181,181,183,191,199,196,181,121,114,116,118,123,165,170,178,178,183,189,181,165,170,181,189,191,191,189,191,196,183,93,91,109,123,122,121,165,173,170,168,168,170,165,161,165,170,176,178,178,173,165,121,121,165,178,178,173,127,168,178,186,189,189,189,189,183,181,173,121,116,116,119,165,178,181,183,181,178,176,176,178,181,181,181,178,170,155,83,9,0,0,17,155,155,115,113,113,113,163,165,157,117,119,163,170,178,186,191,194,194,194,191,189,189,186,173,168,168,169,170,181,181,176,176,181,186,189,186,182,183,189,189,189,189,191,189,183,131,128,178,183,186,194,199,196,116,112,117,186,186,133,131,176,181,177,174,177,183,181,178,177,183,183,183,189,199,207,207,204,202,199,194,194,194,194,191,189,191,196,199,199,194,191,191,194,189,183,178,181,181,181,181,181,183,186,183,183,183,183,179,178,183,191,196,194,194,194,196,196,199,199,204,209,217,202,127,135,207,212,209,207,204,202,202,202,196,189,187,189,191,189,189,189,191,191,191,189,189,189,191,191,189,183,178,181,183,133,116,110,127,125,116,116,116,116,117,121,131,178,181,186,196,199,196,189,186,191,199,202,202,204,207,209,207,196,186,181,181,135,126,120,129,189,204,217,222,215,207,202,199,198,196,198,199,204,207,204,196,190,190,194,196,191,190,191,202,204,196,189,191,199,194,189,189,196,196,196,202,207,209,209,212,212,212,209,204,204,209,207,139,131,131,141,199,207,209,207,204,204,202,204,209,212,212,215,222,222,222,222,217,212,207,207,207,204,202,204,207,209,207,202,199,196,194,189,189,189,189,194,202,207,207,207,207,207,204,199,199,204,204,199,196,196,196,194,191,194,202,207,212,212,215,212,199,134,129,135,212,225,222,222,215,209,205,205,207,209,209,204,196,196,202,202,204,207,207,204,207,212,212,217,222,225,228,228,225,222,217,222,228,230,230,233,235,235,230,225,225,225,228,228,230,228,225,225,228,233,233,233,233,233,230,230,233,230,228,225,225,222,215,215,215,215,212,212,217,222,225,225,217,215,209,207,207,207,207,204,203,204,207,209,209,207,202,202,204,204,207,209,209,209,204,204,204,204,196,186,183,189,191,190,194,199,202,202,202,204,207,209,207,204,204,202,191,129,112,112,137,191,191,191,189,189,191,194,194,189,186,186,191,196,196,191,189,191,196,194,191,186,186,189,191,191,191,191,186,186,191,194,196,199,204,209,212,215,215,215,215,215,212,204,199,199,204,207,207,207,207,209,212,209,208,208,212,217,222,215,204,199,195,195,196,199,202,199,194,186,137,133,131,131,133,133,176,176,129,121,115,111,105,103,103,105,109,117,127,181,191,191,196,202,202,194,189,191,194,191,186,183,183,181,186,199,212,222,222,217,212,204,196,189,186,186,183,104,133,204,228,228,222,220,215,212,207,205,209,217,222,220,222,217,212,208,209,217,225,222,215,215,215,209,204,200,202,207,212,215,215,217,217,217,217,217,217,215,212,212,209,207,204,204,207,209,209,209,209,199,191,190,207,217,215,209,207,199,143,142,145,194,196,196,196,202,207,209,204,196,195,199,196,192,195,207,209,209,209,215,222,217,209,204,202,204,207,212,215,215,209,204,204,209,212,212,212,217,225,225,225,222,217,217,217,215,212,209,209,212,212,212,212,204,194,190,191,196,194,199,207,209,202,194,189,190,199,204,207,204,199,192,192,199,204,202,199,199,202,199,191,186,186,189,189,186,183,183,186,189,191,194,199,207,207,199,185,186,191,199,194,183,139,186,196,194,191,191,194,191,191,194,199,202,199,199,194,191,189,187,189,189,194,199,199,199,199,199,199,191,189,191,194,196,199,199,194,189,186,189,191,196,199,202,199,194,191,190,191,199,202,199,196,196,196,199,199,202,199,196,194,194,194,194,196,196,189,182,182,185,194,202,196,187,186,189,196,204,204,202,199,199,199,196,192,191,194,202,204,204,207,207,209,212,212,209,209,209,212,209,209,209,207,207,209,212,217,220,217,215,209,209,212,212,215,215,217,217,217,217,220,222,225,225,225,225,225,225,225,222,215,212,209,209,209,209,212,215,217,220,217,215,215,215,212,207,207,207,207,199,141,139,138,138,140,194,204,212,217,217,215,213,215,217,215,209,204,202,196,194,194,196,191,133,135,204,217,212,199,139,134,134,139,189,202,207,209,209,204,194,186,189,199,207,212,217,215,212,204,202,207,215,217,217,215,209,204,199,196,199,204,209,215,215,212,212,217,222,225,220,217,215,215,217,222,225,230,233,230,225,204,183,182,191,204,207,204,204,204,207,209,212,212,209,204,196,196,202,207,209,215,222,222,220,222,222,217,212,209,215,225,228,220,204,139,129,137,202,215,215,212,209,209,209,209,209,212,212,191,115,106,107,115,127,137,181,181,183,186,183,137,133,129,189,204,204,196,196,202,204,204,202,202,202,204,209,215,209,196,195,204,215,217,212,207,202,196,195,196,204,207,209,212,217,222,228,230,233,233,230,229,229,230,233,231,231,233,241,246,246,243,238,233,228,222,222,225,228,230,228,225,225,222,217,215,217,225,228,235,241,235,222,207,199,194,194,194,191,186,181,186,194,186,133,119,116,123,133,137,189,202,212,225,233,238,241,233,230,233,238,241,241,243,243,246,248,248,248,246,246,243,238,230,228,225,222,217,217,215,212,209,215,225,233,243,254,255,255,255,255,255,255,255,255,255,255,255,255,248,241,238,233,222,209,203,204,212,0,0,0,217,217,217,212,211,209,215,230,246,255,255,255,255,255,254,238,222,209,202,199,0,0,0,194,191,191,186,181,191,199,199,199,196,194,194,199,204,212,212,204,199,202,209,217,222,215,212,215,225,233,230,217,207,202,196,194,196,202,204,199,194,191,191,199,215,233,243,243,243,243,248,254,251,241,228,215,204,194,176,150,142,139,139,105,0,0,152,150,113,113,113,113,113,113,111,109,113,121,170,183,194,204,215,225,228,228,228,225,225,222,215,215,217,222,222,215,215,212,215,222,230,235,235,235,238,241,241,238,238,238,233,228,225,225,222,209,204,209,215,207,139,141,202,209,207,151,147,146,153,207,212,217,222,222,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,85,105,129,134,142,144,144,137,131,129,118,1,0,0,0,0,0,0,0,0,25,63,75,79,69,40,52,66,69,67,73,85,91,126,131,131,134,163,222,157,61,81,99,139,105,144,155,170,181,155,103,150,160,163,163,160,155,155,115,115,115,117,155,160,163,165,157,121,163,165,165,173,194,207,212,212,207,199,194,191,189,183,176,170,168,168,160,113,112,121,165,99,101,181,196,196,194,194,191,194,196,196,196,194,196,199,199,212,199,35,0,0,0,0,0,0,0,73,53,19,55,115,189,191,181,117,115,113,101,89,123,121,121,168,181,183,183,183,178,168,165,173,186,199,204,202,194,189,178,163,119,168,178,173,165,163,121,113,109,109,105,94,88,101,119,186,194,189,191,196,178,163,115,163,115,105,93,109,117,115,109,102,98,101,163,183,191,194,196,176,63,56,73,79,69,63,54,83,212,209,204,207,209,207,207,163,41,0,0,0,85,152,165,173,178,70,58,77,191,204,209,209,212,212,109,189,67,61,95,189,204,209,207,107,109,165,186,196,204,202,199,196,199,202,202,204,209,212,191,93,2,29,95,163,176,189,189,170,108,112,125,170,170,168,168,181,191,191,189,189,189,181,127,119,115,121,125,168,181,183,168,113,111,168,194,202,204,199,183,125,111,117,121,125,168,125,122,165,194,199,202,225,92,97,109,117,168,183,199,202,194,186,183,181,183,181,173,129,173,178,181,189,196,196,191,181,176,178,178,170,105,95,107,115,115,117,119,123,178,186,189,181,127,121,123,173,181,181,178,178,181,183,181,176,173,176,178,181,181,183,183,178,176,129,121,119,121,129,129,110,119,173,178,177,177,178,181,181,181,181,183,186,183,178,133,129,129,176,178,178,176,131,129,173,176,176,173,176,186,194,189,170,119,119,121,119,123,173,183,189,191,191,186,181,176,173,176,191,196,196,196,191,111,83,85,123,168,123,122,163,170,170,170,173,173,168,165,168,173,176,178,178,176,125,115,114,119,173,178,176,176,178,183,191,194,194,191,186,183,178,170,123,117,118,123,170,181,186,186,183,183,181,181,178,178,181,181,173,165,115,81,1,0,0,53,173,160,115,111,111,107,157,165,160,157,163,168,168,170,178,189,196,199,194,186,186,189,191,176,168,168,166,164,169,176,173,176,181,189,189,183,181,182,186,191,189,189,189,189,183,129,131,194,196,191,194,199,194,117,113,119,186,191,183,183,186,183,177,174,176,181,183,179,177,181,183,186,194,204,209,209,204,199,191,186,183,183,186,189,189,191,196,196,189,178,178,186,191,191,186,178,135,135,133,133,133,137,181,137,181,183,186,183,182,186,191,194,196,194,194,191,194,196,202,207,207,194,127,121,122,202,212,215,212,209,204,202,199,196,189,187,189,194,194,191,189,187,189,189,189,189,191,194,194,189,186,183,189,191,183,125,121,131,173,129,123,117,117,121,121,123,127,133,183,196,202,196,189,189,196,202,204,204,207,209,209,202,191,186,183,181,181,135,127,181,194,202,209,209,207,204,202,202,202,199,199,204,209,212,209,199,192,192,199,202,199,196,199,204,204,194,187,190,196,191,189,190,199,202,204,209,215,212,212,215,215,215,212,209,207,207,199,135,129,129,137,202,212,212,207,202,202,207,209,215,212,209,207,212,215,217,217,215,212,207,207,209,209,207,207,209,209,209,204,202,199,194,189,143,139,139,191,202,207,207,207,209,209,207,199,199,202,202,196,194,191,143,139,137,143,199,207,212,209,209,207,199,141,130,131,209,225,225,222,217,212,207,207,209,209,207,204,199,202,204,207,207,204,204,207,209,215,217,222,222,222,222,225,225,222,222,222,228,230,230,230,233,233,230,228,228,228,228,230,230,225,224,224,228,233,233,230,230,228,228,228,230,230,228,225,222,215,213,213,215,215,212,212,217,222,225,225,222,215,209,209,209,209,207,204,203,204,209,212,209,207,204,204,207,207,207,207,207,207,204,204,204,199,191,186,189,194,191,191,196,202,202,204,202,204,207,209,207,204,204,202,191,129,117,120,186,194,191,191,187,187,191,194,194,191,189,189,194,196,196,194,191,194,196,196,194,189,186,189,191,191,191,191,186,183,186,191,196,199,204,207,209,212,215,215,215,217,215,207,199,199,202,204,204,207,207,209,215,212,209,209,212,217,222,217,209,202,196,196,196,199,199,196,194,189,137,133,127,125,125,127,133,176,173,125,117,113,105,103,104,107,111,115,123,176,189,194,196,202,199,196,196,202,202,196,191,189,189,186,181,186,202,217,222,217,212,207,196,183,183,194,209,122,189,207,217,222,220,220,217,212,207,205,207,215,217,217,215,217,215,212,209,212,217,217,217,222,222,215,207,202,204,212,217,215,212,212,217,217,217,215,215,212,209,209,212,212,209,207,209,212,212,212,209,199,191,191,204,212,209,204,199,191,140,140,143,194,199,199,202,204,209,212,209,204,204,204,202,196,199,207,209,209,212,215,217,215,209,207,204,207,209,215,217,217,215,209,209,215,215,215,215,220,225,225,222,217,215,215,212,212,212,209,209,212,209,204,207,202,194,191,194,202,202,202,207,209,202,190,189,191,202,204,207,207,202,194,194,202,207,204,199,199,202,202,196,189,183,182,183,183,139,137,139,186,191,194,199,204,207,202,187,186,190,196,196,191,189,194,199,199,194,194,194,191,189,191,196,196,199,196,194,191,189,187,189,194,196,196,196,199,202,204,196,183,137,183,191,196,196,196,191,186,186,186,191,196,199,202,196,194,190,189,191,196,199,196,196,196,196,199,202,199,196,194,191,191,191,191,194,191,186,183,183,186,194,199,196,189,189,194,199,202,202,199,199,199,199,196,194,191,194,199,202,202,204,204,207,212,215,212,209,212,215,215,215,215,212,209,209,209,212,215,217,217,212,208,209,212,215,217,215,215,215,217,217,222,222,225,225,225,228,230,228,225,215,209,208,208,208,209,212,215,217,220,217,212,212,215,212,205,205,207,204,196,189,143,141,141,143,196,207,212,215,217,217,215,217,222,217,209,204,202,199,196,196,199,191,124,121,135,207,209,199,189,139,141,189,191,202,204,207,207,207,199,196,199,204,207,209,212,212,212,207,207,212,217,217,212,207,196,183,137,137,186,196,207,215,217,215,212,215,222,222,215,207,204,209,217,222,222,225,228,228,212,190,182,187,202,209,204,202,202,204,209,212,209,209,209,204,202,202,209,212,215,215,217,220,220,220,222,217,212,209,212,220,228,225,209,135,118,117,123,209,212,215,215,215,215,215,212,209,196,123,104,104,115,135,183,178,133,127,125,125,129,135,181,183,196,202,196,192,192,194,199,199,199,199,199,202,207,209,209,202,202,209,217,215,209,204,204,202,199,202,209,212,212,215,222,228,230,233,233,233,230,229,229,230,233,235,233,235,241,243,241,241,238,235,233,230,228,228,228,228,228,230,230,230,228,225,225,228,230,235,238,230,215,202,196,196,194,196,199,196,189,189,194,194,183,123,116,119,123,127,135,191,204,217,233,241,243,238,230,230,230,233,235,243,248,248,248,248,248,248,251,248,243,235,230,228,222,222,220,217,215,215,217,225,230,241,251,255,255,255,255,254,251,254,255,255,255,255,255,254,254,251,248,233,215,204,204,209,0,0,0,0,222,222,215,211,211,212,222,233,254,255,255,255,255,255,243,228,212,204,204,0,0,0,202,194,189,181,179,189,196,199,199,194,191,192,196,204,209,207,199,196,199,207,215,220,217,212,209,217,228,230,228,222,220,215,212,215,217,217,212,202,191,191,199,215,233,241,243,243,246,248,254,254,246,238,230,215,202,181,155,142,107,105,105,0,0,155,155,152,115,115,113,111,109,109,111,115,123,176,189,199,207,215,225,228,228,228,230,228,225,217,217,222,222,222,217,215,212,212,222,230,235,238,238,241,243,243,241,241,238,235,228,222,222,215,202,152,204,209,202,135,135,145,202,207,202,151,149,153,207,215,222,225,222,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,116,126,139,150,139,129,126,126,147,160,19,0,0,0,0,0,0,0,0,47,65,75,105,81,79,64,62,59,58,71,81,63,79,93,95,131,97,3,0,57,85,89,95,139,150,155,152,107,103,109,155,163,168,160,152,150,113,115,115,117,155,160,165,163,157,160,170,173,170,178,194,207,212,212,204,194,189,189,183,176,168,168,168,165,165,121,116,117,165,88,84,113,181,189,194,194,191,194,196,199,196,194,196,199,204,209,165,17,0,0,0,3,109,89,81,181,119,87,97,165,186,194,199,191,178,165,111,111,168,165,165,178,191,196,196,194,181,170,168,173,186,199,204,204,202,196,186,173,163,165,165,120,121,165,165,121,117,119,121,163,160,119,178,202,207,202,202,209,204,202,186,178,178,196,191,176,168,165,157,107,100,107,170,183,186,189,186,111,44,41,87,209,207,191,109,186,209,196,191,207,204,207,207,107,81,103,105,81,103,152,163,178,209,83,70,85,194,202,204,204,196,176,168,176,70,66,173,202,202,202,202,97,99,117,176,189,196,199,202,204,202,204,204,204,207,212,202,121,83,71,91,117,168,178,181,168,121,125,170,165,165,173,173,181,189,191,191,186,176,170,127,125,125,122,115,112,168,176,105,69,82,108,170,186,199,199,111,29,30,79,83,95,165,125,117,118,183,196,207,241,89,93,105,113,123,181,196,194,176,181,186,191,189,183,129,125,129,173,178,186,194,189,173,116,115,123,176,176,117,85,99,115,119,119,119,127,178,186,189,186,173,123,123,170,181,183,181,176,178,181,178,176,178,183,181,181,181,186,189,186,181,173,121,117,123,173,176,113,115,131,181,178,177,181,183,186,186,189,189,186,183,176,129,127,126,173,183,186,181,129,127,128,170,170,169,168,173,183,186,176,119,115,115,117,125,178,189,191,191,194,194,194,183,111,103,178,191,199,194,170,101,84,91,173,176,165,123,163,163,165,170,176,173,170,170,173,173,173,173,176,173,125,117,115,119,170,181,181,183,183,189,191,194,194,194,191,189,183,176,168,125,165,173,183,186,186,183,181,178,176,173,168,160,170,176,168,160,160,152,89,0,0,45,165,155,113,107,107,109,117,160,160,163,173,176,173,170,178,189,196,191,178,173,176,186,191,183,176,178,170,163,165,173,178,181,189,191,191,186,183,183,186,191,191,189,189,186,176,125,127,183,186,186,194,194,189,133,119,125,181,183,178,183,191,189,183,181,181,186,189,189,186,186,189,191,196,202,207,204,202,191,183,179,179,179,181,183,186,191,194,189,131,123,125,135,189,189,186,178,132,131,130,130,130,132,133,135,183,189,189,186,183,183,186,189,191,194,191,189,189,191,202,207,199,139,127,124,124,194,209,215,217,212,204,199,199,196,191,187,191,194,196,194,191,187,186,186,187,194,199,199,196,194,194,194,199,204,191,133,131,176,183,186,123,101,115,127,127,121,125,131,183,194,199,194,187,189,196,204,204,207,209,209,207,194,183,181,137,135,181,189,183,189,194,199,202,202,202,202,204,204,204,204,204,207,209,212,209,204,196,196,204,209,207,204,207,209,204,191,187,190,196,194,190,191,202,209,212,222,222,215,215,215,215,212,212,209,207,202,194,141,132,131,137,202,215,215,209,204,204,209,212,212,207,199,194,199,209,215,222,217,212,207,207,212,215,215,212,207,204,204,207,204,199,194,191,139,126,126,141,199,204,207,207,207,207,204,199,199,199,199,196,196,191,137,133,133,137,194,207,209,207,202,199,199,191,133,132,199,217,222,217,215,209,207,207,209,209,209,207,204,204,207,209,207,202,203,209,215,217,222,222,217,217,215,217,222,222,222,222,225,228,230,230,233,233,233,233,233,233,233,233,230,225,224,224,228,233,233,230,225,225,222,225,228,230,230,228,222,215,213,215,217,217,215,212,215,222,225,228,225,217,212,207,207,209,207,204,204,204,209,212,209,207,207,207,207,207,204,202,202,202,202,204,202,196,186,183,189,194,194,194,199,202,199,199,202,204,207,209,207,204,204,202,194,135,127,137,194,196,194,191,187,186,189,194,194,191,189,189,194,196,196,196,196,199,199,196,194,189,185,186,191,191,191,189,183,137,137,189,196,202,202,204,207,209,212,212,217,222,222,212,204,199,199,199,202,204,209,212,212,212,209,212,215,217,222,217,212,207,202,199,196,196,196,196,194,189,181,133,127,123,123,125,129,173,173,125,119,113,105,103,104,111,117,121,125,176,186,191,196,196,196,199,204,207,204,194,186,183,186,183,176,133,186,207,209,209,209,204,186,131,181,204,215,125,196,207,215,217,217,217,217,215,212,207,209,215,215,215,209,209,215,215,212,209,215,217,222,225,225,217,212,209,212,217,217,215,207,207,212,217,215,212,207,207,207,209,212,212,212,209,209,215,215,212,212,204,198,198,204,207,204,202,199,191,141,141,143,194,199,204,204,204,204,209,209,207,207,207,204,199,196,199,199,204,212,215,209,209,209,209,207,204,207,212,217,222,217,212,215,217,222,217,217,222,222,217,217,215,215,212,212,209,209,209,209,209,202,194,194,194,191,191,194,204,204,204,209,209,199,191,191,199,207,207,209,209,204,196,196,204,207,204,202,202,204,202,199,194,186,183,183,183,183,137,136,139,189,196,202,204,207,204,196,191,191,196,199,196,194,196,199,199,199,199,196,191,186,186,189,191,194,194,194,191,189,189,191,194,196,196,195,196,202,199,189,133,131,135,191,196,191,186,183,181,181,183,189,196,199,199,196,194,191,191,194,199,199,191,189,189,194,199,202,202,196,191,189,189,191,190,191,191,191,189,191,194,194,196,199,199,199,202,199,199,199,196,196,196,196,196,196,192,194,196,196,194,196,196,202,209,212,209,209,209,212,212,212,212,215,215,212,212,209,212,217,215,212,208,208,212,217,217,215,212,212,212,215,215,217,217,222,222,225,228,225,222,212,209,208,209,209,209,212,215,217,220,217,215,212,212,209,207,207,207,202,196,191,189,189,143,191,202,209,209,209,215,217,222,222,222,215,209,204,202,199,196,196,202,199,127,119,125,194,202,199,191,186,194,196,196,199,196,196,202,204,204,204,204,204,199,199,202,207,209,207,207,209,212,209,199,137,115,101,95,101,119,183,204,212,215,217,217,217,217,212,202,198,196,200,212,220,217,217,222,225,209,194,191,199,207,209,207,202,199,204,209,209,205,205,207,202,196,199,207,215,215,215,215,215,215,217,220,217,212,209,209,209,220,222,209,137,119,117,121,189,202,209,217,217,215,212,209,204,181,113,105,111,178,199,194,133,127,124,122,121,121,125,137,196,204,204,196,192,192,194,196,196,196,196,196,196,202,207,209,207,204,209,212,209,207,204,207,207,207,209,215,217,215,215,222,228,230,230,233,235,233,230,230,233,235,238,235,238,241,243,241,238,238,238,238,235,233,230,228,228,230,233,238,238,233,230,230,230,233,235,238,230,217,204,199,199,194,194,202,202,191,181,183,194,189,129,119,116,116,117,125,141,202,222,241,246,246,238,233,230,229,229,235,243,248,251,248,248,248,251,251,251,246,241,233,230,225,222,222,222,220,222,225,225,230,238,248,254,254,254,251,248,246,248,254,255,255,254,251,254,254,255,254,241,217,204,199,0,0,0,0,0,222,225,222,215,212,215,217,222,238,255,255,255,255,255,243,230,217,209,207,215,0,0,209,196,186,181,179,183,191,196,202,196,192,191,196,207,207,202,191,141,189,196,207,215,217,215,209,207,209,217,228,230,233,233,230,230,233,228,215,202,191,189,199,215,233,241,243,246,246,246,248,251,248,243,241,230,215,196,170,152,144,109,107,0,0,0,155,150,115,113,111,107,109,111,113,117,0,178,194,202,209,217,225,228,230,230,233,233,228,222,222,225,225,222,217,215,212,212,217,228,235,238,241,243,243,243,241,238,241,235,228,222,217,209,153,152,202,153,143,133,129,135,145,153,204,202,153,153,207,215,225,225,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,98,131,134,142,134,48,40,98,126,181,220,178,137,29,0,0,0,0,0,0,29,43,53,103,137,129,65,62,58,49,63,73,3,0,4,31,23,0,0,0,0,25,27,75,95,105,139,101,99,103,142,150,157,163,160,150,112,112,152,155,155,157,160,165,163,160,165,178,186,183,183,196,204,209,207,199,189,183,181,176,165,121,165,168,168,168,165,116,112,117,87,77,89,121,173,189,186,183,191,199,199,194,196,196,196,199,186,77,33,3,1,73,101,183,176,176,202,191,173,121,173,186,191,199,202,196,183,165,168,173,176,178,189,199,204,204,196,181,170,168,173,183,194,199,204,204,196,189,178,168,165,121,118,120,165,168,165,123,119,123,170,163,163,186,202,207,209,209,209,207,204,199,194,196,199,194,186,186,189,181,117,105,115,176,181,178,186,186,152,57,73,186,209,209,204,194,196,196,181,163,111,178,189,194,99,89,170,183,155,152,160,160,157,163,91,79,91,176,189,183,165,105,103,160,163,111,109,194,202,199,199,194,103,99,105,107,113,176,194,204,209,207,207,204,202,204,212,207,170,115,95,89,97,115,173,178,170,165,125,121,119,121,173,178,183,186,186,186,178,168,127,176,186,186,178,118,114,125,168,105,69,82,119,165,159,165,183,85,0,0,33,61,75,125,125,115,116,173,194,194,178,63,69,97,113,123,178,181,88,83,121,183,196,196,186,168,123,127,170,173,181,189,183,123,113,112,117,173,176,119,69,88,111,117,119,123,170,176,181,186,189,178,125,117,119,178,183,181,173,172,176,173,172,189,191,186,183,186,191,194,194,189,186,121,113,123,176,173,119,120,173,181,178,178,183,186,189,191,191,189,186,181,176,131,129,129,178,186,189,186,173,128,128,170,170,169,169,170,173,176,127,91,88,101,113,165,186,189,189,191,194,199,199,183,84,78,92,176,183,178,123,113,111,165,183,181,170,165,163,163,163,168,176,176,173,170,170,168,168,168,170,168,168,168,125,165,173,183,191,191,186,183,183,186,191,194,194,189,183,178,176,176,178,183,189,191,186,178,170,163,115,103,101,111,163,170,165,160,165,168,155,91,0,0,43,97,105,101,107,113,117,157,163,170,181,183,178,178,186,194,194,183,173,170,173,181,186,186,186,191,181,168,168,173,183,189,194,196,196,194,191,191,191,194,191,191,186,181,173,173,131,119,100,121,191,186,178,131,123,125,131,127,126,133,186,189,189,189,189,191,194,196,196,194,191,194,194,196,199,199,196,189,183,183,183,183,181,178,181,191,194,186,125,121,123,133,183,189,186,181,133,131,131,132,132,132,133,137,189,194,191,183,137,137,137,137,186,191,189,187,189,194,202,202,196,139,133,131,127,186,204,212,217,215,207,202,199,199,194,189,191,196,196,194,194,189,186,185,189,202,207,207,204,202,204,204,209,212,189,127,131,178,186,191,78,57,93,127,129,123,127,176,186,194,196,191,187,189,196,202,202,204,207,204,196,189,181,133,128,129,181,191,194,189,191,196,196,196,196,202,204,207,204,204,204,207,209,209,207,204,196,199,207,212,209,207,209,209,204,191,189,194,202,199,194,196,204,212,217,225,225,217,215,215,212,209,209,209,207,202,194,143,135,134,141,199,209,215,212,209,209,209,209,207,199,191,189,191,202,215,222,222,215,209,209,212,215,215,212,204,199,202,207,204,199,196,194,141,122,121,131,191,202,207,204,202,202,202,199,199,199,199,196,199,194,139,133,134,141,196,204,204,199,191,191,199,196,143,137,189,204,209,209,204,202,202,204,209,212,212,209,209,204,207,209,207,202,203,212,217,217,217,217,215,215,213,215,217,222,222,222,225,228,230,230,230,233,233,235,235,235,235,235,233,228,225,225,228,233,233,230,225,222,222,222,225,228,230,228,217,215,215,222,225,225,217,215,215,222,225,228,225,217,207,202,202,204,207,207,207,207,209,209,207,207,207,207,207,204,202,199,198,198,202,204,202,191,183,183,189,196,194,194,199,196,194,196,199,204,207,209,207,204,204,202,194,139,137,191,199,199,194,191,186,186,189,191,194,191,191,191,194,196,196,196,199,202,199,196,191,185,183,186,191,191,189,186,139,134,134,186,199,202,202,202,204,207,207,209,215,222,225,215,204,196,196,194,196,199,207,212,209,209,212,215,215,217,217,217,215,209,204,199,199,196,196,194,194,191,186,135,129,123,122,123,127,129,127,123,117,113,107,103,104,113,125,129,170,176,178,183,191,194,196,202,209,209,202,191,181,178,178,178,129,125,133,191,196,196,196,191,127,113,125,199,127,103,194,207,215,215,215,215,217,217,217,215,215,217,217,212,204,199,202,209,212,212,217,225,228,228,225,217,215,215,217,222,222,215,207,205,207,212,215,209,207,205,207,209,212,215,212,209,209,212,212,212,212,209,207,209,207,204,202,202,204,199,194,194,191,194,199,204,204,203,203,204,207,204,202,202,202,199,194,192,194,202,209,212,207,205,207,212,207,204,207,212,222,225,222,215,217,222,225,225,222,220,217,215,215,217,217,215,212,212,209,209,207,207,194,141,141,143,143,143,191,202,207,207,207,204,199,199,202,207,209,212,209,207,204,202,202,207,209,207,204,204,202,199,196,194,191,191,189,186,183,137,135,136,189,199,207,207,207,207,204,199,196,199,199,196,194,196,196,196,199,202,202,194,186,185,186,186,189,191,191,191,191,194,194,196,199,196,196,199,199,196,183,132,130,135,191,194,189,181,137,137,137,137,183,189,191,194,196,196,196,196,202,202,199,191,186,186,189,196,202,202,196,191,189,189,191,190,190,191,194,194,196,194,194,196,199,204,204,204,199,199,199,196,194,194,194,196,196,192,194,194,191,189,189,194,199,207,209,207,207,212,212,212,211,212,215,215,215,212,209,209,212,215,212,208,208,209,215,217,215,212,209,209,212,212,215,217,222,222,222,222,222,217,215,212,212,212,212,212,212,215,217,217,217,217,215,209,207,207,209,212,207,202,194,143,142,141,143,202,207,204,204,209,217,220,217,217,212,204,202,202,202,199,196,202,215,204,129,133,196,204,202,196,191,196,202,202,199,192,191,194,202,207,212,207,196,186,186,194,204,209,207,199,191,183,135,121,87,67,64,67,83,103,131,196,207,212,215,215,215,212,204,199,198,199,204,217,222,217,215,217,215,209,207,204,202,202,204,204,202,199,204,209,207,205,205,207,199,194,194,202,212,217,215,212,212,212,215,222,222,215,209,207,207,215,217,204,141,129,127,127,123,135,196,207,209,204,202,202,191,121,111,115,133,199,209,202,129,129,129,127,123,122,124,135,202,207,207,202,199,196,194,196,196,199,199,196,196,196,204,207,207,204,204,207,207,207,207,212,212,212,215,222,222,217,215,220,225,225,228,230,235,238,235,233,233,235,238,238,238,243,243,243,241,243,243,243,241,235,233,230,230,233,235,241,241,235,233,233,233,233,233,235,230,222,212,207,199,192,194,204,202,186,133,133,186,189,137,123,117,115,115,123,139,202,228,246,251,246,241,238,235,233,233,238,246,248,248,248,248,246,248,248,248,246,241,235,230,225,225,225,228,225,228,228,228,230,235,243,248,248,248,248,246,246,248,254,254,251,246,243,246,248,251,251,238,217,199,194,0,0,0,0,0,0,0,228,222,215,217,217,212,217,241,255,255,255,251,241,233,225,215,207,202,207,212,207,196,186,181,179,179,186,196,204,202,194,194,202,209,209,196,141,135,137,189,199,212,217,217,209,202,200,207,225,233,238,241,238,238,235,228,212,199,189,189,199,217,230,241,243,246,243,241,243,246,246,246,246,241,228,209,189,165,155,0,0,0,0,0,152,111,109,107,106,107,109,113,115,119,0,181,196,204,209,217,225,228,230,235,238,238,233,228,228,228,225,222,217,215,212,212,217,228,235,241,243,243,246,243,238,238,238,235,230,222,217,212,204,153,153,147,135,127,123,125,135,149,202,202,151,150,204,217,228,230,228,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,163,144,142,108,0,0,0,0,69,155,199,202,228,220,72,0,0,0,0,19,35,41,43,49,118,129,111,81,83,79,142,152,65,0,0,0,5,39,39,0,0,0,0,43,59,77,97,89,93,103,144,147,152,157,157,150,112,113,160,170,163,155,157,163,163,160,165,181,196,194,189,194,204,207,204,196,186,181,181,176,160,107,117,165,170,170,165,117,116,165,107,84,101,119,160,160,97,117,178,191,191,189,194,194,186,173,99,65,65,83,91,101,109,165,165,157,168,176,176,176,191,196,194,196,202,199,191,176,170,176,181,186,194,202,204,202,191,173,168,168,170,173,181,186,194,196,189,186,183,176,165,121,119,120,165,170,170,165,115,111,117,113,112,178,191,196,207,209,207,204,202,199,199,199,194,189,186,189,194,191,168,109,111,168,176,170,181,183,178,178,199,209,209,204,199,194,196,194,183,160,59,45,47,73,65,65,173,199,191,165,165,170,168,160,83,73,73,87,157,157,104,99,101,107,160,163,178,196,202,202,199,178,97,95,87,57,57,113,191,207,209,209,207,199,196,199,202,183,69,107,115,103,93,103,170,181,176,125,119,117,119,121,170,173,183,181,178,178,176,173,176,186,194,196,194,176,125,168,173,165,119,121,176,168,152,153,168,113,19,13,67,77,91,170,170,118,118,173,186,168,93,62,70,109,119,170,183,165,62,65,115,181,196,196,186,168,123,127,170,173,178,181,176,125,116,115,123,176,178,91,59,91,115,119,121,127,173,170,173,181,183,176,121,115,116,170,181,178,172,170,172,172,169,183,191,189,186,191,196,199,196,196,194,87,77,119,176,176,126,128,181,183,181,181,183,183,186,186,186,181,178,176,176,176,176,181,183,186,191,194,183,127,127,173,176,170,170,170,170,168,121,82,82,93,111,168,183,186,189,191,196,196,191,165,85,79,89,117,170,170,165,165,170,176,183,178,170,165,165,168,168,170,173,173,168,163,163,163,165,168,170,170,170,170,168,173,181,189,194,194,183,178,178,182,189,191,191,186,181,176,178,181,183,186,189,186,163,83,43,35,41,61,75,115,163,168,165,160,165,165,113,85,0,0,0,0,0,43,97,109,109,117,168,173,178,181,176,183,191,196,191,186,181,178,173,173,173,176,181,186,183,176,173,181,189,194,199,202,202,199,196,196,199,199,194,189,181,173,131,194,199,105,71,98,186,181,133,129,123,127,129,125,123,127,181,186,191,191,191,194,199,204,204,199,191,189,189,194,196,196,194,194,194,194,194,191,186,178,178,189,196,191,133,125,129,181,186,189,191,189,181,135,135,181,183,178,135,181,191,194,189,137,136,136,137,181,186,189,189,189,194,199,204,204,199,137,129,129,129,189,204,212,215,212,207,202,202,199,194,191,194,196,196,196,196,194,187,187,194,207,212,209,209,209,212,212,215,212,133,118,123,133,181,183,71,51,87,123,125,123,131,181,189,191,194,191,187,189,194,196,196,199,202,196,186,186,181,128,125,129,186,196,199,194,194,196,196,194,194,199,204,207,204,202,204,204,207,207,204,202,196,196,207,212,209,207,207,204,202,191,191,202,209,207,204,204,207,209,215,222,217,215,215,215,209,204,204,207,209,204,194,135,133,135,141,191,199,204,209,212,209,207,204,199,196,191,189,191,199,212,222,222,217,215,212,212,212,212,207,202,199,199,202,202,199,196,199,196,130,126,135,189,202,207,204,199,198,199,202,202,202,202,199,199,199,189,139,191,199,204,204,199,194,189,190,194,196,194,143,141,194,202,204,202,200,200,202,209,212,212,209,209,207,207,209,207,204,207,212,215,215,212,212,215,215,215,213,217,217,222,222,225,228,230,233,230,233,235,235,238,235,233,233,233,230,228,228,228,230,233,233,228,225,217,217,222,225,228,225,217,217,222,225,228,228,225,222,222,225,228,228,222,212,202,196,194,199,204,207,209,207,207,207,207,207,207,209,209,207,202,198,198,198,199,202,199,191,185,185,191,199,196,194,194,192,191,194,199,204,207,209,207,204,202,199,191,139,183,194,199,199,196,191,187,187,189,191,194,194,194,194,196,196,196,199,202,202,202,196,191,183,183,186,191,194,189,183,137,133,134,186,196,199,199,199,202,204,204,207,209,217,217,212,199,191,189,189,191,196,204,207,209,209,212,212,215,215,217,217,215,209,202,199,196,196,194,194,194,194,189,181,131,125,123,123,125,127,123,119,115,113,109,105,105,117,127,173,170,173,176,181,191,196,199,207,212,212,204,194,183,133,131,131,125,121,127,181,183,178,178,131,113,101,105,125,104,95,196,209,217,217,215,213,213,217,222,225,225,228,225,217,204,145,140,196,212,222,225,230,230,228,217,215,215,222,225,225,225,217,212,207,207,215,215,212,209,207,207,209,212,215,215,212,209,209,209,209,215,215,212,209,207,202,200,202,207,204,202,202,196,196,199,204,207,204,203,207,207,202,199,199,202,202,195,192,194,199,207,209,205,205,209,212,209,204,207,212,222,225,222,217,217,225,225,225,220,217,215,212,212,215,217,217,212,209,209,207,202,199,145,138,139,141,143,143,191,199,207,207,204,199,198,204,209,209,209,212,209,207,204,204,207,209,207,204,204,207,202,196,191,191,189,189,186,186,183,139,136,136,186,199,207,207,204,204,204,202,199,199,196,192,192,194,196,196,199,204,204,196,189,186,186,186,186,189,191,191,194,194,196,199,202,202,202,204,202,194,189,137,135,183,191,191,189,183,137,137,136,136,137,181,183,183,191,196,199,202,204,204,196,189,187,187,191,194,196,196,194,191,189,191,191,190,191,194,194,191,191,191,191,194,199,204,204,199,196,202,202,196,192,192,192,194,194,192,194,194,189,186,189,194,199,202,204,207,209,215,217,215,212,212,212,215,212,209,207,207,209,212,212,209,208,208,212,215,212,209,209,207,209,215,217,222,222,220,218,218,220,217,215,212,215,215,212,212,212,212,215,215,215,217,212,202,199,204,209,209,209,207,199,191,142,140,141,196,204,202,202,207,212,212,215,215,212,204,199,199,202,202,202,207,220,222,209,199,207,209,207,199,194,194,199,207,204,194,191,192,199,204,207,202,183,133,134,189,202,209,207,194,137,127,119,105,73,62,61,67,89,111,135,194,204,207,207,204,202,202,202,204,212,217,222,228,228,222,217,212,207,207,207,202,194,194,199,199,196,202,209,212,212,209,209,209,202,194,194,199,212,217,215,212,211,211,215,222,225,217,209,204,207,215,212,199,191,191,191,137,113,115,127,137,135,135,189,196,181,117,119,135,194,204,209,204,183,178,181,135,129,127,129,137,194,202,207,207,204,199,194,194,199,202,202,199,196,196,204,209,209,204,204,207,209,209,212,215,217,220,222,225,225,217,215,217,222,222,222,225,233,235,235,233,233,235,235,235,235,241,243,246,248,251,251,248,246,238,233,230,233,235,238,243,243,235,233,230,230,230,230,230,228,217,212,209,202,196,199,207,199,178,130,130,178,183,137,127,121,117,116,123,137,199,228,246,246,241,238,243,243,241,241,243,246,248,248,248,246,243,243,246,246,243,241,238,233,230,228,228,228,228,228,230,233,230,235,241,243,243,243,246,248,248,251,254,254,246,238,235,235,235,241,243,238,222,207,199,0,0,0,0,0,0,0,0,228,215,215,217,209,207,215,233,241,243,0,241,235,230,217,204,199,199,202,199,194,189,183,181,179,183,196,207,204,196,196,207,212,209,196,137,134,135,139,191,207,217,222,215,202,199,204,222,233,241,241,238,235,230,222,207,194,189,191,204,220,233,241,246,243,238,238,238,241,243,246,246,243,233,217,196,176,0,152,0,150,0,0,113,109,106,105,105,107,111,115,117,119,127,181,196,204,212,215,222,228,233,238,241,241,235,230,230,230,228,222,215,215,212,212,215,228,235,241,243,243,243,241,238,238,238,235,230,225,228,225,212,204,151,143,131,123,121,122,133,149,202,199,149,148,153,222,233,233,233,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,170,139,139,12,0,0,0,0,0,48,191,202,207,212,235,87,0,0,23,45,85,98,55,33,20,108,116,129,147,178,199,199,181,0,29,142,168,194,202,163,49,0,0,61,45,51,83,73,83,101,144,150,150,152,155,152,147,147,168,178,168,115,113,152,157,157,160,178,199,196,183,186,199,204,204,196,183,181,181,173,157,87,105,160,168,170,168,170,183,191,189,165,163,121,113,87,9,71,113,170,168,173,181,181,163,107,85,65,77,97,107,115,119,157,155,148,150,153,168,178,199,202,196,196,199,202,196,176,169,173,183,189,194,196,196,189,178,170,170,173,168,166,166,170,181,186,181,183,186,181,170,123,120,120,123,165,173,173,113,106,105,96,95,165,186,194,199,202,199,199,199,196,196,199,196,186,176,178,189,196,189,119,109,119,168,170,173,173,170,181,194,204,204,199,191,191,196,196,194,191,91,34,37,54,51,48,113,191,183,168,164,181,191,196,69,9,0,5,101,115,109,103,111,85,117,165,186,194,196,199,199,107,81,93,63,40,43,101,199,204,207,207,202,191,189,194,181,37,0,35,125,170,95,97,165,178,176,125,118,118,165,168,127,124,176,173,173,176,178,183,186,189,191,199,191,176,170,176,178,183,191,178,178,168,153,156,176,189,189,170,212,199,170,176,173,121,120,170,183,170,111,117,186,191,168,173,191,168,65,75,170,181,191,191,178,123,121,127,176,181,178,173,168,125,119,119,127,178,178,88,64,121,173,168,170,170,170,127,127,127,168,125,117,117,123,168,178,181,173,173,178,176,172,178,183,186,189,194,199,199,196,199,183,49,44,113,183,186,181,181,186,186,186,186,183,181,181,178,173,131,129,129,173,176,181,183,181,181,189,194,183,126,124,181,178,170,170,173,170,127,121,86,82,89,109,125,176,178,186,191,194,191,178,117,99,99,115,121,168,173,173,173,168,168,176,176,168,165,170,176,178,173,168,168,123,120,121,123,125,165,170,176,173,164,164,173,186,191,191,194,183,178,178,186,194,191,183,181,176,176,178,183,186,186,189,181,113,41,26,26,37,75,109,165,168,168,165,165,165,160,103,73,29,1,0,0,0,0,81,99,99,115,170,170,165,160,160,178,191,194,191,189,191,189,178,125,120,122,127,173,176,176,176,186,194,196,199,199,202,199,199,199,202,199,194,186,176,129,129,202,217,105,63,92,181,178,133,127,125,133,176,127,125,129,183,191,194,194,194,196,202,207,207,199,189,183,186,191,196,196,196,199,202,199,196,191,183,178,181,189,199,199,189,178,181,186,189,191,194,191,183,178,181,189,191,186,181,183,189,191,183,137,137,183,186,189,194,194,191,194,199,202,204,207,204,135,123,126,131,194,204,209,209,207,204,202,199,196,194,194,196,199,196,196,199,199,194,194,202,207,209,209,207,207,212,209,209,207,123,113,119,127,176,181,95,72,115,125,123,125,176,186,189,191,191,191,191,191,194,194,194,196,196,189,182,189,183,127,125,135,194,199,202,199,196,199,194,192,192,196,204,204,204,202,202,204,207,207,204,202,196,196,204,209,207,204,202,202,196,191,194,207,215,215,212,209,209,209,209,212,209,209,209,212,207,202,200,204,207,209,202,125,130,135,141,143,143,194,204,209,207,202,196,191,191,194,194,194,199,209,217,222,222,217,215,209,207,207,204,202,199,199,199,199,196,196,202,204,196,186,186,191,202,207,204,199,198,199,204,207,207,204,202,202,202,199,196,202,204,204,202,196,191,191,191,191,191,196,194,141,145,202,207,207,204,202,204,209,212,212,209,207,209,209,209,212,212,212,212,215,212,211,211,212,215,217,215,217,217,222,225,225,228,230,233,230,233,235,238,235,233,231,231,233,233,233,230,228,228,230,230,230,225,217,217,217,222,222,222,217,222,222,225,225,228,228,228,228,228,228,225,217,207,196,144,144,194,204,209,209,207,207,207,207,207,207,209,209,207,202,199,199,199,202,202,199,191,186,189,199,202,199,196,194,192,192,196,202,204,207,207,207,207,202,194,183,138,186,194,196,199,196,191,189,189,191,194,194,196,196,196,199,199,199,202,204,202,199,196,189,185,183,189,194,194,189,181,135,134,135,189,194,196,196,202,202,202,202,204,207,212,212,207,194,143,141,141,143,191,196,204,207,209,212,212,212,215,217,217,215,207,202,196,196,194,194,194,196,196,194,186,178,129,127,127,125,123,119,115,113,113,111,109,109,117,123,125,125,129,176,183,191,196,202,209,215,215,209,202,189,133,127,125,121,118,123,176,176,129,127,123,107,96,97,111,108,102,202,212,222,225,220,215,215,217,225,228,230,230,230,222,209,141,134,139,209,228,233,233,233,225,215,212,215,222,222,225,225,225,217,212,212,217,222,217,212,209,207,207,209,215,215,215,209,208,208,209,215,215,209,207,204,202,200,202,204,202,202,204,202,199,202,207,209,207,209,212,209,204,200,202,207,209,204,196,196,204,207,207,207,207,212,212,209,204,207,209,215,217,217,215,217,225,225,222,217,215,215,212,209,212,215,215,212,209,207,204,199,199,145,139,140,189,191,191,194,199,207,207,204,198,198,207,212,209,209,209,209,204,204,207,212,209,202,199,204,207,202,194,189,186,183,183,183,183,186,186,139,139,189,199,204,202,202,202,199,199,202,199,194,191,192,196,196,194,196,202,202,199,191,189,186,186,189,191,191,191,189,191,194,196,199,199,204,204,199,191,191,189,186,189,189,189,186,186,181,137,136,136,136,137,137,181,189,194,196,199,202,202,196,189,194,194,194,194,194,191,189,186,191,194,194,194,196,199,194,189,187,187,187,191,196,199,199,196,196,202,204,199,192,192,194,194,194,194,194,194,189,187,191,196,199,199,202,204,212,217,217,215,215,212,212,209,207,202,199,202,207,212,212,209,208,207,209,212,212,209,207,207,212,217,225,225,222,222,218,222,222,222,217,217,215,215,215,215,212,212,209,209,209,212,207,196,195,199,204,204,204,207,204,199,194,189,189,196,202,202,202,204,207,209,212,212,215,207,199,198,199,204,209,215,215,222,215,209,212,212,207,199,194,194,199,209,212,204,194,194,194,196,196,189,133,129,132,183,199,207,209,199,183,131,125,115,83,66,66,85,105,121,135,191,196,196,191,183,183,194,207,215,225,228,230,230,228,225,215,207,202,202,199,186,185,191,196,196,196,204,212,217,217,217,215,212,204,195,195,202,212,217,217,215,212,212,217,225,225,217,209,204,204,209,209,202,204,212,212,194,117,111,110,111,111,115,135,196,189,127,135,196,202,202,202,196,191,189,186,178,133,135,181,183,183,191,202,209,207,196,191,191,199,202,204,202,196,199,204,209,212,209,207,209,212,212,212,215,222,222,225,228,222,215,215,215,217,217,216,217,225,230,230,230,233,233,233,233,235,241,246,248,251,254,254,254,248,241,233,233,235,238,241,243,243,238,233,230,228,228,228,228,225,217,212,209,207,204,207,207,196,133,129,131,135,181,178,129,123,121,119,127,137,196,217,233,235,233,235,243,246,246,246,246,246,248,248,246,243,241,241,241,243,243,241,238,235,233,230,228,225,225,228,230,233,230,233,235,238,238,241,246,248,248,251,254,251,243,238,233,230,228,230,238,238,230,222,209,202,0,0,0,0,0,0,0,230,217,215,217,207,199,202,209,217,230,238,0,0,235,225,212,202,202,202,199,194,189,186,181,179,181,194,204,204,199,199,207,209,204,194,137,133,134,137,143,202,215,222,217,204,202,207,222,230,235,235,233,230,225,215,202,191,183,189,204,222,233,241,246,241,235,235,238,241,241,243,243,241,233,220,196,176,157,152,115,115,0,155,113,107,106,105,106,109,115,117,119,121,127,181,196,204,209,215,222,228,233,241,243,243,235,233,233,233,225,217,215,212,212,212,217,228,235,241,243,243,243,238,237,237,238,235,230,230,233,233,217,204,149,141,131,122,121,123,135,151,202,151,147,147,202,222,233,235,235,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,59,72,53,59,108,85,0,0,0,35,176,176,186,212,100,0,27,69,43,100,111,53,39,7,17,105,124,152,186,199,194,137,19,181,186,196,209,207,204,204,160,139,9,0,51,67,59,61,89,139,144,144,147,150,150,147,146,160,168,152,105,105,107,111,115,155,173,189,183,165,170,196,204,202,191,181,178,178,160,101,8,19,109,165,170,176,181,189,196,194,194,157,107,117,41,0,0,29,87,81,91,107,99,89,95,101,89,81,89,107,119,163,163,157,151,150,155,176,191,202,202,199,196,196,194,189,178,170,173,181,186,191,191,178,170,173,168,176,181,173,165,164,168,176,181,178,181,183,178,170,125,123,123,121,123,168,173,119,108,104,95,99,109,173,186,189,194,196,196,199,196,196,196,189,165,159,170,186,196,196,157,101,117,168,170,168,163,146,155,186,189,189,191,186,191,194,196,199,196,165,71,71,83,59,51,99,163,163,165,176,183,186,83,0,0,0,19,79,111,168,165,109,103,119,170,186,189,183,189,194,183,109,113,89,52,51,95,186,202,204,204,196,170,87,71,39,0,0,5,43,87,89,93,117,176,176,165,123,127,173,176,168,126,168,170,173,178,186,189,186,185,185,186,181,170,168,173,176,178,181,178,176,165,151,151,173,199,204,204,204,194,181,178,173,122,116,170,183,191,191,191,202,196,176,170,176,115,99,110,121,173,186,183,127,117,119,170,186,194,189,168,119,119,117,115,127,178,176,105,113,173,186,189,181,173,170,168,123,111,89,73,73,109,123,170,178,186,189,189,186,183,181,183,183,186,191,196,196,191,189,186,81,51,55,125,186,189,189,186,189,189,191,191,183,183,178,131,127,126,126,127,129,176,183,183,181,179,183,186,178,128,128,181,181,166,169,176,176,121,119,99,84,86,107,121,165,173,183,191,191,186,123,93,99,117,170,168,170,176,181,178,165,163,168,170,165,168,176,183,191,176,165,123,120,120,123,165,125,124,165,176,176,165,164,176,183,186,191,194,189,183,186,191,191,181,170,165,170,178,178,183,191,189,189,183,168,45,27,39,103,119,168,173,170,168,165,165,168,160,103,91,91,155,163,19,3,97,103,105,101,117,165,113,103,101,113,170,189,194,189,189,194,194,181,125,120,119,121,123,127,129,176,183,191,194,191,194,196,199,199,196,199,196,191,181,133,129,131,191,215,117,88,99,133,178,133,125,129,178,181,176,133,181,194,196,199,199,196,196,202,207,207,196,189,183,186,191,196,196,196,199,199,199,196,189,181,178,181,189,196,202,194,183,178,183,189,191,189,186,183,183,183,189,194,194,189,189,189,181,135,135,181,189,194,194,196,196,199,202,204,204,207,209,207,189,129,127,133,196,204,207,207,207,204,202,199,194,194,194,196,199,199,196,196,199,204,207,207,204,204,202,199,199,204,202,199,196,129,115,118,123,133,176,125,115,119,125,127,176,186,189,189,189,191,194,194,196,196,194,194,194,194,189,186,191,183,131,131,183,194,199,199,199,199,199,196,191,191,194,202,204,204,202,202,204,209,209,207,202,196,196,204,209,204,199,202,199,191,191,196,207,215,217,215,212,209,209,209,209,207,207,207,207,207,202,200,200,204,212,209,132,130,135,191,194,189,189,202,207,204,196,191,190,190,194,202,202,202,207,215,217,217,215,209,202,202,204,204,199,195,195,196,196,194,196,199,202,199,196,194,194,199,204,204,204,202,202,207,209,209,207,204,204,204,204,204,207,204,202,199,194,194,196,199,191,138,143,194,143,191,207,215,215,212,207,207,209,209,209,207,207,209,212,212,215,217,217,212,212,217,215,212,212,215,217,217,217,222,222,225,225,228,230,230,230,233,235,238,235,233,231,231,233,235,233,230,228,228,228,228,228,222,215,212,215,217,217,222,222,222,222,222,222,225,230,230,230,228,225,217,212,207,194,142,141,145,202,207,207,207,204,204,204,207,207,207,207,207,204,204,204,202,202,204,202,196,194,196,204,204,202,199,196,196,196,199,204,207,204,207,209,207,199,189,136,137,186,196,199,199,196,191,189,189,191,194,196,196,196,199,196,199,202,202,202,199,196,194,189,186,189,191,194,191,186,137,134,135,183,189,189,191,196,202,202,202,202,204,207,209,209,202,191,139,135,139,143,143,189,196,204,209,212,212,212,215,217,222,215,209,202,196,196,194,194,194,194,196,196,191,186,181,133,129,127,123,117,111,111,113,113,113,113,113,113,115,121,131,181,189,194,199,204,212,222,222,217,207,191,131,125,121,118,117,121,129,129,127,125,127,121,95,95,127,119,127,189,204,220,225,225,222,222,217,222,228,230,230,228,225,215,204,135,131,147,225,233,233,230,222,212,209,212,215,215,212,217,222,222,217,217,222,222,217,215,209,204,202,204,209,212,215,215,212,209,212,215,212,209,207,204,204,204,204,202,200,202,207,204,202,202,207,209,212,212,212,212,209,209,209,212,212,207,204,207,209,207,207,207,215,217,215,212,209,209,212,212,212,212,212,217,222,225,222,220,215,212,209,209,212,212,212,212,209,209,209,207,204,196,143,141,194,196,196,196,199,202,204,207,207,207,209,209,209,207,207,207,204,204,207,209,202,194,194,199,207,204,194,189,186,182,182,186,189,189,186,186,186,191,199,202,200,200,202,202,202,199,196,194,194,196,202,199,191,191,199,202,199,194,189,186,189,191,196,196,189,181,181,186,189,189,194,199,196,189,189,191,189,186,189,189,186,186,189,186,181,136,137,137,137,183,191,191,191,191,194,196,199,194,191,194,196,196,194,191,189,186,183,186,191,194,196,196,196,196,194,189,186,186,189,194,199,196,191,194,204,204,199,194,196,196,194,194,194,194,194,194,194,196,199,199,199,202,204,209,212,212,212,212,212,212,209,204,199,194,196,202,209,215,212,208,207,209,215,215,209,209,207,212,217,225,228,225,222,222,222,225,225,222,217,217,217,215,215,215,212,209,205,205,207,204,199,198,199,199,199,202,202,202,202,199,196,196,199,202,204,202,204,207,212,212,209,212,207,198,196,199,209,215,212,209,209,209,209,207,204,202,199,194,196,202,209,212,212,207,199,194,191,191,189,139,135,137,189,199,204,212,212,202,191,183,135,113,97,93,93,93,95,103,117,129,137,181,179,183,199,215,222,222,217,220,225,228,222,209,199,196,199,191,182,182,191,196,195,199,204,209,215,217,217,217,212,204,196,195,204,212,217,217,215,212,215,225,228,225,217,212,207,203,203,204,209,215,222,222,212,139,115,104,106,111,119,135,194,189,135,135,191,199,194,186,186,189,186,181,133,115,186,194,194,186,186,196,209,212,199,190,187,194,202,202,199,199,202,204,204,209,209,209,209,212,209,209,212,215,220,225,225,222,215,215,217,217,217,217,217,222,225,225,230,235,235,231,231,235,241,246,246,248,251,254,254,251,243,238,235,238,238,238,241,243,243,235,228,225,228,230,233,230,228,217,212,212,212,212,209,199,183,133,132,135,181,135,129,123,123,125,135,189,199,204,212,217,225,228,238,246,248,248,246,246,248,248,246,243,241,237,237,238,241,241,238,235,233,230,222,220,222,225,228,230,230,230,230,233,235,238,241,243,246,248,248,248,246,241,235,228,226,228,235,238,235,228,217,209,202,0,0,0,0,0,0,0,228,222,217,207,202,199,199,204,215,0,0,0,243,235,228,222,222,215,204,196,191,189,183,179,181,194,204,204,202,202,207,204,199,191,139,134,133,135,141,196,212,222,222,209,204,207,215,225,228,230,230,228,222,209,199,186,137,137,196,215,230,235,241,238,235,235,235,241,241,243,241,238,233,220,194,173,160,117,115,0,0,157,117,109,106,107,111,117,121,121,123,0,173,186,196,204,209,212,217,225,233,241,246,243,238,235,235,230,222,212,212,211,212,215,217,225,230,238,243,243,243,238,237,237,241,238,233,233,235,233,215,202,149,143,133,125,123,127,141,151,199,150,149,151,207,222,233,235,235,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,56,43,64,74,3,0,0,0,9,43,111,147,87,13,74,77,29,79,92,39,31,18,3,39,105,137,144,103,47,27,33,189,196,202,204,204,204,202,199,181,134,5,0,53,75,52,65,99,142,142,139,142,144,150,150,155,152,104,100,101,102,103,109,155,168,176,165,115,157,189,196,191,178,168,157,105,83,67,0,0,95,173,173,170,173,183,191,191,186,88,84,107,59,0,0,0,0,9,47,49,45,51,93,107,103,99,105,115,163,168,168,165,163,170,183,191,199,202,202,199,196,194,194,194,189,181,176,178,183,186,181,168,127,168,168,173,181,181,170,166,170,178,178,176,178,181,176,168,165,165,168,125,121,168,178,176,165,165,165,119,111,115,163,176,186,194,196,196,191,191,194,183,159,153,165,191,199,191,105,77,176,178,178,168,161,156,163,183,176,152,168,191,196,191,191,199,191,168,77,79,97,89,69,91,107,111,160,191,199,81,0,0,0,57,61,75,99,170,178,163,155,165,173,173,173,173,183,194,196,191,183,173,117,105,115,173,191,199,199,168,75,69,75,81,31,0,0,0,0,65,113,178,183,178,170,173,176,178,181,178,176,173,170,176,186,189,186,186,185,185,186,178,168,165,165,168,168,168,168,168,165,160,159,165,186,199,202,194,186,181,183,178,168,123,173,183,194,199,202,202,194,168,121,170,168,117,113,111,114,178,170,117,115,119,178,194,199,194,170,109,113,119,121,173,186,191,183,173,178,189,189,178,170,170,176,107,56,59,71,89,121,170,176,181,189,194,191,186,186,191,194,191,189,189,191,191,183,173,107,78,72,101,183,186,186,183,181,189,194,199,189,178,181,178,173,128,126,127,127,129,173,181,186,183,181,183,181,178,173,173,178,178,170,173,178,170,117,115,113,91,88,99,115,125,170,183,189,186,121,58,60,109,181,181,176,173,176,183,183,170,161,164,165,165,170,178,183,189,181,173,163,122,163,173,176,168,124,125,173,178,170,165,173,178,183,189,191,186,183,183,186,181,170,164,164,170,181,183,189,194,191,189,186,178,79,47,75,113,165,173,173,168,165,165,168,170,160,105,105,173,170,150,59,53,111,155,115,111,111,88,76,90,103,117,165,178,183,183,186,191,194,191,183,170,123,122,122,123,127,173,176,131,130,181,189,194,196,196,196,196,194,189,181,133,129,127,129,131,105,96,117,181,176,131,133,178,181,181,183,189,196,199,199,199,199,199,202,202,204,204,196,186,183,186,194,196,196,194,191,191,189,183,178,177,178,183,189,196,199,194,186,181,183,186,186,182,182,183,186,189,191,194,191,194,194,186,115,109,125,183,194,199,199,199,199,202,207,207,207,209,212,212,202,191,186,191,199,202,202,204,207,207,202,196,194,194,196,199,199,199,195,195,199,204,207,199,194,194,194,191,194,199,196,194,194,133,118,119,123,176,178,127,112,110,119,176,186,191,194,191,189,194,196,199,199,202,199,196,194,191,191,191,191,186,137,135,139,189,191,194,194,196,199,196,194,192,196,202,202,202,202,199,199,204,209,204,199,194,194,202,202,191,189,202,199,194,194,196,204,212,215,215,212,209,209,209,209,209,207,207,207,207,204,202,200,204,209,209,143,135,141,196,199,194,196,204,209,207,199,194,190,190,196,207,209,209,204,204,209,215,212,204,198,199,207,207,199,195,195,196,194,191,189,189,194,199,199,199,196,199,202,204,204,204,204,207,209,209,209,207,204,204,207,207,207,202,199,199,196,199,204,207,191,134,136,143,191,199,215,217,222,217,215,212,212,212,207,205,205,209,212,212,215,217,215,209,209,217,222,215,215,217,217,217,217,222,222,225,225,225,225,228,230,233,235,238,238,235,233,233,233,233,230,228,228,228,225,225,222,217,212,212,212,217,222,222,225,225,222,220,222,225,228,230,228,225,222,215,212,209,202,145,141,142,191,202,207,204,204,202,204,204,207,207,207,207,204,204,204,204,204,204,204,199,199,202,204,204,204,202,202,202,202,202,204,207,207,207,209,207,196,186,137,139,191,202,202,199,196,191,189,191,194,196,199,199,196,194,194,196,199,199,199,194,191,191,191,191,194,196,194,189,183,135,135,137,183,186,186,189,194,199,202,202,202,207,209,212,209,202,191,137,134,137,139,139,139,189,196,204,209,212,215,215,215,217,215,209,202,199,196,196,194,194,196,196,196,194,189,183,178,133,129,123,115,111,111,113,117,117,117,115,113,115,121,131,183,194,199,204,207,212,222,233,230,217,199,176,121,118,117,119,123,123,123,123,123,129,176,133,131,133,117,127,183,199,215,222,225,228,228,222,222,225,230,228,225,225,225,217,141,133,140,212,228,233,228,222,212,209,209,209,209,207,209,212,217,222,225,222,215,212,209,204,202,199,199,204,212,222,222,215,215,217,217,212,209,209,209,207,207,207,202,200,204,209,209,207,204,207,209,212,209,209,209,212,212,212,212,209,209,209,212,212,209,207,209,217,222,217,215,212,212,212,215,212,212,212,217,222,225,225,222,215,212,209,209,209,212,212,212,212,212,215,215,212,202,191,191,199,202,202,199,199,199,204,207,209,209,209,207,207,207,207,209,207,207,204,204,196,192,194,199,207,204,196,191,189,186,189,191,194,194,191,191,191,196,202,202,202,202,207,207,204,199,196,194,194,199,202,199,189,189,194,199,196,191,185,185,186,194,196,194,183,133,131,181,186,189,191,194,186,181,183,186,183,182,183,186,189,189,191,189,183,137,181,183,183,189,194,191,190,190,194,199,199,194,189,189,191,194,189,186,183,139,137,139,189,196,199,199,196,196,199,194,187,186,189,191,194,196,191,194,199,199,194,194,199,199,194,194,194,194,196,199,202,204,202,202,202,202,204,207,207,207,207,209,212,209,207,202,196,194,191,194,202,212,215,209,208,209,215,215,212,209,207,207,212,222,225,225,222,220,220,222,220,217,215,215,215,212,209,209,212,209,207,207,209,209,204,202,202,199,196,196,199,199,196,199,199,199,202,204,204,204,204,209,215,212,209,207,204,199,196,199,209,215,212,204,202,204,204,199,194,196,196,196,199,202,207,209,212,212,204,194,191,194,199,202,202,199,199,207,209,217,222,212,202,202,199,194,137,119,99,84,73,70,76,109,129,183,189,196,209,220,220,212,207,207,212,217,212,202,196,194,194,186,179,181,189,199,196,196,196,202,207,209,212,212,209,199,195,195,204,212,215,215,212,212,217,228,230,228,220,215,207,202,200,202,204,215,222,225,220,194,123,104,107,121,129,183,191,183,134,135,186,194,189,181,181,181,135,125,105,94,189,196,194,189,189,199,209,215,209,194,191,194,199,199,198,199,202,202,202,207,207,207,209,209,207,207,207,208,212,217,225,225,217,215,217,217,217,222,222,225,225,228,230,238,235,231,231,233,238,241,243,246,248,251,254,248,243,238,238,238,238,238,238,243,243,235,225,225,228,0,0,0,235,228,220,217,222,222,215,204,191,183,178,135,135,135,135,129,123,127,137,194,204,204,204,207,209,212,228,241,246,248,246,246,248,251,248,243,238,237,237,238,241,238,235,233,230,228,220,218,222,225,228,228,228,228,228,228,230,233,235,238,241,243,246,246,246,241,235,228,226,233,241,241,235,228,220,212,202,196,0,0,0,0,0,0,233,228,222,209,204,199,196,199,207,0,0,0,0,243,238,235,235,230,215,202,191,189,186,183,183,194,204,207,204,204,204,202,196,189,139,135,134,135,141,199,209,217,220,215,209,209,212,217,222,225,228,228,217,209,196,139,135,136,194,215,228,233,235,235,233,233,235,238,241,241,241,238,233,220,196,176,160,117,117,0,160,165,163,119,115,115,121,168,173,168,127,129,176,186,194,202,204,209,215,225,233,241,243,241,238,235,233,228,217,212,211,211,212,215,217,222,228,235,243,243,241,238,237,238,241,238,233,233,235,230,212,153,149,145,139,131,127,133,145,202,204,204,204,209,215,225,230,235,235,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,66,77,79,61,0,4,41,31,27,27,14,25,55,45,11,3,0,9,51,173,194,199,196,196,202,199,199,204,220,81,0,0,71,61,69,97,137,137,139,142,144,150,155,157,150,103,101,102,101,101,152,168,173,165,115,110,115,168,168,155,115,105,71,70,75,71,0,0,15,155,168,163,163,165,176,178,165,75,77,109,103,47,69,0,0,43,89,75,65,77,105,119,117,119,168,173,178,173,168,168,176,186,194,196,199,199,199,196,196,196,199,199,199,194,181,178,178,176,125,121,121,123,125,127,170,178,176,170,170,176,173,170,173,176,170,165,165,165,168,125,121,165,181,183,181,186,194,186,119,115,123,170,178,173,183,189,189,191,194,186,163,159,176,196,202,191,73,11,160,199,194,176,163,165,181,183,170,29,115,202,207,191,191,196,189,168,85,83,103,103,91,93,99,109,170,196,178,0,0,0,77,101,77,83,107,176,183,173,173,176,170,164,163,173,186,194,202,209,204,204,204,199,181,178,183,191,178,107,77,81,183,209,178,71,27,0,0,97,191,196,189,173,168,176,181,183,186,186,178,170,127,181,191,186,185,186,191,191,191,178,168,164,165,165,165,165,164,164,168,168,165,165,176,194,194,186,181,183,191,189,183,176,173,176,186,194,196,191,176,120,119,170,176,173,125,112,112,173,127,116,115,125,181,191,196,191,170,103,106,125,181,191,196,207,202,178,170,176,176,125,121,168,176,77,50,63,170,196,194,183,186,186,189,191,189,178,181,194,199,194,186,183,183,181,176,123,91,79,85,178,189,183,178,177,177,189,199,202,170,121,176,181,181,178,173,131,131,173,178,183,189,186,183,186,186,183,181,181,178,176,173,173,168,123,113,113,115,105,95,99,113,165,176,181,183,173,65,50,59,181,191,186,181,176,176,181,186,176,163,163,165,168,170,178,181,186,183,186,176,173,178,189,189,178,170,168,173,183,176,121,121,170,178,186,186,183,181,178,176,168,165,165,168,173,181,186,189,191,191,186,183,176,109,89,99,115,165,170,170,164,164,168,173,173,163,107,97,186,170,107,99,105,155,163,160,115,105,81,72,92,117,165,165,165,170,178,181,189,194,196,196,189,178,170,125,123,125,173,173,124,121,131,191,194,196,199,199,196,196,191,183,176,129,125,121,121,115,113,178,189,183,181,196,194,186,181,186,199,202,199,196,196,196,196,196,199,204,204,194,183,183,189,194,196,196,194,186,183,181,176,173,176,181,186,189,194,194,191,189,186,189,189,183,181,182,189,194,194,191,191,190,194,196,181,102,99,111,181,196,202,202,202,202,204,207,209,209,207,209,209,207,204,202,202,202,199,199,204,209,209,204,199,196,194,194,196,196,196,195,195,199,202,199,191,186,186,186,186,191,196,194,194,191,176,122,123,129,178,176,123,112,108,111,176,189,196,196,194,194,199,204,204,204,207,204,196,189,189,189,191,194,191,186,139,183,186,189,189,191,194,196,199,196,194,199,204,199,199,199,196,196,196,202,196,186,186,191,194,186,179,181,196,199,196,196,199,204,207,212,212,209,207,207,209,209,212,209,207,207,207,207,204,202,202,207,204,196,189,191,202,204,199,202,209,212,209,204,199,191,190,194,204,212,209,202,195,199,209,209,202,198,202,207,207,204,199,199,199,194,187,185,185,189,196,199,199,199,199,202,202,202,202,202,204,207,209,209,207,202,202,204,207,209,207,204,202,202,204,212,212,194,133,133,139,194,207,215,215,215,217,222,222,217,215,209,207,205,207,209,212,212,215,212,209,209,215,222,217,217,217,217,216,217,222,222,225,225,225,225,225,230,233,235,235,235,235,233,233,233,230,226,226,228,228,228,222,217,215,215,212,212,215,217,225,228,228,225,222,222,222,225,225,225,225,217,215,212,212,212,204,145,142,143,196,204,204,202,202,202,204,204,207,207,204,204,204,204,204,204,204,204,202,202,204,207,207,204,207,207,207,207,204,204,207,204,207,209,202,189,183,139,186,196,204,204,202,196,194,191,191,194,199,202,199,191,187,189,191,194,194,194,189,189,189,191,194,196,194,189,183,181,137,135,137,181,139,139,183,189,194,199,202,204,209,212,212,209,204,194,139,135,135,137,135,133,137,143,194,204,209,212,212,212,215,215,209,204,199,199,196,196,196,199,199,196,194,191,186,181,178,129,123,115,111,109,113,119,121,121,119,117,121,125,129,183,202,207,207,207,209,225,238,238,225,209,181,121,116,117,125,125,117,113,111,113,117,125,178,133,103,80,113,181,199,212,220,225,230,230,225,222,225,230,228,225,222,225,225,202,140,145,207,222,228,228,222,215,209,209,209,207,203,204,209,215,222,217,209,202,194,196,196,196,196,199,207,217,225,222,217,217,222,222,217,215,215,212,209,207,207,207,207,209,212,212,209,207,209,209,209,207,207,209,212,209,209,209,209,209,212,215,215,212,209,212,217,222,217,215,215,215,215,217,217,215,215,217,222,225,225,222,215,209,207,207,209,209,209,212,212,212,215,217,215,204,194,194,202,204,204,202,202,199,204,209,212,209,207,207,207,207,209,212,212,207,204,199,196,195,196,204,209,204,199,196,196,196,196,196,199,199,196,196,196,199,202,202,199,204,209,209,204,199,196,194,191,196,202,196,189,191,194,196,196,189,181,182,186,194,196,194,183,133,131,133,181,186,189,186,181,178,183,186,182,181,183,191,191,191,189,189,183,181,181,183,186,191,194,191,191,194,199,204,202,194,187,187,189,189,183,137,135,133,131,133,186,202,207,202,199,202,202,194,189,187,189,191,191,191,189,189,191,189,189,194,199,199,194,191,190,191,196,204,209,207,204,204,202,202,202,202,202,202,204,207,209,207,202,199,196,194,190,189,194,207,215,212,209,212,215,215,212,207,202,199,202,212,220,222,222,217,217,217,215,215,213,215,212,208,208,208,209,212,212,209,209,212,209,204,202,199,195,195,196,196,195,195,202,204,204,207,209,207,207,212,212,209,204,204,204,202,199,202,209,215,212,204,199,196,194,191,189,191,196,196,199,199,199,202,207,212,207,194,191,194,202,209,212,209,209,215,217,222,222,212,207,209,209,209,207,194,119,83,71,68,73,115,139,204,209,212,215,215,212,207,202,202,202,199,194,186,186,189,196,194,185,186,199,204,199,194,191,191,196,202,207,209,207,196,194,195,202,209,212,212,209,212,217,225,230,228,225,217,212,207,204,204,207,212,220,225,222,207,137,107,110,135,189,196,199,191,181,183,191,199,194,189,183,178,127,113,94,91,191,199,194,191,194,202,209,215,217,209,199,196,199,199,202,204,204,202,200,202,204,204,209,209,208,207,207,208,208,215,225,230,225,220,217,216,217,222,228,230,230,230,233,238,235,230,230,233,238,241,241,246,246,246,248,248,246,243,243,243,241,238,238,241,241,235,225,225,228,0,0,0,0,233,225,225,228,230,222,209,196,191,189,183,178,178,183,135,125,123,135,196,204,202,194,194,196,204,222,235,243,246,246,246,251,251,248,243,241,238,238,241,238,235,230,228,228,225,220,218,222,225,228,228,225,225,222,225,225,228,230,233,235,238,241,243,243,241,233,228,228,235,241,241,233,225,217,209,202,196,199,0,0,0,0,0,233,230,222,212,207,202,196,194,199,0,0,0,0,0,243,238,238,235,220,202,189,186,186,186,186,191,199,204,204,204,202,196,194,189,141,137,135,137,189,202,212,215,217,217,215,212,212,212,217,225,230,228,217,209,196,141,137,141,202,222,228,233,233,235,233,233,233,235,238,241,238,238,233,222,202,181,163,119,117,0,165,178,181,176,165,123,165,178,181,178,173,173,176,181,189,194,199,204,212,222,230,238,241,241,238,235,233,228,217,212,212,212,215,215,215,215,225,235,243,243,241,238,237,238,241,235,233,233,238,230,212,202,151,149,143,137,133,139,151,209,215,215,217,222,225,228,230,235,235,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,14,0,0,0,21,72,61,21,0,0,33,37,35,51,22,23,33,20,7,14,25,95,100,134,183,194,191,194,196,194,194,202,212,207,53,0,0,67,81,126,137,139,144,150,147,150,160,168,168,155,150,150,107,102,178,183,178,163,113,111,113,150,109,101,97,75,57,65,95,97,65,0,1,41,97,113,113,155,165,173,113,73,78,111,111,103,107,87,95,189,202,204,183,113,163,176,168,173,191,199,194,178,166,166,178,189,196,196,199,199,196,196,199,202,202,204,202,196,186,176,170,125,117,117,118,118,121,123,127,170,170,168,170,173,170,165,165,165,125,125,125,125,125,123,121,123,173,176,181,191,199,191,125,121,165,173,165,114,119,178,189,194,194,183,165,163,181,196,199,173,45,12,109,204,199,183,168,173,186,191,181,8,12,99,157,165,191,199,196,196,91,79,93,101,99,99,105,157,181,178,39,0,0,59,152,113,105,107,168,183,189,178,173,173,168,164,166,183,194,196,202,209,207,207,207,207,196,183,181,181,173,121,119,186,212,220,217,207,194,125,113,121,178,191,186,125,120,127,181,186,191,186,117,89,111,178,191,186,185,189,196,194,186,173,165,165,168,173,170,168,165,165,165,170,170,170,181,191,189,176,176,186,194,194,186,178,173,170,173,183,181,173,121,118,121,173,181,181,178,170,170,183,176,121,119,170,181,183,186,181,119,102,104,127,194,204,207,209,199,127,122,123,123,119,119,170,178,97,73,121,209,209,204,196,194,191,189,189,183,173,170,178,189,183,176,170,170,173,168,123,107,87,101,178,186,181,177,176,178,189,199,186,91,93,129,183,191,191,189,183,183,183,189,191,191,189,191,194,196,194,191,191,186,181,170,121,103,103,107,111,111,109,105,103,111,125,173,178,178,103,62,61,121,186,191,189,183,178,174,176,181,178,168,165,170,165,163,168,178,183,183,189,186,183,186,191,194,189,178,173,178,189,181,95,91,121,173,176,181,183,181,176,168,125,125,168,176,178,183,178,176,183,186,176,160,115,109,107,111,119,165,170,168,164,165,170,173,173,165,150,72,109,109,103,107,113,155,157,155,113,105,95,95,115,165,170,165,164,165,173,178,181,186,194,194,189,183,176,129,123,125,173,178,125,122,131,191,196,196,199,199,199,199,194,186,178,133,127,123,127,129,133,183,189,194,204,207,202,191,183,189,199,202,196,196,195,194,192,192,195,202,202,189,183,183,191,196,196,196,191,183,183,181,174,173,177,183,186,191,194,191,191,189,191,191,191,186,183,186,191,196,196,194,194,194,199,199,189,111,107,119,181,196,202,202,202,202,204,207,209,212,207,204,207,207,207,207,204,202,196,194,199,207,212,207,202,199,194,192,191,194,196,202,202,202,199,194,186,185,183,183,185,189,191,194,194,194,183,133,176,178,178,125,119,123,113,111,129,189,196,199,196,199,207,212,212,209,207,204,194,187,187,189,191,196,194,191,191,191,191,189,187,189,191,196,196,196,196,199,202,195,195,199,199,194,191,191,186,139,186,191,186,182,179,182,194,202,204,204,204,204,207,209,209,207,204,204,207,209,212,209,209,209,209,207,204,202,199,199,199,199,194,196,202,202,199,204,212,212,212,209,204,194,190,194,202,209,207,196,192,195,207,209,202,199,202,204,207,207,207,204,202,196,189,186,186,189,194,199,199,202,202,202,199,196,194,194,196,202,204,207,204,199,196,202,209,215,215,212,207,204,207,212,212,194,136,136,143,196,207,212,209,209,212,217,222,217,215,212,212,209,209,212,212,212,212,209,209,209,215,217,217,217,222,217,217,222,225,225,225,225,225,225,225,228,230,233,233,233,233,233,233,230,228,225,226,228,230,228,222,217,215,215,215,212,209,215,222,225,225,225,225,222,225,225,225,228,225,222,215,212,212,215,212,199,144,144,196,204,202,199,202,204,204,204,204,204,202,202,202,202,202,202,202,202,204,204,204,204,204,204,207,209,209,207,204,204,204,204,204,204,191,138,137,139,189,196,204,207,204,199,196,196,194,194,199,202,199,189,186,187,191,191,191,191,189,187,189,191,196,196,189,135,132,135,181,137,135,135,135,137,139,183,191,196,202,207,212,212,215,212,209,202,191,139,137,135,132,131,132,135,141,194,204,209,209,212,212,212,209,204,202,202,202,202,202,202,202,199,196,191,189,183,178,131,123,115,109,109,111,119,123,125,123,123,125,127,131,189,212,212,207,207,209,225,235,233,225,215,194,125,116,117,129,129,113,105,101,101,97,97,111,105,69,68,105,186,204,212,212,215,222,228,228,225,228,230,228,222,220,220,222,215,204,204,215,222,225,225,225,217,215,212,209,207,203,204,209,215,212,204,147,144,143,144,145,147,196,202,209,217,222,217,215,217,222,225,225,222,217,215,209,207,207,209,215,215,215,212,209,209,209,209,207,204,207,209,209,207,207,207,207,209,212,217,217,215,212,212,217,222,217,217,215,215,217,222,225,225,222,222,222,222,222,217,212,207,205,207,207,207,209,209,209,209,212,215,212,202,196,196,204,207,204,204,202,202,207,212,212,209,205,205,207,207,209,209,209,204,199,196,196,199,202,207,209,209,204,204,204,207,204,202,199,199,199,199,199,199,199,196,196,199,204,204,202,196,194,191,189,194,199,194,186,189,196,202,199,189,182,183,189,194,194,191,189,181,133,131,133,135,181,181,178,178,186,189,183,183,189,196,196,191,186,183,183,181,179,181,189,191,194,191,194,199,204,207,204,196,191,191,191,189,139,135,131,129,128,130,186,204,209,207,204,204,204,194,187,189,191,191,191,186,137,133,137,139,183,191,199,199,194,190,190,190,196,204,209,209,207,207,204,202,200,202,202,202,204,207,204,202,199,199,199,196,191,187,191,204,212,212,212,212,215,215,209,204,196,147,147,199,212,217,217,217,217,217,217,215,215,215,212,208,208,208,209,212,212,207,209,209,207,204,202,196,194,195,199,199,195,195,204,209,207,209,209,209,209,209,207,204,199,199,202,204,204,207,212,215,215,207,199,194,189,186,141,186,191,194,196,191,189,191,199,204,204,196,191,194,199,202,207,209,212,215,220,220,209,202,204,209,209,212,217,212,196,123,95,95,113,137,202,215,217,212,209,207,204,202,199,194,191,141,134,130,132,141,202,212,212,212,215,209,202,196,191,190,194,199,202,204,204,202,196,196,199,204,209,209,209,208,212,220,225,228,228,225,222,222,222,220,217,220,222,222,217,209,139,106,108,183,202,215,215,204,196,196,202,204,202,196,189,133,119,103,93,94,186,194,194,194,196,202,204,212,217,215,207,202,202,204,207,209,209,207,202,200,200,204,209,212,212,212,212,209,209,215,225,233,230,225,217,216,217,222,228,230,233,235,238,238,233,231,231,233,238,243,243,246,244,246,246,248,248,246,246,246,243,243,241,243,243,235,228,228,0,0,0,0,0,235,228,228,230,233,222,207,199,196,194,189,183,183,183,135,127,123,129,191,196,191,141,143,191,204,225,235,243,246,246,246,251,251,248,243,241,238,241,241,238,233,228,225,225,225,220,218,222,225,225,225,222,222,217,217,217,217,222,225,228,230,235,238,238,238,230,225,228,233,238,235,230,228,222,207,199,194,196,0,0,0,0,0,230,228,225,215,212,207,199,191,194,0,0,0,0,0,246,238,233,230,217,202,191,183,183,183,183,186,191,199,202,199,194,191,189,186,141,139,139,141,194,204,212,215,217,220,217,215,212,212,215,225,228,228,217,209,199,191,145,199,215,230,233,233,235,235,233,233,233,235,238,238,238,235,233,222,204,183,165,119,119,0,168,186,191,189,181,173,176,183,186,183,183,181,181,178,178,181,189,199,209,222,228,233,235,238,238,235,230,228,222,215,215,215,215,215,213,213,222,233,241,241,241,241,238,238,238,235,233,238,241,233,215,202,151,151,147,141,139,145,204,217,222,225,228,230,230,230,233,235,235,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,51,22,0,0,0,0,25,27,5,0,29,43,61,90,23,21,31,33,43,173,191,186,116,116,168,189,189,186,189,189,191,191,194,209,217,39,0,0,71,121,134,144,152,152,147,147,163,178,186,178,173,170,160,152,176,181,170,155,147,147,150,113,107,101,97,81,65,91,150,101,75,13,17,41,61,93,107,117,173,181,99,76,81,99,109,113,119,176,204,209,209,212,204,170,176,181,165,160,189,202,196,176,166,166,176,191,196,199,199,202,199,199,202,202,202,202,199,196,189,173,165,121,118,119,123,121,125,168,168,127,127,127,168,170,168,165,125,123,122,123,125,125,165,168,168,165,168,165,170,186,196,189,125,121,125,165,123,112,114,163,178,183,183,170,119,119,165,183,178,75,43,95,183,191,196,191,178,178,189,194,189,4,0,39,43,29,111,194,199,209,81,59,71,93,103,111,155,183,186,97,0,0,49,111,155,157,163,165,170,181,191,173,160,160,170,178,186,196,199,199,202,202,199,196,199,202,194,186,183,183,183,181,183,194,202,209,215,220,212,209,199,173,170,178,173,122,118,124,178,189,186,121,74,63,85,170,191,194,191,194,194,183,173,168,165,168,176,178,178,173,170,170,165,165,170,178,183,186,176,168,168,181,191,189,178,173,173,172,173,176,173,165,121,120,165,178,186,186,189,194,194,194,191,176,170,176,178,178,178,173,107,102,105,121,194,207,207,204,191,127,122,123,121,118,119,176,189,121,105,170,196,202,202,202,196,194,191,189,186,178,125,123,170,173,169,168,169,170,168,125,181,113,115,173,183,186,183,177,178,191,199,121,82,87,127,191,199,202,196,194,194,194,196,194,189,189,194,202,204,199,196,196,196,186,170,99,86,89,103,109,115,117,115,109,109,119,168,176,173,97,73,89,125,181,189,191,191,186,178,174,178,178,173,170,163,117,107,109,176,181,178,181,186,186,183,183,189,191,183,178,181,186,168,74,72,115,170,170,176,181,178,170,125,123,124,168,178,183,176,123,123,173,178,160,98,98,103,113,117,160,165,170,168,165,170,170,168,170,170,163,61,69,93,103,109,113,111,103,87,105,111,113,117,163,170,173,170,165,165,173,178,178,181,183,181,178,178,176,129,125,125,131,181,173,129,173,186,191,194,194,194,194,194,191,186,181,176,133,131,133,176,178,183,186,194,204,204,202,196,191,194,202,202,199,199,199,196,195,194,195,199,196,186,182,186,191,194,191,189,183,183,186,186,181,178,186,186,186,189,191,191,191,191,191,194,194,191,186,186,191,196,199,196,199,199,199,199,186,119,113,125,183,194,199,199,199,199,202,207,209,212,209,204,204,207,209,207,204,199,194,191,196,207,212,209,202,199,194,192,192,196,202,204,204,202,196,194,191,189,185,185,185,186,191,194,196,196,189,183,186,186,176,121,121,183,176,121,127,189,199,202,204,207,215,222,222,217,209,202,191,189,189,189,189,191,191,194,196,202,199,191,189,189,191,194,194,194,194,196,199,194,195,199,202,196,189,141,140,139,194,196,186,185,189,194,196,204,209,207,207,204,204,204,207,204,204,204,207,209,212,212,209,212,209,207,204,199,195,194,194,196,196,196,199,199,199,204,209,212,209,209,207,202,196,199,204,209,209,202,195,199,209,209,204,202,199,199,202,209,209,207,199,196,194,191,191,194,194,196,199,204,207,204,196,191,141,141,141,143,194,196,196,196,196,204,212,222,222,217,212,207,209,212,209,199,145,145,196,202,204,204,202,202,207,209,212,215,215,217,217,215,215,215,215,212,209,212,212,212,215,217,217,222,225,225,222,225,228,228,228,228,228,228,228,228,228,230,230,233,233,233,233,233,228,225,226,230,233,230,225,222,222,222,215,209,207,209,212,215,217,222,222,225,225,225,228,228,225,222,215,209,209,215,212,204,191,191,199,202,196,199,202,204,202,202,202,202,202,199,199,199,199,199,199,199,202,204,204,202,202,204,207,207,207,207,204,204,204,202,202,199,183,135,136,183,191,196,202,204,199,196,196,196,194,194,196,199,199,191,187,189,191,194,194,191,189,189,189,191,194,194,181,128,127,133,186,183,137,135,135,137,183,186,191,199,204,207,212,212,212,212,212,212,204,191,141,137,133,132,132,133,137,143,194,202,207,209,212,212,209,207,207,207,207,204,204,204,204,202,199,194,191,186,181,131,123,115,109,108,109,117,123,129,127,127,129,129,176,196,220,215,205,205,215,225,222,212,209,215,202,176,119,119,129,129,113,99,93,93,89,85,89,87,72,75,121,194,202,204,202,204,209,222,225,228,228,230,228,225,221,222,225,225,217,215,222,225,222,228,228,225,222,217,212,209,204,204,209,212,207,194,144,142,143,144,144,145,194,204,212,215,215,215,215,215,222,225,225,222,222,215,209,207,207,212,217,217,212,212,212,212,209,207,204,204,204,207,207,207,204,207,207,209,212,217,217,217,215,217,222,225,222,217,217,217,217,225,228,228,225,222,222,222,222,217,215,209,207,207,207,209,209,209,209,212,212,212,209,204,199,199,204,207,207,204,204,204,209,215,215,212,207,207,207,207,207,207,204,199,196,196,202,204,204,207,209,212,209,207,209,212,209,204,199,199,199,199,199,199,196,194,194,194,196,196,194,194,191,189,186,191,196,189,131,135,199,204,199,194,189,189,189,189,186,183,183,183,181,132,130,130,133,178,181,183,189,191,189,189,191,196,196,189,179,179,179,181,181,183,191,196,199,199,199,202,207,207,207,202,199,202,196,189,183,139,137,131,128,131,186,202,212,212,209,207,202,194,186,187,191,194,194,183,127,122,124,133,139,186,194,196,194,191,191,196,202,204,209,209,209,207,204,202,202,202,202,202,202,202,199,194,194,196,199,199,196,191,196,207,212,212,212,212,215,209,204,196,147,145,144,194,207,215,217,217,217,222,222,222,222,217,215,212,209,212,212,212,207,204,207,207,204,202,199,195,194,196,204,202,196,196,207,209,209,209,212,209,209,207,202,196,191,194,196,202,204,207,209,215,215,207,199,191,143,141,137,131,129,189,191,189,186,186,191,199,196,191,194,199,199,202,202,207,209,209,217,215,189,135,194,202,191,204,212,217,215,209,207,209,207,202,209,217,212,204,196,194,194,194,191,191,189,139,133,129,130,186,207,225,228,225,222,212,202,199,191,189,191,199,202,204,207,207,204,202,202,204,207,209,209,208,209,215,222,228,230,225,220,225,228,225,225,222,217,212,204,189,123,104,107,189,212,222,222,215,207,204,204,207,204,199,189,125,107,97,93,99,127,183,191,196,202,204,202,207,212,212,207,202,202,204,209,212,212,209,204,202,204,209,215,217,222,222,217,215,209,209,220,228,230,225,222,217,217,222,225,230,233,238,241,241,238,233,233,235,241,246,248,248,246,246,246,248,248,246,243,246,246,246,246,246,246,238,233,235,0,0,0,241,238,235,230,225,230,228,217,204,199,196,194,183,181,178,129,127,127,125,129,183,189,141,139,143,196,209,228,238,246,246,246,246,248,251,248,243,241,241,241,241,238,230,225,222,225,225,220,220,222,225,225,222,220,217,215,215,212,215,215,217,220,225,228,233,235,233,228,225,225,228,230,228,225,225,225,207,196,191,191,194,0,0,0,0,0,228,225,222,217,215,207,196,196,0,222,0,0,0,243,235,230,225,220,212,202,191,186,183,181,181,183,191,196,194,189,183,183,183,141,141,186,191,199,207,212,215,217,217,217,215,215,212,215,225,228,222,215,209,204,202,204,212,225,233,233,235,235,235,233,233,233,235,235,235,235,233,230,222,209,189,170,123,0,0,178,194,202,202,194,186,186,189,191,191,191,191,186,178,131,131,137,191,207,217,228,230,233,238,238,235,230,225,222,217,215,217,217,215,212,212,217,230,238,241,241,241,238,238,238,235,235,241,241,230,212,153,149,147,145,143,143,151,212,222,228,228,230,230,230,233,235,235,235,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,66,48,12,0,0,0,11,51,46,7,15,33,59,72,22,18,25,49,108,196,202,186,95,65,144,176,181,181,181,181,183,183,189,199,202,181,39,0,11,77,137,147,150,147,142,147,163,181,189,186,183,181,173,165,163,163,155,147,144,147,147,109,109,109,109,107,107,155,155,97,67,37,47,63,77,99,111,157,176,178,91,82,86,95,111,160,189,204,212,212,215,217,209,191,178,168,71,63,70,96,173,173,168,168,178,191,199,199,202,202,199,199,202,202,199,196,196,196,194,181,165,121,119,121,123,125,168,168,127,125,125,125,127,168,170,168,165,123,122,123,125,165,170,181,181,176,165,124,125,173,183,181,165,123,123,119,115,112,115,117,115,116,163,121,113,109,109,117,107,80,61,183,178,183,189,191,186,183,189,194,176,3,0,23,15,0,12,168,183,178,52,51,59,87,111,165,181,202,196,49,0,0,59,93,103,109,152,155,163,168,183,88,93,119,173,189,194,196,196,196,199,199,195,195,196,194,186,181,186,191,194,194,191,194,196,199,202,207,212,215,212,204,186,178,170,123,125,173,186,191,183,87,70,67,111,181,194,196,196,196,191,178,170,168,165,170,178,181,178,173,170,170,168,165,170,178,181,173,168,165,166,176,186,183,173,168,178,178,178,173,168,168,168,165,168,181,186,186,186,194,196,196,194,186,181,178,178,178,181,173,107,106,111,119,181,199,199,196,189,173,127,168,125,119,120,173,178,123,115,173,194,199,202,202,199,196,194,194,194,186,127,119,127,176,176,173,178,178,173,127,176,125,123,173,186,191,189,181,183,196,204,121,93,104,178,199,204,204,202,196,196,199,199,194,183,183,189,199,202,202,199,202,199,189,127,86,84,89,111,123,168,168,125,117,111,111,119,170,173,115,99,99,107,170,191,194,196,196,186,178,181,181,173,163,119,107,98,90,121,173,170,170,178,181,176,173,176,183,183,181,178,165,89,71,72,117,173,170,176,178,178,170,124,123,125,173,181,186,119,103,117,168,173,163,100,97,103,157,163,163,165,168,168,168,170,168,165,170,170,163,39,37,87,155,155,109,92,74,61,107,155,157,160,168,176,176,176,170,173,178,181,178,178,178,173,170,170,170,129,125,124,129,181,183,178,173,176,181,183,183,186,186,186,183,181,178,176,178,181,178,178,181,183,189,194,194,194,196,199,202,202,202,202,202,204,207,207,204,202,199,199,194,189,183,186,189,189,183,181,182,183,191,194,194,194,194,189,183,186,186,189,189,191,194,196,199,196,189,185,186,191,196,199,199,199,196,191,137,117,115,127,183,191,194,194,196,196,202,207,209,212,209,204,202,202,207,204,199,191,186,189,196,207,209,207,202,196,196,196,199,202,204,202,202,199,196,194,194,194,191,186,186,186,191,196,202,196,191,189,189,183,133,123,125,183,183,133,176,189,199,204,207,209,215,222,225,222,212,199,191,191,194,191,186,183,183,189,196,204,204,196,191,191,191,191,191,191,191,196,199,195,195,199,202,196,189,140,139,141,202,202,191,194,204,204,202,209,209,209,204,202,196,194,196,204,204,204,204,209,212,212,212,212,212,207,204,202,196,192,192,196,199,199,202,202,202,204,209,212,209,209,212,209,207,207,212,215,215,209,204,204,209,209,204,202,199,196,199,207,209,204,196,196,199,199,202,199,199,199,202,209,212,207,199,189,139,135,135,135,137,143,191,196,202,209,217,222,222,222,215,209,212,212,209,207,202,202,202,202,202,198,198,199,202,204,207,209,215,217,222,217,217,222,217,215,209,212,215,215,217,217,222,228,228,228,225,228,228,228,228,230,230,230,230,228,228,230,230,233,233,233,235,233,230,228,228,230,233,230,228,225,225,222,215,209,207,204,204,207,212,215,222,225,225,225,225,228,222,215,212,209,209,209,209,202,194,194,196,196,194,196,202,204,202,202,202,199,199,196,196,196,199,196,194,196,199,202,202,202,202,202,204,204,207,204,204,204,204,202,204,199,183,136,138,191,191,194,199,199,191,186,186,189,189,191,196,202,199,194,191,194,196,196,194,191,191,191,191,191,191,189,135,128,127,133,186,186,181,137,137,183,191,194,196,202,204,207,209,207,207,209,215,217,212,204,196,189,141,137,133,133,133,137,189,196,204,209,209,209,207,207,207,207,207,207,204,207,207,204,202,199,194,189,181,131,125,117,109,108,108,115,123,129,131,131,173,173,178,196,217,215,205,207,217,222,209,199,199,204,196,181,125,121,125,123,109,95,89,87,85,83,83,83,81,87,123,183,189,189,194,202,207,215,225,230,230,228,228,225,228,233,233,228,217,209,215,225,225,228,228,228,225,222,215,209,207,202,204,204,199,147,145,147,196,199,194,145,147,199,209,215,215,215,215,215,217,222,217,217,215,212,207,204,204,207,215,215,212,209,212,212,212,207,204,204,204,204,204,204,204,204,207,207,209,215,217,217,217,222,225,225,225,222,222,217,222,225,228,228,228,225,225,225,225,222,217,215,212,212,212,212,212,215,215,215,215,215,212,207,202,202,204,207,207,202,202,204,209,215,215,212,209,209,209,209,207,207,204,199,196,202,207,209,207,207,209,209,209,207,209,212,209,204,199,196,196,199,199,199,196,194,194,194,191,189,189,194,194,189,186,189,189,137,125,127,194,204,202,199,196,186,135,127,129,135,137,186,189,183,133,130,132,181,186,189,191,194,194,191,191,194,191,183,179,179,179,181,183,189,194,199,202,202,202,204,207,207,207,204,204,204,199,189,186,186,189,183,133,133,139,194,207,212,212,209,202,194,186,186,189,194,194,186,125,119,121,127,135,183,189,194,196,199,202,204,207,207,209,209,209,207,204,202,202,202,202,202,199,194,191,190,191,199,202,204,202,202,207,212,215,212,212,212,212,207,196,147,146,145,145,194,207,215,215,217,217,222,225,225,222,222,217,215,215,215,212,209,204,202,204,204,202,202,199,196,195,202,207,204,202,202,204,207,207,209,209,209,209,207,199,194,189,189,143,191,199,204,207,209,209,204,199,194,191,141,133,124,118,141,191,189,186,187,191,194,191,187,191,199,204,204,204,207,209,207,212,207,131,124,128,128,119,189,202,207,212,215,222,225,225,220,220,217,212,199,189,183,183,183,183,186,191,191,189,139,139,194,209,222,228,225,217,212,207,199,190,187,191,199,202,204,207,212,212,209,204,204,207,209,209,209,215,217,217,225,225,217,208,215,220,220,217,209,194,131,119,119,115,107,113,199,220,225,222,217,212,209,207,204,202,199,189,125,105,95,92,105,121,133,186,194,199,202,202,204,207,207,207,204,202,204,209,212,212,209,209,209,215,217,222,225,228,228,222,212,207,207,212,222,228,228,225,225,222,222,225,230,235,241,243,243,243,238,238,238,241,246,251,254,251,251,248,248,248,243,241,243,248,251,251,251,248,241,235,235,0,233,233,235,235,233,230,225,228,225,212,202,199,199,191,176,133,125,117,115,121,123,123,137,183,139,141,191,199,207,222,238,246,246,243,243,246,246,243,241,238,238,238,241,235,230,222,222,225,225,222,220,222,222,222,217,217,215,212,212,212,212,212,212,215,217,222,228,228,228,225,222,220,220,222,222,217,222,220,209,196,191,191,194,0,0,0,0,0,217,217,217,222,228,217,207,204,0,215,233,0,251,243,235,228,225,225,222,212,202,194,189,183,178,178,183,189,186,181,135,137,139,186,189,194,199,204,209,209,212,215,217,217,217,215,212,217,225,225,217,212,209,207,209,215,222,228,230,230,230,233,233,230,230,230,230,233,233,233,230,228,225,215,196,178,127,127,176,189,202,212,212,207,202,196,196,196,199,199,199,194,183,131,129,131,186,202,212,222,228,230,235,238,233,228,222,222,222,217,217,217,215,212,212,215,228,235,238,241,241,238,238,238,238,238,238,235,225,207,149,143,143,141,141,143,202,222,230,233,230,230,230,230,233,235,235,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,7,7,0,0,0,0,38,21,0,5,29,69,85,29,16,20,82,103,139,183,157,39,49,139,160,170,176,176,176,178,181,186,183,178,191,186,35,23,83,139,147,144,140,140,144,157,176,183,183,183,183,176,160,150,144,142,142,144,144,109,108,109,147,150,147,109,109,111,109,89,57,65,81,95,113,155,163,173,168,99,93,99,101,119,181,196,207,209,209,215,215,207,199,186,121,66,60,65,75,105,170,176,173,178,191,199,202,202,202,199,199,196,196,194,194,196,202,202,191,173,123,117,113,114,121,121,115,115,123,127,127,125,127,170,173,170,165,123,123,125,165,176,189,189,178,168,123,123,165,168,168,165,165,123,114,113,114,121,117,113,115,121,121,115,109,107,109,105,101,101,119,119,170,178,181,186,186,189,183,55,0,0,14,8,0,13,165,176,168,53,55,77,97,152,170,181,196,191,37,0,0,55,69,87,87,95,105,155,168,189,47,48,115,173,186,194,196,194,191,191,196,196,199,196,189,181,183,191,196,196,196,194,194,199,202,199,198,199,204,209,209,199,191,186,181,181,183,191,196,183,79,75,113,191,194,196,196,199,199,191,183,173,170,170,173,178,183,178,170,168,170,168,165,170,176,176,168,168,168,168,173,181,181,170,165,176,181,178,168,123,165,170,170,168,170,176,176,176,181,186,186,189,189,183,178,178,183,186,181,125,125,127,125,176,183,181,186,189,181,176,176,173,127,127,173,176,127,123,183,199,204,207,204,202,196,196,199,199,186,123,119,173,186,191,191,191,186,173,117,105,121,168,176,183,191,189,186,189,196,199,119,114,129,186,196,202,204,202,199,196,199,196,191,182,182,187,196,202,199,199,204,202,191,117,75,83,95,121,178,186,181,176,173,119,110,113,165,173,170,170,113,99,121,196,194,194,196,189,186,191,191,170,117,115,113,100,81,105,123,165,168,170,176,173,168,168,178,183,181,170,77,66,72,83,125,178,181,181,183,183,176,168,168,170,181,186,186,87,88,165,173,178,176,119,103,111,168,170,168,165,165,165,168,170,165,163,170,168,113,22,27,87,163,163,115,87,72,70,157,163,163,165,170,176,178,178,176,178,181,186,186,183,178,170,128,128,129,129,127,125,129,181,186,183,176,173,176,176,178,178,181,181,178,176,176,178,181,186,183,183,181,183,191,194,194,192,194,202,209,207,199,196,199,204,207,207,207,202,199,196,194,191,186,183,186,183,182,182,186,191,196,199,202,199,194,186,179,179,181,186,189,191,194,199,204,202,194,185,186,191,194,196,196,194,186,181,135,127,125,135,183,189,191,191,194,196,202,207,209,209,209,204,199,196,199,199,191,183,183,191,202,209,209,204,199,199,202,204,207,207,207,202,199,199,196,194,196,199,194,191,189,189,191,199,202,194,186,183,181,178,129,122,122,129,181,181,183,191,202,207,207,209,212,215,217,222,212,199,190,191,194,194,186,179,179,183,194,199,202,202,199,199,194,191,191,191,194,199,204,199,196,199,202,199,189,140,141,194,204,202,199,204,209,207,207,209,209,204,199,194,143,136,136,202,207,204,202,207,209,212,215,212,209,207,204,204,199,195,194,196,199,202,204,204,204,207,209,212,209,209,212,212,212,212,215,215,217,215,209,207,207,204,204,202,199,196,196,202,202,199,194,196,199,202,202,204,204,202,202,209,212,209,202,194,141,136,135,134,135,137,143,196,207,215,217,215,217,217,215,212,212,212,209,209,209,204,202,202,199,198,198,199,202,202,204,209,215,217,217,222,222,225,222,215,209,209,215,215,212,217,225,228,230,225,222,225,225,228,228,228,230,230,230,228,228,228,228,230,233,233,235,235,233,233,230,230,233,233,230,228,225,222,215,212,207,203,202,203,207,215,217,222,222,222,222,217,212,209,209,212,212,209,204,196,191,194,194,194,196,199,202,202,202,202,202,199,196,194,194,196,196,194,191,191,194,199,199,202,202,202,202,202,204,204,204,204,204,204,207,204,194,186,191,194,189,189,191,191,186,139,138,139,183,191,199,202,202,199,196,196,196,196,196,194,194,194,194,191,191,186,178,132,132,178,186,186,181,136,137,186,194,199,202,204,207,207,207,204,202,204,212,217,217,215,212,207,199,189,137,133,133,137,143,196,204,207,207,207,204,204,204,207,207,204,204,207,207,207,204,202,196,189,181,133,127,121,113,108,108,113,121,129,176,178,178,178,183,194,207,212,209,212,217,217,207,196,194,196,194,183,173,125,123,121,109,99,93,87,85,85,83,82,83,89,115,125,127,135,191,202,207,209,222,230,230,228,228,228,230,233,230,225,212,196,199,217,225,225,228,228,225,222,215,212,207,202,196,196,194,194,199,204,207,209,202,194,194,202,209,215,217,215,212,212,215,217,215,212,212,209,207,202,198,199,207,212,212,209,212,212,212,207,204,204,204,203,203,204,204,207,207,207,209,215,217,217,217,225,228,228,228,225,222,217,222,225,228,228,228,228,225,222,222,222,222,222,217,215,212,215,215,215,215,215,215,215,212,209,204,199,199,202,202,198,198,204,209,212,212,212,212,215,212,209,207,207,204,202,202,204,209,209,207,204,204,204,202,202,204,207,207,204,199,196,196,194,194,194,194,196,199,194,189,187,189,196,196,191,183,183,186,133,126,128,189,199,199,199,194,137,123,120,124,131,137,186,194,194,183,132,133,183,191,194,199,199,196,194,189,189,189,186,183,183,183,183,189,191,191,194,196,199,202,204,204,204,204,204,202,199,191,186,183,186,191,189,137,133,135,186,199,209,212,209,204,196,189,187,189,191,194,189,135,124,123,127,135,183,191,199,204,207,209,207,207,209,209,209,207,207,204,204,202,202,199,196,194,190,189,190,194,204,209,209,207,207,209,215,215,212,212,212,212,207,199,194,147,147,146,147,204,212,212,215,215,217,222,222,220,217,217,215,212,212,212,207,204,199,202,202,199,199,199,196,196,202,204,207,204,207,207,207,207,207,207,209,212,209,202,194,191,143,141,142,194,202,204,207,207,207,204,202,194,141,135,128,125,186,194,194,191,191,196,196,191,187,190,199,204,204,207,209,209,207,207,202,133,125,125,124,117,137,191,194,194,199,207,215,217,220,222,222,217,207,194,139,133,133,131,133,186,194,196,196,194,196,207,217,222,222,217,215,212,204,191,189,194,199,202,202,204,207,212,212,209,207,209,209,209,215,217,217,217,220,222,209,203,207,212,215,209,196,135,114,110,113,115,113,123,202,220,225,225,222,217,215,209,207,207,204,196,178,113,95,86,105,121,127,135,183,186,194,202,204,207,209,212,209,207,207,212,215,217,217,217,222,225,228,225,228,230,230,222,212,207,207,212,217,222,225,228,228,228,228,230,233,238,241,243,246,243,241,238,241,243,248,254,255,255,255,254,255,255,248,242,242,246,251,251,251,248,241,233,0,0,225,228,228,230,228,225,225,225,220,209,202,204,202,194,181,129,121,114,113,115,117,119,133,137,137,135,141,191,199,212,230,238,238,238,238,241,241,238,238,235,233,233,235,233,228,222,222,225,225,222,217,220,220,217,217,215,212,212,212,212,212,212,212,212,212,217,222,222,222,220,220,215,215,215,215,212,212,212,209,199,191,190,194,0,0,0,0,0,204,204,209,222,230,228,209,204,204,207,228,246,251,246,235,230,230,233,230,220,209,202,191,186,181,135,135,181,137,133,131,133,137,186,191,199,207,212,212,209,208,212,217,217,217,212,215,217,225,222,215,209,207,209,217,225,228,228,225,225,228,230,230,228,225,225,225,228,228,228,228,228,228,220,204,186,176,178,189,199,209,215,217,217,212,209,204,202,199,202,202,196,186,135,130,131,139,191,204,215,222,228,235,235,233,228,222,222,222,217,222,217,215,213,212,215,225,233,235,238,238,235,235,238,241,238,235,230,217,204,147,141,139,139,137,143,207,228,238,238,233,233,230,229,230,233,230,228,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,87,173,176,176,105,87,116,100,41,43,27,31,74,147,152,160,168,165,168,178,181,178,170,173,191,194,157,77,126,142,144,142,140,140,144,152,165,173,176,178,178,168,144,99,95,99,105,142,142,142,142,147,152,155,147,90,73,88,176,165,75,77,85,91,107,152,163,170,165,117,157,119,113,168,186,191,204,207,207,212,212,204,196,189,170,105,105,97,87,101,170,181,176,178,186,196,202,204,204,199,196,194,191,190,194,202,207,202,191,170,121,115,110,110,115,109,103,104,123,173,168,125,127,170,173,170,165,123,123,123,125,183,196,194,183,170,125,124,125,124,125,168,173,125,113,115,121,165,165,123,123,163,123,119,115,109,115,113,115,165,160,118,118,165,168,178,186,186,160,0,0,19,73,85,93,163,186,186,178,115,152,157,152,155,157,155,165,115,47,59,51,63,67,107,95,103,107,155,176,222,40,25,88,165,181,191,199,196,189,189,194,199,199,191,181,181,191,199,199,199,199,196,196,199,204,202,199,199,204,209,209,202,202,202,196,189,186,194,199,176,79,82,202,199,196,194,196,199,199,191,181,178,176,173,173,178,181,178,170,168,168,170,170,173,176,173,170,173,176,173,170,176,178,170,164,168,176,173,123,120,123,170,168,168,119,115,119,125,170,176,178,181,189,186,178,178,186,189,186,186,191,189,178,176,174,173,181,189,186,181,181,183,183,181,178,181,178,176,189,199,204,207,204,202,194,194,199,196,176,119,118,176,191,199,196,191,183,123,97,76,119,176,178,181,186,186,189,189,191,183,116,118,178,183,191,199,204,204,199,196,196,196,194,191,194,199,202,202,199,202,204,204,196,103,58,81,91,115,181,191,189,186,189,183,117,113,125,173,178,194,191,111,125,194,189,183,186,186,191,202,202,123,103,121,165,121,77,99,117,168,173,168,170,173,165,125,170,181,178,121,55,49,78,117,173,183,189,191,191,191,186,181,178,181,191,191,181,69,77,186,183,183,191,173,109,111,168,173,173,170,168,163,165,165,160,160,168,160,91,20,28,85,111,157,155,101,95,113,163,163,168,173,170,173,178,178,181,181,186,191,191,189,181,173,129,128,129,170,131,129,176,183,186,183,178,176,176,176,178,178,178,176,176,176,178,183,186,186,186,183,178,181,189,196,196,194,196,204,209,204,191,189,194,199,202,202,199,196,194,194,194,191,186,181,183,183,183,189,194,199,202,202,202,199,189,181,178,177,179,183,189,191,194,199,207,209,199,189,189,191,194,194,191,186,135,135,137,137,181,181,183,189,191,194,194,199,202,207,209,209,209,207,202,196,196,194,186,181,183,191,204,209,209,202,198,202,204,207,207,204,204,202,199,199,196,196,196,199,196,194,191,189,191,196,196,189,178,176,176,133,129,122,120,122,176,183,186,194,199,204,204,207,207,207,209,215,209,199,190,190,194,191,183,178,179,183,191,196,199,202,204,202,199,194,191,194,196,204,209,204,199,196,199,194,189,141,191,204,209,207,207,212,209,207,209,212,209,199,191,143,137,132,130,202,204,200,200,202,209,212,215,212,209,204,204,207,204,199,196,196,199,202,207,209,207,207,212,215,209,207,207,209,209,209,212,215,212,209,207,204,202,202,202,199,199,196,196,196,194,189,191,196,199,199,199,204,207,207,202,204,207,207,204,199,191,189,141,137,136,137,143,196,207,215,215,212,215,217,215,212,212,209,209,209,209,204,200,202,202,199,199,202,202,202,207,212,215,215,217,222,225,225,222,215,209,209,212,208,208,212,222,228,225,217,216,217,222,225,228,228,230,230,228,228,226,226,228,228,230,230,233,233,233,233,233,233,233,233,230,228,222,217,215,215,209,204,203,204,209,215,217,217,217,215,212,209,207,204,209,215,215,212,204,191,189,189,189,194,199,202,202,202,202,199,199,196,194,194,194,196,196,194,189,186,189,194,196,199,202,199,199,202,204,204,204,207,207,207,209,209,202,196,199,191,182,182,189,191,186,139,138,136,138,191,199,202,202,199,196,196,196,196,194,191,194,194,194,191,189,183,181,181,183,186,186,186,181,136,137,186,194,199,202,204,209,207,204,202,199,202,207,212,217,222,222,222,209,196,141,135,135,137,143,196,204,207,207,204,202,200,202,204,207,204,204,204,207,207,207,204,199,191,183,176,129,125,117,111,111,115,121,129,178,183,183,183,186,191,199,209,215,217,217,215,207,199,191,191,186,186,183,178,129,125,117,113,107,95,91,91,87,82,83,89,109,119,121,129,186,194,196,199,217,230,230,228,228,230,230,225,217,215,202,190,191,209,222,222,222,225,225,222,217,212,207,199,194,194,196,202,207,209,209,209,204,199,199,204,212,217,217,212,209,209,215,217,215,212,212,212,209,202,196,196,202,207,209,209,212,215,212,209,207,207,204,203,203,204,207,209,207,207,207,215,217,222,222,225,228,230,228,228,225,222,222,225,228,228,228,225,222,217,217,220,222,222,217,212,209,212,212,212,212,212,212,212,212,209,204,195,194,196,199,196,198,202,204,207,207,212,215,212,207,204,204,204,204,202,202,204,209,209,204,202,202,202,199,199,199,199,202,202,202,199,196,194,189,187,189,194,199,194,189,189,194,199,202,194,183,182,183,137,131,133,186,194,196,194,189,181,124,121,126,135,181,189,196,196,189,135,133,181,191,196,204,202,199,191,187,187,189,191,194,194,189,186,189,189,186,186,189,191,194,199,202,202,202,202,199,194,189,183,182,183,186,189,139,132,133,183,196,204,209,209,207,204,196,191,189,189,191,191,183,135,133,135,139,191,199,204,209,212,209,207,207,209,207,204,199,199,202,204,204,202,196,191,190,190,190,191,199,209,217,215,209,207,209,212,212,209,207,204,207,209,202,196,196,194,146,147,202,209,212,209,209,212,215,215,215,217,217,212,209,209,209,207,204,199,199,199,196,196,196,196,199,202,204,207,209,209,209,209,207,204,202,207,215,212,204,196,194,143,141,142,191,202,207,207,209,212,212,207,194,143,141,143,189,194,196,199,199,202,202,199,196,194,194,196,199,204,212,215,215,207,199,194,186,135,133,135,137,194,199,194,186,185,185,187,191,199,209,220,222,217,202,183,133,130,127,127,131,139,189,191,191,191,202,212,217,220,217,217,215,207,196,194,199,202,199,198,199,202,209,212,212,212,212,209,209,215,220,217,215,217,217,208,203,208,212,212,212,204,186,121,113,117,123,123,133,196,212,222,225,225,222,217,212,209,209,209,202,186,121,95,75,99,119,125,125,127,129,181,196,204,209,215,222,215,209,209,215,222,225,225,228,228,228,228,228,228,230,230,225,215,209,212,217,222,225,225,228,228,230,233,238,241,241,241,243,243,243,241,241,241,246,251,255,255,255,255,255,255,255,255,246,242,243,248,251,251,248,241,230,220,215,215,220,222,225,222,222,225,225,217,212,207,207,204,196,183,129,121,117,115,115,117,123,129,133,129,127,131,137,189,204,212,222,225,230,235,238,238,235,235,233,230,230,230,228,222,217,220,225,225,217,215,217,217,215,215,212,212,209,209,209,212,212,209,209,212,215,217,217,217,217,217,215,212,212,209,207,205,207,212,204,191,190,194,199,0,0,0,196,191,190,196,212,230,228,202,198,199,204,222,243,0,248,238,233,235,235,235,225,215,204,194,189,181,133,131,131,131,128,128,129,137,186,196,204,212,215,212,208,208,209,217,222,217,212,215,217,222,217,209,207,207,212,222,228,230,228,222,222,225,228,225,222,217,217,220,222,222,222,225,228,228,225,212,196,189,189,196,202,207,215,217,222,220,215,207,199,194,194,194,194,186,178,133,133,135,186,199,212,222,228,230,233,230,225,222,222,222,222,222,222,217,213,213,215,225,233,235,238,238,235,238,241,241,238,233,228,217,207,149,141,137,136,136,145,212,233,243,243,238,235,230,229,229,230,228,226,226 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,56,0,0,0,0,0,0,79,183,186,189,183,150,121,105,85,17,0,29,79,116,137,150,150,142,142,155,173,170,165,160,155,139,100,103,129,147,150,144,142,144,147,152,157,157,157,168,168,91,95,65,67,75,95,137,139,142,147,150,155,157,163,96,69,89,170,168,170,150,91,85,76,99,160,163,163,157,163,165,168,178,183,191,202,204,207,209,212,207,196,183,176,170,163,115,109,117,165,173,173,176,181,194,204,207,204,202,194,191,191,190,194,202,204,202,183,168,121,115,115,121,119,106,103,109,170,178,173,127,168,173,173,170,125,121,120,120,168,189,199,196,186,173,168,165,125,124,125,170,183,183,165,121,168,170,168,168,165,118,119,123,119,119,121,163,170,178,176,165,121,160,165,173,181,183,81,0,41,101,109,105,111,170,194,199,194,170,163,170,178,165,107,85,77,83,115,163,101,157,170,176,173,165,157,163,173,181,191,89,111,160,170,183,196,202,196,191,189,189,183,176,173,181,196,202,202,199,199,199,199,202,207,207,204,204,207,209,209,207,207,207,204,199,194,194,202,170,107,115,202,202,196,196,199,204,202,191,181,178,176,173,173,176,176,173,170,168,168,173,178,178,178,173,170,176,181,176,173,176,181,178,168,168,173,170,122,122,168,173,165,117,20,26,97,119,170,173,173,178,186,189,104,183,186,186,189,191,196,194,189,178,173,174,181,189,189,183,181,183,186,183,176,176,178,173,178,191,196,199,199,194,189,186,186,186,168,117,118,168,186,196,191,178,127,99,79,93,168,183,183,176,176,181,183,183,178,125,117,123,181,186,191,199,204,204,202,196,196,196,199,202,202,204,204,202,202,202,207,199,199,127,81,91,99,99,178,191,189,189,191,191,183,165,121,170,186,196,191,178,178,183,183,179,181,183,191,202,202,87,10,115,178,165,77,76,111,178,181,165,123,125,121,118,119,165,173,115,72,95,170,173,181,186,189,191,196,194,189,186,181,181,191,194,121,59,65,181,186,189,194,189,111,99,113,170,173,170,165,160,160,163,160,155,113,99,84,61,78,101,111,115,115,117,155,157,163,168,173,173,173,173,178,181,183,183,189,194,196,194,186,176,170,129,173,178,176,173,181,183,183,181,178,178,178,181,181,181,178,178,178,181,183,189,191,186,181,135,134,178,189,196,199,196,199,204,202,191,187,187,191,196,199,199,196,194,194,194,194,186,178,178,183,186,186,191,196,199,199,199,196,191,186,181,181,183,186,189,191,194,194,199,202,204,196,191,191,191,191,191,189,183,181,183,186,189,189,189,189,191,194,196,196,199,202,202,204,204,204,207,207,204,199,196,191,185,189,191,202,209,207,199,199,202,204,207,204,199,196,199,202,199,199,196,196,199,196,194,189,187,189,191,186,178,133,130,131,176,176,131,125,129,178,189,191,194,194,194,199,204,207,207,207,209,209,202,194,194,196,194,183,179,181,189,194,194,194,196,202,204,204,199,196,194,199,207,209,204,196,194,194,189,186,186,196,212,215,209,209,212,212,207,209,212,207,196,189,143,141,137,141,202,204,199,198,202,209,212,212,209,202,196,202,207,209,204,202,199,199,202,209,212,212,212,212,212,209,204,202,202,204,207,209,212,209,202,194,194,199,202,199,199,199,199,199,196,189,183,182,194,202,199,199,202,207,207,202,202,204,204,204,204,202,199,194,189,141,141,189,199,207,212,209,212,215,217,217,215,215,212,209,209,207,202,202,202,202,202,202,202,202,204,209,215,215,215,217,225,225,225,225,222,215,212,209,207,207,212,222,225,222,216,216,216,222,225,230,230,230,228,228,226,226,226,226,228,228,228,230,230,230,233,233,233,230,230,228,225,222,217,217,215,212,209,207,209,215,217,215,215,212,207,204,204,204,207,212,215,215,215,207,191,186,186,187,191,196,199,199,199,199,199,196,194,192,194,196,196,196,194,186,185,185,186,191,196,199,199,199,202,204,204,204,204,207,207,209,209,204,202,196,183,177,178,191,199,196,191,183,136,138,189,196,196,196,194,196,196,196,194,189,189,194,194,191,189,186,183,183,189,189,189,189,186,183,178,181,186,194,196,199,207,209,209,207,202,199,196,199,207,212,217,225,222,212,199,191,143,141,141,143,194,204,209,209,204,202,200,202,204,207,207,207,204,204,207,207,207,202,194,186,178,176,129,123,119,119,121,123,129,176,181,181,181,183,189,196,207,215,222,222,212,204,204,196,181,173,178,189,189,181,173,173,176,123,109,101,99,93,89,91,95,111,121,125,133,186,189,183,135,212,228,228,226,228,228,222,212,209,207,199,192,191,199,217,222,217,217,225,228,222,215,209,202,199,199,204,209,209,209,209,209,207,202,199,204,212,222,217,209,208,209,215,217,215,215,212,212,209,204,199,198,199,202,207,209,215,217,217,212,209,207,207,204,204,207,209,212,212,209,209,212,217,222,222,222,225,228,228,228,225,222,222,225,228,228,225,222,215,213,213,217,222,217,212,204,202,204,209,209,207,205,207,212,212,209,202,195,194,196,202,204,204,202,199,202,207,212,215,209,204,202,202,202,200,200,200,204,209,209,204,199,199,199,199,196,196,196,196,199,202,202,202,196,189,186,186,189,194,191,191,191,196,202,204,196,186,182,183,139,183,183,183,186,191,186,179,181,183,183,181,183,186,191,196,194,191,178,131,133,186,199,202,199,191,189,189,189,189,191,196,196,191,189,189,189,186,186,187,187,187,189,196,199,202,199,199,196,191,183,182,183,186,189,186,137,135,139,194,204,209,209,212,209,204,196,194,191,189,186,183,139,186,189,194,199,204,207,209,209,207,204,204,207,204,194,186,186,196,207,207,202,196,191,191,191,191,194,199,209,217,217,209,204,207,209,207,204,199,196,202,207,204,199,196,194,194,196,204,212,212,209,208,209,212,215,217,222,217,215,209,207,207,207,204,199,199,202,196,195,195,196,202,204,204,204,209,212,212,209,204,202,199,207,217,217,207,196,194,191,143,143,194,202,207,212,215,215,217,209,196,189,194,199,199,199,196,199,204,207,207,204,202,202,196,189,189,202,217,222,217,207,196,186,189,196,196,196,207,220,217,207,194,185,182,181,181,186,202,217,225,215,202,189,183,135,129,129,133,133,139,189,186,141,186,199,212,215,212,209,209,204,202,202,204,204,202,198,198,202,209,215,215,215,220,217,212,215,217,215,209,212,217,217,209,209,212,212,215,217,217,199,137,141,139,139,189,202,209,215,222,225,225,217,212,209,209,209,202,183,123,89,83,105,123,125,125,124,127,135,191,204,212,215,217,215,209,209,215,222,225,225,225,225,225,228,228,230,230,230,225,222,217,222,228,230,230,230,230,233,235,238,241,241,243,243,243,243,243,243,243,243,248,254,255,255,255,255,255,255,255,255,251,246,246,248,248,248,243,238,228,215,213,213,217,222,222,222,222,225,222,217,217,215,209,204,196,183,125,117,117,119,119,123,133,133,127,126,126,129,135,141,189,191,196,215,233,243,246,243,243,241,238,235,230,228,225,217,217,217,220,217,215,212,215,215,212,212,209,209,209,209,209,209,209,209,212,212,215,215,215,212,215,215,215,212,212,207,204,203,207,217,212,199,194,194,199,202,202,199,191,186,185,191,212,222,212,198,198,202,0,0,0,0,0,241,233,233,233,235,230,217,202,191,186,181,135,129,129,129,129,128,129,135,186,196,204,212,217,215,212,212,215,222,222,215,212,212,215,217,212,209,207,207,212,222,228,230,228,222,217,222,225,222,217,216,216,216,217,217,217,222,225,228,225,215,209,202,199,194,194,199,207,215,222,220,209,196,186,181,181,183,189,186,183,137,133,135,141,204,222,228,225,225,228,228,225,220,217,222,222,225,222,217,215,213,215,225,233,238,238,235,238,241,241,238,233,230,228,220,209,151,141,136,134,137,202,222,235,246,248,241,235,233,229,229,230,230,228,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,79,40,0,20,0,0,0,0,105,142,199,191,137,105,108,98,0,0,25,56,61,66,121,144,142,126,118,121,157,150,139,121,54,51,108,137,152,152,144,144,147,155,160,155,150,150,152,129,53,62,67,70,75,85,93,99,103,142,144,152,163,183,183,97,103,157,157,160,165,152,85,64,91,157,165,160,156,157,163,170,183,189,191,199,204,207,212,212,207,199,186,170,160,121,119,117,121,165,165,165,168,176,189,202,207,204,199,191,190,190,191,194,202,204,199,183,170,121,117,123,170,168,113,108,117,173,178,170,170,178,181,178,170,125,121,119,119,170,186,191,191,183,173,168,165,125,124,165,176,189,191,178,168,165,125,123,123,119,114,118,168,170,173,176,178,183,189,189,178,165,160,163,163,165,157,57,0,25,43,95,111,160,183,199,204,196,176,165,173,181,165,87,76,75,93,165,178,170,178,189,194,189,178,170,170,178,191,209,170,173,168,165,178,189,196,202,202,170,103,119,129,176,186,199,204,204,202,202,199,196,202,207,207,207,207,207,209,207,207,204,204,204,204,204,199,196,173,125,178,199,202,196,196,199,204,204,191,181,176,173,173,176,176,173,168,170,127,127,173,183,181,173,169,173,183,186,181,178,181,183,181,176,168,168,168,168,173,178,176,125,95,15,17,55,109,165,168,165,173,181,178,88,168,181,183,183,189,196,196,191,183,181,183,189,191,186,173,127,170,176,173,166,168,173,170,170,173,178,186,189,186,181,176,170,168,121,117,118,125,181,181,168,113,91,82,82,168,176,181,181,173,170,173,178,178,127,121,121,178,194,194,196,202,204,204,199,196,194,196,199,199,199,202,202,204,204,202,194,183,176,125,117,127,119,113,183,191,191,189,191,191,181,125,119,168,183,191,191,183,181,183,183,181,181,181,186,194,191,37,0,31,119,165,98,96,125,178,176,122,121,123,121,116,116,121,165,121,103,115,165,176,181,186,189,191,196,196,191,183,170,165,181,183,109,71,89,165,176,186,189,183,97,90,99,163,168,163,157,115,117,155,155,107,95,93,99,101,113,155,117,113,115,157,163,163,165,173,176,173,172,173,178,181,183,183,189,194,196,194,186,178,176,181,186,189,186,178,178,178,178,178,178,181,178,178,178,181,183,183,181,183,186,191,191,178,135,134,135,181,191,196,199,196,199,202,199,194,190,190,191,196,199,196,194,191,191,189,186,181,178,178,186,189,186,189,191,191,191,191,189,186,189,194,196,196,196,199,196,194,194,194,196,196,194,190,191,191,191,191,189,186,186,189,191,194,194,194,196,196,196,196,196,196,199,199,199,199,199,204,209,209,204,199,194,194,191,191,199,207,207,199,196,199,204,202,196,191,191,191,196,199,199,199,199,199,196,194,191,189,191,189,181,135,131,129,131,181,183,181,178,178,186,191,194,194,183,181,191,207,212,209,207,207,207,204,202,202,204,204,196,186,189,194,196,194,192,194,199,207,204,199,196,196,199,204,207,199,194,191,191,189,186,186,194,207,212,209,209,212,209,207,209,209,204,196,194,196,202,199,199,202,202,200,200,204,212,212,209,202,141,136,191,204,209,209,212,207,204,207,212,215,215,215,215,212,207,202,199,196,199,204,207,207,202,192,190,192,199,202,198,198,199,202,204,199,189,182,182,194,204,204,202,202,207,204,202,202,204,207,207,207,207,204,202,196,191,189,191,199,207,209,209,215,217,222,225,222,222,217,215,207,204,202,199,199,199,202,202,204,204,207,212,215,215,215,217,225,225,225,225,225,222,217,212,207,207,215,225,228,225,217,217,222,225,228,230,230,228,228,228,228,228,228,228,228,228,228,228,228,228,230,230,230,230,228,228,222,222,217,217,215,215,212,212,212,217,217,212,209,207,203,202,203,207,209,212,215,215,212,207,199,191,189,189,189,191,194,196,196,196,196,194,194,194,196,199,199,199,196,191,186,185,186,189,196,196,199,202,204,207,207,204,204,204,202,202,202,202,202,196,183,178,181,194,204,204,202,191,139,181,191,194,194,192,192,194,196,196,191,189,189,191,189,186,183,183,183,183,189,191,191,189,189,186,183,186,189,194,196,199,207,212,212,212,207,199,194,194,199,204,212,220,217,209,199,191,189,189,189,189,196,207,215,212,207,204,202,204,207,209,209,207,204,202,204,204,204,199,194,189,183,181,133,0,0,129,131,133,173,176,178,178,178,183,191,199,204,212,222,222,212,207,209,202,176,125,125,176,183,181,176,178,194,194,170,111,103,105,105,103,109,119,127,131,181,189,186,135,127,202,225,228,228,230,225,215,209,205,207,207,202,198,207,220,217,216,216,225,230,228,222,215,209,207,207,212,212,209,209,207,207,207,204,199,202,212,217,217,212,209,212,215,215,215,212,212,212,212,207,202,199,199,202,207,209,215,217,217,217,212,212,209,209,209,209,215,217,215,212,212,212,215,215,217,217,222,222,225,225,222,222,222,225,228,228,225,222,215,213,215,217,215,212,204,196,195,199,207,207,205,205,209,215,212,204,199,196,196,199,202,207,204,199,196,199,204,209,212,207,202,199,202,202,202,202,202,207,212,212,207,202,199,196,194,194,194,194,194,196,199,202,202,199,191,187,187,189,194,191,191,191,196,202,204,199,189,183,183,189,189,186,183,189,191,186,179,183,191,191,189,186,191,196,196,194,191,181,131,132,186,196,199,194,187,187,189,189,186,189,194,194,189,187,189,189,189,189,189,187,186,187,194,202,202,202,202,199,194,189,183,183,189,191,189,139,135,139,194,204,209,209,209,209,204,199,196,194,191,186,183,183,191,196,199,202,204,207,209,207,204,202,204,207,202,189,140,141,191,202,207,204,199,196,196,194,194,196,199,207,215,212,207,202,202,202,202,199,196,194,196,202,202,199,196,196,202,204,209,215,215,212,209,212,215,215,217,222,222,217,212,209,207,204,202,202,204,204,202,196,196,199,204,204,202,204,207,212,212,209,204,202,199,207,217,222,212,204,202,196,191,189,194,202,209,215,217,212,212,207,196,194,199,207,207,202,196,196,202,207,207,204,204,202,189,138,140,204,222,225,220,212,202,189,191,199,199,202,212,225,222,212,199,191,189,189,191,196,209,222,222,212,196,183,139,135,130,133,183,189,194,194,141,138,138,186,199,202,202,199,199,199,199,204,207,207,207,204,202,207,215,220,217,222,228,228,220,215,212,202,199,207,217,222,215,212,212,212,215,222,228,222,209,204,196,194,196,202,207,215,222,222,217,217,215,212,209,207,204,199,183,117,105,117,125,129,131,131,135,183,194,202,207,212,215,212,208,208,209,217,225,225,222,222,225,228,230,235,233,230,228,228,228,230,233,235,235,233,235,238,238,238,238,241,243,243,246,243,243,246,246,248,251,254,255,255,255,255,255,255,255,254,254,251,248,248,246,246,243,238,230,220,217,217,220,222,222,222,222,225,220,217,217,217,212,207,196,181,121,113,115,117,117,123,129,129,127,127,127,137,189,189,140,139,145,215,241,251,251,251,251,246,243,238,233,228,222,217,212,212,215,215,212,209,212,212,212,209,209,209,207,207,207,207,207,209,209,212,215,215,212,212,212,215,215,212,212,207,204,203,207,220,217,207,199,199,202,202,202,199,191,187,186,191,207,212,209,204,207,209,0,0,0,0,235,235,228,228,233,235,230,215,199,186,181,181,135,133,131,133,133,129,129,133,141,189,196,209,217,217,215,217,217,220,217,215,209,209,212,212,212,207,207,209,215,225,230,230,225,222,217,222,225,222,217,216,216,217,217,217,217,217,222,225,222,215,212,207,202,194,189,194,202,209,217,215,204,186,179,177,178,181,186,186,181,135,133,133,141,204,225,230,225,224,225,228,225,217,216,217,222,225,222,220,215,213,213,222,233,238,235,235,238,243,243,238,233,230,228,222,212,153,143,136,135,145,215,230,238,248,251,246,238,233,230,233,235,235,235,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,53,74,0,0,0,0,0,43,170,178,108,72,69,19,0,0,0,0,0,0,7,150,160,124,23,0,85,74,118,108,55,85,121,144,155,152,144,142,150,160,163,160,150,142,134,85,60,65,75,83,85,85,87,91,91,89,88,139,157,186,199,168,155,157,155,144,157,160,91,61,105,165,173,170,160,157,160,168,183,191,196,199,204,212,215,209,204,199,186,163,117,121,163,160,160,163,163,163,165,170,183,196,202,199,196,194,191,191,194,196,199,204,202,183,125,111,113,165,181,176,125,119,121,168,168,168,173,189,194,186,178,127,121,119,121,176,178,178,178,173,127,127,127,125,165,165,170,178,181,176,168,123,121,118,119,118,116,125,186,189,191,191,189,191,196,199,191,176,163,160,160,168,178,101,75,39,27,85,160,181,194,202,202,199,189,176,178,178,113,79,76,80,165,181,186,176,173,186,196,191,186,176,173,181,199,215,191,186,181,173,181,189,194,204,204,78,78,101,170,189,196,202,207,207,204,202,199,195,196,202,204,204,207,209,209,207,202,199,199,202,204,209,202,191,176,173,183,191,194,191,194,196,202,199,189,178,173,178,181,181,178,170,127,168,125,125,176,186,186,176,170,181,196,194,183,178,178,178,178,176,170,166,166,170,178,178,173,123,103,49,48,85,123,165,119,117,119,119,105,68,104,173,181,181,186,194,194,189,186,189,191,194,196,186,127,123,125,170,169,165,168,176,172,169,172,176,178,178,176,173,168,127,125,121,119,121,127,178,170,121,117,95,87,173,186,178,176,181,178,172,172,178,176,125,125,173,189,202,204,202,199,199,199,196,194,194,194,194,199,199,199,199,199,199,199,191,170,120,121,173,181,170,127,186,194,191,191,189,183,173,121,119,165,176,183,186,183,178,176,178,183,183,183,189,189,115,2,0,21,113,189,191,183,181,178,173,122,121,123,165,123,119,119,121,117,117,123,165,173,183,186,189,194,199,196,191,176,115,117,176,181,123,101,103,111,163,178,176,160,95,92,105,163,165,160,117,112,113,155,155,103,92,97,117,160,165,165,155,113,113,155,163,165,170,173,176,173,173,173,176,178,181,181,183,186,189,186,181,173,181,191,196,202,196,183,176,174,176,178,181,178,176,176,176,181,186,186,186,186,189,191,189,134,134,135,181,183,191,194,196,194,196,202,204,202,199,196,196,199,196,191,189,186,183,135,133,135,178,183,191,189,186,186,189,189,189,189,186,186,191,199,204,199,199,199,196,191,189,191,194,194,191,191,191,189,189,189,189,186,186,189,191,194,194,194,196,199,199,199,199,196,196,196,196,196,196,202,209,209,204,196,194,194,191,191,194,196,202,202,199,202,199,196,191,189,187,189,194,199,202,199,199,199,199,196,194,194,194,189,181,178,135,131,133,183,191,191,189,189,194,196,196,191,132,130,181,207,215,209,207,204,202,202,202,204,209,207,202,196,196,199,199,194,192,194,199,204,202,196,191,194,199,202,202,199,194,194,194,194,189,186,189,196,204,207,207,207,207,204,207,207,202,199,202,209,212,207,202,199,202,207,207,209,212,212,207,194,132,129,137,199,204,209,215,215,209,209,215,217,215,212,212,209,204,199,196,196,196,199,202,202,196,190,190,194,202,202,198,198,202,207,209,202,191,185,185,196,209,209,204,202,202,202,199,202,204,207,209,209,207,207,204,202,199,196,196,199,202,207,209,215,217,222,225,225,225,225,217,209,204,199,196,196,196,199,202,207,207,209,215,217,217,217,220,225,225,225,228,228,228,222,215,207,207,217,228,230,228,222,225,228,228,230,230,228,228,230,230,230,228,228,228,225,225,225,222,222,222,225,225,228,228,228,225,222,222,217,215,215,215,212,212,215,217,215,212,207,204,202,202,204,209,209,212,212,212,209,207,204,202,199,194,189,187,189,194,191,191,194,194,194,194,199,199,199,199,199,199,194,189,189,191,196,199,199,202,204,207,207,204,202,199,196,196,196,196,199,199,191,182,186,199,207,207,207,199,189,191,194,194,192,191,192,194,196,196,194,191,189,189,183,178,178,178,181,183,183,186,189,189,189,186,186,189,194,196,196,199,207,212,215,215,209,202,191,189,189,196,207,217,217,209,196,189,143,143,189,191,196,207,215,215,209,207,207,209,212,212,209,204,202,202,199,199,199,199,194,191,186,183,178,133,133,178,183,186,183,181,178,177,178,186,196,204,209,215,225,228,222,215,215,207,189,173,123,123,129,129,123,121,191,202,191,115,107,113,121,121,123,129,178,186,191,191,183,133,128,202,225,228,230,230,228,217,212,209,212,217,215,209,215,222,220,216,216,222,228,228,225,222,217,212,209,212,215,212,209,207,205,207,207,202,202,207,215,215,212,209,209,212,212,209,208,209,212,215,212,207,202,202,204,209,212,215,217,217,217,215,215,215,215,215,215,217,222,222,217,215,212,215,215,215,215,215,215,215,217,217,217,222,228,228,228,225,217,215,217,217,215,209,202,196,194,194,199,204,207,207,209,212,212,207,199,196,196,196,196,196,202,199,194,191,196,202,207,207,202,196,196,202,204,204,207,209,209,212,212,209,207,202,194,190,191,192,192,194,196,199,199,202,199,194,189,189,194,194,191,190,196,199,202,204,202,191,182,183,196,191,183,186,191,194,189,183,183,189,189,186,186,191,194,196,194,191,181,132,133,186,194,194,189,187,187,191,189,186,186,191,191,189,187,189,194,194,196,196,196,191,191,196,202,204,202,199,199,194,189,186,186,189,189,189,139,137,183,194,207,209,207,204,207,204,202,199,196,194,189,186,186,194,202,204,202,202,204,204,204,202,202,204,204,199,191,141,141,189,196,199,202,202,202,202,202,199,199,202,207,212,209,202,199,199,199,199,199,199,195,195,196,199,202,202,204,207,212,215,217,217,215,215,215,217,217,217,217,217,217,215,212,207,204,204,204,207,207,207,202,199,202,202,202,202,202,204,209,209,207,202,199,196,202,212,220,217,215,212,204,194,191,196,202,209,215,217,212,207,202,199,199,202,207,209,207,202,199,202,207,207,204,204,199,140,137,141,212,228,228,222,220,212,199,196,199,198,199,209,222,217,209,204,202,204,209,212,212,217,222,217,204,189,137,135,135,131,135,194,204,207,202,189,139,137,139,189,196,196,196,196,196,199,204,207,209,212,209,209,212,217,222,217,222,228,228,222,215,202,196,196,207,215,215,212,212,215,212,207,209,215,215,209,204,196,189,191,196,204,215,222,215,212,215,217,215,209,209,212,212,196,186,178,129,129,135,181,183,189,191,194,196,202,209,215,215,209,208,209,215,222,222,220,217,222,228,235,241,238,235,233,233,233,233,233,235,235,235,238,241,243,241,238,238,241,243,243,243,246,248,251,251,254,254,255,255,255,255,255,255,255,255,255,254,251,246,243,243,241,238,233,228,225,222,222,217,217,215,217,220,217,215,212,215,215,209,199,181,121,113,113,113,113,117,123,125,127,129,135,191,204,199,140,138,143,212,241,251,254,254,254,251,248,243,235,230,222,215,212,209,209,209,209,209,209,212,209,209,209,209,207,207,207,205,205,207,209,212,212,212,212,209,209,212,212,212,212,209,205,205,209,220,220,212,207,202,202,204,204,204,199,191,190,194,202,207,209,212,217,217,215,207,207,215,228,228,222,220,230,235,230,212,199,186,181,181,137,137,137,137,135,133,131,133,135,139,189,204,217,222,222,222,217,217,215,209,207,207,209,212,209,207,207,209,217,228,230,228,222,217,217,222,225,225,222,217,217,217,222,217,217,215,222,222,217,215,212,209,204,194,189,191,199,207,212,212,199,183,178,178,181,189,191,186,137,131,129,129,139,202,225,233,230,225,228,228,225,217,216,217,222,225,222,222,217,213,213,222,233,235,235,235,238,243,241,238,233,230,228,222,212,202,147,141,141,202,225,233,238,248,251,248,243,235,235,238,241,241,238,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,85,22,0,0,0,0,3,90,113,87,53,35,0,0,0,0,0,0,0,0,155,212,157,0,0,0,0,15,21,39,85,124,142,152,150,142,142,152,165,178,178,155,118,118,124,74,70,83,121,124,91,91,93,91,86,80,97,142,157,176,168,160,163,163,144,147,150,109,85,155,173,183,186,176,165,119,119,178,191,196,199,204,212,215,207,202,194,181,160,117,121,165,165,165,165,165,163,165,170,181,189,191,189,189,194,191,191,196,196,196,204,204,178,113,107,111,181,191,181,173,125,123,123,123,125,176,194,202,196,183,168,123,123,168,181,173,170,170,127,126,127,168,168,125,117,121,168,173,170,125,119,119,119,123,123,165,181,199,199,199,196,196,196,202,204,202,194,176,121,163,181,202,212,220,93,65,119,186,194,199,202,202,202,199,194,189,173,89,78,83,157,186,186,181,155,110,113,189,191,186,176,170,176,199,209,196,196,199,196,196,194,189,189,91,41,81,111,189,202,204,204,204,204,204,202,199,195,195,199,202,202,204,207,207,204,199,198,198,199,202,207,202,191,176,170,173,176,181,186,191,194,191,186,181,176,176,181,181,178,170,123,122,125,125,168,181,194,194,186,176,181,199,196,186,176,170,170,173,173,173,170,170,173,178,178,168,111,99,103,111,117,170,168,92,90,107,105,100,74,105,170,181,183,186,183,178,178,183,189,194,196,199,189,170,125,127,176,176,170,176,183,173,173,183,183,176,127,127,168,127,127,170,170,168,170,176,178,170,168,181,183,176,186,181,176,176,183,183,178,173,176,165,121,168,178,189,199,199,196,194,194,194,196,196,196,194,194,196,199,196,196,191,173,173,176,168,119,121,170,176,170,168,178,186,186,183,181,176,165,121,123,165,165,170,181,183,173,169,170,181,181,181,189,176,43,2,0,71,168,196,202,199,194,189,181,170,125,165,176,183,178,123,115,115,121,165,165,178,191,191,191,196,194,183,168,103,95,101,168,176,168,111,99,103,119,173,121,105,101,107,157,165,165,160,115,110,113,160,163,115,105,111,160,163,163,160,117,113,113,119,163,168,170,170,173,173,176,176,176,176,176,176,176,176,176,173,170,170,186,196,202,204,199,186,176,173,174,178,181,178,176,133,133,181,186,189,189,189,189,189,183,135,178,183,186,186,189,191,194,194,199,204,207,207,204,199,199,199,199,196,191,183,135,132,131,133,181,189,194,191,186,186,189,189,189,191,191,194,196,199,199,196,194,194,189,183,181,186,191,194,191,191,189,189,186,186,183,182,183,186,186,189,189,191,194,199,202,199,199,199,196,196,196,194,194,199,204,204,199,194,191,194,194,191,186,181,183,202,204,202,196,191,189,189,189,191,194,199,202,202,202,202,199,196,194,194,194,186,178,178,178,135,178,186,194,194,194,194,196,199,199,191,130,127,135,202,207,204,202,196,196,194,196,199,202,202,199,199,202,202,202,196,194,194,199,202,196,191,190,191,196,194,194,199,199,199,202,202,196,189,189,196,202,202,199,199,199,199,202,204,202,202,209,215,212,204,199,196,204,209,212,209,212,212,207,196,136,133,141,196,202,207,212,212,209,209,212,215,212,212,209,204,202,199,199,199,196,196,196,196,194,192,194,202,207,202,199,199,207,212,212,202,191,186,187,196,207,209,207,199,196,196,194,199,202,204,207,207,207,207,204,202,202,202,199,199,199,204,209,215,215,217,222,225,228,228,222,209,204,199,196,195,196,199,204,209,209,212,217,222,222,222,222,225,225,225,228,228,228,222,212,205,207,217,228,228,225,225,230,233,233,233,230,228,228,228,230,228,225,225,222,222,217,217,215,215,217,222,222,225,225,225,225,225,222,217,215,212,212,215,215,215,215,215,212,209,207,204,204,207,209,209,209,209,207,207,204,204,204,202,196,191,189,189,143,143,186,189,191,194,196,199,202,199,199,199,199,196,194,191,194,196,199,202,204,207,207,204,202,196,196,196,195,196,196,199,199,196,191,194,202,207,209,207,202,196,196,199,199,196,194,194,196,196,199,196,194,189,186,178,133,133,176,181,181,178,178,181,186,186,186,189,191,194,194,196,196,202,207,212,212,209,199,186,137,135,186,202,215,217,209,194,141,135,137,141,143,194,204,209,212,209,207,212,215,215,215,209,207,204,202,196,196,196,196,194,194,191,189,183,181,181,186,194,199,202,194,181,177,177,189,204,215,217,225,230,233,225,215,217,209,202,189,129,121,119,119,109,103,123,194,194,121,107,111,125,127,127,178,194,199,199,191,137,133,136,215,230,230,230,233,230,225,217,217,222,225,225,220,217,222,222,217,217,222,225,225,225,225,222,212,209,212,215,212,209,207,207,209,209,207,202,204,209,212,209,209,209,209,209,208,208,209,215,215,212,209,207,207,209,209,209,212,217,217,217,217,217,217,217,217,222,222,225,222,222,217,217,215,215,212,212,209,207,207,207,209,217,225,228,228,225,217,212,215,217,217,212,204,199,196,196,196,199,204,209,212,212,212,209,202,196,191,191,191,189,189,194,194,191,191,191,196,202,202,194,191,196,202,207,207,209,212,209,209,207,209,209,207,196,191,191,192,196,196,196,199,199,202,199,194,191,191,196,196,191,190,202,204,204,204,202,191,181,181,199,194,183,186,194,194,191,189,186,183,182,183,189,194,194,194,194,191,181,135,137,191,194,194,191,189,189,191,189,186,189,194,194,191,191,194,199,202,204,207,207,204,199,202,204,204,199,194,194,194,191,189,189,191,189,186,183,139,183,196,207,207,202,202,204,202,199,196,196,196,194,191,191,199,207,207,202,196,196,199,199,202,202,204,204,199,191,186,141,186,189,194,199,204,204,207,207,207,207,204,207,209,207,202,199,202,199,202,207,204,199,196,199,199,202,207,209,215,215,215,215,215,215,215,217,222,222,220,220,217,217,215,209,207,204,204,204,207,207,207,204,202,202,202,199,199,199,202,204,204,202,196,194,194,199,207,215,215,212,212,207,199,196,202,207,212,217,217,212,204,202,202,202,196,199,202,204,202,199,202,204,207,204,202,199,189,141,196,215,225,225,225,225,217,207,204,204,202,199,209,217,217,212,207,207,209,215,217,220,217,215,207,196,186,139,137,139,135,137,194,204,209,207,196,186,138,138,186,196,199,199,199,199,202,204,207,209,212,215,215,217,217,217,215,215,217,220,217,209,199,196,198,204,207,204,207,215,217,212,196,137,127,135,186,186,186,186,189,199,207,215,215,209,207,215,225,222,212,212,222,215,202,199,196,181,135,181,186,191,194,194,191,191,196,204,215,220,217,215,212,212,217,220,217,215,217,225,233,241,243,241,238,235,233,233,233,233,235,238,241,243,243,241,238,238,238,241,241,246,246,248,251,251,254,254,255,255,255,255,255,255,255,255,255,254,248,243,238,238,238,238,235,230,228,222,217,212,209,207,207,212,215,209,207,207,212,209,202,189,127,119,115,113,111,113,119,121,125,133,183,202,209,204,189,140,141,202,230,246,251,254,254,254,251,246,241,233,225,215,212,209,209,209,209,209,209,207,207,209,209,209,209,209,207,207,205,207,207,209,212,212,209,207,207,209,209,209,212,209,207,207,212,217,217,215,209,207,204,204,207,207,204,204,199,196,196,199,207,215,225,230,222,209,207,0,230,230,218,216,228,238,235,217,204,194,189,183,137,137,139,139,137,133,133,133,133,135,139,196,212,222,222,222,217,212,209,207,204,204,207,209,209,209,207,212,217,230,230,222,217,217,222,225,225,225,222,217,217,217,217,217,215,215,217,222,217,215,215,212,207,196,186,189,194,202,207,207,196,183,179,179,189,196,199,189,135,128,127,129,137,199,222,233,233,230,230,230,228,222,217,217,222,225,225,222,217,215,213,222,230,235,235,235,238,241,241,238,235,230,228,222,212,204,151,147,149,212,230,235,238,246,251,248,246,241,235,238,241,241,238,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,82,56,0,0,0,0,0,0,0,0,7,3,0,0,0,0,0,0,0,0,85,134,53,0,0,0,0,0,0,9,45,124,137,144,144,142,142,150,165,189,178,100,65,113,165,157,77,83,121,129,131,137,152,157,142,131,134,101,137,152,157,160,168,173,165,111,109,150,109,155,173,186,196,186,165,112,109,168,189,191,194,202,212,215,204,194,186,168,121,117,117,121,168,173,173,168,170,173,178,186,191,191,183,178,181,181,183,189,186,183,194,186,121,111,110,119,186,194,183,176,168,123,122,122,125,176,191,199,199,189,127,125,173,178,181,178,173,168,126,126,173,181,178,117,110,114,173,178,170,123,119,121,123,125,165,170,183,196,199,196,199,199,199,202,204,207,202,186,111,170,183,199,212,215,178,121,181,191,196,202,202,202,202,204,207,202,170,85,85,163,196,196,189,178,113,105,105,176,183,176,165,160,165,196,207,204,204,207,209,199,165,91,54,29,27,113,176,196,207,207,204,204,203,204,204,199,195,195,196,199,199,199,202,204,202,199,198,198,199,202,204,199,194,181,123,123,125,170,181,189,189,181,176,173,176,178,178,173,127,125,121,120,122,123,173,189,202,204,196,176,116,119,181,178,168,127,170,176,170,168,170,170,170,176,178,123,99,99,121,168,168,183,189,87,76,105,105,105,109,170,178,183,189,186,165,121,165,178,186,189,194,196,191,181,173,173,178,176,170,181,186,178,181,186,183,170,124,125,127,125,168,183,189,186,181,181,178,176,176,181,183,178,168,168,170,173,178,181,178,176,173,125,107,123,178,189,194,194,191,191,191,194,199,204,204,199,194,194,196,186,178,93,62,83,125,176,127,127,168,166,168,168,170,173,173,173,170,127,123,125,170,170,121,120,170,178,173,169,169,178,178,176,170,99,45,51,115,115,173,186,196,202,202,199,194,186,173,170,178,186,181,165,117,117,121,125,125,178,194,191,189,189,176,123,111,96,93,105,176,176,165,101,97,105,119,165,160,105,113,157,163,163,163,160,117,111,113,119,157,119,157,160,163,163,157,117,115,113,115,157,165,168,165,160,165,170,176,178,176,176,176,173,168,165,127,127,127,173,191,196,199,202,196,183,176,176,176,178,178,176,176,133,133,178,183,186,186,191,191,186,178,178,186,189,189,189,191,191,194,196,202,207,207,204,202,199,199,202,204,204,196,183,133,132,132,133,181,189,191,191,186,189,191,191,191,194,199,202,199,191,186,191,189,183,133,129,131,178,186,189,189,189,189,189,186,183,182,182,182,183,183,183,186,189,194,196,199,199,199,199,199,196,196,194,194,196,196,194,191,191,194,199,196,194,186,178,181,194,199,196,191,189,187,189,191,194,196,199,202,202,202,202,199,196,191,189,186,178,176,178,181,181,183,189,194,194,194,194,199,202,202,194,178,133,183,196,199,199,196,191,189,189,189,194,196,196,196,199,202,202,202,199,196,196,196,199,194,190,190,194,194,189,186,194,199,204,209,212,207,199,199,207,207,198,196,198,198,198,199,202,202,204,209,212,204,196,194,196,204,209,209,207,209,212,212,207,204,204,202,202,207,209,209,207,205,207,212,215,215,212,209,202,202,204,204,204,202,199,196,196,196,202,207,209,207,204,202,207,212,215,212,199,191,189,189,196,204,207,204,199,194,191,191,194,199,202,207,207,207,207,204,202,202,202,204,202,199,202,209,215,215,215,217,222,225,225,217,212,207,202,196,195,196,202,209,212,212,215,222,228,228,228,228,225,225,225,225,225,225,217,212,205,205,212,222,228,228,228,233,235,235,233,230,225,225,225,225,222,222,217,217,215,213,213,213,213,215,217,222,222,222,222,222,222,222,217,215,212,212,215,215,215,212,212,212,212,209,209,209,209,209,209,209,207,204,202,202,202,202,202,199,196,191,143,140,140,140,141,189,194,196,199,202,199,199,196,196,196,194,194,196,196,199,199,204,204,204,202,196,194,194,196,196,196,199,199,199,199,194,196,202,204,207,207,204,202,202,202,202,199,199,199,199,199,196,196,194,189,181,133,131,131,176,178,176,131,131,133,178,181,183,186,189,191,191,194,196,199,202,207,207,204,194,139,129,127,133,191,209,217,212,194,135,127,129,133,139,145,196,207,212,209,212,217,222,222,217,215,212,207,202,196,194,194,194,194,194,194,191,191,189,189,191,199,209,215,204,186,177,177,189,207,217,217,222,228,230,217,212,215,209,202,191,176,121,113,109,103,99,109,178,189,173,111,107,119,129,129,183,202,212,207,194,137,134,186,220,233,235,235,235,230,228,225,222,225,228,228,225,225,225,222,217,215,217,220,220,222,222,222,215,212,212,212,209,207,204,204,209,212,209,204,207,209,212,212,209,209,212,212,212,212,212,212,212,212,209,207,207,209,209,209,212,215,217,217,217,217,222,222,222,222,222,225,225,222,222,222,217,212,209,209,207,202,200,200,207,217,225,228,225,222,215,212,212,215,212,209,204,204,204,202,202,199,204,212,215,215,209,204,199,196,191,189,185,183,185,189,191,191,191,191,191,196,196,191,191,199,204,207,207,207,209,207,202,202,207,209,209,204,199,196,199,202,202,199,199,202,202,199,196,194,194,196,199,194,191,204,207,204,204,202,194,182,179,207,202,194,194,194,194,194,194,191,186,183,186,194,199,194,186,191,189,181,137,186,194,196,191,191,191,191,189,186,183,189,194,196,194,194,196,202,204,207,209,212,212,207,204,204,202,196,192,194,194,194,194,196,194,191,189,183,183,186,196,202,202,196,196,202,202,196,196,196,196,196,196,196,202,207,207,199,191,189,189,196,202,207,207,204,196,191,186,139,139,141,189,196,204,207,209,209,209,209,207,207,207,204,202,202,204,204,204,209,209,204,202,199,199,202,207,215,217,217,215,212,212,212,212,217,220,222,222,222,217,215,209,207,207,207,204,199,199,202,204,204,202,199,199,199,199,196,199,199,199,194,190,191,191,196,207,209,209,207,205,207,204,204,209,215,217,217,217,209,202,202,204,202,194,191,194,194,194,194,196,202,204,202,199,199,199,196,199,204,209,215,222,222,217,212,212,215,209,207,209,217,217,217,215,215,215,217,217,222,217,209,199,189,183,139,183,186,186,186,196,204,207,204,202,194,141,139,186,194,199,202,202,202,202,202,207,209,215,217,222,222,217,215,212,209,209,212,212,212,207,202,199,199,196,196,202,215,222,212,191,126,122,125,135,139,186,196,207,212,215,212,207,204,204,212,217,212,202,204,217,217,207,207,207,194,186,189,191,194,194,194,189,186,189,199,209,220,222,217,212,212,215,217,212,209,212,215,222,233,238,243,241,238,233,233,233,233,235,238,241,243,243,243,243,241,241,241,243,248,248,248,248,251,251,255,255,255,255,255,255,255,255,255,255,251,243,235,233,235,238,238,235,233,228,222,215,207,202,199,196,202,207,207,202,202,204,202,196,194,181,125,119,115,111,111,115,119,121,129,186,199,204,202,199,189,141,191,212,238,248,251,254,254,251,248,243,235,228,222,215,212,212,212,212,209,207,204,204,207,209,209,212,209,209,207,207,207,207,209,212,212,209,207,207,207,207,207,207,207,207,209,215,220,217,215,212,209,207,207,212,212,212,215,215,207,199,199,204,215,233,241,235,217,212,225,0,241,218,215,222,243,246,235,220,209,202,194,139,135,135,137,135,133,131,133,135,135,137,189,204,215,222,222,215,209,204,202,202,202,204,209,209,209,207,209,217,225,225,217,215,215,222,225,225,222,217,215,215,215,215,212,209,212,217,222,217,215,215,215,209,194,183,181,186,191,199,202,191,181,179,181,194,204,207,196,181,128,127,129,137,196,222,235,235,233,233,233,230,225,222,222,225,228,225,225,222,217,215,222,230,235,235,235,238,241,241,241,238,233,228,222,215,207,202,153,204,217,233,235,235,243,246,246,246,243,235,235,235,233,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,79,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,59,0,0,0,0,0,0,0,53,100,124,129,134,139,139,137,137,144,155,131,69,67,108,157,168,121,111,124,137,147,163,181,189,186,199,142,95,101,147,157,157,165,183,189,147,100,105,107,155,170,183,191,181,119,107,104,160,186,189,194,202,209,207,191,173,117,109,115,117,117,121,165,173,176,170,176,181,189,194,199,199,189,168,121,119,165,170,125,117,115,89,97,115,121,125,173,183,181,176,168,123,123,123,127,176,186,194,199,191,127,168,186,183,181,181,176,168,126,127,178,189,189,127,111,115,178,178,170,125,121,123,125,125,124,165,176,183,186,189,194,196,199,199,196,196,191,71,74,168,183,194,204,207,194,173,178,183,189,196,202,199,199,202,209,212,183,109,115,191,207,204,194,189,165,110,105,113,163,163,160,159,160,191,204,207,207,204,209,183,99,78,33,28,66,186,191,199,204,204,204,204,204,204,207,202,196,195,195,196,196,196,196,199,199,199,202,202,202,202,199,199,199,191,122,122,123,125,173,183,183,173,127,127,170,176,173,125,121,123,123,123,125,123,176,194,204,207,199,125,100,91,111,123,123,125,173,176,168,125,125,121,117,123,168,123,105,121,181,183,183,204,220,103,85,101,103,113,165,183,186,189,191,181,120,116,123,178,183,186,189,189,189,183,178,178,176,125,119,170,186,181,173,178,178,173,125,125,125,124,127,186,196,194,186,181,181,181,178,170,168,125,119,127,170,170,165,165,173,173,165,117,63,65,119,183,186,183,189,191,191,194,199,207,204,194,183,189,189,170,107,63,44,85,181,186,181,178,170,166,168,170,168,168,168,127,127,127,125,170,181,178,121,116,120,170,173,170,170,173,178,178,168,111,107,168,189,178,181,181,183,196,204,204,199,191,178,170,170,170,170,170,170,168,117,113,115,168,186,183,176,105,94,99,101,99,105,173,186,181,121,97,99,111,115,121,165,160,163,163,160,157,157,160,119,114,114,115,114,117,165,168,165,160,117,111,110,111,117,160,165,163,121,118,121,165,173,176,176,178,178,173,165,123,123,125,170,183,196,199,199,196,191,181,178,181,181,178,176,176,176,133,133,176,181,183,186,194,196,186,177,178,186,189,191,191,194,196,194,194,199,202,202,199,196,196,199,202,204,204,196,183,133,132,133,178,183,186,189,189,189,191,194,194,194,199,202,199,189,129,127,181,181,129,125,125,127,135,181,183,183,183,183,189,191,189,186,183,183,186,186,186,189,194,196,196,196,196,196,196,196,196,194,194,194,194,189,186,186,191,196,202,199,194,189,185,186,191,191,189,189,189,189,191,191,194,196,199,199,199,199,202,199,196,191,183,181,177,176,178,181,183,186,191,194,194,194,194,199,199,199,196,191,189,191,194,196,196,194,191,187,186,187,191,196,199,202,199,199,199,199,199,196,194,194,194,191,191,194,196,194,141,137,141,191,202,215,222,215,209,209,215,209,199,196,199,202,202,202,202,199,202,202,199,141,135,139,194,204,207,204,204,207,212,215,215,220,222,215,209,209,209,209,207,205,207,212,217,217,215,212,207,207,209,209,209,209,207,202,202,202,207,212,212,207,204,204,209,212,215,209,199,194,191,194,196,199,204,207,204,196,191,190,191,196,202,204,207,209,209,207,204,202,204,209,204,199,199,207,215,215,212,212,215,215,215,209,209,207,204,199,195,199,207,215,217,215,217,225,230,230,228,228,228,225,222,222,222,222,217,215,208,207,209,217,228,233,233,238,238,238,233,228,225,222,222,222,217,215,215,215,213,213,213,213,215,215,217,222,222,222,222,222,222,222,217,215,215,215,212,212,212,209,209,212,212,209,209,212,209,209,209,207,204,204,202,199,202,202,202,202,199,194,141,139,140,141,186,191,196,199,199,199,199,196,194,194,194,196,196,196,199,199,202,204,204,204,199,194,192,194,196,199,199,199,199,199,199,196,199,202,202,204,204,202,202,202,202,202,204,204,204,202,196,194,194,191,183,176,131,129,131,133,176,133,130,129,130,176,181,183,186,189,189,189,194,196,199,199,202,204,202,191,135,125,121,123,133,194,212,212,194,129,124,124,129,135,141,191,202,212,217,222,228,230,228,225,222,217,212,207,199,196,194,194,194,194,194,194,196,196,196,199,207,217,222,212,191,177,176,183,196,207,209,215,222,225,215,212,217,212,199,189,176,119,109,103,99,98,105,123,183,183,125,113,121,176,176,183,199,212,215,209,191,137,183,212,230,235,238,238,230,228,228,228,228,228,228,228,228,225,217,212,212,215,215,215,215,217,217,215,215,212,209,204,202,202,204,207,209,209,207,212,215,215,215,212,212,215,215,215,217,215,212,209,209,207,207,205,207,207,209,209,212,212,215,215,217,222,222,222,222,222,225,225,225,222,222,215,209,207,207,204,200,199,200,209,217,225,228,222,217,212,212,209,209,209,207,207,209,212,207,204,202,204,209,215,212,207,204,202,199,196,191,186,185,185,186,189,191,191,191,191,191,191,191,194,202,207,207,202,199,202,199,196,196,202,209,209,207,204,202,202,204,202,199,196,199,202,204,202,196,194,199,204,199,196,199,202,202,199,199,196,189,186,212,212,204,202,196,192,194,196,199,194,186,186,194,199,189,181,189,186,137,181,191,196,194,191,191,194,194,189,181,135,137,186,191,194,194,194,199,204,207,207,209,212,209,207,204,202,199,194,194,196,199,202,204,202,196,191,186,186,189,196,199,196,195,196,202,202,194,191,191,194,196,199,199,202,204,204,199,189,139,183,191,202,209,209,204,194,186,141,137,139,141,191,199,207,209,209,209,212,209,207,207,204,204,202,204,207,207,207,212,209,204,204,202,199,199,204,212,222,222,220,215,209,209,209,212,217,217,222,222,217,215,209,207,207,207,204,191,191,196,202,204,202,199,199,199,199,196,196,199,196,191,189,189,191,196,204,209,209,207,205,207,207,209,215,217,217,217,215,207,202,202,204,204,196,191,189,189,189,191,196,202,204,204,199,199,202,199,189,142,191,207,215,215,215,212,215,222,222,215,215,217,217,222,222,222,222,217,217,222,217,212,199,189,139,139,183,189,191,196,202,207,204,202,202,202,194,189,191,196,202,204,204,202,202,202,204,209,217,225,228,225,222,215,212,209,209,209,212,217,217,212,202,195,194,196,204,212,215,209,196,137,127,135,191,199,204,209,215,217,217,212,204,202,203,207,207,196,183,186,202,217,215,209,207,202,196,196,196,196,194,191,186,185,186,191,202,215,222,220,212,211,215,215,209,208,208,208,212,222,230,238,238,235,233,233,233,235,238,241,243,243,246,246,246,246,246,246,248,254,254,251,251,251,254,255,255,255,255,255,255,255,255,255,255,248,241,233,231,235,238,235,233,230,228,222,212,207,199,194,191,194,199,202,202,199,196,191,191,194,183,129,121,115,111,109,111,113,111,117,133,186,186,189,194,191,139,139,199,228,243,251,251,251,251,248,246,241,233,225,217,215,212,212,212,209,204,199,199,204,207,209,209,209,209,207,207,207,209,212,212,212,212,209,207,207,204,202,202,202,204,209,220,222,217,212,215,212,209,209,215,217,222,225,228,217,202,199,207,217,235,246,238,222,215,230,246,243,220,215,225,248,255,251,238,225,222,209,189,135,133,133,131,131,131,133,137,137,139,141,194,207,215,217,215,207,202,199,199,199,202,207,209,209,207,209,212,217,217,215,215,215,217,222,222,217,212,212,212,212,212,209,207,209,215,217,215,212,215,215,209,194,137,134,135,181,191,196,191,181,179,181,194,209,212,204,186,129,129,133,139,196,217,235,238,233,233,233,230,225,222,222,228,230,230,228,228,222,217,222,230,233,235,235,238,238,241,241,238,235,230,222,215,212,209,209,212,222,230,233,233,238,243,243,246,243,235,230,228,225,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,82,22,22,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,21,85,105,111,113,118,131,137,134,129,121,49,105,103,95,67,69,105,71,113,131,150,165,181,191,191,189,183,55,77,134,150,157,160,165,183,181,150,101,105,108,163,168,173,176,165,118,112,112,170,183,191,196,199,196,186,168,111,100,99,105,117,121,121,123,163,168,170,178,186,191,199,204,207,199,115,73,73,111,121,117,107,95,82,90,123,173,168,125,168,170,168,125,122,123,168,170,170,176,186,191,183,168,176,189,181,176,176,173,127,125,126,176,189,189,176,116,121,173,173,170,168,123,123,127,127,125,168,173,173,173,176,181,186,189,186,178,111,75,36,69,89,173,189,199,199,189,173,170,170,173,186,196,199,202,204,207,204,183,121,160,183,194,194,189,186,176,163,107,106,111,119,160,160,163,189,202,207,204,202,194,119,109,107,93,99,189,196,199,199,202,204,207,209,209,209,209,204,196,194,195,196,199,199,196,194,196,202,204,204,202,199,196,196,196,189,120,122,125,125,127,173,176,170,125,124,127,173,127,117,117,127,173,170,170,168,176,189,196,199,191,173,109,95,111,118,121,127,176,173,165,123,119,112,109,112,123,165,165,181,186,189,194,204,209,117,101,105,105,119,173,183,189,189,189,178,123,120,168,181,186,183,183,183,186,183,183,181,173,118,111,121,183,170,109,117,178,181,125,123,124,124,168,186,194,189,183,181,181,178,170,123,117,117,125,170,173,168,123,121,165,168,121,82,58,57,69,107,165,173,183,186,183,186,191,196,191,170,113,109,181,178,127,89,72,117,183,191,191,186,173,168,170,170,173,170,127,168,170,170,170,176,183,181,125,118,120,165,168,168,165,170,181,186,176,123,123,173,183,186,183,176,176,191,204,204,196,186,176,165,125,125,165,173,178,176,94,95,107,123,176,176,123,83,84,92,99,105,121,178,183,183,119,99,99,99,103,121,165,168,168,165,121,113,107,115,160,165,160,117,115,119,165,170,165,117,109,107,109,113,119,160,163,160,121,118,119,160,168,176,178,181,178,173,125,122,122,127,176,191,199,199,196,194,183,176,178,183,181,176,176,178,176,131,130,133,181,186,191,196,196,189,177,177,181,186,189,194,199,196,194,191,189,189,191,194,196,199,199,199,199,199,191,181,133,133,178,183,186,186,186,186,189,194,194,196,199,202,199,186,129,124,124,135,135,125,123,124,127,133,135,135,135,135,181,191,199,196,189,189,191,191,191,191,194,199,202,202,199,199,199,196,194,194,191,191,191,189,186,186,191,196,199,202,202,194,191,191,191,189,189,189,191,196,196,194,194,196,196,196,196,196,196,199,199,196,191,183,183,181,178,181,186,189,191,194,196,199,196,196,196,194,191,191,194,194,191,189,191,191,191,191,187,187,189,194,199,204,207,202,199,196,199,196,194,192,191,194,194,196,202,202,194,139,134,134,141,199,215,222,217,215,215,212,209,202,199,204,207,207,207,202,199,199,196,143,133,131,135,194,202,204,202,202,207,212,215,217,222,225,217,215,212,209,209,209,207,209,215,217,217,217,217,215,212,209,209,209,209,209,209,209,207,209,212,212,207,204,204,207,209,212,209,202,199,196,196,199,199,204,209,209,204,199,191,191,194,196,202,207,209,209,209,207,207,209,215,212,202,199,204,209,209,207,207,209,212,209,207,207,207,204,199,196,199,212,222,225,222,222,228,230,230,228,228,228,225,222,220,222,225,225,222,212,207,208,215,228,238,238,241,238,235,233,228,222,217,215,217,217,217,217,217,217,217,215,217,217,217,222,222,222,222,222,217,217,217,217,217,215,215,212,212,209,209,208,209,209,208,209,209,209,209,207,207,204,202,199,199,199,199,202,202,199,191,141,141,189,191,191,196,199,199,196,195,196,196,194,194,196,199,199,199,199,202,202,207,207,204,199,194,194,194,194,196,196,199,199,199,199,196,199,202,202,204,204,202,200,200,202,204,204,204,204,202,194,191,189,186,181,131,127,129,131,133,176,133,131,130,131,176,181,186,189,189,189,189,194,199,202,202,202,202,202,191,135,125,121,117,117,133,202,207,194,129,123,123,125,133,139,145,204,222,230,235,241,241,235,230,225,222,217,209,202,196,194,194,194,191,190,191,196,202,202,204,209,222,225,215,196,183,178,178,183,191,202,209,215,217,212,212,222,215,196,183,168,115,105,99,98,99,107,121,178,186,178,127,127,176,176,127,121,186,217,225,212,191,186,209,228,235,238,238,233,228,228,228,228,225,222,222,225,222,215,209,209,209,209,208,209,212,212,215,217,215,207,200,200,202,207,207,209,207,209,215,222,217,215,212,212,215,215,217,217,215,212,209,209,209,207,207,207,209,209,209,209,212,212,212,215,217,222,222,222,222,225,228,225,225,217,212,207,207,207,207,202,202,207,215,222,225,222,217,217,215,209,207,204,204,204,207,212,212,209,209,207,204,202,204,204,204,202,199,196,196,199,194,189,186,191,189,189,189,194,194,189,141,139,189,199,207,204,196,194,194,194,191,194,199,204,204,204,202,202,204,204,199,194,191,196,202,204,202,196,194,196,204,204,199,196,199,199,199,202,204,202,202,209,212,209,204,199,194,194,196,199,194,186,181,186,191,186,181,183,181,135,137,191,196,194,190,191,199,199,191,137,127,125,129,183,189,191,191,196,202,204,204,204,209,209,207,202,202,202,199,196,196,202,207,209,207,202,196,191,191,196,199,199,195,195,199,204,199,191,190,190,191,196,199,199,199,199,202,199,189,137,136,186,199,209,212,207,196,189,183,137,139,189,196,204,207,209,209,207,209,207,204,204,202,202,200,202,207,207,209,209,207,204,204,204,202,199,202,209,217,222,222,217,212,209,209,209,212,215,217,217,217,215,212,209,209,207,199,187,186,189,196,202,202,199,196,194,194,194,196,202,202,196,191,190,191,199,204,209,212,209,207,207,207,207,212,215,217,215,215,209,204,204,209,209,202,191,141,139,141,191,199,204,209,207,202,202,202,191,138,136,143,204,209,212,209,208,212,222,225,220,215,215,217,222,222,222,222,217,217,222,225,222,209,194,183,139,183,189,196,199,204,209,204,199,204,207,202,196,199,202,204,209,212,209,207,204,207,212,217,225,228,222,217,212,212,209,207,207,209,217,222,217,204,196,196,202,207,207,202,196,199,199,199,202,204,207,212,217,217,222,222,212,203,202,204,207,196,181,133,134,186,207,212,204,196,196,199,199,196,194,191,189,189,186,189,191,196,209,220,220,215,212,217,217,212,209,208,208,208,215,225,233,233,233,231,231,233,235,241,243,243,246,246,246,248,248,251,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,241,233,233,235,235,233,230,228,225,220,212,204,196,189,186,189,194,202,204,202,189,181,181,183,178,125,119,113,109,107,107,105,105,107,119,129,135,137,139,139,135,134,145,215,238,248,251,248,248,248,248,243,238,230,225,215,209,209,212,209,202,196,196,199,202,204,207,209,207,207,207,207,209,212,215,215,212,209,209,207,202,199,196,196,202,209,222,225,215,209,212,215,212,212,217,220,222,228,233,225,204,199,207,222,233,235,230,215,215,230,241,235,220,217,225,246,255,255,246,238,238,230,202,139,131,129,129,131,129,131,137,141,141,141,189,199,209,212,212,207,199,199,199,199,202,209,209,209,207,207,209,212,215,217,215,215,215,215,217,215,212,212,212,212,209,207,205,207,212,212,209,209,212,215,209,194,135,132,132,135,189,196,194,189,183,186,199,212,215,207,189,135,133,135,141,194,215,233,238,233,230,233,230,228,225,228,230,233,233,233,230,225,222,225,230,233,235,235,235,238,238,241,241,235,230,222,217,212,212,215,217,225,228,230,233,238,241,243,246,241,233,228,225,222,220,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,90,98,64,25,14,0,0,0,72,79,25,0,30,139,134,0,0,0,0,0,0,0,0,0,0,66,79,90,77,77,92,124,139,142,137,129,0,51,92,85,57,63,65,32,113,137,165,183,191,191,186,178,39,0,41,142,150,160,165,168,168,157,157,163,173,178,186,168,168,163,155,118,157,165,176,181,189,194,191,178,165,119,107,99,99,103,115,117,116,115,117,123,168,176,186,191,199,204,207,204,75,5,15,99,121,123,115,105,90,99,168,178,170,125,125,125,125,122,122,127,173,173,168,127,176,178,170,125,170,178,168,127,173,173,127,126,127,176,181,178,125,116,125,176,176,173,173,125,125,168,173,178,183,181,170,168,168,170,176,178,176,121,75,46,43,81,63,89,163,181,183,165,165,165,163,163,176,189,194,202,204,199,186,168,117,117,121,163,160,121,160,163,165,110,106,111,160,163,121,123,196,202,204,202,191,95,89,111,181,202,194,189,196,196,196,199,204,209,212,212,212,209,204,196,194,196,202,204,202,196,191,196,204,204,202,196,194,194,194,189,178,119,123,125,124,125,170,173,173,127,124,124,129,123,114,116,170,178,178,178,178,178,183,191,191,183,178,181,170,127,127,168,176,181,178,168,125,117,112,111,116,165,176,183,186,189,194,199,202,189,165,121,121,117,123,170,181,186,183,181,181,176,170,176,183,186,183,182,183,186,183,186,189,181,121,109,123,183,111,86,96,186,191,124,122,125,168,178,189,189,178,173,178,178,123,113,115,109,111,176,181,178,170,125,121,125,168,125,97,99,83,72,85,119,168,181,178,172,172,181,181,168,111,105,107,189,186,173,103,95,173,183,196,199,191,173,168,168,173,178,173,168,168,176,178,173,178,183,183,173,125,125,127,125,123,125,173,181,183,173,121,119,125,178,183,178,168,168,183,196,196,189,173,123,119,123,165,168,170,170,125,81,89,111,165,176,173,123,103,95,107,115,121,173,178,173,173,117,99,90,77,92,168,165,165,168,165,121,99,88,96,163,176,176,168,163,163,165,168,165,110,107,108,113,157,160,163,163,160,121,119,119,121,163,173,181,181,178,173,125,120,121,127,178,194,199,199,194,189,178,172,173,181,181,176,176,181,178,131,128,130,181,189,196,199,199,191,181,178,183,186,191,194,196,194,189,187,186,185,187,191,199,202,202,196,194,191,186,181,135,133,178,186,186,186,186,186,191,194,196,199,202,204,196,181,128,127,131,189,186,133,127,127,129,133,135,135,134,134,181,194,202,199,191,191,194,194,194,194,196,199,202,202,202,202,202,196,194,191,189,189,189,186,183,186,194,196,199,204,207,199,191,191,187,187,191,191,199,204,204,202,196,196,199,196,194,194,196,199,202,199,194,189,189,186,186,189,191,194,196,196,196,199,199,199,196,191,183,181,183,186,186,183,186,189,189,194,191,189,191,196,202,209,209,202,196,194,196,196,194,191,191,194,199,202,204,204,199,186,134,132,135,194,212,217,217,212,209,207,207,204,202,204,209,212,212,202,199,199,199,189,135,135,189,199,202,202,200,202,207,209,215,222,222,222,220,217,212,209,212,209,209,209,215,217,217,215,217,217,215,209,204,202,204,209,215,215,212,207,207,209,207,204,204,204,204,207,207,204,202,202,202,204,204,207,212,215,212,207,199,191,191,194,199,204,207,207,209,209,212,215,222,217,204,198,199,204,204,204,207,209,212,215,212,209,207,202,199,199,204,215,225,228,225,225,230,233,230,225,225,225,222,222,222,225,228,228,228,217,208,208,212,225,238,241,241,235,233,233,228,217,209,209,212,215,217,222,225,225,225,225,225,222,222,222,222,222,222,217,217,217,217,217,217,217,215,212,209,209,209,209,209,209,208,209,212,209,207,207,207,204,204,199,198,198,199,202,202,196,191,189,189,196,199,199,202,199,196,195,194,196,196,196,196,199,202,202,202,202,202,204,207,207,204,202,196,196,196,194,194,196,196,199,199,196,196,199,202,202,204,204,202,200,200,202,202,204,204,202,199,191,186,186,183,176,129,127,127,129,131,133,133,131,131,133,176,181,186,189,189,189,191,196,202,204,204,202,204,202,191,137,127,119,111,108,117,189,204,196,131,124,124,125,133,139,147,209,230,241,246,251,251,243,233,228,225,220,212,204,199,196,196,194,191,189,189,194,202,204,207,0,0,225,215,202,189,181,178,178,181,194,204,209,209,207,209,222,215,194,178,125,115,105,99,99,105,115,121,168,181,183,176,129,129,127,110,95,104,202,230,220,196,194,209,225,230,238,238,235,230,228,228,225,222,217,217,217,217,215,212,209,209,209,207,207,207,209,215,217,215,207,202,202,207,209,209,207,204,209,217,222,217,212,209,209,209,212,215,215,215,212,212,212,209,207,207,209,212,209,209,209,209,212,212,215,217,222,222,222,222,225,228,225,222,215,209,207,209,212,209,207,204,209,212,215,215,215,215,217,215,207,202,199,199,202,204,209,212,212,215,212,204,196,196,196,199,199,194,192,196,202,202,194,191,194,189,187,189,196,196,189,138,137,138,191,199,202,196,191,191,191,190,191,196,199,196,194,196,199,202,202,196,191,190,191,196,199,196,191,189,196,204,207,202,199,202,202,204,209,212,209,209,209,209,207,204,202,196,194,194,194,189,181,179,181,186,186,183,181,135,133,135,189,196,191,189,191,202,202,194,137,125,122,123,135,186,191,191,196,202,204,199,202,207,209,204,199,196,199,199,196,199,204,209,212,212,207,202,196,199,202,204,202,196,196,202,204,199,191,190,190,191,196,196,196,196,196,202,199,191,137,135,137,194,207,212,207,199,194,186,137,137,186,196,204,207,209,207,204,204,207,204,202,202,202,200,202,207,209,209,209,204,204,207,209,207,202,202,207,212,217,217,220,215,212,207,207,209,212,215,217,217,217,215,215,209,204,196,186,185,189,196,202,202,202,196,191,190,191,196,207,209,209,204,199,199,202,204,207,209,207,207,207,207,207,209,212,212,215,215,209,209,209,212,212,207,194,139,136,138,189,199,207,209,209,207,207,207,191,136,138,196,209,209,209,209,207,208,217,225,222,217,215,209,212,212,215,215,217,217,222,228,230,222,204,189,183,183,189,194,194,199,204,199,196,202,204,202,199,199,199,204,212,217,215,212,207,204,207,215,222,222,215,209,209,209,207,207,204,207,212,220,217,207,202,204,207,202,194,139,137,194,207,207,202,199,191,204,217,228,230,228,215,203,203,209,209,199,139,134,134,181,191,199,189,0,183,191,194,196,191,186,186,186,189,194,194,194,204,215,217,215,217,222,225,220,215,212,212,215,217,225,230,233,231,231,231,233,238,238,241,243,246,246,246,246,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,241,235,233,235,235,233,225,222,220,217,212,204,194,186,183,186,189,196,202,199,183,173,173,173,127,119,113,109,107,105,103,103,103,105,113,125,181,139,134,134,133,134,143,209,233,243,248,248,248,248,246,246,241,235,230,217,209,207,209,207,199,196,194,194,196,202,204,207,207,207,207,209,212,215,215,217,215,212,209,207,202,196,194,194,199,209,220,222,215,209,209,209,209,209,212,215,217,225,233,225,207,202,207,217,222,222,217,213,215,225,233,225,220,218,222,238,254,255,251,243,246,241,217,189,135,129,129,131,129,129,135,141,186,141,186,194,204,212,212,207,202,199,198,199,202,209,212,209,207,207,207,212,215,217,217,212,212,212,215,215,212,212,212,209,209,207,207,207,209,209,209,209,209,212,207,194,137,132,133,137,191,202,204,202,196,196,204,215,217,207,191,137,135,135,139,191,212,230,235,233,230,230,230,230,228,230,233,235,233,233,230,228,228,228,230,233,233,233,235,238,241,241,241,235,230,222,217,215,217,222,225,228,228,228,230,238,241,241,241,238,235,230,225,220,220,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,134,124,126,20,0,0,0,69,121,108,92,59,66,160,181,64,0,0,0,0,0,0,0,0,0,20,69,66,40,74,87,129,144,155,165,142,0,72,77,45,49,57,57,57,126,163,183,191,194,176,55,1,0,0,11,137,144,165,183,168,147,146,157,173,181,189,194,186,178,163,116,117,157,165,165,165,173,186,183,165,121,117,109,101,101,113,121,119,117,116,119,123,125,168,181,191,199,204,202,105,0,0,63,123,173,173,165,125,123,123,165,170,168,165,125,125,125,123,125,176,186,181,168,124,127,173,127,120,121,125,125,127,173,173,170,170,170,173,173,170,123,121,168,183,186,181,173,168,168,173,183,196,202,191,176,168,169,173,176,176,173,165,117,99,91,89,93,109,163,168,124,119,120,163,161,161,173,181,178,189,199,186,165,117,113,113,112,110,113,108,101,109,115,113,165,183,183,163,108,96,207,196,183,119,81,78,89,113,176,194,196,194,194,191,191,196,204,209,209,209,209,209,204,196,196,204,207,204,202,194,191,194,199,202,196,191,186,189,191,189,178,127,127,129,125,170,178,181,181,178,170,125,127,125,115,116,176,183,186,191,191,183,183,189,186,169,168,183,181,173,173,183,189,191,191,176,173,121,115,176,183,189,186,191,191,189,196,202,196,178,163,123,163,115,115,123,178,183,178,181,186,189,176,173,181,189,191,189,189,186,183,186,191,191,181,170,181,196,109,83,96,186,186,170,127,170,186,199,194,176,123,125,168,168,107,71,77,111,173,186,191,181,183,181,115,112,168,189,191,181,109,87,95,117,170,183,176,157,156,189,117,59,115,115,117,173,176,109,95,107,170,186,196,202,194,176,168,170,178,183,173,168,170,181,183,181,183,189,186,178,168,125,123,117,116,125,176,181,181,165,119,120,125,173,178,173,125,165,178,181,173,121,115,115,117,123,170,173,125,107,78,88,107,170,178,176,170,165,163,119,165,181,178,176,168,119,173,168,99,82,83,103,163,165,168,173,163,113,92,84,99,160,173,176,173,168,163,165,168,165,113,113,119,160,165,165,163,163,121,119,117,117,119,123,168,178,181,181,178,125,118,119,127,176,183,194,194,189,183,178,173,173,178,181,178,176,181,181,133,130,130,178,191,199,202,199,194,186,183,186,191,194,194,191,189,189,187,187,187,191,194,196,196,196,191,189,186,183,186,181,135,133,181,183,183,189,191,194,196,199,199,199,196,189,178,133,135,186,196,199,196,191,181,135,178,183,181,181,181,186,194,199,199,194,194,196,194,191,194,194,194,194,196,202,204,202,196,194,189,189,189,189,183,181,181,183,194,199,204,204,202,196,194,191,191,194,196,204,212,212,207,199,199,199,196,194,191,194,196,199,199,196,194,186,183,189,191,194,196,199,194,189,194,196,196,196,191,181,178,177,179,183,189,189,189,191,196,194,191,194,196,204,209,207,199,192,191,192,196,196,194,194,196,199,199,199,199,199,194,135,131,134,189,204,212,215,209,207,209,209,207,204,202,204,209,212,204,202,204,202,196,191,194,196,202,202,202,202,202,204,209,212,217,220,217,217,215,215,212,212,209,209,212,212,212,212,212,215,217,215,207,199,198,199,209,217,217,215,209,207,207,207,207,204,202,202,202,202,202,204,204,207,209,209,209,212,215,215,212,207,202,196,194,199,204,207,207,207,212,215,217,222,217,209,199,198,199,202,204,209,212,215,215,215,212,207,204,204,209,212,217,222,222,222,225,230,233,230,228,222,222,217,222,228,230,230,228,228,225,215,209,208,215,233,241,233,228,228,228,222,212,202,202,207,212,217,225,228,230,228,228,228,225,222,217,222,222,222,217,217,215,215,215,215,215,215,212,209,209,209,209,209,209,209,212,212,209,207,205,207,207,204,202,199,198,199,202,202,196,191,191,194,199,204,204,204,202,196,195,195,196,199,199,199,202,202,202,202,202,204,204,204,204,202,202,202,202,202,199,196,196,196,196,196,196,194,196,199,202,202,202,204,202,202,202,204,204,204,202,196,191,186,181,176,131,127,125,125,127,129,131,131,131,131,131,176,178,183,189,191,194,194,199,202,204,204,202,202,199,191,135,125,117,107,105,111,186,204,202,141,131,127,129,135,143,199,217,235,246,251,255,255,251,238,230,228,222,215,209,202,199,196,196,194,190,189,191,202,209,212,0,0,222,217,204,191,183,181,181,183,194,202,207,207,207,212,217,212,191,176,127,123,109,95,93,103,115,113,115,168,183,183,176,129,129,119,109,105,129,222,215,199,199,215,225,230,238,241,235,230,228,222,222,220,217,217,217,217,215,212,212,212,209,209,208,207,209,215,217,212,204,204,207,209,209,207,203,203,207,215,217,212,209,207,204,207,209,215,215,215,215,215,215,209,207,207,209,212,212,209,209,212,215,217,215,215,222,222,222,222,225,225,222,215,212,212,212,212,215,212,204,199,196,196,199,202,207,212,215,212,204,199,198,199,202,207,209,212,215,215,212,207,199,196,196,196,196,191,190,194,202,202,199,199,194,189,187,191,196,194,189,139,137,138,186,196,202,202,196,194,191,190,191,196,196,191,187,189,194,202,204,199,194,190,194,196,194,186,141,186,196,207,209,204,204,204,207,209,212,209,209,209,209,207,207,204,202,196,194,194,194,186,181,179,183,186,186,186,137,135,134,137,189,196,191,186,190,199,202,191,137,127,122,122,133,189,194,194,196,199,199,194,196,204,207,202,194,192,192,196,199,204,209,209,212,217,215,207,199,199,202,204,204,202,199,199,199,196,194,194,194,196,194,194,192,196,199,202,202,194,139,135,136,189,204,209,209,204,199,191,139,135,135,186,199,204,204,202,199,202,204,204,202,202,204,202,202,207,209,212,209,207,207,209,209,209,204,202,204,212,215,217,217,215,212,207,204,204,209,215,217,217,217,217,215,209,202,194,189,189,194,196,199,202,202,196,192,191,192,199,209,217,215,209,204,202,202,204,207,207,207,205,207,209,207,207,209,209,212,215,212,209,212,215,217,212,199,139,133,136,189,199,204,207,207,212,220,220,209,196,196,204,209,209,212,212,208,207,209,220,222,217,207,194,192,196,202,207,215,225,230,233,235,230,215,194,183,183,186,183,189,196,196,191,194,204,204,202,198,198,198,202,209,215,215,209,204,199,202,207,212,215,212,209,207,207,207,204,202,204,209,215,212,207,204,209,204,194,137,123,123,139,202,196,135,117,99,117,207,225,230,228,217,209,209,215,217,207,191,189,183,133,181,181,135,0,0,181,189,191,189,183,135,135,181,189,186,186,191,204,212,215,222,228,228,225,220,222,225,228,228,230,233,235,235,235,235,238,241,241,243,243,243,246,246,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,251,248,241,233,233,233,233,228,222,217,215,215,209,202,191,183,178,181,183,189,194,189,178,129,127,125,119,113,109,107,107,105,103,102,105,105,109,125,199,202,139,133,134,139,194,212,233,243,248,248,246,243,243,243,246,243,238,230,222,212,207,202,196,191,145,191,196,202,202,207,209,212,209,209,212,215,217,217,217,215,212,207,202,196,194,194,199,209,215,220,217,212,207,204,204,207,209,209,0,0,233,228,215,209,212,215,217,222,222,217,215,217,222,225,230,228,220,228,246,254,251,251,246,243,230,199,141,135,131,129,128,127,133,141,191,189,186,191,202,212,212,209,204,202,198,198,202,207,212,212,209,207,207,212,217,217,215,215,212,212,215,212,212,212,212,209,209,209,209,209,209,209,209,209,209,209,204,196,183,135,135,183,196,207,212,209,207,204,212,217,217,204,191,183,135,134,135,189,207,225,233,228,225,225,228,230,230,233,235,235,233,230,230,230,230,230,230,230,230,230,233,238,241,238,235,235,230,225,217,217,222,228,230,230,222,222,233,241,241,238,235,235,235,233,225,220,222,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,111,0,0,0,0,0,95,92,98,98,56,87,87,0,0,0,0,0,0,0,0,0,0,0,66,66,0,0,0,108,160,160,160,129,14,95,45,5,19,25,31,95,134,176,191,183,69,0,0,0,0,0,0,124,142,168,181,160,138,142,163,178,183,194,196,189,183,173,160,119,119,119,119,119,163,173,170,163,163,121,111,105,113,168,170,165,165,168,173,170,113,115,165,181,191,202,97,0,0,1,107,165,173,178,178,173,170,168,165,165,165,165,165,168,170,168,170,186,196,191,173,125,168,173,127,119,119,121,127,170,176,173,170,170,170,127,127,168,127,168,178,189,194,186,178,176,176,176,183,196,199,189,173,168,169,176,181,178,178,176,173,125,109,109,121,173,176,170,124,120,120,163,163,165,181,178,120,118,168,170,163,119,117,117,115,113,121,113,103,106,109,117,181,191,186,113,102,93,194,183,119,72,65,72,101,123,170,186,199,202,196,189,183,189,199,204,207,207,207,207,204,202,204,209,209,204,199,191,186,189,194,194,189,185,183,186,191,194,186,178,176,176,176,178,178,176,178,181,176,127,125,173,116,115,178,189,196,204,207,202,189,183,178,168,168,176,176,173,176,183,191,191,189,178,173,125,123,178,191,194,194,196,194,194,199,202,196,181,165,163,170,163,121,123,170,176,173,181,194,194,168,165,176,186,189,189,189,186,183,181,183,191,189,183,186,186,117,98,106,176,181,176,178,186,199,204,191,127,121,121,121,101,65,59,68,127,189,194,196,194,191,186,119,109,110,170,183,183,168,117,119,165,178,189,194,153,153,199,109,41,99,165,125,123,121,117,111,113,127,186,194,202,196,178,170,173,181,186,181,173,170,178,183,186,191,196,191,173,123,123,119,114,115,168,178,178,176,127,123,176,176,173,173,170,125,170,176,168,117,112,113,115,119,127,173,173,121,101,84,99,173,189,191,181,170,165,165,165,178,189,183,170,116,105,183,183,163,97,96,109,119,165,170,168,115,105,96,92,113,163,170,173,170,165,161,165,170,173,168,168,168,170,170,168,163,121,117,116,115,115,117,121,165,173,178,181,181,170,121,121,125,168,170,178,181,178,183,191,186,173,176,178,176,173,178,181,176,133,178,186,194,199,202,199,196,191,191,191,196,196,194,194,191,191,191,194,196,196,191,186,183,186,183,181,178,178,183,183,135,135,135,178,181,186,189,189,186,189,191,194,191,186,178,178,183,194,199,199,199,196,191,186,186,191,189,189,189,189,191,196,196,196,199,199,194,191,191,191,191,189,191,196,202,199,196,191,189,189,191,189,183,179,179,182,191,199,204,204,202,196,196,196,196,199,202,207,212,212,207,202,202,202,199,194,191,191,191,194,191,189,186,181,178,183,189,191,194,196,194,135,133,181,189,194,194,189,178,176,181,189,194,196,191,194,194,194,194,194,199,202,204,204,194,191,191,192,199,202,202,199,196,194,194,196,199,202,196,137,133,135,143,196,207,209,212,212,212,212,209,204,202,202,207,212,209,207,207,204,202,199,202,202,202,200,200,202,204,207,207,209,215,215,217,217,217,215,212,212,209,209,209,209,209,209,209,212,215,209,202,198,196,202,209,217,217,215,209,204,204,207,207,204,202,199,199,199,202,204,204,207,212,212,212,212,215,217,222,217,209,202,199,199,204,207,207,207,212,215,222,222,217,209,199,196,198,202,207,209,209,209,212,212,209,207,207,212,217,222,220,217,217,220,225,228,230,228,225,220,217,215,222,228,230,230,228,230,230,225,217,212,212,225,230,225,222,217,215,212,202,199,199,202,207,215,225,228,230,228,228,225,222,222,217,222,225,225,222,217,217,215,215,215,215,215,212,209,207,207,207,207,207,209,212,209,209,207,207,207,209,207,204,202,199,202,202,202,199,196,194,196,202,204,207,207,204,199,196,196,196,199,199,199,202,202,202,202,202,202,204,202,202,199,202,204,204,204,202,199,196,196,194,194,194,191,194,199,202,202,202,204,204,202,204,204,204,202,202,196,191,186,181,133,127,125,123,123,125,127,131,131,131,130,130,131,176,183,189,191,194,196,202,204,204,202,196,194,191,183,131,123,115,106,104,109,189,212,217,207,191,143,143,194,202,209,225,238,243,251,255,255,251,238,233,230,228,222,215,207,204,202,202,199,196,191,191,202,212,217,215,212,0,215,209,196,189,186,183,183,189,202,207,204,204,209,212,207,194,181,173,127,117,99,89,87,91,93,101,119,181,189,186,181,173,127,127,133,183,202,207,209,204,215,225,233,241,243,238,233,228,222,217,217,222,225,222,217,217,215,212,212,212,212,209,208,209,215,217,215,209,209,209,209,209,207,203,202,204,212,212,209,204,204,207,209,212,215,217,217,217,215,212,209,207,207,209,212,212,212,212,215,217,222,217,217,217,217,217,222,222,217,215,212,212,215,215,215,215,209,202,195,191,192,195,199,204,209,212,212,204,199,198,202,209,212,207,204,207,209,209,207,204,202,199,199,196,191,190,194,202,204,207,204,194,187,187,191,191,189,186,139,138,141,191,199,202,202,199,196,191,190,191,194,191,187,186,189,194,202,204,202,196,196,196,196,191,139,137,186,196,207,209,209,209,207,207,209,207,207,204,207,207,204,204,204,202,196,196,196,194,189,186,189,189,191,191,189,181,183,186,186,191,196,194,187,189,196,199,189,181,131,127,129,181,191,194,194,194,196,191,189,194,199,202,199,194,192,192,194,196,204,209,209,209,215,215,207,199,196,196,199,199,199,199,199,199,196,196,196,196,196,196,192,192,194,199,202,202,199,189,137,137,189,202,207,207,204,202,194,186,137,133,135,186,196,199,196,196,202,204,204,204,204,204,204,204,204,207,209,209,207,207,209,212,212,207,202,202,209,215,215,215,212,209,207,204,204,209,215,217,217,215,215,212,204,196,194,194,199,199,199,199,199,202,199,199,196,194,199,209,215,215,209,204,204,204,207,207,207,207,207,209,212,212,209,209,212,215,215,212,209,209,215,217,212,204,191,138,139,191,199,204,204,209,215,225,230,228,220,215,215,209,209,212,215,212,209,212,215,217,212,202,194,190,191,194,202,220,233,230,228,228,222,204,181,127,127,127,133,183,191,194,191,196,207,209,207,202,199,202,204,209,212,207,202,199,198,199,202,204,207,207,204,204,207,209,204,199,196,202,207,204,202,204,209,204,191,133,125,122,122,137,143,127,103,102,115,204,225,228,228,222,222,222,225,222,209,202,196,183,132,135,133,133,135,183,186,186,186,183,178,127,121,119,125,129,135,181,189,199,209,222,230,230,225,228,228,230,233,233,235,235,235,235,235,238,241,243,243,246,246,246,246,248,251,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,248,248,246,238,233,230,230,228,225,220,212,212,209,207,202,191,181,173,173,176,183,189,186,178,129,125,121,115,109,109,109,111,109,105,103,103,103,109,129,207,209,189,135,141,196,209,228,241,246,246,246,241,239,241,243,248,248,246,243,233,220,209,202,196,145,144,145,194,199,202,207,212,215,212,209,209,215,217,217,217,215,212,207,202,196,194,194,196,202,207,209,212,209,207,204,204,207,207,207,0,0,0,235,233,228,222,217,217,228,230,225,217,217,220,233,241,238,222,222,235,246,246,243,238,238,233,209,196,189,135,131,128,128,131,141,191,191,189,191,202,209,212,212,209,204,199,198,199,204,207,209,209,209,209,215,217,217,215,215,212,215,215,212,212,212,209,207,207,207,207,207,207,207,207,209,209,207,202,194,141,135,137,186,202,212,217,215,209,209,212,217,215,204,194,183,137,134,137,189,202,215,225,222,217,222,228,230,230,233,235,235,233,230,230,230,233,230,230,228,228,228,233,238,238,235,235,235,233,225,217,217,222,230,233,228,217,217,233,243,241,235,233,233,235,233,225,222,228,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,77,0,0,0,0,113,139,113,25,15,23,17,0,0,0,0,35,87,100,105,61,23,0,0,0,0,0,0,91,147,160,168,150,138,143,160,173,181,191,196,189,186,183,178,170,160,118,117,118,121,163,123,163,170,170,119,113,121,176,176,173,176,181,183,178,107,103,115,170,176,121,3,0,0,57,163,168,170,173,173,170,170,168,125,124,125,165,170,173,176,173,176,189,199,194,170,119,168,178,170,123,121,127,170,176,176,176,176,173,127,125,125,127,170,170,178,189,191,186,181,178,176,173,176,183,189,181,170,166,168,173,178,176,176,178,181,178,123,165,183,191,189,178,170,125,123,125,165,170,186,181,119,114,121,165,168,165,163,123,163,165,176,170,113,109,113,121,176,176,115,109,107,103,170,170,119,78,68,85,123,123,120,127,196,204,196,183,178,181,189,196,199,202,202,204,204,202,204,209,207,199,191,181,178,183,189,191,186,185,186,189,196,199,194,189,189,189,186,178,170,166,169,176,176,127,124,173,105,93,127,194,202,207,215,212,194,176,169,169,170,173,176,173,170,173,178,168,168,173,173,170,173,183,194,199,196,194,194,196,199,202,199,189,176,176,196,189,168,115,119,165,165,176,191,189,163,163,170,181,186,186,186,186,178,127,125,176,183,183,181,173,121,113,117,168,176,178,183,191,202,202,189,170,170,173,119,97,69,69,117,189,196,196,199,202,199,191,178,111,106,121,173,170,123,125,170,178,183,189,194,166,170,183,61,37,85,165,125,113,113,125,125,117,123,181,189,194,191,178,176,178,183,191,191,178,170,173,178,183,189,191,183,118,118,127,127,119,123,176,178,178,173,168,176,191,181,168,170,127,123,173,178,125,117,114,113,117,125,173,176,176,125,113,98,125,186,196,196,189,176,165,125,168,178,181,176,163,111,97,191,191,186,173,115,111,115,160,168,160,109,105,107,115,170,173,170,170,170,165,163,168,173,178,181,178,176,173,170,168,163,119,117,115,115,116,117,119,163,168,173,178,178,173,123,123,123,121,121,125,129,170,183,196,194,178,172,172,170,172,178,181,181,183,191,196,199,202,202,199,196,194,194,196,196,199,196,196,196,196,196,199,202,199,189,179,178,179,181,181,178,177,181,181,135,135,178,181,181,178,133,133,133,135,183,189,186,183,183,183,191,196,199,196,191,191,194,194,194,194,196,196,194,189,186,189,194,199,202,199,194,191,189,189,189,189,189,194,199,196,194,194,194,194,196,194,186,183,183,189,194,199,199,199,196,194,191,194,196,202,204,207,209,207,204,202,202,202,196,194,194,191,189,186,183,181,136,135,178,183,186,186,189,191,189,125,125,133,186,194,196,194,181,179,189,196,202,199,196,196,194,194,196,199,202,204,204,202,196,194,194,199,207,207,207,202,196,189,189,191,196,202,199,186,139,141,143,191,199,204,209,215,215,215,212,207,202,202,207,212,215,215,212,207,202,202,204,204,202,200,202,204,204,207,207,209,209,212,215,215,215,215,212,209,207,207,204,204,204,204,207,209,209,204,199,198,198,204,209,215,215,212,207,202,202,204,204,202,199,196,196,196,199,202,202,207,209,212,209,212,215,222,225,225,215,207,202,199,202,207,207,207,212,215,217,222,217,209,199,196,199,204,207,207,207,207,207,207,204,204,207,217,225,225,222,217,216,220,225,228,228,225,222,217,215,215,222,228,230,230,230,230,233,230,228,222,215,215,222,222,217,217,212,204,200,202,202,202,204,212,217,225,228,228,225,225,222,217,217,222,225,225,222,217,217,217,215,215,215,212,209,207,204,202,202,202,207,209,209,209,209,207,207,209,209,209,207,204,202,204,207,207,204,202,202,204,204,204,204,202,202,199,196,194,196,196,196,199,199,199,199,199,199,202,202,199,199,202,204,207,207,207,204,202,199,196,194,191,191,191,194,199,202,202,202,204,204,204,204,204,204,202,199,196,191,186,178,131,127,121,120,121,123,127,131,173,131,130,130,131,176,181,186,191,194,199,204,207,204,199,191,186,181,133,127,121,117,108,105,113,191,220,230,228,220,215,215,217,222,225,233,241,243,246,251,254,248,241,235,235,233,228,222,215,209,207,207,207,202,194,191,199,215,222,222,0,0,215,209,199,191,186,183,181,183,199,209,204,199,202,202,202,194,186,178,173,125,111,93,83,81,84,91,109,176,196,202,199,183,129,133,189,202,207,207,207,199,199,215,233,241,243,241,238,233,222,217,220,228,230,228,222,217,215,215,215,215,215,212,209,209,215,217,215,215,215,215,212,209,207,204,203,204,209,212,207,204,204,207,212,215,217,222,222,217,215,212,212,212,212,212,212,212,212,212,215,222,222,222,217,217,217,217,217,217,215,212,212,215,215,215,215,215,209,202,196,195,196,202,204,204,204,207,209,207,202,199,207,215,215,204,195,196,202,204,207,207,204,199,196,196,194,194,196,202,207,212,209,196,189,189,189,186,141,141,139,139,141,194,199,199,196,194,194,194,191,191,194,194,189,189,191,196,199,199,199,199,196,199,196,191,137,135,139,194,204,209,212,212,209,207,204,204,204,204,204,204,202,199,202,202,199,202,202,196,194,194,196,196,194,194,194,189,194,196,196,194,196,196,191,190,199,202,194,186,181,181,183,186,189,186,183,186,189,189,185,189,194,199,199,196,194,192,192,194,199,204,204,207,209,209,204,196,194,192,192,194,194,196,199,199,196,194,191,194,196,196,194,194,196,199,202,204,202,196,189,186,191,202,204,204,204,199,194,191,183,133,127,133,189,194,194,194,199,202,204,204,207,207,207,204,204,204,204,207,207,207,209,212,212,204,199,200,207,215,217,215,209,207,204,207,207,209,212,215,215,212,209,204,202,196,196,199,202,204,202,196,196,196,199,202,199,196,199,207,212,212,209,207,204,207,209,209,207,204,204,207,209,212,212,215,215,215,215,209,209,212,215,215,215,209,204,194,191,194,202,207,212,215,222,228,233,233,228,222,217,212,209,215,217,217,215,215,215,212,209,207,207,202,196,196,204,225,233,217,207,196,191,137,119,99,86,87,107,127,181,186,194,204,215,215,212,209,207,207,209,209,209,202,199,198,199,199,202,202,202,202,202,202,207,209,207,199,195,195,196,196,196,202,207,204,191,139,129,121,119,127,143,135,105,109,135,212,225,225,225,225,228,228,225,217,209,207,199,139,133,137,131,129,183,194,194,191,189,186,178,125,115,112,114,121,129,137,139,183,194,215,228,233,233,235,235,233,233,235,235,233,231,233,235,238,241,243,246,248,251,251,251,251,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,246,246,243,235,230,228,228,225,217,215,209,207,204,204,199,191,181,173,173,176,181,186,183,176,127,123,119,115,111,109,113,115,113,109,103,102,103,113,178,202,199,183,139,194,215,233,246,251,251,246,241,238,238,241,246,254,254,254,248,241,228,217,207,199,191,144,144,191,196,202,207,212,215,212,209,209,212,215,217,217,215,212,209,202,196,194,191,194,194,194,196,202,204,204,204,204,207,207,204,209,222,0,0,0,238,230,220,217,228,233,228,222,225,230,243,251,246,230,222,228,235,235,233,233,235,235,225,215,207,189,133,128,128,133,141,191,196,194,194,196,204,209,215,215,209,202,198,198,199,202,204,209,212,212,215,215,215,215,212,212,212,212,212,212,212,209,207,204,204,204,204,204,204,207,209,209,209,204,194,141,137,139,191,207,217,222,217,212,209,212,215,215,207,196,186,139,137,139,191,202,209,212,212,212,217,225,230,233,235,235,235,233,229,229,230,233,230,228,228,228,228,230,233,233,233,235,238,235,228,217,215,222,228,230,225,215,217,235,243,241,233,230,230,233,230,225,225,230,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,118,46,0,0,0,0,0,0,0,0,0,0,0,0,0,77,139,59,0,0,0,0,90,85,38,16,6,33,27,0,0,0,0,0,0,0,5,25,61,55,0,0,3,7,89,152,155,157,152,144,146,152,160,165,173,186,189,186,186,186,178,165,121,119,121,121,121,120,163,178,181,168,121,125,173,170,168,170,178,181,173,105,93,101,123,165,105,17,0,81,105,163,170,168,125,125,168,173,170,125,123,125,170,178,178,176,173,176,189,196,186,112,100,125,176,173,168,127,170,173,176,173,176,183,178,170,126,127,170,173,170,173,181,186,183,178,176,170,168,169,178,186,183,176,170,169,173,173,170,168,173,178,176,165,170,183,191,186,181,176,173,170,168,165,170,183,186,173,125,168,173,173,170,165,165,170,173,173,173,165,123,163,173,173,121,111,112,165,165,173,173,173,121,115,176,183,127,117,121,191,199,186,173,129,173,181,186,186,186,186,191,194,196,202,204,202,189,133,131,178,186,189,191,191,191,194,196,199,199,196,194,196,196,189,178,170,166,168,173,176,173,173,170,75,68,117,194,202,204,212,209,186,168,168,170,170,173,178,178,166,165,163,156,159,170,181,183,186,186,196,199,199,192,194,199,196,196,199,194,181,176,202,194,123,105,109,121,163,170,189,189,166,165,176,181,183,183,186,186,176,116,113,119,170,176,176,168,125,121,123,170,178,181,183,189,194,191,183,178,183,189,170,125,173,183,189,191,194,196,202,204,202,196,186,119,116,173,176,101,96,115,173,181,183,183,173,168,178,176,47,35,67,121,113,103,111,165,170,125,125,173,176,178,176,170,173,181,186,196,196,183,170,170,173,178,183,181,121,113,117,178,186,178,173,168,170,170,168,168,181,189,173,168,170,123,116,122,168,119,115,117,115,123,176,183,186,186,183,176,168,183,189,191,196,196,186,168,119,123,173,176,170,117,96,67,183,189,194,194,170,113,115,160,165,160,115,115,160,170,176,178,173,170,170,168,170,173,176,176,178,178,176,173,170,168,163,121,119,117,117,119,121,121,163,165,170,170,170,168,125,123,121,117,117,118,121,127,173,183,183,176,170,170,170,172,178,186,186,191,199,202,204,202,202,199,199,196,196,196,199,199,199,199,199,199,199,199,199,196,189,181,178,179,183,189,186,181,178,135,134,178,183,183,178,125,119,121,129,176,183,186,183,183,189,194,196,199,199,194,186,186,191,194,196,196,199,199,194,186,183,185,191,199,202,199,194,191,189,189,189,189,191,196,199,196,199,202,202,202,199,199,196,196,199,202,199,196,196,194,191,189,189,189,194,199,204,204,204,202,199,199,196,194,191,194,194,191,186,183,181,137,134,135,181,186,186,186,191,191,135,122,125,181,191,194,194,194,186,183,191,196,199,199,199,199,196,199,202,204,204,207,207,207,204,202,204,209,212,212,209,207,202,189,142,189,196,204,207,202,194,191,191,191,194,202,207,212,215,215,215,209,204,204,209,217,222,217,209,204,202,202,204,204,202,202,204,207,207,207,204,204,207,209,212,212,212,209,209,207,204,202,199,199,199,202,202,204,207,204,199,198,202,207,209,212,212,209,202,199,199,199,199,196,194,194,191,194,196,199,202,202,209,209,207,209,215,222,228,228,222,212,204,199,202,204,207,207,209,212,215,217,215,207,199,196,199,204,207,207,204,202,202,202,202,199,204,215,222,222,217,216,217,222,225,228,225,220,217,215,212,215,222,228,230,230,230,233,233,230,233,230,215,212,215,217,222,217,209,202,202,207,209,207,207,209,217,225,228,225,225,225,222,217,215,212,215,215,217,222,222,217,217,215,212,207,204,202,202,196,194,196,204,209,209,207,207,207,207,207,209,207,207,204,204,207,209,209,207,207,209,209,209,207,202,199,196,194,194,192,194,194,194,196,196,199,199,199,199,199,199,199,199,202,207,209,212,209,207,204,202,199,194,191,190,190,194,199,204,202,202,204,204,204,207,204,204,202,199,196,191,183,178,131,125,121,120,120,121,125,129,131,131,131,130,131,176,181,186,191,194,199,204,209,207,196,186,178,133,129,127,125,123,115,111,119,191,222,238,241,238,235,233,233,233,233,238,243,246,246,248,248,246,241,238,238,235,233,228,222,217,212,212,209,207,196,191,194,207,217,225,225,217,215,207,199,191,189,186,181,181,191,204,204,199,194,194,196,194,191,186,178,173,125,109,87,82,85,93,105,125,196,209,209,199,176,181,199,215,217,212,207,192,190,204,233,238,241,243,241,235,228,222,225,230,233,233,228,222,217,217,222,220,217,215,215,212,212,212,215,217,217,215,212,212,209,207,204,207,212,215,209,204,203,204,212,217,222,222,222,222,217,215,215,217,215,215,212,212,212,215,217,217,222,222,217,217,215,215,215,215,215,212,212,215,215,215,215,215,212,207,204,207,209,209,207,199,199,204,209,212,209,207,209,215,215,204,195,194,195,199,204,204,202,196,194,196,199,202,199,202,207,212,209,196,191,191,191,189,141,186,186,139,139,189,194,194,191,190,190,191,194,196,196,196,196,196,196,199,199,194,191,191,191,196,199,196,137,132,134,191,202,207,209,207,207,204,202,202,207,207,204,204,199,198,198,199,202,202,202,196,194,196,202,199,194,194,194,194,196,202,199,196,196,196,194,196,207,207,202,199,196,191,186,181,133,129,129,135,186,186,186,189,191,194,199,202,199,194,191,191,194,196,202,204,207,204,204,199,196,194,192,192,194,196,196,196,194,189,187,189,194,196,196,196,196,199,202,204,204,202,196,194,199,204,204,204,202,196,191,189,183,133,124,124,135,189,194,194,196,199,202,204,207,209,209,207,204,203,204,207,209,209,209,212,212,204,198,199,204,215,217,212,207,202,204,207,209,207,207,212,212,209,207,207,204,202,202,202,204,204,199,194,191,194,196,199,196,196,199,204,209,212,209,204,204,207,209,209,207,203,202,203,204,207,212,215,217,217,215,212,215,217,222,217,217,215,212,204,199,199,204,212,222,225,225,228,233,230,222,217,215,215,215,217,222,220,217,215,212,212,212,215,217,220,215,209,215,228,225,207,139,125,126,129,121,91,76,77,84,97,109,123,189,207,217,215,212,212,212,212,212,209,207,202,199,199,202,204,207,202,199,199,199,202,207,209,207,202,196,195,194,194,195,199,204,199,191,143,127,119,120,135,189,143,129,135,196,212,222,222,222,225,225,225,225,215,209,207,196,137,135,139,125,122,135,194,199,196,196,191,181,125,115,112,115,121,129,181,135,129,129,186,215,233,243,246,243,238,235,238,238,233,231,233,235,238,241,243,248,251,251,254,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,246,246,241,233,228,225,222,217,215,212,209,204,199,196,196,191,183,176,173,176,178,181,176,129,123,121,119,117,115,113,111,113,113,109,105,103,107,119,135,183,135,131,183,204,230,248,255,255,254,248,241,239,239,243,251,255,255,255,251,243,233,225,215,207,199,191,189,189,194,199,207,209,212,212,209,209,212,215,215,215,215,215,209,202,196,191,191,189,186,183,189,194,199,202,204,204,207,207,204,204,209,225,0,0,243,233,220,216,225,230,225,225,235,246,251,254,251,238,230,228,225,225,228,230,235,238,235,230,222,202,139,131,129,135,143,196,199,196,191,194,199,207,212,215,209,204,202,199,199,199,202,207,212,212,212,212,215,215,209,209,209,212,212,215,215,212,209,204,204,204,202,202,204,209,212,215,212,207,196,189,141,141,194,209,220,222,220,215,212,212,215,215,209,202,191,186,141,186,191,199,204,204,207,209,217,228,230,233,235,238,235,230,229,229,230,230,230,228,226,228,230,230,228,228,230,233,235,233,225,217,215,217,228,230,217,212,222,235,241,238,233,230,230,230,228,225,225,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,131,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,59,0,0,0,0,0,72,90,90,64,118,66,0,0,0,0,0,0,0,13,39,121,108,33,19,33,19,63,152,160,168,168,157,148,148,150,147,103,111,176,176,178,178,176,168,160,119,119,121,120,119,121,176,181,173,165,168,168,123,114,115,125,168,125,90,88,91,113,125,125,163,170,123,117,121,165,165,123,125,170,173,170,165,124,165,176,183,181,173,170,173,181,183,173,110,98,115,127,127,123,125,127,168,127,125,173,189,189,178,176,181,189,181,176,173,178,181,178,173,170,168,168,170,186,199,202,199,191,183,178,170,127,170,176,176,170,165,168,176,178,178,176,176,178,178,178,173,173,181,186,189,186,181,181,178,173,168,168,173,173,165,168,173,173,181,191,186,168,125,173,191,189,183,176,173,168,170,183,191,181,127,173,183,181,170,125,125,131,176,176,173,129,129,176,183,186,191,196,191,133,126,129,183,191,194,194,196,199,199,199,199,199,196,191,194,191,181,176,173,170,170,176,181,183,186,181,78,79,176,186,191,199,204,199,178,168,169,170,170,173,181,181,170,166,164,159,163,183,191,191,189,178,189,196,199,194,194,199,199,199,202,196,183,107,97,121,115,106,111,121,123,170,186,186,168,170,183,183,183,183,186,189,176,115,112,118,170,176,176,173,168,127,168,181,189,186,186,186,186,186,183,181,186,189,186,183,183,186,189,189,194,199,199,196,194,191,176,125,165,181,183,91,89,113,168,170,176,181,176,169,178,183,83,23,14,21,55,91,117,168,170,168,127,127,168,170,127,126,168,176,181,191,194,186,176,173,173,176,181,176,121,117,123,186,194,191,173,116,120,121,123,168,176,173,126,173,178,125,116,121,125,115,114,117,123,178,191,196,199,199,202,199,194,194,189,187,194,199,183,119,105,115,168,178,178,117,68,29,176,183,191,194,181,160,121,165,160,160,165,170,170,173,176,176,173,170,170,170,176,178,173,168,168,173,173,173,170,165,165,123,119,117,119,123,163,163,163,165,165,125,123,123,123,125,125,118,117,117,121,125,125,123,125,173,172,173,176,178,186,191,191,194,199,202,204,204,204,202,202,199,199,199,199,199,199,199,202,204,202,196,194,194,194,189,183,183,186,194,194,189,183,135,134,181,186,178,123,111,111,123,133,183,186,183,178,181,191,196,196,196,196,194,186,183,185,191,196,199,202,199,194,186,183,186,194,196,196,194,191,189,189,191,191,191,194,196,199,199,204,207,209,207,204,202,202,202,204,207,204,199,194,191,189,186,186,186,189,194,199,202,202,199,199,196,191,190,190,191,194,194,189,186,181,137,135,178,189,191,191,191,191,189,126,120,127,186,191,191,191,194,189,183,186,183,186,191,196,199,199,202,207,207,207,207,209,209,207,207,209,212,215,215,209,209,204,189,141,189,199,209,212,209,202,199,196,196,196,199,202,207,209,212,212,209,207,209,215,222,222,215,207,202,200,202,204,204,202,202,204,209,209,209,204,204,204,204,207,207,209,207,207,207,204,199,198,196,198,199,202,204,207,207,202,202,204,207,209,209,209,204,199,196,196,194,194,194,191,191,191,191,196,199,202,204,207,207,207,209,215,222,225,225,222,212,204,199,199,202,207,207,209,209,212,215,212,207,199,198,202,204,207,207,204,202,200,202,199,198,199,207,215,217,217,217,217,225,228,225,222,217,215,215,212,217,225,230,230,233,233,233,233,233,235,230,215,208,212,217,222,217,209,202,204,212,215,209,209,215,222,225,225,228,228,228,225,217,209,204,204,207,215,217,222,217,217,212,207,202,196,194,147,145,143,145,196,204,207,204,204,204,207,207,207,207,204,207,207,209,209,209,209,209,212,215,215,209,204,202,199,199,196,194,194,194,194,194,196,199,199,199,199,199,198,198,199,204,209,212,212,212,209,209,204,202,196,194,190,190,194,199,204,204,204,204,204,204,204,204,202,199,196,194,189,181,176,131,125,123,121,121,120,123,127,131,131,131,131,173,176,183,186,191,196,202,207,209,204,196,186,135,131,129,129,129,129,123,119,125,191,222,241,246,246,241,238,235,235,235,241,248,251,251,251,248,248,246,241,238,238,235,233,228,222,217,215,215,212,202,194,191,196,207,220,228,225,215,204,194,194,194,191,183,176,181,191,199,194,186,186,191,189,191,191,181,168,123,115,101,87,89,97,107,123,189,202,204,202,199,207,209,212,215,212,212,196,194,212,235,241,241,246,243,235,230,228,228,230,233,235,233,228,222,222,225,222,215,215,215,215,212,211,211,215,217,217,215,212,212,212,209,212,217,222,215,209,203,202,209,217,222,222,222,225,222,217,217,217,215,212,207,209,212,215,217,217,217,217,217,217,217,215,212,212,212,212,212,212,212,212,212,215,212,209,209,212,212,209,202,196,196,199,209,215,217,217,212,209,212,207,199,195,195,199,202,204,199,194,192,194,199,202,199,196,196,199,199,191,189,191,191,189,189,189,189,141,139,141,191,194,191,189,189,191,196,199,202,204,204,204,202,199,196,194,190,189,189,194,199,199,141,129,130,191,199,199,196,196,199,199,196,199,207,209,209,204,199,196,198,199,202,202,199,194,192,196,199,196,192,192,194,194,194,196,196,199,199,196,196,199,204,204,204,207,204,194,183,133,128,126,127,133,186,191,191,191,191,196,202,207,204,199,192,191,191,194,199,202,202,202,204,204,204,199,196,194,196,196,199,196,191,187,187,189,191,196,196,194,191,194,196,202,202,202,202,202,204,207,204,204,202,196,186,139,137,131,124,123,127,141,194,196,199,199,199,204,212,215,215,212,209,207,207,212,212,212,212,215,212,204,199,199,207,215,217,215,207,202,202,207,207,204,204,207,209,209,209,209,209,207,204,204,204,204,199,191,190,191,194,196,196,196,199,207,209,209,207,202,202,204,209,212,209,207,204,204,204,204,209,215,217,217,215,215,217,225,228,225,222,217,217,209,204,204,209,217,225,228,228,230,230,228,222,215,217,217,217,215,215,212,209,207,204,209,212,215,217,222,222,222,225,228,217,196,133,125,127,183,191,131,91,80,85,87,89,101,127,196,209,209,209,212,212,212,212,209,209,207,202,202,204,209,209,207,199,194,196,202,204,207,207,209,207,199,195,194,196,204,207,199,191,143,125,120,124,143,196,196,194,191,196,207,215,217,222,222,225,225,228,222,212,207,194,139,139,135,120,117,125,191,199,202,202,196,186,129,121,119,123,123,125,133,127,119,113,117,139,222,241,246,243,241,241,243,243,238,233,235,238,241,243,246,246,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,248,246,243,233,228,222,220,215,209,209,209,204,194,189,189,189,183,178,173,173,173,173,129,125,121,121,121,123,121,115,109,108,109,111,113,113,119,125,123,119,117,123,183,207,235,254,255,255,254,251,246,243,243,248,255,255,255,255,251,243,235,230,222,215,202,194,189,189,194,199,204,209,212,212,209,209,212,212,212,215,215,212,209,202,194,191,189,186,181,176,181,189,196,202,204,207,207,207,202,199,200,209,228,0,246,238,217,215,222,230,228,228,238,248,248,248,248,246,241,235,225,221,224,228,230,233,235,233,222,204,191,135,131,135,189,202,204,199,191,190,194,202,207,209,209,207,207,204,202,199,202,204,207,207,207,209,215,212,209,204,207,209,212,215,215,215,209,207,204,204,202,202,204,207,212,215,215,209,199,191,186,186,196,207,217,222,222,217,215,215,217,217,212,207,202,194,189,186,189,194,199,202,204,209,0,0,233,235,235,238,235,233,229,229,230,233,230,228,226,228,230,230,226,226,230,233,233,230,222,215,213,217,225,225,215,212,225,235,241,238,233,230,230,230,228,225,228,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,124,111,95,85,23,13,21,0,0,0,69,90,25,21,39,49,39,35,39,19,25,142,165,178,178,165,155,150,155,147,91,90,152,163,165,165,165,163,160,119,119,121,123,120,120,168,176,176,173,173,170,115,106,107,112,119,121,90,90,92,103,123,170,168,165,119,119,121,121,123,163,168,170,170,170,168,165,168,178,181,176,168,168,170,173,173,170,125,115,123,125,122,121,122,125,127,126,125,173,189,191,183,181,186,191,189,181,178,178,178,176,170,168,169,169,176,194,207,212,212,207,199,183,170,127,170,178,178,170,165,168,170,173,173,173,176,178,183,183,183,181,183,186,189,186,181,178,176,176,170,170,173,176,173,173,176,173,181,199,194,181,173,183,199,199,186,125,123,170,178,183,186,181,178,178,176,127,123,122,124,131,178,173,125,123,124,131,178,183,186,189,183,130,126,131,191,199,199,199,199,199,199,199,202,202,196,191,186,181,173,172,173,173,176,181,183,189,191,189,173,178,181,127,173,189,196,191,178,170,173,173,173,176,183,186,181,176,170,168,181,199,202,194,178,164,170,189,196,194,191,199,202,207,209,204,194,51,10,91,115,113,121,123,119,165,173,163,101,123,186,186,183,183,186,189,176,121,119,170,183,186,183,181,176,170,181,196,196,189,186,186,186,189,191,191,191,194,191,186,181,181,183,189,194,199,196,186,176,170,121,120,125,176,176,97,99,165,168,165,170,176,173,173,181,186,178,91,16,0,8,75,123,168,168,168,127,126,170,173,126,125,126,129,170,181,189,186,181,178,178,183,186,183,170,127,173,183,191,191,170,116,119,121,121,125,168,125,120,173,181,170,123,170,176,121,117,123,178,191,199,202,202,204,204,202,202,199,191,189,194,191,123,103,102,111,163,181,186,168,78,45,168,176,181,183,181,176,170,165,108,115,176,178,178,176,173,173,170,170,169,170,176,178,173,163,123,165,170,173,173,170,168,163,119,117,121,163,165,163,125,125,125,121,119,121,125,170,170,123,119,121,129,176,129,123,127,178,181,183,183,183,189,194,194,196,199,202,204,204,204,204,204,202,202,204,204,202,202,202,204,204,202,196,194,196,199,194,189,186,186,194,199,196,189,181,181,186,186,121,105,106,119,178,186,189,186,178,176,178,189,196,194,191,196,196,189,183,183,189,196,199,202,202,196,189,186,189,194,194,191,186,186,186,189,191,191,191,194,196,199,202,207,212,212,209,207,207,204,202,204,207,207,202,196,191,189,186,186,183,183,186,194,199,202,202,202,199,194,191,191,191,194,191,189,186,186,181,178,186,191,194,191,191,194,186,126,121,127,181,186,189,194,196,191,181,133,127,131,183,191,196,199,204,209,209,207,207,209,209,209,209,209,212,212,212,209,209,204,142,140,191,204,209,212,209,204,202,202,202,202,202,202,202,207,209,212,212,212,215,222,222,215,207,202,200,200,202,202,199,196,199,204,209,212,209,204,202,204,204,204,204,204,207,207,207,207,202,198,198,199,202,204,204,209,209,207,204,204,207,207,209,207,202,199,196,196,191,190,190,191,191,189,191,196,202,207,209,209,209,209,212,215,222,222,222,217,212,204,199,199,202,204,207,207,207,207,209,209,207,202,199,202,204,207,207,204,202,202,202,202,199,199,207,212,215,217,217,225,228,228,225,222,217,215,215,212,217,228,230,230,230,233,233,233,233,235,228,208,207,212,217,222,222,215,209,212,215,217,215,217,222,222,225,225,225,228,230,225,217,207,200,199,202,212,217,222,217,217,212,204,196,194,145,141,139,140,143,191,196,199,199,199,202,204,207,207,204,204,207,207,209,209,209,209,209,212,215,215,209,204,202,204,207,204,199,194,194,194,194,196,199,199,202,199,198,198,199,202,207,207,209,209,209,209,209,207,202,199,194,190,190,191,199,204,204,204,204,202,202,202,202,199,196,194,191,186,181,176,131,127,125,125,123,121,123,127,129,129,129,129,173,178,183,189,194,196,202,204,207,204,196,189,178,131,129,129,131,133,129,127,133,194,220,238,246,243,238,235,235,234,235,241,248,251,251,251,251,251,251,246,241,238,235,233,230,228,225,222,217,212,202,194,191,194,202,215,225,225,212,199,191,194,199,196,189,178,173,176,183,181,173,170,173,178,186,189,176,117,109,103,97,89,89,97,109,123,181,189,191,196,204,212,207,202,202,199,196,196,204,222,235,241,243,246,243,233,228,228,228,230,233,235,233,228,222,222,225,220,212,209,215,215,212,211,211,215,215,215,215,212,215,215,215,215,222,225,222,215,203,200,207,217,222,222,222,225,225,222,215,212,209,204,202,204,209,212,215,215,215,215,217,217,215,212,212,212,212,212,209,209,209,209,209,209,209,208,209,215,215,209,202,196,196,199,207,215,222,217,207,202,204,207,207,199,199,202,202,202,199,194,194,194,199,199,196,191,186,141,186,186,186,189,191,191,189,189,189,141,139,141,191,196,196,194,191,194,199,202,202,204,207,207,204,202,199,196,191,190,190,196,202,199,186,129,128,189,196,191,190,190,191,191,194,199,204,209,209,204,199,198,199,202,204,202,202,196,192,194,196,196,194,194,196,196,194,192,194,196,199,196,191,194,196,196,199,207,204,191,181,135,131,128,129,135,189,196,199,196,199,202,209,212,212,207,199,194,192,194,202,202,199,199,202,207,207,204,204,202,202,202,199,196,191,189,189,189,191,194,191,186,185,186,191,196,199,202,202,204,207,207,204,204,204,199,186,133,131,133,129,127,131,141,194,199,199,199,202,209,217,222,217,215,212,212,212,215,215,215,215,215,215,207,200,202,209,217,220,215,207,202,202,204,204,202,202,204,204,204,204,204,207,204,204,204,204,204,199,191,189,191,199,202,202,202,202,207,209,209,204,200,200,202,209,215,217,215,212,209,207,204,207,212,215,215,212,215,222,228,228,225,222,222,222,215,209,209,215,222,228,228,228,228,228,225,217,217,215,209,204,204,204,204,202,196,196,199,207,209,209,212,217,225,225,222,209,183,133,129,135,189,204,209,207,131,119,105,97,103,123,186,202,207,209,212,212,212,212,209,207,204,202,199,204,209,209,207,196,191,194,199,204,204,207,212,212,207,196,196,202,209,209,202,191,141,135,127,135,196,212,212,202,194,191,196,204,212,217,222,225,230,235,233,217,207,196,186,139,131,120,118,127,194,207,207,204,199,186,135,131,178,178,125,113,115,113,107,103,103,111,137,215,228,230,233,238,243,243,238,235,238,241,243,243,246,246,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,255,255,255,251,248,246,243,235,228,222,217,212,207,207,207,199,191,186,183,183,181,178,176,176,176,131,127,125,123,121,125,168,168,121,111,108,111,117,123,129,173,127,115,108,109,121,181,204,235,255,255,255,254,251,248,246,248,254,255,255,255,255,251,243,238,233,228,217,204,194,189,187,191,199,204,207,209,209,212,212,212,212,212,212,212,212,209,202,194,189,189,186,178,173,176,183,191,196,202,204,207,207,202,198,198,202,222,0,0,246,222,216,225,238,235,230,233,241,241,241,243,248,251,243,230,224,224,225,222,217,225,228,215,202,196,141,133,133,143,199,204,199,191,190,191,199,204,204,204,207,212,212,207,204,202,202,202,202,204,207,212,212,207,202,204,207,209,215,217,215,212,209,207,202,199,196,199,204,209,212,212,207,199,189,142,186,194,207,215,217,220,217,217,215,217,215,212,209,207,199,191,186,186,189,191,196,202,0,0,0,235,238,238,238,238,233,230,230,233,233,233,230,228,230,230,228,226,226,228,233,233,225,215,213,213,217,222,217,209,215,228,238,241,238,235,233,230,230,228,228,228,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,90,74,53,17,77,137,9,0,7,121,116,31,6,0,0,23,31,41,31,27,85,160,173,173,163,155,155,160,155,92,90,109,155,157,157,157,160,165,163,123,165,173,168,123,165,176,176,178,186,189,125,108,108,113,121,125,117,111,103,105,121,165,121,117,118,118,118,119,121,165,168,165,165,168,170,168,170,176,173,125,122,125,168,170,173,178,186,189,181,173,127,123,127,168,168,168,168,178,186,183,181,178,181,183,186,181,176,176,178,176,170,169,173,176,181,194,204,209,209,207,199,183,127,124,170,181,183,176,170,170,173,176,173,176,176,181,183,186,189,191,189,186,183,178,170,170,170,173,169,169,176,183,183,178,170,120,123,186,189,183,125,173,189,196,186,116,112,127,183,183,183,183,181,178,170,124,122,122,125,176,181,173,124,122,125,173,178,181,183,183,178,130,129,178,191,199,202,202,202,202,202,202,202,204,199,191,183,181,176,172,172,172,173,178,181,186,189,189,189,186,119,93,111,176,189,189,178,170,173,176,176,178,186,186,178,173,168,170,196,204,202,189,168,163,165,181,186,183,178,181,189,204,207,209,212,33,0,43,101,111,163,165,120,170,170,93,63,81,181,186,181,176,181,181,170,125,170,181,189,191,191,191,176,173,194,204,199,191,186,189,196,202,204,204,204,202,194,183,176,168,173,183,189,189,183,170,115,113,119,118,117,125,125,108,112,168,168,165,168,123,111,173,181,183,199,209,183,12,16,85,168,173,165,126,126,168,178,178,170,127,170,170,170,178,189,186,178,178,181,189,189,186,178,178,181,183,186,181,129,123,125,123,121,121,127,125,119,127,173,173,173,186,186,168,125,176,191,196,196,196,199,202,199,199,202,199,194,194,194,181,105,99,103,115,163,181,191,181,106,102,119,165,165,163,170,181,176,121,103,106,173,181,183,183,173,170,169,170,170,170,173,176,176,165,119,119,163,173,176,176,170,165,121,119,123,165,165,123,119,119,121,119,117,121,165,176,178,168,123,168,181,189,189,189,186,186,183,186,183,178,183,191,196,202,202,202,204,204,204,207,207,207,204,204,204,202,199,202,202,202,199,194,194,202,202,196,189,186,189,194,196,194,194,189,186,183,176,110,104,111,183,194,194,191,183,177,176,178,186,194,191,191,199,199,194,186,186,191,196,199,202,202,196,191,189,191,194,189,183,183,183,186,189,191,189,189,191,194,196,199,204,209,209,207,207,207,207,204,204,204,207,204,199,194,191,191,186,183,182,182,189,196,199,202,204,202,199,199,199,194,189,186,186,186,186,186,183,189,194,194,191,191,191,186,133,126,131,178,181,189,194,199,194,181,127,123,126,181,189,194,196,204,212,212,209,207,207,209,209,212,212,209,209,207,207,209,204,140,138,189,202,207,209,207,202,199,202,204,204,204,202,202,207,209,212,212,212,217,222,222,207,200,199,200,202,204,202,196,191,194,202,207,209,207,202,199,204,204,204,204,204,207,209,212,209,204,198,198,202,204,207,207,207,209,207,204,204,204,207,207,207,202,199,202,199,194,190,190,191,189,143,189,196,204,209,212,212,212,212,215,222,222,217,215,212,209,204,199,198,199,202,207,207,204,204,204,204,204,204,202,202,204,207,207,207,204,204,207,207,204,204,209,217,220,220,222,228,230,228,225,225,222,217,212,212,222,228,230,228,228,230,230,230,230,230,215,205,207,215,222,228,225,225,225,225,222,222,225,225,225,225,222,217,222,228,228,225,215,207,200,199,202,212,222,217,217,215,212,204,199,194,145,139,139,141,191,194,194,191,191,196,202,207,207,207,207,207,209,209,209,209,207,207,207,212,215,212,209,204,204,207,209,207,202,196,194,194,196,199,202,202,202,202,199,198,199,204,207,207,207,207,207,209,207,207,202,196,194,190,190,191,196,202,204,204,204,199,196,196,196,196,196,194,191,186,181,176,131,129,127,127,125,123,125,127,129,127,127,129,131,178,186,191,196,199,202,204,204,204,199,191,181,133,129,129,131,133,133,133,137,196,215,233,241,238,235,235,235,235,235,241,246,251,251,248,251,254,255,248,241,238,238,235,233,230,228,228,222,209,202,196,196,199,204,209,215,212,202,191,186,191,199,202,194,183,176,170,129,170,173,168,124,168,181,183,168,107,93,89,87,81,81,89,107,123,176,181,189,194,202,209,207,202,196,137,129,139,199,212,225,233,238,241,241,230,222,220,222,228,233,233,230,225,217,217,222,215,205,205,209,215,212,212,215,217,217,215,215,215,217,217,215,217,222,225,225,217,204,202,207,217,222,222,225,228,225,222,212,204,199,196,196,202,207,209,212,212,212,212,215,217,215,209,207,207,209,209,207,207,204,204,207,209,209,209,209,215,215,209,204,202,202,204,207,215,222,215,202,199,202,209,209,204,202,199,199,199,196,196,196,199,199,199,199,194,140,138,139,141,186,186,191,191,189,186,186,141,141,189,194,196,199,199,202,204,204,202,200,200,204,207,207,204,204,202,202,202,202,202,199,196,191,133,130,186,194,190,189,189,190,191,196,199,202,204,207,207,199,199,202,207,209,207,207,204,196,194,196,196,199,202,202,202,196,194,194,196,196,194,191,191,194,192,194,199,199,189,181,183,139,137,137,139,189,199,204,204,204,209,215,217,215,212,207,202,196,199,204,204,196,194,196,202,204,207,207,207,207,207,202,199,194,191,191,191,189,186,185,183,183,185,189,194,196,199,202,204,204,202,202,204,204,202,189,133,130,137,186,186,141,186,194,194,196,199,204,212,217,220,215,212,212,215,217,217,215,215,215,215,215,209,207,207,212,217,217,212,207,199,196,196,196,196,196,199,199,194,191,194,194,196,196,199,199,199,196,190,189,191,202,207,204,202,202,202,204,207,204,202,200,202,207,212,217,217,215,212,207,202,204,207,212,212,212,215,222,222,222,222,222,225,222,215,209,209,212,217,225,228,228,225,222,217,212,212,207,199,189,189,194,199,199,194,186,186,189,194,194,202,217,228,222,209,196,133,127,127,127,137,196,207,207,189,137,129,123,121,131,189,204,207,209,209,212,212,209,207,204,202,199,199,202,209,209,204,194,189,190,196,204,207,207,209,209,204,194,194,199,209,209,199,143,139,139,139,189,204,220,220,207,191,189,191,202,209,215,222,228,233,238,235,222,204,202,194,139,133,123,121,129,196,209,212,209,202,191,183,189,199,196,127,101,97,97,97,95,93,97,111,133,143,199,215,230,238,241,238,235,238,241,243,243,246,248,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,255,254,248,246,243,241,233,225,217,215,209,202,202,202,199,194,186,183,178,178,176,178,181,181,176,173,170,127,125,127,168,168,123,113,111,113,121,129,178,183,133,113,107,108,119,133,196,235,255,255,255,254,251,251,248,248,254,255,255,255,255,251,246,243,241,235,225,209,199,191,189,191,199,202,204,204,209,212,212,212,209,209,209,209,209,207,199,191,189,186,186,178,173,173,178,186,191,196,204,207,209,202,199,199,204,217,238,248,248,233,222,233,243,241,233,230,233,235,238,243,251,254,243,230,224,225,228,216,213,217,222,209,202,199,145,133,131,137,191,199,199,194,191,194,199,202,202,202,209,215,215,212,209,207,204,202,200,200,207,212,212,204,200,202,204,207,209,215,215,212,209,207,202,196,195,195,199,204,207,207,204,194,143,142,143,196,207,215,217,217,217,215,215,215,215,212,209,207,199,191,141,139,141,141,189,199,0,0,0,238,238,238,238,238,235,233,233,235,235,235,233,230,230,230,228,228,228,230,233,233,225,215,212,213,215,212,209,208,217,230,238,241,238,238,235,233,230,233,230,228,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,61,61,69,61,69,118,66,31,27,116,111,69,43,9,6,37,18,53,57,37,61,139,152,157,152,152,155,157,150,95,94,111,117,119,157,121,163,173,176,170,173,189,189,170,165,173,178,183,199,202,189,125,121,125,170,176,173,125,113,111,121,123,121,165,165,121,118,121,125,168,165,123,125,168,170,170,173,173,125,120,118,123,168,170,176,186,196,202,196,186,173,170,176,178,176,173,173,176,176,176,176,178,176,176,176,170,129,173,176,176,170,169,178,178,178,186,196,199,199,199,191,176,123,122,127,181,186,181,170,173,178,178,178,178,178,181,181,186,191,196,194,189,181,173,168,168,169,170,169,169,173,183,186,176,123,115,116,173,183,181,123,121,123,181,189,117,109,115,183,189,191,194,191,181,173,127,125,125,129,181,183,178,127,124,129,176,178,176,173,173,131,130,173,183,194,199,202,204,204,204,204,202,199,199,196,191,183,181,181,176,172,172,173,176,176,176,178,183,183,176,88,81,101,168,181,183,176,123,127,176,178,176,178,173,127,121,119,127,202,207,199,186,170,165,165,176,173,165,119,113,111,178,186,202,217,33,0,23,45,69,165,176,176,194,196,92,48,68,176,183,176,125,170,170,165,127,173,181,181,181,191,189,170,170,199,204,196,191,183,186,196,207,209,209,209,204,191,181,168,161,159,165,178,181,170,123,107,105,123,121,114,123,121,113,117,125,165,165,165,117,117,183,181,186,196,194,186,61,85,117,178,183,170,126,127,178,181,181,176,173,181,181,181,183,189,183,177,176,178,183,183,183,183,186,183,183,183,176,129,170,173,129,120,118,127,173,126,170,178,186,191,199,196,181,178,191,199,199,195,194,195,199,196,196,199,199,194,194,191,170,103,100,107,121,170,186,194,181,111,111,117,119,117,114,121,178,176,109,105,108,173,181,183,186,173,168,168,170,170,170,173,178,183,178,118,117,121,170,178,178,176,170,163,123,165,168,125,115,107,109,113,115,117,123,170,181,181,170,123,170,181,191,199,204,196,181,173,176,133,133,181,189,199,204,204,204,204,204,207,209,209,207,202,199,199,199,196,199,202,199,191,189,194,202,204,196,189,186,189,191,191,189,191,191,189,183,129,111,110,181,196,196,194,191,181,177,177,178,186,189,191,194,194,196,194,191,191,196,196,196,199,199,196,194,194,194,189,183,182,182,183,189,191,189,189,189,191,194,194,196,202,204,207,204,204,207,209,209,209,207,207,204,199,196,196,196,194,189,183,183,186,191,196,199,202,204,204,207,204,194,186,185,186,189,189,186,183,189,194,191,191,191,191,186,181,133,135,178,181,186,191,194,196,183,129,124,127,186,191,191,194,204,212,217,215,209,207,209,215,217,215,209,207,204,204,207,204,139,136,143,196,202,204,204,199,199,204,207,207,207,207,204,207,212,215,212,212,217,225,222,204,199,200,202,207,204,199,194,190,191,196,202,204,199,191,194,202,204,204,204,204,207,209,212,209,204,199,199,202,204,207,207,207,207,207,204,203,204,207,207,207,202,199,199,199,196,191,191,191,189,141,141,191,202,209,212,212,215,217,222,222,217,215,212,209,204,202,199,199,199,202,207,207,204,199,199,199,202,204,202,202,202,207,209,209,209,209,209,209,207,209,215,222,225,225,225,230,230,228,225,225,222,217,212,212,217,225,225,225,225,225,225,225,225,222,209,205,209,222,228,230,230,230,230,228,225,225,228,230,228,222,217,216,217,225,225,217,212,207,202,202,207,215,217,215,215,215,212,204,202,199,191,140,141,191,199,196,191,190,190,196,202,207,209,209,207,207,209,207,207,207,207,205,207,209,212,215,209,207,207,209,212,209,202,196,194,194,196,199,202,202,202,202,199,199,202,204,207,207,204,204,204,207,204,204,202,196,194,191,190,190,194,199,202,204,202,196,194,194,194,194,194,194,191,189,183,178,173,129,129,127,127,127,127,129,129,127,126,126,129,176,183,191,196,199,202,204,204,202,196,191,181,133,129,129,129,135,137,139,186,196,212,228,233,235,235,238,238,238,238,241,246,246,246,246,248,254,255,248,241,238,238,238,238,235,233,230,228,215,207,202,204,204,202,202,199,196,191,186,183,186,194,199,196,186,181,170,125,129,186,178,125,168,181,186,176,113,95,89,87,79,72,73,95,119,170,181,191,194,202,212,215,215,204,135,123,125,186,196,199,212,225,230,230,225,218,217,218,228,233,230,228,222,216,216,217,212,204,203,207,212,215,217,222,225,222,217,217,217,217,217,215,215,217,222,222,222,209,204,209,215,217,222,225,225,222,215,209,204,196,194,191,196,202,207,207,207,209,212,215,215,209,207,204,204,207,207,207,204,203,204,207,212,212,212,212,212,209,207,207,209,212,212,215,217,222,217,207,202,207,212,209,202,199,194,191,191,194,196,199,204,202,202,204,199,186,139,140,189,189,189,191,194,191,186,186,141,186,191,196,199,202,204,207,209,207,204,200,200,204,209,209,209,207,207,207,212,209,204,199,194,196,141,134,189,196,194,191,194,191,194,199,202,199,202,207,207,202,202,207,212,215,212,212,209,204,196,196,199,204,207,209,207,202,196,196,196,194,191,191,194,196,194,194,196,196,186,183,189,191,189,186,189,194,199,204,204,207,209,215,217,217,212,209,207,202,202,207,204,191,189,194,196,199,204,207,209,209,209,207,202,199,196,194,191,186,183,183,186,186,186,191,194,194,194,196,199,199,199,199,202,207,204,194,137,133,183,199,202,191,189,189,186,189,194,202,212,217,215,211,211,212,217,220,217,215,209,209,212,212,212,209,212,215,217,217,212,204,196,191,191,191,191,194,196,194,186,139,139,141,186,189,191,194,196,194,190,189,191,202,207,207,202,199,199,202,207,207,204,204,204,204,207,212,212,215,212,207,199,196,202,207,207,209,215,217,217,217,217,222,225,222,212,207,204,209,215,222,228,228,225,217,212,207,204,202,189,137,139,191,199,202,196,139,131,127,113,117,139,217,230,217,204,191,133,126,123,122,126,183,194,191,137,135,135,135,135,183,196,209,209,209,209,209,209,204,202,199,199,199,199,204,209,212,202,191,189,190,196,204,207,209,207,204,199,191,190,194,207,207,196,139,137,137,141,194,209,217,217,207,194,190,191,199,207,212,222,228,230,228,225,209,202,204,202,141,133,125,123,129,189,204,209,209,207,202,196,199,207,202,127,97,88,88,89,91,89,91,101,113,123,137,204,225,235,241,238,238,238,241,243,246,246,248,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,248,246,243,238,228,217,212,209,204,196,196,199,199,196,191,186,181,178,178,178,181,183,183,183,183,181,173,127,125,123,121,115,111,113,119,127,181,189,178,115,108,108,115,129,194,233,255,255,255,254,254,251,251,251,254,255,255,255,255,254,0,0,254,248,238,225,212,202,194,194,199,202,202,204,207,209,212,212,209,209,209,209,209,207,199,191,186,186,183,181,173,172,173,178,186,194,202,207,207,204,202,202,207,217,0,0,246,241,230,0,0,246,235,233,235,238,241,246,254,248,233,224,224,228,230,216,213,217,225,215,207,204,194,137,131,133,139,191,194,194,194,199,204,204,200,202,209,215,217,215,212,209,207,202,200,200,204,209,209,204,200,200,202,204,207,212,212,212,209,207,202,196,195,195,196,204,207,204,202,194,143,142,143,199,209,217,220,217,215,215,215,215,212,209,207,204,199,191,141,139,137,137,141,196,215,0,0,238,241,238,238,238,235,233,233,235,235,233,233,233,230,230,228,228,230,230,230,233,225,215,213,213,215,209,207,208,217,230,238,241,241,238,238,233,233,235,233,225,220,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,66,66,77,61,0,46,59,46,29,56,124,113,103,53,47,9,113,121,25,18,71,142,147,150,147,147,144,97,95,105,113,115,117,119,119,160,173,178,176,178,199,204,181,163,161,173,183,194,196,183,170,168,176,189,186,181,173,123,117,117,123,173,186,191,186,176,170,173,173,168,123,123,165,170,173,173,170,122,121,122,168,173,173,176,186,196,202,202,189,173,168,173,181,181,176,176,173,170,172,178,178,176,178,176,128,128,173,176,173,170,170,173,173,168,170,178,183,183,186,178,127,121,121,125,170,173,170,170,176,178,178,181,183,181,176,178,186,194,199,196,191,183,173,169,168,170,176,178,173,170,173,178,170,121,116,117,168,178,173,121,118,120,170,173,121,114,119,186,194,199,204,202,189,178,178,181,176,176,181,183,178,131,125,129,173,173,130,128,128,130,173,183,191,199,202,202,204,204,202,204,101,111,183,189,186,178,127,129,173,172,173,176,178,176,127,127,127,173,176,105,89,98,123,173,170,100,65,94,127,176,170,123,121,121,120,121,178,199,202,194,183,178,170,118,170,170,123,121,58,62,113,121,183,199,37,23,28,41,99,170,178,186,191,199,119,99,103,165,178,176,125,123,125,165,168,173,173,168,126,173,173,126,170,194,199,199,194,183,170,176,194,204,204,202,202,183,176,168,161,160,164,176,183,173,116,116,120,168,173,168,170,125,121,123,125,125,119,119,119,121,178,181,183,183,178,107,101,123,170,186,191,178,170,173,176,178,181,176,172,181,186,183,186,186,183,181,177,176,176,178,183,186,189,186,186,186,181,176,176,178,173,121,117,122,181,186,183,186,191,202,207,202,189,189,199,207,202,196,195,196,196,196,196,196,196,194,196,191,176,115,107,113,123,186,191,191,183,111,115,119,119,114,113,121,181,176,109,108,119,168,176,181,183,176,166,168,169,170,173,178,183,191,189,168,119,121,170,176,176,176,176,170,165,165,125,117,103,99,101,109,117,121,168,176,178,178,176,168,173,178,183,194,196,181,125,118,121,129,176,183,191,202,204,202,199,202,204,207,212,215,207,194,191,194,194,194,199,202,194,183,183,191,199,199,194,189,186,189,191,191,187,187,189,191,189,176,119,119,189,194,194,196,186,178,177,178,178,183,186,189,189,186,186,189,191,194,196,195,195,199,196,196,196,196,191,186,183,182,183,189,194,194,191,191,194,199,199,196,196,199,202,202,204,204,204,204,207,209,209,207,202,196,199,202,202,202,199,194,189,186,186,189,194,199,202,207,207,199,189,185,186,191,191,186,181,177,183,189,189,189,189,186,183,178,178,178,181,181,179,183,189,194,189,131,126,137,194,196,194,196,204,212,215,212,209,209,212,215,222,215,209,204,202,202,207,204,139,140,199,199,199,204,202,198,199,207,209,209,209,207,207,209,212,212,211,211,217,225,222,202,200,204,209,209,204,194,189,189,191,196,199,199,191,187,189,199,202,202,202,204,204,207,209,209,204,202,202,204,207,207,209,209,209,207,204,204,204,204,204,204,199,194,194,196,199,199,196,194,143,138,138,141,196,204,207,209,212,215,217,217,212,209,209,207,202,202,202,202,199,202,207,207,204,199,196,196,199,202,202,202,202,204,212,212,209,207,207,209,207,207,209,217,228,228,228,228,230,230,225,222,217,215,209,212,215,222,222,217,222,222,225,225,222,217,212,209,215,222,225,228,230,230,225,222,225,228,230,233,228,222,216,216,216,217,217,215,209,207,207,209,215,215,215,212,212,212,209,207,204,202,196,145,145,196,199,194,189,189,191,199,202,204,207,209,209,207,205,205,207,207,207,207,207,209,212,215,212,209,209,212,212,209,204,199,196,196,196,199,199,202,202,202,199,199,202,204,207,207,207,207,207,204,202,199,199,196,196,194,191,190,191,196,202,202,199,191,191,194,194,191,191,191,191,189,186,178,129,127,127,127,127,125,127,131,173,129,126,126,129,176,183,191,196,196,202,204,204,196,191,186,178,133,133,133,131,135,183,189,194,202,209,217,230,238,241,243,241,243,243,246,246,244,244,246,248,251,248,243,238,235,235,238,238,238,238,235,230,222,215,209,207,204,199,191,186,189,189,186,183,183,191,199,196,191,183,173,125,123,173,125,119,127,178,186,183,173,119,103,93,85,73,65,66,111,129,181,189,196,204,215,222,222,217,196,119,117,129,135,139,199,215,222,225,225,225,218,220,230,233,230,228,222,216,216,217,212,207,205,207,212,215,217,225,225,225,222,222,222,222,217,215,215,217,222,222,222,212,209,215,217,217,217,222,222,215,209,209,212,209,202,194,191,196,196,196,202,207,209,212,212,207,204,203,204,207,209,207,204,203,204,209,215,215,212,212,209,207,205,207,209,215,222,222,222,222,217,215,212,215,212,207,196,194,189,186,186,191,196,202,209,207,204,204,202,196,191,189,191,194,194,194,194,191,191,189,189,191,194,196,202,204,204,207,209,209,207,207,207,207,212,215,212,209,207,209,212,215,209,204,202,202,199,199,202,202,202,202,202,199,196,199,202,202,204,209,209,207,207,212,215,215,215,215,212,204,199,191,191,202,209,209,207,202,194,191,194,194,191,191,196,199,199,196,199,202,183,182,194,199,196,194,194,196,202,204,204,204,209,215,217,217,212,209,209,204,202,204,202,189,186,191,196,199,202,204,209,212,212,212,207,202,199,196,194,189,186,189,191,191,194,194,194,191,191,191,194,196,196,199,202,207,204,194,183,139,189,196,199,191,185,185,185,185,189,199,209,215,212,211,211,215,217,217,217,212,207,204,205,209,212,215,215,215,215,215,212,204,196,191,191,191,191,189,191,186,139,137,137,137,137,137,186,191,194,194,194,194,196,202,207,207,202,198,198,202,204,204,204,207,204,202,202,204,207,212,215,207,196,191,192,199,204,207,209,215,217,217,222,228,225,215,207,202,199,204,212,222,225,222,217,212,209,204,202,194,183,137,186,191,199,199,194,137,119,107,102,106,129,222,233,225,209,202,189,135,125,124,131,186,191,183,133,129,130,135,183,191,202,209,209,207,207,209,209,202,196,194,199,199,199,202,212,212,202,194,191,191,196,204,207,207,209,209,204,194,191,194,207,207,199,141,136,136,139,194,207,215,215,207,204,199,194,194,202,209,215,217,217,209,202,194,194,202,204,141,127,125,127,135,189,196,202,209,212,212,204,202,196,183,117,93,88,88,89,89,87,89,95,103,111,127,202,228,238,241,241,241,241,243,246,251,251,248,248,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,246,246,243,235,225,215,212,209,204,196,195,196,199,199,196,191,186,183,181,178,181,183,186,189,191,186,178,170,125,121,121,119,113,111,117,125,176,178,125,111,108,111,117,133,199,230,251,255,255,254,255,255,255,255,255,255,254,254,0,0,0,0,0,0,254,248,246,233,215,204,199,202,204,207,207,209,209,212,212,212,212,209,209,207,202,194,183,183,183,183,178,173,173,173,178,186,196,204,204,204,207,209,0,0,0,0,0,0,0,0,254,254,243,235,233,238,241,248,248,241,228,220,221,228,228,217,216,220,228,225,217,209,199,143,135,129,133,137,141,143,191,202,212,209,204,202,207,212,215,212,212,212,212,209,204,202,202,204,207,207,202,202,202,202,204,209,212,212,209,207,204,199,196,195,196,202,204,204,202,196,189,143,191,202,215,220,222,217,215,215,212,212,212,209,207,202,196,191,141,137,133,135,141,196,212,228,238,241,238,235,233,233,233,230,233,233,233,230,230,230,230,228,228,230,230,230,230,230,228,222,215,215,215,212,209,212,217,228,235,241,241,241,235,235,233,235,230,225,220,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,64,0,0,0,66,3,13,21,69,118,134,95,45,57,129,124,23,17,37,77,95,142,139,103,91,73,81,103,111,113,115,117,117,119,165,170,168,173,189,196,181,164,161,165,176,181,181,173,168,126,127,183,189,178,176,173,165,125,168,181,196,202,199,189,178,173,170,165,122,122,165,170,170,170,170,170,178,186,181,176,173,173,178,186,196,202,191,173,166,170,178,178,176,176,173,172,173,181,181,178,186,189,178,170,129,127,129,173,173,168,125,121,121,127,173,173,176,173,127,123,123,125,127,126,126,173,178,181,181,186,189,181,173,176,189,199,202,199,199,189,178,173,173,181,186,183,173,168,168,173,173,127,120,119,127,170,168,123,120,120,123,127,168,170,176,186,196,202,207,204,196,183,183,183,186,181,178,181,178,127,123,125,131,176,173,130,130,173,183,194,196,199,202,199,196,194,186,83,24,31,170,189,186,129,122,125,173,178,181,183,186,191,181,125,123,127,183,183,117,111,121,170,125,97,74,101,176,183,170,123,119,123,127,170,181,189,189,183,178,178,173,118,173,181,176,165,59,61,111,123,173,181,176,168,115,87,103,170,178,173,117,116,119,113,103,111,176,178,123,119,120,125,170,170,170,170,126,124,124,125,176,191,196,202,196,173,107,109,168,183,186,181,173,170,173,176,178,176,176,183,191,181,117,121,181,189,186,183,183,178,165,165,168,123,114,116,119,123,168,168,168,168,125,109,111,125,178,191,194,183,176,176,178,178,181,176,173,181,186,186,189,186,186,183,181,178,178,181,186,186,189,191,191,191,189,183,181,181,176,127,123,173,191,196,194,191,194,202,207,199,191,191,202,207,204,199,196,196,196,196,196,196,192,192,196,194,178,121,117,119,123,183,191,189,165,100,113,123,165,121,119,170,183,178,163,121,163,168,170,178,183,181,173,170,170,176,178,183,189,196,196,178,123,123,173,176,173,173,176,173,168,123,115,107,105,102,102,115,125,168,170,173,170,170,170,170,176,176,176,181,181,127,118,117,119,131,181,186,194,204,204,199,198,199,202,207,215,212,202,186,183,186,191,194,199,202,191,181,179,183,194,196,191,189,186,189,194,194,189,189,191,196,194,189,176,176,194,196,194,196,186,178,178,181,181,178,181,183,183,181,181,183,189,196,199,196,196,196,194,191,189,189,191,191,189,183,183,189,196,199,196,199,199,199,196,196,196,199,202,202,202,202,199,199,204,209,209,204,199,196,199,202,202,204,202,199,191,186,185,186,191,196,199,202,199,186,183,185,191,194,191,183,177,177,181,189,191,189,183,181,178,181,181,181,181,179,178,179,183,189,186,131,127,181,196,199,196,199,204,209,209,207,207,207,212,212,215,212,207,202,200,202,207,207,143,191,204,202,202,202,198,196,199,207,212,215,212,212,209,209,212,212,211,212,217,228,225,207,204,209,215,212,204,191,189,190,196,202,204,204,194,189,190,196,199,199,199,202,202,204,207,204,202,202,207,209,207,209,209,212,212,209,204,204,204,202,202,202,196,191,190,194,202,204,202,196,143,137,135,139,194,199,199,196,199,202,204,207,204,202,207,204,204,204,204,202,196,195,202,207,207,202,198,198,199,202,204,199,196,202,207,209,207,204,204,209,207,204,204,209,222,225,225,225,228,228,222,215,212,209,209,209,212,215,217,217,217,222,225,225,222,217,217,215,215,215,217,222,228,228,222,220,222,228,230,233,228,222,217,217,217,217,217,215,212,212,215,215,215,215,212,209,209,209,209,207,207,207,202,196,194,196,196,191,189,189,194,196,199,199,202,207,209,207,205,207,207,207,207,207,209,209,212,212,212,212,212,212,212,207,204,202,199,199,196,196,199,199,199,199,202,202,202,204,204,204,207,207,207,204,202,196,196,194,194,194,191,190,191,194,199,199,194,189,189,191,189,186,186,189,191,191,186,176,127,123,123,123,123,123,127,131,173,129,126,127,173,178,186,191,194,196,199,202,199,189,183,181,181,178,181,183,135,133,183,196,204,204,207,212,222,235,243,243,243,243,248,248,246,246,246,246,248,246,243,238,233,233,233,238,238,241,238,235,233,228,222,215,209,204,194,183,183,189,191,189,181,178,186,202,212,199,189,181,173,123,115,107,109,115,125,173,178,181,181,176,121,103,85,68,69,105,127,181,194,199,209,217,225,225,222,207,125,115,117,121,131,196,215,225,228,228,228,222,222,230,233,230,228,222,217,217,222,217,212,209,209,212,212,215,217,222,225,225,225,225,222,217,217,222,222,217,217,215,212,215,217,222,215,215,215,215,212,207,209,212,215,207,196,145,145,145,143,194,202,207,209,212,209,207,204,207,209,212,212,207,203,204,209,215,215,215,215,212,209,207,207,209,215,222,222,217,222,217,217,217,217,212,202,196,191,189,186,186,191,199,204,209,209,207,207,204,202,196,191,194,194,196,194,194,194,191,191,191,194,196,202,204,207,207,207,207,207,209,215,212,212,215,217,217,215,209,207,207,212,209,207,204,207,209,212,212,209,209,207,204,199,196,199,202,204,207,209,209,209,209,215,217,217,215,215,212,207,199,189,186,196,204,202,199,194,189,189,191,194,191,189,191,196,199,199,202,199,183,186,199,202,199,196,194,196,202,207,207,207,209,215,217,217,209,207,209,202,196,199,196,186,141,191,196,199,199,202,207,212,215,212,209,202,194,191,194,191,194,199,199,196,194,191,191,190,190,190,190,194,199,199,202,204,202,196,189,186,189,194,196,191,186,185,185,186,189,196,207,212,215,212,212,212,215,217,217,212,207,204,205,209,212,212,212,212,215,215,212,207,202,199,194,191,143,141,139,137,135,135,135,135,132,132,139,189,194,196,196,199,199,199,204,204,199,196,198,202,204,199,199,204,202,196,199,202,207,212,212,207,194,189,189,194,207,209,209,212,217,222,225,228,225,212,204,199,199,204,212,217,217,215,215,212,209,207,199,191,139,137,183,191,194,194,189,137,123,113,110,117,186,222,233,225,212,204,202,199,194,189,191,196,196,189,131,127,128,133,186,196,204,209,209,204,204,207,207,202,194,191,194,196,196,202,209,209,204,202,202,196,196,202,204,207,212,217,217,207,196,199,207,209,204,194,143,139,139,191,207,215,217,212,207,204,199,196,199,204,207,209,207,199,145,144,145,196,191,124,122,123,129,141,194,196,202,209,215,212,207,199,189,133,111,93,89,93,95,91,85,83,91,99,105,123,196,225,238,241,243,243,246,248,251,254,254,251,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,246,243,241,241,235,225,215,212,209,207,199,195,195,196,199,196,194,191,186,181,176,176,178,183,189,189,183,173,165,123,119,119,119,115,111,117,127,173,170,119,108,107,113,123,178,196,222,241,248,248,251,255,255,255,255,255,254,251,251,0,0,0,0,0,0,255,255,255,251,235,215,204,204,207,207,209,212,212,212,215,215,212,212,209,207,202,194,186,186,189,191,186,176,170,168,173,181,189,196,202,204,212,0,0,0,0,0,0,0,0,0,255,255,248,238,235,235,241,248,248,241,228,224,225,233,233,222,216,222,230,233,228,217,207,191,137,129,127,129,133,133,139,196,209,212,207,202,204,207,207,209,212,217,222,217,212,204,200,202,207,209,207,204,204,204,204,209,212,212,212,209,207,202,199,195,196,202,204,204,202,199,194,191,194,204,215,217,217,217,217,215,212,212,212,209,207,202,196,191,141,133,132,133,139,194,207,225,235,241,238,235,230,230,228,228,230,233,233,230,228,228,228,226,226,228,230,230,230,233,230,225,217,217,215,212,209,212,217,228,235,241,241,238,233,233,233,233,230,225,221,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,155,144,82,105,126,116,43,35,51,71,87,134,134,93,72,67,73,99,109,113,117,157,119,119,123,163,163,168,178,183,181,173,168,168,173,176,178,176,170,124,119,125,173,170,173,178,176,173,173,181,194,199,196,186,173,165,125,123,122,123,125,168,165,165,168,176,186,191,181,173,173,173,172,173,186,196,189,173,166,168,176,176,173,176,178,178,181,183,181,178,186,194,186,173,125,123,127,176,173,127,123,120,121,168,173,173,173,176,173,170,168,168,168,126,126,176,181,181,183,189,191,181,168,170,189,199,199,202,204,199,183,178,181,183,183,176,127,125,168,170,173,173,127,121,123,125,123,125,125,125,125,173,183,183,183,186,196,204,207,207,196,183,173,129,178,173,129,176,178,129,125,131,178,181,181,176,176,181,189,194,194,196,194,186,186,176,113,32,16,32,183,196,186,128,124,126,178,183,186,189,196,204,199,181,125,126,181,189,181,168,170,173,127,113,99,189,202,194,176,123,118,123,173,178,181,178,173,168,168,178,170,118,168,181,181,173,95,92,113,163,170,173,173,181,181,115,107,163,168,90,85,114,121,113,101,103,173,176,120,116,117,125,173,173,176,183,173,123,123,126,183,191,194,199,191,111,99,107,119,123,168,127,122,168,178,186,191,186,176,181,191,121,116,168,189,191,191,191,196,191,170,125,125,125,116,117,119,123,165,125,123,119,117,111,113,123,173,183,183,178,173,173,181,178,178,178,181,183,183,186,194,194,191,189,186,186,189,189,189,186,186,191,194,191,189,183,181,181,178,176,181,186,194,196,196,194,194,196,199,191,183,189,202,204,204,202,202,199,196,196,196,196,192,192,196,196,183,165,119,117,121,181,186,181,123,105,114,165,173,178,178,181,183,181,176,168,165,165,168,176,183,183,183,181,181,181,183,186,191,196,199,186,165,165,176,178,176,173,176,176,170,119,107,109,121,123,117,123,170,173,170,168,127,127,168,168,173,170,129,129,127,119,117,119,125,178,186,189,196,202,202,199,198,198,199,207,212,209,196,185,183,186,191,194,196,196,186,178,178,181,189,191,191,189,189,189,191,194,194,191,194,196,196,196,194,191,196,199,196,196,189,181,181,183,181,135,133,135,181,181,179,179,183,194,202,204,202,199,194,189,183,185,191,196,191,186,186,191,199,199,199,202,202,199,196,196,199,204,204,204,199,196,195,196,202,209,209,204,196,196,199,202,202,202,204,202,194,185,185,186,189,194,196,199,194,183,183,186,194,194,186,177,176,178,183,189,191,189,183,178,181,186,186,183,183,183,181,179,181,186,183,133,129,137,194,199,202,204,204,204,204,204,204,207,209,209,209,209,207,204,202,202,207,204,194,196,202,202,202,204,198,198,202,209,215,217,217,215,212,209,212,212,212,215,222,228,225,215,209,212,215,212,204,196,191,196,204,209,209,207,199,191,194,196,199,199,196,196,196,202,204,202,202,204,209,212,209,209,212,212,212,209,207,204,202,199,196,199,196,191,190,194,202,207,207,202,189,137,135,139,194,199,191,141,139,137,143,194,196,199,204,207,207,207,204,199,195,194,196,204,207,204,202,202,204,207,204,199,195,196,202,204,202,202,204,209,209,205,205,209,215,222,217,222,228,228,217,209,204,204,207,209,212,215,217,217,222,225,225,225,225,225,222,217,215,213,213,217,225,228,222,222,225,228,230,230,228,222,222,222,222,222,222,217,217,217,217,217,217,212,209,207,207,207,207,207,209,207,207,204,199,196,194,191,190,190,194,196,196,196,199,204,209,209,207,209,209,207,207,207,209,212,212,209,212,212,212,212,209,207,207,204,202,199,199,196,196,196,199,202,202,202,202,204,204,204,204,207,204,202,199,196,194,192,194,194,191,190,191,194,196,196,194,189,189,189,186,183,183,186,191,191,186,178,127,121,121,121,121,121,125,127,129,127,127,131,178,181,183,189,191,194,199,202,194,183,178,178,181,183,189,189,137,129,139,202,207,204,199,202,212,230,238,241,241,243,248,248,248,248,248,248,246,243,238,233,231,231,233,238,241,241,241,235,233,230,228,222,212,204,194,183,182,189,189,186,181,133,178,199,220,204,191,189,189,178,107,101,102,107,111,115,121,168,178,176,127,111,93,71,70,91,121,181,194,202,212,225,225,225,222,212,137,115,104,103,121,204,215,222,228,222,217,209,207,215,225,228,228,228,225,225,228,225,217,215,212,212,212,212,215,217,225,228,230,228,225,222,217,217,217,217,215,212,212,217,225,222,212,209,212,215,209,207,207,212,212,207,199,191,191,143,141,143,196,204,209,212,209,209,209,209,212,215,212,207,204,204,209,212,212,212,215,215,212,209,209,212,215,222,217,217,217,217,217,217,217,212,204,196,194,189,187,187,194,202,207,209,209,207,209,209,204,196,194,194,196,196,196,194,191,191,191,194,196,199,204,209,212,209,207,207,207,212,215,215,215,215,217,222,217,209,207,207,209,207,202,202,207,212,217,217,215,209,207,204,199,194,196,204,207,207,207,207,207,212,217,222,217,215,212,212,209,204,191,182,183,191,191,189,186,186,186,191,194,191,183,181,186,194,202,202,196,186,191,204,204,202,196,196,202,207,207,207,207,209,212,215,215,209,204,204,202,199,194,139,127,129,186,196,199,196,196,202,209,212,209,204,199,189,187,190,194,199,204,204,196,191,191,191,191,190,189,189,194,199,202,202,202,202,199,196,191,189,194,196,196,191,186,189,191,194,199,207,212,215,215,215,215,215,217,217,215,209,207,209,212,212,209,207,209,212,215,212,207,204,196,189,141,139,137,135,133,132,132,132,131,131,132,139,191,196,199,202,202,202,199,202,202,198,196,198,202,202,196,194,196,196,194,194,199,204,209,209,204,196,191,191,199,209,215,212,215,217,222,225,225,217,209,199,196,199,204,212,215,215,212,212,212,209,202,194,183,137,137,183,186,183,181,181,137,135,135,137,186,202,220,225,215,202,196,199,204,204,204,204,207,204,196,135,128,129,135,191,199,204,209,209,207,204,204,204,199,191,189,189,191,196,207,212,207,204,209,212,204,199,199,202,207,209,217,228,220,209,207,209,212,209,204,199,194,191,196,212,222,222,215,209,209,207,202,202,202,202,204,204,147,142,142,145,196,143,122,121,123,127,137,189,196,204,212,215,212,207,199,191,178,117,103,99,101,101,93,82,80,85,95,105,123,191,217,233,241,243,246,251,254,255,255,255,255,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,243,238,235,233,228,217,209,204,207,204,202,199,196,199,202,202,199,191,181,133,127,129,173,178,181,181,173,125,121,117,113,113,117,115,113,115,123,125,123,113,107,106,115,176,186,199,217,233,241,243,248,254,255,255,255,255,255,251,251,0,0,0,0,0,0,255,255,255,251,238,225,212,209,209,209,212,215,217,217,217,217,215,215,212,207,202,196,191,191,196,199,196,181,170,168,168,173,178,186,196,207,215,0,0,0,0,0,0,0,0,0,255,255,254,246,238,235,241,246,246,238,230,233,238,241,235,225,217,222,233,238,235,225,212,196,141,131,125,125,123,123,127,139,196,207,207,204,202,202,204,207,212,222,225,222,215,204,200,204,212,215,215,212,209,207,207,209,212,212,212,209,207,204,199,196,196,199,202,204,204,202,196,191,194,202,209,215,215,215,215,212,212,209,209,207,207,202,196,189,139,132,131,133,139,191,204,217,230,238,238,235,230,228,225,222,228,230,233,230,228,228,228,226,226,228,230,230,230,235,233,225,217,217,217,212,209,212,217,228,235,241,241,235,233,230,230,228,225,222,221,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,157,160,134,124,126,108,59,57,71,77,85,97,99,89,69,68,83,103,109,117,157,163,160,121,163,165,163,165,165,168,176,178,178,173,173,181,194,196,191,173,122,124,126,127,170,176,176,173,170,176,181,181,176,168,122,121,121,122,123,123,117,121,123,125,168,173,176,176,170,170,176,178,173,172,173,183,178,168,165,168,173,173,172,173,178,181,181,181,170,127,170,181,178,129,124,122,125,173,173,125,125,125,170,178,181,178,178,183,183,178,176,173,173,168,168,173,178,181,186,191,189,176,127,168,189,196,196,202,207,202,186,181,181,178,170,122,121,123,129,170,173,176,170,125,123,123,123,125,127,170,178,191,196,194,186,186,196,202,199,199,189,170,124,123,129,128,126,173,178,176,181,186,189,189,183,178,173,178,183,189,194,189,125,113,131,176,121,63,43,89,194,199,191,178,129,129,178,178,178,189,202,212,207,199,181,173,178,183,183,178,178,176,173,170,183,209,209,196,176,119,116,121,173,176,173,170,127,124,168,186,181,123,165,176,178,173,99,101,123,170,170,121,117,173,183,178,123,123,117,85,91,163,121,111,102,103,117,165,165,121,120,170,178,181,186,196,189,170,127,170,183,181,178,178,111,89,97,115,115,113,123,170,125,183,191,191,183,168,123,168,170,105,116,176,181,181,186,196,199,194,168,118,118,125,125,123,118,119,178,181,165,114,115,119,121,123,165,168,168,170,168,170,178,173,176,181,183,178,173,183,199,202,196,191,191,191,194,191,189,186,186,186,183,181,178,181,181,178,173,176,181,181,178,181,186,186,181,178,178,176,176,183,196,204,204,207,204,202,199,199,199,199,194,194,199,202,194,170,113,104,113,170,170,165,123,117,119,168,176,183,186,186,181,178,178,170,165,163,170,178,181,183,186,189,189,189,189,189,191,196,196,189,173,170,178,178,176,173,173,176,165,113,106,113,168,168,121,123,170,173,170,170,168,127,123,121,127,129,129,127,123,119,123,127,133,183,189,191,194,199,202,199,199,198,199,207,212,207,196,189,186,191,194,191,191,189,181,178,178,181,189,191,191,189,189,189,189,191,194,194,196,196,196,199,199,194,191,194,196,199,196,186,183,178,133,131,130,133,178,183,181,178,181,191,204,209,207,199,191,186,185,186,194,196,194,191,191,194,199,199,199,199,202,199,199,199,202,207,207,204,199,196,195,196,204,209,209,202,196,196,199,199,199,199,202,202,194,186,185,186,191,194,196,196,194,189,189,191,194,189,178,177,178,183,183,186,189,189,183,181,186,191,191,186,186,186,189,186,186,189,186,137,133,181,194,199,204,207,207,202,200,200,202,204,207,207,204,207,209,207,204,207,209,204,196,196,196,196,202,207,204,204,209,212,215,217,217,217,215,209,209,212,215,217,222,225,222,217,215,215,215,215,207,202,199,204,209,212,209,207,199,194,196,199,199,196,194,192,192,196,202,204,204,204,209,209,209,209,209,212,212,209,207,204,202,196,194,196,194,191,190,194,199,204,204,202,194,141,138,143,194,196,191,137,135,134,136,145,194,196,202,204,207,207,204,199,196,196,202,207,209,209,209,209,209,209,207,202,195,195,196,199,199,199,204,209,215,217,215,212,212,215,217,222,228,228,217,204,199,199,204,209,212,217,217,222,222,228,228,228,228,225,225,222,217,213,213,215,225,228,225,225,228,230,233,230,228,228,225,225,225,222,217,222,222,222,222,222,217,215,209,209,209,209,207,207,207,207,209,207,204,199,196,194,194,191,194,196,196,194,196,204,209,212,212,209,209,207,207,207,207,209,209,209,209,209,209,207,207,207,207,207,204,202,199,196,196,196,196,202,204,204,204,204,202,204,204,204,202,199,199,196,194,194,194,194,191,191,191,194,196,194,191,189,189,186,183,178,178,183,186,189,186,181,131,125,125,123,121,121,121,121,125,127,129,173,178,181,183,186,186,194,199,199,191,181,176,178,181,183,189,189,133,125,139,204,207,196,143,145,202,225,233,235,235,238,243,248,248,248,248,246,243,241,235,233,231,233,238,243,246,246,243,238,235,235,230,225,215,207,196,189,183,183,181,181,178,133,129,181,204,199,189,194,199,194,115,105,103,103,103,103,107,115,123,125,121,113,99,79,71,79,105,170,189,202,212,225,225,222,225,217,194,117,98,96,113,202,209,212,215,204,191,133,131,196,222,230,235,233,228,228,230,228,222,215,215,212,212,212,215,217,225,230,230,230,228,222,215,212,209,212,215,212,212,222,225,217,209,207,209,212,209,207,207,209,207,202,194,196,196,145,141,142,194,202,209,212,209,209,209,212,212,212,209,207,204,207,209,212,212,212,212,212,209,209,209,212,217,222,217,215,215,215,215,217,222,217,209,199,191,189,187,189,196,202,207,209,209,207,207,207,204,199,194,196,199,199,199,196,194,190,191,196,199,204,209,212,215,212,207,204,204,209,215,217,215,215,217,222,217,212,209,207,207,202,198,199,204,209,212,212,212,209,207,204,196,194,196,204,207,207,203,204,207,209,217,222,217,212,209,209,209,204,191,181,181,183,183,181,183,183,186,191,196,191,181,133,133,183,196,202,196,186,196,207,207,204,202,204,207,209,209,207,204,207,209,212,212,207,204,202,204,204,196,125,115,117,133,191,199,196,191,194,204,207,204,202,196,189,187,191,196,202,204,204,199,194,194,196,196,194,191,190,196,199,202,202,202,204,202,199,194,191,194,194,191,189,189,189,194,199,204,207,209,212,217,217,215,215,215,217,215,212,212,215,215,212,207,205,207,209,215,215,207,196,141,138,138,139,139,137,133,132,131,130,131,133,137,141,191,196,202,204,204,202,199,202,204,204,199,199,199,196,191,189,191,191,191,194,199,204,207,202,199,194,194,196,204,209,215,215,215,217,222,222,220,212,204,194,191,194,204,209,212,209,212,215,212,207,196,183,136,136,139,186,183,133,130,133,135,181,183,191,199,207,215,215,204,189,137,181,189,196,204,207,209,207,199,186,133,135,186,196,202,202,204,209,207,204,202,202,194,186,181,181,191,204,215,217,207,202,212,222,215,207,204,207,209,209,215,225,222,215,209,209,212,209,209,209,209,207,212,220,228,228,222,217,217,215,209,209,209,204,207,207,194,143,143,191,204,207,143,135,129,127,129,137,191,207,215,215,212,209,207,202,191,178,123,115,109,103,93,83,80,83,95,107,125,189,209,225,235,243,246,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,241,233,230,222,209,199,196,196,199,202,204,204,207,207,209,207,202,189,176,125,122,123,129,173,176,176,165,119,113,111,108,108,113,115,113,113,117,117,113,111,107,106,117,183,194,204,217,233,238,241,243,248,255,255,255,255,255,254,248,248,0,0,0,0,0,255,255,248,241,233,228,222,217,215,212,215,217,220,220,220,220,217,215,212,209,204,199,196,194,199,204,202,189,176,168,163,163,168,178,191,204,215,0,0,0,0,0,0,0,0,0,255,255,255,254,241,238,241,243,241,233,233,238,246,246,238,230,225,225,233,238,235,228,215,204,194,141,133,127,123,122,122,125,139,196,202,204,202,202,204,209,212,217,220,217,212,204,200,204,215,222,217,215,212,209,209,212,212,212,212,209,209,207,202,196,196,199,202,204,204,202,196,191,191,196,204,207,207,207,209,209,209,207,204,204,202,202,199,191,139,133,132,133,139,191,202,215,228,235,238,235,230,225,220,220,225,230,235,233,228,228,228,228,228,230,233,233,235,241,235,228,222,222,217,215,212,212,217,228,233,238,241,238,235,233,228,222,221,222,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,157,157,147,142,134,108,61,65,81,83,81,91,95,81,68,70,91,103,109,117,160,163,160,121,163,168,168,168,164,164,170,178,178,176,173,186,207,209,202,191,186,183,176,173,173,173,170,168,168,168,168,125,123,122,122,123,125,165,123,115,100,105,119,165,176,173,168,166,168,176,183,186,186,176,172,173,170,166,166,170,176,173,173,173,176,173,170,129,125,123,126,170,129,129,129,127,127,129,168,127,170,176,178,181,181,183,189,191,191,183,178,176,176,173,168,127,168,176,183,191,186,170,126,170,186,194,196,199,204,196,183,178,178,173,125,120,121,125,170,173,173,173,173,129,127,129,129,127,129,178,196,209,207,202,194,191,194,191,183,181,176,126,123,126,176,176,173,181,178,178,191,194,194,191,189,181,129,127,131,183,196,189,80,71,113,189,183,170,111,111,173,194,196,189,181,178,173,114,114,173,199,212,204,191,186,186,181,178,176,176,178,176,173,178,186,202,199,194,176,118,116,119,168,168,168,168,125,122,125,186,178,123,121,165,170,119,55,88,194,189,170,114,111,121,176,178,168,163,113,94,121,163,123,117,111,107,111,121,178,173,165,173,181,186,194,196,191,186,178,176,173,125,119,111,85,80,81,103,111,115,168,183,191,196,196,186,111,104,109,121,123,110,117,168,173,173,181,189,189,183,170,117,113,119,165,125,116,114,196,202,178,110,121,176,178,170,127,122,122,127,168,173,176,173,173,178,176,123,121,176,199,204,199,194,194,194,194,191,189,186,186,183,181,177,176,178,178,173,129,127,125,115,103,102,113,125,123,121,123,127,170,183,196,202,204,207,207,204,202,199,199,199,202,202,202,204,196,170,104,100,105,121,121,120,121,163,165,170,176,183,189,186,181,176,173,168,163,165,170,178,178,178,181,189,194,194,194,191,191,194,194,189,178,173,178,176,173,170,168,165,115,106,106,115,123,120,118,123,170,170,173,173,170,121,113,109,115,127,176,173,125,123,173,178,183,191,194,191,194,199,202,202,204,202,204,207,209,207,202,196,191,194,194,186,183,181,179,179,181,183,191,191,191,191,191,189,186,189,194,196,196,194,194,194,194,186,181,183,191,199,202,191,181,133,130,129,130,133,181,183,181,179,183,191,202,204,202,191,186,186,191,194,196,194,196,196,196,199,202,199,199,199,204,207,204,204,204,207,207,204,202,199,196,202,204,207,204,199,194,194,196,196,195,196,199,199,194,189,189,191,194,196,199,199,199,199,196,196,194,186,178,181,186,191,186,183,183,183,181,183,189,191,189,186,186,189,194,194,194,194,194,186,181,189,196,202,207,209,207,202,200,200,202,204,204,204,196,199,209,209,207,209,209,202,196,191,189,191,199,207,209,212,215,215,215,217,220,222,215,209,207,209,215,217,217,217,217,215,215,215,215,215,212,207,204,209,209,207,204,199,194,194,196,196,196,196,194,191,191,194,202,207,207,207,209,207,207,207,209,209,209,209,207,204,204,199,191,191,191,191,191,194,196,199,202,202,202,196,191,191,196,199,194,143,137,136,139,191,194,194,196,202,204,204,202,199,202,207,209,212,212,215,215,215,215,212,209,204,199,195,196,199,199,202,207,215,228,230,228,215,211,212,217,225,228,225,215,202,196,196,202,209,215,217,222,222,225,228,230,228,228,225,222,217,217,217,217,217,225,228,225,225,228,230,233,233,233,230,228,228,225,222,217,222,222,222,222,220,217,215,212,212,212,209,209,207,207,207,207,209,207,202,199,199,199,196,194,194,194,191,194,202,207,209,209,209,207,207,207,207,207,207,207,207,204,204,199,196,199,204,209,209,207,204,202,199,196,196,196,202,204,207,204,204,202,204,207,204,202,199,202,199,194,191,194,194,191,191,191,196,196,194,191,186,186,183,178,176,133,176,181,181,181,181,176,131,129,125,123,119,116,116,119,127,173,178,181,183,186,186,186,189,194,194,186,176,129,133,135,181,186,183,127,123,139,204,204,191,138,139,196,217,228,228,225,230,238,243,246,246,246,243,243,241,238,235,235,238,243,246,248,248,246,241,238,238,235,228,222,212,202,194,186,139,135,129,133,127,123,129,183,186,186,194,196,199,183,123,109,101,100,99,101,109,119,123,121,119,111,95,79,79,97,125,186,199,209,222,225,225,230,233,220,129,100,96,111,191,194,186,189,139,129,121,123,196,230,241,241,238,233,233,233,230,222,217,215,212,212,215,215,222,225,225,228,228,228,225,215,208,207,209,212,215,215,217,217,212,204,204,207,209,207,207,207,209,202,194,145,196,199,145,141,142,194,204,212,212,212,209,209,209,209,209,207,204,207,209,212,209,209,207,207,207,207,207,209,215,217,222,217,215,209,207,207,212,217,222,215,202,191,187,187,191,199,202,207,209,207,204,204,204,202,199,196,196,199,202,202,199,196,194,194,199,202,204,209,212,215,212,207,202,202,207,212,215,212,212,215,217,215,215,212,212,207,199,195,196,199,202,204,207,207,207,204,202,196,192,194,202,207,204,203,203,204,207,212,215,215,209,207,207,204,204,194,182,182,183,183,181,181,183,186,194,199,194,183,133,131,133,189,202,196,189,199,207,209,207,209,212,215,215,209,204,204,207,209,212,212,209,204,204,207,209,202,133,116,116,122,194,202,199,191,191,196,199,199,199,199,191,191,199,204,202,204,202,199,196,199,204,204,202,199,199,199,199,199,202,204,204,202,199,196,194,191,189,139,137,139,141,191,199,204,207,207,209,212,217,217,215,215,215,212,212,209,212,212,209,207,205,207,212,215,215,204,189,138,138,141,186,186,141,139,137,135,135,137,186,189,191,194,199,202,204,204,202,199,202,209,212,207,199,196,191,143,142,189,191,191,194,199,204,204,199,192,192,194,202,207,209,212,215,215,217,220,220,215,207,199,190,189,191,202,207,207,207,212,217,215,204,191,139,136,137,183,189,181,133,130,131,133,135,137,189,199,204,209,209,199,181,125,123,125,135,191,202,207,204,202,196,191,191,196,202,202,199,199,204,207,204,202,199,191,181,177,179,194,207,217,217,204,194,202,217,217,212,209,212,212,212,209,212,212,209,202,199,204,209,212,217,220,217,215,220,228,233,230,230,228,222,215,217,217,215,215,217,209,199,196,204,215,222,217,212,199,139,131,133,189,207,220,222,215,212,209,207,202,194,183,129,113,101,91,85,82,85,93,109,129,191,207,220,233,241,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,241,235,228,215,199,145,143,145,191,196,202,204,207,207,207,204,199,186,131,122,121,123,129,176,176,176,168,119,113,109,106,106,111,117,117,117,117,113,111,111,108,107,115,178,189,202,217,235,238,238,238,246,251,255,255,255,255,254,248,246,0,0,0,255,0,255,251,243,235,230,228,225,220,217,215,215,215,217,220,220,220,220,217,215,212,207,204,199,196,196,202,204,194,181,170,163,160,0,173,186,199,207,0,0,0,0,0,0,0,0,0,251,255,255,255,246,241,243,243,241,235,235,241,246,243,238,235,233,235,235,238,235,225,217,212,209,204,194,139,129,123,121,121,125,139,196,202,202,204,204,209,212,212,212,212,209,204,202,207,217,222,222,217,215,215,212,212,215,212,212,212,209,209,204,199,196,199,202,204,204,199,194,191,190,191,194,194,196,202,204,207,207,204,202,199,199,199,199,191,141,135,133,135,139,191,202,215,228,235,238,238,233,225,220,218,222,230,235,233,230,228,230,230,230,230,235,235,238,241,238,230,225,222,217,215,215,217,225,228,233,238,241,238,238,233,222,218,220,225,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,155,157,152,150,144,126,75,105,129,89,79,85,89,79,68,73,91,97,103,113,119,121,121,120,123,168,173,176,173,170,176,178,181,176,176,186,207,209,202,196,199,199,189,186,181,173,168,166,166,168,168,125,121,121,168,181,183,176,125,103,91,99,117,168,181,178,168,166,170,178,181,186,186,181,176,176,173,170,173,178,181,181,181,186,183,173,129,129,127,127,170,170,129,176,181,181,176,170,168,170,178,178,178,176,176,183,194,196,191,183,176,173,178,173,125,118,119,125,181,191,189,178,129,173,178,183,191,194,189,181,176,173,170,127,123,123,129,176,176,176,170,170,176,173,170,176,178,178,181,191,207,212,209,204,202,199,194,178,129,129,129,128,129,181,194,194,189,186,176,176,186,191,194,196,199,189,129,120,120,170,196,202,84,72,85,121,127,173,127,123,129,181,191,194,196,194,170,103,105,121,186,194,176,121,176,183,176,165,165,173,181,181,173,176,178,183,189,194,183,125,119,123,127,127,127,170,168,123,125,178,168,119,113,115,119,91,51,91,202,194,178,114,110,115,163,170,173,173,116,106,123,165,170,170,125,119,115,113,109,113,115,119,168,181,183,183,181,183,181,176,170,123,119,117,99,85,71,67,89,125,178,191,202,199,194,176,102,100,109,125,127,123,119,120,168,173,173,173,170,176,176,127,112,114,119,119,115,115,199,202,176,102,117,181,183,176,125,121,122,127,170,173,176,173,173,173,125,116,116,170,194,202,199,196,194,196,194,191,189,189,189,189,186,183,178,178,178,176,170,125,119,105,100,99,104,119,119,118,119,123,127,178,191,199,202,202,202,202,202,199,196,199,202,204,199,196,186,119,103,105,109,117,121,120,123,168,170,170,176,181,186,186,181,176,168,163,163,163,168,173,173,170,169,181,191,194,194,194,191,191,189,183,176,173,173,170,165,125,125,121,109,106,113,125,165,123,123,170,173,170,173,173,125,111,107,106,110,121,170,176,129,131,183,189,191,196,196,194,194,199,202,204,209,209,207,207,209,207,204,202,194,191,189,181,179,179,181,186,189,189,191,194,191,191,194,189,186,189,194,199,199,196,191,181,133,176,133,176,183,191,196,189,178,131,130,130,133,181,183,183,183,186,189,194,194,191,189,181,137,183,194,199,199,196,196,199,199,202,204,202,202,204,209,212,209,207,204,204,207,207,204,202,202,207,207,202,196,194,191,194,196,196,195,195,196,196,194,191,191,194,196,199,199,202,202,202,202,196,191,186,183,186,194,194,189,183,181,179,179,181,183,186,186,185,185,186,194,199,199,199,199,191,191,196,199,202,204,207,204,204,202,202,202,202,202,196,185,189,207,207,204,207,207,199,194,189,187,189,196,204,212,217,217,215,215,215,217,217,212,202,199,202,209,215,215,212,212,215,215,215,215,215,212,209,207,207,207,202,199,196,191,145,191,191,194,196,194,192,194,196,202,209,209,209,209,207,207,207,207,207,207,207,207,204,204,199,191,187,189,189,191,194,196,199,202,204,207,207,202,199,199,199,196,194,194,191,196,199,194,192,194,199,202,202,202,202,207,212,215,215,215,217,217,217,215,215,212,209,202,196,196,199,199,204,212,222,230,235,228,215,209,212,222,225,225,217,209,199,195,196,202,209,215,217,222,222,225,228,230,228,225,222,217,217,217,222,222,222,225,228,222,222,225,230,233,235,233,233,230,228,225,222,217,222,225,222,222,215,215,215,215,212,212,209,209,207,207,205,207,209,209,204,202,202,202,199,196,194,191,190,191,196,204,207,207,207,207,207,207,207,207,204,202,202,199,196,191,189,191,199,207,209,207,204,202,199,199,196,196,199,202,204,204,202,202,204,207,204,202,199,202,199,191,189,189,191,189,189,191,194,196,194,189,183,183,183,178,133,131,132,173,176,178,176,173,173,170,127,123,117,115,115,119,129,176,181,186,189,191,189,186,183,186,186,181,129,123,125,129,135,181,137,125,121,137,199,199,143,137,139,199,215,222,222,222,225,233,238,241,243,243,243,241,241,241,241,241,243,246,251,251,251,248,243,241,241,235,230,222,212,204,196,189,139,127,121,119,119,119,123,129,178,183,189,189,194,191,176,117,105,101,100,101,109,117,123,121,121,119,113,97,89,103,173,191,199,209,222,225,225,233,241,233,194,117,102,109,127,129,121,119,123,121,119,125,209,235,241,241,238,235,235,238,233,228,222,217,215,215,215,215,215,217,217,222,222,225,225,217,212,208,209,212,215,215,215,215,209,204,202,204,207,207,207,209,209,202,191,142,145,191,142,140,143,196,207,215,215,212,209,207,207,207,207,204,204,209,212,212,209,207,202,202,204,204,204,207,212,217,222,217,209,204,202,199,204,212,217,215,202,189,187,189,196,199,204,207,209,207,202,199,199,202,199,196,196,196,202,204,204,204,202,202,202,204,207,209,209,209,207,202,196,196,202,209,209,209,209,212,212,212,215,215,215,209,199,195,196,199,199,202,202,204,207,207,204,199,194,194,199,204,207,203,203,204,204,204,209,209,209,204,202,199,199,196,189,189,194,191,183,179,179,186,194,199,196,191,181,132,132,181,199,202,194,202,207,209,209,212,217,217,215,209,207,204,207,209,209,209,207,204,204,204,204,204,199,137,123,125,194,202,202,194,189,183,189,191,194,196,194,196,202,204,202,199,199,199,199,202,207,207,204,202,204,204,202,199,202,204,204,202,202,202,199,196,189,137,135,136,139,191,199,204,204,204,204,209,215,215,212,212,212,212,209,209,207,207,207,207,207,209,215,217,212,202,194,189,191,194,196,191,189,189,189,191,194,196,199,196,196,199,202,204,204,204,202,199,202,209,212,207,202,194,143,141,140,189,194,194,199,202,204,207,204,194,192,196,204,209,212,215,215,215,215,217,215,212,207,199,191,189,191,199,204,204,207,212,217,212,202,189,137,136,137,183,186,183,135,133,131,129,125,127,181,191,199,204,207,202,183,122,116,115,118,129,189,196,202,202,202,202,204,207,207,202,196,196,199,202,202,202,199,194,183,178,181,196,209,215,212,196,178,131,189,202,202,202,202,202,199,196,196,202,199,192,192,199,209,215,222,222,217,209,209,222,233,235,233,230,222,217,225,228,228,228,230,228,225,222,220,225,230,225,215,204,191,139,141,196,212,225,228,222,215,209,207,202,199,196,181,117,99,91,89,87,87,93,107,131,199,215,225,235,243,248,254,255,255,255,255,255,255,255,255,255,255,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,246,243,238,230,212,149,143,141,141,141,143,189,191,194,194,194,194,191,181,129,123,122,127,176,178,181,181,176,165,119,111,107,107,115,121,123,163,125,119,113,111,109,108,115,127,178,196,217,233,235,233,235,241,248,255,255,255,255,254,248,246,251,254,255,255,255,255,248,243,241,233,228,222,217,215,215,212,209,212,215,217,217,220,220,217,215,212,207,202,196,196,202,204,202,189,178,168,161,160,165,183,194,204,207,212,0,0,0,0,0,0,0,246,254,255,255,246,241,243,246,246,241,241,241,238,238,238,241,243,243,241,238,230,217,212,212,215,217,209,196,141,129,123,121,121,129,143,196,202,204,207,209,209,207,209,212,212,207,207,209,217,225,222,217,217,217,215,215,215,215,212,212,212,209,207,202,199,199,202,202,202,199,194,191,191,191,191,189,190,196,204,207,207,202,199,198,199,199,196,191,139,133,133,137,143,194,204,215,228,235,238,238,233,225,220,218,222,233,238,235,230,230,233,233,230,233,233,235,235,238,238,233,230,225,222,217,217,225,228,230,233,238,241,241,238,233,221,218,221,228,230,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,163,165,155,152,152,144,139,160,170,150,89,87,97,95,85,93,97,95,99,111,117,121,160,121,121,168,176,186,194,194,186,183,181,176,174,181,199,204,202,202,202,202,196,196,191,181,170,166,168,173,176,170,121,119,165,186,191,183,170,115,96,109,123,165,173,173,168,168,170,176,178,181,181,178,178,181,176,176,183,189,189,189,191,196,194,181,178,178,176,176,178,173,173,178,183,183,183,176,168,170,176,176,170,168,168,176,189,194,189,178,170,173,178,176,123,118,117,121,176,189,191,181,129,123,113,117,178,181,129,124,127,129,125,121,121,129,181,189,183,176,168,168,176,176,176,178,181,186,194,202,207,207,207,207,204,202,191,173,128,170,173,176,186,194,202,199,186,129,125,170,181,186,189,196,202,194,129,118,118,125,191,204,186,85,85,99,113,127,170,170,176,181,183,189,202,202,129,103,107,176,183,173,112,112,123,178,170,163,165,181,191,191,181,178,176,176,183,194,186,170,127,168,168,127,170,176,173,170,176,183,127,117,105,101,99,83,73,113,176,176,168,109,111,121,168,170,178,183,173,165,168,176,183,183,181,176,125,107,94,98,108,115,123,173,165,115,117,168,183,181,173,168,170,181,194,194,81,64,70,181,189,194,196,194,189,170,107,106,119,168,170,168,121,119,170,173,169,169,168,176,183,181,117,116,117,117,115,125,186,191,176,105,117,176,181,176,125,123,127,168,173,173,173,172,173,173,127,119,122,176,186,191,194,194,196,196,196,194,194,191,191,191,194,194,191,186,181,181,176,129,121,113,105,107,115,125,125,123,123,119,119,168,186,196,196,196,199,202,202,199,194,194,196,199,196,183,115,104,105,117,119,119,123,165,176,181,170,170,178,183,186,186,183,178,168,160,160,160,160,165,170,170,168,173,183,191,194,194,194,191,186,176,168,170,170,165,125,165,125,121,115,115,127,176,178,176,178,178,176,173,176,176,119,109,109,111,115,111,107,119,131,181,191,194,196,199,196,191,191,196,202,207,212,215,209,207,207,207,204,202,194,189,186,181,179,183,189,194,194,191,191,191,189,189,191,189,186,186,194,199,199,199,194,107,99,121,127,129,133,181,186,183,178,176,133,135,181,186,189,186,189,191,191,186,183,137,137,137,181,186,194,199,199,199,199,199,199,202,204,204,204,207,212,215,212,207,207,207,207,207,204,202,207,209,204,194,186,186,189,194,196,196,195,195,196,196,196,194,194,194,196,196,199,202,202,202,199,196,194,189,186,186,191,194,191,186,181,183,183,183,183,186,189,186,185,186,191,199,202,202,199,194,196,202,204,202,202,199,202,204,204,202,199,199,199,191,177,182,202,202,199,204,202,194,189,189,191,196,202,207,215,217,215,212,212,212,212,207,199,194,191,194,204,209,212,212,212,215,217,217,215,215,212,207,204,204,204,199,199,202,194,143,142,145,191,196,196,199,204,204,207,209,209,209,209,209,207,207,207,204,207,207,204,204,204,196,189,186,187,187,191,194,199,204,209,212,215,209,204,202,202,202,199,196,199,202,207,207,199,194,194,199,204,207,207,207,212,215,215,217,217,217,217,217,215,215,212,212,207,199,196,199,202,207,215,225,230,233,230,222,212,217,225,222,215,212,207,202,198,198,204,209,215,217,217,217,222,222,225,228,228,225,222,217,222,222,225,225,228,228,222,220,222,228,233,235,233,230,230,230,228,225,225,225,228,225,217,212,209,212,212,212,209,209,209,207,207,207,207,209,209,207,202,202,204,204,199,196,191,190,191,196,202,204,207,207,207,209,212,209,207,204,199,196,194,191,187,185,187,194,204,207,207,204,202,199,199,199,196,196,199,202,202,199,199,202,204,202,199,196,199,196,189,186,186,186,183,183,189,191,194,191,186,183,186,186,181,133,132,132,173,176,176,173,129,129,129,129,125,119,117,119,123,129,173,181,186,191,194,191,186,182,182,183,178,127,122,122,125,131,137,135,121,116,129,189,191,139,137,141,199,212,222,225,225,228,233,235,238,241,243,243,243,243,243,243,246,246,248,251,251,251,246,243,243,243,238,230,222,209,202,191,141,133,125,119,117,117,118,121,127,176,186,186,181,181,181,173,117,109,105,103,101,105,113,119,123,123,127,170,117,103,113,186,199,204,209,217,222,222,228,233,228,207,181,111,105,113,117,111,107,113,117,119,129,204,230,235,238,235,235,235,238,235,230,225,225,222,217,215,213,213,213,215,217,222,222,217,217,217,217,217,217,217,215,212,212,209,204,199,199,204,207,209,209,209,204,194,143,143,143,141,140,143,199,207,215,215,212,207,202,199,199,202,202,207,212,215,209,204,202,200,200,202,202,204,207,209,215,215,212,207,204,199,196,199,207,212,209,199,191,187,191,202,204,207,209,209,204,199,198,199,199,199,196,196,199,204,209,209,207,204,204,204,204,204,207,207,207,202,196,194,194,199,204,204,204,207,209,209,209,212,212,212,209,202,196,198,199,202,202,204,207,209,209,207,202,196,194,199,204,209,207,204,204,202,202,204,209,212,207,202,196,196,199,196,199,202,196,186,178,177,183,194,196,199,199,194,137,133,137,196,202,199,204,209,209,207,209,215,217,215,212,207,204,204,204,204,202,199,196,196,196,202,207,204,194,137,137,194,202,202,196,183,178,179,186,189,194,196,196,202,202,199,196,199,199,199,199,202,202,202,202,204,207,204,202,199,202,202,199,202,199,199,202,196,189,137,137,186,191,196,202,202,204,204,207,212,212,209,207,209,209,209,209,205,207,207,209,209,209,212,212,209,204,202,202,204,204,202,199,194,189,191,196,204,207,204,202,199,202,204,204,204,204,202,199,202,204,207,207,204,196,143,139,140,191,199,202,204,204,204,207,204,202,199,204,209,212,215,215,215,209,209,212,215,212,209,207,199,191,194,202,204,202,204,209,212,207,196,189,181,137,136,137,186,186,178,129,121,119,121,125,133,186,194,199,207,207,191,125,115,114,117,122,129,178,189,196,199,204,209,212,209,202,196,196,196,199,202,202,207,207,202,194,194,204,207,204,202,189,125,107,102,111,121,123,123,123,123,125,137,191,196,194,194,199,209,215,217,215,208,204,205,215,228,230,230,228,225,222,228,230,230,233,235,235,235,233,230,230,230,225,212,207,199,194,196,209,222,228,230,225,215,207,204,199,202,202,196,125,103,95,93,93,93,97,107,139,220,233,238,243,243,246,248,254,255,255,255,255,255,255,255,255,255,0,255,255,255,255,255,255,255,255,255,255,255,254,251,251,246,241,241,241,230,209,149,145,143,141,139,139,139,139,139,137,135,178,181,176,129,125,125,129,178,181,183,186,183,178,163,113,107,108,119,123,165,173,176,125,115,111,109,109,113,123,176,196,222,233,230,225,228,238,246,251,255,255,255,254,248,248,254,255,255,254,254,254,254,251,243,233,225,217,215,212,209,204,202,204,207,212,217,220,222,222,217,215,209,204,199,196,202,207,207,199,191,186,176,163,165,181,191,202,207,209,0,0,0,0,0,0,0,243,251,255,254,248,243,246,248,248,248,248,243,238,235,235,241,246,246,241,235,228,209,204,207,215,220,217,207,194,137,129,122,121,125,139,191,199,204,209,209,207,207,207,209,215,215,212,215,222,225,225,222,222,217,217,217,215,215,215,215,212,209,207,204,202,202,202,202,202,196,194,194,196,196,194,191,191,196,204,209,209,204,199,199,199,202,196,143,135,130,131,139,191,199,207,217,228,235,238,238,235,228,220,218,225,235,241,235,230,230,233,235,233,230,233,233,233,235,238,238,233,228,222,217,222,228,233,235,238,241,243,243,238,230,222,222,230,233,230,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,178,170,155,155,155,152,155,176,186,176,152,131,160,181,183,178,155,105,105,113,119,163,165,163,163,168,176,191,204,204,196,186,181,176,174,178,191,202,207,207,207,204,204,202,196,186,173,168,170,178,183,178,122,116,121,176,183,181,178,173,117,165,168,123,125,165,127,168,170,176,181,178,176,176,178,176,173,176,186,191,191,191,196,199,196,189,189,189,181,173,170,170,173,176,178,181,186,181,127,127,168,168,125,125,125,168,178,183,181,170,127,170,178,176,168,127,123,125,170,181,183,173,121,112,100,102,123,127,121,120,127,127,121,117,118,127,189,194,186,170,165,168,178,178,176,178,181,183,196,204,202,202,207,207,204,202,191,173,170,176,178,181,191,199,202,191,121,108,112,125,173,178,183,189,191,181,121,117,118,127,183,196,191,111,97,111,170,173,170,173,186,194,189,181,183,189,114,106,121,196,189,125,109,111,125,178,173,166,176,191,199,199,191,186,181,181,186,189,178,176,176,173,168,170,176,181,176,176,181,186,168,119,99,86,85,85,75,103,117,117,99,69,117,173,181,173,173,178,178,181,178,181,189,194,194,186,168,109,100,101,176,176,178,183,123,105,108,123,191,189,178,173,173,189,207,222,212,78,69,181,199,194,189,186,183,170,121,119,127,170,170,168,170,170,181,178,170,170,169,183,186,181,125,123,121,118,117,173,181,181,181,125,176,181,178,170,123,127,173,173,176,176,173,172,172,178,178,170,176,183,183,186,189,194,199,199,199,199,199,194,191,191,196,199,199,194,189,186,181,170,123,121,123,125,127,129,170,170,125,118,117,123,181,191,194,194,199,202,204,199,189,186,186,194,194,173,101,101,111,121,123,123,125,173,196,202,161,168,181,189,189,186,186,178,168,119,117,115,115,117,168,176,173,170,178,186,194,194,194,194,186,173,166,168,168,165,165,170,170,127,123,123,170,176,178,181,183,183,176,173,178,178,123,115,119,125,123,106,88,95,131,191,199,196,196,199,194,189,189,194,196,204,212,212,209,204,204,204,204,202,196,189,183,181,181,191,194,196,194,189,189,186,186,186,186,183,181,181,189,194,196,199,196,86,80,109,125,127,129,131,176,178,181,183,183,183,186,191,194,194,191,191,186,178,131,131,135,183,191,194,194,196,199,199,196,196,196,196,202,202,204,207,209,209,209,207,207,207,209,207,207,204,209,212,202,189,181,182,189,194,196,199,196,196,199,199,196,196,196,196,194,191,194,196,199,199,199,196,194,189,183,181,183,186,189,189,189,191,194,194,189,189,191,191,189,186,191,196,202,199,196,194,194,204,204,202,199,196,202,204,204,199,196,196,196,189,176,182,194,196,199,202,199,189,187,189,196,204,209,212,217,217,212,209,209,209,207,199,192,190,190,192,202,209,215,212,215,215,217,217,215,212,209,207,204,204,204,202,204,209,202,143,142,143,191,196,199,207,212,212,209,209,208,209,212,212,209,209,209,207,204,204,204,204,202,196,189,187,187,187,189,194,202,209,215,217,217,212,207,204,204,204,199,196,199,204,209,212,207,202,202,204,209,212,215,215,215,215,215,217,217,217,217,215,215,215,212,212,207,202,199,202,204,209,217,225,228,230,230,228,225,222,222,217,212,209,207,204,202,202,207,209,212,215,215,215,217,217,225,228,228,225,222,222,222,222,225,228,230,230,225,220,222,228,233,233,233,230,228,228,228,228,228,228,228,225,217,209,207,207,209,209,207,207,207,209,209,209,209,209,209,204,200,200,202,204,204,199,196,194,196,199,204,204,204,207,209,212,212,212,212,207,202,196,194,191,187,186,186,191,199,202,204,204,202,199,199,199,196,195,196,199,199,196,196,199,199,196,194,194,196,194,189,186,186,181,181,181,186,189,189,186,183,186,189,189,183,178,173,173,176,176,178,176,129,128,129,129,127,125,125,127,129,127,129,173,183,189,194,194,189,186,186,186,183,133,123,122,123,129,135,129,116,112,117,135,141,139,138,143,199,212,222,228,230,233,233,235,235,241,243,243,243,243,246,246,246,246,248,248,248,248,246,243,243,243,238,230,222,209,199,189,137,129,125,121,118,118,119,121,127,178,183,181,176,127,127,123,121,117,111,103,99,99,105,115,123,173,186,194,183,119,127,191,204,209,215,217,217,212,212,215,212,207,196,123,103,105,109,107,103,107,113,119,129,191,215,230,235,233,233,233,235,233,230,228,228,228,225,215,213,213,215,217,217,222,217,212,212,215,222,225,225,222,215,212,215,209,199,194,194,202,207,209,212,209,204,196,145,143,143,141,141,145,199,204,212,215,209,204,196,194,191,194,199,209,215,215,207,200,199,200,200,202,202,202,204,207,209,209,209,207,202,199,196,199,204,207,204,199,191,189,196,207,209,209,209,207,202,198,198,199,202,199,199,202,207,209,212,212,209,204,202,204,204,202,204,204,202,196,192,192,192,196,204,204,204,207,209,209,209,209,209,209,209,204,199,202,204,204,207,207,209,209,212,209,204,196,192,196,207,209,209,207,204,202,199,202,207,212,212,204,199,196,199,202,204,204,196,186,177,177,183,194,199,202,207,202,189,181,137,191,199,199,207,209,207,205,207,212,215,215,212,207,204,202,202,199,194,189,186,185,189,199,204,204,191,139,141,196,202,204,202,189,178,179,189,191,196,199,199,202,202,202,199,196,196,196,196,196,196,196,199,202,204,207,204,202,199,198,198,198,196,198,202,202,196,189,141,189,194,196,196,199,202,204,207,209,209,207,207,207,209,209,207,207,207,209,209,209,209,209,207,209,209,207,204,204,204,204,199,194,187,187,191,202,207,207,204,202,202,202,202,202,204,204,202,204,204,204,204,207,204,194,141,142,194,202,207,209,207,207,207,204,202,207,212,212,212,212,212,209,207,204,209,212,212,212,212,207,199,196,202,204,202,199,204,204,202,196,191,189,183,137,136,183,189,178,119,106,108,119,129,133,181,186,194,202,207,199,178,125,123,123,127,127,126,129,183,194,202,209,212,209,202,199,199,196,196,202,204,212,217,217,212,207,207,199,189,186,181,121,101,95,100,103,103,102,102,102,105,123,189,204,204,204,209,212,212,212,209,207,204,205,215,225,225,225,228,228,228,230,230,233,235,235,233,235,235,233,230,230,228,217,215,209,207,209,217,225,230,233,225,215,209,207,202,199,204,202,178,113,103,99,97,97,103,111,194,238,248,251,248,246,246,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,246,246,243,235,230,235,235,225,209,202,199,196,191,189,141,141,139,137,133,131,131,133,133,131,127,127,173,178,181,183,186,186,183,173,115,108,111,121,160,165,181,183,170,117,109,108,109,115,125,186,207,228,233,228,221,224,233,243,251,254,254,251,251,251,251,255,255,255,254,254,254,255,254,241,228,220,215,212,209,202,194,194,196,204,209,215,220,222,222,220,215,212,207,202,199,202,209,209,202,202,202,191,176,173,181,191,202,207,212,0,0,0,0,0,0,243,0,248,251,251,248,248,248,248,248,251,254,251,241,233,233,238,243,243,238,233,222,207,203,204,212,220,222,215,202,143,135,127,123,125,135,143,194,207,215,215,209,205,205,209,215,217,215,217,222,228,225,225,222,222,222,217,215,215,215,215,212,209,207,204,204,202,204,204,202,196,194,196,202,204,204,199,196,199,204,209,209,204,202,202,202,202,194,139,131,129,131,141,196,204,209,217,230,235,241,241,235,230,222,220,225,235,238,235,230,233,235,235,230,230,233,231,231,233,238,238,235,228,225,222,225,230,233,238,241,246,246,243,238,233,230,233,238,238,233,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,163,157,150,152,152,150,155,173,186,176,150,150,168,178,178,168,160,152,115,119,160,165,168,170,173,173,176,189,202,207,202,191,183,178,178,183,189,196,204,207,209,207,204,202,196,186,176,173,176,178,183,183,170,165,170,170,165,168,178,170,165,125,165,165,165,125,125,168,173,178,181,178,173,173,170,127,127,173,183,189,191,194,199,202,199,199,199,196,189,173,129,129,173,176,178,183,186,176,126,125,126,127,127,125,123,125,170,176,173,127,125,168,173,173,170,173,176,170,127,125,170,170,123,117,112,113,125,125,124,127,176,170,121,118,119,176,194,196,183,166,165,178,189,183,178,176,178,186,196,202,202,202,204,204,202,199,186,129,129,173,173,176,178,189,194,170,112,108,111,129,173,170,173,178,176,125,118,119,125,129,178,186,173,121,123,181,189,183,178,181,196,207,202,186,176,117,106,106,115,178,178,123,119,122,170,173,168,168,181,194,199,202,202,194,191,191,191,176,173,176,189,181,127,168,173,173,173,173,178,178,173,123,113,107,111,121,125,123,119,117,119,170,181,194,181,168,168,176,181,181,178,181,189,191,191,186,173,125,173,196,204,199,199,199,186,106,94,125,191,194,178,127,168,183,199,207,191,117,115,178,196,194,183,181,181,173,127,129,173,173,173,173,176,183,196,194,176,169,170,181,183,178,176,173,127,123,127,183,181,176,178,183,189,183,170,121,119,123,173,176,178,178,178,173,176,183,181,176,181,183,183,183,186,194,199,202,199,199,199,196,194,191,194,202,202,196,199,204,196,170,120,125,170,127,127,170,181,181,127,118,118,121,127,181,186,194,196,196,204,194,176,123,176,191,194,178,115,104,111,121,125,125,165,176,199,204,131,165,183,191,191,186,183,183,170,113,101,107,111,109,115,181,181,178,181,189,194,189,189,191,189,176,168,168,168,168,170,173,173,168,125,127,173,176,176,178,181,181,176,173,176,178,176,170,125,113,117,111,102,105,186,199,202,202,202,199,191,187,189,189,191,202,207,209,207,204,202,202,202,202,199,194,186,179,183,191,191,189,186,181,178,178,178,178,133,129,129,133,178,183,191,196,196,90,90,111,125,131,131,128,176,183,191,194,194,191,191,194,196,196,196,194,186,133,129,129,133,186,196,202,199,196,194,194,194,192,191,192,196,202,204,204,204,204,207,207,209,212,212,212,209,209,212,212,202,183,179,182,191,196,199,199,199,196,199,196,196,199,202,199,191,187,189,194,194,194,194,194,186,178,135,178,181,183,186,189,191,196,202,202,196,194,194,194,194,191,191,191,194,196,194,189,191,199,204,202,196,196,199,202,199,196,194,194,194,191,189,187,187,194,204,207,196,186,187,194,202,209,217,217,217,215,208,207,208,209,207,196,192,191,194,199,207,215,220,217,212,212,215,215,212,209,207,207,207,207,204,204,209,212,204,194,143,143,145,194,202,209,212,212,212,209,209,209,212,212,212,212,209,207,204,204,204,202,199,194,189,189,189,189,191,196,202,209,212,217,215,212,209,207,207,204,202,199,199,199,204,212,212,212,209,209,212,217,217,217,217,217,217,217,217,215,212,212,212,215,215,212,209,207,202,204,209,215,217,222,225,225,228,228,228,222,215,209,209,209,207,207,204,202,204,209,215,215,217,217,217,222,225,228,228,225,225,222,222,225,228,230,233,233,228,222,222,225,230,230,230,230,228,228,228,228,228,228,228,225,217,209,207,207,207,207,207,207,209,209,212,212,209,207,204,202,200,200,202,202,204,202,202,202,202,204,204,204,204,207,207,209,212,212,212,212,209,207,202,199,194,191,189,191,194,199,202,202,202,199,199,199,196,195,196,196,196,196,196,196,194,191,191,191,194,194,189,186,183,181,181,183,186,186,186,183,183,183,186,186,183,181,176,173,173,176,181,178,173,170,173,173,129,129,129,129,129,125,123,127,176,183,189,194,196,196,196,199,196,186,129,123,125,133,135,127,117,112,115,125,133,139,141,191,207,217,228,233,233,235,235,235,235,238,241,243,243,246,246,248,248,246,246,246,248,246,246,243,241,241,238,233,225,212,199,186,137,129,125,121,121,121,121,123,127,173,176,173,129,123,122,125,129,127,113,99,95,95,95,103,121,183,196,194,186,186,186,189,202,212,215,215,212,209,207,205,207,207,202,186,113,98,101,101,97,97,101,117,131,137,191,217,235,233,233,233,230,230,230,228,230,230,225,215,212,213,222,222,222,222,215,209,207,209,215,222,222,217,215,215,215,207,147,140,143,196,209,215,215,212,207,199,191,145,143,141,142,194,199,204,212,215,209,199,191,190,190,191,196,209,215,212,204,199,199,202,204,204,202,202,202,204,204,207,207,207,202,196,196,196,196,199,202,199,191,189,196,209,217,215,209,204,202,199,202,204,204,204,204,207,209,212,215,212,207,204,202,202,199,199,199,202,202,196,192,191,194,202,209,209,209,209,209,209,209,212,209,207,207,207,204,207,209,209,209,209,209,209,212,212,199,190,189,194,207,209,207,204,202,199,198,199,204,212,215,209,204,199,196,202,204,202,191,183,181,181,189,199,202,204,207,204,199,189,183,186,189,191,202,209,209,207,209,212,212,212,215,209,204,199,199,196,189,183,182,183,191,199,204,204,194,117,129,194,202,202,199,191,186,189,202,202,202,204,204,204,202,202,202,196,196,196,196,196,194,194,194,196,199,204,204,204,199,198,198,198,196,196,199,202,199,191,186,186,194,194,194,196,199,202,204,207,207,207,207,207,207,207,204,207,209,209,207,207,209,209,207,209,207,202,196,199,202,202,194,191,187,186,189,202,209,209,204,202,199,199,199,202,204,204,207,204,204,204,207,209,207,202,196,196,202,207,212,209,207,204,204,204,204,207,212,212,212,209,209,207,204,202,204,209,212,212,209,207,207,196,196,204,204,199,181,189,199,199,194,191,186,181,136,183,194,189,109,96,102,121,131,135,181,183,189,199,202,199,196,196,191,196,202,186,126,127,178,189,196,204,209,207,202,199,196,191,191,196,204,212,217,217,215,209,199,183,129,125,129,129,121,111,102,101,101,101,102,102,105,123,191,209,212,212,217,222,215,209,209,212,209,209,215,225,230,233,233,233,235,235,233,233,235,231,231,233,235,233,230,228,228,225,222,217,217,222,228,228,230,230,230,225,222,217,207,199,194,196,189,125,109,103,101,103,111,127,212,243,251,254,251,248,246,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,241,241,235,225,217,222,225,220,215,215,215,207,199,194,194,191,189,186,137,133,133,133,176,173,131,173,178,178,178,183,186,186,183,173,117,113,119,160,121,163,181,202,183,163,115,109,108,115,178,209,222,230,233,230,224,224,230,241,248,251,251,251,248,251,254,255,255,255,255,254,251,251,246,233,225,217,215,212,207,196,191,191,194,202,209,217,220,222,220,220,215,212,209,207,202,204,207,204,194,196,204,202,183,178,183,191,202,209,215,0,0,0,0,0,0,0,0,251,248,246,248,251,251,246,246,251,255,254,246,235,233,233,233,235,235,233,220,207,203,204,212,222,228,220,204,191,141,135,129,129,133,139,191,204,215,217,212,207,205,207,212,212,212,215,222,225,228,225,222,222,222,217,217,215,215,215,215,209,207,204,204,204,207,209,209,202,196,199,207,212,209,204,199,199,202,204,204,204,204,202,202,196,143,137,131,131,135,145,202,209,212,222,230,235,241,241,238,230,222,222,225,233,235,235,233,235,238,235,230,233,235,233,230,231,238,238,235,230,228,225,228,230,235,241,243,246,246,246,241,235,235,238,243,241,235,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,142,147,147,147,144,150,160,165,150,139,147,160,160,142,102,109,152,160,163,163,163,168,176,181,176,170,178,194,202,204,196,186,181,178,181,183,189,196,204,209,207,204,196,191,183,181,181,178,178,181,183,178,176,170,124,121,124,173,168,165,165,168,170,168,127,127,168,176,178,178,173,170,170,168,126,129,176,181,186,191,194,199,202,202,202,207,207,196,176,125,127,176,181,186,189,186,176,126,126,168,170,170,168,127,123,123,125,123,122,123,127,168,127,127,125,168,170,170,170,176,178,170,127,129,173,173,173,173,181,183,173,127,127,176,196,204,194,173,166,165,183,199,191,178,176,178,189,196,202,204,204,204,202,196,186,173,125,170,176,170,126,122,126,170,123,113,113,127,189,183,127,127,170,129,125,123,127,129,129,178,181,173,129,173,189,196,194,186,186,199,207,204,191,178,121,111,110,119,127,125,121,121,125,127,127,125,127,173,183,194,199,204,199,196,194,186,176,173,168,173,125,118,125,173,173,173,178,183,183,178,168,121,121,170,183,186,189,196,196,191,191,202,202,178,121,123,173,178,176,173,177,181,181,181,181,176,176,189,202,204,202,202,199,183,107,84,125,186,189,173,125,125,170,186,191,183,168,127,176,191,191,183,181,181,176,173,178,178,176,173,173,178,189,196,191,176,169,170,178,178,178,178,176,170,127,170,181,178,176,183,191,191,181,127,117,116,121,173,178,181,183,183,183,183,186,181,176,176,178,183,186,186,191,199,202,202,199,199,199,196,189,189,196,199,196,202,207,204,178,125,125,123,115,116,170,183,183,170,121,119,118,119,173,181,189,189,181,105,82,73,93,121,191,199,194,173,107,105,115,121,165,173,178,191,196,144,170,189,194,191,189,186,186,176,95,71,103,117,109,113,173,178,183,186,194,191,183,181,186,186,173,168,168,170,170,170,170,170,168,127,168,176,181,178,178,181,181,176,169,169,176,181,181,170,104,100,103,117,176,189,196,202,202,204,199,189,187,189,191,191,196,202,204,207,204,202,200,200,202,199,194,186,181,186,189,186,181,137,135,131,129,129,127,123,122,123,129,133,178,183,191,194,178,119,127,133,181,181,176,183,189,194,199,199,194,189,189,194,199,199,194,181,131,129,130,135,189,196,202,202,196,194,192,194,194,192,192,196,202,204,202,202,202,204,207,209,212,212,212,212,212,215,212,202,186,182,183,191,196,199,199,196,196,196,196,196,202,202,199,191,189,189,189,189,189,189,181,132,131,135,183,189,189,186,186,191,199,204,204,199,194,191,194,196,194,189,186,186,189,189,186,189,196,202,199,189,183,189,194,196,196,194,196,196,199,199,194,191,199,209,209,196,186,189,202,209,212,217,222,222,217,209,207,209,212,209,204,199,196,199,204,212,217,222,215,209,209,209,209,209,209,209,212,217,215,209,207,209,209,204,194,143,142,143,194,204,212,215,212,209,212,212,212,212,212,212,212,209,209,207,204,204,202,199,196,194,194,194,194,194,196,202,204,207,212,212,209,207,207,207,207,204,202,196,195,199,209,215,215,212,215,217,222,222,222,222,217,217,217,215,212,211,212,215,215,215,215,215,209,202,202,209,217,222,222,225,222,222,225,225,217,212,209,209,212,212,209,207,204,207,212,215,217,217,217,217,222,228,230,228,225,225,225,222,225,230,233,235,235,230,225,222,225,228,230,230,230,228,228,228,228,228,228,225,222,217,212,209,207,207,205,207,209,212,212,215,212,207,204,202,202,202,202,202,202,204,204,204,204,204,204,204,204,204,204,207,207,209,209,212,212,212,209,207,204,202,196,194,194,194,199,202,202,202,199,199,199,199,196,196,196,196,196,196,194,194,191,191,191,191,191,189,183,183,181,181,183,183,183,183,183,183,183,183,183,183,181,176,129,127,176,181,181,178,176,178,176,173,170,129,129,127,123,122,123,170,178,186,191,196,202,207,209,209,199,181,129,131,135,135,127,119,115,116,121,129,139,191,202,212,222,228,230,233,235,235,235,238,241,243,243,243,243,246,246,248,246,246,248,248,248,246,243,243,241,238,235,228,217,204,191,137,129,125,121,121,121,119,121,125,127,129,131,129,125,123,127,170,125,111,97,94,94,94,97,117,181,196,191,181,181,182,183,194,204,207,209,212,209,207,205,207,204,207,204,186,111,99,89,75,72,79,109,129,137,191,222,235,235,233,230,228,230,233,233,230,228,225,217,213,215,222,225,225,222,215,209,205,207,209,212,215,215,215,215,212,199,140,138,141,199,209,215,215,212,212,204,196,191,189,143,189,194,196,202,212,212,207,199,191,190,191,194,199,207,209,207,204,204,207,209,212,209,207,204,207,207,207,207,207,204,199,196,196,195,196,199,202,202,194,191,194,204,212,212,209,207,202,202,204,209,209,207,209,212,215,217,217,215,209,204,199,199,198,196,198,202,202,199,194,192,196,207,212,215,212,209,209,209,209,209,207,204,207,209,209,209,212,212,212,212,212,209,212,209,199,190,190,196,207,209,204,199,199,198,198,199,204,209,212,209,204,196,194,196,199,196,186,139,183,186,191,199,204,207,207,204,202,199,194,186,133,129,186,207,209,209,209,209,207,207,212,209,204,199,199,196,189,183,183,189,196,202,204,207,212,122,120,186,202,199,194,191,194,202,207,207,207,207,207,204,202,204,202,196,196,196,196,196,194,190,191,194,196,202,204,204,202,199,199,199,199,198,199,202,199,191,185,186,194,194,194,194,194,196,202,207,207,207,207,209,209,207,204,207,207,207,204,204,209,209,209,207,202,194,191,196,199,196,191,194,194,191,196,207,212,212,207,202,199,198,198,199,199,199,202,204,204,204,207,209,212,209,207,207,207,212,212,209,202,200,202,202,204,207,209,212,212,209,209,207,204,202,202,204,207,209,207,207,204,195,194,196,204,199,179,183,196,202,196,191,186,181,178,183,194,194,119,101,104,121,131,133,181,186,191,196,199,202,207,212,209,215,228,230,209,191,189,189,196,202,199,191,189,186,181,176,176,183,194,204,209,212,212,204,191,176,123,125,181,194,196,183,119,105,102,105,115,117,121,131,194,209,215,217,225,228,222,215,215,217,217,217,222,228,235,238,241,243,246,243,241,238,233,229,230,233,235,235,230,228,225,228,228,225,228,230,233,230,230,230,233,233,230,225,212,199,191,191,189,131,117,109,105,109,121,186,225,243,243,235,241,248,254,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,241,241,235,220,209,204,209,212,217,222,220,209,202,199,202,202,199,196,191,183,183,181,181,176,173,176,178,176,173,178,181,178,176,165,119,117,121,121,119,160,181,204,194,176,165,119,115,121,186,220,230,235,238,235,228,224,228,235,243,248,248,248,248,248,251,254,255,255,255,254,248,246,241,233,228,222,220,215,212,204,199,194,194,199,204,212,215,217,217,217,217,215,215,209,204,202,202,196,189,189,196,196,189,183,186,194,202,209,215,0,0,0,0,0,0,0,0,254,248,246,246,248,248,243,241,248,254,251,243,238,235,233,233,233,233,230,217,207,204,204,207,217,225,217,204,196,189,139,135,133,133,137,143,202,212,215,212,207,205,207,209,209,209,212,217,222,225,225,225,222,222,222,217,217,217,217,215,209,204,204,202,204,207,209,209,204,199,199,207,212,209,202,199,199,202,202,204,204,204,202,199,189,137,133,133,135,141,199,212,217,222,225,230,235,241,241,238,230,225,222,228,233,235,233,233,238,241,235,233,235,238,235,231,231,238,238,235,230,230,230,230,230,235,241,243,243,246,246,243,241,241,243,243,241,238,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,144,144,140,140,144,147,142,135,133,142,152,150,101,97,101,115,163,168,165,165,168,178,181,173,168,170,183,196,202,196,186,176,170,173,173,176,183,194,202,202,196,189,186,183,183,186,183,181,181,183,183,178,168,123,121,125,170,168,168,173,176,173,170,127,168,176,183,181,173,168,168,168,127,127,176,181,181,183,191,196,199,202,204,204,209,212,207,181,122,123,176,189,199,199,191,181,168,168,176,176,173,168,127,123,122,122,122,123,127,170,173,168,125,124,124,168,176,181,186,186,181,178,178,181,181,183,186,183,181,178,176,178,189,202,204,191,170,165,165,176,199,194,183,181,183,189,196,202,204,204,202,196,186,127,123,123,173,186,181,127,121,123,127,125,121,125,178,191,181,119,119,125,125,127,129,170,127,127,178,183,178,170,173,183,189,189,183,181,189,199,199,194,186,178,170,129,170,127,122,121,123,127,127,123,123,123,123,173,189,196,199,191,183,127,117,181,173,121,121,119,119,173,181,181,183,191,196,196,189,173,119,115,121,183,186,191,202,202,194,196,204,196,168,117,119,173,183,178,176,177,178,173,173,176,176,178,189,196,196,196,191,178,121,112,94,125,181,181,168,127,127,168,176,181,183,178,170,176,186,191,186,181,183,183,181,183,183,178,173,176,181,189,189,183,173,170,173,181,178,176,178,176,173,127,129,176,173,178,191,196,189,176,125,117,117,125,178,181,183,186,186,186,189,189,183,176,173,176,183,189,189,189,196,202,202,199,199,199,196,186,173,181,189,194,196,204,207,194,178,170,119,110,111,170,181,178,170,123,123,121,123,176,183,186,178,123,63,75,74,101,170,202,207,204,191,105,102,109,121,170,176,176,181,186,169,183,196,194,191,189,186,186,181,47,26,109,178,111,107,119,163,173,183,194,191,181,177,181,181,170,165,168,170,170,170,170,168,170,170,170,178,181,181,181,178,178,170,168,169,176,181,178,127,103,97,101,129,189,191,194,199,202,202,196,189,187,189,191,191,191,194,199,207,207,202,200,202,202,196,191,186,186,189,189,181,133,131,131,127,125,123,122,121,121,125,133,178,178,181,189,191,189,176,133,178,183,186,189,194,194,194,196,194,191,189,189,196,202,202,191,135,129,129,131,137,189,196,202,202,196,194,194,196,196,194,194,199,202,202,199,196,199,202,207,209,212,212,209,209,209,212,209,202,191,186,189,194,196,196,196,196,194,191,191,196,199,199,196,194,194,191,189,183,183,181,133,130,131,181,191,194,194,189,186,189,196,202,199,194,191,189,191,194,191,183,178,181,183,186,186,189,196,202,196,183,172,176,186,196,199,199,199,202,204,204,199,196,204,215,212,199,189,196,209,212,212,212,217,222,217,212,209,212,215,212,212,209,204,202,207,215,222,215,209,204,204,204,207,207,209,215,220,225,222,212,209,207,207,204,199,191,142,143,196,207,215,217,212,209,212,212,212,212,212,212,209,209,209,209,207,204,202,199,196,196,199,199,199,199,199,202,204,204,204,204,204,204,204,204,207,207,202,196,195,196,204,212,215,215,217,217,222,222,222,222,217,217,215,212,212,212,215,217,217,217,222,217,209,202,200,207,217,225,225,222,222,222,222,222,215,212,212,215,217,217,215,212,209,212,215,217,222,222,222,222,222,228,230,228,225,225,225,222,225,230,233,235,235,230,222,217,217,225,230,230,230,230,230,228,228,228,225,222,217,215,212,212,209,209,207,209,212,215,215,212,209,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,207,207,207,207,209,209,209,209,207,204,202,199,196,196,199,202,202,202,202,202,202,199,199,196,196,194,194,194,194,194,194,194,194,191,189,186,181,181,181,183,183,181,181,181,186,186,186,183,183,186,183,176,125,124,173,181,181,178,178,178,178,176,170,129,127,123,121,121,123,131,176,181,186,194,199,207,215,217,209,194,181,178,181,135,127,121,117,119,121,129,189,202,209,215,217,222,225,230,233,235,238,241,243,246,243,243,243,243,246,246,246,248,248,248,248,246,246,243,241,241,238,233,225,209,194,139,129,123,121,119,119,119,121,123,125,129,176,173,131,129,127,123,119,113,103,99,95,94,97,109,127,191,191,179,178,181,182,182,191,196,207,215,215,209,207,209,209,215,222,212,129,101,81,70,67,69,89,119,135,194,225,235,235,233,228,228,233,235,233,230,228,228,228,222,215,217,225,228,222,215,207,205,205,207,209,212,215,215,215,212,196,140,139,145,204,209,209,209,212,215,212,204,194,189,189,194,194,194,202,207,212,207,199,196,194,196,202,204,209,209,207,209,212,217,217,217,212,209,207,209,212,212,209,207,204,202,199,199,199,199,204,207,204,199,194,194,199,204,209,209,209,207,204,207,209,209,209,209,212,215,217,217,215,209,204,202,199,198,196,198,202,204,204,202,199,204,212,215,215,215,212,209,209,207,207,202,199,204,209,209,209,209,209,212,212,212,209,209,207,199,192,194,202,209,207,202,199,199,202,202,202,204,207,209,207,199,191,191,194,196,191,139,135,181,186,191,196,202,204,204,204,204,204,202,186,119,111,123,196,204,207,204,202,198,199,204,204,204,202,202,199,191,186,186,194,202,207,209,215,225,125,95,113,189,194,190,191,202,209,207,207,207,207,202,202,202,202,202,196,194,194,196,196,191,190,190,194,194,199,202,202,199,196,199,199,199,199,199,199,196,189,185,186,191,194,196,196,194,194,202,204,207,207,209,212,212,209,207,204,202,202,204,207,207,207,207,202,191,189,190,196,196,191,189,194,199,199,204,207,209,209,207,204,202,199,199,199,199,198,199,202,204,207,209,212,212,212,209,209,209,212,215,209,202,200,200,202,204,207,209,212,212,209,209,207,207,204,202,199,202,204,204,202,204,199,194,195,207,209,181,181,199,207,202,191,186,181,178,181,189,189,133,108,107,117,127,133,181,189,194,202,202,204,212,217,217,225,235,235,217,202,199,199,207,204,186,127,125,123,117,117,121,127,178,186,194,202,204,199,183,121,113,121,186,204,209,202,178,113,107,115,133,135,133,137,196,209,215,222,230,230,228,225,222,225,225,225,228,230,233,238,241,246,248,248,243,238,233,229,229,235,238,238,233,228,225,230,230,230,233,233,233,230,230,230,0,238,235,228,212,199,194,189,186,131,119,111,107,113,125,183,212,230,228,225,233,243,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,243,243,238,222,207,151,149,202,212,217,215,207,199,196,202,207,207,207,204,199,196,194,186,178,170,173,176,165,164,168,173,168,163,121,119,119,119,117,117,160,176,189,181,170,165,121,119,125,189,215,230,238,243,241,230,224,224,230,238,243,246,246,248,248,248,248,251,254,254,254,248,246,241,238,233,230,225,222,217,217,215,207,202,199,202,204,207,207,209,215,217,217,217,212,204,202,199,194,187,186,189,194,194,191,191,196,204,209,215,222,233,241,241,238,0,0,0,0,0,0,248,248,243,238,238,243,248,246,241,238,241,241,235,233,230,228,217,207,204,202,202,207,215,209,202,196,191,143,137,135,135,137,141,196,207,215,215,209,207,207,209,212,212,215,217,217,222,225,225,225,222,222,222,217,217,217,215,209,204,202,202,202,204,204,204,199,196,199,204,207,204,196,195,196,199,202,202,204,202,202,194,141,137,135,139,143,194,207,222,230,230,230,230,235,238,241,238,233,228,228,230,233,235,233,235,241,243,238,233,235,241,238,233,233,238,238,235,233,233,233,233,233,238,241,241,243,248,248,246,243,243,246,246,241,233,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,150,144,140,139,142,144,140,135,135,142,155,157,144,103,107,155,165,170,176,176,176,173,173,170,169,170,176,186,196,194,183,170,127,129,129,129,176,183,189,189,186,181,181,178,181,186,186,181,181,183,183,178,168,124,125,168,170,168,170,178,181,176,170,127,168,181,189,186,173,168,168,127,123,168,178,178,173,176,189,196,196,199,204,207,209,212,207,178,118,119,129,194,207,209,202,186,173,170,178,178,127,118,119,123,127,127,127,168,173,178,181,178,173,125,122,124,173,181,186,191,191,183,176,173,178,183,183,176,129,178,181,181,183,194,199,189,176,168,168,173,183,186,183,183,186,183,189,194,199,199,196,191,178,125,121,121,173,196,196,186,126,126,170,170,170,176,186,191,170,114,115,119,125,127,129,127,125,129,181,186,181,170,129,170,178,181,176,170,173,178,186,189,186,186,183,183,178,125,120,121,129,173,168,123,121,120,121,168,183,189,181,119,111,106,99,189,173,114,119,127,178,199,196,189,191,199,204,207,199,178,115,109,109,125,170,173,176,176,173,181,191,176,119,117,123,178,189,191,189,186,181,173,170,173,173,176,183,186,186,183,173,104,107,117,123,168,178,170,121,173,183,176,168,170,178,178,168,170,183,191,186,183,186,186,183,186,183,178,176,178,183,186,181,178,176,173,176,181,181,176,178,178,176,170,129,170,170,181,199,202,183,173,127,120,121,176,183,183,181,183,186,189,191,194,189,178,129,129,181,191,191,191,194,194,196,196,196,199,196,178,121,125,178,186,194,204,209,204,194,191,173,116,116,168,173,168,125,127,168,127,168,176,181,181,168,107,45,91,113,170,194,207,207,204,196,105,101,113,125,176,181,176,176,181,181,189,199,194,191,189,186,186,181,87,38,176,186,53,3,0,9,81,111,183,189,181,178,181,178,170,165,125,168,173,173,170,168,168,170,173,176,178,178,181,181,176,170,169,170,178,176,127,117,111,107,117,173,186,191,191,196,199,199,194,189,187,191,196,194,189,189,196,207,207,200,199,202,202,194,189,189,191,196,194,181,130,130,131,129,125,123,122,122,125,133,183,186,183,181,183,189,189,178,133,132,133,178,189,199,196,191,186,186,186,186,191,196,199,196,186,133,129,130,133,181,189,196,199,199,196,194,194,196,199,196,196,199,202,199,196,196,199,202,204,204,207,207,207,207,207,207,207,202,194,191,191,194,196,196,196,196,191,186,186,191,196,196,194,196,199,196,189,181,181,178,133,133,181,191,196,196,196,191,186,189,191,196,194,189,189,186,186,189,186,178,177,177,181,183,186,189,196,202,199,186,164,170,183,199,204,204,204,207,204,204,202,202,204,212,212,204,199,207,215,215,212,211,215,217,217,215,212,212,212,215,215,215,212,204,204,212,215,209,202,202,202,204,207,209,212,217,222,225,222,212,207,207,209,207,207,204,191,191,199,209,215,217,212,209,209,212,212,212,212,209,209,209,209,209,207,204,199,196,196,196,199,199,202,202,204,202,204,204,202,200,200,200,202,202,204,204,204,199,195,196,207,215,217,217,217,222,222,222,222,217,217,215,215,212,212,215,217,217,217,217,225,222,212,202,200,204,217,228,228,225,225,222,217,217,215,212,215,217,222,222,217,215,215,215,217,217,222,222,217,217,222,225,230,228,228,228,225,225,225,230,233,233,233,228,222,216,216,222,228,230,230,230,228,228,228,225,222,217,215,215,215,215,212,209,209,209,212,212,212,209,207,204,204,207,207,209,209,207,207,207,204,204,204,204,204,207,207,207,204,204,204,207,207,207,207,207,207,207,207,204,202,199,196,196,199,199,199,199,202,202,199,199,196,196,194,194,194,194,196,196,196,194,194,191,189,183,181,178,181,183,181,178,178,181,186,189,189,189,189,191,183,129,124,124,131,178,178,176,173,176,176,170,129,129,129,125,121,120,123,173,176,176,181,183,191,202,212,217,212,202,191,189,186,181,127,119,117,123,127,135,199,215,215,212,212,209,212,222,228,233,238,243,248,248,246,243,243,243,246,246,246,246,246,246,246,246,243,243,243,241,241,238,228,212,194,139,127,123,119,119,119,121,123,125,129,176,181,183,186,181,127,118,121,121,115,105,99,95,95,101,113,186,196,186,183,191,191,182,183,191,207,217,222,217,215,217,225,225,225,215,131,105,89,79,73,71,81,107,129,194,222,235,235,235,230,228,233,235,233,228,228,230,233,228,222,217,217,217,212,209,205,205,207,209,209,212,217,217,217,212,202,147,147,199,207,207,205,207,212,215,212,204,143,136,143,196,199,199,204,204,209,207,204,202,202,204,209,209,212,209,209,212,215,222,222,217,212,209,207,209,215,217,215,209,209,207,207,204,207,207,209,212,209,204,199,196,199,202,207,209,209,209,209,209,209,209,209,209,209,212,212,215,215,212,207,207,204,202,199,202,204,207,207,207,207,212,215,217,217,217,215,212,209,209,204,196,142,145,202,204,204,204,207,209,209,209,209,209,207,202,196,199,204,209,207,202,202,204,207,207,207,207,207,204,202,194,189,191,196,199,194,183,134,134,181,186,194,199,202,196,199,207,209,202,189,119,103,107,181,199,207,204,199,196,196,199,204,204,207,204,199,196,194,194,196,202,209,212,215,217,139,91,99,133,194,194,199,207,207,202,204,204,204,199,199,199,199,196,191,190,191,194,194,191,191,191,194,194,196,199,199,196,195,195,196,196,196,194,191,189,186,186,186,186,189,194,202,199,196,199,204,207,207,209,212,212,212,207,202,196,199,207,209,207,202,199,196,189,187,194,199,194,185,183,191,199,202,204,204,207,207,207,204,202,202,202,204,204,204,202,204,209,212,215,212,207,207,207,207,209,212,215,212,207,204,202,202,204,207,209,212,212,209,209,209,209,209,204,199,199,199,202,202,204,204,199,199,207,202,115,127,191,204,202,191,189,186,181,176,176,181,176,115,108,113,123,133,181,186,194,202,202,204,212,215,220,228,230,220,202,196,202,204,207,202,181,119,107,101,99,103,111,121,129,173,173,183,194,189,121,91,91,107,181,204,209,204,189,123,113,121,181,183,137,183,199,209,215,222,228,230,230,230,228,228,230,233,233,233,233,235,235,238,241,243,243,238,233,230,233,241,243,241,235,230,228,233,233,233,233,233,233,230,230,230,235,238,233,222,209,202,196,191,183,131,119,111,107,111,127,181,194,204,207,212,225,230,238,251,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,246,246,238,222,207,147,143,145,199,209,209,202,194,196,202,209,212,212,212,209,204,202,191,178,168,168,168,165,164,165,165,160,160,121,119,119,117,115,117,160,165,173,165,121,117,113,111,119,178,196,217,238,246,246,235,225,224,225,233,238,243,243,246,246,246,241,241,246,251,254,251,248,246,243,241,235,228,222,222,225,225,217,207,202,196,194,194,191,194,204,215,222,222,215,209,204,202,196,189,186,186,191,196,199,199,202,207,212,212,222,230,238,241,238,0,0,0,0,0,0,254,248,243,238,237,238,243,243,238,238,243,246,241,233,228,225,217,209,204,202,199,199,207,204,199,196,194,143,139,135,135,135,139,194,204,212,215,212,209,209,212,215,217,220,222,217,222,225,228,225,225,225,225,222,222,217,215,209,204,204,202,202,202,202,199,194,191,196,202,204,199,195,195,196,199,202,202,204,202,199,196,189,143,143,189,194,199,209,225,233,233,230,230,233,235,238,238,233,230,230,233,235,235,235,238,243,243,238,233,235,241,238,235,235,238,238,235,235,235,235,235,235,238,238,238,243,248,251,248,243,246,246,243,235,228,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,152,150,140,139,144,150,150,144,142,150,163,168,165,155,155,160,168,176,186,191,178,124,123,173,181,173,170,173,186,189,181,170,127,129,129,129,170,176,178,178,176,176,176,174,176,178,178,177,178,181,181,176,170,168,170,170,127,123,168,178,181,176,168,127,168,181,189,186,176,170,170,127,123,127,173,170,127,128,178,189,191,194,204,209,204,199,191,129,118,117,125,196,209,212,204,189,173,168,173,170,121,116,118,125,170,173,170,173,176,178,181,181,178,125,121,122,168,173,178,186,189,181,172,170,176,178,170,126,126,176,176,173,173,178,186,183,181,183,186,178,172,173,178,178,176,173,173,181,186,191,189,181,176,170,124,120,127,191,196,189,129,127,176,178,178,186,196,202,183,115,115,123,129,129,124,123,125,170,181,189,183,173,127,127,173,181,178,129,127,128,170,178,178,178,181,181,176,123,120,122,170,176,170,123,120,120,125,178,186,183,127,110,109,109,106,189,119,110,121,173,189,202,196,189,191,196,202,204,202,189,127,115,115,127,127,125,124,165,168,123,103,83,103,119,170,183,191,196,196,194,189,178,173,170,168,168,178,181,178,173,117,99,103,165,178,176,173,117,106,127,196,186,121,119,168,170,125,127,186,196,191,189,189,189,183,186,186,183,183,186,183,178,176,176,178,178,181,183,178,176,178,181,181,176,173,170,170,183,202,202,186,173,170,127,129,183,189,183,178,178,176,183,189,194,191,183,127,119,176,191,194,191,189,186,186,191,194,196,194,131,115,117,129,178,189,202,209,207,204,207,196,173,168,168,168,127,127,170,173,127,121,127,168,168,121,105,47,113,125,176,194,204,202,199,194,107,103,121,176,183,189,183,178,178,178,183,194,194,191,191,191,191,181,105,41,111,81,0,0,0,3,59,83,163,178,178,178,181,176,165,119,119,123,170,173,170,127,126,129,170,170,169,170,178,181,178,173,173,176,178,173,125,119,123,129,173,178,181,186,189,191,196,199,194,191,191,194,199,199,191,189,194,204,207,200,199,202,202,191,189,194,199,202,199,186,133,133,135,135,131,125,123,125,131,178,186,189,186,183,183,183,183,178,132,130,128,129,181,194,196,186,182,183,186,189,189,189,189,191,186,178,135,137,183,186,191,194,196,194,194,191,191,194,196,196,196,199,199,199,196,199,199,202,202,199,202,204,204,204,204,202,202,202,196,194,194,196,196,199,199,196,189,183,183,189,191,189,189,194,199,196,189,181,181,181,178,181,189,196,196,194,194,191,189,189,189,191,191,191,189,183,183,183,183,178,177,178,181,183,183,189,194,202,202,191,170,176,194,207,209,207,204,204,204,207,207,202,202,202,207,207,207,209,212,215,215,212,215,215,212,212,212,209,209,212,215,217,212,204,202,204,207,202,200,200,200,204,212,217,217,217,217,217,217,215,209,209,209,212,212,212,204,199,202,207,212,215,212,209,209,209,209,209,209,209,207,207,207,207,207,202,196,194,194,196,196,196,199,204,202,199,199,202,202,202,200,200,202,202,204,204,207,202,199,202,209,217,222,222,222,222,222,222,222,217,217,217,215,215,215,217,222,222,217,217,222,222,215,209,204,204,215,225,228,228,225,225,222,217,215,215,215,217,222,225,222,217,217,217,217,217,222,217,217,215,217,222,228,228,228,228,228,225,225,230,230,230,228,225,217,216,216,217,225,228,228,228,228,225,225,225,217,215,212,212,215,215,215,212,207,207,207,207,202,202,202,204,207,209,209,209,209,209,209,207,207,207,207,204,204,207,207,207,204,204,204,207,207,207,207,207,204,204,204,204,202,199,199,199,199,199,198,199,199,202,199,196,194,192,192,192,194,194,196,199,196,194,194,191,189,186,181,178,181,181,178,135,135,178,183,189,191,191,191,194,183,124,122,125,173,176,176,173,170,173,170,127,123,127,173,173,125,121,123,131,176,176,176,176,181,191,204,212,212,204,199,196,196,189,129,117,119,129,135,141,204,222,222,215,207,204,205,215,225,230,235,241,248,248,248,246,243,243,246,246,246,246,246,246,243,243,243,243,243,243,243,238,228,209,194,137,125,121,119,119,121,123,127,129,133,181,189,196,204,199,176,118,123,125,121,111,105,97,95,99,109,178,196,199,202,212,217,204,191,199,215,225,228,228,230,235,233,225,217,204,135,117,111,107,97,83,85,107,133,204,225,233,233,230,222,217,225,230,230,228,228,230,233,230,225,217,212,207,205,204,205,207,209,212,215,217,222,217,215,209,207,207,207,207,207,205,204,207,212,215,212,202,136,132,137,199,207,209,207,202,204,204,204,207,209,212,212,212,212,209,209,209,215,217,215,212,209,204,202,204,209,215,212,212,212,212,212,209,209,212,215,215,212,209,204,202,202,202,204,207,212,215,215,212,212,212,212,212,209,209,209,212,212,209,207,204,204,202,202,204,207,209,209,212,215,217,217,222,222,220,217,215,212,212,207,145,135,136,191,199,202,202,204,207,207,209,209,209,209,204,202,202,204,207,204,202,204,207,209,212,209,207,204,202,196,189,186,191,199,204,199,189,135,131,132,183,191,196,194,181,186,204,209,207,199,181,103,93,121,191,207,207,202,199,199,202,204,207,207,207,204,202,202,202,202,202,207,207,207,207,204,127,119,186,202,204,207,204,199,196,199,202,202,199,199,202,199,194,191,191,191,191,191,191,191,191,194,194,196,199,196,195,195,195,196,196,196,191,183,181,183,186,186,185,185,194,204,202,194,194,202,204,204,207,209,212,209,207,202,196,196,204,209,204,199,196,191,189,190,199,204,196,185,182,186,194,199,202,202,202,202,204,204,202,199,202,209,215,215,212,209,215,217,212,204,200,202,207,209,209,212,217,217,212,209,207,204,204,207,209,212,212,209,207,207,209,209,209,204,199,199,199,199,202,202,196,196,194,108,76,114,181,199,196,191,189,191,189,133,125,129,129,117,109,113,123,178,181,181,186,199,202,202,209,215,222,228,228,212,196,189,189,189,189,186,178,123,99,90,90,94,109,125,176,173,128,129,173,121,93,85,87,111,189,204,207,202,191,133,121,123,137,186,186,191,204,215,217,215,217,225,230,233,230,230,233,238,238,235,230,230,230,230,233,235,238,238,235,235,241,246,243,241,238,235,233,233,235,233,233,230,228,228,228,230,233,233,225,215,207,207,207,196,183,129,117,109,105,107,123,183,194,199,199,202,204,209,217,238,243,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,246,233,212,153,143,140,140,147,207,207,199,194,194,196,202,204,204,207,207,204,202,196,186,173,168,176,176,173,168,163,121,121,160,157,117,115,115,155,157,160,165,157,115,111,109,108,110,121,186,212,241,254,254,243,230,225,225,230,235,238,241,243,243,241,230,228,233,243,251,254,251,251,248,243,235,228,217,217,222,225,215,207,199,194,189,183,181,181,194,207,217,222,222,215,212,207,202,194,187,186,189,196,199,199,204,209,212,215,222,0,0,243,241,0,0,248,0,0,0,0,248,246,241,238,238,243,243,241,241,246,248,243,233,225,222,215,212,209,207,199,199,202,204,199,194,191,143,139,137,135,135,137,191,202,209,212,212,212,212,215,215,217,222,222,220,222,225,228,228,225,228,228,228,225,222,215,209,207,204,202,199,199,196,194,191,189,194,199,202,199,196,196,199,199,202,202,204,204,202,202,196,194,194,196,196,199,209,222,233,233,228,228,228,230,235,235,233,233,233,235,238,238,238,241,246,243,238,235,238,241,238,235,235,238,238,235,235,235,235,233,238,238,238,238,243,251,251,248,243,246,243,238,230,226,226 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,139,150,150,147,144,150,157,165,163,160,163,168,170,168,163,160,165,170,176,186,186,125,116,117,170,191,181,170,170,178,181,176,127,127,170,173,170,173,176,178,176,174,176,178,176,174,178,178,176,177,181,178,173,170,170,170,125,121,120,123,170,173,170,168,127,168,170,176,178,173,173,173,168,123,125,168,129,127,128,173,181,183,189,199,202,194,183,173,125,120,119,127,191,204,207,196,183,170,168,127,125,121,119,121,125,168,170,170,168,168,168,173,178,178,168,124,127,170,170,173,178,183,178,172,172,176,173,126,125,127,170,170,129,128,170,176,178,181,191,199,183,169,170,173,173,127,125,125,170,181,186,181,173,170,173,127,121,122,173,183,181,129,127,178,181,183,189,199,202,186,119,119,173,181,176,124,123,124,127,173,181,178,170,127,127,173,186,186,176,128,127,128,129,129,129,170,173,170,123,122,125,173,173,170,125,122,127,189,199,196,189,170,113,119,178,176,170,104,106,121,170,176,183,181,178,186,194,194,196,196,191,183,176,178,181,173,125,125,178,189,121,70,46,70,117,178,189,194,196,199,196,191,183,176,165,119,113,121,178,178,170,119,107,111,170,181,181,168,109,102,108,186,183,112,110,121,127,123,125,191,204,199,191,191,189,186,186,186,189,191,191,183,173,172,173,178,181,181,183,178,174,178,186,189,183,178,176,176,186,199,199,189,178,178,173,178,189,191,183,181,176,170,170,178,186,189,183,123,113,178,191,194,191,183,181,182,189,191,194,186,123,109,109,117,125,173,194,204,204,207,212,199,178,173,173,176,176,176,181,178,117,87,93,103,115,121,121,97,127,127,173,186,194,194,189,178,105,103,125,181,183,189,186,178,176,173,173,183,191,194,196,202,204,170,17,0,0,0,0,0,33,115,81,89,111,165,173,176,181,176,115,108,109,117,125,168,127,125,125,129,176,170,168,168,176,181,181,178,176,176,176,173,170,170,173,178,181,183,183,181,181,186,194,196,194,191,191,194,199,199,194,189,191,199,204,204,202,204,199,191,189,194,202,207,207,199,189,186,186,186,181,133,129,129,133,178,183,186,186,183,181,178,178,181,176,133,130,130,181,191,191,183,182,189,191,189,182,181,183,189,189,183,186,191,194,191,191,194,194,191,191,191,191,191,194,194,196,199,199,196,194,196,199,199,199,199,199,202,202,199,194,194,196,196,196,194,192,194,196,199,199,199,191,182,182,186,183,178,181,191,199,196,186,181,183,183,181,183,189,196,196,191,189,186,186,189,189,191,191,191,186,181,181,183,183,181,181,181,181,183,183,183,189,196,199,194,182,186,199,207,204,202,199,199,202,204,207,202,196,196,204,209,212,209,209,212,215,215,215,215,209,207,207,207,207,207,209,209,209,202,199,200,200,200,200,200,202,209,217,222,222,215,212,212,217,215,212,212,212,212,212,215,209,204,202,202,207,209,212,212,209,207,207,209,207,204,202,199,199,202,204,202,196,194,194,194,192,194,199,202,199,194,194,196,202,202,202,202,202,202,204,207,209,207,202,207,215,225,228,228,228,228,225,222,222,222,222,217,217,215,215,217,222,222,217,217,217,217,217,215,207,207,212,225,230,230,228,225,217,215,215,217,217,217,225,225,225,222,222,222,217,217,217,217,215,215,215,222,228,228,230,230,230,228,228,228,228,228,225,222,217,217,217,222,225,228,228,228,228,225,225,222,217,212,209,209,215,215,215,209,204,204,202,202,199,198,200,204,207,209,209,209,209,209,209,209,209,207,204,202,202,204,204,204,204,204,204,204,204,207,207,207,204,204,204,202,202,202,199,199,199,199,198,198,199,202,199,194,192,192,192,192,194,194,196,196,196,194,191,194,194,191,183,181,178,178,135,133,133,176,181,186,186,183,189,191,178,122,121,125,176,178,178,173,170,170,129,123,120,125,176,181,173,123,123,129,176,176,176,174,176,183,194,202,204,199,196,199,204,199,135,117,121,139,186,189,202,217,225,217,207,203,204,212,225,228,230,238,243,246,246,246,246,243,243,243,246,246,246,243,243,243,243,243,243,243,241,235,225,207,191,135,125,123,121,119,121,127,129,133,176,183,191,204,209,204,186,127,125,127,123,121,115,105,99,103,113,125,189,202,209,225,238,243,241,235,233,228,225,225,235,241,230,222,215,207,196,189,186,131,113,97,99,121,186,209,222,225,225,217,209,205,209,215,225,230,230,233,233,228,225,222,212,205,204,204,205,209,212,215,217,217,217,215,209,207,209,212,212,212,209,207,205,209,212,212,212,204,141,135,141,202,212,209,199,189,191,196,202,207,212,215,215,212,212,209,207,209,209,212,212,207,204,199,196,199,204,207,207,207,209,212,212,209,209,212,215,212,209,207,207,204,202,202,202,204,209,215,217,215,215,215,217,215,215,212,212,212,209,207,204,202,200,202,204,207,209,212,212,215,217,217,217,217,217,217,217,215,215,212,207,145,134,135,143,196,199,199,202,204,207,209,209,212,212,209,204,202,202,202,202,199,202,204,209,212,212,209,207,202,194,186,183,191,202,207,202,194,137,126,128,181,189,191,183,129,133,199,207,209,209,204,105,80,91,133,202,207,204,202,202,202,204,207,207,204,207,209,209,207,204,204,204,207,207,204,199,141,133,189,202,204,207,202,196,195,196,199,199,199,202,204,202,196,196,196,194,191,190,190,190,191,196,196,196,199,199,196,196,199,202,204,202,191,182,181,182,186,189,189,189,196,209,207,196,192,194,196,199,202,207,209,209,207,207,199,194,194,199,202,199,196,191,191,194,204,207,202,189,183,185,189,191,194,194,196,199,202,202,196,194,199,209,215,217,217,217,217,215,207,199,198,202,209,215,212,215,217,222,215,209,207,204,207,209,209,212,209,207,207,205,207,209,209,204,202,199,196,196,196,191,186,191,189,93,75,121,186,194,191,183,183,189,186,131,123,123,123,115,113,119,129,181,178,133,181,194,196,199,207,220,225,225,225,215,196,178,123,107,101,113,129,127,107,90,89,94,109,173,191,189,176,129,125,113,93,89,99,176,196,204,204,202,194,181,129,127,181,191,199,204,212,222,217,213,213,217,228,233,233,233,238,241,241,235,230,229,229,228,229,233,238,238,235,241,246,243,238,235,238,238,238,235,233,233,230,225,225,228,228,225,225,222,215,207,207,209,209,196,178,123,113,105,97,97,111,176,196,209,207,194,139,137,145,209,225,238,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,243,220,153,145,141,139,140,194,207,204,196,0,0,186,186,186,189,191,191,191,196,199,194,183,178,183,183,181,173,123,117,121,160,157,117,115,115,117,155,155,157,119,117,113,110,108,109,115,189,222,248,255,255,248,238,230,230,233,235,235,238,241,243,238,226,224,226,235,246,251,251,251,251,243,233,222,212,212,215,215,207,199,191,186,181,178,0,173,183,202,215,222,222,222,222,217,207,199,194,189,189,194,196,199,204,209,215,217,225,0,0,0,0,0,0,248,0,0,0,246,248,248,243,238,238,243,246,243,243,246,248,243,233,225,217,212,212,215,212,202,199,202,204,199,194,189,143,141,139,135,135,137,189,196,204,207,209,212,215,215,215,215,217,222,222,225,225,228,228,228,228,230,230,228,222,215,209,204,202,196,194,191,191,191,189,189,191,199,204,202,202,202,202,202,202,202,204,207,207,207,207,202,199,196,196,196,204,215,230,230,225,225,225,230,233,233,233,235,235,238,238,241,241,243,246,243,238,238,241,241,238,235,238,241,238,233,233,233,233,233,238,241,238,238,246,251,254,248,246,243,241,235,228,226,226 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,142,150,157,160,163,168,176,178,173,170,168,165,163,157,157,163,168,170,176,170,122,117,119,170,181,176,129,129,176,176,129,127,127,131,131,173,176,178,181,178,176,178,178,178,178,183,181,178,178,178,176,170,170,170,168,123,121,122,125,168,170,168,127,127,127,125,125,127,168,170,170,127,123,123,127,168,170,173,173,178,178,181,183,183,176,170,127,127,124,124,170,183,191,194,189,176,170,170,127,123,123,121,119,121,125,168,166,165,164,165,168,176,178,176,176,178,178,170,170,176,181,181,176,173,173,170,127,127,170,129,129,129,128,129,173,173,178,191,199,186,172,173,176,129,123,121,122,129,181,186,178,127,124,129,129,123,122,125,129,170,127,129,183,186,183,183,186,189,173,125,173,189,191,181,129,125,125,124,127,170,170,127,126,127,170,178,183,178,173,129,129,129,128,127,128,129,129,129,170,173,173,173,127,125,170,191,207,209,204,194,170,109,117,189,191,115,103,109,127,170,169,173,176,176,181,189,186,186,189,191,191,186,183,183,176,170,178,199,207,186,83,44,66,115,178,191,196,196,196,196,194,189,178,125,110,105,108,173,181,181,170,119,119,170,183,183,168,119,109,108,121,123,107,104,119,127,124,125,194,207,199,189,189,189,186,186,189,191,194,191,181,172,172,173,173,178,183,183,176,174,178,189,194,191,186,178,176,183,191,194,189,183,181,178,183,189,189,186,183,181,170,166,169,176,178,176,115,106,183,191,194,186,181,181,183,191,194,191,181,119,108,107,108,111,117,173,191,202,207,209,191,127,127,176,186,189,189,191,189,111,75,83,93,115,125,173,181,183,173,170,178,189,186,178,125,105,107,127,178,173,168,165,165,173,173,172,176,191,196,199,212,217,83,0,0,0,0,0,35,123,189,163,107,113,125,170,176,178,176,105,105,109,119,127,129,127,126,127,176,183,181,173,170,176,181,181,181,181,176,173,173,176,181,183,183,181,181,181,181,183,183,189,189,189,189,189,189,191,194,191,186,183,189,199,207,207,204,196,187,187,194,199,207,209,207,199,194,194,196,191,183,178,135,135,178,181,183,186,183,181,176,178,183,186,189,186,183,191,191,186,182,183,191,191,183,179,181,189,194,191,186,186,194,196,194,191,191,191,191,191,191,191,194,194,194,194,196,196,191,191,194,194,196,199,199,199,199,199,194,191,192,196,196,194,192,192,194,196,196,199,199,191,183,183,186,131,127,135,191,199,194,183,178,181,183,183,183,189,194,194,189,186,183,183,183,186,189,186,181,178,135,178,183,186,183,183,183,183,183,181,137,181,189,194,191,189,189,194,196,196,196,194,196,196,199,199,199,194,196,207,212,212,207,205,209,215,215,217,212,207,205,205,205,205,207,207,204,207,204,202,200,202,207,204,204,207,215,222,225,222,215,211,211,215,215,215,215,212,209,209,209,209,204,199,198,199,207,212,212,209,207,207,207,202,199,194,192,194,199,202,202,196,194,194,194,192,192,199,204,199,194,194,196,202,202,199,199,199,202,204,207,209,207,207,209,222,228,228,228,228,228,225,222,222,222,222,222,222,217,217,217,222,222,217,216,216,217,222,217,212,207,215,225,230,228,228,225,217,212,212,217,217,222,225,228,225,225,225,225,222,222,222,222,217,215,217,222,228,230,230,233,230,228,228,228,228,228,225,222,225,225,225,225,228,228,228,228,228,225,225,222,217,212,208,209,215,215,215,209,204,204,204,204,200,199,200,207,209,209,209,209,209,209,209,209,209,207,204,199,196,199,199,199,199,199,199,202,204,204,204,207,204,204,204,202,202,204,204,204,202,199,198,198,202,202,202,196,194,194,194,194,194,191,191,194,194,194,191,194,196,194,189,181,178,135,135,133,133,133,178,181,176,133,178,189,181,123,121,127,178,181,181,176,170,170,129,123,121,123,129,176,170,125,123,127,173,176,178,176,178,181,186,191,194,189,186,191,204,202,137,116,117,189,199,196,202,215,222,222,212,205,205,217,228,228,226,230,238,241,243,246,243,241,241,241,243,243,241,241,241,241,241,241,241,238,235,228,217,204,189,135,129,125,123,121,123,127,129,133,135,181,191,199,202,194,183,178,133,131,131,181,183,121,109,111,115,115,129,202,212,222,241,251,254,248,238,228,215,215,0,0,228,222,217,215,215,212,204,181,121,109,113,127,181,194,204,209,215,215,209,205,208,213,222,230,233,233,230,225,225,222,217,209,207,207,209,212,215,215,215,212,212,212,209,207,207,209,212,215,215,209,209,209,212,209,209,207,196,191,194,204,209,199,139,135,137,141,194,204,212,215,215,212,209,209,209,207,207,207,207,204,199,196,199,202,202,202,199,199,204,209,209,207,207,209,209,207,207,204,202,199,199,199,196,199,204,212,215,212,212,215,217,217,217,215,215,212,209,207,204,202,200,202,207,212,215,212,212,215,217,215,212,212,215,215,215,215,215,212,207,194,140,141,194,199,199,202,204,207,209,212,212,212,212,212,209,204,202,196,196,194,196,202,209,212,215,212,209,204,189,135,135,189,202,207,204,199,183,124,127,189,191,186,137,129,135,196,204,207,212,204,101,77,74,103,194,202,204,204,204,202,202,202,202,202,207,212,212,207,204,207,203,204,215,207,199,137,133,141,191,199,204,204,199,196,196,199,199,196,202,207,207,202,204,202,196,191,190,190,190,194,196,194,196,199,202,202,202,204,207,204,202,196,189,183,182,183,189,196,202,207,212,212,202,194,191,191,192,196,204,209,209,209,207,199,189,185,189,194,196,194,191,194,199,204,207,207,202,191,186,186,186,189,191,194,196,199,199,194,192,194,204,212,215,215,215,215,212,207,202,202,207,212,215,215,215,217,220,215,209,207,207,207,209,209,209,207,207,205,205,205,207,207,207,207,204,202,199,194,137,127,189,191,104,108,183,194,194,181,129,133,181,183,133,123,119,117,113,115,125,176,181,176,133,181,194,196,199,209,228,230,230,222,209,186,121,107,91,87,89,113,127,127,109,95,95,103,121,183,186,178,127,121,115,107,107,123,181,196,202,202,194,189,183,178,178,186,196,204,212,217,222,222,215,213,217,225,230,233,235,238,241,238,235,233,230,229,229,229,233,238,235,233,238,243,238,228,228,235,243,243,238,235,233,228,222,225,228,230,225,220,215,209,204,204,207,204,186,129,115,109,103,93,87,91,103,133,204,204,186,129,126,131,147,212,233,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,238,215,151,145,141,140,141,196,204,204,199,194,189,183,178,177,177,178,178,176,183,194,194,189,183,186,183,181,173,121,115,119,160,157,117,115,113,111,113,117,160,160,160,119,115,113,115,123,202,230,0,0,254,248,243,238,235,235,235,235,233,238,241,238,230,226,228,235,243,248,251,251,251,241,228,215,209,0,209,209,199,191,186,181,176,0,0,165,178,196,0,0,0,228,228,225,215,207,202,196,191,189,191,196,204,212,215,217,225,230,235,235,0,0,0,246,0,0,0,246,0,248,243,237,237,241,243,243,241,243,246,241,230,222,215,209,209,212,212,202,196,199,202,199,191,189,189,143,141,139,137,137,143,191,196,202,204,209,212,215,213,213,217,222,228,228,228,228,228,228,230,230,230,228,225,217,209,204,196,191,143,186,186,189,191,189,189,196,204,209,207,207,204,202,202,202,204,209,212,215,215,209,204,199,194,194,199,209,225,228,225,225,228,230,233,233,233,235,238,241,241,241,243,246,248,246,243,243,243,243,241,238,238,241,235,233,233,233,231,230,235,241,238,241,246,254,254,248,246,243,238,233,228,228,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,139,152,165,176,176,178,181,183,178,173,165,160,157,155,157,160,165,165,168,168,165,165,173,176,170,125,122,125,170,129,127,131,173,131,131,173,173,176,181,181,178,176,176,176,178,183,186,183,181,178,176,170,170,173,170,127,127,168,170,170,168,127,126,127,168,125,123,123,124,127,125,123,123,122,125,168,176,176,173,173,176,176,173,129,129,127,129,170,173,127,168,176,178,181,181,176,170,168,125,123,123,119,116,118,127,170,170,166,165,166,170,178,181,178,176,178,176,169,170,181,186,186,178,127,125,129,176,173,170,173,173,173,170,173,176,178,181,191,194,186,181,181,176,125,122,121,122,170,189,194,181,125,122,125,170,129,124,123,124,125,125,170,189,189,183,176,173,173,123,125,181,194,191,178,129,125,124,124,125,129,129,127,126,127,129,128,173,176,173,173,173,176,173,129,129,129,170,178,181,178,176,170,124,124,178,199,209,209,202,186,113,96,102,127,194,121,113,119,176,176,170,176,181,181,183,186,183,181,186,194,196,189,181,178,176,181,191,204,209,209,207,68,89,125,178,191,196,196,194,191,194,194,186,170,113,107,110,170,186,191,186,173,165,173,189,186,170,170,176,113,113,115,108,104,119,168,125,168,191,202,194,183,186,186,186,186,186,189,191,189,176,172,172,173,131,173,178,181,176,176,183,191,194,194,189,178,176,178,183,186,186,186,183,181,181,183,186,186,186,183,173,170,170,173,173,127,105,95,173,191,191,183,181,183,191,199,199,196,183,125,111,108,108,108,109,115,176,194,204,204,173,115,123,183,199,199,194,199,199,125,75,81,97,123,127,173,189,191,181,170,173,181,181,173,123,115,123,173,173,113,97,101,115,173,181,176,178,191,199,199,209,217,41,0,0,0,0,33,121,194,194,191,123,119,168,176,178,178,173,106,109,125,176,178,178,173,173,173,186,194,191,183,181,181,181,183,186,183,178,173,173,181,186,191,186,181,176,178,183,186,183,181,181,181,183,183,183,183,186,186,182,182,183,194,204,207,202,196,187,186,189,196,204,209,209,204,199,199,199,199,191,186,183,181,181,181,183,186,186,178,133,178,191,196,202,199,196,199,191,183,182,186,191,189,182,181,186,196,202,196,186,185,189,194,191,189,189,189,191,194,194,194,194,194,191,194,196,194,191,191,189,189,191,196,199,202,199,199,196,194,196,202,202,199,196,196,196,196,196,199,199,191,186,183,183,123,123,131,189,194,189,178,176,178,183,186,189,191,194,194,191,189,183,178,178,181,181,133,127,127,129,135,183,189,186,183,183,183,183,137,133,135,181,186,186,186,186,189,189,189,189,191,191,189,186,189,189,191,199,209,217,215,207,205,207,212,215,215,212,205,205,205,207,207,207,204,203,204,207,207,204,207,212,212,209,212,217,222,222,217,212,211,211,212,212,215,215,212,208,208,209,207,204,199,198,198,202,209,212,209,207,207,204,199,194,191,191,194,199,204,204,202,196,196,196,194,194,199,207,204,196,196,199,199,196,196,194,191,194,199,204,207,207,207,212,222,230,230,228,225,225,222,217,217,217,217,222,222,217,217,217,222,222,217,216,216,217,217,217,212,209,215,228,230,228,225,222,217,212,212,215,217,222,225,228,228,225,228,225,225,225,222,222,222,222,222,225,230,230,233,233,233,230,228,228,228,228,228,228,228,230,228,228,228,228,228,228,228,225,222,217,215,209,208,209,212,215,212,209,207,207,209,209,207,202,204,209,209,209,209,208,208,209,209,209,207,204,202,196,194,194,196,196,196,196,196,199,199,202,204,204,204,204,204,204,204,207,207,207,207,202,199,199,199,202,202,199,196,196,196,196,194,191,189,189,191,194,194,194,196,196,191,183,178,135,135,135,133,133,133,133,131,130,173,189,186,127,124,173,181,183,181,176,173,173,129,125,123,121,121,125,127,127,127,129,173,178,181,183,183,183,183,186,183,179,178,183,199,199,135,115,114,196,209,207,207,215,217,217,215,209,209,225,230,228,226,228,233,238,241,241,241,238,235,235,238,238,235,235,235,238,238,238,238,235,230,222,209,199,189,139,133,129,125,121,121,125,129,131,135,178,186,191,186,182,183,191,191,186,189,204,209,186,123,121,117,110,117,199,204,209,225,241,243,241,235,228,215,207,0,0,222,222,222,217,217,0,209,135,125,117,117,125,127,133,183,199,217,228,225,217,220,225,228,230,235,235,233,225,222,225,222,217,215,212,212,215,215,212,209,209,212,215,215,212,209,207,209,212,215,212,209,207,207,207,209,207,199,196,196,202,202,191,135,134,134,136,143,199,209,215,215,212,209,209,209,207,204,204,204,202,195,195,199,204,202,198,196,198,204,209,209,207,204,202,202,202,202,199,196,194,194,191,191,191,199,207,212,207,204,207,212,215,215,217,215,215,212,212,209,207,207,207,212,215,215,212,212,212,215,212,207,207,209,212,215,215,215,212,207,202,196,196,202,202,202,202,207,209,215,217,217,215,215,215,212,207,199,194,192,192,194,199,207,212,215,215,215,209,139,132,132,137,196,204,207,204,196,128,132,204,202,186,133,129,183,196,202,207,207,196,105,82,66,93,186,199,204,207,207,204,202,199,198,198,204,212,212,207,207,209,203,203,220,217,209,189,133,139,186,194,204,207,202,196,199,202,199,195,199,207,207,204,204,202,199,194,191,191,191,194,194,191,191,196,199,202,207,209,207,204,199,196,194,189,183,182,186,199,204,207,212,212,204,199,191,191,192,196,202,209,212,209,202,196,186,183,185,191,191,190,191,199,202,202,204,207,207,202,194,191,191,191,194,196,199,202,204,196,192,192,202,209,212,209,207,209,209,212,212,209,209,209,209,209,212,215,217,215,209,207,209,209,209,207,207,207,207,207,207,207,205,207,212,215,212,209,209,204,129,119,183,186,115,181,191,194,186,129,126,131,183,186,178,125,117,113,112,117,131,181,178,133,133,181,191,196,202,215,230,238,235,220,194,125,115,107,95,87,85,89,121,178,178,123,103,95,93,103,121,123,119,115,113,111,113,123,176,186,196,199,181,176,176,181,186,189,194,202,209,215,217,217,217,217,222,228,230,233,238,238,238,238,233,230,230,230,233,233,235,238,233,230,233,235,230,225,226,235,246,246,238,235,233,228,222,225,230,235,230,222,217,209,202,194,191,189,178,121,113,109,105,89,81,81,85,95,113,129,131,127,127,133,191,212,233,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,238,217,207,199,147,141,143,194,202,204,204,207,202,194,186,181,178,178,0,170,173,183,186,181,181,178,173,168,123,115,111,115,157,157,117,113,107,106,109,155,181,183,178,168,163,160,165,181,207,233,246,248,246,243,243,241,241,241,235,233,233,235,241,241,238,233,233,238,246,248,248,248,248,238,225,215,209,209,207,204,199,191,183,178,173,0,0,165,178,0,0,0,228,230,233,230,225,217,212,207,196,191,194,199,204,212,215,220,222,225,225,228,0,0,0,241,235,238,0,248,248,246,241,237,237,238,238,235,235,238,241,235,228,222,212,207,204,209,209,202,194,194,196,194,191,189,189,189,189,143,141,141,143,189,191,194,199,207,212,215,215,215,220,228,233,233,230,228,228,230,233,233,233,230,225,217,209,202,194,189,141,140,141,186,191,186,186,196,207,212,212,212,207,202,199,202,204,212,217,222,222,217,209,202,194,191,196,207,222,225,225,225,228,233,233,235,235,235,238,241,243,243,246,248,251,248,246,246,248,246,241,238,238,238,235,233,233,233,230,230,235,241,241,241,248,254,251,248,248,246,238,233,230,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,160,155,168,178,181,183,183,181,178,168,157,155,155,155,157,160,163,163,165,173,191,202,202,191,173,123,122,123,121,117,121,173,173,131,176,178,173,172,178,181,178,173,173,173,173,178,183,183,181,181,181,176,173,176,181,178,173,176,176,170,127,126,126,168,173,170,125,124,125,127,125,123,122,123,125,168,170,170,129,170,178,178,173,129,127,129,170,173,168,121,123,168,170,176,178,176,170,125,123,125,127,123,119,123,176,181,178,170,168,173,178,181,183,178,170,169,169,170,178,186,194,191,178,123,118,123,173,176,173,181,186,183,181,183,191,191,191,194,191,186,181,173,123,122,123,123,125,176,196,199,189,129,123,127,170,129,125,122,124,127,129,173,181,178,170,127,127,123,120,122,173,186,181,125,121,122,125,127,127,129,129,129,127,129,129,128,170,173,170,173,181,186,183,178,173,173,178,186,189,189,183,173,123,123,183,202,207,204,199,178,115,106,108,121,170,170,170,176,181,178,176,178,183,186,189,189,183,181,186,196,199,191,181,174,178,186,191,196,202,204,204,170,127,173,181,186,191,194,191,189,191,194,191,181,178,181,178,181,186,191,194,189,178,181,191,196,176,127,121,115,117,123,121,119,115,119,168,181,194,199,191,178,183,183,183,186,186,183,186,183,176,173,176,176,173,131,129,131,178,186,186,189,189,183,181,176,174,174,178,183,186,189,186,183,181,181,181,183,186,186,181,178,178,178,131,127,97,55,121,186,189,183,183,191,199,202,202,199,191,181,125,115,117,119,113,113,129,189,202,199,115,107,123,189,202,202,196,199,199,178,78,77,97,113,119,127,181,186,178,165,166,176,181,178,127,125,176,186,173,92,76,83,109,173,181,183,186,194,194,191,191,189,33,0,1,0,0,55,196,196,199,196,176,125,168,181,189,181,127,119,125,178,183,186,181,176,172,176,186,194,194,189,186,183,181,183,191,189,178,173,176,183,186,189,186,176,173,174,181,181,178,133,176,178,181,183,186,186,186,186,183,183,186,191,199,204,202,196,189,187,187,191,202,207,207,204,202,202,202,199,194,186,183,183,183,186,189,191,189,178,129,133,189,202,202,199,202,202,194,183,186,194,189,182,181,183,189,196,204,202,191,186,189,191,189,186,186,189,191,194,194,194,191,191,191,191,194,194,194,191,189,186,186,191,196,199,199,202,204,204,207,204,202,199,202,202,199,196,196,196,194,191,189,181,127,122,123,131,186,189,183,176,174,176,183,189,189,191,194,196,196,191,183,178,178,178,133,127,124,124,127,135,186,191,189,186,183,183,178,133,132,132,137,183,186,186,185,186,189,186,186,186,189,186,183,183,185,189,196,209,217,217,209,205,207,209,215,215,212,207,207,212,215,215,209,204,204,207,207,207,209,212,215,217,215,217,217,222,220,215,212,211,212,212,212,212,212,209,209,209,212,209,207,204,199,198,199,207,209,209,207,204,202,196,192,191,192,196,204,207,209,207,204,202,202,199,199,202,207,207,204,204,202,196,194,191,189,187,187,191,199,207,207,207,212,222,230,230,228,222,222,222,217,215,215,215,222,222,217,216,216,222,222,222,217,216,217,217,217,212,212,217,228,228,225,222,222,217,215,212,215,217,222,225,225,225,225,228,228,228,222,217,217,222,228,228,228,230,233,233,233,233,230,230,230,230,230,230,230,233,230,225,222,225,228,228,228,225,217,212,209,209,208,208,209,215,215,212,209,209,209,209,209,209,207,209,209,209,209,209,209,209,209,207,207,204,204,199,192,191,194,196,195,195,195,196,196,199,199,202,204,204,204,204,204,207,207,209,209,207,204,202,199,196,196,199,202,202,202,199,199,196,191,187,186,189,194,196,194,194,194,189,183,181,181,183,183,181,133,131,131,131,132,178,189,186,176,173,181,183,181,178,178,178,176,170,125,119,115,116,123,129,129,129,131,176,178,181,186,191,191,189,183,181,178,178,186,196,194,129,114,116,196,212,215,215,215,215,217,217,212,217,230,235,235,233,233,235,235,238,241,238,235,230,230,230,228,228,230,233,235,235,235,235,233,225,212,199,191,191,143,137,129,125,121,121,123,127,131,178,178,183,186,183,186,199,215,215,204,202,207,212,209,191,133,127,119,117,131,191,196,207,228,233,233,233,230,217,209,207,212,222,225,222,216,217,228,217,183,131,123,119,117,127,125,178,204,230,235,233,230,233,235,233,233,238,238,235,230,228,225,222,220,217,215,215,215,212,208,208,209,215,222,225,222,212,207,207,209,215,212,207,202,202,207,209,204,196,195,196,199,199,191,141,137,136,137,189,196,204,212,212,209,207,209,209,207,207,204,202,196,195,196,202,204,202,199,199,202,204,207,207,202,199,189,129,194,199,199,196,194,191,190,189,190,196,204,207,204,202,202,204,209,215,215,217,217,215,215,215,212,212,212,212,215,215,209,209,212,212,209,204,203,204,212,217,217,217,212,209,212,209,207,207,207,204,204,207,212,215,217,217,217,215,217,215,209,199,192,192,194,196,202,204,207,209,215,215,212,191,137,133,131,137,202,207,207,199,186,189,204,207,137,116,123,189,202,207,209,209,202,194,194,99,69,125,202,207,209,207,207,204,199,196,195,202,212,212,207,205,207,207,209,217,222,215,207,194,186,186,194,204,207,204,202,202,202,196,195,195,199,202,202,204,204,202,199,196,194,194,194,191,191,190,191,196,202,207,209,207,202,199,194,194,191,186,182,189,196,204,207,209,207,202,196,196,196,196,196,202,209,212,207,199,194,186,183,186,191,191,191,199,204,202,199,199,204,204,199,199,199,199,199,202,202,204,207,204,199,194,194,202,209,209,207,204,204,209,212,215,212,207,203,204,207,209,212,215,212,209,209,209,207,202,202,204,207,207,209,209,207,205,209,217,222,220,215,215,220,125,116,129,135,125,178,189,186,133,126,126,176,189,191,186,129,121,117,113,115,127,178,178,129,133,133,176,194,204,212,225,235,235,217,189,129,121,117,113,101,86,85,93,129,181,186,181,113,92,91,97,107,105,99,99,97,101,115,125,176,189,196,129,123,125,133,186,194,196,199,207,209,212,215,217,220,222,225,228,233,235,238,235,233,230,228,230,235,238,238,241,238,235,231,231,233,233,230,233,241,246,246,238,235,233,228,222,225,233,241,238,228,222,215,199,131,125,173,129,111,109,113,103,83,79,78,79,83,93,109,123,129,131,135,194,215,233,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,243,230,220,207,147,141,141,191,194,202,212,220,217,209,199,194,194,189,183,176,173,129,127,127,170,173,165,119,111,107,107,109,117,155,117,109,106,104,107,163,189,194,191,183,0,176,0,196,217,233,241,243,243,243,243,243,243,241,238,233,233,235,241,241,235,233,235,238,246,251,251,251,246,235,222,215,212,207,204,204,199,194,189,189,183,0,0,170,0,0,0,0,233,235,238,235,233,233,230,215,204,199,199,204,207,209,215,225,228,0,0,0,0,0,0,246,241,243,246,246,243,241,243,251,248,238,230,228,225,228,230,228,222,215,209,204,202,204,209,207,196,192,192,196,194,189,189,189,191,194,191,189,143,189,189,191,196,204,209,212,212,217,225,233,235,233,230,225,225,230,235,233,233,230,225,217,209,202,194,191,186,141,141,186,189,141,141,191,204,209,212,212,207,202,196,199,207,215,217,222,222,220,212,202,191,146,196,207,215,222,225,228,230,233,235,235,235,238,238,241,241,243,248,251,251,248,248,251,251,248,241,238,238,238,235,233,235,235,231,231,235,241,241,243,248,248,248,246,248,246,238,233,230,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,155,152,157,170,178,183,178,173,165,157,152,152,155,157,157,157,163,163,163,176,204,212,212,207,196,178,170,129,119,114,114,115,113,176,186,186,176,172,176,178,178,173,173,173,173,173,173,173,176,178,181,178,176,178,178,176,173,181,178,170,168,127,168,170,173,168,125,125,168,170,168,125,123,122,122,127,168,168,127,129,170,173,170,129,127,127,127,125,119,115,119,168,170,173,176,173,125,122,123,127,170,170,168,173,181,183,176,123,165,181,183,183,183,178,170,168,169,176,183,191,196,196,183,127,118,119,127,173,178,189,196,199,196,199,202,202,196,196,189,183,176,127,123,123,129,129,127,176,194,199,194,176,127,127,129,127,125,125,170,178,176,170,170,129,126,125,127,127,123,123,127,129,125,122,122,127,176,176,176,176,176,176,173,170,129,170,176,173,169,176,186,191,194,189,183,183,189,194,196,194,186,176,127,129,189,204,204,199,194,181,127,119,121,125,129,173,178,183,183,181,178,176,178,183,186,183,178,181,189,199,199,194,181,176,176,181,183,186,183,183,176,123,127,176,178,181,183,189,191,186,186,191,189,183,183,183,181,178,183,189,194,191,186,186,194,202,183,127,117,115,127,173,168,125,117,121,178,194,202,202,199,194,178,129,178,186,181,178,178,178,173,173,178,178,176,129,128,128,176,178,178,181,181,176,176,176,174,176,178,186,191,191,189,186,181,178,178,183,186,189,189,183,178,178,176,173,73,43,121,181,186,189,191,199,202,204,202,196,189,183,176,131,131,173,129,127,178,194,196,173,105,106,170,194,202,204,202,199,202,189,95,90,101,109,113,121,170,176,170,164,166,176,183,183,176,176,189,191,189,127,92,92,115,176,186,194,196,202,191,176,123,170,89,117,168,105,53,93,199,196,191,183,173,165,176,189,196,189,176,127,173,181,186,186,183,176,172,178,189,196,196,191,189,186,186,189,191,183,173,173,181,186,183,183,181,176,174,174,176,176,131,129,131,176,181,186,189,191,191,191,191,191,189,191,196,199,196,196,194,191,191,194,199,202,202,202,204,202,199,189,183,181,181,181,181,186,194,196,194,129,123,133,189,199,196,196,202,202,194,181,189,194,186,179,181,186,194,202,209,212,202,191,189,189,186,185,185,186,189,191,191,189,189,191,191,191,194,194,194,194,194,189,186,186,191,196,199,204,207,212,209,207,202,202,204,204,199,194,194,196,196,194,186,127,121,123,125,133,183,189,183,176,174,176,181,186,191,191,194,199,199,194,186,181,181,178,176,131,129,124,125,133,183,189,189,186,183,183,181,133,132,133,181,186,189,189,185,185,186,189,189,189,189,189,186,186,189,191,199,209,222,222,215,212,212,215,217,222,217,215,217,225,222,215,209,204,207,209,212,212,212,215,217,220,217,217,217,217,215,212,212,212,212,212,212,212,212,209,209,212,215,215,212,209,204,199,199,204,209,209,204,202,202,199,196,194,196,199,204,207,207,207,204,204,204,204,204,207,209,209,212,212,207,196,194,194,191,189,189,191,196,204,207,207,212,225,230,230,225,222,222,222,217,215,215,217,222,222,217,216,217,222,225,222,217,216,217,222,217,212,212,217,225,225,222,217,215,212,212,212,215,217,217,222,225,225,225,228,228,225,217,216,216,225,230,233,230,230,230,233,233,233,233,230,233,233,233,235,235,235,233,222,217,222,225,225,222,217,212,208,207,208,209,209,212,215,215,212,209,209,209,209,209,209,209,209,209,209,209,209,209,207,207,204,202,202,202,199,192,191,194,196,196,196,196,196,199,199,199,202,202,202,204,204,204,207,207,207,207,207,207,204,202,194,194,196,199,202,202,199,199,196,194,187,186,189,194,196,194,194,194,189,181,181,183,189,189,186,178,133,133,176,178,183,191,189,178,176,181,181,178,176,178,178,176,129,123,112,113,119,131,173,129,129,176,178,181,181,186,194,196,194,189,181,178,179,189,194,189,133,121,125,191,209,222,225,222,217,220,217,217,225,233,238,238,238,235,235,238,241,241,241,233,228,222,222,222,225,228,230,233,233,233,233,230,225,209,199,191,191,191,141,133,127,121,120,121,123,129,178,181,183,186,194,204,215,225,222,212,204,204,207,209,207,199,181,133,129,135,186,191,202,222,228,230,235,235,228,217,212,217,225,0,222,222,228,235,233,217,191,129,117,113,113,109,121,196,228,238,238,235,235,235,235,235,238,238,235,233,230,225,222,217,215,212,212,212,209,208,209,217,222,228,228,222,215,209,207,209,212,209,204,200,202,204,207,204,199,195,195,196,199,196,194,189,189,191,194,196,202,207,207,204,204,207,209,209,209,207,204,199,196,202,204,204,204,204,207,209,209,204,199,199,194,137,119,139,196,202,202,199,194,190,190,190,194,202,204,204,202,202,203,209,212,215,215,215,215,215,215,215,212,212,212,215,212,207,209,209,209,207,203,202,204,212,217,217,217,212,212,217,217,212,207,207,204,204,207,209,212,212,215,215,215,217,215,209,199,194,196,202,204,204,204,204,207,209,212,209,204,189,135,129,130,191,202,207,204,196,196,199,196,125,114,121,194,207,209,212,212,204,202,199,107,66,105,202,212,215,209,207,207,202,196,196,199,209,212,209,207,209,209,215,217,222,222,215,202,189,186,194,202,204,204,204,204,202,196,195,195,195,196,199,202,207,207,204,199,194,194,194,194,191,190,191,194,202,207,209,207,204,199,194,191,191,189,186,191,196,204,209,209,204,192,190,196,202,202,199,199,207,209,207,199,194,189,186,191,196,199,202,204,207,204,199,199,199,199,198,199,202,204,204,204,202,202,204,204,199,196,199,204,209,209,204,202,199,202,207,212,209,204,203,204,207,209,209,209,207,207,207,207,202,198,198,202,207,209,209,209,207,207,212,220,225,222,215,212,207,124,117,125,133,131,133,135,129,126,125,127,178,189,194,183,176,131,127,119,119,127,173,133,123,125,125,125,176,191,204,217,228,228,215,196,189,186,183,129,119,99,88,95,115,129,176,191,186,123,101,99,97,87,77,71,69,79,97,107,113,123,131,121,119,123,135,189,199,199,199,202,204,204,209,215,217,217,220,225,228,230,230,230,228,228,228,230,233,235,238,241,243,241,235,233,235,235,238,238,241,243,243,238,233,233,228,217,215,225,238,238,230,225,215,196,125,119,123,125,115,111,109,101,87,80,79,80,83,91,105,123,135,137,135,194,215,230,241,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,238,225,209,194,141,140,141,189,199,209,217,217,212,204,199,196,191,189,183,178,129,124,123,125,173,168,117,106,104,104,106,113,117,115,111,107,107,115,176,191,199,196,194,186,0,0,0,225,233,238,241,243,246,246,243,243,241,235,233,233,238,241,235,230,229,233,238,246,248,251,251,243,235,225,217,212,207,204,202,199,196,199,0,207,189,0,173,0,0,0,230,233,238,238,238,241,243,241,230,215,209,207,204,207,209,215,222,225,0,0,0,0,0,0,251,248,246,243,241,239,243,251,255,254,235,222,215,215,217,220,217,215,212,207,202,200,202,207,209,204,196,196,199,196,191,189,191,196,199,196,194,191,189,189,191,194,202,209,212,212,215,225,233,235,235,230,225,225,230,235,235,230,228,222,215,209,202,196,191,186,141,141,186,186,183,139,189,199,204,207,207,204,199,196,199,207,212,215,215,215,215,207,196,146,146,196,207,215,217,225,228,233,235,238,238,235,235,235,238,241,246,248,251,251,251,251,251,248,246,243,238,238,238,235,233,233,235,233,233,238,241,243,246,248,248,246,243,246,243,235,230,228,230,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,144,147,142,150,165,176,170,157,147,150,150,152,155,157,157,160,165,165,163,176,204,212,212,212,209,202,191,183,131,119,117,113,106,176,186,186,178,173,173,176,176,178,176,176,176,173,128,129,173,176,181,183,181,178,173,168,168,178,176,170,173,178,178,176,170,120,119,123,168,170,127,125,123,121,120,123,168,168,127,125,125,127,127,127,127,125,123,119,116,114,119,168,173,176,176,170,123,121,123,168,170,173,176,176,181,183,115,105,117,191,194,186,183,181,176,170,173,181,189,194,194,196,186,168,118,117,123,176,189,196,202,204,204,204,204,204,202,194,183,173,125,121,121,127,170,129,127,170,186,196,196,186,176,129,126,127,129,176,186,189,183,173,170,127,125,126,170,173,129,125,125,125,125,125,173,183,191,191,189,189,189,189,183,178,170,170,176,170,169,181,191,196,199,196,189,186,191,196,196,189,178,170,129,173,189,199,199,191,183,181,178,173,173,170,170,176,178,181,183,186,183,176,173,173,176,176,176,176,183,191,194,191,183,178,176,178,181,181,173,121,116,117,123,173,178,174,174,178,186,183,183,186,183,176,176,176,173,176,178,181,186,189,189,189,194,194,181,127,115,117,170,178,170,125,119,125,186,199,207,207,202,196,102,99,129,181,178,173,131,129,128,131,176,176,173,131,129,129,173,173,173,181,181,176,174,176,176,178,183,191,194,191,186,183,181,176,176,178,183,189,189,183,176,173,131,123,77,48,119,176,189,191,196,202,202,202,202,194,186,183,181,176,173,170,170,176,186,194,189,105,100,109,183,196,202,204,202,202,204,196,121,95,107,115,115,117,123,127,168,168,173,183,189,186,178,178,191,199,202,196,176,121,127,176,186,202,207,212,199,119,92,121,165,204,209,196,97,99,178,186,181,176,170,170,181,191,196,189,178,173,173,178,181,186,189,183,176,178,189,196,196,191,189,189,189,191,183,172,169,173,186,186,183,181,181,178,176,176,176,131,126,126,127,131,178,183,189,194,196,196,199,196,194,191,194,194,191,189,194,196,196,196,199,199,199,202,202,202,191,181,177,178,179,179,181,189,196,196,181,110,115,135,191,194,194,196,202,202,191,178,186,194,186,181,182,191,202,207,217,222,212,196,189,186,185,185,185,186,189,189,189,187,187,189,189,191,196,196,194,196,199,191,186,185,189,196,199,202,207,209,209,204,202,204,207,202,194,191,189,191,196,196,183,125,121,124,129,135,186,189,186,176,174,174,178,186,191,194,196,199,199,196,189,183,181,181,176,133,127,124,124,129,178,183,183,183,183,186,181,135,133,135,183,191,196,194,186,183,185,191,194,194,194,199,196,194,194,196,202,209,222,222,222,217,217,217,217,217,217,222,225,230,225,215,209,207,209,212,215,215,215,215,217,217,217,217,215,215,212,212,215,215,215,215,212,209,209,207,209,215,217,217,217,215,209,204,202,204,209,209,204,204,204,202,199,199,199,199,202,204,204,204,204,204,207,207,207,209,209,212,212,215,209,196,194,196,199,199,196,194,196,204,207,209,217,225,230,228,225,225,222,222,217,215,215,217,222,225,222,217,222,225,225,222,217,217,222,222,222,215,215,215,222,225,222,217,212,212,212,215,215,215,217,222,222,222,225,228,228,225,217,216,217,225,230,233,233,230,230,230,230,230,230,233,233,233,233,238,238,238,233,222,217,222,225,225,225,222,215,212,209,212,212,215,215,217,215,212,209,207,207,207,207,207,207,207,207,207,209,209,207,207,204,202,199,199,202,199,192,191,194,199,199,199,199,199,199,199,199,199,202,204,204,204,204,204,204,204,204,204,204,204,202,196,194,194,196,199,199,196,196,196,194,189,187,189,194,194,196,196,194,189,181,181,186,189,194,191,183,178,181,183,186,189,191,189,181,178,181,178,129,127,173,173,129,127,123,111,111,119,173,176,131,173,178,181,181,181,186,194,199,199,194,181,179,186,191,194,189,137,131,133,141,194,209,222,222,222,222,222,220,225,233,238,241,238,238,235,238,241,246,243,235,225,215,215,217,222,225,228,228,230,230,228,228,222,209,199,191,191,189,141,135,129,121,120,119,120,125,135,181,181,189,202,217,225,222,212,207,204,199,198,202,212,217,204,196,189,186,186,191,202,217,225,230,235,238,233,222,217,222,228,0,225,230,233,235,235,233,199,127,117,113,106,104,105,117,209,230,238,238,235,233,233,235,235,235,233,230,228,222,220,217,215,212,212,215,215,215,217,225,228,230,228,220,212,207,209,209,209,209,207,202,200,202,204,204,199,196,196,199,204,204,199,194,196,199,199,196,199,202,202,198,199,204,209,212,212,209,207,202,204,207,204,204,204,207,212,215,215,202,196,194,189,123,113,131,194,202,199,199,196,194,191,191,194,199,204,207,207,204,207,209,212,215,215,212,212,212,212,212,209,207,207,209,207,204,204,207,204,204,203,203,207,212,217,217,215,215,215,217,217,215,209,204,204,207,209,209,207,207,207,209,215,215,215,209,202,199,202,209,212,212,207,204,204,207,209,207,199,189,137,130,131,186,199,207,207,204,202,194,183,125,119,125,202,212,212,212,209,202,196,194,121,68,88,194,209,215,209,207,204,204,199,199,202,209,212,212,212,212,212,215,217,220,217,212,196,189,191,194,196,196,199,202,204,204,202,199,196,199,199,199,204,207,209,204,196,194,194,196,199,196,194,194,196,204,209,212,209,204,199,194,191,194,194,194,196,199,204,207,207,199,190,187,194,199,199,196,199,202,204,204,199,194,191,191,194,199,202,207,209,209,207,202,202,202,199,198,199,204,207,207,202,199,199,199,202,202,202,202,207,209,209,204,196,192,194,199,207,209,207,204,207,209,207,207,204,204,204,204,204,199,198,198,204,209,212,212,207,204,207,212,217,220,217,212,207,196,129,121,125,135,135,135,129,125,125,126,129,176,186,191,186,181,181,176,127,127,131,129,127,119,119,121,123,129,183,196,209,217,217,207,196,194,199,199,189,178,123,107,105,113,117,121,176,196,209,207,178,111,91,73,64,63,67,79,91,99,107,113,115,117,123,135,189,194,194,194,194,196,199,204,209,215,215,215,217,222,222,225,225,225,228,228,228,228,230,233,241,243,243,235,233,233,235,238,241,238,238,238,235,233,230,222,204,191,189,204,228,220,209,204,191,129,119,119,123,121,111,99,93,89,85,85,87,89,91,99,121,139,139,133,139,202,215,228,241,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,241,225,212,202,194,143,141,186,196,204,209,207,204,199,194,191,189,189,191,191,181,125,122,125,176,173,121,109,105,105,107,113,115,115,115,115,152,160,181,191,196,196,196,194,0,0,0,233,233,233,238,246,248,246,243,241,238,233,230,233,238,238,233,226,228,233,241,246,248,248,248,243,235,228,217,207,202,200,202,204,204,0,0,0,204,181,178,0,0,0,233,233,233,238,241,243,248,246,241,233,225,212,209,209,209,212,217,222,0,0,0,0,0,0,251,251,251,246,241,239,243,254,255,251,233,215,209,209,212,212,209,209,209,209,204,200,202,207,209,209,204,202,202,196,194,191,194,199,202,202,196,194,189,189,191,194,199,204,207,207,212,222,233,235,233,230,225,225,228,233,233,230,225,217,212,207,202,196,191,186,141,139,141,139,137,139,189,196,199,199,199,199,196,196,199,207,209,209,209,209,207,204,196,146,147,199,207,212,217,222,225,230,235,238,238,235,233,235,235,241,246,251,254,254,251,248,248,248,246,243,241,238,238,235,233,231,233,235,238,241,243,246,248,248,248,243,241,241,238,230,225,225,228,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,147,147,134,131,142,160,160,147,143,147,150,150,152,152,157,163,168,165,165,181,204,209,209,212,212,209,207,202,196,189,178,121,115,129,178,178,173,129,131,173,176,178,176,174,176,176,170,129,170,178,186,189,191,183,170,166,166,168,170,173,181,191,191,186,170,119,118,120,125,125,125,127,127,123,122,123,127,168,127,125,125,125,124,124,125,127,127,125,119,117,121,168,173,178,181,176,127,123,125,165,165,168,170,173,178,181,116,106,117,189,194,189,189,189,183,178,178,186,191,194,194,191,178,121,116,117,123,176,189,199,202,202,199,196,199,202,202,189,176,127,120,119,121,127,129,129,127,129,178,194,199,196,189,173,127,127,173,181,191,191,183,176,173,170,129,129,173,173,129,125,125,129,176,186,191,196,202,202,199,199,199,202,196,189,176,169,170,169,169,186,196,202,202,196,189,181,181,183,181,170,125,127,129,170,176,183,186,183,178,181,181,178,176,176,176,178,181,178,183,191,191,181,170,169,172,178,176,174,176,183,186,186,186,181,178,181,186,183,170,118,114,118,127,176,178,174,173,174,181,181,178,178,173,127,127,170,173,176,176,173,173,181,186,186,186,181,170,119,114,115,127,170,170,170,121,123,181,199,204,202,189,103,84,87,123,178,178,173,128,126,126,129,173,176,173,173,131,173,176,178,181,186,186,181,181,181,181,183,189,194,194,186,181,181,178,176,174,176,178,181,181,181,176,125,107,105,100,90,119,178,186,189,191,194,196,199,202,196,189,189,186,173,119,113,119,173,186,194,186,105,103,127,191,199,199,199,202,204,207,194,113,31,95,119,117,113,119,127,173,178,183,189,191,189,181,178,191,202,204,199,189,178,176,176,178,191,204,215,209,170,90,170,199,204,215,220,170,94,109,176,176,169,169,170,176,181,186,186,178,173,173,173,176,183,191,189,183,181,189,194,194,191,189,189,189,189,178,168,166,173,189,191,186,183,183,183,178,178,176,129,126,125,127,129,133,181,189,194,196,199,202,199,194,191,191,191,183,179,186,196,199,199,199,199,199,202,202,199,191,183,179,181,181,181,189,196,194,186,109,97,115,183,191,190,191,196,204,202,191,133,181,191,191,186,189,199,204,209,217,225,215,199,189,186,186,186,186,189,189,189,187,187,187,189,189,194,199,199,194,191,196,194,186,185,189,196,199,202,202,207,204,204,204,207,204,194,183,183,186,189,189,189,183,135,127,127,133,181,191,191,186,178,174,176,178,183,189,191,194,196,196,194,189,183,183,181,133,127,123,123,124,127,133,178,181,183,183,186,183,137,135,181,189,196,199,199,191,185,186,194,196,196,199,204,204,202,196,196,199,207,215,222,222,222,217,215,209,208,209,215,222,225,225,217,212,209,209,209,209,212,212,212,212,215,217,215,212,212,212,217,222,220,217,212,207,202,202,207,212,215,217,217,217,217,212,207,204,204,207,207,204,203,204,202,199,199,202,202,202,202,202,202,204,207,209,212,209,209,209,209,212,212,207,199,196,199,204,207,207,202,199,204,209,212,222,225,228,225,222,222,217,217,215,215,217,222,222,222,222,222,222,225,222,217,217,217,222,225,222,217,215,215,217,222,222,217,215,212,215,215,215,213,213,215,217,217,222,225,228,225,222,217,222,225,228,230,230,233,233,230,228,228,228,230,230,233,233,238,241,238,230,217,217,225,228,230,230,228,228,225,222,220,217,217,217,217,215,212,207,207,207,207,207,207,207,207,207,207,207,207,207,204,202,199,198,199,202,199,194,192,196,199,202,199,199,199,199,199,198,198,199,204,204,204,204,204,204,202,202,202,202,202,196,194,194,194,196,196,196,196,196,196,194,194,191,191,194,196,196,196,191,186,183,183,183,189,194,191,186,183,183,186,186,189,191,191,186,183,183,178,121,118,123,129,127,127,129,117,113,115,125,173,176,176,181,183,178,178,181,189,196,199,196,183,183,191,199,199,191,183,137,137,135,135,143,207,212,217,225,222,217,215,225,235,241,241,238,233,235,241,248,248,241,228,215,213,215,222,222,222,222,225,225,225,222,217,209,202,191,189,143,141,137,133,129,123,121,121,123,131,137,181,189,204,222,228,217,207,204,202,199,196,199,215,228,228,217,202,191,189,194,204,217,225,228,233,238,233,222,212,212,222,0,0,230,230,225,222,215,176,123,119,123,109,107,104,102,109,196,230,238,235,233,233,233,233,233,228,222,217,217,217,217,217,215,215,217,217,222,225,228,228,228,225,217,209,207,207,207,209,212,212,207,202,202,204,204,196,195,199,207,209,207,199,194,196,199,199,196,196,199,199,198,198,202,209,212,215,212,207,207,209,207,204,202,204,207,209,215,212,204,199,194,133,107,107,135,194,196,196,194,196,199,199,199,196,199,207,212,215,215,215,215,215,215,212,212,212,212,212,209,204,199,202,202,202,199,199,202,204,203,204,207,209,215,217,215,217,215,215,215,217,215,209,207,207,209,212,209,207,204,205,209,212,215,212,207,199,199,204,209,212,212,209,207,204,207,207,202,183,137,139,135,137,191,196,202,204,207,204,191,135,127,127,181,204,215,215,209,199,183,181,183,129,77,85,137,202,207,204,204,202,202,204,204,207,209,212,215,215,215,215,215,215,212,209,199,186,189,196,196,189,185,189,199,207,207,204,202,202,202,202,204,207,209,209,204,199,196,196,199,204,202,196,194,196,204,212,215,209,202,196,191,194,199,202,202,202,202,199,196,196,196,192,192,194,196,196,196,196,199,199,199,196,189,189,194,196,194,196,202,204,204,204,204,204,204,204,202,199,204,204,204,199,198,199,202,202,204,204,207,207,207,207,204,194,191,191,196,204,212,212,209,212,209,207,204,204,204,207,207,204,202,198,199,207,212,215,212,207,204,207,209,212,215,212,209,207,196,137,125,125,133,181,178,131,126,127,131,176,176,183,189,189,186,181,176,173,181,186,176,125,119,117,117,121,131,181,194,204,212,212,202,192,192,199,204,202,199,189,131,119,115,113,115,127,202,222,228,225,212,186,113,71,66,67,77,89,99,105,109,111,113,117,123,129,135,137,139,186,189,194,202,209,212,215,215,217,217,215,215,215,217,220,222,222,222,225,230,235,241,241,233,230,228,225,230,233,233,233,233,233,233,230,222,202,185,181,185,202,186,176,179,186,178,123,117,123,170,113,83,83,89,91,89,89,91,87,85,99,129,133,125,125,137,147,207,230,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,241,222,209,207,204,196,189,191,196,199,202,199,196,191,189,186,183,189,196,202,196,183,127,125,173,173,165,117,111,109,111,115,117,117,155,157,157,160,178,189,191,194,199,0,0,0,0,238,228,228,238,246,243,241,241,238,233,228,225,230,235,238,233,228,229,238,246,248,248,246,246,241,235,228,215,204,199,200,207,0,215,0,0,0,0,194,194,0,0,230,230,230,230,230,233,241,243,243,241,235,230,222,212,209,212,212,217,222,0,0,0,0,0,0,243,248,254,251,246,243,243,251,254,248,233,217,212,209,209,209,208,209,212,212,207,202,202,204,209,209,207,204,199,196,194,194,199,204,204,202,196,191,189,189,189,191,196,199,202,207,212,222,230,233,233,228,222,222,225,228,228,225,217,212,209,207,202,196,191,186,139,139,139,137,136,137,189,194,196,196,196,196,196,199,199,204,204,202,202,202,202,202,194,191,147,202,209,212,215,217,222,228,233,235,238,233,233,233,235,241,246,251,254,254,251,248,246,246,246,243,241,238,238,238,233,231,231,235,238,241,243,248,248,248,246,243,241,238,233,228,224,225,225,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,163,165,137,129,131,150,155,147,143,146,150,152,152,152,157,163,165,165,173,189,202,207,209,209,207,207,212,212,209,207,199,173,121,127,131,131,128,128,129,173,178,176,174,174,176,178,176,129,129,183,194,199,202,194,183,173,170,168,170,178,186,194,199,194,181,125,121,121,123,122,123,170,181,181,173,170,168,168,127,125,127,168,125,123,124,170,176,173,125,119,119,125,173,189,196,189,173,127,165,165,165,168,170,173,178,183,173,121,165,181,186,186,194,191,189,183,181,186,194,196,196,189,125,114,114,119,127,176,183,194,199,199,196,194,196,199,199,183,170,123,120,120,125,127,129,173,176,170,176,194,202,202,199,181,127,127,173,181,189,186,181,178,181,178,178,178,176,173,127,125,129,181,191,199,202,202,202,204,204,204,207,209,207,199,186,176,173,170,176,189,196,199,196,189,178,170,129,129,129,124,123,125,127,127,127,129,176,181,178,178,176,173,173,178,183,189,186,181,186,194,196,183,172,170,176,189,183,178,178,183,186,186,186,186,186,186,189,183,170,121,121,173,178,181,183,181,176,178,181,181,178,176,127,123,125,173,176,176,170,165,168,176,176,173,173,181,173,117,113,114,117,123,168,181,119,111,125,183,194,189,129,96,87,96,127,176,178,176,129,128,131,176,178,178,178,176,173,173,181,189,191,191,189,186,186,189,189,189,191,191,189,181,178,178,178,176,174,176,178,181,178,178,176,125,105,105,109,115,129,181,183,183,181,181,186,196,202,202,199,202,196,129,110,108,112,170,186,194,186,121,123,183,194,199,202,202,202,202,202,165,45,0,57,113,113,113,123,176,181,181,181,183,189,186,178,178,191,196,196,194,186,181,178,176,176,181,191,204,199,125,68,77,89,123,202,215,189,85,86,123,170,168,168,169,168,169,178,183,181,176,170,129,130,178,186,189,183,183,191,194,191,186,183,183,183,183,176,169,169,178,191,196,194,191,191,189,183,178,176,133,129,127,129,131,176,181,186,191,194,196,199,199,194,191,191,189,181,177,181,191,196,196,199,199,199,199,199,196,194,194,194,194,194,194,196,196,189,135,107,97,127,189,191,191,191,199,204,199,183,131,135,189,194,196,199,202,204,207,215,217,209,196,191,189,191,191,191,191,191,191,189,189,189,189,191,196,199,196,186,181,183,189,186,185,189,194,196,196,199,202,202,202,204,204,199,183,133,135,189,191,181,177,181,181,133,131,178,191,196,194,189,181,176,176,133,178,186,189,189,189,189,186,181,181,183,181,133,125,124,125,127,131,135,178,183,186,186,186,183,181,137,183,191,196,199,202,196,191,191,194,199,199,202,207,207,202,194,192,196,202,209,217,222,222,220,215,209,208,208,212,215,217,222,222,217,212,208,207,208,209,209,209,212,215,217,215,212,211,215,222,225,222,215,204,194,146,194,207,215,217,217,217,217,217,215,212,207,204,204,204,204,203,204,204,202,202,204,204,204,202,202,202,204,209,212,212,212,212,209,212,212,209,207,204,199,202,207,209,209,204,202,207,209,215,222,225,225,222,217,215,212,212,212,215,215,217,217,222,222,222,222,222,222,217,217,217,222,222,222,215,215,212,215,217,217,217,217,217,217,217,215,213,213,215,217,217,217,222,225,222,222,217,222,225,228,228,230,233,233,230,228,228,228,228,228,228,230,235,233,230,225,217,217,228,230,230,230,230,230,228,228,225,222,222,222,220,215,209,207,207,207,207,207,207,207,207,207,207,207,207,207,204,202,199,199,199,202,202,196,194,196,202,202,199,199,199,199,199,199,198,199,202,204,204,204,202,202,202,202,204,202,199,194,191,190,191,194,191,194,194,194,196,196,196,196,194,196,199,199,191,186,183,183,181,183,186,191,189,186,183,186,186,186,189,191,191,189,189,186,178,120,116,121,131,131,173,173,127,117,116,123,173,176,178,181,183,178,177,178,186,191,194,194,186,183,191,202,202,194,139,136,141,139,134,139,199,207,212,220,222,213,211,213,228,241,243,238,230,230,238,246,251,246,233,217,213,215,217,217,215,215,217,222,222,222,217,212,202,194,143,141,141,186,186,183,139,133,127,125,129,135,183,191,202,217,222,217,209,207,204,199,199,204,215,228,230,222,204,191,191,199,207,215,222,225,228,233,230,217,207,202,209,0,0,225,222,215,202,178,119,118,123,133,127,125,109,101,99,123,217,235,238,233,233,233,233,230,225,216,215,216,217,220,217,217,217,217,217,222,225,225,225,225,222,217,215,209,207,207,205,209,212,212,207,207,209,209,199,199,204,209,209,204,196,196,199,202,202,199,199,202,202,198,198,202,209,215,217,212,209,207,209,207,202,199,199,202,207,207,207,207,204,196,109,96,106,186,194,191,186,186,194,202,207,207,204,204,209,215,222,222,217,215,215,212,212,212,215,215,215,209,199,198,198,199,199,199,199,204,204,204,207,209,215,217,217,217,217,217,215,212,212,212,212,209,209,212,215,212,207,205,205,209,212,209,207,202,196,194,199,202,204,204,204,202,204,204,204,196,183,139,186,189,191,194,194,196,202,204,204,186,129,129,133,186,202,212,215,204,189,134,134,137,129,91,95,181,196,199,199,196,194,194,202,207,209,209,209,212,215,215,215,217,215,209,199,186,139,186,202,202,186,181,183,196,207,209,207,204,202,204,204,207,212,209,207,204,207,207,204,204,207,204,199,194,196,202,212,215,209,204,196,191,191,199,202,202,202,199,194,192,192,196,202,204,199,196,196,194,194,194,191,191,186,139,183,189,191,189,191,196,196,196,196,202,207,207,204,204,202,202,202,199,198,199,202,207,207,207,207,207,207,207,207,204,199,194,192,196,204,209,212,212,212,209,204,202,204,207,207,209,207,204,199,199,207,212,215,212,207,204,204,207,207,209,209,207,204,194,183,131,124,127,178,181,135,131,133,178,178,178,183,189,189,183,181,178,181,194,196,181,127,121,115,105,109,127,178,189,202,215,220,209,194,192,199,204,207,207,199,186,127,117,111,112,178,207,222,230,233,233,220,178,99,79,73,81,101,111,113,113,111,109,107,105,107,115,125,133,183,186,194,202,209,215,217,217,220,217,212,209,207,207,202,199,202,212,222,228,233,238,238,233,222,209,207,209,215,217,225,225,222,225,230,225,209,191,187,191,194,179,172,176,181,181,127,117,125,181,125,83,83,87,87,85,83,85,81,78,85,111,119,115,117,127,139,196,228,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,241,222,207,204,204,202,196,202,204,204,202,199,0,194,189,186,183,186,194,204,207,202,186,123,125,165,165,160,119,115,111,113,115,152,155,157,155,157,173,183,189,191,0,0,0,0,0,0,215,220,243,248,241,238,241,238,230,225,222,228,235,241,235,230,233,238,246,248,246,241,241,238,235,225,215,204,200,202,212,0,0,0,0,0,0,0,0,0,235,230,228,225,222,217,217,225,230,233,230,230,230,225,215,212,215,217,222,228,0,0,0,0,0,0,241,0,255,255,251,246,242,243,246,246,238,228,217,212,212,209,208,209,215,215,209,204,204,207,207,209,207,204,199,194,194,196,202,207,204,199,194,191,189,189,189,189,191,196,199,207,212,222,228,230,228,225,217,215,215,217,217,215,209,207,207,207,204,196,194,186,139,138,139,137,137,139,189,194,194,191,194,194,196,199,199,199,199,196,194,196,199,196,194,145,147,199,207,212,212,215,220,225,230,235,235,233,233,233,235,238,243,248,254,254,251,248,246,246,246,243,241,235,235,238,233,231,233,235,238,243,246,248,251,248,246,243,241,235,230,225,225,225,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,178,191,155,131,131,144,152,150,146,146,152,157,157,157,157,160,160,163,173,189,199,204,207,207,202,204,215,217,217,220,209,173,121,127,129,129,128,128,131,178,181,181,178,176,176,176,173,127,127,191,202,207,209,207,196,181,168,168,176,183,189,189,191,191,186,173,127,125,125,123,127,178,191,196,191,186,178,173,168,127,170,176,168,124,125,173,181,181,170,119,119,123,176,196,207,199,178,168,165,168,170,170,170,170,178,181,168,120,165,178,178,176,183,186,181,173,168,176,191,199,196,186,121,114,117,127,173,178,183,191,191,194,194,194,196,199,196,178,127,121,121,125,127,129,173,189,191,178,178,194,202,202,199,183,129,126,170,176,181,181,178,181,183,189,191,191,186,178,170,129,176,189,196,202,202,202,202,204,204,207,209,212,212,207,199,189,183,183,186,189,194,196,189,176,129,126,126,126,127,125,125,127,127,126,125,126,170,178,181,176,170,128,129,178,191,199,196,191,191,199,199,189,176,176,186,191,189,189,191,191,189,189,191,194,191,189,186,181,173,173,186,202,194,186,186,186,186,186,189,189,183,176,127,123,127,173,173,170,125,125,170,170,123,113,115,194,183,125,115,115,115,121,168,127,106,102,109,129,181,181,170,119,121,131,176,178,181,181,181,183,186,186,183,181,181,178,131,129,183,194,194,194,189,186,191,194,194,194,191,189,183,178,178,183,181,178,176,176,181,186,186,183,181,181,173,123,123,131,181,186,183,177,176,177,183,194,199,202,202,207,204,129,111,110,117,173,189,194,183,173,178,189,194,199,202,204,202,194,170,75,37,34,97,115,115,121,183,191,186,178,176,176,178,176,168,168,178,181,181,181,181,178,176,178,178,178,189,196,189,123,59,57,52,86,119,189,183,86,84,125,173,173,173,173,169,169,176,183,181,176,131,129,128,131,178,183,183,189,194,196,191,186,182,182,182,183,181,176,178,183,194,199,199,196,194,191,186,181,178,176,133,129,131,133,176,181,183,186,189,191,196,196,194,191,191,189,183,179,183,191,194,196,196,196,196,196,194,189,189,196,204,204,202,204,199,191,186,181,127,114,183,194,196,196,199,204,202,189,133,130,133,186,196,199,202,202,202,204,209,209,204,196,194,194,194,196,194,194,194,194,191,191,191,191,191,189,186,183,135,131,131,183,186,186,191,194,194,194,194,196,199,202,202,202,194,178,131,133,191,194,178,174,178,181,135,176,183,194,196,194,189,183,178,133,129,131,178,183,183,183,181,129,125,129,176,181,178,131,131,133,135,178,183,186,189,191,191,189,186,183,186,189,194,196,196,199,199,196,194,196,199,202,204,207,207,199,192,191,194,199,207,215,222,222,222,220,215,212,209,209,209,212,215,222,222,212,208,207,208,212,212,212,212,217,222,215,212,212,217,228,228,215,204,147,144,144,147,207,217,222,222,217,217,217,217,215,212,207,207,207,204,204,204,204,202,204,204,207,204,202,199,199,202,207,212,212,212,212,215,215,215,215,209,207,202,202,204,207,207,204,204,204,209,212,215,215,217,215,212,209,209,209,209,212,215,215,215,215,217,217,217,217,217,215,217,217,217,215,212,212,209,209,209,212,215,217,222,222,222,222,217,215,215,215,217,217,217,217,222,217,217,217,222,225,228,230,230,233,233,230,228,228,228,228,225,225,222,228,225,217,217,215,222,230,233,233,230,230,228,228,228,225,222,222,222,217,215,209,207,207,207,207,207,207,207,207,207,207,209,209,207,207,204,202,199,199,202,202,196,191,194,199,202,199,199,199,202,202,202,199,199,202,204,204,202,202,202,202,204,209,207,202,194,190,190,190,190,191,191,194,194,194,194,196,199,199,202,204,199,189,181,179,181,181,181,183,189,186,183,183,186,189,189,189,191,191,191,189,186,176,121,118,125,173,176,173,173,129,125,127,173,173,172,173,183,186,178,177,178,186,189,191,191,186,186,191,202,204,194,137,135,191,194,189,191,202,207,207,212,217,213,211,212,225,238,243,238,230,229,233,241,248,248,241,230,222,217,215,215,212,212,215,217,222,222,217,212,207,196,191,143,186,189,194,196,194,186,135,131,133,181,191,196,204,212,217,222,222,215,207,202,199,204,212,217,217,215,199,190,194,202,204,209,217,222,225,228,225,215,202,194,194,212,0,225,225,217,196,121,116,117,123,133,176,129,117,106,111,183,215,230,230,228,230,233,233,230,222,216,215,216,220,222,217,215,215,215,215,217,217,215,217,222,222,222,217,215,212,207,205,207,212,217,215,215,217,217,209,207,207,207,204,199,196,199,204,207,207,204,204,207,204,202,199,202,209,215,217,212,209,209,209,207,202,199,198,198,202,202,202,207,212,204,98,90,115,191,189,139,136,137,186,199,204,209,209,209,209,215,222,222,217,215,212,209,209,215,217,217,215,209,202,199,202,204,202,202,204,207,207,207,209,215,217,217,215,217,222,217,215,211,211,212,215,212,209,212,215,212,209,207,207,209,207,207,202,196,192,191,192,196,199,202,199,199,202,204,207,202,191,186,194,196,199,199,194,194,196,202,204,186,127,128,133,183,194,207,212,204,189,135,136,181,127,107,113,183,194,196,196,194,191,191,196,204,207,207,204,207,212,215,217,217,217,209,196,186,138,186,199,202,189,182,185,196,207,209,204,202,202,202,204,207,207,204,202,204,209,209,207,207,207,207,202,196,199,204,209,215,215,209,202,191,191,194,196,194,191,191,194,194,194,196,204,209,204,199,196,194,189,183,139,137,133,131,135,139,183,186,189,191,191,190,191,199,204,204,204,204,202,199,198,198,199,202,207,209,209,207,204,207,207,209,209,207,209,207,202,199,202,204,209,209,209,204,200,200,202,207,207,209,209,204,199,199,204,209,212,212,209,204,202,202,204,207,207,202,196,191,183,133,125,125,131,135,135,135,178,178,178,181,186,191,189,183,181,183,186,194,194,181,131,123,107,95,99,121,129,181,202,222,230,225,212,207,209,209,207,204,199,186,129,117,110,109,129,202,217,228,235,241,222,127,105,89,83,93,111,119,117,111,107,105,103,101,103,111,127,139,189,191,196,204,212,217,222,225,225,222,215,209,204,196,143,137,139,194,207,217,225,233,233,228,212,196,191,194,199,202,207,209,207,209,220,222,215,204,204,212,215,204,189,181,181,173,119,109,119,181,181,109,89,85,83,78,76,78,79,79,89,105,111,109,115,129,141,199,230,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,228,204,194,196,199,204,209,212,212,209,209,207,202,194,189,181,181,186,199,209,215,207,125,123,163,163,163,160,117,111,109,111,113,152,152,113,150,0,181,186,0,0,0,230,243,246,0,0,0,0,251,238,233,241,235,228,217,217,228,238,241,235,228,225,230,235,238,241,235,233,235,230,222,212,207,204,209,0,0,0,0,0,0,0,0,0,246,238,228,222,215,209,207,204,207,215,217,217,222,222,222,217,215,220,222,225,230,235,0,0,0,0,243,248,0,255,255,248,243,242,241,243,246,243,235,225,222,215,209,208,209,215,215,209,207,209,209,207,207,207,204,199,196,194,196,199,202,202,196,191,189,189,189,189,191,191,194,199,207,212,217,225,228,225,222,215,209,209,209,209,207,204,204,207,209,204,199,194,186,139,138,139,139,139,186,191,191,189,186,189,191,194,194,196,196,194,194,192,192,194,194,145,143,145,196,204,209,212,215,217,222,228,233,235,233,233,233,233,238,243,248,251,254,251,248,246,246,246,243,241,235,235,235,233,233,235,238,241,246,248,251,248,246,243,243,241,235,230,228,228,228,225,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,168,189,157,133,133,144,152,152,150,147,155,160,160,157,157,157,157,163,170,186,196,202,204,204,199,204,215,215,217,228,217,127,118,125,129,129,129,131,176,181,183,183,183,183,178,127,111,113,127,194,207,209,212,209,199,173,109,119,176,189,189,181,178,181,181,176,170,168,168,170,173,183,194,199,199,196,194,183,176,173,176,178,168,124,125,173,181,178,170,123,121,125,170,191,202,196,181,168,125,165,168,165,121,125,176,176,120,117,125,173,125,113,125,170,124,112,109,120,183,194,189,176,118,117,127,178,181,183,189,189,186,183,186,191,194,194,191,173,121,119,123,129,129,129,176,196,202,183,176,191,199,196,194,186,173,127,129,170,173,176,178,181,183,189,194,194,191,183,178,178,183,191,199,202,204,202,202,204,207,209,212,212,212,209,209,202,191,191,189,181,183,191,183,129,126,127,127,129,170,170,170,129,127,127,127,127,170,176,178,173,129,127,129,178,194,199,196,191,191,196,202,191,178,176,181,181,183,189,194,189,183,189,199,199,191,186,183,181,176,178,196,212,202,189,183,186,186,189,191,191,181,168,123,125,168,170,125,125,123,123,127,123,107,104,108,176,186,173,125,125,125,127,173,127,105,103,110,127,176,181,178,178,181,183,183,186,189,189,194,196,194,189,183,181,181,176,129,129,183,194,194,191,189,189,194,196,196,196,194,186,183,183,189,194,189,181,176,176,183,191,194,191,189,191,194,181,176,181,183,186,183,177,177,178,186,191,194,196,199,207,204,181,125,127,173,181,191,189,176,176,183,189,191,196,199,199,191,107,61,57,61,121,168,127,125,178,196,199,194,186,181,176,176,170,127,126,129,127,121,123,170,178,181,181,181,183,194,196,194,191,123,115,93,92,127,186,191,127,117,173,176,176,181,183,178,176,181,183,181,178,176,131,130,131,178,186,189,189,194,196,191,186,183,183,183,186,186,186,186,189,194,196,199,196,196,194,189,183,183,178,133,131,131,133,176,178,181,181,183,189,194,194,191,191,189,186,183,186,191,191,194,196,199,199,199,196,189,185,186,196,204,209,207,207,199,194,191,189,186,183,196,204,204,207,209,207,196,178,130,130,178,191,199,199,198,199,202,204,207,204,202,199,196,196,196,196,196,194,194,194,194,194,194,191,183,133,123,123,129,129,129,178,186,189,194,194,191,191,191,194,196,199,196,196,191,181,133,134,186,189,178,176,181,183,181,181,186,189,186,186,189,186,178,127,122,123,133,181,181,181,178,124,121,123,131,178,183,181,181,183,186,186,189,191,191,194,194,191,189,189,191,194,196,196,194,194,194,194,194,196,202,204,204,204,207,199,192,191,194,199,207,215,220,217,222,222,222,215,212,209,209,209,215,217,220,215,212,209,215,217,217,215,215,222,225,217,212,212,222,228,222,204,147,146,146,147,196,207,215,222,217,217,217,222,222,222,215,212,207,207,204,202,204,204,202,202,204,207,204,202,196,196,199,204,209,212,212,217,222,222,217,215,209,207,204,204,204,204,204,202,202,202,204,207,207,207,209,209,209,209,209,209,212,212,212,211,211,212,215,215,215,215,215,215,215,215,209,207,204,204,204,204,207,209,209,212,212,215,217,222,222,217,215,215,215,215,215,215,217,217,222,225,228,230,230,233,233,233,233,233,230,228,225,222,222,222,222,222,215,212,212,215,225,233,235,233,230,228,228,228,228,225,222,222,220,217,215,209,207,207,209,209,209,209,209,209,209,209,209,209,209,207,207,204,202,202,202,202,196,190,190,194,199,196,196,199,202,202,202,199,199,202,202,202,202,202,202,202,204,209,209,204,196,194,191,191,191,191,191,194,194,194,194,196,199,199,199,202,202,191,181,179,181,181,181,183,189,186,183,183,189,189,189,189,189,191,191,189,183,176,127,125,129,173,176,176,173,131,131,178,178,173,170,173,186,186,178,178,183,189,191,191,191,189,186,194,199,202,196,139,137,196,204,199,196,202,204,207,209,220,222,217,217,228,238,243,241,235,230,229,235,243,248,243,238,230,222,215,212,212,212,215,217,217,222,217,217,212,207,199,194,189,194,199,202,199,191,183,137,183,189,196,202,207,209,215,222,222,217,212,204,202,199,199,196,199,204,199,191,194,199,199,202,209,215,222,222,215,204,199,194,190,199,215,225,230,228,202,123,117,118,125,178,181,121,113,115,131,186,196,199,199,207,217,228,230,228,225,217,217,217,220,217,212,211,212,212,215,217,215,212,212,215,217,220,220,217,215,209,207,209,215,222,222,220,222,222,217,212,209,209,207,202,196,196,202,207,209,209,209,212,209,204,204,204,209,215,215,212,209,209,209,209,207,202,198,198,199,199,199,209,215,207,99,93,133,189,141,136,135,137,186,196,202,204,209,207,204,209,215,222,217,212,209,207,207,212,222,222,215,209,207,207,207,209,207,204,204,209,209,207,209,215,215,215,212,215,217,217,215,211,211,215,215,209,207,209,212,212,212,212,212,209,207,204,202,196,194,192,192,196,202,202,199,196,199,204,209,209,196,191,196,199,204,202,194,191,194,196,202,189,128,128,133,181,191,202,207,204,196,186,183,186,127,117,117,133,186,191,196,199,194,192,196,202,204,204,202,204,209,215,215,217,215,209,202,191,140,140,189,194,191,186,189,196,204,207,207,204,202,202,202,199,196,196,196,202,207,209,209,207,207,207,204,204,204,204,207,212,215,212,204,194,190,191,189,186,185,189,196,199,194,196,202,207,199,191,189,186,139,133,128,128,128,129,133,133,135,183,191,194,191,191,194,199,202,202,199,202,202,199,198,198,202,207,209,209,209,204,202,204,209,212,212,212,215,215,209,204,202,202,207,212,209,202,200,200,204,207,207,207,207,204,199,199,204,209,212,212,207,204,200,202,207,207,202,196,191,189,186,181,135,133,131,131,135,183,183,178,178,183,191,194,191,183,183,183,183,181,181,176,173,123,107,97,105,123,125,129,196,217,230,233,230,228,222,212,202,194,191,183,133,121,112,111,115,189,209,217,228,233,217,125,109,101,101,113,123,125,115,101,95,95,97,101,107,119,139,196,196,196,202,207,215,225,228,230,230,228,222,217,209,199,141,135,134,137,145,199,209,0,222,215,204,191,139,183,189,189,189,191,191,196,204,209,207,207,215,228,235,225,199,186,183,176,115,99,105,127,181,168,99,87,83,78,76,77,79,87,101,113,115,110,113,133,191,207,230,248,255,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,241,204,143,186,202,0,220,220,220,217,217,212,204,196,186,178,176,178,189,204,215,212,168,123,123,121,119,117,113,109,107,107,109,113,111,104,107,0,178,189,0,0,217,233,235,222,0,0,0,0,246,230,228,230,225,217,215,215,228,235,235,225,209,202,204,212,225,230,230,228,228,217,209,207,207,209,215,0,0,0,0,0,0,0,0,0,251,241,225,215,207,202,196,196,199,207,215,217,217,222,222,222,222,225,228,228,233,238,0,0,0,0,248,248,0,255,254,248,243,242,242,243,246,246,238,233,230,225,215,209,212,215,215,212,209,212,212,207,207,207,207,202,199,194,192,194,196,196,194,191,191,191,191,191,194,194,196,199,204,209,215,222,225,225,222,215,207,202,199,199,199,196,202,207,209,204,199,194,186,139,138,138,139,183,186,189,189,183,183,183,186,189,191,191,194,194,194,194,194,194,194,145,142,143,147,202,209,215,215,215,222,228,233,233,233,233,233,233,235,241,246,248,254,251,248,246,246,246,243,241,238,235,233,231,231,235,238,241,246,251,251,248,243,243,243,241,235,230,230,233,230,225,221 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,142,168,150,133,134,144,150,152,155,155,160,163,160,157,157,157,157,165,173,186,199,204,204,202,199,204,209,209,212,228,225,125,115,121,129,131,173,176,178,183,186,186,186,189,183,111,93,100,125,199,209,212,209,207,194,103,75,95,127,191,191,176,168,170,173,176,173,173,176,178,183,189,194,196,199,202,204,196,186,178,178,173,168,127,127,170,176,173,168,127,127,127,168,176,186,186,176,165,123,123,121,115,110,115,173,173,125,165,176,165,93,91,119,165,118,97,93,111,168,181,176,121,117,119,176,186,186,186,194,191,183,173,170,176,181,186,186,170,120,119,125,170,170,170,178,191,199,176,129,186,194,189,191,191,178,129,127,127,129,173,176,178,181,183,189,189,186,181,181,183,189,191,199,202,204,202,199,202,207,209,212,212,209,212,212,207,189,186,183,173,176,189,178,127,127,170,173,173,173,173,173,170,127,129,170,173,173,176,176,170,129,129,129,176,189,191,186,178,178,189,196,186,129,123,123,127,173,183,186,178,129,178,202,194,189,186,183,181,178,178,186,207,191,181,181,178,181,186,189,178,119,111,117,127,176,170,121,123,121,121,121,111,102,103,111,101,168,176,176,178,178,178,183,183,127,121,170,176,181,183,181,183,186,183,183,189,189,191,199,202,196,189,181,181,181,176,129,131,186,191,194,191,191,194,199,199,199,199,196,189,186,189,199,204,199,186,176,176,181,191,199,196,189,186,189,186,183,183,179,183,181,178,178,183,186,189,189,191,196,204,207,196,189,189,189,186,194,183,129,173,186,191,194,196,191,189,168,50,35,56,127,170,170,168,170,183,194,199,199,196,191,186,178,173,129,128,173,125,109,107,119,178,186,183,183,191,199,199,196,199,189,181,127,178,194,196,199,186,129,127,125,129,181,189,186,186,189,189,183,181,181,178,176,178,186,191,194,191,194,194,191,189,186,189,189,186,186,189,189,191,194,194,194,191,191,194,191,186,183,181,176,131,133,176,178,181,181,178,181,186,191,194,191,191,189,189,189,194,196,194,194,196,202,204,202,199,189,186,186,194,204,209,209,204,196,196,196,194,196,202,207,209,209,212,212,207,186,131,129,133,186,196,202,199,198,198,202,204,204,202,196,194,194,194,196,196,196,194,191,191,194,191,189,183,133,119,115,117,127,133,176,183,189,191,196,194,191,189,189,191,196,196,194,194,191,189,181,134,135,178,178,181,189,194,191,186,181,178,176,178,186,186,178,123,120,121,129,178,181,181,178,127,124,125,133,181,186,189,191,189,189,191,191,194,194,194,191,191,194,194,196,199,202,199,194,190,191,191,191,196,202,204,202,204,204,199,192,191,194,202,209,215,217,215,215,217,217,212,207,207,209,209,212,217,222,222,222,217,222,222,222,215,215,222,225,217,215,215,225,228,217,194,144,196,204,207,209,209,212,215,215,217,217,222,225,222,217,212,209,207,202,199,199,202,202,202,202,204,202,199,194,191,196,202,207,209,212,217,217,217,212,207,204,204,204,202,199,199,202,202,202,202,202,200,200,202,204,207,207,209,209,212,215,215,212,211,209,212,215,212,209,212,212,215,212,209,207,202,196,196,196,199,202,199,196,149,149,202,209,215,217,215,212,212,212,212,212,217,222,228,230,233,233,233,233,233,235,235,235,233,230,228,222,215,215,217,222,222,212,209,212,217,228,230,230,230,230,228,228,228,228,225,225,222,222,217,212,207,204,207,207,209,209,209,209,209,209,209,209,209,209,209,209,207,204,202,202,202,196,190,190,191,196,196,196,199,202,202,202,202,199,199,202,202,202,202,202,202,202,204,207,204,202,199,199,196,194,191,191,191,191,194,196,199,199,198,198,199,202,196,186,181,181,183,183,183,186,186,186,186,186,189,189,189,191,194,194,191,186,181,178,176,173,173,176,178,178,178,176,178,178,173,170,178,191,191,181,178,186,194,194,196,196,194,191,196,199,202,196,189,143,196,204,199,194,196,204,209,215,225,230,230,230,233,238,241,241,238,230,229,230,241,246,246,241,230,222,212,209,209,212,212,212,217,222,222,222,222,215,209,202,196,199,204,207,204,196,189,189,194,196,199,204,209,209,212,215,217,217,217,212,207,196,186,135,139,202,207,202,199,196,194,195,204,212,217,215,207,199,199,194,0,192,207,225,235,235,207,133,127,129,181,186,191,107,103,119,125,121,105,91,99,129,202,217,225,225,222,217,217,217,217,212,211,211,212,212,217,222,217,212,211,212,212,215,217,217,215,215,215,215,217,225,225,222,220,222,217,212,209,212,209,202,195,194,199,204,207,212,215,215,212,207,204,204,207,212,209,207,207,209,209,209,209,204,199,198,199,202,202,212,215,204,109,103,186,191,141,137,137,186,196,199,199,199,204,204,199,202,209,217,217,212,205,205,207,212,217,217,212,209,209,212,212,212,207,204,207,209,209,209,209,212,212,212,209,212,215,215,215,212,212,215,212,207,204,204,207,209,212,212,212,209,209,207,204,202,199,196,196,199,204,202,196,191,194,202,209,212,202,194,196,199,204,202,186,183,189,194,199,194,135,133,137,186,191,196,199,202,202,196,191,189,129,119,114,115,127,189,202,207,202,196,196,199,204,204,202,204,207,209,212,215,215,209,204,196,141,139,139,186,191,191,194,196,202,204,207,207,204,202,199,196,195,194,196,204,209,209,207,207,204,204,204,204,204,204,202,202,207,207,202,194,191,191,189,185,183,189,199,202,194,191,194,196,189,137,135,137,135,128,126,127,128,131,129,128,129,139,191,194,196,196,196,202,202,199,198,199,204,202,199,202,207,209,209,209,207,202,199,202,209,215,215,215,215,215,209,204,202,204,209,215,209,204,200,202,204,207,205,205,209,207,204,202,207,212,212,212,207,202,200,202,207,207,202,194,194,191,191,194,196,191,178,135,178,186,189,183,178,186,194,196,194,186,183,181,131,127,129,129,131,125,117,113,176,178,123,127,189,207,222,230,235,233,222,207,194,189,189,186,183,176,127,119,119,183,199,202,207,217,212,181,117,119,170,181,186,176,115,95,87,86,91,99,111,127,186,199,202,204,207,212,222,230,233,233,230,228,228,225,217,204,145,137,134,135,136,143,196,0,0,202,199,186,135,135,137,133,133,135,181,186,191,196,196,199,215,233,235,215,178,176,189,191,125,95,95,109,173,173,103,91,89,87,81,78,79,91,111,125,127,119,111,131,199,217,235,248,255,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,207,141,186,204,0,0,228,225,222,215,207,196,189,183,176,172,173,183,199,207,207,168,125,121,115,109,107,107,107,107,107,107,107,105,102,103,157,178,189,0,0,215,228,222,196,191,0,0,241,230,212,209,212,212,209,209,212,222,228,222,204,189,181,181,191,209,222,225,225,222,212,205,204,207,212,217,0,0,0,0,0,0,0,0,248,248,238,222,209,202,191,189,191,196,207,222,228,228,228,228,228,228,230,230,230,233,238,0,0,0,0,248,248,0,255,255,248,243,242,246,246,246,241,235,233,233,230,222,215,217,222,222,215,212,212,209,205,205,209,209,204,199,194,192,191,192,194,191,191,194,194,196,196,196,196,199,199,202,207,212,217,222,222,222,215,204,196,191,191,191,191,196,204,0,204,202,196,189,139,138,138,139,139,139,186,186,186,183,183,183,183,186,189,194,196,199,199,196,196,196,191,142,142,147,204,215,217,217,217,222,228,230,233,233,233,233,233,235,238,243,248,251,251,248,248,248,246,246,243,241,235,231,230,233,238,241,241,246,251,248,246,243,241,241,238,233,230,230,233,228,222,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,155,152,137,134,142,147,147,155,163,168,165,163,163,165,165,152,117,176,191,199,204,204,199,199,199,202,207,209,222,228,209,119,120,127,173,131,129,131,176,183,189,189,191,191,178,104,105,170,199,212,212,212,199,83,71,75,95,125,194,189,127,125,176,181,183,178,173,176,181,189,194,196,199,199,202,204,202,191,181,176,170,170,170,168,170,170,126,123,168,178,176,168,168,170,170,165,125,125,165,123,112,107,115,181,178,176,178,178,115,101,104,173,183,186,186,168,122,123,125,125,118,118,165,186,194,191,189,191,191,186,125,115,119,125,129,173,129,127,127,170,173,173,173,173,173,127,115,119,183,189,186,189,189,178,129,127,129,170,173,176,176,178,178,181,181,181,181,181,183,183,186,191,194,196,194,191,196,204,209,212,212,209,209,209,202,183,173,173,174,176,176,173,127,129,173,176,173,173,173,173,170,129,170,178,181,181,178,176,173,176,173,170,173,176,178,176,169,170,178,183,170,122,120,120,122,129,178,181,170,120,119,125,127,178,181,178,176,178,173,123,127,170,176,176,170,173,181,181,125,107,104,111,176,183,173,121,121,123,113,105,109,109,115,199,86,100,173,183,181,181,186,191,189,183,191,196,191,191,189,186,183,186,183,183,182,181,189,196,199,194,183,178,181,178,129,127,176,186,191,194,194,194,196,202,202,199,202,202,194,191,196,204,207,202,194,181,176,181,189,196,194,186,176,173,181,183,183,183,181,178,177,177,178,181,181,183,183,191,202,207,204,199,194,186,178,176,127,125,173,183,191,194,189,189,99,43,48,105,127,121,121,125,168,173,181,189,196,202,202,196,186,178,178,181,183,186,181,104,101,111,170,178,183,189,194,196,191,194,199,191,181,186,194,202,204,202,189,173,126,126,173,186,191,191,191,194,189,186,183,186,183,181,183,191,196,194,191,191,191,189,189,191,191,191,186,186,186,189,194,194,194,191,189,186,186,189,186,186,181,178,133,176,176,181,181,176,131,176,183,189,191,194,194,191,191,191,194,196,194,191,194,199,204,204,196,191,189,191,194,199,204,207,202,191,191,194,194,202,209,212,212,212,215,212,196,132,131,178,189,186,189,196,202,199,199,199,202,204,196,186,178,183,194,199,199,194,189,186,189,191,189,183,176,127,118,117,120,131,181,186,189,194,194,194,194,194,189,186,186,191,194,194,191,194,196,191,132,131,134,183,191,194,194,189,183,178,176,133,176,181,183,176,123,120,122,131,176,181,181,178,176,178,181,181,183,189,191,191,191,191,194,196,194,191,191,189,191,194,196,199,202,204,202,196,191,190,190,190,194,202,202,199,199,199,199,194,194,196,202,207,212,212,209,212,215,212,207,205,207,212,215,215,217,222,225,225,222,222,225,222,215,215,220,222,222,217,222,225,222,209,147,147,209,215,215,212,209,209,209,209,212,212,215,217,215,209,207,209,204,196,194,196,202,204,204,202,199,199,196,191,190,194,199,202,204,209,212,215,212,207,203,203,203,204,202,191,191,199,202,202,202,202,199,199,200,207,209,209,209,215,215,212,212,212,212,212,217,215,209,207,209,212,212,209,204,204,202,195,194,194,196,199,149,137,133,135,147,204,212,215,212,209,209,212,212,215,228,235,233,233,233,235,235,233,233,233,235,235,235,233,228,217,213,212,213,222,222,212,209,212,225,228,226,228,230,230,228,228,230,230,228,228,228,222,217,209,207,204,202,204,207,209,207,209,209,212,209,209,209,209,209,209,207,204,202,202,202,196,191,191,194,196,199,199,202,204,204,204,202,199,199,199,199,199,199,199,199,199,202,202,202,202,202,199,199,196,196,194,190,190,191,196,199,202,199,199,199,199,196,189,183,181,183,183,183,183,183,186,186,186,186,191,194,194,194,194,191,186,186,181,178,181,178,176,178,183,181,178,178,178,173,173,181,194,196,183,178,183,191,196,202,204,199,196,194,196,199,199,196,189,189,194,194,194,196,204,212,217,225,230,233,235,235,238,241,241,241,233,229,230,235,243,246,241,230,217,209,207,209,209,207,207,212,217,225,228,225,222,215,207,199,199,207,209,207,199,194,194,199,202,204,204,207,209,209,207,209,215,222,222,212,199,135,125,130,202,222,220,209,204,199,196,202,202,204,204,202,204,209,202,192,191,196,217,241,233,202,189,183,186,194,189,121,97,89,99,107,99,79,71,81,101,129,204,215,217,215,215,215,222,217,212,211,212,215,215,217,222,222,215,211,211,211,212,215,215,215,215,215,215,217,222,225,222,217,215,212,207,207,212,209,199,194,195,199,202,207,212,215,215,215,209,203,203,204,207,204,202,204,204,204,207,209,207,204,202,202,204,207,212,207,189,129,133,189,194,186,139,186,202,207,202,198,198,202,204,198,196,204,212,212,209,205,207,209,215,217,215,209,208,209,212,215,212,207,204,207,209,209,209,209,209,209,209,209,209,209,212,212,215,215,212,209,204,203,202,204,209,212,212,209,212,212,209,207,207,204,199,196,199,202,196,191,187,187,191,204,212,207,207,194,191,202,199,183,181,186,194,199,196,189,186,189,189,191,191,194,199,202,202,199,189,133,117,113,109,113,191,204,207,207,199,195,195,202,204,204,199,202,204,207,209,209,209,204,199,189,140,140,189,194,194,194,196,199,204,207,207,202,199,199,199,196,195,199,207,209,207,207,207,204,202,202,202,202,199,194,194,196,196,196,194,194,194,191,187,186,189,199,199,194,189,186,183,137,134,134,135,137,135,131,129,129,131,129,128,133,189,194,194,196,199,199,196,196,199,199,204,209,204,199,204,209,212,209,209,207,202,199,202,209,212,209,212,215,212,207,207,207,212,212,212,209,204,202,204,207,207,205,205,209,209,207,204,209,209,209,209,207,204,202,204,207,209,202,196,196,196,199,202,207,204,191,183,181,183,189,189,183,183,194,202,194,186,178,127,121,121,125,127,127,131,129,176,196,189,125,127,178,196,209,220,228,228,215,202,194,191,191,194,196,199,196,191,176,181,189,189,194,199,194,178,129,181,199,202,196,189,133,109,85,83,84,95,115,127,183,191,199,207,215,222,230,238,241,235,228,225,228,225,212,145,139,139,139,137,139,191,199,0,194,194,194,183,133,129,129,128,128,131,133,181,186,189,183,181,189,207,207,170,103,109,189,196,170,99,85,95,121,125,111,105,105,95,87,78,79,91,111,135,194,141,115,125,204,238,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,209,141,186,204,0,0,230,225,217,207,194,183,181,178,173,170,173,189,199,199,186,168,125,121,117,109,106,106,109,113,111,109,107,103,102,105,157,176,186,194,199,204,209,204,186,186,0,215,215,204,196,196,202,204,207,207,207,209,209,199,181,165,160,165,178,199,217,228,230,225,215,209,207,212,222,0,0,0,0,0,0,0,0,0,243,243,233,217,207,199,189,186,189,194,207,225,233,238,235,233,230,230,230,233,235,235,238,241,0,0,248,248,0,0,255,255,248,243,243,248,248,241,233,228,228,230,233,228,222,222,225,225,220,215,212,207,204,205,209,209,202,196,194,192,192,194,194,194,194,196,202,202,199,202,199,199,199,202,202,207,212,215,217,215,209,202,191,186,186,186,186,191,196,202,204,204,199,189,139,138,138,138,138,138,183,186,189,186,183,183,182,183,189,194,199,204,204,199,199,196,191,142,142,194,209,222,225,225,225,225,228,230,233,233,230,230,230,233,235,241,246,248,248,248,248,248,248,246,246,243,235,231,231,235,241,238,238,243,246,243,243,241,238,235,233,228,225,228,228,222,220,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,150,142,131,139,144,147,152,160,165,165,170,176,181,181,152,104,168,191,202,204,204,202,199,199,202,204,209,217,225,215,173,125,127,127,123,123,127,173,181,186,191,194,194,186,170,129,181,194,212,212,189,57,41,71,97,113,117,123,121,119,127,186,191,183,176,170,173,181,191,194,196,202,202,199,196,196,191,183,176,173,173,170,168,170,170,126,125,176,189,183,168,125,125,125,125,165,168,173,173,125,117,165,183,178,173,173,163,113,109,119,194,199,196,189,176,125,124,125,165,123,123,168,183,194,194,191,189,189,178,121,113,111,107,111,129,173,173,173,178,183,183,176,127,113,110,111,119,186,191,186,186,183,176,170,173,178,178,173,172,173,178,181,181,181,181,178,176,173,131,131,176,178,131,123,127,186,196,202,207,207,207,207,204,196,181,174,176,181,183,178,173,131,173,176,178,173,170,169,170,170,173,176,181,181,178,173,173,176,178,173,129,129,170,169,170,170,170,176,178,170,123,122,123,129,176,181,183,173,119,116,117,123,173,176,173,174,176,129,118,116,120,129,170,129,129,176,176,125,107,104,109,178,186,176,121,117,119,104,95,104,125,176,178,109,113,173,181,179,181,183,183,181,181,191,202,202,202,196,191,189,191,189,186,181,179,186,191,194,189,181,178,176,127,117,121,176,186,194,194,196,196,199,202,204,202,204,204,196,191,196,204,207,204,199,191,183,183,189,194,191,183,131,129,176,181,183,183,181,178,177,177,177,178,178,178,181,186,196,204,204,199,186,170,123,119,119,125,168,170,176,186,181,107,26,42,107,123,173,120,118,121,168,176,183,189,196,199,196,176,121,129,183,191,194,189,178,108,105,113,123,170,178,183,186,186,186,194,196,186,179,183,194,202,207,199,189,178,176,181,189,194,194,191,191,194,191,189,189,189,186,183,186,194,196,194,194,194,191,191,189,191,191,194,189,186,186,189,191,194,191,189,186,183,181,181,181,183,181,178,133,133,176,181,181,133,130,133,181,181,181,183,189,191,191,191,194,194,191,186,189,196,199,196,191,186,189,191,194,196,199,202,196,186,183,183,189,199,209,212,212,212,212,202,135,129,132,186,189,178,135,186,196,199,199,199,196,194,186,135,133,178,191,199,199,191,183,183,183,186,183,181,178,129,123,121,125,176,183,189,191,194,194,191,191,191,189,183,181,186,194,196,191,189,191,191,133,132,176,186,194,194,189,183,181,178,178,176,133,176,183,176,125,122,125,133,178,181,178,176,183,191,191,189,186,189,191,191,191,194,196,196,186,181,186,186,189,196,199,199,199,202,204,202,194,191,190,190,194,199,199,194,194,196,199,196,196,196,199,204,207,207,207,207,209,209,205,204,207,212,217,217,222,225,228,225,222,220,217,217,217,217,220,222,222,225,228,222,196,128,141,212,225,222,215,209,205,205,205,207,207,207,209,212,207,202,204,209,204,194,192,196,202,204,204,204,202,196,194,190,190,191,194,199,204,209,212,212,209,207,204,203,204,207,204,191,189,191,199,204,204,200,200,202,207,209,212,212,212,215,215,209,207,209,215,217,217,215,209,207,207,207,207,204,202,204,204,196,194,194,196,199,149,135,131,134,147,209,215,215,209,207,209,215,222,225,233,238,235,233,233,233,233,233,230,233,235,235,235,233,228,222,215,213,215,217,217,212,211,217,228,228,226,226,228,230,230,230,233,233,230,228,228,222,215,209,207,204,202,202,204,207,207,207,209,209,209,209,209,209,209,209,207,204,204,202,202,196,194,194,196,199,202,202,204,204,204,204,202,202,199,196,196,196,196,196,196,196,199,202,202,202,199,199,199,199,202,199,191,190,191,194,199,202,202,199,199,199,194,186,181,183,183,183,181,181,183,186,189,186,189,191,194,191,191,191,191,186,181,178,178,181,181,178,181,186,183,178,178,176,176,176,186,196,196,189,181,183,191,199,207,207,204,196,192,191,196,202,199,189,183,186,191,196,199,207,212,220,228,230,233,235,235,238,238,241,241,235,230,230,235,241,246,243,233,222,212,207,204,204,202,202,207,215,222,228,228,225,217,209,202,202,207,212,209,204,199,196,199,204,207,207,209,212,209,204,204,212,225,230,222,202,131,123,123,196,228,228,215,212,212,209,199,195,194,195,199,212,217,217,212,209,209,222,235,230,204,196,194,196,196,178,113,95,85,87,87,81,69,69,77,91,111,181,204,209,209,209,215,217,220,215,212,215,217,215,217,222,225,217,211,211,212,215,215,215,215,212,209,209,212,217,222,222,217,212,207,204,204,207,204,196,195,196,199,199,202,207,212,215,215,212,204,204,207,207,202,200,200,202,202,207,209,209,207,204,204,207,212,212,202,141,133,137,191,199,194,189,194,207,209,204,199,199,204,204,199,196,202,207,209,209,209,209,212,215,215,215,209,209,212,215,215,212,207,207,209,212,209,209,209,209,209,209,209,209,207,207,209,209,209,209,207,204,203,202,204,209,209,209,209,212,215,212,207,207,204,199,196,196,196,191,187,186,186,189,199,209,212,207,186,133,183,186,181,183,189,196,199,199,194,191,191,189,186,189,191,196,199,202,204,202,189,127,117,112,114,189,202,207,204,199,195,195,199,204,202,196,194,194,199,204,207,207,202,196,194,191,191,194,196,194,192,194,196,202,204,207,204,202,199,202,204,204,204,209,209,207,205,207,202,199,199,199,196,194,191,186,186,189,191,191,191,194,194,191,189,189,191,191,191,183,135,134,135,135,134,135,181,139,139,137,133,133,133,135,183,194,196,191,196,199,196,195,194,196,202,207,207,202,198,202,209,212,209,209,207,202,199,202,207,207,205,205,207,205,205,207,212,215,215,212,207,204,202,204,209,209,207,207,207,209,207,207,207,207,207,209,207,204,204,207,209,209,204,199,202,202,202,207,207,204,196,189,186,186,189,191,189,186,194,199,194,183,127,113,109,113,123,129,127,129,129,178,199,194,133,133,183,196,209,215,217,217,215,207,199,196,199,204,212,212,209,202,189,186,183,178,176,176,170,129,178,202,212,204,191,191,199,204,117,99,91,99,113,123,135,139,191,204,220,230,238,243,243,238,228,220,215,209,194,131,125,131,139,143,189,194,202,199,194,191,186,135,133,135,133,128,127,129,176,183,189,186,173,121,119,123,109,97,89,99,178,186,117,87,79,81,99,111,111,119,127,111,85,79,83,93,109,137,202,202,141,191,230,251,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,254,255,255,248,207,141,139,199,0,228,230,228,217,199,181,173,173,172,172,176,189,202,202,196,186,170,125,123,121,117,111,109,113,117,115,113,109,104,103,107,152,165,176,189,191,194,194,189,174,178,189,199,202,196,192,192,196,202,202,199,196,196,194,183,165,117,116,155,0,191,215,230,235,233,228,222,222,228,233,0,0,0,0,0,0,0,0,0,241,238,230,217,207,202,194,187,189,194,204,222,235,241,241,235,230,228,230,235,238,238,238,241,0,0,246,0,0,0,0,255,248,242,243,248,246,235,226,225,226,228,230,228,222,222,228,225,217,215,212,209,207,207,209,209,202,196,194,194,196,196,199,196,196,199,202,202,202,204,202,199,199,199,199,202,204,207,209,207,204,199,191,183,183,183,186,186,191,196,202,204,199,191,183,181,181,181,138,138,183,189,191,191,186,186,183,183,189,194,202,204,202,199,196,196,189,141,141,194,215,228,230,228,228,228,228,230,230,233,230,230,229,230,235,241,246,246,248,248,248,248,248,246,246,243,238,233,233,238,238,235,235,241,241,238,238,238,235,233,230,225,217,217,217,222,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,111,134,147,150,150,150,155,160,176,191,202,202,170,86,115,189,202,207,204,202,202,204,202,204,209,215,222,215,191,176,127,123,122,122,127,173,181,189,194,196,194,191,191,191,189,186,176,75,29,11,23,105,125,123,110,107,109,115,170,183,186,173,127,125,168,178,186,191,196,199,199,194,186,186,186,178,127,170,170,168,166,170,170,168,170,186,196,189,173,125,124,124,125,165,170,176,178,176,168,165,168,168,165,163,121,117,119,173,199,194,191,183,173,165,165,165,168,168,125,125,173,189,194,194,189,183,170,117,107,103,101,105,170,181,181,181,183,189,189,178,125,111,109,111,121,186,189,183,181,178,176,178,189,194,186,176,169,170,178,183,183,181,181,176,131,129,127,127,176,178,119,113,119,178,186,189,189,194,196,196,194,186,178,178,186,191,191,183,176,173,173,176,178,176,170,170,173,176,181,183,178,173,127,127,129,178,181,176,129,129,170,170,173,178,178,181,181,176,129,127,170,183,189,189,189,181,127,121,121,127,173,176,173,176,181,173,120,118,119,123,129,129,173,178,178,173,115,107,113,173,183,173,121,111,107,102,98,107,170,176,170,176,181,183,183,179,181,181,178,173,170,183,196,204,207,202,194,191,194,194,191,183,182,186,191,191,186,181,178,131,115,110,114,178,191,196,199,199,199,199,199,202,199,202,202,194,189,196,202,204,204,202,196,194,191,191,189,178,173,125,127,173,178,178,181,181,178,178,178,178,178,178,178,181,183,191,202,204,196,181,123,114,114,118,125,127,125,126,176,173,85,5,48,170,176,176,118,118,123,176,183,191,196,199,199,189,99,93,111,186,194,191,186,173,117,113,119,123,129,176,181,178,181,183,191,194,183,179,183,191,199,202,196,186,181,186,194,199,202,199,194,191,194,194,194,191,191,189,183,186,194,199,196,194,196,196,194,189,189,191,194,194,191,189,189,191,191,191,189,189,183,178,176,176,176,176,176,133,133,176,181,181,133,130,131,176,131,127,133,183,189,189,189,189,189,186,183,186,191,194,189,182,181,182,189,194,196,199,202,199,186,181,181,186,199,209,209,204,204,199,183,132,131,178,186,178,125,127,181,196,202,199,194,189,183,135,134,134,183,194,199,196,186,178,178,181,181,181,183,183,178,133,129,131,176,181,183,186,186,186,183,181,183,183,183,181,186,196,199,189,176,133,178,176,134,178,186,189,189,183,178,178,181,181,176,130,131,176,133,125,125,131,181,181,181,176,176,189,196,196,194,191,191,194,191,191,194,196,189,132,131,134,181,186,194,196,196,196,199,204,204,196,194,191,191,196,199,196,194,191,194,199,202,202,202,202,202,202,202,204,207,207,207,205,205,209,215,217,220,222,225,225,222,217,212,212,215,222,222,222,218,225,228,225,199,122,121,141,222,228,222,215,209,205,205,205,207,207,207,207,204,196,145,196,204,202,194,192,196,204,207,207,204,202,196,191,190,190,191,194,199,204,209,212,212,209,207,207,207,207,207,207,196,189,187,194,204,204,200,202,209,217,215,212,215,215,215,209,204,203,207,215,217,215,212,209,207,204,202,202,199,196,204,207,202,195,196,202,204,199,141,134,139,202,215,217,215,207,205,209,222,230,233,233,235,235,235,233,233,233,233,230,230,233,235,233,233,230,225,222,217,215,212,211,212,217,228,233,233,228,226,228,230,230,230,230,230,228,228,222,215,209,207,207,204,202,202,202,204,204,204,207,209,209,209,209,212,209,209,207,207,204,202,199,194,191,194,196,202,202,202,204,204,204,204,202,202,199,196,196,195,195,196,196,199,199,199,199,199,199,199,198,199,204,202,196,190,189,190,196,202,202,202,199,196,191,186,183,183,183,181,181,181,186,189,191,189,191,191,189,186,183,186,186,183,178,177,178,181,183,181,186,189,183,176,133,176,178,181,189,196,196,194,186,186,191,202,207,207,204,196,191,190,196,204,204,191,182,185,191,199,204,209,215,220,228,230,230,233,235,238,238,241,241,238,235,233,233,238,243,246,241,230,217,207,202,196,196,196,202,209,215,222,225,222,215,209,204,202,207,212,212,209,204,202,202,204,207,207,209,212,209,204,202,209,225,233,225,199,133,126,129,191,207,207,204,209,215,215,202,196,194,194,202,212,222,230,243,248,235,228,233,230,215,207,207,209,204,178,117,103,87,81,79,73,65,65,71,75,89,123,194,207,207,207,209,215,215,215,212,215,215,212,215,222,225,220,212,212,215,217,217,215,212,209,207,207,207,209,209,209,209,207,204,202,202,199,196,196,199,202,202,196,195,199,207,215,217,215,209,209,209,207,204,202,200,200,202,209,212,212,207,204,207,212,215,212,199,141,135,139,191,196,194,194,196,207,209,207,204,204,209,209,202,198,199,204,209,209,212,212,212,215,215,212,212,212,212,215,217,215,209,209,209,212,209,209,209,209,209,209,207,207,204,204,204,204,204,204,204,204,204,204,207,209,209,209,209,215,217,215,209,204,202,196,194,191,191,191,189,189,191,194,204,209,212,207,139,130,133,137,137,183,191,196,199,199,196,194,191,185,183,186,191,194,196,202,207,212,207,183,125,112,112,181,199,207,204,202,196,196,202,204,204,194,189,187,191,199,204,207,199,196,199,199,199,199,199,194,192,194,196,199,204,207,207,204,202,199,204,207,204,204,207,207,207,207,202,199,196,196,196,194,191,186,185,186,191,190,190,191,194,191,186,139,137,183,186,181,134,131,181,137,135,135,181,183,183,183,137,139,139,183,191,199,199,191,191,196,199,196,195,199,204,207,204,198,195,199,207,212,209,207,204,199,199,202,207,207,205,205,205,204,204,207,212,217,215,209,207,202,202,202,207,212,209,207,204,209,209,204,204,204,207,207,204,204,207,209,209,207,204,202,202,204,204,204,204,199,194,191,191,189,191,194,194,189,191,196,194,181,121,109,107,111,123,127,125,121,121,178,202,196,186,191,202,209,215,215,215,215,217,215,209,204,202,207,212,212,204,196,189,183,176,129,117,107,107,115,183,209,215,196,182,186,209,228,228,212,121,115,119,125,133,133,139,199,222,233,238,241,241,238,228,215,207,199,139,124,121,124,135,189,191,194,204,207,199,191,135,129,131,181,181,129,129,176,186,191,196,189,125,107,99,97,91,87,86,95,123,165,101,79,74,73,77,95,115,183,196,181,87,85,91,99,109,135,207,217,217,225,246,254,250,250,254,255,255,255,255,255,255,255,255,255,0,0,255,255,255,254,251,251,254,248,233,204,139,135,189,209,220,225,222,215,196,178,172,172,170,172,186,207,209,204,196,189,173,125,123,123,123,121,119,119,157,157,117,111,105,104,105,111,152,165,181,186,186,186,181,173,173,178,186,191,194,194,194,196,199,194,186,178,178,178,168,157,116,151,155,0,191,212,228,235,235,233,233,233,238,241,0,0,0,0,0,0,0,0,0,241,235,233,228,215,209,202,194,191,194,202,215,230,235,238,235,230,228,230,235,241,241,241,243,246,246,243,248,254,0,0,254,246,242,243,248,243,233,226,226,228,230,230,228,225,225,228,225,217,215,217,215,212,212,212,209,204,199,199,199,199,202,202,199,196,199,202,202,204,207,204,199,196,199,196,196,196,196,196,196,194,194,189,183,183,183,183,183,189,194,199,202,202,194,189,186,186,183,181,181,186,191,194,194,191,189,186,186,189,194,199,202,199,196,196,194,143,139,140,194,222,233,233,233,230,230,228,230,230,233,233,230,230,233,235,241,246,248,248,248,248,248,246,246,243,243,241,238,238,238,238,235,234,238,238,235,233,235,235,233,228,217,212,209,215,225,230,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,139,150,150,146,144,146,155,176,196,209,209,176,75,104,183,202,207,207,204,207,204,199,202,207,212,215,212,202,178,127,123,122,125,131,178,183,191,199,202,196,194,196,196,191,178,77,27,13,9,37,127,173,127,110,107,113,123,168,173,170,123,122,123,127,170,176,186,194,199,196,189,183,178,129,113,103,125,170,170,168,170,170,170,181,194,202,194,181,173,127,124,124,168,173,178,178,176,170,163,160,161,163,165,165,163,123,121,117,113,163,170,168,165,165,165,168,168,165,123,121,170,186,189,186,178,125,107,100,99,103,123,181,189,186,181,181,183,176,127,121,119,115,115,125,176,181,178,178,178,181,191,202,202,189,173,169,170,178,183,181,178,173,131,127,127,127,131,183,191,116,110,125,183,183,176,131,173,178,181,178,176,176,178,186,191,189,181,173,131,130,173,178,178,173,176,183,189,191,189,176,125,124,125,129,178,183,178,170,129,129,170,178,189,186,186,189,181,176,170,173,191,196,199,199,191,181,178,178,125,173,181,181,181,183,181,170,125,122,122,127,176,189,191,186,183,127,117,119,170,176,173,123,107,103,109,170,127,125,170,176,186,191,194,191,183,181,181,176,129,125,173,183,194,199,196,194,194,196,196,194,189,186,189,191,189,183,183,183,176,113,109,117,183,196,202,204,204,202,196,194,194,196,199,199,186,178,183,191,196,199,199,199,199,196,191,183,115,115,119,125,173,176,178,181,181,183,183,186,183,183,181,181,181,183,191,199,204,199,181,121,113,114,119,168,170,127,168,178,178,123,50,79,168,176,173,120,123,176,189,196,202,204,204,202,194,96,90,109,186,191,186,183,173,125,123,125,127,173,181,181,176,176,176,181,183,181,181,183,189,191,194,191,186,183,189,199,204,204,199,196,194,196,196,199,196,196,191,186,189,194,199,196,194,196,196,194,189,187,191,194,196,194,189,189,189,189,189,189,189,186,178,133,132,132,133,133,133,176,181,183,181,178,133,131,131,127,125,133,183,189,189,186,186,186,182,182,186,194,194,189,181,179,181,183,191,196,202,204,199,191,183,181,186,199,207,202,196,191,183,135,178,186,191,181,123,121,125,183,196,202,199,194,186,135,133,134,181,189,196,196,194,181,133,133,176,176,178,183,183,181,178,176,176,176,176,176,173,176,176,133,131,176,178,178,178,178,189,194,186,132,130,133,176,176,178,181,183,183,183,181,181,183,183,178,131,131,131,125,119,125,176,183,181,181,178,178,189,196,196,194,194,194,194,194,191,191,194,183,130,129,134,181,183,189,191,191,191,196,202,204,199,199,196,196,199,202,199,191,186,189,196,204,204,204,202,202,200,202,204,207,207,207,207,209,212,215,217,220,222,225,222,215,212,211,211,215,222,225,222,218,222,222,202,119,117,129,204,212,217,217,215,212,209,207,207,207,209,209,207,199,145,142,144,202,202,194,194,199,207,209,209,207,202,196,191,191,194,194,196,202,204,207,212,212,212,209,209,209,207,207,209,204,191,187,190,202,204,202,204,217,225,217,215,217,217,212,204,202,203,207,212,212,212,212,212,209,204,199,195,195,195,202,207,204,202,202,207,209,207,149,145,149,209,217,217,215,207,204,207,217,230,235,233,233,233,235,235,235,233,233,230,230,233,233,233,230,230,228,228,222,215,209,208,212,222,230,235,233,230,230,230,230,230,228,228,225,228,225,217,209,207,205,207,204,202,200,200,202,202,204,207,209,209,212,212,212,212,209,207,207,204,199,196,191,190,191,196,202,202,202,202,204,204,202,202,202,202,199,196,196,196,196,199,199,199,199,199,199,199,199,198,199,202,204,202,194,189,189,191,196,196,196,196,196,191,186,186,186,183,181,181,183,189,191,191,191,191,191,189,183,181,181,181,181,178,178,181,183,183,183,186,191,186,176,131,133,181,189,191,191,194,194,191,189,191,202,204,202,199,196,192,192,199,207,207,196,186,189,196,199,202,209,215,222,228,230,230,233,235,238,241,243,243,241,238,233,233,235,241,246,246,238,222,207,196,194,194,199,202,207,212,215,217,215,212,209,207,202,202,207,209,209,209,207,207,209,209,207,209,212,212,207,202,204,215,228,220,196,139,137,189,191,191,190,194,204,207,204,207,207,196,195,204,215,222,233,248,251,241,228,230,241,238,225,222,222,215,183,121,111,91,77,73,69,61,59,59,59,77,123,186,199,204,207,207,207,209,209,212,215,212,207,209,217,222,217,217,215,217,217,215,212,209,209,207,207,204,199,196,196,196,199,204,207,202,196,194,199,204,207,204,196,192,194,204,212,217,217,215,212,212,209,209,207,202,202,204,209,215,215,209,207,212,215,217,212,202,189,139,141,186,189,191,191,194,199,204,207,207,209,209,209,204,199,199,202,204,209,209,212,212,215,215,212,209,209,209,212,215,212,212,209,209,209,209,209,212,212,212,209,207,207,204,204,203,203,204,204,207,209,212,212,209,212,212,209,212,217,220,217,212,207,204,196,191,190,191,191,194,199,202,207,212,215,212,202,139,131,133,137,181,186,186,191,194,199,199,196,191,186,185,186,191,194,196,202,209,215,212,194,129,106,103,133,196,204,204,204,202,202,204,207,204,196,189,186,187,194,202,204,199,196,202,202,202,202,202,199,196,196,196,199,202,207,212,209,204,196,194,196,199,199,202,207,209,207,204,202,199,199,199,196,194,189,186,189,194,194,191,191,189,183,133,129,129,135,183,183,137,134,186,183,135,137,181,183,186,186,186,189,189,189,194,199,196,191,190,194,199,202,199,202,202,202,202,198,196,199,204,209,207,204,204,199,199,202,207,209,209,212,212,209,207,209,215,217,215,212,207,204,202,202,204,209,209,204,203,207,207,204,202,204,207,207,204,207,209,212,209,204,199,199,202,204,207,204,202,196,196,196,199,194,194,196,196,191,191,194,191,181,121,110,110,115,121,123,119,114,115,181,204,199,194,204,212,215,215,215,215,215,217,217,215,207,202,199,196,191,183,178,173,129,129,123,111,99,99,111,173,199,204,191,182,189,212,233,243,241,209,189,141,141,141,135,139,199,220,230,233,235,238,235,225,215,204,196,141,127,122,123,133,141,141,186,202,209,204,186,129,119,121,133,133,129,133,189,194,196,196,186,119,103,95,93,91,89,87,93,109,111,93,79,75,72,72,85,129,217,222,204,103,97,99,103,113,189,225,235,243,246,251,254,250,248,254,255,255,255,255,255,255,255,255,255,0,0,255,255,255,255,254,251,248,238,222,202,139,131,181,199,209,212,212,207,196,183,178,178,173,178,194,207,212,207,202,194,176,123,119,121,123,160,160,157,157,157,155,113,107,104,104,105,111,157,178,186,183,183,183,176,172,173,178,186,191,194,194,194,194,186,168,123,121,121,157,117,152,157,165,181,196,209,220,228,228,228,230,233,238,0,0,0,0,0,0,0,0,0,0,0,235,241,235,225,217,209,202,199,202,204,212,222,230,233,235,233,225,228,235,243,243,241,246,248,243,242,246,254,255,255,251,246,242,246,248,243,233,228,233,238,235,233,230,228,228,230,228,225,225,222,217,215,215,215,212,207,202,202,202,204,204,202,199,196,199,202,202,204,212,209,199,196,194,191,189,186,186,186,186,189,189,186,183,186,183,183,183,186,191,196,202,202,196,194,191,189,183,181,183,189,191,196,194,194,191,191,191,191,196,199,199,196,194,194,194,143,139,140,196,225,235,238,235,233,233,230,230,233,233,233,233,233,233,235,241,243,248,251,251,251,248,246,243,243,241,241,241,241,238,235,234,234,238,238,235,233,233,233,230,225,215,209,209,215,225,228,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,144,150,150,146,144,144,147,168,189,199,196,144,78,102,178,194,204,204,207,207,204,196,199,204,207,209,209,199,127,122,123,127,129,173,181,189,196,202,204,202,196,194,196,194,176,91,71,75,55,67,170,173,170,121,125,176,170,123,125,125,122,123,127,168,127,127,173,189,199,191,183,181,173,119,106,98,168,178,181,178,176,173,176,194,204,204,194,181,178,173,125,124,170,181,181,178,176,173,165,160,161,168,173,173,168,119,106,95,97,108,123,168,168,165,125,123,123,125,121,111,110,123,176,176,125,111,103,101,105,125,178,186,189,186,181,173,121,110,109,115,129,123,123,129,173,170,173,176,181,189,202,207,199,183,173,172,173,178,181,176,129,125,125,125,129,131,131,178,176,113,111,183,194,189,131,123,123,129,131,129,131,173,178,181,183,181,176,130,130,130,173,178,178,178,181,189,196,199,194,178,125,124,125,129,181,191,189,176,129,126,127,176,189,189,189,191,186,178,173,173,186,196,202,199,191,178,176,173,114,170,191,191,183,183,183,181,173,129,129,170,181,196,202,194,186,173,125,125,168,170,170,127,113,104,117,183,170,123,170,183,189,191,196,194,189,183,181,176,125,122,125,173,181,189,194,196,199,199,196,194,191,186,181,181,183,183,183,189,183,117,115,176,194,202,204,207,207,202,194,191,189,194,196,194,178,132,132,178,191,194,194,196,199,199,194,181,112,113,116,125,176,181,181,183,186,189,189,189,189,186,183,183,183,186,191,199,204,199,181,123,116,118,123,127,173,178,181,183,186,183,170,119,125,168,127,127,173,189,199,204,204,207,207,207,204,115,105,129,186,183,181,183,178,173,131,131,173,183,189,183,176,172,172,174,176,181,181,181,181,183,186,189,189,189,191,196,202,202,202,199,199,199,202,204,202,196,191,186,186,191,196,194,194,194,196,194,189,187,189,194,194,191,189,186,186,186,186,183,186,183,178,176,176,133,133,133,176,178,183,183,178,178,176,129,125,125,131,186,194,191,189,186,186,183,182,183,189,199,199,194,189,186,183,186,191,196,199,199,199,189,181,135,178,191,196,194,189,186,183,181,189,199,196,181,123,124,135,191,199,199,199,196,186,135,133,135,186,194,196,196,191,181,133,131,131,131,133,176,131,131,176,176,176,173,173,131,127,127,127,127,129,133,178,176,131,127,128,178,181,176,133,133,132,133,178,186,186,186,186,186,186,186,186,181,133,131,129,119,115,121,178,183,178,181,186,189,191,194,194,194,191,189,191,194,194,191,189,183,134,135,183,186,186,186,186,189,194,196,202,202,202,199,199,199,204,204,202,191,185,185,191,202,204,202,202,202,200,200,204,207,207,209,209,212,215,217,217,215,217,222,217,212,211,211,212,215,222,222,222,222,222,215,139,119,122,204,212,209,212,212,212,209,209,209,209,212,215,212,209,202,145,142,145,202,202,194,194,199,207,209,207,202,196,194,194,194,196,199,202,204,207,207,209,209,209,209,212,212,209,207,209,209,202,191,191,199,207,204,207,217,225,222,217,222,217,207,200,200,204,209,209,209,212,212,212,209,204,196,195,194,196,202,202,202,204,207,212,212,209,204,202,207,209,215,215,217,209,205,207,217,230,233,233,233,233,235,235,235,235,233,233,230,230,230,230,230,230,230,230,225,212,208,208,212,225,230,233,230,230,230,230,230,228,228,225,225,228,222,215,209,205,207,207,207,204,202,200,200,202,204,207,209,209,212,212,212,212,209,209,207,204,199,194,191,190,190,191,199,202,202,202,202,202,202,202,202,202,199,199,196,196,199,199,202,199,199,199,199,199,199,199,199,202,204,207,202,194,190,190,191,191,191,194,194,189,183,183,186,183,183,183,183,186,191,191,189,191,191,189,186,181,181,178,177,178,181,183,186,186,186,189,191,189,133,130,133,189,194,191,186,186,189,189,189,191,199,199,196,194,196,199,202,207,212,212,207,199,199,202,199,199,207,215,225,228,230,233,233,235,241,243,243,243,241,238,235,233,233,235,241,243,238,225,207,194,192,199,204,207,207,209,212,212,209,209,209,207,202,198,199,204,207,209,212,212,212,209,207,207,212,209,204,199,196,209,225,222,204,196,199,202,199,196,196,202,207,207,203,207,212,204,199,207,215,225,233,238,241,233,226,230,251,254,235,228,222,209,176,121,113,89,73,67,63,58,56,55,56,69,117,131,189,199,202,204,204,207,209,212,209,207,205,207,212,217,217,217,217,215,212,209,209,209,209,207,204,202,194,143,137,133,133,199,202,196,194,196,204,209,209,204,196,192,194,202,212,222,222,217,215,209,209,212,212,212,209,209,212,215,215,212,209,215,222,222,215,202,189,139,141,186,186,189,191,191,191,196,202,204,204,207,207,204,199,199,196,199,207,207,209,212,215,215,212,209,207,207,207,209,209,209,209,207,207,209,209,209,212,212,212,209,209,209,207,204,204,207,207,209,215,217,215,212,212,209,209,209,212,215,215,212,209,204,199,191,189,190,191,196,204,209,215,220,215,207,194,137,130,131,137,186,186,185,186,194,204,207,204,196,191,191,194,196,196,199,202,207,209,202,194,181,104,102,181,199,202,202,204,204,202,202,204,204,199,194,187,186,189,199,204,202,199,199,199,199,202,204,202,199,199,199,199,202,207,215,215,207,196,189,189,191,196,202,207,209,209,209,207,204,202,202,202,199,194,191,194,196,196,196,191,139,129,126,126,128,137,186,191,189,186,186,181,137,183,189,191,191,191,194,194,194,194,196,196,194,190,189,191,196,199,199,199,199,199,199,202,204,204,202,204,204,204,202,199,198,199,204,209,215,217,217,215,209,209,215,217,217,215,212,209,204,202,204,207,207,202,202,207,207,202,202,202,204,207,204,207,212,212,207,199,198,198,199,204,207,204,202,199,199,204,204,196,194,199,199,191,189,191,191,178,123,113,113,119,121,119,115,112,114,186,202,196,194,204,209,209,207,207,212,215,217,217,215,209,202,191,181,176,133,133,128,128,129,127,115,99,97,105,119,176,183,183,189,204,220,230,241,241,222,209,204,207,204,194,194,207,217,225,225,228,233,233,225,215,209,207,196,139,125,124,129,135,131,133,196,209,202,137,125,115,114,121,127,127,176,189,194,196,194,176,115,101,95,95,97,93,89,91,99,99,87,81,75,72,73,87,204,243,241,220,129,115,111,113,125,212,243,254,255,255,254,255,254,254,255,255,255,255,255,255,255,255,255,255,0,0,255,255,255,255,255,251,246,230,215,199,137,130,135,191,196,196,199,202,199,194,191,186,183,186,194,199,202,207,207,199,183,165,119,115,117,121,119,117,115,115,115,113,111,109,107,109,111,157,183,191,189,189,186,181,174,172,174,181,189,194,194,191,186,173,121,113,113,111,109,111,150,160,170,183,196,202,207,209,212,212,212,217,228,0,0,0,0,0,0,0,0,0,0,241,0,0,238,230,225,217,209,209,215,212,212,217,228,230,233,233,225,228,235,241,243,243,246,246,242,242,246,0,254,254,251,246,243,246,243,238,230,230,238,246,241,235,233,233,233,233,233,233,233,225,215,215,217,217,215,209,207,204,204,204,204,202,196,196,202,204,202,207,212,209,199,194,191,189,183,137,137,139,139,183,186,186,186,186,186,181,181,183,189,194,199,199,199,196,194,189,186,183,186,189,194,194,194,194,194,194,194,194,196,196,196,194,194,194,194,143,140,141,202,228,238,241,238,235,235,235,235,235,235,235,233,233,235,238,241,243,248,251,251,251,248,246,243,243,241,243,243,243,238,235,234,235,238,238,235,235,233,233,228,222,212,209,212,215,220,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,147,150,152,155,152,147,146,147,157,173,183,178,100,91,105,168,183,196,202,204,204,202,196,199,204,207,207,204,191,120,120,127,176,178,178,183,191,194,199,204,204,202,196,196,202,196,173,125,178,173,127,176,173,170,173,183,186,125,112,117,123,125,125,170,173,127,123,125,178,189,181,173,173,173,125,118,119,178,186,183,176,170,173,183,202,212,204,186,178,176,173,125,125,173,181,178,170,170,178,176,165,163,170,176,178,173,163,111,101,101,111,163,173,170,165,123,117,115,119,115,104,102,111,165,168,115,100,101,178,194,189,186,186,185,186,183,173,111,105,106,117,127,123,125,170,170,129,170,176,181,189,202,202,189,176,173,178,178,176,173,170,125,122,123,129,176,178,173,127,120,114,117,191,196,191,173,122,121,123,127,127,131,176,181,181,181,181,176,131,131,173,176,178,178,178,183,191,199,204,199,183,129,127,127,129,183,199,196,181,129,125,125,170,178,181,186,189,186,181,181,178,176,186,194,191,176,123,119,116,114,176,196,196,186,183,183,181,178,178,178,176,176,189,199,196,186,176,127,125,125,125,127,127,121,111,113,117,115,121,178,189,194,191,194,194,183,176,178,176,127,122,125,170,181,191,199,204,204,199,196,194,194,186,125,122,133,178,181,186,183,127,127,189,199,202,204,207,207,204,196,189,186,189,194,191,176,133,178,183,186,183,183,189,196,199,191,181,121,117,119,127,178,186,186,189,191,191,189,189,189,186,186,186,186,189,194,199,202,194,178,123,117,119,119,121,168,178,183,183,186,181,178,168,127,127,124,168,178,191,202,202,204,207,207,207,204,178,127,176,181,178,178,183,183,178,176,178,181,191,194,186,178,173,173,176,181,183,186,181,179,181,183,189,191,194,196,196,199,199,199,202,204,204,204,207,204,199,191,186,186,189,189,189,191,194,194,194,189,189,189,191,191,189,186,186,183,183,181,178,178,176,176,178,181,181,181,181,181,178,181,181,133,133,176,125,115,119,135,191,196,191,186,183,183,183,183,186,194,202,202,202,199,196,194,191,194,196,196,194,189,183,135,131,130,135,189,189,186,191,191,194,196,199,196,183,133,135,189,196,199,196,199,199,194,183,178,181,191,196,196,194,189,181,133,130,128,129,129,129,127,128,130,176,176,173,131,125,121,121,123,125,131,181,183,181,131,126,125,129,178,181,181,176,131,133,183,194,196,194,191,189,189,189,183,176,129,129,125,118,114,119,176,181,176,181,191,194,191,191,191,191,189,186,186,189,189,183,183,183,183,189,191,191,189,189,189,194,196,199,199,202,199,199,199,202,204,207,204,194,185,183,186,196,199,199,199,202,200,200,202,204,209,209,209,209,212,212,212,209,215,217,217,212,211,212,215,217,217,222,222,225,222,209,147,141,199,212,215,212,209,209,208,207,207,208,209,215,217,217,215,209,199,191,196,204,202,194,191,199,204,204,202,196,194,191,191,191,194,202,207,207,207,209,209,209,209,212,212,212,212,207,209,209,209,202,196,202,212,209,207,215,222,222,222,225,222,209,202,203,207,212,212,209,212,215,212,209,207,202,196,196,199,202,199,199,202,209,215,215,212,209,209,212,212,212,215,217,217,209,209,217,228,233,235,235,233,233,233,235,235,233,233,230,230,228,228,228,228,230,230,225,211,209,212,217,225,228,228,225,225,228,233,230,228,225,228,230,228,222,212,209,207,207,209,207,207,202,200,200,202,204,207,209,212,212,212,212,212,212,209,209,204,199,196,194,191,189,191,196,199,202,202,202,202,202,202,199,199,199,199,196,196,199,199,199,199,199,202,202,202,202,202,202,202,207,209,207,199,194,194,194,191,191,191,191,183,178,181,186,186,183,181,176,178,183,189,186,186,189,189,186,183,181,178,177,177,181,186,186,186,186,186,189,186,133,131,135,191,196,191,185,182,183,186,189,191,194,196,191,189,196,204,209,215,217,217,212,207,207,204,199,199,207,215,225,230,233,235,235,241,243,246,246,246,243,238,235,233,230,228,230,235,235,225,209,196,194,199,207,212,212,215,215,212,209,209,207,202,198,198,199,202,202,204,209,215,217,212,207,207,207,207,199,191,191,202,222,228,217,209,207,209,209,212,212,215,217,222,222,220,225,217,209,209,215,225,233,238,241,238,228,228,248,254,235,217,207,194,176,127,121,95,73,65,63,58,57,57,57,61,77,101,125,186,196,202,207,212,215,215,209,205,204,207,212,215,215,217,215,212,207,207,205,207,207,207,204,199,194,139,121,95,87,94,107,129,189,202,207,209,207,204,199,195,195,204,215,222,222,217,212,207,207,215,217,217,215,212,212,212,212,212,212,217,222,225,215,196,139,138,141,189,191,191,194,191,186,189,196,199,199,199,204,204,202,196,191,191,202,207,209,212,212,212,212,209,204,202,202,204,207,207,207,204,204,204,207,207,209,209,209,209,212,212,209,209,209,209,212,215,217,217,215,209,209,207,204,204,207,209,209,209,207,204,199,194,190,189,191,196,202,209,217,217,212,202,189,133,128,129,135,186,189,185,186,199,209,212,207,202,199,202,199,199,199,202,202,202,199,194,194,194,119,114,191,199,199,199,202,204,202,199,202,199,199,196,191,189,191,196,202,199,199,198,198,198,202,204,204,202,202,199,199,202,207,215,215,209,199,189,187,191,196,202,204,204,207,209,207,204,202,202,202,199,196,196,196,199,199,196,189,137,127,126,127,133,183,191,196,196,194,183,136,137,189,196,199,196,196,194,196,202,202,202,196,191,190,190,191,194,192,194,196,196,194,199,204,209,207,202,202,202,202,199,198,198,199,202,207,212,217,217,212,209,209,212,217,217,217,217,215,209,204,207,209,207,202,202,207,204,200,200,202,204,204,202,207,209,209,204,199,198,199,202,204,207,204,199,199,202,207,204,199,196,199,196,191,186,189,189,181,127,117,117,121,125,123,114,112,117,186,196,191,191,199,204,199,196,199,204,209,212,215,215,209,204,194,181,178,183,186,181,181,181,131,113,95,86,87,97,109,119,129,189,212,222,228,230,228,215,212,215,222,225,217,212,217,222,217,217,225,230,230,222,217,217,217,207,191,133,127,129,129,127,128,189,204,194,135,123,114,113,119,129,176,178,183,191,199,196,176,113,99,94,94,95,93,85,87,93,93,85,81,79,75,77,95,228,254,254,241,220,202,183,131,139,220,248,255,255,255,251,254,255,255,255,255,255,255,255,255,255,255,255,255,0,0,255,255,255,255,255,251,243,228,209,194,137,130,131,181,186,186,191,199,204,199,191,186,186,189,189,189,194,204,207,202,191,178,123,115,113,113,113,109,106,107,109,111,113,115,117,117,160,176,194,204,199,196,194,189,181,176,176,178,186,191,191,186,178,160,111,107,105,103,101,103,109,152,165,178,183,186,189,191,191,191,194,202,215,0,0,0,0,0,0,0,0,0,0,238,0,0,0,233,228,222,217,225,233,228,222,225,228,228,228,230,225,225,230,238,241,241,243,243,242,242,243,248,251,251,251,248,246,243,238,233,228,229,238,243,235,233,235,235,233,231,235,238,235,225,215,215,217,222,217,215,209,207,207,207,204,202,196,196,202,204,204,207,209,207,202,196,191,186,137,135,135,137,137,181,183,183,186,189,186,181,178,181,186,191,194,199,199,196,194,189,186,186,186,189,191,191,191,194,194,194,196,196,199,199,196,194,194,194,191,143,141,143,202,225,235,238,238,238,238,238,238,238,238,235,235,235,235,238,238,243,246,248,248,248,248,246,246,243,243,243,243,241,238,235,235,235,238,238,235,235,235,230,225,215,207,209,215,217,217,215,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,168,157,155,160,163,155,150,150,157,170,181,178,139,102,111,160,170,183,194,199,202,199,196,199,204,207,209,202,178,121,122,173,186,186,183,181,186,191,194,199,204,204,202,202,204,202,189,170,173,178,176,176,170,169,176,189,183,112,108,113,125,125,123,127,170,127,122,123,129,176,170,127,127,129,129,129,170,176,178,127,111,117,170,186,202,207,199,181,173,173,170,125,123,168,170,165,117,123,176,173,163,165,170,176,178,178,170,168,163,113,117,163,170,173,170,123,116,115,117,111,101,101,117,170,165,115,101,105,199,207,202,194,186,183,186,191,183,117,106,109,125,127,121,123,170,170,129,173,176,176,181,189,189,178,173,176,183,178,170,169,170,125,122,124,183,191,194,186,131,121,121,129,183,189,186,173,122,121,125,127,126,129,178,183,183,183,181,178,173,173,181,183,181,178,183,186,191,202,204,196,183,176,173,170,170,183,196,196,183,173,126,125,127,170,173,181,186,183,183,189,191,183,186,186,178,125,117,115,115,119,176,194,194,189,183,181,181,181,181,176,123,123,181,196,196,189,178,127,125,123,119,116,116,117,117,115,113,113,125,183,191,196,194,191,186,113,85,117,181,176,124,127,176,189,202,207,209,207,199,199,199,202,196,116,113,125,131,133,178,176,129,131,191,196,196,202,204,207,204,199,191,183,183,189,183,133,176,189,194,181,174,174,183,194,196,189,176,129,125,125,129,183,189,189,191,191,191,189,186,186,186,183,183,186,189,194,196,196,191,181,127,117,117,117,117,123,173,178,183,186,183,178,178,176,168,125,170,178,191,199,196,199,204,209,207,199,186,173,173,176,176,178,183,186,181,181,181,183,189,194,189,183,176,181,183,186,189,194,189,186,186,189,191,194,196,199,202,202,199,199,202,204,204,204,207,204,199,194,189,186,186,185,186,189,191,191,191,191,191,191,191,191,189,186,186,186,186,181,178,176,176,176,181,183,189,189,189,186,178,178,176,129,130,133,119,107,110,127,189,194,191,183,182,183,186,189,191,194,202,204,204,204,204,199,196,196,194,186,178,135,178,178,133,131,135,186,189,191,194,194,194,194,194,189,181,135,181,191,199,199,196,196,199,196,189,183,183,189,191,191,189,183,181,176,129,128,129,130,129,128,129,131,178,181,178,129,121,119,119,121,127,178,189,191,189,183,133,129,131,183,189,186,178,133,178,191,199,202,199,196,194,191,186,178,129,122,122,123,119,117,123,133,178,176,183,194,194,191,189,189,189,186,183,183,186,183,134,134,178,186,191,191,189,189,189,194,196,199,196,199,202,199,199,202,204,207,209,207,199,191,186,189,196,196,196,199,202,202,200,202,207,212,212,212,209,209,207,204,204,209,217,220,215,212,212,215,215,215,217,222,222,217,212,209,215,222,225,222,217,212,209,208,207,207,208,209,215,222,217,217,215,209,199,199,202,199,191,190,194,199,199,194,191,191,194,189,185,186,199,207,209,209,212,212,212,212,212,215,215,212,209,209,209,209,207,204,207,215,215,209,212,215,222,222,222,222,212,204,204,207,209,212,215,215,212,212,209,209,209,204,202,204,204,199,198,199,207,215,217,215,212,209,212,212,212,215,222,222,215,212,217,225,230,233,233,230,228,228,230,233,233,230,230,228,225,225,225,225,228,228,222,211,215,225,225,225,225,222,220,220,228,233,233,228,225,228,230,230,222,215,209,209,209,209,209,207,204,202,200,202,207,207,209,212,212,212,215,212,212,209,209,209,202,199,199,194,190,190,196,199,199,202,202,202,202,199,199,199,199,199,199,199,199,199,199,199,202,202,204,204,204,204,204,204,207,209,207,204,199,199,199,194,191,189,183,133,129,133,186,191,186,133,123,125,133,183,186,183,186,186,186,183,183,181,178,178,181,186,186,183,181,181,181,181,135,135,183,191,191,189,185,182,183,186,191,194,191,189,189,189,194,204,209,215,222,217,212,204,204,204,202,202,209,217,225,230,233,238,241,243,246,248,248,246,241,238,235,233,228,217,215,222,228,225,212,199,194,196,204,215,222,225,225,222,215,209,202,198,198,199,202,202,200,202,207,215,217,215,212,209,204,199,191,183,183,191,207,217,215,212,209,207,207,212,215,222,222,225,228,230,233,235,225,209,212,222,233,241,248,0,233,217,228,235,222,202,189,189,194,215,225,115,81,69,67,63,61,71,75,67,65,77,103,173,191,202,212,217,222,222,212,207,207,212,215,217,217,217,217,212,209,207,207,207,209,209,207,202,196,189,127,95,86,87,90,101,135,199,207,209,207,207,204,202,202,207,217,222,222,217,209,204,204,212,217,222,217,212,209,207,209,212,215,217,222,222,209,191,138,138,189,194,196,196,196,191,186,186,196,199,194,194,199,202,199,194,141,141,194,204,207,209,209,209,207,207,204,202,202,204,207,207,207,204,202,202,202,202,204,204,207,209,212,212,212,212,212,215,217,222,222,217,212,209,207,202,199,196,202,204,204,202,199,196,199,194,191,191,194,199,202,209,215,215,207,202,191,139,133,131,181,191,191,191,194,204,212,212,204,199,202,204,202,202,202,202,202,196,194,192,194,199,186,137,191,196,196,196,199,204,202,199,199,199,199,202,199,199,199,202,202,202,202,202,199,199,204,207,204,204,202,202,199,202,209,215,215,212,204,194,190,191,199,202,199,199,204,207,204,202,199,199,199,196,196,196,199,199,196,194,189,139,133,133,135,183,191,194,196,199,194,181,136,181,191,199,202,199,199,196,199,202,204,202,199,196,194,196,196,194,192,194,196,194,192,196,207,209,207,202,202,202,199,199,198,199,204,204,207,209,212,212,209,208,209,215,217,217,215,215,217,212,207,207,209,207,200,202,207,204,200,200,202,202,202,202,204,207,207,207,204,202,202,204,202,202,196,194,196,199,202,202,199,199,199,196,189,183,183,181,178,176,125,119,123,129,133,121,115,127,189,191,187,189,196,202,196,191,191,194,196,202,209,212,212,207,199,194,194,199,204,204,204,194,131,109,91,83,80,83,93,107,121,181,204,215,217,217,215,211,215,225,228,233,233,228,228,225,220,220,228,233,233,228,225,228,225,212,194,135,129,129,129,127,129,186,196,191,178,123,115,113,119,186,199,191,181,0,0,202,189,125,107,99,95,95,89,83,83,89,89,87,87,85,85,87,99,228,254,255,251,241,241,235,202,191,212,246,255,255,251,250,250,251,254,255,0,0,255,255,255,0,0,0,0,0,0,255,255,255,255,254,248,238,225,207,189,133,129,129,133,178,183,194,204,204,194,181,176,178,181,183,186,191,199,202,202,196,186,168,117,113,113,111,106,104,105,107,109,115,157,160,165,176,183,194,199,196,196,199,196,191,186,181,181,183,189,189,183,168,115,105,101,99,97,93,93,97,103,147,152,157,160,165,173,176,0,0,194,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,233,228,228,238,0,238,233,235,235,228,225,225,225,224,225,233,238,241,243,243,242,243,246,246,248,251,251,251,248,243,235,230,228,229,233,233,230,230,235,238,233,231,235,241,235,222,215,217,222,222,217,217,215,212,209,207,207,204,199,199,202,207,207,207,207,204,202,199,194,186,137,134,134,135,137,181,181,183,186,189,186,181,178,181,183,186,191,196,199,199,196,191,189,189,189,189,189,189,189,191,194,196,196,199,199,199,196,194,194,191,189,143,142,145,199,217,230,233,233,235,235,238,241,241,238,238,235,238,238,238,238,241,243,246,248,248,248,248,246,246,243,243,241,241,238,238,238,235,235,235,235,235,235,230,222,212,157,207,215,217,215,213,213 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,173,160,150,152,157,155,152,150,160,173,186,191,170,150,155,160,165,173,186,191,191,191,189,194,202,207,207,196,131,123,127,181,191,191,183,176,176,183,191,196,202,204,204,202,199,199,194,176,170,173,173,170,168,168,178,189,183,113,110,119,129,125,120,120,125,125,123,123,127,170,170,127,126,126,127,129,170,170,127,104,93,100,125,183,194,194,189,178,173,170,127,123,123,123,123,117,113,116,165,165,121,163,170,173,173,170,165,165,168,115,111,117,165,173,176,170,163,165,168,117,105,107,170,178,168,121,111,119,189,204,207,202,189,183,189,196,194,168,113,119,176,173,122,123,129,129,129,176,178,172,172,176,176,173,173,183,189,178,168,169,178,173,124,131,199,202,204,204,189,176,176,176,131,173,176,131,125,125,131,131,127,129,176,181,181,181,178,173,170,176,189,194,189,186,189,191,194,204,207,194,178,176,178,178,173,178,186,186,176,170,127,125,126,129,170,178,186,186,186,194,202,207,199,186,170,121,116,116,117,121,173,186,186,183,181,178,176,176,123,109,104,111,181,196,194,191,181,168,123,121,117,113,112,117,125,170,127,127,176,186,194,191,189,186,170,57,44,75,191,183,127,129,181,196,204,204,204,202,196,199,204,209,207,113,108,123,129,131,133,131,128,131,186,191,191,196,202,207,207,199,191,186,183,181,133,129,130,183,189,176,172,173,178,189,189,178,131,127,127,127,133,186,189,186,186,189,189,186,183,183,183,183,186,186,189,191,196,196,194,186,176,119,118,118,121,127,168,173,183,189,194,189,186,186,181,176,173,181,189,191,191,194,202,207,204,194,183,173,173,176,181,183,183,183,183,186,186,183,183,189,191,189,183,186,189,186,191,196,196,199,199,199,196,196,196,202,207,204,199,199,202,204,204,207,209,207,202,196,194,191,189,186,186,189,191,189,189,191,194,191,191,189,189,191,191,191,189,186,181,178,178,178,181,186,191,194,194,189,181,178,133,128,130,131,115,104,106,117,181,191,189,183,183,186,191,191,189,194,199,202,204,207,207,204,199,194,186,131,127,129,178,183,183,181,186,189,189,194,191,183,186,191,191,183,133,130,135,189,196,196,196,194,194,196,189,183,183,186,186,183,183,181,183,181,173,131,178,181,178,176,176,178,183,183,178,129,121,117,113,115,125,181,194,196,194,194,189,181,181,189,194,191,183,183,189,196,202,202,202,199,196,194,189,181,129,121,123,127,127,125,127,133,176,176,186,194,191,189,187,187,189,186,183,183,186,178,132,132,135,186,191,189,183,186,191,196,199,199,196,196,199,202,204,207,207,207,207,204,199,199,196,196,196,199,196,199,204,204,204,204,209,217,217,212,209,207,204,202,203,209,217,222,215,212,209,212,212,212,215,215,215,211,212,217,225,230,233,230,222,217,215,212,209,209,209,212,215,217,217,217,217,209,202,196,196,196,191,190,191,194,194,190,189,191,196,189,181,182,196,209,212,212,215,212,212,212,215,217,217,215,215,212,209,207,207,209,212,215,215,212,212,217,222,222,217,215,209,204,203,203,204,209,215,215,212,209,209,215,215,212,209,207,207,204,199,199,204,215,222,215,209,208,209,212,215,217,222,222,217,215,222,225,228,230,230,225,224,225,228,228,230,230,230,228,225,225,224,225,228,228,222,211,222,233,230,225,222,220,220,222,233,238,233,225,224,225,230,230,225,215,212,212,212,212,209,207,204,202,202,204,207,207,209,209,212,212,212,209,209,209,209,209,204,202,202,196,190,190,194,199,199,202,204,204,202,199,198,199,199,202,202,202,202,199,199,199,202,202,204,207,207,207,204,204,204,204,204,202,202,202,202,196,191,183,133,127,125,127,178,189,183,125,113,114,127,183,186,183,183,183,186,186,186,183,181,178,183,186,183,181,178,176,176,135,135,181,186,189,189,186,186,186,186,189,194,194,189,183,139,141,191,199,204,212,222,217,207,199,200,202,202,204,207,215,225,230,235,241,243,248,248,248,248,246,241,235,233,230,222,212,207,209,222,225,217,204,191,191,196,212,222,228,230,228,222,212,202,198,198,204,209,207,202,200,202,209,217,222,215,209,204,194,186,139,135,137,186,196,202,202,199,194,191,196,212,222,217,202,196,225,233,235,225,208,209,222,230,241,248,251,233,207,207,215,207,189,183,189,230,255,255,176,85,77,73,67,71,107,168,109,79,71,87,123,189,204,217,225,225,225,217,212,212,215,222,222,222,217,217,217,215,212,212,209,209,209,204,199,199,202,204,194,133,95,93,101,129,194,204,204,204,207,209,209,209,212,217,222,222,217,209,204,204,207,215,217,215,212,207,204,207,212,215,215,215,212,204,191,141,189,196,199,199,199,196,189,141,186,196,199,194,192,196,199,194,143,137,137,191,204,207,204,204,202,204,204,204,202,202,204,207,207,207,204,202,199,196,196,199,199,202,207,209,209,212,212,215,217,222,222,222,217,212,209,204,199,196,196,196,199,199,196,192,192,196,196,194,196,202,202,204,207,209,209,207,207,202,196,191,186,191,196,196,199,202,207,209,207,199,196,196,196,196,199,199,202,199,196,192,192,194,199,194,186,189,194,196,194,199,204,204,199,199,199,202,204,204,204,207,204,204,204,204,207,207,204,207,209,207,204,204,202,202,204,209,212,215,212,207,199,191,191,196,196,194,196,202,204,202,199,195,195,196,196,196,199,202,202,199,194,191,191,189,189,191,194,196,199,199,196,191,186,183,186,194,199,202,202,199,199,199,202,199,199,196,199,202,202,199,199,199,202,202,194,191,194,204,207,207,204,202,199,199,199,202,207,212,212,209,207,209,209,209,209,212,215,217,215,209,207,212,212,209,209,209,207,202,202,204,204,200,202,207,204,202,204,204,207,207,209,207,207,204,202,199,194,189,189,191,194,196,199,199,199,202,196,189,186,181,172,176,178,129,121,123,173,181,129,125,176,191,191,189,189,194,196,194,189,183,137,137,186,199,209,209,209,204,204,204,209,215,215,212,196,127,107,95,87,83,81,89,105,119,137,194,204,209,212,212,212,225,230,230,233,235,233,233,228,225,228,233,238,238,233,233,233,228,215,199,141,133,131,131,129,135,189,196,196,189,127,116,113,117,196,217,209,186,179,0,202,199,183,125,113,105,99,89,82,82,85,89,91,95,93,93,93,99,215,248,255,255,246,251,251,225,199,207,246,255,255,250,250,250,250,251,255,255,255,255,255,255,0,0,0,0,0,0,255,255,255,255,251,243,235,222,204,186,133,129,129,130,176,186,199,207,202,183,127,126,129,176,181,189,191,194,199,202,196,183,168,119,117,119,117,111,107,107,107,107,111,119,160,165,181,183,181,178,176,186,199,204,199,191,186,183,186,186,186,178,163,109,99,97,95,91,87,87,89,95,99,134,134,137,142,155,168,176,183,196,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,230,230,243,0,246,243,246,243,230,217,217,225,225,225,230,238,241,241,243,243,246,246,246,0,0,254,254,251,243,238,233,230,230,230,230,229,233,238,238,233,231,238,243,230,222,222,222,222,217,217,217,217,217,212,209,207,207,202,199,204,209,209,207,207,204,202,202,196,189,181,134,134,135,137,181,181,181,186,189,186,181,178,178,181,183,186,194,199,202,199,194,191,191,191,191,189,186,186,189,191,194,196,199,202,199,196,194,191,191,189,143,143,189,199,209,222,225,230,230,233,235,238,241,238,238,235,235,235,235,238,238,241,243,246,248,248,248,248,246,243,243,241,241,241,241,238,235,234,234,234,235,233,228,217,209,155,204,212,215,215,215,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,157,134,134,147,147,150,150,150,160,176,189,191,183,173,168,170,173,168,176,178,125,111,115,122,176,196,196,178,127,127,173,186,194,194,189,173,123,170,186,199,204,204,204,202,199,202,199,181,169,169,170,169,169,181,186,191,191,176,123,127,176,129,120,119,121,125,124,124,125,127,127,127,129,127,127,129,178,183,186,115,88,96,127,178,183,183,176,173,170,123,123,168,165,121,119,117,115,117,123,122,120,123,168,165,123,109,99,109,111,81,81,97,163,173,173,170,173,176,178,123,110,117,176,178,170,125,117,121,186,204,207,202,194,189,191,199,199,189,173,173,176,173,127,125,168,129,170,178,176,172,172,173,172,172,181,196,202,189,181,189,199,189,170,176,196,202,204,207,199,186,178,173,129,128,131,173,176,191,196,183,131,131,176,178,176,178,176,169,168,176,191,202,202,194,189,183,189,204,207,194,173,173,181,181,181,178,176,173,129,170,170,127,127,129,129,176,191,196,189,189,196,202,199,186,170,125,119,116,117,123,176,186,183,176,173,170,173,170,119,106,105,178,194,189,181,181,183,173,125,121,121,121,121,176,183,186,183,178,186,191,189,178,121,127,121,48,50,173,204,196,173,127,183,196,199,199,199,196,196,196,204,212,202,115,108,131,133,133,176,131,128,131,186,189,189,191,199,204,204,196,189,186,183,178,131,128,128,133,181,178,174,174,178,181,129,123,124,125,127,131,176,183,183,183,182,183,183,183,181,181,183,186,189,186,186,189,196,199,196,191,181,127,127,127,170,173,127,127,183,194,199,196,194,189,183,181,181,181,181,183,183,186,191,199,196,186,176,176,181,183,183,183,181,181,183,186,186,181,181,186,196,199,194,191,191,189,191,196,204,207,207,204,202,199,202,207,209,207,202,199,202,207,207,207,209,209,202,199,199,199,194,191,191,194,191,186,185,186,191,191,189,189,189,191,194,194,194,191,189,183,181,181,183,186,191,194,196,191,183,178,176,131,133,131,121,106,108,115,131,183,189,189,189,191,191,189,187,191,199,202,204,204,207,207,204,194,181,129,127,129,178,183,186,186,191,189,186,189,186,179,181,189,194,181,126,126,131,186,189,189,189,191,194,194,191,186,183,189,189,186,183,183,186,189,186,183,183,189,189,186,183,181,181,178,178,170,125,117,101,57,55,117,191,194,196,199,191,186,186,194,196,194,189,191,191,196,202,202,199,194,194,194,194,189,178,133,178,178,133,133,131,131,135,181,186,189,191,189,191,191,191,189,186,183,183,181,133,132,181,191,191,186,183,186,194,199,199,199,199,199,199,202,207,209,204,196,189,191,196,202,202,199,199,199,202,204,204,207,207,209,212,217,215,209,209,209,204,202,204,212,215,212,209,207,209,212,215,215,215,215,212,209,211,217,225,230,233,233,228,225,222,217,215,212,215,217,217,215,215,215,212,209,202,196,195,196,199,196,191,191,191,191,190,194,199,194,182,181,194,212,217,217,212,209,212,215,217,217,222,222,217,217,212,207,205,207,209,212,215,215,217,217,222,217,215,209,207,204,202,202,204,209,212,212,209,209,212,215,215,215,212,212,209,207,204,204,209,217,222,215,209,208,209,212,215,215,217,222,222,222,225,228,230,230,230,225,224,224,225,228,230,230,230,228,228,225,225,225,225,225,225,222,225,230,230,225,222,220,220,228,235,241,233,225,224,225,230,230,225,222,215,212,212,209,207,204,202,202,202,204,204,207,207,207,207,207,207,207,207,207,207,204,202,202,202,196,191,190,191,196,202,204,207,204,202,198,198,199,202,202,204,202,202,199,199,202,202,202,204,207,207,207,204,204,204,202,202,202,202,202,202,199,191,186,181,129,126,127,129,183,181,117,105,109,129,189,191,183,183,186,186,189,189,183,178,176,183,186,186,186,181,176,135,178,178,181,186,189,189,191,194,194,191,194,196,196,191,137,131,131,141,194,199,207,215,215,204,199,199,202,202,200,204,212,225,233,238,241,246,248,248,248,246,246,241,235,230,228,217,212,204,207,215,222,217,204,191,143,189,202,209,215,225,228,225,217,207,202,204,209,217,215,209,202,200,207,215,217,215,207,202,194,189,141,135,133,135,139,183,183,186,183,138,138,202,217,202,186,183,212,228,225,215,212,215,222,233,243,251,246,228,212,207,202,196,191,186,189,255,255,238,176,95,89,81,66,65,103,183,181,123,109,71,73,173,204,225,228,225,225,222,217,215,215,217,222,222,215,215,217,217,215,212,207,204,204,202,199,202,207,209,209,207,191,129,121,129,143,199,204,204,207,212,215,215,215,222,222,217,217,212,207,205,207,209,212,212,209,204,203,204,209,212,212,209,204,199,194,196,202,204,207,207,204,194,139,137,139,191,196,194,194,199,196,186,139,136,136,189,204,207,204,202,199,199,199,202,204,207,204,204,202,202,204,199,196,196,196,196,194,196,202,207,209,209,209,215,217,222,222,217,212,212,209,202,196,195,196,196,196,196,194,194,194,194,196,196,202,204,204,204,209,183,108,209,209,209,202,194,196,196,196,202,204,204,207,209,207,199,194,189,183,181,186,194,199,202,196,192,192,196,199,194,191,191,194,191,194,199,202,204,202,202,202,204,204,204,204,207,207,204,207,209,209,212,209,209,209,212,212,207,204,204,207,209,212,212,209,204,199,196,199,196,194,194,194,199,204,204,199,195,195,196,199,202,202,204,202,202,199,199,199,199,199,199,202,202,204,202,196,191,191,189,189,189,194,199,202,202,199,199,199,194,194,194,196,202,202,202,202,204,204,202,196,192,194,202,209,209,204,199,199,199,202,207,212,215,215,212,207,207,209,209,209,212,215,215,209,199,194,202,209,212,212,212,209,204,203,204,207,207,209,209,207,204,207,209,209,209,209,209,207,204,199,194,186,183,183,189,191,196,202,202,199,202,199,191,191,189,176,176,178,131,125,125,133,183,181,133,133,186,194,194,191,189,189,189,186,181,135,135,181,191,204,207,207,204,204,204,212,220,222,212,194,125,107,99,97,95,89,95,105,117,133,186,196,207,217,222,225,230,235,235,233,233,233,233,233,233,235,238,243,243,241,238,233,228,220,209,199,191,141,133,131,183,199,207,207,199,178,121,114,115,178,217,215,191,181,183,189,191,181,123,111,107,99,91,84,84,87,89,91,95,97,97,95,97,119,238,254,254,251,251,246,222,196,202,233,248,251,254,255,255,254,251,255,255,255,255,255,255,255,0,0,0,255,255,255,0,255,255,248,241,230,217,202,186,135,131,131,133,176,183,191,194,189,133,125,125,129,176,186,194,194,194,202,202,189,173,121,119,125,173,173,163,119,113,109,103,103,107,111,119,176,176,163,117,157,165,183,199,199,194,189,189,189,189,183,173,160,105,95,93,91,87,84,85,87,89,95,97,126,126,131,147,173,181,191,204,222,0,0,0,0,0,0,0,0,0,0,255,0,0,0,0,0,0,0,0,246,246,246,248,246,225,212,217,0,0,0,235,241,243,243,243,0,0,0,0,0,246,251,254,248,241,238,238,241,235,233,230,230,235,238,238,235,235,238,238,228,222,222,222,217,215,215,217,217,217,215,212,212,209,204,199,204,0,212,207,204,204,204,202,196,191,183,178,135,178,181,181,181,181,181,181,183,181,178,178,181,183,186,194,202,204,202,196,194,196,196,194,189,186,183,186,189,194,196,202,202,199,194,191,191,189,189,186,189,191,199,207,212,217,225,230,233,233,238,238,238,235,233,233,233,233,233,235,238,241,243,246,248,251,248,246,243,243,243,243,243,243,238,235,235,235,238,235,230,222,212,207,155,207,212,212,212,215,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,108,108,126,134,142,147,147,150,157,170,181,186,186,178,176,178,178,168,168,170,122,106,111,117,122,170,178,170,127,170,181,191,196,191,183,170,120,122,183,199,202,202,204,202,199,202,196,178,166,168,170,170,173,183,189,194,191,181,170,170,176,170,121,119,121,125,125,125,124,125,125,129,170,170,129,176,189,196,202,194,107,106,168,178,181,173,168,168,127,123,168,178,176,165,121,119,121,125,168,168,163,163,163,117,111,103,98,101,101,77,81,97,121,163,123,123,165,178,186,170,117,121,176,176,165,123,121,165,183,202,204,202,196,194,196,202,204,199,183,173,168,125,170,176,178,181,178,178,176,173,176,178,176,176,189,204,212,199,194,199,204,199,183,181,189,194,199,202,196,183,178,173,130,130,131,176,186,204,202,186,178,173,176,176,173,176,173,169,169,178,191,202,202,194,181,173,176,196,202,194,173,170,176,181,183,178,176,170,127,170,176,173,173,173,170,173,189,194,186,178,178,186,186,178,173,129,123,117,117,129,183,189,183,173,128,128,129,173,129,119,125,191,199,181,169,173,178,178,129,125,127,170,178,186,191,194,194,191,191,189,176,114,108,114,119,111,117,191,199,194,129,119,131,194,196,196,196,196,191,189,196,204,196,125,119,133,181,178,176,131,133,183,194,194,191,191,194,196,199,196,191,189,181,176,131,129,128,131,183,191,183,176,181,181,127,121,122,125,131,176,178,183,183,182,182,182,186,183,176,173,178,186,189,186,181,183,194,202,202,194,183,170,127,168,176,176,125,124,189,196,196,196,196,191,186,183,183,181,176,176,178,181,183,183,183,176,173,181,191,191,186,181,177,178,181,181,181,178,181,194,207,207,202,194,191,189,191,196,204,207,207,207,204,204,207,212,215,207,202,199,204,207,207,209,212,209,202,199,202,199,196,194,194,194,191,186,183,185,189,189,186,186,186,191,194,196,196,196,191,186,183,183,186,189,191,194,196,194,183,178,133,133,176,176,129,117,117,123,131,178,186,189,191,194,194,189,186,189,196,202,207,209,209,207,202,196,186,131,128,129,135,181,183,189,191,189,183,183,181,179,179,189,194,183,127,126,131,183,186,185,185,186,191,194,196,191,191,194,191,189,186,189,194,196,194,189,186,189,191,186,181,176,178,178,176,176,170,125,97,49,42,60,111,181,196,196,189,186,189,196,199,194,189,189,194,199,204,199,189,183,186,194,196,194,191,189,189,186,181,178,133,133,178,183,186,191,194,194,194,196,196,191,189,189,189,186,178,137,189,194,189,137,137,189,196,199,199,202,204,202,199,199,202,202,194,187,185,186,189,196,199,199,196,196,202,204,207,207,207,207,209,207,202,199,202,204,204,204,209,212,207,204,204,204,209,215,217,217,217,217,217,212,212,217,225,230,230,228,228,225,225,222,217,217,215,215,215,215,213,215,215,212,204,196,196,202,204,202,194,189,191,191,194,199,204,202,186,183,194,212,217,215,209,205,209,217,222,222,222,222,222,222,212,207,205,205,207,212,215,215,217,215,215,212,207,204,204,204,203,202,204,209,209,209,207,209,209,212,212,212,212,212,212,212,212,212,215,217,222,217,212,209,209,212,212,212,212,215,222,222,225,225,228,233,233,230,225,225,228,230,233,233,233,230,228,225,225,225,225,225,225,225,228,230,228,225,222,220,222,230,235,235,230,225,225,225,228,228,225,222,215,212,209,207,204,200,200,202,204,204,207,207,207,207,207,207,207,207,207,207,207,204,202,202,202,196,191,190,194,199,202,207,207,207,202,198,198,202,204,204,204,204,202,199,199,202,202,202,204,207,207,207,207,204,204,202,202,199,202,202,202,199,196,194,189,178,133,129,129,178,181,121,108,112,176,191,191,186,183,186,189,191,189,183,176,133,181,186,186,189,186,183,183,183,181,183,189,191,194,194,196,194,194,194,196,199,191,137,128,125,131,189,199,204,209,209,204,199,200,202,202,202,204,215,225,233,238,243,246,248,248,246,246,243,238,233,228,225,217,212,207,204,204,207,207,199,191,141,139,143,194,202,212,217,222,217,212,204,207,212,222,222,217,209,204,207,212,215,209,202,199,194,191,141,135,129,129,131,129,129,133,139,141,186,196,202,195,189,192,212,222,222,222,225,225,230,235,241,248,246,233,217,207,202,202,202,196,199,246,246,196,127,107,103,87,65,64,89,123,165,117,89,67,69,123,202,225,228,225,225,225,222,217,215,215,215,215,209,209,212,215,215,209,204,199,202,199,199,199,202,207,207,207,207,199,189,141,189,196,204,207,209,215,217,217,217,220,220,217,215,212,212,209,209,209,212,209,207,204,204,207,209,212,212,207,199,196,199,204,209,209,212,212,207,194,139,136,137,186,191,191,194,199,196,186,139,138,138,189,204,207,202,199,196,196,196,199,204,204,202,196,194,194,196,202,202,199,199,194,192,194,196,202,207,207,209,215,220,222,217,212,209,209,207,199,195,195,196,196,194,194,196,199,199,196,194,194,199,202,202,204,202,120,110,139,199,204,199,196,199,199,199,204,209,209,207,207,204,196,194,189,135,134,137,189,194,196,192,191,194,199,202,196,194,191,191,186,189,194,199,202,202,204,204,204,202,202,204,207,207,204,204,209,212,212,212,209,209,215,215,209,204,204,207,207,207,207,204,202,202,202,202,199,194,191,194,199,204,204,199,196,196,199,204,207,207,202,199,202,204,207,204,199,199,199,202,202,202,199,196,194,191,189,187,187,189,196,202,202,199,196,194,191,191,190,191,196,202,204,207,209,207,202,194,192,196,204,209,212,207,202,199,202,204,209,212,215,215,209,207,207,209,215,215,212,215,215,207,194,189,192,207,212,215,215,212,207,203,203,207,209,209,209,204,204,207,207,207,209,209,207,204,199,196,191,186,181,181,183,189,191,196,199,191,191,194,196,199,194,189,186,181,176,129,129,176,181,183,133,131,178,189,191,191,189,189,189,189,183,135,135,137,189,199,202,202,202,202,207,215,222,222,209,183,117,105,101,101,99,93,97,105,115,129,139,186,199,215,225,230,235,238,235,233,231,231,233,238,238,238,241,243,246,243,238,233,228,222,215,209,204,191,137,137,191,207,215,215,212,191,129,119,119,129,191,199,194,178,176,176,178,168,113,101,97,97,95,93,93,97,95,93,95,97,101,99,97,109,207,243,251,248,241,230,204,189,196,225,241,251,255,255,255,255,254,255,255,255,255,255,255,255,0,0,255,255,255,0,0,255,254,246,235,225,209,199,191,183,178,133,133,176,178,181,181,176,127,126,129,173,178,191,202,202,202,204,199,183,125,117,117,123,173,176,173,163,119,111,103,100,100,105,115,163,165,119,113,113,115,0,181,189,189,186,189,191,189,181,168,117,101,93,91,89,85,84,85,87,89,93,95,126,126,129,0,173,186,199,215,233,243,0,0,0,0,0,0,0,0,0,254,251,248,0,0,0,0,0,0,241,241,241,246,241,217,207,215,0,0,238,241,243,243,243,246,0,0,0,0,0,243,246,248,243,238,238,241,243,238,233,230,233,233,235,233,230,230,233,230,222,217,222,217,215,212,212,217,220,222,217,215,215,212,207,202,204,0,0,207,204,204,204,202,199,194,189,183,178,178,181,181,181,178,135,178,178,181,178,178,181,183,189,194,202,207,202,196,196,196,196,194,189,183,183,186,189,194,196,199,202,199,196,191,191,189,189,189,189,194,202,207,209,215,225,228,230,233,235,238,238,235,233,233,233,233,233,233,235,238,241,246,248,248,248,246,243,241,243,243,246,243,241,238,238,238,238,235,225,215,207,155,155,207,212,215,215,215,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,129,137,144,147,150,152,157,163,168,176,181,176,173,178,178,170,170,176,170,183,191,170,124,126,129,127,127,178,183,189,186,173,127,123,120,121,181,196,199,199,202,202,196,199,196,176,166,168,173,176,178,181,183,186,183,176,170,170,170,127,123,121,125,129,127,124,124,124,125,129,170,173,173,178,191,196,196,196,170,125,176,181,176,127,125,127,127,127,181,194,186,170,125,123,125,168,173,176,173,170,163,113,109,107,105,109,109,95,96,107,113,113,115,121,123,170,181,170,117,123,173,170,123,123,125,170,181,194,196,196,196,199,199,199,202,199,183,127,118,113,183,191,194,191,183,178,176,173,178,183,181,178,183,191,196,186,189,194,199,194,186,181,183,189,189,189,183,176,173,176,173,176,173,131,183,202,189,129,129,176,178,176,170,170,169,168,170,181,191,194,191,181,129,125,129,183,186,183,173,170,178,183,186,183,176,129,126,127,170,170,176,181,176,173,178,183,178,129,125,170,170,129,170,170,127,121,119,129,181,183,181,170,128,126,126,170,173,170,170,178,189,178,169,172,178,181,173,129,173,178,186,189,191,191,196,199,191,173,123,116,110,112,117,123,178,194,196,189,125,104,111,194,199,196,194,191,187,185,187,196,196,178,131,178,186,183,178,176,183,196,202,199,191,189,189,194,196,196,194,191,183,176,133,133,133,176,183,194,183,178,181,183,131,123,125,131,176,178,181,181,183,183,183,189,194,189,131,128,131,181,181,178,173,178,189,199,199,191,181,173,127,127,176,178,168,168,191,194,194,194,196,194,189,186,183,181,170,170,178,178,173,131,131,131,173,183,196,196,189,183,177,178,178,178,178,177,181,194,207,207,199,191,189,189,191,199,204,204,207,207,209,209,212,215,212,204,202,202,204,207,207,212,215,207,199,196,196,196,194,191,191,191,191,186,185,183,186,186,186,185,186,191,194,196,199,199,196,191,189,186,186,189,191,194,196,194,183,135,132,132,176,181,178,133,131,131,133,178,183,189,194,196,199,191,187,187,191,199,204,209,204,199,199,196,191,178,131,133,178,181,181,183,186,186,183,181,179,179,179,186,191,186,133,130,178,186,186,185,185,186,189,191,194,194,194,194,189,181,186,191,199,202,196,189,183,183,183,178,173,176,181,181,178,178,178,178,170,99,67,81,109,127,186,191,191,189,194,199,199,194,189,189,194,199,199,191,181,178,186,196,199,196,199,196,194,189,183,178,135,135,181,186,191,194,196,196,199,199,199,196,194,194,194,191,186,186,189,186,135,133,135,194,199,199,202,207,209,204,199,196,196,196,191,189,189,191,194,196,196,196,195,196,199,204,207,207,202,202,202,199,191,141,141,191,199,202,204,204,199,199,202,207,212,217,222,225,225,225,222,217,222,225,228,230,228,225,222,222,222,222,222,220,215,213,213,213,215,217,217,215,209,202,199,209,209,199,191,189,191,194,196,204,207,204,191,185,189,207,215,212,207,207,212,217,225,225,225,225,225,217,212,207,205,205,207,209,212,212,212,212,209,207,204,203,204,207,204,204,207,209,209,207,207,207,209,209,209,209,209,212,215,215,217,215,217,217,222,217,215,212,212,212,212,212,212,215,217,222,225,225,225,230,233,233,230,228,228,233,235,235,233,230,228,228,225,225,225,225,225,228,230,230,228,225,222,220,225,230,233,230,225,225,225,225,225,225,225,217,215,212,209,207,204,200,200,202,207,209,212,212,212,209,209,207,207,207,207,209,209,207,204,204,202,196,191,191,194,199,204,207,207,207,204,199,199,204,207,207,204,204,202,199,199,202,202,202,204,207,207,207,207,207,204,202,199,199,199,202,202,199,199,196,183,131,135,178,178,183,183,129,119,125,178,189,191,186,183,183,189,191,191,186,178,133,178,181,183,189,191,191,191,189,183,183,191,196,199,199,196,194,194,196,199,196,191,139,130,125,135,194,199,199,202,204,202,200,202,204,207,209,212,217,228,235,241,243,246,248,248,246,243,238,233,230,225,222,215,209,204,199,191,189,189,191,189,139,135,137,141,191,199,209,212,212,209,207,207,212,220,225,225,215,209,209,212,212,204,202,196,194,189,139,129,123,123,123,121,121,125,135,196,207,207,204,196,199,215,222,220,225,233,235,233,233,235,238,248,251,243,228,209,202,204,207,209,222,243,230,186,170,121,111,93,66,63,69,83,87,89,77,69,79,168,204,222,228,225,225,225,225,222,217,215,212,209,209,209,212,212,209,207,199,196,199,199,202,202,199,199,199,202,209,209,204,196,194,196,204,212,212,215,217,217,215,217,217,215,215,215,215,215,215,212,209,207,204,204,207,212,215,212,209,202,196,196,202,209,212,212,212,212,209,202,186,137,137,141,189,191,194,196,194,186,141,141,143,194,202,204,202,196,194,191,191,194,199,204,199,196,192,187,187,199,204,204,202,196,192,192,196,202,207,207,209,215,217,217,215,212,209,209,207,199,195,195,199,199,194,194,199,202,202,196,191,189,194,196,199,202,194,118,116,123,135,189,194,196,199,196,199,204,209,209,207,204,199,194,194,189,134,134,181,189,194,192,192,192,196,199,202,199,196,194,189,186,186,191,196,199,202,204,207,204,199,198,202,207,207,204,204,207,207,209,209,207,207,212,212,209,207,204,202,202,202,199,196,199,202,204,204,199,194,191,191,194,202,202,199,196,196,199,204,209,209,202,191,194,204,207,204,196,194,196,199,196,194,194,194,194,191,187,187,187,191,199,202,199,191,189,189,189,191,191,191,194,202,207,209,212,209,204,196,192,196,204,209,212,207,204,204,204,207,209,209,212,212,207,204,207,212,217,215,215,215,215,207,194,189,192,207,215,217,215,209,204,203,204,207,209,207,204,202,202,204,204,207,209,209,207,202,199,196,194,189,181,135,133,178,186,189,189,178,176,189,194,196,191,191,189,183,181,178,176,178,181,183,176,131,176,186,189,189,189,189,191,191,186,136,135,137,189,199,202,202,200,202,209,215,217,220,202,125,105,95,95,97,97,97,105,113,119,123,127,133,189,209,225,233,238,241,243,238,235,233,238,246,243,238,238,243,248,246,238,230,222,212,209,209,207,191,139,183,196,209,215,217,215,202,186,176,173,173,176,181,181,173,168,168,168,165,113,99,96,97,101,103,107,111,109,103,103,103,105,101,99,111,207,235,243,241,222,196,137,139,202,235,246,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,255,254,243,233,217,204,196,191,189,183,176,129,127,127,127,129,127,127,127,173,176,181,191,204,204,204,202,191,176,123,115,115,117,121,123,123,119,121,119,111,101,100,103,109,115,119,117,114,113,114,119,168,181,183,183,186,189,186,176,160,109,99,93,91,87,85,85,89,91,89,91,95,129,131,134,0,173,189,204,225,238,246,0,0,0,0,0,0,0,0,0,255,254,251,0,0,0,0,0,0,238,233,230,235,233,209,203,209,225,233,241,243,246,246,246,246,248,0,0,0,0,243,243,243,241,238,238,241,241,235,230,230,230,230,228,225,225,225,225,225,215,215,215,215,212,212,215,220,225,225,225,220,217,217,212,207,204,207,209,207,204,207,204,202,199,196,191,183,178,133,135,178,178,176,133,133,176,176,178,178,183,186,189,194,202,204,202,196,195,196,196,194,186,183,183,189,191,194,196,199,199,196,196,194,191,189,189,189,191,194,199,207,209,215,222,228,228,230,233,235,235,235,235,235,235,233,230,230,230,235,241,243,246,246,246,243,241,241,243,246,246,246,243,241,241,241,241,233,222,209,155,154,155,209,215,215,215,215,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,144,157,144,139,152,160,160,155,155,165,170,170,163,165,170,173,178,189,191,199,204,191,168,128,173,178,181,183,186,183,170,120,120,121,121,123,176,191,196,199,202,199,196,199,194,176,168,170,181,181,178,176,178,176,169,168,169,173,170,127,125,127,170,176,173,127,125,129,127,127,129,170,170,173,178,173,122,129,170,173,181,178,170,125,125,125,125,170,189,196,191,173,168,168,168,168,168,170,170,170,123,115,111,111,113,117,121,123,121,119,113,112,115,119,117,114,165,163,117,123,173,170,123,123,168,173,176,181,183,186,189,202,199,196,196,194,181,121,112,106,204,207,204,196,186,176,173,173,181,186,183,176,129,124,120,118,127,183,186,181,176,176,181,183,181,178,172,169,172,178,181,183,178,123,109,99,94,98,117,178,181,176,170,169,168,168,173,189,191,183,173,125,124,124,127,129,119,127,170,176,186,191,191,189,181,170,125,126,127,125,170,189,186,176,170,170,170,127,123,125,121,121,125,129,129,125,121,123,170,178,181,178,173,129,127,127,170,170,119,103,111,178,178,174,178,181,178,176,178,183,186,189,189,191,196,199,183,121,121,127,121,115,117,127,181,191,199,196,178,101,104,191,196,196,191,189,187,185,187,196,196,183,176,181,183,183,181,186,194,202,202,196,189,183,186,194,199,199,194,189,183,176,133,178,183,181,131,123,129,131,133,178,176,133,176,181,181,181,178,181,181,183,189,196,199,189,128,126,131,178,176,131,131,178,189,194,191,183,176,173,127,125,173,189,191,189,191,196,194,194,199,196,191,189,186,178,130,130,178,181,131,129,130,131,176,186,196,196,194,191,186,178,178,181,181,181,181,183,191,194,191,183,183,186,194,202,207,207,207,209,212,212,212,209,209,204,202,204,204,207,209,215,215,207,196,189,189,191,191,186,183,186,189,189,186,185,185,185,185,185,186,191,196,199,202,202,199,196,194,191,189,189,189,191,194,191,181,133,132,132,178,181,181,178,178,135,135,178,183,186,191,199,204,199,189,187,187,194,202,207,202,194,191,194,194,186,181,186,186,181,177,177,181,186,183,181,181,181,181,186,194,194,186,183,189,194,191,189,189,191,191,187,189,191,194,186,123,113,131,191,199,202,196,183,173,131,129,129,173,178,183,181,178,181,181,183,186,183,131,123,121,125,176,191,194,196,196,199,196,194,191,191,191,191,189,181,178,183,194,196,196,196,199,199,191,186,183,178,135,178,183,189,194,196,196,196,199,199,199,199,196,196,199,196,194,189,181,133,130,131,137,194,202,204,207,209,209,204,199,196,196,194,196,202,207,209,207,202,202,204,202,202,204,207,204,202,196,196,199,196,139,131,129,133,141,191,191,191,191,196,204,209,215,217,225,225,225,225,225,222,225,228,230,230,228,225,222,217,220,222,222,220,215,213,213,215,217,217,217,215,209,204,204,209,204,189,143,191,196,199,199,204,204,204,196,186,186,199,209,209,207,209,212,222,225,225,225,222,222,215,212,209,207,207,207,209,209,209,209,207,207,204,204,204,207,209,209,209,209,209,209,209,207,207,207,207,207,209,212,215,217,217,217,215,217,222,222,222,217,215,212,215,215,215,215,215,222,225,228,225,225,228,233,235,230,225,228,235,238,235,230,228,228,228,228,225,225,225,225,228,230,230,228,225,222,225,228,233,230,228,225,225,228,228,225,225,222,217,215,212,209,209,207,204,204,207,209,215,215,215,215,212,212,209,209,209,209,212,212,212,209,204,202,196,191,194,199,202,204,207,207,207,204,202,204,207,207,207,204,202,199,199,199,202,202,202,204,207,209,209,209,209,207,202,199,198,199,202,202,202,204,196,117,103,125,186,186,189,191,183,178,178,183,186,189,186,182,182,186,189,186,183,181,133,133,133,176,186,191,191,191,189,183,186,194,202,202,199,196,194,194,199,199,199,194,186,137,139,194,202,199,196,196,199,202,202,202,207,212,215,217,222,230,235,241,243,246,248,246,246,241,235,230,225,217,215,209,204,196,189,137,131,131,135,137,135,133,135,137,141,189,196,202,207,207,209,209,212,217,225,225,222,215,215,215,212,207,204,199,194,186,137,125,119,117,117,117,117,119,125,199,222,225,212,196,195,212,225,217,222,238,241,238,238,238,243,251,254,248,235,212,196,196,199,217,238,241,212,176,127,119,111,99,73,65,67,73,75,77,75,77,93,176,212,228,228,225,225,228,225,225,217,215,209,209,209,212,215,212,209,204,199,196,196,199,202,202,199,196,196,202,207,209,207,199,196,199,207,215,217,217,217,217,215,215,215,215,215,215,217,217,217,215,209,207,207,207,212,215,215,212,204,199,196,199,204,207,209,207,207,209,209,207,199,189,141,186,189,191,194,194,191,186,186,191,196,199,202,202,199,196,191,189,189,189,194,204,204,202,194,179,174,194,207,207,204,199,196,196,199,204,207,209,209,212,215,215,215,215,212,212,209,204,199,199,199,199,196,196,199,202,202,196,189,186,189,191,194,199,186,121,122,123,125,135,189,194,196,194,196,202,204,202,199,202,202,194,189,181,133,135,186,194,194,194,194,196,196,199,199,202,202,199,194,189,186,189,194,199,202,207,209,204,198,198,199,204,204,202,202,202,204,204,204,202,202,207,207,207,204,204,202,199,196,196,196,196,202,207,207,204,199,191,190,191,199,202,199,196,196,196,202,204,207,196,187,187,196,204,202,196,194,194,196,194,190,189,191,194,191,191,191,194,202,204,202,194,187,186,186,189,194,196,196,199,202,207,209,209,209,207,199,196,196,202,207,207,207,207,207,209,212,209,209,212,209,204,204,207,212,215,215,212,215,215,209,199,194,202,212,215,215,212,207,204,204,207,207,207,207,204,200,200,202,204,207,209,209,207,202,199,199,196,191,183,133,131,133,181,183,181,127,129,186,189,183,181,186,186,183,183,183,183,181,183,186,183,178,183,191,191,189,186,183,189,191,186,137,136,181,189,199,207,207,202,204,212,209,204,204,181,109,90,87,88,91,95,103,117,125,125,123,122,127,189,209,225,235,241,246,251,251,248,246,251,251,248,241,237,241,246,246,238,228,215,204,202,202,199,189,183,186,199,207,209,212,215,204,196,196,196,194,181,173,168,173,173,170,168,165,117,103,99,103,107,109,117,123,123,121,123,119,113,105,105,123,215,233,238,235,207,137,133,136,222,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,243,230,209,196,189,189,189,183,176,127,123,121,123,125,125,125,127,131,176,178,191,202,204,202,194,178,127,119,115,113,112,111,111,112,112,119,165,168,123,111,105,103,107,113,115,115,119,121,160,168,178,181,183,186,189,183,173,119,105,97,93,91,87,85,89,95,95,91,91,126,137,142,0,0,176,191,207,225,238,246,246,0,0,0,0,0,0,0,0,0,0,255,0,0,0,0,0,0,238,228,222,228,228,209,203,209,222,230,238,246,251,251,248,246,246,0,0,0,0,0,246,246,243,241,238,235,235,230,228,228,228,228,225,222,217,217,217,217,212,212,212,212,215,217,222,228,230,230,228,225,222,217,215,207,204,207,207,204,204,207,207,202,199,196,191,183,135,132,132,176,176,133,131,129,131,133,176,181,183,186,189,194,199,202,199,196,196,196,196,191,186,183,186,191,194,196,196,196,194,194,194,191,191,189,189,189,189,194,199,204,212,217,222,225,228,228,230,230,233,235,235,235,235,233,230,228,228,233,238,243,243,243,243,243,241,238,241,246,248,248,246,243,241,243,241,235,225,212,155,154,154,207,212,212,212,212,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,155,157,98,121,152,168,165,150,147,155,165,163,152,152,160,168,178,191,196,196,196,186,170,168,176,181,186,183,183,181,129,120,120,123,125,125,127,176,194,204,202,196,196,199,194,178,170,181,186,186,181,176,173,170,166,168,173,181,181,178,176,176,176,178,178,178,178,181,173,127,127,129,129,127,123,120,116,123,129,170,173,170,168,127,125,123,123,173,189,191,186,176,173,178,176,168,123,123,125,163,119,115,113,113,115,119,163,163,163,163,123,123,123,119,109,110,119,123,121,168,181,181,170,170,176,178,176,173,173,173,181,199,202,196,196,194,183,121,111,106,209,209,204,196,183,176,176,178,181,181,176,129,125,122,119,117,123,173,176,173,173,176,178,181,178,173,170,169,176,183,189,194,191,121,88,82,88,98,125,178,178,173,173,173,170,173,186,196,191,178,127,123,123,127,129,118,113,119,170,178,189,194,196,196,189,178,129,129,127,124,129,189,186,176,127,126,129,129,125,121,116,118,127,170,170,127,121,121,129,181,189,194,194,186,176,129,170,170,116,98,107,178,183,176,176,178,178,181,183,186,189,191,194,194,199,199,181,123,125,170,129,123,123,176,189,194,199,202,194,106,107,186,194,196,194,194,194,191,196,202,196,178,133,178,178,176,178,189,196,202,204,199,186,176,178,191,199,196,189,183,181,176,132,181,189,181,107,75,109,125,129,133,178,186,191,191,186,181,178,178,183,189,194,196,196,178,128,128,183,186,178,131,176,186,191,191,183,176,173,129,124,124,178,191,194,191,191,196,196,196,199,196,191,189,186,173,129,130,178,181,176,131,173,178,181,189,196,196,196,199,194,183,183,186,186,183,181,181,183,186,183,181,181,186,196,207,209,209,209,212,212,212,209,204,204,204,204,204,204,207,209,212,209,204,191,183,183,189,191,186,181,137,181,186,189,189,186,185,185,186,189,194,196,202,202,204,202,199,196,191,186,186,186,191,191,189,181,178,178,178,181,183,181,178,178,178,181,181,181,181,186,194,202,199,191,187,189,194,202,204,199,191,189,189,191,191,189,189,189,183,177,176,178,183,186,186,186,186,186,191,196,199,196,196,202,202,196,194,194,196,194,189,187,191,191,178,85,82,102,189,199,199,191,178,128,126,127,129,183,186,181,176,181,186,183,181,183,183,176,173,131,131,181,191,194,194,194,194,194,194,191,186,181,178,176,178,183,191,196,196,194,194,199,199,191,183,181,178,178,183,189,191,196,199,199,199,199,199,199,196,196,199,199,199,196,189,137,132,131,133,181,189,196,204,207,207,207,202,196,194,194,196,202,212,217,217,215,209,209,212,212,212,212,209,204,196,189,189,196,191,137,129,127,128,133,141,143,143,145,196,204,207,212,215,217,222,222,222,217,217,222,228,230,230,228,225,222,217,217,217,220,217,217,215,215,217,217,215,212,209,209,207,207,207,191,139,139,194,204,204,202,202,202,204,199,189,186,194,202,207,209,212,215,217,225,225,222,217,215,212,209,209,209,209,212,212,212,209,209,207,204,204,202,202,204,209,212,212,209,209,209,209,209,209,207,205,205,207,212,217,217,217,215,212,215,222,222,217,215,212,212,215,215,215,215,217,222,228,230,230,228,230,233,233,228,225,228,233,235,233,230,228,228,230,228,228,225,224,224,225,230,230,228,228,228,228,233,233,230,228,225,228,228,228,225,225,225,222,217,215,212,212,209,209,209,212,215,215,217,217,215,215,215,212,212,212,212,215,215,212,209,207,204,199,196,196,202,204,207,207,207,207,207,207,207,207,207,204,202,199,199,199,199,202,202,204,204,207,209,209,209,209,207,202,199,198,199,199,202,204,209,202,99,92,109,181,186,189,194,194,191,189,186,186,189,189,183,183,186,183,176,131,133,133,133,131,132,183,191,189,186,189,186,189,196,204,204,202,199,196,196,199,202,202,196,191,189,194,204,204,199,195,195,199,204,204,202,204,212,217,222,225,230,235,241,243,246,246,246,243,238,233,228,222,212,207,199,194,143,137,129,123,121,121,125,127,131,133,135,135,137,141,194,202,207,212,212,215,222,228,228,225,222,225,225,217,207,202,196,194,189,141,129,119,115,115,113,113,115,121,186,217,228,217,194,187,196,215,212,217,233,238,238,243,243,246,248,248,246,235,207,183,135,181,230,243,233,181,127,121,110,111,111,95,77,73,75,73,71,69,73,91,165,217,233,230,228,228,230,228,225,217,212,207,207,209,215,215,215,209,207,202,196,196,199,202,202,199,196,199,204,207,209,204,202,199,204,209,217,217,217,217,217,215,212,215,215,215,217,217,217,217,215,209,207,209,212,215,215,215,207,199,195,196,199,202,204,204,204,207,209,212,212,209,202,196,194,191,189,189,191,194,194,194,196,199,199,202,204,202,199,191,187,187,187,189,204,207,204,194,177,174,199,209,209,207,204,202,204,207,209,209,209,209,209,209,212,215,217,217,217,215,209,204,202,199,199,199,199,202,202,196,194,186,186,186,189,186,186,135,123,129,127,127,133,186,191,194,194,199,202,199,191,191,199,202,196,183,133,132,135,186,194,194,194,199,202,199,196,196,194,196,196,196,189,186,189,194,196,199,204,209,204,199,199,202,202,199,199,199,199,199,199,199,196,199,202,204,202,204,202,199,196,196,196,196,199,202,204,207,209,207,199,191,191,196,199,199,196,196,199,202,204,202,194,187,187,194,199,199,194,191,191,194,191,190,189,190,194,196,196,202,207,209,207,199,194,187,186,186,189,196,202,202,202,202,202,204,204,207,207,204,199,196,196,199,202,204,207,209,212,212,212,212,212,209,204,203,204,209,209,209,209,212,215,212,204,204,209,212,212,209,209,204,204,204,207,207,207,207,204,202,202,204,204,207,209,207,204,199,196,196,194,191,183,135,133,137,183,178,129,113,127,194,186,176,133,176,181,186,186,186,183,183,189,191,189,186,189,191,191,186,183,182,183,189,186,183,181,186,191,196,204,207,204,207,212,207,194,186,129,105,89,85,87,91,99,103,113,121,123,123,127,135,194,207,222,233,241,246,255,255,255,255,255,254,251,246,243,243,243,241,235,228,217,209,204,202,196,189,183,189,196,202,202,204,209,204,202,202,207,215,215,189,168,176,178,173,168,165,119,111,109,113,115,115,119,125,127,127,176,181,178,123,119,178,209,225,230,235,209,139,136,191,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,243,228,207,189,181,183,186,181,176,129,125,123,119,119,119,123,125,129,176,181,194,202,204,202,191,170,119,113,113,113,111,110,110,112,113,121,178,189,186,165,109,102,105,113,115,119,163,173,170,173,176,178,183,189,194,189,176,121,105,95,93,89,87,89,95,103,101,95,95,134,147,0,0,165,186,199,212,228,238,243,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,228,220,222,222,209,205,209,217,225,230,243,254,255,254,246,243,243,0,0,0,0,248,248,248,246,238,233,228,226,228,228,228,228,225,222,217,217,217,215,212,211,212,215,222,225,230,233,230,233,230,228,222,217,212,207,204,204,204,204,204,207,204,202,196,194,191,183,176,132,131,133,133,131,127,127,127,129,176,181,186,189,191,194,196,196,196,196,194,196,194,191,186,183,186,191,196,196,194,191,191,189,189,189,186,186,189,189,189,191,194,202,212,217,222,222,225,225,225,225,228,230,233,235,235,233,228,225,228,233,238,241,243,243,243,243,238,238,241,243,246,246,246,243,243,243,243,238,228,215,207,155,154,155,204,204,204,209,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,124,82,103,147,168,163,150,146,155,163,160,150,148,152,157,163,176,186,183,183,178,170,170,173,176,176,176,178,181,176,123,122,125,127,125,123,125,191,202,199,196,196,196,191,176,176,186,196,194,189,181,176,170,169,176,189,196,196,194,189,178,174,174,181,189,194,196,186,173,129,129,129,125,122,120,122,178,178,129,127,127,168,170,127,121,121,170,178,178,176,173,176,178,178,168,123,121,121,119,115,115,115,115,117,119,123,123,123,163,168,170,168,119,108,110,119,165,170,181,189,191,189,189,189,191,186,178,170,168,176,194,199,199,199,196,189,127,115,112,202,204,199,191,183,178,178,178,176,127,121,123,127,129,127,125,125,129,129,170,173,176,178,183,181,178,176,176,186,194,196,202,209,202,111,96,109,131,186,183,178,176,178,181,176,178,194,202,196,181,129,124,127,170,173,123,116,123,170,178,181,189,196,196,189,183,178,178,173,125,129,176,176,129,127,127,170,173,127,117,114,119,176,176,170,123,118,121,170,186,194,202,202,199,191,183,181,176,129,121,129,176,176,174,174,178,183,186,189,191,191,194,196,196,199,196,186,173,170,173,173,127,127,181,196,196,191,183,173,113,114,173,189,199,199,199,202,204,207,207,191,130,128,178,176,132,133,183,194,204,209,207,189,174,173,181,189,191,186,183,183,181,178,186,194,183,105,69,109,133,178,181,189,196,199,196,191,186,183,183,186,191,196,199,194,178,130,176,191,191,178,129,176,186,186,181,176,176,173,170,125,125,181,181,127,173,181,186,191,196,196,191,186,183,178,130,129,131,178,181,181,181,183,186,186,194,202,202,199,196,191,189,189,189,189,186,189,189,189,186,183,181,182,189,199,207,209,209,212,209,209,209,207,203,203,204,207,204,204,204,207,204,199,191,183,181,183,191,196,191,181,136,136,183,189,191,189,186,186,189,191,194,199,202,204,204,202,199,196,189,186,185,186,189,191,191,186,183,186,186,189,186,181,178,178,183,183,183,181,135,135,183,194,196,191,191,194,196,204,207,199,189,183,181,186,191,191,186,186,183,181,178,181,183,186,186,189,189,191,194,199,202,204,207,207,204,199,199,199,199,196,194,189,194,199,186,87,84,104,189,199,199,191,176,128,127,128,181,194,189,173,173,186,191,186,173,173,173,173,176,178,178,181,186,186,181,181,186,189,191,186,130,128,128,130,181,191,196,194,191,189,191,194,196,191,186,183,181,186,191,194,196,199,202,202,199,199,199,196,196,196,199,202,199,196,194,189,181,137,181,183,186,191,199,202,202,199,194,191,194,194,196,202,212,217,217,212,212,215,217,217,222,220,212,202,189,115,93,117,143,143,133,127,128,135,143,145,191,191,191,194,199,204,207,212,215,217,215,213,215,217,225,228,230,228,225,222,217,217,217,217,217,217,217,217,220,217,212,207,207,207,207,207,202,141,137,139,199,209,207,204,202,204,207,204,194,189,191,194,202,209,209,212,215,222,225,222,215,212,209,209,212,212,212,215,215,215,212,209,207,204,202,202,199,202,204,209,209,209,209,212,212,212,212,209,205,205,209,215,217,217,215,212,212,212,217,222,215,212,211,211,212,215,215,217,217,222,228,230,233,235,235,233,230,228,224,225,230,233,233,230,228,230,230,230,228,225,224,224,225,228,230,230,230,230,230,233,233,228,228,228,230,228,225,225,225,225,222,217,215,215,212,215,215,215,215,215,215,215,217,217,217,215,215,215,215,215,215,215,212,209,209,207,204,199,199,204,207,209,207,207,207,207,209,209,207,204,202,199,198,198,199,202,204,204,204,207,209,209,209,209,209,207,204,199,199,199,199,202,202,207,196,97,91,103,127,127,135,189,194,194,191,189,186,189,189,183,183,186,176,117,113,123,133,135,132,133,183,189,186,185,189,189,191,199,204,207,204,204,202,202,202,204,204,202,196,191,196,202,204,199,198,198,204,209,207,199,202,209,217,225,225,230,235,238,241,243,243,241,238,235,233,225,217,209,202,191,141,137,131,125,119,113,111,113,119,125,127,129,131,133,137,189,199,207,212,217,225,230,230,230,230,230,235,233,217,199,191,189,191,194,189,137,125,121,117,111,109,109,117,133,196,215,215,199,195,212,217,215,217,230,233,235,238,241,238,233,233,238,233,204,134,131,135,230,238,225,181,129,170,117,119,125,115,95,83,75,65,59,58,65,81,109,222,238,235,230,230,230,228,222,215,209,205,205,209,212,212,212,209,204,202,196,194,194,194,194,196,199,204,209,209,209,204,202,202,207,212,217,217,217,217,217,215,212,212,217,217,217,217,215,215,212,209,209,212,212,212,212,209,204,196,194,195,196,202,204,203,203,207,212,212,212,212,207,202,199,194,189,186,189,202,207,202,202,199,198,202,207,209,204,196,189,186,186,189,202,207,202,192,185,186,209,215,215,209,209,212,212,212,212,209,209,209,209,209,212,215,217,217,215,215,212,207,199,196,194,196,199,199,199,196,191,189,189,189,186,183,135,127,125,129,131,133,135,186,194,194,199,204,204,196,189,187,194,204,199,186,134,134,139,189,194,194,196,202,204,202,199,191,185,185,191,191,186,185,189,194,194,196,202,204,202,199,202,204,202,199,199,199,196,196,196,196,195,196,199,199,199,199,199,196,196,196,199,202,202,204,204,209,212,212,207,199,196,199,202,199,202,202,204,207,207,199,191,189,191,196,199,196,191,190,190,191,194,194,191,191,196,199,204,207,209,207,202,196,194,194,194,194,194,199,202,202,202,199,199,199,202,207,209,209,204,199,196,196,196,202,204,207,209,209,209,209,215,212,207,203,204,207,207,205,205,209,212,212,207,207,207,207,204,202,204,204,204,204,204,207,207,207,204,204,204,207,207,207,207,204,199,191,191,191,189,183,183,181,181,186,189,135,117,92,105,194,183,129,127,129,176,186,189,186,183,183,189,196,194,186,183,183,186,186,186,183,183,186,189,191,194,196,196,194,199,204,207,209,212,207,199,194,186,125,103,91,91,97,103,107,109,111,115,125,133,139,191,204,222,235,241,246,255,255,255,255,255,255,254,254,254,254,248,241,233,230,228,225,220,212,204,194,186,186,191,194,194,194,199,199,196,196,207,222,230,217,186,168,170,165,121,119,117,119,125,165,125,121,121,123,119,119,127,194,215,225,209,204,215,225,230,230,209,194,194,217,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,241,225,202,183,179,181,181,178,133,133,176,129,119,114,114,119,125,129,178,186,196,204,207,204,196,176,115,111,112,113,115,115,119,165,168,176,189,199,199,183,117,105,111,117,115,117,165,176,176,173,173,176,183,191,199,196,186,165,107,99,93,89,89,93,103,111,142,103,134,144,157,165,170,181,196,209,222,233,241,246,251,0,0,0,0,0,0,0,0,0,0,246,0,0,0,0,0,0,238,228,217,215,217,212,207,209,215,217,225,238,254,255,254,246,243,243,0,0,0,0,0,251,251,248,241,230,226,226,228,230,228,228,225,225,222,222,217,215,212,212,215,217,225,230,233,230,228,230,230,228,222,217,212,207,204,204,204,204,204,207,204,199,196,191,189,183,181,176,133,133,129,129,125,123,123,127,176,183,189,191,194,194,194,194,194,191,191,194,191,186,183,181,186,191,196,196,194,191,186,183,183,139,183,183,186,186,186,143,191,199,209,215,215,220,225,225,225,225,225,228,230,235,235,233,225,224,225,233,241,243,243,243,243,243,238,237,238,241,246,246,243,242,243,243,243,241,233,222,212,207,157,204,207,204,207,212,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,72,98,131,152,152,147,150,157,163,163,157,152,150,113,108,113,168,168,168,168,173,176,176,173,173,173,176,181,176,125,125,129,170,127,124,129,186,196,196,194,194,191,181,129,129,186,196,199,194,181,173,173,178,189,199,204,207,202,196,183,174,174,183,196,202,204,202,189,181,176,173,173,129,129,186,202,191,176,128,127,170,173,125,118,119,168,170,166,168,170,170,170,173,170,165,125,125,119,115,119,121,121,121,121,123,123,121,123,168,168,165,117,110,110,117,163,173,183,189,194,199,196,196,199,199,189,170,121,165,186,196,196,191,189,181,170,121,123,191,199,199,191,183,181,178,176,127,118,116,120,170,176,173,170,129,127,127,129,173,181,186,186,183,183,183,186,196,202,199,204,215,217,212,202,189,186,191,181,173,173,181,183,176,178,196,202,194,178,127,125,129,181,189,183,125,121,125,173,176,173,186,186,183,183,186,186,178,125,121,121,120,125,173,183,183,176,127,117,114,125,186,178,129,121,118,125,178,189,194,199,202,202,199,194,186,181,183,191,189,178,176,174,176,183,189,191,191,191,194,194,194,191,194,194,191,181,129,129,170,170,170,176,186,186,173,125,125,122,124,173,186,199,202,199,202,207,209,204,189,130,128,183,186,178,133,178,191,202,207,202,189,176,173,174,181,186,186,186,189,189,189,191,191,186,131,103,176,194,199,196,194,194,196,194,194,194,191,194,194,196,199,204,199,189,181,186,191,189,176,129,173,176,176,173,176,181,183,186,178,123,87,37,53,89,91,107,173,189,189,186,183,178,131,129,130,176,178,181,183,189,191,191,186,191,202,202,199,194,189,189,191,191,189,189,194,199,196,189,186,182,183,191,202,207,207,207,207,204,204,204,204,204,203,204,204,202,199,202,202,194,139,130,131,137,183,191,196,191,183,136,135,137,189,196,196,194,194,191,194,196,199,204,204,204,204,202,196,191,186,186,186,191,194,194,189,189,189,189,191,189,183,178,181,186,189,189,181,134,133,135,189,194,194,196,199,202,204,204,194,181,133,133,181,186,189,183,183,186,183,181,183,183,186,186,186,189,191,199,202,204,207,209,207,204,199,196,199,199,196,194,191,194,202,196,119,105,121,186,196,196,189,178,131,170,178,191,191,178,129,176,189,191,178,121,123,127,131,178,181,176,173,178,131,124,129,181,191,189,178,127,126,127,130,181,191,194,186,181,181,183,189,191,194,191,186,183,189,194,196,196,202,204,202,199,199,199,196,196,196,199,202,202,199,196,196,196,194,191,189,189,191,194,194,194,196,194,191,194,194,196,199,207,215,215,212,212,215,217,222,225,220,204,143,129,81,74,89,137,189,139,131,137,143,191,194,196,194,190,189,191,196,202,207,212,217,215,213,213,215,222,225,228,228,225,222,222,222,222,222,222,217,215,215,217,215,209,204,204,204,204,204,199,143,139,143,202,207,207,204,204,207,209,209,199,194,189,187,196,204,207,207,209,217,225,222,217,212,209,209,212,212,212,212,215,215,209,207,204,204,204,202,198,196,199,204,204,204,207,209,212,215,215,209,205,205,209,215,217,217,215,212,212,212,215,217,217,215,212,212,215,215,215,217,222,222,225,230,238,238,235,230,228,225,225,225,230,233,233,230,230,230,230,230,228,225,221,221,225,230,233,233,233,230,230,230,228,225,225,230,230,228,222,222,222,222,217,215,215,212,212,215,217,215,215,212,212,215,217,217,217,217,217,217,217,217,217,217,212,209,209,209,207,204,204,207,209,209,207,207,207,209,212,212,209,204,202,199,199,199,202,204,204,204,204,207,209,209,209,209,209,207,204,202,199,199,199,199,202,202,186,103,98,119,133,119,114,135,189,191,194,191,186,186,186,183,183,183,127,108,107,113,127,133,133,135,183,189,186,186,189,191,194,199,202,204,207,209,209,207,204,207,209,207,199,194,196,202,204,202,199,202,207,212,209,199,199,209,222,225,228,233,235,235,238,241,241,238,235,233,230,225,215,207,196,189,139,135,129,123,117,109,105,107,113,117,119,123,125,129,135,186,196,204,209,217,228,233,233,233,233,235,238,233,215,194,139,137,186,189,189,137,129,125,119,111,104,103,107,121,133,186,202,207,215,228,225,228,230,233,233,233,233,233,228,222,222,233,235,209,139,133,133,204,225,217,196,186,189,176,127,125,117,101,87,67,57,56,58,73,89,111,217,235,233,228,225,222,220,215,212,207,205,205,209,209,209,207,202,196,191,189,189,189,186,186,191,199,204,207,207,207,204,202,202,207,212,217,217,217,217,217,215,212,215,217,222,217,215,212,209,207,207,209,212,209,209,207,204,199,196,195,195,199,204,207,204,204,207,212,212,212,209,207,204,202,199,191,187,191,209,215,207,202,202,199,204,212,215,212,202,191,186,186,191,202,204,202,196,194,199,212,217,217,217,217,222,222,217,212,208,208,209,212,212,212,212,215,212,207,207,209,207,196,191,191,192,194,196,199,199,196,194,191,191,191,186,133,127,129,131,133,137,137,189,196,199,204,212,209,199,190,187,191,202,202,191,183,183,186,191,191,194,196,202,204,207,202,189,179,179,186,189,183,183,189,191,190,191,196,196,191,189,194,199,199,202,202,202,199,199,199,196,196,196,199,199,196,194,192,194,196,199,202,204,207,207,207,207,209,209,207,199,196,199,202,202,202,204,209,209,209,199,191,186,186,191,196,196,194,190,190,194,199,199,196,194,194,199,204,204,204,199,194,191,196,199,202,202,202,202,199,199,199,198,198,199,204,209,212,212,209,204,199,196,196,199,202,204,204,202,202,207,215,215,209,204,207,207,207,205,205,207,212,209,207,204,204,202,200,200,202,204,202,202,202,202,204,204,204,204,204,207,207,204,204,202,196,194,191,194,183,135,181,186,189,191,196,189,123,75,80,186,181,125,122,123,129,181,186,183,181,181,189,196,194,183,178,178,183,191,191,189,186,189,194,199,204,202,199,194,196,204,209,212,215,215,215,220,222,217,194,123,107,103,105,111,115,113,115,125,133,141,194,207,228,241,243,248,255,255,255,255,255,255,255,255,255,255,255,246,238,233,230,235,238,233,222,202,189,185,186,189,183,183,189,189,183,183,199,217,225,215,199,125,165,125,115,110,111,123,181,186,183,176,168,123,113,103,105,131,212,235,238,235,238,243,243,235,215,202,204,225,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,255,255,255,255,255,248,238,222,199,183,181,181,181,133,133,176,181,176,121,113,113,117,123,129,176,183,194,202,204,204,202,183,119,111,111,115,119,123,176,191,194,194,199,207,209,199,176,119,117,119,117,114,121,170,176,173,173,176,183,196,204,202,189,173,115,105,97,93,93,101,0,0,155,150,150,0,168,176,183,191,207,220,233,241,246,248,254,0,0,0,0,0,0,0,0,0,0,243,0,0,0,0,0,0,233,228,212,204,209,212,207,207,209,212,217,235,248,255,254,248,243,241,0,0,0,0,0,0,248,246,241,230,226,228,230,230,228,225,225,225,225,225,217,212,212,212,215,222,225,228,228,222,217,222,228,228,222,217,212,207,207,207,204,204,204,204,202,196,194,189,183,181,181,181,176,173,129,127,123,121,121,125,173,186,194,196,196,194,191,189,189,189,189,189,186,183,179,179,183,191,196,196,194,189,183,137,135,135,137,139,183,141,141,141,143,194,202,207,209,215,225,228,228,225,222,224,228,233,235,233,225,224,228,235,241,243,243,243,243,243,241,238,238,243,246,246,243,243,243,246,246,241,233,225,215,209,209,212,215,212,215,217,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,118,134,142,147,157,163,165,168,165,160,152,109,105,107,163,165,164,164,170,176,170,168,170,173,176,176,173,129,173,176,173,170,173,178,186,191,189,189,186,178,125,115,117,173,186,189,191,173,127,170,183,199,204,207,207,204,202,191,181,181,189,196,204,207,209,202,194,183,181,183,183,181,196,204,196,186,176,128,170,173,123,118,120,168,168,165,168,173,169,169,170,173,173,173,170,125,119,121,123,163,165,123,123,121,117,119,123,123,117,113,110,111,113,119,168,178,183,191,199,196,194,199,202,191,125,109,107,181,191,186,176,168,168,168,125,168,186,196,199,191,186,181,178,176,168,118,117,121,170,173,168,168,168,127,126,126,173,191,202,191,183,183,186,191,199,202,202,207,215,215,212,204,191,183,183,169,166,168,176,181,176,178,196,199,191,173,123,121,129,183,196,202,170,117,118,170,173,166,169,173,178,186,186,186,173,121,119,117,117,125,189,199,196,181,127,118,116,170,186,178,127,123,120,170,186,191,194,196,199,202,202,191,183,179,186,199,194,183,181,181,186,191,194,191,189,191,194,191,186,186,186,189,189,183,117,115,125,173,173,170,170,127,124,127,181,191,189,178,181,196,199,199,202,207,207,204,191,134,133,189,199,194,178,133,186,196,196,189,183,178,176,176,176,181,186,191,191,194,196,196,189,183,183,183,196,204,207,204,191,176,181,189,196,199,202,202,202,202,204,204,202,194,189,189,189,186,181,173,129,127,125,170,183,191,196,199,199,115,1,0,30,59,35,71,119,181,186,186,183,181,131,130,173,178,178,181,186,194,194,191,186,186,194,199,196,191,186,186,189,191,189,191,196,199,194,189,183,183,186,196,204,207,204,202,199,199,202,204,207,204,204,204,202,199,198,199,199,189,131,124,127,133,183,189,191,189,183,137,136,137,186,196,202,199,199,196,196,196,199,202,204,207,207,204,202,196,191,191,194,196,196,196,191,191,191,191,194,191,183,181,183,189,191,191,186,178,135,178,189,194,196,199,202,199,199,194,181,130,129,131,178,183,186,186,186,186,183,181,183,186,183,183,182,183,191,199,204,207,207,207,204,199,196,199,199,199,196,191,191,194,196,194,129,119,125,186,194,191,186,178,176,178,186,191,178,125,127,181,189,183,127,113,121,129,178,186,183,176,176,173,125,121,125,186,194,189,176,131,131,133,133,178,186,183,177,174,174,176,178,186,196,196,189,186,189,194,196,196,199,202,199,199,199,199,199,196,196,199,202,202,199,196,196,199,199,196,191,191,191,191,191,191,194,194,191,194,194,194,196,204,209,209,209,207,209,212,217,217,212,194,129,89,78,78,105,133,139,141,189,194,194,194,194,196,196,191,189,191,196,202,207,215,217,217,215,215,215,217,222,225,222,222,217,217,222,222,225,222,217,213,213,215,215,212,209,207,204,204,202,199,191,143,194,202,204,202,199,202,207,212,209,204,196,189,185,191,202,202,202,207,215,222,225,217,212,209,209,212,215,212,209,209,209,207,207,204,204,204,202,198,196,196,199,199,199,204,209,212,215,215,212,207,207,209,215,215,215,215,215,212,212,212,217,222,222,217,217,217,217,217,217,222,222,225,230,238,238,230,225,225,225,225,228,230,230,233,230,228,228,230,230,228,225,221,221,225,230,233,233,233,233,230,228,228,225,225,228,228,225,222,222,217,217,217,215,215,212,212,215,217,215,211,211,211,215,217,222,222,222,222,222,222,222,217,215,209,208,209,212,212,207,207,209,212,209,207,207,207,209,212,215,212,207,202,199,199,202,204,207,207,207,207,207,209,209,209,207,207,204,202,202,199,199,199,199,202,199,183,119,117,189,194,127,104,121,183,189,191,191,189,186,183,181,181,181,125,107,106,112,119,129,131,135,183,186,189,189,191,191,194,196,199,202,207,212,212,209,207,207,212,209,202,199,204,207,207,204,202,202,207,209,207,199,199,209,222,228,230,233,235,235,235,238,238,238,235,233,228,222,212,202,194,141,135,129,127,121,113,107,105,104,107,111,113,117,121,127,133,141,194,199,204,212,225,230,233,230,233,235,235,228,212,191,137,136,137,139,137,133,131,129,123,113,103,101,103,111,117,119,131,191,207,215,217,230,235,238,241,241,235,233,225,220,221,233,238,222,202,191,129,134,202,215,204,191,189,178,121,115,109,101,85,67,59,61,77,93,101,119,217,230,228,222,215,212,209,212,209,209,207,209,212,209,204,196,191,186,183,185,186,141,140,140,189,196,202,204,202,199,199,199,202,204,207,212,215,215,215,215,212,211,212,217,217,215,212,207,205,205,207,209,209,207,204,202,202,199,196,196,199,202,207,209,207,204,204,207,209,209,207,204,204,204,204,199,194,199,212,215,204,204,204,202,207,215,217,212,204,194,187,187,194,199,207,207,207,207,207,207,215,217,222,222,225,225,220,212,207,207,209,212,212,209,209,207,199,196,199,204,204,196,191,190,191,192,196,202,204,202,199,194,194,196,194,135,133,139,135,135,135,139,191,199,199,207,215,212,207,196,190,191,199,199,196,194,191,191,189,191,191,194,199,204,207,204,191,177,177,189,191,185,183,186,191,190,191,194,191,139,132,134,186,194,202,207,207,204,202,202,199,199,202,204,202,196,192,192,194,196,199,204,207,207,209,207,204,204,202,199,194,194,199,202,202,202,204,207,209,207,202,191,137,133,137,191,199,196,191,191,199,202,202,196,190,190,196,199,196,194,190,189,191,199,199,204,207,207,204,199,198,198,199,202,204,209,212,215,212,209,207,204,199,196,199,199,202,199,194,194,199,209,215,209,209,209,212,209,207,205,207,212,209,207,207,207,204,200,200,202,202,200,200,200,200,202,204,204,204,204,204,204,204,204,204,202,199,196,196,139,134,135,183,186,189,199,215,194,70,70,178,178,125,120,121,125,176,181,181,178,176,183,191,191,181,177,178,186,194,196,191,189,191,196,204,207,204,199,199,202,209,215,215,212,217,225,233,238,235,230,207,131,115,113,117,121,119,121,125,131,141,199,212,235,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,243,230,228,233,241,243,235,209,194,189,186,186,178,176,181,181,173,173,191,207,207,199,189,127,173,168,115,108,109,121,189,202,202,194,186,176,113,95,90,91,119,209,238,254,255,255,255,251,230,207,200,212,243,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,255,255,255,255,254,248,235,220,202,191,189,189,181,132,131,176,181,176,123,115,114,119,123,125,129,176,186,194,199,204,204,191,127,113,112,117,125,168,181,196,202,204,207,212,215,209,194,173,121,121,119,115,119,168,176,178,176,178,189,199,204,202,189,168,121,113,103,97,99,0,157,0,0,0,0,0,0,181,186,196,212,225,238,243,248,251,254,255,0,0,0,0,0,0,0,0,0,248,0,0,0,0,0,0,230,222,209,199,202,207,204,202,207,209,217,230,243,248,248,246,241,238,0,0,0,0,0,0,243,246,241,230,226,230,235,233,225,222,222,222,222,222,217,212,209,212,217,222,225,222,217,213,212,215,222,225,222,217,212,209,207,207,204,204,204,204,202,196,189,183,179,179,183,183,178,131,127,125,123,120,120,123,173,186,194,199,196,194,191,189,186,183,183,183,183,181,179,179,181,189,194,194,191,189,181,135,131,131,135,137,183,141,141,141,141,143,194,199,204,212,222,228,230,228,222,221,225,230,235,230,225,224,228,235,243,246,246,243,246,246,243,241,243,246,248,248,246,246,246,246,246,241,233,222,212,209,212,217,222,222,222,222,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,118,137,150,157,168,168,170,168,160,150,109,109,157,168,173,168,165,168,168,165,165,168,173,173,172,173,186,194,186,173,170,178,183,186,183,181,181,178,125,112,111,114,119,121,113,101,90,106,170,191,204,207,204,202,204,202,199,191,189,191,196,202,207,212,209,202,191,186,183,183,181,189,199,199,191,178,170,129,127,125,123,127,173,173,173,178,181,176,170,170,173,173,176,176,168,163,123,123,163,163,163,163,123,119,117,117,115,112,113,117,115,115,117,163,173,181,189,191,189,189,194,196,186,123,101,90,82,85,70,58,89,121,123,123,125,176,191,199,196,189,181,178,181,178,125,120,121,125,127,125,125,168,168,126,125,173,194,202,189,181,178,181,186,191,194,196,202,209,212,209,202,189,178,170,166,165,166,169,173,173,178,191,196,189,173,127,120,123,173,170,194,178,121,125,176,176,170,170,170,178,186,183,173,125,123,123,119,127,178,196,202,199,191,125,121,129,178,181,178,173,127,129,178,191,196,196,196,202,202,199,189,176,178,189,199,194,181,181,186,191,194,191,189,189,191,191,186,186,186,186,186,189,176,104,83,119,170,176,181,131,123,131,181,204,209,202,181,176,191,204,204,207,207,204,202,194,178,135,191,191,181,125,125,135,183,186,181,181,181,181,178,176,130,191,196,194,194,196,196,189,181,178,186,204,199,196,199,98,80,118,189,196,202,204,204,204,204,204,204,199,191,189,186,189,191,189,181,125,111,111,129,191,196,199,202,202,119,7,39,63,83,67,129,176,183,191,194,191,186,181,178,178,181,181,181,186,189,191,189,186,186,191,191,189,185,185,186,191,189,186,189,191,191,186,181,137,181,189,199,204,204,202,199,198,198,204,207,207,204,204,202,202,199,199,199,196,189,135,129,129,131,137,181,186,183,181,137,137,137,186,196,202,202,196,196,196,196,199,202,207,209,209,207,204,199,196,196,196,199,199,194,191,191,194,196,194,191,186,183,186,191,194,194,189,183,181,183,189,194,196,199,199,199,194,186,131,128,130,178,181,183,183,186,189,189,186,186,189,189,183,182,183,183,189,199,207,207,204,202,199,196,199,202,202,202,199,194,194,196,194,178,117,117,178,189,189,186,178,173,173,176,183,183,127,120,123,176,183,129,69,52,113,176,183,189,183,178,176,176,129,125,133,189,189,181,181,183,189,186,178,135,178,181,177,174,173,173,176,183,194,194,191,189,189,191,194,196,199,196,194,196,199,199,199,196,196,199,202,199,196,191,191,194,196,194,191,191,194,194,194,191,191,191,194,194,194,191,191,199,204,202,194,196,202,207,212,212,207,191,135,103,123,191,189,137,135,139,194,199,199,199,199,199,199,196,194,196,204,209,212,215,217,220,217,217,217,217,217,217,217,215,215,215,217,220,222,217,215,212,212,215,222,225,217,209,207,207,204,199,194,191,196,202,199,196,194,196,202,207,209,209,204,199,194,199,202,202,202,204,215,222,222,217,212,209,209,212,215,212,209,207,207,204,204,204,207,207,204,202,199,199,199,198,199,202,204,207,212,215,212,209,209,212,215,215,215,215,215,215,212,212,215,225,225,225,217,217,217,217,217,217,217,225,230,235,235,225,217,222,222,225,225,225,225,225,225,217,222,228,230,228,225,224,224,225,228,230,230,233,233,230,228,228,228,222,222,222,225,225,217,215,216,217,217,217,217,217,217,222,217,212,211,212,217,222,222,222,222,222,225,225,225,222,215,209,208,209,212,215,212,212,212,212,212,209,209,209,212,215,215,215,209,204,202,202,204,204,207,207,207,207,209,209,209,207,204,202,202,202,199,199,199,199,199,199,196,183,129,137,199,202,191,94,110,178,186,189,191,189,189,186,186,183,176,127,117,115,117,121,125,131,135,181,186,186,186,191,194,196,196,199,202,207,212,215,215,209,207,209,207,202,202,207,212,212,209,207,204,204,204,202,199,204,212,225,230,233,235,235,233,233,238,238,238,235,233,228,222,209,199,143,135,129,125,119,117,113,107,105,104,105,107,111,113,115,121,129,139,194,199,202,207,217,228,230,230,230,233,228,217,204,191,141,139,137,135,131,133,135,135,129,123,113,105,105,107,111,115,121,129,139,191,196,212,230,241,246,248,246,238,228,224,225,233,233,228,222,209,133,132,196,228,217,194,181,168,111,109,107,93,65,67,77,77,79,81,71,71,125,215,217,215,212,209,207,209,212,212,209,212,215,204,194,186,185,185,185,189,189,141,140,141,189,196,202,199,196,194,196,202,202,202,202,204,207,212,215,215,212,211,211,212,215,212,209,207,205,207,209,209,209,204,202,202,199,199,199,202,204,207,207,207,204,204,204,204,204,204,204,204,204,204,204,204,202,204,209,212,207,204,204,204,209,215,215,207,204,202,196,189,191,199,207,209,212,215,209,204,207,215,222,225,222,222,220,215,208,208,209,212,209,207,204,199,195,194,195,199,204,202,196,194,194,196,202,207,209,207,202,196,196,199,199,183,137,183,139,121,121,186,199,199,199,204,209,212,207,202,199,196,196,196,196,196,194,189,186,189,189,191,196,204,207,204,194,185,186,194,196,189,186,189,191,194,194,196,189,135,129,129,135,191,202,204,207,207,204,202,204,204,207,207,202,194,194,196,199,196,199,204,207,204,207,207,204,202,196,192,191,192,196,199,198,198,202,207,209,207,199,189,129,125,128,186,196,196,194,194,199,204,202,194,189,187,191,191,190,189,189,191,196,199,202,202,207,207,207,204,199,198,199,202,207,209,215,215,215,209,209,204,202,199,202,202,199,194,191,192,199,204,209,212,215,215,215,212,209,207,209,212,212,212,212,212,207,204,202,202,200,200,202,200,200,202,204,204,202,202,202,202,204,207,209,207,202,196,194,139,133,134,135,137,186,204,212,202,125,49,121,129,127,122,124,131,178,181,178,174,173,176,186,186,178,176,177,186,194,196,191,191,194,202,207,204,202,202,199,204,212,215,212,207,209,222,233,238,241,241,243,243,217,137,129,121,121,127,135,135,139,196,209,235,251,255,255,255,255,255,255,255,255,255,255,255,255,255,251,238,228,225,228,228,228,222,204,202,199,191,183,133,127,178,186,176,127,178,202,199,181,127,127,178,173,119,111,111,123,204,215,209,204,199,189,119,95,87,87,91,113,194,246,255,255,255,251,238,209,194,196,235,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,255,255,255,251,246,235,220,207,202,202,199,181,131,131,133,173,125,119,114,114,117,121,121,125,129,178,189,196,204,212,199,176,117,115,123,168,127,127,176,189,199,204,204,207,207,196,176,123,121,123,123,125,176,183,183,183,186,194,204,204,199,183,165,121,117,107,99,101,111,0,173,173,178,178,178,181,183,191,199,212,228,238,246,251,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,225,217,209,202,196,196,199,202,204,207,212,225,233,238,235,230,233,233,0,0,0,0,0,0,0,0,238,228,226,230,235,230,222,217,215,215,215,215,215,209,207,215,225,228,225,222,215,212,212,213,217,222,217,215,212,209,207,204,204,204,202,202,199,196,189,181,178,179,183,183,178,131,127,123,121,120,121,123,173,183,191,196,196,196,194,189,186,183,181,181,181,181,181,181,183,189,194,194,191,189,181,133,129,129,133,135,139,186,186,139,137,139,141,145,196,207,215,225,230,230,225,221,225,230,233,230,225,225,228,238,246,248,248,246,248,248,246,243,246,248,251,248,248,248,248,248,246,241,233,222,209,205,209,215,222,225,225,225,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,116,144,150,152,160,165,165,163,157,147,109,150,165,176,178,176,170,168,165,164,164,168,173,172,169,173,191,204,199,186,178,178,181,181,181,181,183,181,129,117,114,115,117,119,113,101,94,107,176,196,207,207,202,202,202,202,199,194,191,191,194,202,207,212,212,207,199,191,181,170,125,170,183,191,189,181,170,127,127,168,176,181,181,178,181,186,189,181,173,170,170,170,170,170,168,165,165,163,123,163,168,170,168,121,117,115,115,117,163,170,165,121,121,163,170,181,189,189,183,178,181,189,186,170,113,99,85,86,74,67,98,119,121,121,121,168,186,194,196,189,183,181,183,183,173,123,121,121,123,123,123,168,170,168,168,176,186,189,183,178,176,176,178,181,181,186,196,207,209,207,199,189,186,183,176,173,170,169,170,176,183,194,199,194,181,170,123,121,125,121,181,181,173,176,183,183,181,181,176,129,125,121,123,127,176,178,176,176,181,191,196,204,199,170,173,183,186,183,178,173,129,129,181,191,196,196,199,202,204,202,189,176,178,191,202,196,183,183,186,189,191,189,189,191,191,191,189,189,191,189,186,189,181,118,105,123,176,186,191,186,178,181,194,212,215,207,177,168,181,204,212,209,204,204,207,199,181,133,135,124,121,121,125,135,178,178,181,183,186,186,178,132,126,183,194,191,189,189,189,183,177,178,183,126,114,178,189,90,78,121,194,202,204,204,207,207,207,204,199,194,189,186,186,189,191,191,183,121,105,104,115,189,199,199,204,202,170,61,176,129,173,183,186,186,189,194,196,196,191,186,183,181,181,181,181,181,183,183,186,186,186,189,186,185,183,186,191,191,178,174,177,181,178,178,137,136,181,189,199,204,204,202,199,198,198,202,204,204,204,204,204,202,199,199,199,196,189,139,135,135,135,137,137,181,137,135,135,135,181,186,196,202,199,194,194,194,196,199,204,209,212,209,207,204,202,199,199,196,196,196,194,191,194,196,196,194,191,189,186,189,191,194,194,191,186,183,186,189,194,194,196,196,196,194,183,131,129,133,183,186,183,183,189,194,194,191,191,194,194,189,186,186,186,189,199,204,204,202,199,196,196,202,204,204,202,202,196,194,196,191,127,107,113,178,189,183,176,131,129,125,123,125,129,123,121,125,170,125,67,50,58,103,131,183,183,178,176,176,176,131,129,176,186,186,181,189,196,196,189,181,135,178,178,178,178,178,178,181,186,194,194,191,191,191,194,196,196,191,186,186,191,196,199,199,196,196,196,199,194,191,190,190,194,194,194,191,191,194,196,196,194,191,191,191,196,191,183,141,191,196,192,189,190,192,199,204,209,207,196,189,141,196,204,199,141,135,139,194,202,204,202,202,204,204,204,204,207,212,217,220,222,222,215,212,217,217,217,215,215,215,212,209,212,215,217,222,217,215,212,212,217,228,230,225,215,209,207,204,202,196,194,196,199,196,194,194,194,196,202,207,212,212,207,204,202,204,204,204,207,215,217,217,215,212,209,209,212,212,209,209,207,207,204,204,204,207,207,209,207,204,202,199,198,198,199,204,204,209,212,212,212,212,212,215,215,215,215,215,215,215,215,217,222,225,225,222,217,215,217,217,217,217,225,230,235,233,225,215,217,217,212,209,209,212,215,215,215,217,225,228,230,228,228,228,228,228,225,225,228,230,230,228,228,225,222,220,222,228,228,217,215,215,217,222,222,222,225,225,225,222,215,212,215,225,228,225,222,222,225,228,228,225,222,215,209,209,212,215,217,217,215,215,215,212,212,212,212,212,215,217,215,212,204,202,202,204,204,207,207,207,207,207,209,209,207,204,202,202,202,199,199,199,199,199,202,194,137,133,183,199,202,186,92,100,115,183,194,194,194,194,196,194,191,183,135,131,127,127,125,129,133,135,178,181,183,186,194,199,202,202,202,202,207,212,217,217,212,209,207,204,196,199,209,217,217,217,215,209,207,202,199,199,202,212,225,230,233,235,233,230,233,235,241,238,238,235,233,225,212,196,141,129,123,119,117,115,113,109,105,104,104,107,109,111,113,119,129,141,196,202,204,209,217,225,228,230,230,230,228,217,204,194,143,141,139,135,132,133,135,135,135,135,129,121,115,111,109,111,115,121,129,135,135,189,215,233,246,254,251,243,233,225,225,228,225,225,225,215,134,178,215,233,222,199,183,123,109,106,107,99,71,65,75,79,69,57,45,46,83,170,194,202,209,207,204,207,209,209,209,209,207,199,189,186,189,194,199,202,196,191,186,141,189,194,199,202,196,194,194,199,202,199,198,199,204,209,215,215,212,211,211,212,215,212,209,207,207,209,209,209,207,204,202,202,199,196,199,204,209,209,209,207,204,204,202,202,199,202,202,204,204,204,207,207,207,207,209,212,209,207,202,202,207,212,209,204,202,207,204,196,196,204,209,212,212,212,204,199,202,209,217,222,222,217,217,215,209,209,209,209,207,204,202,202,199,196,199,202,204,204,204,202,202,204,204,207,207,207,202,199,199,202,196,186,183,186,137,103,85,131,207,207,202,199,202,207,199,196,196,196,194,191,194,191,189,183,139,183,189,191,196,202,207,204,199,194,196,202,202,196,194,196,196,196,194,194,189,137,130,130,137,196,204,207,207,207,207,207,207,209,212,209,202,194,196,202,202,196,196,202,202,199,204,207,204,199,194,192,192,194,199,199,198,198,202,207,209,202,191,135,126,125,127,135,189,194,191,190,191,196,199,196,190,189,191,191,190,191,194,199,202,202,202,202,204,204,204,204,202,199,199,202,204,209,215,215,215,209,207,204,202,202,202,204,202,194,191,192,199,202,207,212,217,217,217,217,215,212,212,212,215,217,217,215,207,200,199,200,202,204,204,202,200,204,204,202,200,200,202,202,204,209,209,209,204,199,191,139,134,133,134,135,186,199,207,207,194,62,102,111,127,176,178,183,189,186,183,176,174,176,181,181,177,174,177,186,196,196,191,189,191,199,204,204,199,199,195,199,209,215,209,202,202,209,222,230,235,235,238,233,222,204,139,127,125,135,143,143,145,196,209,233,251,255,255,255,255,255,255,255,255,255,255,255,255,255,241,225,215,212,212,204,189,137,183,199,199,194,181,125,122,133,189,173,115,119,191,194,176,123,127,176,168,121,113,111,123,202,212,215,215,212,202,181,105,89,88,89,95,119,228,255,255,233,225,225,215,200,204,235,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,255,255,255,251,246,235,217,202,202,207,204,189,176,133,176,129,123,115,113,113,115,117,119,119,125,173,186,194,204,212,204,186,125,119,125,127,121,117,121,168,183,189,189,191,194,189,178,125,123,125,168,173,181,189,189,191,194,199,204,202,194,181,165,121,117,109,101,101,109,117,0,173,181,186,186,183,186,189,196,212,230,241,246,251,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,222,215,207,199,194,194,196,199,202,204,207,215,225,228,222,217,217,225,0,0,0,0,0,0,0,238,233,228,228,233,233,222,215,212,212,212,212,212,207,204,207,217,228,230,228,225,220,215,215,220,222,222,217,215,212,207,204,204,204,204,202,202,199,196,189,181,179,181,181,181,176,129,127,123,120,120,121,123,129,178,186,191,196,196,194,191,186,181,179,179,179,181,183,186,186,189,191,194,191,191,183,133,127,127,129,133,137,186,186,139,137,135,135,137,145,199,207,217,228,230,228,224,225,230,230,228,225,228,230,238,246,251,248,248,251,251,246,246,246,248,251,251,251,251,251,248,246,241,233,222,207,204,207,212,217,225,225,225,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,139,152,147,150,155,157,157,157,152,147,147,155,168,178,181,176,170,170,168,165,164,168,173,172,170,173,191,204,207,196,183,178,178,183,189,191,191,189,181,170,125,119,119,123,123,113,103,125,191,202,207,204,200,202,202,202,199,194,194,194,196,202,207,207,207,207,202,189,170,121,117,123,170,178,183,181,176,173,173,176,183,189,186,181,181,186,186,178,173,170,170,170,168,165,165,170,170,165,163,165,170,176,176,165,121,121,165,170,178,183,178,168,123,123,170,181,186,186,178,165,121,165,173,165,123,121,121,117,101,103,119,121,119,121,123,168,178,191,196,194,189,186,186,186,178,125,121,119,119,121,123,168,173,176,173,176,178,178,176,173,173,172,172,172,172,176,186,199,204,204,194,186,183,186,186,191,189,181,178,183,191,196,204,202,194,183,170,125,120,116,121,170,170,170,176,176,178,181,173,113,110,116,121,178,199,199,194,189,189,129,81,101,127,173,183,186,183,178,176,170,127,127,183,194,196,196,199,202,204,199,189,178,181,194,204,202,191,186,181,178,183,189,191,191,191,191,191,191,194,191,186,186,181,170,170,176,186,194,199,199,194,189,196,207,212,212,189,170,178,199,209,207,202,204,207,196,135,133,131,122,120,124,178,183,178,178,186,189,191,189,178,131,127,178,189,189,183,181,178,177,177,181,186,112,107,181,204,120,113,199,202,202,204,204,204,204,204,202,199,194,191,189,186,186,189,186,176,119,106,103,111,186,196,196,199,196,109,59,181,181,189,196,196,194,191,196,199,199,194,186,181,178,178,178,178,178,181,183,183,183,181,183,186,186,185,189,194,191,177,173,176,178,136,136,136,137,181,191,199,204,204,202,199,198,198,199,199,199,204,207,204,199,195,196,199,196,189,139,137,183,189,183,135,132,133,135,134,134,135,183,194,202,196,189,189,191,194,199,207,209,212,209,204,202,202,204,202,194,191,191,191,191,194,196,194,194,191,189,186,189,191,194,194,191,189,186,186,189,191,191,189,189,191,191,186,133,131,178,186,186,183,183,189,194,196,196,196,199,196,191,186,186,186,189,196,204,204,202,199,194,196,199,202,202,202,202,199,194,191,181,103,100,119,183,189,173,121,121,121,118,114,114,121,125,127,176,176,101,50,44,87,105,127,176,173,170,172,173,176,176,133,178,186,186,186,196,204,199,189,181,178,135,178,183,186,191,194,191,189,194,196,194,191,194,196,196,191,183,179,179,186,191,196,196,196,196,196,196,194,190,190,191,194,194,191,189,189,191,196,196,194,191,191,194,196,183,134,135,186,194,192,191,192,192,196,202,207,209,204,196,196,204,207,202,189,141,191,199,204,207,207,207,209,212,212,212,215,217,222,225,225,220,209,205,212,215,215,215,215,212,209,207,209,212,217,222,222,217,213,213,222,228,230,225,217,212,209,207,204,199,199,199,196,194,194,196,196,196,196,204,212,215,212,207,204,204,204,207,209,212,212,209,209,207,207,207,209,209,207,207,207,207,204,202,202,204,207,207,204,204,202,199,198,199,202,204,207,207,212,212,212,212,212,215,217,217,215,215,215,215,217,217,222,225,225,222,215,215,215,217,217,222,225,233,235,233,225,215,212,209,202,151,150,153,207,212,215,217,222,228,230,230,230,230,230,228,225,224,225,228,228,228,228,225,220,220,225,230,228,217,216,216,217,222,222,225,228,228,228,225,222,222,225,228,228,225,225,225,228,228,228,225,217,215,212,212,215,217,217,217,217,217,217,217,215,215,215,215,217,217,217,212,207,204,202,204,204,204,207,207,207,207,207,209,209,207,207,204,204,202,202,199,199,199,202,194,181,135,181,194,196,186,104,102,111,181,196,196,196,202,204,202,199,196,191,186,181,135,131,133,135,178,178,137,181,189,196,204,207,207,204,207,209,215,217,217,212,209,207,202,194,196,209,217,222,225,222,215,209,207,202,196,149,196,212,225,233,233,230,228,230,235,241,238,235,235,233,228,215,199,141,129,121,117,117,115,113,109,105,104,105,107,109,111,115,123,135,189,199,204,209,215,225,228,228,228,228,230,230,225,212,202,191,143,139,139,135,133,129,127,133,139,139,135,123,115,109,109,111,113,119,123,123,131,191,217,241,254,254,243,222,216,217,217,212,209,207,194,133,183,212,220,207,199,189,129,107,107,109,107,91,67,65,73,69,53,43,44,67,103,168,194,204,199,196,196,202,207,207,207,202,194,191,194,199,204,209,209,204,196,189,139,139,189,196,202,199,194,194,196,199,199,198,198,202,207,212,215,212,212,212,215,215,212,209,207,209,209,209,207,204,202,204,202,196,194,199,209,215,215,212,207,202,199,199,199,199,202,202,202,202,204,209,212,212,209,209,209,212,209,202,199,202,207,204,202,199,207,209,207,204,209,215,215,215,212,202,198,202,209,215,220,217,217,215,212,212,209,209,209,207,204,204,202,202,202,202,202,202,202,204,204,204,202,202,204,204,202,202,202,204,199,189,183,186,191,139,100,72,109,199,204,202,196,196,196,192,192,194,194,194,191,191,189,186,183,139,138,183,191,196,199,207,207,204,199,202,204,204,204,202,204,202,196,194,194,191,186,134,135,186,199,204,207,207,207,209,209,209,212,212,207,199,194,196,202,199,196,195,196,199,199,204,204,202,196,194,194,199,204,207,207,204,202,204,207,207,202,191,131,127,129,133,133,139,194,191,189,189,194,199,199,196,196,194,191,194,202,204,202,202,204,202,202,199,199,199,199,202,202,199,199,202,209,215,215,215,209,204,202,199,202,202,204,202,196,194,196,202,204,207,212,217,220,220,220,217,212,209,209,212,217,217,212,204,200,199,199,202,204,207,204,204,207,207,202,200,202,204,204,204,207,209,212,209,207,196,189,139,135,135,181,189,196,202,209,209,96,100,109,129,183,189,191,194,196,194,189,183,181,181,181,181,181,183,191,196,196,191,189,189,191,199,199,196,194,192,196,207,212,209,199,196,199,207,212,217,217,209,202,204,204,194,137,133,141,194,199,202,204,217,235,248,255,255,255,255,255,255,255,255,255,255,255,255,241,215,202,199,194,135,126,123,125,137,196,199,186,133,122,120,123,176,123,109,109,123,127,123,121,121,123,119,111,103,101,111,186,209,222,228,225,217,202,129,99,91,89,89,95,196,246,238,196,194,209,220,222,228,238,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,255,255,255,251,243,230,207,194,196,207,209,196,183,178,176,129,121,115,114,113,114,115,117,117,123,170,183,191,202,212,204,191,178,127,123,119,116,115,117,125,173,176,176,176,176,176,173,125,119,121,127,176,183,191,194,196,199,202,202,199,189,178,165,121,119,113,107,107,109,113,157,0,181,189,189,0,186,186,191,212,228,238,246,251,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,225,212,202,194,191,194,196,199,202,202,204,209,215,215,212,209,209,215,0,0,0,0,0,0,0,235,0,0,0,0,0,217,212,209,209,215,217,209,202,202,207,220,230,230,228,228,0,0,228,228,225,222,220,215,209,204,200,202,204,204,202,202,199,196,189,183,183,183,181,178,176,129,125,121,120,121,121,121,125,131,178,186,191,196,196,194,189,183,181,179,179,181,186,189,189,189,189,191,191,189,181,129,125,123,125,129,137,186,189,141,137,133,129,131,139,147,202,212,225,230,230,228,228,230,228,228,225,228,233,238,246,251,251,251,251,251,246,246,246,248,251,251,254,254,254,251,248,243,235,222,207,204,207,212,217,222,225,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,95,129,144,147,150,152,152,155,152,150,152,160,170,181,178,176,173,173,173,168,165,168,173,173,173,178,191,199,202,194,181,178,181,189,199,202,199,191,181,170,125,121,121,125,129,127,127,189,202,207,207,202,199,200,202,202,199,199,196,199,202,204,204,202,199,199,194,176,121,115,119,123,127,173,178,186,189,186,183,181,183,183,181,176,173,178,178,173,168,168,170,173,170,168,165,170,173,165,163,165,170,173,173,165,163,168,176,181,186,186,178,168,121,121,165,178,183,183,176,121,99,90,95,115,163,170,173,168,121,119,121,117,117,121,165,170,178,189,194,196,194,189,191,191,178,123,117,117,117,121,125,168,173,178,178,178,178,178,176,173,173,172,172,172,172,173,178,189,196,194,186,176,129,170,189,202,207,202,191,186,191,199,204,207,204,199,191,176,121,115,119,123,121,119,119,119,123,129,123,105,107,121,127,176,196,199,199,199,194,75,59,67,76,131,181,181,176,131,129,127,126,127,183,194,196,199,202,207,204,194,183,181,183,194,202,204,202,194,125,117,125,181,189,189,189,189,191,191,194,194,189,183,176,125,170,178,183,189,199,202,196,191,189,189,196,215,212,186,183,191,199,202,202,202,196,132,129,135,178,125,125,178,186,183,134,183,194,194,186,183,178,133,133,183,186,186,181,178,177,176,178,183,133,116,116,186,202,196,194,202,204,202,199,196,196,199,199,202,202,199,196,191,189,189,186,183,173,125,110,108,119,194,199,194,194,196,83,40,125,186,196,204,202,196,194,199,202,202,194,183,178,177,177,177,178,181,183,186,183,178,176,178,186,194,191,189,194,194,183,178,183,183,178,136,137,181,186,191,199,204,204,202,199,199,199,199,198,199,207,212,207,199,194,195,196,194,186,137,139,191,196,186,132,130,133,183,181,135,134,137,194,199,194,187,187,191,196,202,207,212,209,209,204,202,204,204,202,191,189,189,191,191,194,196,194,191,191,189,186,186,189,194,196,194,191,191,186,186,186,186,183,186,189,191,183,133,131,135,183,186,186,189,189,189,191,194,199,199,194,186,179,181,183,186,196,202,202,199,196,194,194,199,202,199,199,202,199,199,194,129,94,98,178,191,189,119,109,112,119,118,115,116,125,173,178,186,189,109,57,60,107,109,123,173,172,169,170,173,183,189,186,189,191,189,191,202,207,199,189,183,181,135,178,183,189,196,196,194,191,194,196,196,191,194,196,194,186,179,177,178,183,189,194,196,199,199,199,196,194,191,191,191,191,189,187,187,187,189,194,194,194,194,194,196,196,137,131,133,186,196,199,202,204,199,199,202,207,209,207,202,199,202,204,202,199,196,202,207,207,207,207,209,215,217,222,220,220,222,222,222,222,217,207,203,207,209,209,209,212,212,209,207,204,207,215,222,225,222,217,217,222,228,230,225,217,212,209,207,207,204,202,199,194,191,191,194,196,194,196,202,207,212,209,207,204,204,207,207,209,209,204,199,199,202,204,204,207,207,204,204,207,207,207,204,202,202,202,202,202,202,202,199,199,202,204,207,207,207,209,212,212,212,212,215,217,217,215,215,215,217,222,222,222,222,225,225,217,215,217,217,222,225,228,235,238,235,228,217,209,202,150,149,149,151,207,215,217,217,217,225,228,230,233,233,230,228,225,225,228,228,228,228,228,225,222,222,228,230,228,222,217,217,217,222,222,225,225,225,222,225,225,225,228,230,230,228,228,228,228,228,228,225,222,217,215,215,217,222,222,222,217,217,217,222,222,217,217,217,217,217,217,215,209,204,204,204,204,204,207,204,204,204,207,209,212,209,209,209,207,207,204,204,204,204,202,196,189,183,183,189,194,194,183,121,123,183,196,199,202,207,209,207,204,202,202,196,191,183,135,135,135,178,136,136,181,191,199,207,212,212,209,209,209,215,215,217,215,212,209,199,191,196,204,212,215,217,217,217,215,212,209,199,141,138,143,209,228,230,228,228,230,235,238,238,235,233,230,225,215,202,189,135,127,121,117,113,111,109,107,105,107,109,111,117,123,131,141,194,204,212,217,225,228,230,230,228,228,228,230,230,228,215,202,191,141,141,141,135,123,121,123,131,137,137,131,121,115,111,111,113,115,119,123,127,139,204,233,248,251,238,215,213,217,220,207,194,191,189,183,191,199,196,186,186,191,186,119,117,113,111,107,79,63,67,71,57,46,47,61,81,109,183,191,191,189,189,196,202,202,202,196,196,196,199,202,207,207,209,209,202,191,137,134,137,191,199,196,194,191,196,202,202,199,198,202,204,207,209,212,212,212,212,215,212,209,209,207,207,207,207,204,204,202,199,191,189,194,207,217,217,209,204,199,196,194,196,199,202,202,202,202,207,212,217,215,212,209,209,212,212,207,199,196,199,202,199,199,204,212,215,215,217,217,217,215,212,202,199,204,212,217,222,220,217,215,212,209,212,212,212,209,207,204,202,202,202,202,202,200,200,202,202,199,198,199,202,202,202,199,204,204,194,183,182,189,196,191,123,92,115,137,191,196,196,194,192,192,194,196,199,199,196,194,191,191,191,186,138,138,186,194,199,204,204,204,202,202,204,204,204,204,204,202,199,199,199,196,189,139,141,191,199,202,202,204,207,209,212,212,212,212,207,202,194,189,194,196,196,196,199,199,202,207,204,199,194,194,196,204,209,212,209,207,204,202,204,204,204,199,141,137,189,189,139,139,191,191,190,189,191,196,199,202,202,199,194,196,207,209,202,196,199,199,196,194,191,191,194,199,202,199,202,204,209,212,215,212,209,202,199,199,199,199,202,204,202,199,202,207,207,207,209,212,212,215,215,215,209,205,205,209,212,212,209,207,204,202,202,202,204,207,207,209,209,209,207,204,204,207,204,203,204,209,212,215,212,204,202,196,186,183,186,194,196,199,207,207,129,111,121,129,178,189,194,199,199,199,194,183,179,181,183,189,189,191,196,196,194,194,194,187,186,191,196,195,194,195,202,212,215,209,202,196,196,194,196,202,202,195,190,192,199,204,202,194,194,207,215,220,222,230,241,248,255,255,255,255,255,255,255,255,255,251,238,225,191,123,129,139,137,129,123,124,132,199,209,202,181,127,123,122,123,123,115,105,104,107,105,103,109,113,113,109,103,98,97,105,173,217,233,241,241,233,215,183,115,101,95,91,97,141,235,233,196,192,202,222,233,241,246,248,248,251,246,241,243,254,255,255,255,255,255,255,255,0,0,0,255,255,255,254,254,248,241,225,196,0,194,209,212,199,183,133,129,125,123,119,117,117,119,119,119,121,123,129,181,194,204,212,202,191,183,176,123,116,115,117,127,178,176,173,173,129,125,121,121,119,111,113,123,173,186,196,199,202,204,204,202,196,186,173,125,121,123,121,119,119,117,117,157,0,181,189,194,191,186,185,189,209,228,238,243,251,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,230,212,199,191,189,191,194,196,199,199,202,204,209,209,207,204,209,215,0,0,0,0,0,0,0,238,0,0,0,0,0,225,222,209,208,215,222,209,202,202,209,222,230,233,230,230,0,0,0,230,225,222,217,215,209,202,200,202,204,204,202,199,196,194,189,189,189,186,181,176,173,129,125,121,121,121,121,121,123,127,173,181,191,199,202,199,191,189,183,181,179,181,189,191,189,189,186,189,189,189,181,127,122,122,123,127,135,186,189,143,137,131,125,127,133,141,196,209,222,230,233,233,230,230,228,225,228,230,235,241,248,251,254,254,254,251,248,246,248,248,251,251,254,254,254,254,251,248,238,228,215,209,209,212,215,222,225,225,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,5,27,39,142,144,150,152,155,157,157,155,155,160,170,178,181,178,176,178,178,170,165,125,168,170,173,181,189,191,189,181,170,170,181,191,199,199,194,186,173,120,119,121,121,121,129,176,183,196,204,207,207,204,200,200,202,204,204,204,204,204,207,207,204,199,194,186,170,117,111,113,123,127,129,173,181,191,199,199,194,186,178,176,173,170,168,170,170,168,166,168,176,181,178,173,170,173,170,168,165,168,168,168,168,165,165,173,181,186,189,186,170,121,117,117,123,173,178,176,173,163,97,87,89,111,168,178,178,173,168,165,123,117,119,173,176,181,183,189,194,194,191,189,191,186,168,111,111,115,119,121,125,170,176,178,183,183,183,181,181,178,176,176,178,178,173,173,178,181,183,181,176,129,123,123,189,202,212,209,191,170,178,199,207,209,212,209,207,196,170,121,129,129,119,114,113,113,117,125,121,109,116,183,127,113,116,173,199,202,119,63,71,80,77,127,176,173,129,127,126,126,126,129,183,191,194,199,204,204,199,186,176,181,189,194,199,202,207,204,100,102,113,173,186,186,186,189,189,189,191,194,189,183,170,116,117,129,127,127,189,191,186,191,178,123,117,196,207,194,183,182,191,196,196,194,181,125,125,133,181,133,178,183,181,133,131,186,202,189,176,131,133,176,186,191,189,186,183,183,178,177,181,183,176,129,132,183,191,196,202,202,204,202,196,194,194,195,196,202,202,202,199,196,194,194,191,189,183,176,123,115,125,191,199,186,178,170,57,41,121,186,196,202,199,196,199,204,207,204,194,186,178,177,177,178,181,183,186,186,183,178,176,177,183,194,194,191,194,196,189,183,183,183,178,178,181,183,189,194,199,202,202,202,199,202,202,199,199,202,207,212,212,204,196,196,196,194,139,136,186,194,194,186,133,132,181,191,194,191,183,181,186,191,191,189,191,194,199,204,209,212,212,209,207,204,202,204,199,191,186,186,186,189,194,196,196,194,191,189,186,185,186,191,194,194,194,194,189,186,186,183,182,183,189,191,186,178,133,135,178,183,186,189,189,183,183,189,196,196,191,181,178,179,183,189,196,202,199,196,194,191,194,196,199,196,199,199,199,204,204,121,90,103,199,199,189,111,107,113,127,127,123,129,181,189,189,191,194,173,111,129,121,117,125,178,176,173,176,181,191,199,199,199,199,191,189,194,199,194,191,189,186,181,181,186,191,194,194,191,194,196,199,196,194,194,196,191,183,179,181,183,189,189,191,194,196,196,196,194,189,189,189,191,189,187,187,187,187,189,189,191,191,194,196,204,202,183,132,134,186,196,207,212,212,207,202,202,207,207,207,204,204,204,207,207,204,204,207,207,209,209,209,212,217,222,222,222,222,222,217,217,222,217,212,205,207,207,207,207,209,209,209,204,203,204,212,222,225,225,222,222,225,228,228,228,222,215,212,209,209,207,202,196,191,141,139,143,191,194,199,204,207,209,209,209,204,204,204,207,209,207,199,145,145,191,199,204,207,207,204,204,207,207,207,207,204,202,200,200,200,202,202,202,202,202,207,209,207,207,207,209,212,212,212,212,215,217,215,215,215,217,222,222,222,225,225,225,222,217,217,222,222,225,230,233,235,233,228,217,212,204,153,151,153,204,212,217,217,217,217,222,228,230,233,233,230,230,230,230,233,230,228,225,225,228,225,225,225,230,228,225,222,222,222,217,222,222,217,217,216,222,225,225,228,230,233,230,230,230,228,228,225,225,222,217,217,217,222,222,222,217,217,217,222,225,225,222,222,222,217,217,217,215,209,207,204,204,204,204,204,204,204,204,207,212,212,212,209,209,209,209,209,209,209,207,204,196,189,189,191,194,194,194,189,183,186,191,196,202,207,209,207,204,202,202,202,199,194,186,178,133,135,137,137,137,186,194,199,207,212,215,212,209,209,212,215,215,212,212,207,196,190,194,202,204,207,209,215,217,217,222,217,204,141,136,140,202,217,225,225,225,228,235,238,235,233,230,228,222,215,204,194,141,135,127,119,113,111,109,109,109,109,111,115,123,133,139,189,199,209,222,225,228,230,233,230,228,228,230,233,233,230,225,209,196,143,143,194,143,127,120,120,122,129,135,137,133,127,123,121,119,121,125,133,137,186,202,225,243,248,238,222,217,228,230,207,186,191,215,225,204,196,191,183,182,186,194,196,186,121,109,105,95,69,61,59,53,47,49,57,63,79,121,181,186,189,191,196,199,202,199,199,199,202,202,204,204,204,207,207,202,189,135,132,134,141,191,194,191,191,196,199,204,204,202,202,204,204,207,209,209,209,209,209,212,212,209,204,202,204,207,204,204,202,196,189,186,189,202,212,212,204,199,194,194,194,196,202,204,204,202,202,207,212,217,215,209,207,207,212,215,209,204,196,196,199,199,202,209,217,220,217,217,215,215,212,212,207,204,209,215,220,222,222,217,215,209,207,209,215,215,212,207,204,202,202,204,204,204,202,200,202,202,198,196,198,202,204,199,196,199,199,191,183,186,194,202,199,183,119,127,137,186,194,196,196,196,199,202,204,204,204,204,199,196,196,199,196,186,139,183,191,194,199,202,202,202,202,202,204,207,207,207,202,202,204,204,196,186,141,186,194,194,194,196,202,207,209,212,212,212,212,207,202,191,141,142,191,196,199,202,204,207,207,204,199,194,194,199,207,212,207,207,207,202,196,192,196,204,207,202,199,199,196,189,183,186,191,191,191,191,191,191,196,202,196,192,196,207,209,199,194,194,194,194,191,190,189,191,196,202,202,202,204,207,209,212,207,204,202,199,198,196,198,199,204,204,202,204,209,209,207,204,199,199,204,209,212,207,204,204,207,212,209,209,209,212,209,207,207,207,209,209,209,212,212,209,207,209,209,207,204,204,207,212,217,215,212,209,207,194,189,191,194,194,196,202,202,189,129,131,129,131,186,194,199,202,199,189,179,177,181,186,189,186,189,191,194,194,199,199,189,186,189,196,196,196,202,209,212,209,207,202,199,194,192,192,196,199,196,191,194,202,220,228,230,228,230,235,238,238,241,243,248,254,255,255,255,255,255,255,255,248,225,194,127,105,95,103,121,135,141,191,207,222,230,228,215,189,135,133,131,125,119,111,105,104,105,101,97,98,111,109,105,101,97,97,107,173,220,233,246,255,251,225,191,127,113,109,107,113,137,225,230,215,196,196,209,230,241,248,251,254,246,233,228,233,251,255,255,255,255,255,255,255,0,0,255,255,255,255,255,254,248,241,225,196,191,196,209,212,199,181,127,121,121,121,121,121,123,123,123,125,127,129,170,181,196,209,215,202,183,178,173,121,116,116,173,194,194,181,176,176,173,123,113,107,105,104,109,123,178,194,202,202,202,204,207,207,199,186,173,125,125,168,176,178,178,170,163,165,173,183,196,202,199,191,189,194,209,228,235,243,251,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,233,215,202,194,191,189,189,191,196,196,199,202,204,204,204,204,209,215,0,0,0,0,0,0,0,0,0,0,0,0,0,235,233,215,209,215,222,209,202,202,207,217,228,233,0,0,0,0,0,228,222,217,215,212,207,204,202,202,202,202,196,194,191,191,189,191,191,189,181,176,173,173,127,123,121,123,0,0,121,125,129,178,191,202,204,202,196,191,186,181,181,183,189,194,191,189,186,186,186,186,137,127,122,122,123,127,137,191,191,143,137,129,123,123,129,137,149,207,217,228,233,233,233,230,228,228,230,233,238,243,248,254,255,255,255,254,251,248,248,248,251,251,254,255,255,255,255,251,243,235,228,222,217,215,217,222,225,225,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,100,137,33,95,142,150,147,155,160,160,163,160,160,165,173,178,178,181,183,181,173,125,124,124,127,173,181,183,181,176,170,125,126,173,183,189,189,186,178,127,118,118,125,127,125,170,181,191,202,204,204,207,207,204,204,204,207,207,209,209,209,207,204,204,199,191,181,123,109,108,111,121,127,170,176,183,194,199,204,202,189,176,168,168,168,168,168,168,166,166,170,183,189,186,176,170,168,168,168,170,173,173,173,173,168,168,173,181,189,191,186,113,111,113,115,121,168,173,170,170,168,119,97,97,115,170,181,183,181,176,168,123,123,168,181,186,189,191,194,191,189,189,186,186,181,119,105,106,113,121,123,165,176,181,178,181,186,186,183,183,181,178,178,181,181,176,176,181,178,173,170,129,125,124,125,186,196,202,199,176,120,123,194,207,212,212,212,212,209,178,170,186,189,170,115,112,113,119,127,125,118,123,173,117,107,111,127,194,202,117,76,127,127,105,125,173,173,129,127,127,127,129,176,186,191,189,189,189,186,127,113,127,183,194,196,199,204,207,199,91,97,109,170,183,183,183,186,186,183,181,181,181,183,170,112,111,125,124,122,131,131,125,178,129,112,107,119,183,183,181,178,183,189,186,183,178,131,130,181,186,181,183,183,178,132,131,189,199,181,129,128,130,176,199,202,191,189,186,186,183,178,178,181,178,176,176,176,178,189,202,209,207,202,196,194,194,195,199,202,204,202,202,202,199,199,199,196,191,186,176,131,131,173,111,70,75,69,56,56,129,186,194,196,196,199,202,207,207,202,194,186,181,178,178,181,181,183,186,186,189,186,181,179,181,189,194,194,194,194,186,177,177,176,176,177,183,189,194,199,202,202,202,202,202,204,202,199,199,199,202,207,209,207,202,202,202,199,189,186,199,196,189,186,186,191,194,196,202,204,199,186,178,179,186,194,196,199,202,207,212,215,212,209,207,202,199,194,191,191,186,181,137,183,191,196,196,194,194,191,186,183,185,189,191,191,191,191,191,186,183,183,186,189,191,191,186,181,178,178,178,181,186,189,186,181,181,186,191,191,186,181,181,186,189,191,196,196,194,191,191,191,194,196,196,194,196,199,204,207,196,88,80,109,204,204,194,113,110,127,176,129,125,176,194,199,194,194,196,189,183,194,178,131,176,183,186,183,183,186,194,202,202,202,196,189,181,181,189,191,194,194,194,189,189,191,196,196,194,191,196,202,199,194,194,196,196,194,189,186,191,194,196,194,191,189,189,191,189,189,187,189,189,189,189,189,189,189,189,189,189,189,189,194,199,204,207,196,183,137,141,191,204,212,212,209,204,202,204,207,207,209,209,209,209,209,212,209,207,207,209,212,212,217,222,222,217,217,220,222,217,217,220,222,217,212,209,209,207,209,209,209,207,204,203,207,215,222,228,228,225,225,228,228,228,228,225,217,215,215,215,212,204,199,191,139,137,138,141,194,202,207,212,212,212,212,207,207,204,204,207,207,196,141,138,140,194,202,207,207,204,204,204,204,207,207,207,202,200,200,202,202,202,202,202,202,207,207,207,205,207,209,212,212,212,212,212,215,215,215,217,217,222,222,225,225,222,222,222,222,222,222,222,222,228,230,230,230,225,222,215,212,209,207,209,212,217,222,222,217,217,222,228,233,233,230,230,230,233,233,235,230,225,222,225,228,228,225,222,222,225,225,225,225,222,222,222,222,217,216,216,217,225,225,225,228,230,230,230,230,228,228,228,225,225,222,222,222,222,222,222,217,215,215,222,225,225,225,225,222,217,217,217,215,209,209,207,207,204,204,204,204,204,207,209,212,212,212,212,212,212,212,212,212,212,209,202,183,133,186,202,202,191,137,129,183,196,199,202,207,207,204,204,202,199,199,199,199,194,189,181,133,133,137,183,183,189,194,196,204,212,215,212,209,209,212,212,215,215,215,207,191,187,191,202,204,204,207,215,222,225,225,222,215,199,143,149,209,217,222,222,225,228,235,238,233,228,225,222,217,212,207,196,189,139,133,123,117,115,113,113,113,115,115,121,129,137,186,194,202,212,222,228,230,230,230,230,228,230,233,233,233,230,225,212,202,191,191,199,194,139,125,121,121,125,135,141,141,137,133,127,123,125,135,186,191,196,207,225,241,246,241,233,225,225,225,194,139,196,233,243,207,194,196,194,186,189,199,212,207,170,105,99,95,77,57,51,48,48,53,59,61,67,93,125,181,191,196,202,202,202,202,202,204,207,204,204,204,204,204,204,199,186,135,133,134,139,186,189,191,194,196,199,202,207,207,207,204,204,204,207,207,207,205,207,212,215,209,202,200,202,204,204,202,199,194,189,186,191,202,207,204,199,194,192,194,196,202,204,207,204,202,202,204,209,215,212,207,204,204,207,209,209,204,196,196,202,204,209,215,222,222,215,212,209,209,209,209,209,209,215,217,222,222,225,220,215,207,205,207,215,217,212,207,202,200,202,204,207,207,204,202,204,204,204,199,199,204,207,202,194,194,191,183,183,194,202,204,202,189,133,139,189,194,196,199,199,202,207,207,207,209,209,209,207,202,202,207,207,196,139,135,139,191,199,202,204,204,204,202,204,207,209,207,204,202,207,207,196,139,138,141,191,191,191,194,199,204,209,209,212,209,209,204,199,191,140,140,189,196,202,204,207,209,209,204,199,194,194,199,207,207,202,199,202,199,194,191,192,202,209,209,207,202,196,191,183,183,189,191,189,187,186,186,191,196,194,191,194,204,207,199,194,194,194,194,194,191,191,194,199,204,207,204,207,207,209,207,204,199,199,199,198,196,196,199,204,204,204,207,212,212,207,202,195,194,199,204,207,207,207,207,209,212,212,212,212,212,212,212,212,209,209,209,212,215,212,209,209,212,212,207,204,204,209,212,215,212,209,209,207,199,191,191,189,191,194,196,202,194,178,133,129,133,181,189,196,199,196,189,179,178,183,189,183,182,182,186,191,196,199,199,194,189,196,202,202,204,207,209,209,204,199,199,199,196,192,194,202,207,209,207,207,215,225,235,243,246,243,241,241,238,241,241,241,246,255,255,255,254,248,246,243,233,145,117,101,89,89,93,107,135,207,220,217,217,228,230,225,202,183,183,183,125,115,113,115,115,113,103,98,101,111,105,103,101,98,97,105,123,194,212,238,255,255,238,204,189,129,123,117,117,129,202,220,215,196,137,137,199,225,238,248,254,243,229,226,230,251,255,255,255,255,255,255,255,0,0,255,255,255,255,255,254,248,246,233,204,195,204,215,215,199,181,127,119,117,115,117,119,123,127,129,173,178,176,176,186,196,212,222,204,178,173,129,125,121,125,189,207,202,186,176,178,176,123,111,103,101,102,113,127,183,199,202,196,194,202,207,207,202,189,176,168,168,181,191,199,199,189,176,176,183,194,204,212,209,202,199,202,215,228,238,243,248,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,230,217,207,199,194,187,186,189,194,196,196,199,202,202,202,204,212,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,222,212,217,217,209,204,202,204,212,225,233,0,0,0,0,0,0,217,215,212,209,207,207,204,204,202,199,194,191,191,191,191,194,191,186,178,173,173,173,127,123,123,123,123,121,121,125,129,178,189,202,207,204,199,194,189,183,183,186,191,194,194,191,186,186,186,186,181,129,123,123,125,133,141,194,196,143,135,127,121,121,125,135,147,204,215,225,228,233,235,230,228,230,235,238,241,243,248,254,255,255,255,255,254,251,248,248,248,251,254,255,255,255,255,254,246,238,235,230,225,222,222,225,228,225,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,196,209,43,30,134,139,137,152,163,168,170,168,163,163,168,170,170,176,181,181,173,165,124,123,125,170,176,176,170,168,127,126,126,127,173,178,181,183,178,170,123,125,176,178,178,178,183,191,202,204,204,207,207,207,207,207,207,209,212,215,212,204,202,199,196,191,183,125,110,109,115,125,170,173,176,178,186,196,202,199,186,173,168,166,168,170,173,170,168,168,173,183,189,183,170,123,121,123,170,173,173,178,181,178,170,168,170,181,186,183,168,91,101,111,117,123,170,173,168,165,168,165,119,109,109,123,178,183,178,170,123,121,125,165,168,181,189,191,191,189,186,186,186,186,183,121,104,105,113,121,165,173,186,186,173,172,183,186,183,183,183,181,183,186,183,181,178,178,176,170,168,127,125,125,129,176,183,189,183,129,120,122,181,199,207,207,202,204,202,115,115,181,204,196,115,112,115,123,129,129,127,123,121,116,116,127,183,196,207,189,173,178,173,125,127,173,173,173,173,173,173,176,186,191,189,181,173,125,113,98,88,119,183,191,196,202,202,199,127,90,98,119,176,183,186,186,183,181,178,129,122,125,189,191,118,116,125,129,127,129,125,122,125,119,111,108,115,133,183,183,182,186,189,183,181,186,191,194,199,194,183,181,181,178,134,134,186,189,135,130,129,129,129,204,204,199,194,194,191,183,178,176,176,176,133,127,122,124,183,202,209,207,207,202,199,199,199,204,204,204,204,204,202,202,202,202,199,191,186,183,183,178,123,61,30,73,79,87,109,170,191,194,194,194,199,202,202,199,191,186,183,183,183,183,183,186,189,189,191,194,194,189,183,183,191,196,196,196,191,181,176,176,176,176,177,186,194,196,199,202,199,199,199,204,204,202,194,194,194,194,196,202,202,202,204,207,207,204,202,204,199,191,191,196,202,202,199,199,204,199,186,178,178,189,196,199,202,204,207,212,212,209,207,204,199,191,183,183,189,186,136,133,135,186,194,196,194,194,194,189,185,185,189,189,187,187,189,191,186,183,186,189,191,194,189,186,183,183,183,183,183,186,186,183,181,181,183,183,183,181,183,189,196,194,191,194,194,191,191,190,190,194,196,194,194,194,199,204,199,109,82,81,123,199,202,194,117,113,173,178,127,125,181,199,202,199,196,196,194,194,194,189,189,186,189,191,191,189,191,194,199,196,196,191,183,133,129,135,186,196,196,194,194,196,199,199,199,194,194,199,202,202,196,194,194,196,196,194,194,196,199,202,196,191,187,187,187,187,187,189,191,191,191,189,189,191,191,191,191,191,189,189,191,196,199,202,202,194,139,137,186,202,212,215,212,209,207,204,204,207,212,212,209,209,212,212,212,212,212,212,215,217,222,225,222,217,215,215,217,217,217,217,222,222,217,215,212,209,209,212,212,209,209,209,212,217,225,228,228,225,225,222,222,222,225,222,215,212,215,215,209,204,202,196,145,139,138,141,191,202,212,217,215,209,209,209,209,204,204,207,207,199,141,135,137,145,202,209,209,207,204,202,202,204,204,204,204,202,202,202,202,202,202,202,204,207,209,207,205,205,207,212,212,212,209,209,212,212,215,217,217,217,222,225,222,218,218,222,225,225,222,217,222,225,228,228,225,225,222,222,217,215,215,215,222,225,225,225,222,222,225,230,233,233,230,230,230,230,233,233,230,225,220,222,228,228,222,215,215,217,225,225,225,225,225,225,225,217,216,217,225,228,225,225,225,228,228,228,228,228,228,228,228,228,225,222,222,222,222,217,215,213,213,217,225,225,225,225,222,217,215,215,212,212,209,209,209,207,204,204,204,204,207,209,212,211,211,212,212,212,212,209,209,207,204,191,121,115,135,202,202,183,126,124,137,196,202,204,207,207,204,202,199,199,196,196,196,196,194,183,133,131,137,186,189,189,191,191,199,209,212,212,209,209,209,212,215,217,217,212,194,189,194,207,207,207,209,217,225,225,225,222,225,217,212,215,225,225,222,225,225,230,235,235,230,225,217,215,212,209,204,196,189,141,137,131,125,121,119,119,119,117,119,125,129,133,183,194,204,212,217,222,228,230,230,230,230,230,233,235,233,233,230,222,209,199,194,196,202,202,191,133,125,131,186,194,194,186,135,123,120,121,129,186,194,202,209,228,241,243,238,230,222,212,196,136,137,196,220,225,181,135,194,202,199,194,196,209,209,196,117,105,103,93,67,51,49,49,57,67,65,63,69,93,123,186,196,202,204,204,204,207,209,209,204,203,204,204,204,199,191,183,137,137,139,183,186,189,196,199,199,199,202,207,209,212,209,204,204,207,207,205,205,207,212,215,209,204,200,202,204,204,202,196,194,191,191,196,204,207,204,199,194,192,194,199,202,204,204,202,199,199,202,204,207,207,204,202,199,199,202,204,204,196,196,202,209,217,222,222,217,209,207,207,207,209,209,209,212,215,217,220,222,222,217,212,205,205,207,212,212,209,204,202,202,204,204,204,204,204,204,207,209,212,204,199,204,209,204,196,194,189,179,181,194,202,202,199,191,183,191,199,202,204,202,202,204,207,204,204,207,209,209,207,204,204,207,207,194,134,130,135,194,199,202,204,207,204,202,204,207,209,207,202,202,204,204,194,138,136,139,189,191,191,194,199,204,209,212,212,209,204,199,196,189,141,141,189,194,199,202,209,212,209,204,202,196,194,196,202,204,199,196,196,199,196,194,194,199,207,212,212,207,194,186,186,189,194,191,189,187,186,187,194,199,196,194,196,202,204,202,196,194,194,196,199,199,196,196,202,207,209,209,209,209,212,209,204,202,198,198,199,199,198,199,202,204,204,209,215,212,207,202,196,195,196,199,204,207,209,212,212,212,212,212,212,212,212,215,215,215,212,212,215,215,212,209,209,212,212,209,207,207,209,209,209,207,207,207,204,199,194,189,187,189,194,196,199,196,189,135,133,135,135,181,189,191,189,186,183,183,186,186,183,181,181,186,191,194,196,199,196,199,202,202,202,207,209,209,207,202,199,202,202,199,199,204,212,217,222,225,225,228,230,233,238,238,238,233,230,233,235,233,233,238,246,251,251,248,243,238,233,212,119,97,89,87,89,93,105,133,207,217,209,204,205,217,222,207,186,189,189,127,112,119,127,173,125,115,115,127,115,103,105,107,100,98,103,111,119,178,207,243,254,248,238,225,209,181,123,119,125,143,204,207,143,124,122,129,147,209,235,248,243,230,229,238,254,255,255,255,255,255,255,255,0,255,255,255,255,255,255,251,248,248,241,220,212,220,225,217,202,183,129,119,115,111,111,115,121,129,181,186,186,186,186,189,196,207,222,215,196,183,183,183,181,181,191,204,199,186,178,178,176,127,113,104,101,105,117,125,173,186,189,178,178,189,199,204,199,189,181,176,181,191,204,217,217,202,189,186,191,202,212,222,222,212,207,212,225,0,241,243,246,254,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,228,217,212,207,199,187,186,189,191,194,194,196,196,199,199,207,215,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,230,217,217,217,209,204,202,199,204,0,0,0,0,0,0,0,0,217,212,209,207,207,207,204,202,199,194,191,189,191,194,194,191,186,181,176,170,170,129,127,123,123,123,123,123,123,125,127,176,186,199,204,204,199,194,189,186,186,189,191,191,194,191,189,189,189,189,183,133,129,129,129,137,189,199,199,189,133,125,121,120,123,131,143,202,212,217,225,230,235,233,230,235,241,243,243,246,248,255,255,255,255,255,255,254,251,251,248,251,254,255,255,255,255,251,243,238,238,235,230,228,225,228,228,228,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,204,196,131,41,139,137,147,155,165,176,181,178,170,165,163,157,157,165,173,176,170,165,124,124,165,168,170,168,125,125,168,170,168,127,168,176,181,186,183,178,173,176,183,186,186,183,181,189,202,207,204,204,204,204,207,207,207,209,212,212,207,199,191,189,189,186,183,170,115,113,121,170,173,170,129,129,178,189,194,191,181,170,168,168,166,170,176,173,168,168,170,178,183,173,121,118,118,122,168,170,173,181,189,178,168,165,168,178,178,117,83,82,99,115,121,165,170,173,165,123,121,163,163,109,91,103,165,170,165,121,116,117,165,165,161,164,173,178,183,186,185,186,191,194,189,165,104,105,115,125,170,183,194,189,166,165,176,183,181,178,181,183,186,189,186,183,181,173,173,170,168,127,127,127,129,170,173,178,178,173,125,123,127,181,189,191,181,181,123,71,68,117,209,209,115,112,121,127,170,181,181,123,114,125,194,202,204,207,209,202,194,186,183,183,131,173,173,176,178,181,181,183,189,189,181,131,123,117,107,98,88,113,176,186,194,196,194,178,100,94,106,127,181,186,186,183,181,178,173,125,119,121,196,207,181,120,125,176,176,129,125,125,123,114,113,115,129,186,194,196,194,194,196,191,189,191,199,207,209,202,181,135,135,135,135,134,178,183,178,135,176,131,128,202,204,207,204,199,196,189,181,176,133,131,133,125,120,123,186,199,202,204,204,204,204,204,204,207,207,207,207,204,204,202,199,196,194,186,181,181,186,183,125,64,35,93,117,123,113,119,191,196,189,191,196,199,194,186,178,178,181,183,186,189,191,194,196,196,199,199,196,189,186,189,199,202,199,194,191,183,177,181,181,178,181,189,194,199,199,199,196,196,199,204,204,196,189,187,189,191,191,196,199,202,207,209,209,209,209,207,202,196,196,199,199,199,199,196,196,191,189,186,191,196,199,199,199,202,204,207,207,204,202,202,196,183,177,178,186,186,135,132,135,186,196,196,194,194,194,191,189,189,191,191,186,186,189,191,189,183,186,189,191,189,183,181,183,189,191,189,186,183,181,135,178,181,183,178,176,177,186,194,199,194,186,189,191,194,191,191,191,194,194,194,191,191,194,194,178,100,93,105,181,194,194,186,119,115,176,181,173,176,199,202,199,199,199,196,196,191,187,189,191,189,189,194,196,196,196,194,196,194,191,189,178,127,121,125,181,194,194,191,196,199,202,199,196,196,196,199,204,202,199,194,194,194,194,194,194,196,199,202,196,191,187,187,189,189,191,194,196,196,194,191,191,191,191,191,191,191,191,191,191,194,194,194,199,196,141,137,186,202,212,215,215,215,209,204,204,209,212,209,209,209,212,212,212,215,215,217,217,222,225,225,222,217,212,212,212,215,215,217,222,222,217,215,212,212,212,212,215,215,215,217,222,225,228,228,228,225,222,217,215,215,217,215,212,211,212,209,204,200,202,202,194,143,141,143,194,202,212,217,215,204,202,209,212,209,204,204,204,199,143,134,137,145,202,209,209,207,204,202,200,200,202,204,204,204,204,202,202,202,204,204,207,209,209,207,205,205,207,212,212,212,209,209,209,212,215,215,217,217,222,225,222,217,217,222,225,222,217,217,222,225,228,228,225,222,222,222,222,217,217,222,225,230,230,228,222,222,228,230,235,233,230,230,228,228,228,228,228,222,220,222,228,228,217,215,213,217,225,228,228,225,228,228,228,225,222,225,230,233,228,225,225,225,225,225,228,228,228,228,228,228,225,222,222,222,225,222,217,213,213,217,225,225,225,225,222,215,215,215,212,209,209,209,209,209,207,204,204,207,209,212,212,211,211,212,212,212,212,209,204,199,189,123,110,111,135,196,194,129,124,126,183,199,204,204,207,207,204,202,202,199,196,195,196,199,196,186,131,131,181,189,189,189,189,189,194,204,209,212,209,207,209,212,215,217,222,215,199,194,204,212,212,209,212,222,225,225,222,222,228,228,225,225,230,230,228,225,228,230,235,235,230,222,212,207,204,202,199,194,189,186,141,139,135,129,125,123,121,119,121,125,127,131,139,194,204,209,212,217,222,225,228,228,230,233,233,235,235,235,238,235,225,207,199,202,212,222,222,207,189,194,204,207,207,196,137,122,117,119,125,137,189,199,209,228,238,241,235,222,212,202,139,134,138,196,204,202,130,128,135,194,196,186,185,196,209,222,215,170,121,113,91,59,50,49,55,67,65,57,56,61,93,173,194,202,204,207,207,209,212,209,204,202,203,204,204,196,186,139,183,186,189,189,189,194,202,207,204,202,204,209,212,215,209,204,204,207,207,207,205,209,212,212,212,207,204,204,204,204,199,196,196,196,196,202,207,209,207,202,196,194,194,196,199,199,199,196,194,194,199,202,204,204,202,199,196,196,196,199,199,196,194,202,209,217,217,215,209,207,204,204,207,212,209,209,209,215,217,217,217,220,217,212,207,205,207,209,209,207,202,200,202,209,209,207,204,204,207,209,212,217,209,204,207,212,209,204,199,189,178,178,186,191,194,196,196,191,196,202,204,207,207,202,199,202,199,199,199,202,204,207,207,207,204,199,186,130,127,135,199,196,199,204,207,207,202,204,207,204,202,202,199,202,202,196,141,136,139,191,194,194,196,199,204,209,212,212,207,202,194,191,186,142,186,189,191,194,202,207,212,209,204,202,199,194,194,196,199,196,194,192,196,202,202,202,202,204,212,215,207,194,186,189,199,199,194,189,189,191,196,202,204,202,199,202,202,204,204,199,194,194,199,202,202,199,199,202,207,209,212,212,212,215,215,212,207,199,199,202,202,202,202,199,199,202,207,209,207,202,199,199,196,196,199,202,204,207,209,212,212,212,212,215,215,215,215,215,215,215,215,217,217,215,212,209,212,209,209,207,207,209,207,207,204,203,203,204,202,196,189,186,187,196,196,199,199,199,186,135,133,129,131,135,181,178,178,181,183,183,183,182,182,183,189,191,191,191,194,196,202,204,199,199,204,209,212,209,207,207,209,209,209,207,215,222,225,230,233,233,233,235,230,228,225,222,217,220,225,228,225,222,230,241,246,246,246,241,233,222,194,109,91,87,87,89,97,113,135,199,209,207,203,202,212,222,209,186,189,194,176,117,121,131,178,178,176,181,191,170,111,115,121,111,105,107,111,111,123,186,212,238,254,255,255,255,215,129,121,129,143,196,199,139,123,121,125,135,147,217,243,243,238,238,246,254,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,246,248,243,230,228,0,233,220,199,181,129,121,117,111,110,111,121,173,186,194,191,194,194,194,196,202,220,225,225,207,202,204,202,191,189,196,194,189,183,181,178,173,121,111,107,115,123,117,114,121,125,116,123,178,191,196,194,189,183,183,189,199,215,228,230,215,199,194,196,204,215,225,225,217,215,222,230,238,243,243,246,251,254,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,225,217,212,209,202,189,187,189,191,191,194,194,194,196,199,207,217,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,222,217,217,209,204,202,199,204,0,0,0,0,0,0,0,0,220,212,207,204,207,207,204,199,196,194,189,189,191,196,196,191,181,173,168,168,168,127,125,123,123,125,125,125,125,127,127,176,186,194,202,202,199,194,189,189,189,189,189,191,191,191,189,186,189,189,183,137,133,133,135,141,196,204,202,189,133,125,121,120,121,131,143,202,212,215,222,230,235,233,233,238,243,246,246,246,251,255,255,255,255,255,255,255,254,254,251,251,255,255,255,255,255,251,243,238,238,238,235,230,228,228,230,230,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,202,199,181,155,139,142,150,155,165,176,183,183,178,170,160,115,112,117,160,165,168,165,125,125,165,168,168,165,123,125,168,170,170,168,170,178,186,186,183,181,181,181,183,183,186,186,181,186,199,204,204,204,203,204,209,209,209,209,207,204,194,181,173,170,173,129,170,121,111,115,125,173,170,126,124,127,176,183,183,178,168,168,170,170,166,170,178,176,168,168,170,176,176,123,117,117,123,168,168,166,173,186,189,176,168,165,165,178,181,71,75,82,109,123,163,163,168,168,121,115,114,119,123,69,1,12,115,117,117,117,117,123,168,168,164,164,164,168,181,189,189,194,202,199,189,107,102,108,125,173,173,181,191,191,168,166,176,176,173,176,176,176,178,181,181,178,170,125,168,170,170,170,170,173,178,176,170,170,176,181,176,123,114,92,123,127,97,84,81,76,72,127,194,181,121,123,127,129,178,191,196,109,110,194,207,212,215,215,215,209,204,199,196,191,183,178,176,178,183,186,186,186,181,176,129,123,121,115,109,106,109,123,170,178,189,189,176,113,104,113,111,123,178,183,181,181,181,176,170,129,125,170,191,196,183,117,125,178,173,119,115,117,119,117,123,178,196,204,204,202,196,196,199,196,194,196,204,209,212,207,181,133,135,178,181,183,186,189,186,181,178,130,129,178,196,204,207,207,199,191,183,181,176,133,129,125,124,131,186,194,196,196,196,199,204,202,202,202,204,207,209,207,204,202,196,194,186,181,179,179,181,181,173,109,93,115,123,112,100,112,186,191,189,189,191,191,186,176,129,131,178,186,191,194,196,196,199,199,199,199,194,189,186,194,202,202,194,191,191,186,181,183,183,183,186,189,194,196,196,196,194,191,194,199,199,191,187,187,189,196,202,202,199,202,204,207,207,209,212,209,202,196,196,196,194,194,194,191,189,191,199,202,202,204,199,196,199,202,202,202,202,199,196,196,191,181,177,178,183,186,181,137,181,191,199,199,194,191,194,194,191,194,196,194,189,189,191,189,186,183,183,183,181,178,176,176,183,189,191,191,189,181,133,133,135,183,186,178,176,177,186,196,194,183,181,183,191,196,196,194,194,196,194,189,186,183,176,119,76,98,107,123,181,186,189,176,127,131,183,189,186,189,202,204,202,199,196,196,196,191,189,189,191,189,191,196,202,202,199,196,194,191,186,186,178,121,111,118,135,191,194,191,194,199,199,199,196,196,196,202,202,202,199,196,194,194,191,191,191,194,196,196,194,191,189,189,191,194,194,199,202,199,194,191,191,189,187,189,191,191,194,194,194,194,194,194,199,196,186,141,194,204,209,212,212,212,209,207,207,207,209,207,209,212,212,212,212,215,215,217,215,217,222,222,222,217,215,209,209,209,215,217,217,217,217,217,215,212,212,212,215,217,220,222,225,225,225,228,228,225,217,213,215,217,217,212,211,211,212,207,202,200,202,204,196,145,143,189,196,204,215,217,209,199,202,209,217,215,204,196,194,194,191,141,143,194,204,209,209,207,207,204,202,199,200,202,204,204,202,200,200,202,207,209,209,209,209,207,207,207,209,212,215,215,212,209,204,209,212,215,217,217,222,222,222,218,218,222,222,222,217,217,217,220,222,222,222,217,216,217,222,222,222,222,225,230,230,222,220,222,228,230,233,235,233,230,228,226,226,228,228,225,222,222,222,222,225,222,217,222,228,228,228,228,228,228,228,228,228,230,235,235,233,230,228,224,221,224,225,228,230,230,230,228,225,225,222,225,228,228,222,215,215,217,225,228,225,225,222,215,213,215,215,209,209,212,212,209,207,204,207,209,212,212,212,212,212,212,212,212,212,209,204,186,121,110,109,113,139,194,186,129,126,181,194,199,202,204,207,207,204,202,202,199,196,196,199,202,196,181,129,129,181,189,189,186,186,186,191,196,204,209,209,207,207,212,215,217,222,215,202,199,207,215,215,212,215,217,222,222,217,220,225,228,228,228,230,230,230,228,228,230,235,238,235,225,215,207,202,196,194,191,189,189,189,186,183,137,131,127,123,121,121,123,127,135,189,199,207,207,209,215,217,222,225,228,230,233,235,235,238,241,241,238,230,217,207,207,217,222,225,233,241,230,222,217,217,212,191,129,123,123,125,131,139,194,204,220,233,235,230,217,204,191,139,138,186,202,209,202,183,131,135,186,165,160,178,196,217,233,235,217,183,119,99,79,59,47,49,51,55,65,55,57,79,123,191,202,204,207,209,207,209,209,204,202,203,207,207,196,183,138,183,191,194,191,191,196,204,207,207,207,204,204,209,209,202,199,202,207,209,207,207,209,212,212,212,209,209,207,207,202,199,199,199,199,199,204,209,209,207,204,199,196,196,194,191,191,191,189,143,189,196,204,204,202,199,199,199,199,194,194,196,194,194,196,204,209,209,207,204,204,199,199,204,209,204,202,204,212,215,215,217,217,217,215,212,209,209,209,207,204,202,202,204,212,212,209,207,207,207,209,212,215,215,212,212,212,212,209,204,194,183,182,183,182,182,189,194,196,199,202,204,207,204,199,194,194,196,194,190,191,196,202,204,204,199,191,186,135,134,141,194,192,196,204,209,207,204,202,204,202,199,196,196,199,202,199,191,186,189,194,196,199,199,199,202,209,212,209,204,196,189,142,142,186,191,189,189,194,199,207,207,209,207,202,199,194,192,192,194,194,192,192,196,202,207,209,209,209,212,209,204,196,189,189,196,199,194,189,191,199,204,204,204,202,199,199,202,204,204,199,194,196,199,202,202,199,199,202,204,207,209,212,212,215,222,222,212,202,202,202,202,207,207,199,195,199,202,204,199,198,196,199,202,202,202,202,200,200,202,207,209,209,212,215,215,215,212,212,212,212,212,215,217,217,215,212,209,207,207,207,207,207,207,204,204,204,204,207,207,202,191,185,183,189,199,202,199,196,189,137,128,125,126,129,133,135,178,181,183,183,182,182,183,186,189,189,187,189,189,194,199,199,196,199,207,212,215,215,212,212,215,217,220,217,222,228,233,235,235,235,233,233,230,225,215,212,212,215,222,225,212,208,222,235,243,243,241,235,225,204,141,127,107,91,87,91,105,123,186,207,217,215,207,205,222,228,215,196,186,181,127,119,125,173,173,173,173,181,199,199,123,123,170,121,113,117,127,125,170,186,209,238,255,255,255,254,222,133,129,189,194,191,143,137,127,127,131,131,139,209,235,241,243,243,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,246,243,235,230,230,238,235,220,194,135,127,123,119,111,109,113,123,173,186,191,194,196,196,199,199,202,209,225,225,212,204,207,204,196,189,189,194,191,191,189,191,189,178,123,119,123,173,121,107,111,115,112,117,178,191,196,191,189,186,186,189,196,212,228,233,225,212,207,204,209,217,225,222,220,220,228,233,241,243,246,248,248,248,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,222,215,209,202,194,191,191,191,194,194,191,191,196,202,209,222,230,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,217,222,215,207,209,0,0,0,0,0,0,0,0,0,0,222,215,207,202,204,207,202,196,194,194,191,186,189,199,202,194,178,165,165,127,127,125,125,123,123,125,127,127,127,125,129,176,183,191,196,199,196,189,189,189,189,186,186,189,189,186,183,183,183,186,183,137,133,135,137,189,204,212,207,191,133,125,123,121,123,133,145,207,215,217,225,230,233,233,233,241,246,246,248,248,251,254,255,255,255,255,255,255,255,255,254,255,255,255,255,255,254,251,246,241,238,238,235,233,228,228,230,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,191,196,189,168,147,144,150,155,165,173,178,183,183,170,155,113,111,115,160,163,165,163,125,125,165,168,165,123,123,125,127,168,168,168,170,176,183,183,181,181,178,176,176,178,183,186,186,189,194,199,202,204,204,207,209,207,204,202,196,186,173,127,123,119,119,117,119,113,110,117,127,170,170,128,127,170,181,183,178,170,166,168,173,173,173,178,186,181,170,170,173,178,176,125,121,123,170,173,170,170,178,183,181,170,168,168,165,176,178,66,68,105,123,165,123,123,123,121,117,113,113,117,115,41,0,0,19,115,119,123,163,170,173,173,170,165,164,165,178,191,199,204,207,202,121,103,111,168,176,178,176,168,176,186,181,176,173,172,172,173,173,168,125,165,173,168,117,99,117,168,173,176,176,178,178,173,168,127,170,178,178,123,110,106,125,173,105,90,90,95,115,176,191,183,173,176,173,173,181,191,202,115,114,196,209,212,215,215,215,212,209,207,207,202,194,186,183,181,183,183,186,183,178,131,127,123,117,107,105,106,117,173,173,173,176,178,173,123,119,117,113,119,170,173,173,181,183,181,173,170,170,176,183,186,176,124,173,181,129,109,106,111,121,133,186,196,204,207,204,199,195,195,199,199,196,199,207,212,212,202,133,131,135,186,194,199,199,194,189,181,133,130,129,130,181,196,202,202,196,191,186,186,183,176,127,122,122,133,183,189,191,186,186,194,199,196,196,199,202,204,207,207,204,199,196,191,186,183,181,181,183,186,186,176,119,121,129,121,111,129,183,183,178,178,183,183,178,129,128,131,181,189,194,196,196,191,191,191,191,191,189,189,189,194,199,196,191,189,189,183,178,181,183,186,189,191,194,194,194,194,194,191,191,191,194,191,189,189,194,202,207,204,199,199,204,207,204,209,215,212,204,199,196,194,190,190,190,189,190,196,202,204,207,204,196,189,194,202,202,202,196,194,192,194,191,186,179,179,186,191,191,191,194,199,202,199,191,190,191,196,196,194,196,194,191,191,191,189,183,181,178,178,176,131,130,131,178,183,186,189,186,178,133,133,135,183,186,183,178,181,189,191,189,181,178,183,191,202,202,196,194,196,194,133,125,125,123,73,67,105,125,131,176,178,183,178,176,181,191,194,191,194,202,204,202,196,196,199,196,194,191,191,191,191,194,196,199,199,199,196,194,186,179,181,181,131,119,120,135,191,191,191,194,196,199,199,199,196,199,202,202,199,196,194,191,191,189,189,189,191,194,194,194,194,194,194,194,194,194,194,196,196,194,189,189,187,187,191,194,196,196,196,196,196,194,196,202,202,196,194,199,204,204,204,204,207,207,207,207,207,207,207,209,212,215,215,215,215,215,212,211,212,215,215,215,215,215,212,208,208,212,215,217,217,220,217,215,215,215,215,217,217,222,222,225,225,225,228,230,225,217,215,217,222,220,215,211,212,212,209,202,202,204,207,202,191,145,191,199,207,215,217,207,199,202,209,217,215,204,194,192,196,196,191,194,199,204,207,207,209,209,207,202,199,200,202,207,207,202,202,202,204,209,212,212,212,207,207,207,207,209,212,212,215,209,199,145,199,209,215,222,222,222,222,220,220,222,225,225,222,217,215,215,215,217,222,222,217,216,217,222,222,222,222,225,230,230,225,220,225,228,230,233,235,233,228,228,228,228,230,230,228,225,222,220,222,228,228,228,225,228,228,228,228,228,230,230,230,230,230,235,235,235,233,230,225,224,224,225,230,233,233,230,228,225,225,225,228,230,230,225,217,215,222,225,225,225,222,222,217,215,215,212,209,209,209,209,209,207,207,209,215,215,215,212,212,215,215,212,209,209,209,204,186,125,113,113,125,191,199,189,135,133,189,196,199,202,204,207,207,202,202,202,199,196,199,202,202,194,133,127,128,181,191,189,183,182,183,189,191,196,202,204,204,207,209,212,215,217,212,202,202,209,215,217,217,222,222,222,217,215,215,217,222,225,228,228,230,230,228,225,230,235,241,238,230,217,207,202,196,194,191,189,191,191,189,186,139,135,129,127,125,125,129,135,183,194,202,207,209,212,217,220,222,225,228,230,235,238,238,241,243,246,241,233,217,207,202,204,202,207,235,246,241,230,225,225,225,209,194,141,137,137,137,186,191,199,209,220,225,220,209,202,196,191,191,199,209,220,217,217,215,217,222,202,172,177,217,228,235,241,230,196,127,111,95,79,57,49,48,57,101,91,77,99,173,196,204,204,207,207,207,207,207,204,203,204,212,212,199,183,138,186,191,191,189,191,196,202,204,207,209,202,191,191,196,194,191,196,204,204,204,204,207,207,207,209,209,212,209,207,204,202,199,199,199,199,202,204,207,207,207,207,204,204,196,189,142,143,143,142,143,196,204,207,202,198,199,204,202,194,191,194,191,191,194,196,199,202,202,202,199,195,195,202,204,196,191,196,204,209,212,215,215,215,215,215,212,212,209,207,204,204,204,204,207,209,209,209,207,209,209,212,209,212,215,215,215,215,212,209,196,186,186,189,182,179,183,191,196,199,199,202,202,199,194,191,192,194,194,190,190,194,199,202,202,196,196,196,191,186,189,194,192,194,202,207,207,204,202,202,196,194,191,194,199,204,204,199,196,196,199,199,199,199,202,204,209,212,209,204,196,143,140,142,189,189,187,189,196,199,199,204,207,207,204,204,199,196,196,199,199,196,196,199,207,212,212,212,215,212,204,202,204,204,199,199,194,189,186,191,199,204,202,196,196,191,189,191,196,199,199,196,196,199,204,202,199,199,202,204,207,212,212,215,220,225,222,212,202,199,196,199,204,204,196,195,196,202,202,199,196,196,199,204,207,204,204,200,200,200,202,207,209,212,215,215,215,215,212,212,209,209,212,217,220,217,212,209,207,207,207,207,207,207,207,209,209,209,209,207,202,191,185,183,189,196,199,196,194,186,135,128,125,126,131,178,181,181,183,186,186,183,183,186,191,194,191,189,189,191,194,196,195,195,202,212,222,222,217,215,215,217,222,225,222,225,230,235,238,238,235,235,233,230,225,217,215,212,212,215,217,209,208,215,225,233,235,238,230,215,196,141,133,117,99,93,103,117,133,196,215,225,222,212,215,230,233,222,199,181,123,116,119,125,125,119,109,99,103,170,189,127,123,125,121,119,168,199,204,204,207,222,241,254,255,251,238,220,191,189,204,202,194,143,139,137,141,137,135,143,212,230,241,243,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,246,235,228,228,230,228,212,186,127,123,123,119,111,110,113,121,127,176,181,186,196,202,204,204,202,207,215,209,196,194,204,209,207,196,191,194,196,196,194,194,194,194,189,173,173,178,129,111,112,117,119,127,183,196,199,199,196,191,186,183,186,202,222,233,233,225,215,212,215,222,220,215,215,222,230,235,241,243,246,246,246,246,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,225,215,207,199,191,190,190,191,191,194,194,199,204,212,225,233,235,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,230,222,212,0,0,0,0,0,0,0,0,0,0,0,222,215,204,200,202,204,199,194,192,194,191,186,189,199,202,194,178,168,165,168,165,125,123,121,121,123,125,127,127,127,129,173,178,183,191,196,191,186,186,189,189,186,183,186,186,183,182,182,182,186,186,139,135,137,141,194,209,220,215,196,135,127,125,123,125,137,151,212,220,225,228,230,233,233,235,241,246,248,248,251,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,248,246,241,241,238,238,235,230,230,228,228,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,176,194,191,176,157,147,143,150,160,170,176,178,173,157,150,112,110,117,168,173,170,165,165,165,165,165,125,121,120,121,125,165,168,168,168,170,176,178,178,178,176,174,176,178,181,186,186,186,191,196,202,207,204,202,207,204,196,176,107,106,117,125,125,121,117,115,115,113,111,115,123,129,173,178,183,189,191,189,181,170,168,170,176,178,178,183,189,183,173,173,181,183,178,170,170,173,170,168,170,176,178,178,170,163,163,165,163,168,165,71,71,163,165,123,119,115,117,117,115,114,113,115,117,105,59,31,26,121,165,170,173,173,173,170,168,168,168,170,178,189,202,207,204,183,104,101,123,178,183,181,119,82,99,186,189,183,178,172,173,176,173,165,123,165,176,165,99,80,103,127,178,183,183,178,173,127,125,124,125,173,178,125,114,115,189,202,191,121,109,111,125,183,196,191,186,183,176,170,183,196,207,186,178,199,209,212,212,212,212,212,212,212,212,207,202,196,191,183,178,178,178,181,178,178,176,131,121,107,104,109,127,186,178,129,127,170,173,170,125,117,112,117,127,170,176,186,194,189,176,170,173,173,176,176,131,173,176,178,129,112,109,113,131,194,202,204,207,204,199,195,195,196,199,202,204,207,212,215,212,191,129,128,178,194,204,207,207,202,191,181,135,133,131,131,178,189,194,194,191,189,189,189,189,181,127,119,119,129,181,183,181,178,178,189,196,194,194,196,199,202,207,207,204,199,199,194,191,189,186,183,183,191,196,196,186,181,189,186,183,183,183,176,129,170,173,176,173,129,129,173,183,191,194,196,194,189,183,183,183,183,186,189,191,194,196,194,191,189,186,178,176,178,186,189,191,191,191,191,194,194,191,191,189,189,189,191,191,191,196,202,204,204,199,199,202,204,204,207,212,212,207,202,199,194,190,189,190,194,196,199,202,204,207,202,186,135,186,196,202,199,196,192,192,194,196,194,186,186,191,199,204,202,202,202,202,196,191,190,191,196,196,196,196,191,186,183,186,186,183,178,135,176,176,131,129,130,133,178,183,186,186,181,134,134,135,181,189,189,189,189,191,189,183,178,183,189,191,199,202,196,181,125,106,97,100,117,129,89,86,125,131,133,133,133,181,183,183,189,194,196,194,196,199,202,199,196,199,202,202,196,194,191,191,191,194,194,196,196,196,196,191,181,178,179,183,181,131,131,181,191,191,189,191,196,199,199,199,199,202,202,202,199,196,191,189,189,187,187,189,191,191,191,191,194,194,194,194,194,191,189,191,194,191,189,189,187,189,196,199,199,202,199,196,194,192,196,204,207,204,202,204,204,199,198,199,202,207,207,207,204,204,207,209,215,217,217,217,217,217,212,211,211,212,212,212,212,215,215,209,208,209,212,215,217,220,217,215,217,217,217,217,217,217,220,222,222,225,228,230,228,217,212,215,220,222,215,212,212,212,209,204,204,207,209,204,196,191,194,202,207,212,215,204,199,199,204,209,212,204,199,196,199,199,194,196,202,204,204,207,209,212,209,202,200,200,204,207,207,204,202,202,204,209,215,215,212,209,207,207,207,209,209,212,212,204,129,125,139,202,215,222,222,217,217,217,217,222,228,228,228,222,215,213,215,217,222,225,222,217,217,217,217,217,222,225,228,230,230,228,228,230,230,230,233,230,228,228,230,230,230,230,230,230,225,222,225,228,230,228,225,225,225,225,228,230,230,230,230,230,230,233,233,233,233,233,233,228,225,228,230,233,233,233,230,228,228,228,230,233,233,228,217,217,222,225,225,222,225,225,222,215,212,209,207,207,209,209,209,209,209,215,215,215,215,212,215,215,215,212,209,209,212,209,194,133,123,123,135,196,202,194,183,181,191,196,199,202,204,207,204,202,199,199,199,199,199,202,199,189,129,126,129,183,191,186,181,179,183,189,189,191,196,199,202,204,207,209,209,212,209,202,204,209,212,217,225,228,228,225,217,215,213,215,217,222,225,225,228,228,225,225,228,233,238,238,230,222,212,204,199,194,191,189,189,191,189,183,137,133,133,131,129,129,135,183,189,196,204,209,215,217,222,222,222,225,228,230,235,238,238,241,246,248,243,233,215,202,194,145,139,143,217,241,241,233,228,230,230,225,217,209,202,199,202,199,196,194,196,204,209,209,207,202,199,196,196,204,217,233,235,235,230,228,235,241,233,220,225,217,225,235,230,202,123,107,97,83,67,51,47,67,105,89,89,115,186,202,207,207,207,205,205,207,207,207,207,209,217,217,202,186,139,183,186,183,186,191,199,204,204,204,204,196,186,185,189,189,191,194,199,202,202,204,204,204,203,204,209,209,209,207,204,202,199,199,198,199,202,204,204,207,209,212,212,209,202,191,142,142,143,143,143,194,202,207,202,199,199,204,204,196,191,191,191,190,190,191,194,196,202,202,196,194,195,199,199,191,186,187,196,204,212,215,215,212,215,217,212,209,207,207,204,204,204,204,204,204,204,207,209,209,215,215,209,209,212,215,215,215,215,212,199,186,189,194,183,179,182,191,196,196,196,196,199,196,192,191,194,196,196,191,191,194,199,199,196,199,202,202,196,191,194,199,196,196,202,204,204,204,202,199,196,190,189,191,202,207,209,207,207,204,199,198,198,199,204,207,209,212,207,207,204,194,142,143,191,186,186,189,199,199,189,196,204,207,209,209,209,204,204,207,204,202,204,207,215,217,217,217,217,212,202,200,209,217,209,199,186,139,139,186,194,199,196,194,191,186,183,185,191,196,199,196,199,204,207,207,204,204,204,209,212,212,212,217,225,225,217,207,196,194,194,196,202,199,195,195,199,202,204,202,199,199,204,207,209,207,207,204,202,202,204,207,212,209,209,212,215,215,212,209,209,209,212,215,217,217,212,209,207,207,205,205,207,207,209,212,215,215,209,207,202,196,191,189,196,196,196,196,191,183,133,129,129,135,183,186,183,183,186,189,189,186,186,189,194,196,196,194,194,194,199,199,196,196,207,222,228,225,217,215,217,220,222,222,222,225,230,235,238,238,238,235,233,230,228,225,220,215,212,212,215,215,212,209,209,215,222,228,220,207,141,127,123,115,103,103,117,127,139,199,217,225,222,215,217,230,235,225,204,178,119,114,118,125,121,111,99,90,88,99,117,119,117,119,119,119,170,202,212,215,217,230,243,251,251,243,230,222,212,212,220,215,207,199,145,194,204,199,147,207,228,235,241,246,251,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,238,225,217,215,209,199,178,123,122,123,121,115,113,115,117,119,119,123,176,194,202,202,202,202,207,207,191,176,173,191,212,215,207,199,199,202,199,191,186,191,199,199,186,178,181,176,119,119,131,178,181,189,194,199,204,207,199,189,182,181,189,212,230,235,230,225,222,225,222,212,204,204,215,230,238,241,241,241,243,243,243,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,235,225,215,204,194,190,190,191,194,194,196,202,207,215,228,235,235,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,238,235,228,217,0,0,0,0,0,0,0,0,0,0,0,217,212,202,200,200,202,199,194,192,194,189,186,186,194,199,191,181,173,168,168,165,123,121,119,119,121,125,129,129,129,129,170,176,178,183,189,189,186,185,186,186,186,183,183,183,182,182,182,186,191,189,183,139,139,186,196,212,225,222,204,141,129,127,127,133,143,204,220,225,228,228,233,235,235,235,241,246,248,251,251,254,254,255,255,255,255,255,255,255,255,255,254,255,255,255,255,251,248,246,243,241,241,238,235,233,230,228,225,224 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,191,189,181,170,163,143,144,155,165,165,147,89,97,113,111,109,157,178,183,178,170,170,168,170,170,165,120,119,121,125,165,165,165,165,170,173,176,176,174,173,176,183,186,186,183,178,181,186,191,202,204,194,186,191,191,173,105,98,101,123,173,170,123,119,117,119,119,115,115,119,127,178,191,202,204,202,196,189,178,173,173,176,181,183,183,181,178,173,178,186,189,181,176,176,176,165,125,168,173,176,173,168,165,163,163,119,123,123,105,107,123,123,117,113,111,113,117,117,114,113,115,123,176,183,176,165,170,178,181,178,173,170,168,165,165,168,170,170,178,189,191,178,111,102,104,123,178,191,191,89,32,72,181,186,186,186,181,181,183,176,165,125,170,173,105,81,82,113,176,186,194,191,181,170,125,124,123,125,170,173,125,119,125,194,207,204,186,123,119,129,186,194,189,186,181,127,125,183,202,202,189,194,207,212,212,211,212,212,212,212,215,215,209,207,202,194,183,176,173,173,176,178,181,183,181,173,121,113,123,181,189,178,126,125,126,129,127,121,113,112,119,170,173,178,191,199,194,178,170,173,173,131,131,130,173,178,183,178,121,111,119,183,202,204,204,204,202,196,196,196,199,204,207,209,209,212,215,212,189,129,129,183,199,207,209,209,204,196,186,181,178,178,176,178,183,186,189,189,189,189,191,191,186,133,122,121,129,178,178,177,176,176,183,194,196,196,196,199,202,204,207,204,202,202,199,196,196,191,186,183,189,199,202,199,196,199,199,194,186,178,173,129,129,129,170,131,129,131,178,183,189,191,194,194,189,183,181,181,178,183,191,196,196,196,194,191,189,186,177,174,181,189,194,194,191,191,194,194,194,191,191,189,189,189,189,191,191,191,196,202,204,202,199,202,202,202,204,209,212,209,207,202,196,194,194,196,204,202,202,207,204,202,186,125,127,181,194,199,196,194,194,196,196,199,199,194,194,199,204,207,204,202,202,199,194,191,191,191,194,196,196,194,183,131,122,123,181,181,135,133,133,176,176,131,130,133,178,183,189,189,183,135,133,133,178,189,196,196,194,194,189,181,178,189,194,189,191,194,194,113,96,94,95,102,129,183,183,129,129,131,131,131,130,133,183,189,191,196,196,194,196,199,199,196,196,199,202,202,199,194,189,189,189,191,194,194,194,194,194,189,183,179,181,186,186,178,181,189,191,189,187,189,196,199,198,198,199,202,204,204,202,199,194,189,187,187,187,189,191,191,189,191,191,194,194,194,191,189,187,187,189,194,194,194,194,194,199,202,202,202,202,196,194,192,194,202,207,207,207,209,207,199,198,199,202,207,209,207,204,202,204,209,215,217,222,222,222,222,217,212,212,215,215,212,212,215,215,209,208,208,209,212,215,215,215,215,217,217,217,217,215,212,215,220,225,225,228,230,228,220,209,209,212,215,215,212,212,212,212,209,207,209,209,204,194,190,194,204,209,212,209,202,196,196,196,196,202,204,207,207,204,199,196,196,199,202,204,209,215,215,212,207,202,202,204,207,207,204,202,202,207,212,215,217,215,212,207,204,202,204,209,212,209,199,125,121,129,196,215,225,222,217,217,217,217,222,228,230,228,225,217,215,217,220,225,228,225,225,222,217,215,215,217,222,228,233,235,233,233,233,230,230,233,230,225,228,230,233,230,230,233,233,228,222,222,225,225,222,220,222,225,225,228,230,230,230,230,228,228,230,233,230,233,235,235,233,228,228,230,233,235,233,230,230,230,233,233,235,235,230,222,217,217,225,225,225,228,228,222,212,204,202,204,207,209,209,209,209,212,215,215,215,212,212,215,217,217,215,209,209,215,212,196,137,127,129,139,199,204,196,189,189,194,196,199,199,204,204,202,199,196,196,196,196,199,199,194,186,133,129,133,183,189,183,178,178,189,194,191,191,194,196,202,204,207,207,209,209,209,207,209,212,212,217,228,230,228,222,217,215,215,215,217,217,217,222,225,228,225,225,225,230,233,233,230,222,217,209,202,194,189,189,191,191,186,137,133,131,133,133,133,133,137,186,191,196,204,209,215,222,228,228,225,225,228,230,235,238,241,243,246,248,243,233,217,204,194,143,135,135,196,222,230,230,230,230,230,230,230,228,222,222,228,220,202,189,186,191,196,202,204,202,196,189,189,196,222,241,246,241,230,226,233,243,241,225,194,191,199,222,225,204,113,85,81,77,71,59,51,79,95,78,85,117,191,204,209,209,207,204,205,207,209,212,212,215,217,215,204,194,189,139,135,137,183,196,207,209,207,202,199,191,187,187,191,191,191,196,199,202,204,209,207,203,203,204,209,209,209,204,202,202,199,199,199,202,204,207,207,207,212,212,215,212,204,196,191,191,191,191,194,199,202,204,202,199,202,204,204,199,194,191,191,190,190,191,196,204,207,204,199,195,199,202,202,191,186,186,191,199,209,212,212,212,215,217,212,209,207,207,207,207,207,204,199,194,194,199,204,209,212,212,209,207,209,212,215,217,215,212,202,186,189,194,186,178,182,194,199,196,195,196,199,199,196,194,199,202,199,196,194,191,194,194,194,196,202,202,194,190,194,204,202,202,202,204,207,207,204,202,196,189,187,194,204,209,212,212,212,207,202,198,196,199,204,207,209,209,207,209,209,204,194,194,191,181,185,191,202,199,135,191,204,207,212,215,212,209,209,209,209,209,212,215,217,222,222,217,215,212,202,200,212,220,215,199,186,139,135,135,183,191,196,196,194,189,183,185,191,196,199,199,202,207,212,212,209,209,209,212,215,212,212,217,225,222,209,196,191,191,191,196,199,195,194,196,202,207,207,207,204,204,207,209,209,209,207,204,204,204,207,209,209,207,207,209,215,215,209,207,207,207,209,209,212,215,212,209,209,207,205,205,207,209,212,215,217,215,212,207,204,202,199,202,202,196,194,194,189,181,133,133,181,189,194,191,186,186,189,191,191,191,191,194,196,199,199,199,202,202,204,204,204,207,217,228,228,222,215,212,215,217,217,215,217,217,225,230,233,233,233,230,228,228,228,225,217,215,212,215,217,222,217,207,194,194,199,207,209,194,113,98,103,107,107,109,121,129,137,196,215,225,220,213,215,225,233,228,212,194,133,119,121,133,127,113,101,91,87,88,97,111,115,119,123,125,168,189,207,212,217,230,241,246,243,238,230,228,228,225,228,225,220,207,196,202,222,230,228,233,238,241,243,248,251,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,235,220,209,196,189,183,135,127,123,125,123,119,115,115,115,115,114,115,127,191,196,191,189,194,202,204,189,169,165,173,202,215,209,199,196,199,194,178,173,181,191,194,189,183,183,178,127,129,181,186,183,181,183,194,204,209,204,194,182,179,183,204,228,235,233,230,228,228,225,209,198,196,207,225,233,235,238,238,241,241,243,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,241,233,220,207,196,194,194,194,196,196,199,202,209,222,233,235,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,243,238,230,225,0,0,0,0,0,0,0,0,0,0,0,217,209,202,199,200,202,202,196,194,194,189,183,183,189,194,189,183,176,170,168,163,123,121,119,118,0,123,129,176,176,170,129,173,176,178,183,189,189,186,189,189,189,186,183,182,181,183,186,194,199,199,191,186,186,189,194,209,228,230,215,147,137,133,133,137,147,209,222,228,230,230,233,235,238,241,243,246,248,251,254,254,255,255,255,255,255,255,255,255,255,255,254,254,255,255,254,248,246,246,243,243,241,238,233,230,230,230,225,224 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,186,181,168,173,186,173,155,147,150,150,88,75,84,150,113,112,168,186,186,181,173,170,170,173,176,168,120,119,121,168,168,164,163,165,173,178,176,174,174,174,178,189,196,199,189,170,168,178,186,194,191,178,172,176,173,119,105,104,170,199,189,170,121,117,117,125,170,168,121,119,127,178,194,204,209,204,202,196,189,178,173,178,186,189,183,176,173,173,178,186,189,178,173,176,170,125,123,125,168,165,165,168,168,168,163,118,119,123,121,119,121,121,115,112,110,112,121,163,117,115,123,176,183,183,183,186,183,186,189,181,176,176,176,173,123,163,165,121,121,168,170,121,108,105,109,165,176,189,199,97,31,61,115,176,189,196,189,186,183,173,165,168,125,101,84,76,111,181,191,199,207,204,189,178,173,127,125,168,173,170,125,125,173,186,194,196,189,170,123,129,178,178,173,170,123,114,117,176,196,119,116,191,209,212,212,212,212,212,212,215,215,215,209,207,202,194,186,176,131,129,173,176,176,181,186,189,183,176,181,191,194,181,127,124,125,127,125,119,113,115,129,181,181,183,189,191,186,173,129,170,170,131,131,130,130,178,191,189,115,104,111,191,202,204,204,204,202,199,196,199,202,204,207,209,209,209,212,209,194,134,134,194,204,207,209,209,204,199,194,186,181,178,176,176,181,183,186,191,194,194,194,191,186,178,129,127,135,181,181,178,176,176,181,194,199,199,199,199,202,204,204,204,202,204,202,202,199,194,186,182,186,196,202,199,199,199,199,194,183,178,178,176,129,129,129,129,131,173,181,186,186,183,186,191,191,186,181,178,176,186,199,204,204,202,196,191,189,183,176,174,183,194,196,194,191,194,196,196,191,189,183,186,186,189,189,189,189,191,196,202,207,204,202,202,202,199,199,202,207,207,204,199,194,196,199,204,202,199,202,209,202,133,120,118,131,186,196,199,194,191,194,199,199,202,199,196,196,202,204,204,202,199,196,191,189,186,189,189,189,194,194,186,129,119,116,116,135,178,135,132,132,133,178,178,176,176,181,183,189,191,186,178,133,132,178,194,204,204,199,194,191,183,178,183,183,129,135,186,186,111,103,109,131,186,191,194,186,178,133,131,133,131,129,130,183,189,191,194,194,194,196,199,199,196,196,199,202,202,196,191,186,183,186,189,191,194,191,189,186,183,181,181,183,186,189,186,189,191,191,189,187,189,194,199,199,199,202,204,204,207,204,202,196,191,189,189,189,191,194,191,189,186,189,191,191,191,189,189,187,187,189,194,199,202,202,199,202,202,202,199,199,196,194,192,192,196,202,204,209,209,209,204,199,199,204,209,212,209,204,202,202,207,212,217,222,222,225,225,217,215,215,217,217,215,215,217,215,209,208,208,209,209,209,212,212,215,217,217,215,212,209,208,209,217,225,225,225,228,228,222,212,207,207,209,209,209,209,209,212,209,207,207,207,204,194,187,190,204,212,212,209,204,199,202,196,192,194,199,207,207,202,196,199,199,199,202,207,212,217,217,215,212,207,204,204,204,204,204,202,202,207,212,217,217,215,209,202,194,147,196,207,212,209,202,139,128,141,204,217,228,225,217,217,217,217,222,228,228,228,225,225,225,222,225,228,228,228,228,225,217,213,213,215,222,230,235,238,238,235,235,230,233,233,230,225,225,228,228,228,230,233,235,230,225,222,222,220,218,218,222,225,228,228,230,228,228,225,225,228,230,230,228,230,235,235,233,230,230,233,235,235,235,233,233,233,235,235,235,233,230,222,216,217,222,225,228,233,230,222,204,198,198,202,207,209,212,212,212,212,215,215,215,212,212,215,217,217,217,215,215,217,212,196,135,127,131,141,199,202,199,194,194,196,196,196,199,202,202,199,196,194,194,194,196,196,194,189,183,181,137,137,183,186,182,179,181,194,199,196,191,191,194,199,202,204,207,209,212,209,209,215,217,215,220,225,228,225,222,217,217,217,217,217,216,216,216,222,225,228,228,225,225,225,225,225,222,217,212,202,194,189,189,191,191,141,135,132,132,135,137,135,133,135,139,189,194,199,207,212,222,228,228,225,225,225,230,235,238,241,243,243,246,243,235,222,209,199,145,135,133,139,202,215,225,228,225,225,228,230,230,230,233,235,222,199,139,134,137,189,199,207,202,189,135,131,183,217,243,246,235,228,230,235,233,222,194,174,183,191,204,217,212,123,77,72,73,79,71,61,79,95,85,82,105,183,204,212,212,207,204,204,207,212,217,217,215,215,209,204,202,194,133,123,127,137,191,207,212,209,199,194,189,189,196,202,199,196,196,199,202,207,212,212,207,204,207,209,212,209,204,199,199,199,199,199,204,209,209,209,209,209,209,209,209,207,202,199,196,196,199,204,207,207,204,204,202,204,204,202,199,194,194,194,190,190,194,204,212,212,207,202,202,204,207,204,194,187,186,189,194,204,212,212,209,212,217,212,209,207,207,207,209,209,204,191,140,139,189,196,202,204,207,207,204,204,207,215,222,217,212,202,189,189,196,189,181,189,207,207,202,199,199,202,202,202,202,204,204,204,199,194,189,189,189,189,194,202,202,194,190,194,202,204,202,202,204,207,207,204,202,202,194,191,199,207,212,212,215,212,207,199,196,196,199,204,209,209,209,209,209,212,207,196,196,191,181,186,199,207,199,133,191,204,209,212,215,212,207,207,209,212,217,217,220,217,217,215,212,212,212,204,202,209,215,212,207,202,194,139,133,133,186,196,199,196,189,186,186,194,196,196,194,196,202,209,212,215,215,215,217,215,212,212,217,222,215,202,191,190,190,190,194,199,195,194,199,207,209,209,209,209,209,209,209,209,207,204,202,202,204,209,212,207,202,204,209,215,215,207,205,207,207,207,207,209,212,212,212,209,209,207,207,209,212,215,217,217,215,215,209,207,204,204,204,207,199,191,191,189,183,137,181,186,194,196,194,191,194,199,202,199,199,199,199,199,202,202,204,209,209,207,209,212,215,222,228,225,215,209,207,207,209,209,207,207,209,212,217,220,222,222,217,215,217,222,215,209,207,212,222,228,228,222,204,143,135,133,139,196,141,99,93,97,105,111,113,117,121,133,194,212,225,225,217,217,222,228,228,222,209,194,178,178,196,191,121,111,105,93,89,99,117,123,127,181,183,183,191,204,212,217,228,233,235,233,229,230,235,241,238,233,230,225,209,192,195,228,246,246,241,241,241,243,248,254,254,254,254,255,255,255,255,255,255,255,255,255,255,255,254,251,254,254,246,233,220,209,194,139,137,181,178,133,129,125,121,117,117,117,119,119,121,173,186,186,173,173,181,194,202,194,173,168,176,204,215,209,199,191,191,181,129,127,176,183,183,181,183,186,178,133,178,186,183,178,0,174,183,199,207,204,196,186,182,186,204,222,230,228,225,228,230,228,212,198,195,199,215,228,233,235,238,241,243,246,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,248,241,233,220,209,202,202,204,202,199,202,202,204,212,225,235,238,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,230,230,230,0,0,0,0,0,222,0,225,222,217,215,209,202,200,200,202,204,202,196,194,189,183,182,183,189,189,186,178,173,165,163,123,121,119,118,119,125,173,178,178,176,170,131,173,178,181,189,191,191,191,191,191,189,183,182,182,189,196,204,209,207,199,191,189,189,194,209,230,235,225,204,145,139,137,141,149,212,222,228,228,230,233,238,241,243,243,246,251,254,254,255,255,255,255,255,255,255,255,255,255,255,254,254,254,254,251,248,246,243,243,243,241,238,233,229,230,233,230,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,170,163,138,139,176,181,168,150,147,152,139,84,87,113,155,157,176,181,178,173,168,165,168,170,173,168,121,121,165,173,168,163,163,170,181,183,178,176,178,178,183,191,202,209,199,121,115,168,181,186,186,178,173,173,170,119,115,129,207,215,199,176,123,117,117,125,178,183,168,123,125,173,189,204,209,207,204,199,194,178,172,181,194,194,186,178,173,173,176,181,181,176,170,170,168,165,123,123,121,121,123,168,173,170,165,118,118,123,163,123,163,168,165,119,115,121,173,178,163,121,165,181,191,189,189,189,183,186,186,181,176,178,183,181,121,121,121,118,118,123,163,119,111,108,113,168,168,119,117,107,71,67,85,123,189,194,181,178,173,121,121,165,119,95,91,109,186,196,202,204,209,204,189,183,183,173,168,170,176,170,129,170,176,181,183,189,186,170,123,123,125,125,123,119,113,111,115,127,129,80,88,178,199,207,209,212,212,212,212,215,215,212,209,204,202,196,189,181,173,129,131,131,131,176,189,196,199,196,196,202,202,191,173,126,126,170,173,129,123,127,186,196,194,191,186,176,129,123,125,127,129,129,131,131,130,176,183,178,115,107,117,191,199,202,204,207,204,202,199,199,204,204,204,207,207,207,209,207,194,135,178,196,204,207,207,204,202,199,196,189,181,176,176,133,133,176,183,194,202,202,199,191,186,181,135,133,178,181,181,181,178,178,186,196,199,199,202,202,204,204,204,202,202,204,204,202,199,194,189,183,189,194,196,194,191,194,196,191,183,181,183,178,170,129,129,131,173,178,183,189,183,178,178,186,189,183,178,176,178,191,204,209,209,207,199,194,189,181,174,173,183,194,196,194,194,196,199,196,189,181,178,181,186,189,189,189,189,191,196,202,204,202,196,194,194,194,191,191,194,196,196,194,191,194,199,202,196,191,191,194,123,114,116,125,189,196,196,196,189,186,189,194,196,196,196,194,194,196,199,199,196,194,186,137,133,135,181,183,186,186,186,135,127,122,123,131,178,181,178,135,133,135,181,181,178,178,178,181,186,191,191,186,135,134,181,196,207,207,202,196,191,183,135,131,113,93,106,178,189,183,189,204,204,204,204,199,191,191,186,181,181,178,133,178,186,191,191,194,194,194,199,199,199,196,196,199,202,199,194,186,181,181,181,183,189,191,189,181,178,178,178,181,183,189,194,194,194,194,194,191,189,189,194,199,199,199,202,202,202,202,204,204,199,196,194,191,191,194,194,194,189,186,186,186,189,189,189,189,187,187,189,194,199,199,199,202,199,196,194,194,196,196,196,194,192,194,199,204,209,209,209,204,199,202,207,212,212,209,207,202,202,204,209,215,222,222,225,222,217,213,213,217,220,222,222,222,217,209,208,209,209,209,209,209,212,212,215,215,215,212,208,207,208,215,220,222,222,225,225,222,217,212,204,204,204,207,207,207,209,209,207,207,207,204,191,186,186,199,209,212,209,207,207,209,207,196,191,194,199,202,196,196,199,199,199,202,209,217,217,217,217,215,209,207,204,204,204,204,204,204,207,212,215,215,209,202,145,143,143,147,204,212,212,209,204,149,204,212,222,225,222,215,215,215,215,220,225,228,228,228,230,228,228,228,228,230,230,230,228,222,213,212,215,225,233,238,238,238,238,235,233,233,233,230,228,225,222,222,222,228,233,235,233,225,220,220,220,220,220,225,228,228,228,225,225,222,217,217,225,228,228,228,228,233,235,233,233,233,233,235,235,235,235,235,235,235,235,235,233,230,222,216,217,222,228,230,235,233,217,202,194,195,199,207,209,209,209,209,212,212,215,215,215,212,215,217,222,222,217,217,222,212,194,133,129,135,189,196,199,199,199,199,199,196,196,199,202,199,196,196,194,191,191,196,196,191,189,186,186,186,183,183,186,183,183,186,194,199,196,194,191,191,194,199,202,204,209,212,212,212,217,222,222,222,225,228,225,222,217,215,217,222,217,216,216,216,220,225,230,230,228,225,222,220,217,217,217,212,204,196,191,191,191,191,141,137,135,137,139,141,139,135,133,135,141,189,194,199,207,215,225,225,225,225,228,230,235,238,241,243,243,246,243,235,225,212,202,147,136,134,137,191,204,215,215,212,212,215,222,225,230,235,233,215,191,135,131,132,137,194,204,196,137,125,121,127,194,230,238,222,222,233,235,230,217,199,189,199,204,207,222,228,209,105,77,85,95,77,60,65,87,111,87,101,127,199,212,215,209,205,205,207,212,217,217,217,212,207,204,204,191,125,105,103,117,131,191,202,202,196,189,186,189,196,202,196,194,194,199,202,207,212,215,212,207,209,212,212,209,202,196,196,196,196,199,204,209,212,212,209,209,207,207,209,209,207,207,202,199,204,212,212,207,204,204,207,207,202,199,194,196,196,194,191,191,199,209,215,212,209,207,209,212,209,204,196,191,189,187,189,199,207,209,207,209,212,212,209,209,207,209,209,209,204,189,138,137,140,191,194,194,199,202,202,202,207,215,222,222,212,202,189,191,196,191,189,202,215,217,209,204,202,202,204,204,204,207,204,204,199,194,187,186,187,189,196,204,207,199,194,194,196,202,202,202,204,207,207,204,202,204,202,202,204,209,212,215,215,212,207,202,198,198,199,204,209,212,212,209,209,209,202,194,194,194,187,194,204,207,189,135,196,209,212,212,212,209,205,205,209,217,222,222,217,212,209,207,207,204,207,207,204,204,204,207,215,217,212,194,133,131,139,194,199,194,189,186,186,194,194,191,187,187,194,204,209,212,215,217,220,215,212,215,220,220,209,196,189,190,191,194,196,199,196,196,202,209,209,212,209,209,209,207,207,204,204,202,199,196,199,204,207,202,202,204,209,215,212,209,207,209,209,207,207,207,212,212,212,212,212,209,209,212,212,215,217,215,215,215,209,204,202,199,204,207,199,191,187,189,186,183,186,191,196,196,194,194,202,204,204,204,204,204,202,202,199,199,204,212,212,209,215,217,217,217,217,215,209,202,199,199,202,202,202,199,199,202,204,207,207,207,204,204,207,209,207,202,204,215,225,230,230,228,209,141,125,121,127,189,141,111,97,101,111,117,115,113,115,129,196,215,228,228,225,222,220,222,225,225,215,202,194,196,212,207,178,133,186,183,127,125,129,173,178,189,199,207,212,212,215,217,225,230,229,228,228,235,251,255,255,243,238,233,209,191,192,222,246,246,239,238,239,246,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,248,248,246,241,230,225,217,204,0,183,189,194,189,178,129,125,123,121,123,176,186,191,191,189,178,123,123,131,186,199,194,181,178,196,220,222,212,202,196,194,181,126,125,129,131,127,127,183,191,186,181,183,186,183,178,0,172,176,189,196,199,196,191,189,191,204,215,220,217,215,222,228,228,217,204,198,202,212,225,230,235,238,241,246,246,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,246,238,230,217,204,204,209,209,207,204,207,209,207,215,228,238,241,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,230,233,230,0,215,0,215,0,217,222,225,222,217,215,209,204,202,202,204,207,204,199,194,191,186,183,182,186,189,186,181,173,165,163,163,123,121,119,121,127,176,181,181,176,170,173,173,176,181,186,194,194,191,191,191,189,183,182,186,196,207,217,222,217,204,196,191,189,196,215,235,241,233,217,204,147,143,145,151,209,220,225,225,228,230,238,243,246,248,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,254,254,251,248,243,243,243,243,241,238,233,230,230,233,230,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,170,165,137,131,147,168,168,152,150,157,160,147,109,152,165,170,176,170,163,163,163,123,163,165,165,165,125,165,173,176,170,165,168,178,183,183,178,178,178,181,186,189,199,209,191,85,83,113,170,183,191,191,183,176,173,127,127,189,209,212,202,189,176,119,115,119,170,181,127,121,123,170,183,202,209,209,207,202,191,172,169,181,196,196,189,183,178,176,173,170,170,170,170,168,168,165,125,121,117,117,121,165,170,170,123,117,118,163,170,165,170,181,181,170,170,183,191,189,173,163,163,176,191,196,194,186,176,176,176,173,170,173,176,170,119,119,119,119,121,163,123,115,111,111,119,170,123,95,101,115,115,87,97,111,165,168,123,163,121,108,108,119,119,105,111,191,196,202,204,207,204,191,173,173,178,170,125,127,129,129,173,176,178,181,181,181,178,129,122,122,123,123,123,117,112,112,117,123,117,74,88,178,191,202,207,212,212,209,209,215,215,212,209,207,202,199,196,189,178,131,129,129,129,173,186,196,202,202,204,209,207,202,189,176,170,176,181,178,173,181,199,207,207,199,189,127,120,119,122,125,125,129,173,131,173,131,129,127,125,127,178,191,199,202,204,207,207,204,202,202,202,202,202,202,202,204,207,207,194,131,131,189,199,199,199,196,194,194,196,189,183,181,178,131,124,125,176,194,204,207,202,194,186,183,181,178,181,183,183,183,181,183,194,202,196,195,202,204,204,202,202,199,199,202,202,199,196,194,191,189,191,191,189,183,181,183,189,186,178,181,186,178,173,170,173,178,181,189,194,196,189,178,177,181,181,176,133,176,183,196,207,215,215,209,202,194,189,181,173,173,183,196,196,194,196,199,199,191,183,178,178,183,189,191,189,189,186,189,194,196,194,186,181,137,181,181,181,135,135,183,189,189,186,189,191,191,189,137,133,125,116,114,124,189,196,196,191,189,181,133,133,137,183,191,194,191,189,191,194,194,194,191,137,129,128,131,137,183,186,186,181,135,135,181,189,189,186,186,183,183,181,181,178,135,131,131,135,181,186,191,191,186,181,178,186,196,204,202,196,191,189,178,131,127,111,91,104,181,196,202,207,209,209,209,209,202,199,207,202,194,194,191,186,189,191,194,194,191,191,194,196,199,196,194,194,196,199,194,189,181,178,135,135,178,186,186,181,133,132,133,178,183,189,191,196,199,196,196,196,194,191,191,194,196,196,196,199,196,196,199,204,204,202,199,194,191,191,194,194,194,189,186,186,186,186,186,189,189,187,189,189,191,186,186,189,194,191,186,183,183,189,191,194,194,196,196,202,207,209,209,204,199,198,202,207,209,212,212,209,204,200,202,207,215,217,222,225,222,217,213,213,217,222,225,225,228,225,215,209,209,209,209,212,212,212,212,215,215,215,215,212,209,209,212,215,215,222,225,222,220,222,215,204,200,202,204,207,207,207,209,207,207,207,207,196,186,182,194,209,215,212,209,212,215,212,202,194,192,194,194,192,194,199,202,202,204,212,217,217,217,217,215,212,207,204,204,207,207,207,207,209,212,212,209,204,194,143,142,143,147,199,207,212,215,212,207,212,217,217,217,215,212,209,209,212,217,222,228,228,228,230,230,228,228,228,230,230,230,228,222,215,213,217,228,233,235,235,235,235,238,235,235,235,233,230,225,220,220,222,228,233,235,228,222,220,222,225,225,228,230,228,225,222,222,217,217,217,217,217,222,225,225,228,233,235,233,233,233,235,235,235,235,235,235,235,235,235,233,233,228,222,216,222,225,228,230,235,233,217,199,194,195,199,207,209,209,208,209,209,212,217,217,217,217,217,217,222,222,217,217,217,212,191,135,135,186,191,194,194,196,202,207,202,196,196,199,202,199,196,194,191,189,191,196,196,194,191,191,194,191,189,186,183,183,183,186,191,194,196,194,191,191,194,196,199,204,209,212,212,212,215,222,225,225,228,228,228,225,215,213,215,217,222,222,217,217,222,225,230,233,233,230,228,222,217,215,215,212,207,204,199,194,191,189,141,141,141,186,189,186,141,137,135,135,139,139,141,191,202,209,215,215,217,222,228,233,238,241,243,243,246,248,246,238,225,209,199,145,137,137,143,191,196,199,199,196,199,204,209,215,228,233,228,212,194,139,134,133,135,183,191,186,133,123,119,118,123,183,215,199,207,228,235,235,235,228,228,233,228,222,228,238,238,212,129,125,123,97,69,65,69,127,115,107,115,186,212,222,215,209,207,209,212,217,220,222,217,212,207,204,194,129,97,89,91,109,135,189,189,183,181,137,181,189,191,186,183,191,202,207,209,212,215,209,204,204,209,209,204,199,195,195,195,195,196,202,207,209,209,207,207,207,207,212,212,212,209,204,204,209,212,209,204,204,207,209,207,199,191,191,196,199,196,196,199,202,207,209,209,209,212,212,212,207,202,196,194,191,187,187,191,204,207,204,204,207,209,209,209,209,209,209,209,207,196,143,141,189,189,187,187,191,196,199,207,215,217,217,215,209,199,191,194,196,194,191,202,215,217,212,204,202,202,204,204,204,204,204,202,196,191,187,186,189,194,202,207,207,204,199,196,196,199,199,202,204,207,207,204,202,204,207,207,207,209,212,212,212,209,207,204,202,202,204,209,212,212,212,209,209,207,196,191,194,196,196,199,204,199,137,135,196,209,212,212,209,207,204,204,209,217,222,217,215,207,204,204,204,202,204,204,202,196,191,196,215,217,215,199,135,131,135,189,194,191,141,139,141,189,191,189,186,186,191,202,209,212,215,215,217,215,215,215,222,217,207,194,190,191,196,196,196,199,202,202,204,209,209,209,207,207,204,202,199,199,202,202,199,196,196,196,199,202,204,207,209,212,212,212,212,212,209,209,209,212,215,215,212,212,209,209,209,209,212,212,212,212,209,207,202,196,194,196,202,207,202,191,187,189,191,191,189,189,194,194,191,196,204,204,199,196,199,199,199,199,199,202,204,207,209,209,215,215,212,209,207,204,202,199,196,194,194,196,199,196,196,196,196,199,199,199,199,199,199,199,202,207,212,222,228,228,230,230,222,191,123,117,123,189,194,135,111,107,111,117,119,113,117,135,204,217,222,225,222,212,209,212,220,222,217,204,199,207,217,212,204,209,217,222,222,194,183,183,183,189,202,222,233,228,228,228,230,230,230,229,233,254,255,255,255,246,243,243,228,202,204,228,241,241,238,238,239,248,254,255,255,255,255,255,0,0,255,255,255,255,255,255,255,255,254,248,246,241,238,233,228,225,215,202,191,196,207,207,199,191,189,0,0,173,186,202,209,204,194,173,121,120,125,181,194,183,178,186,209,228,228,217,209,207,204,189,127,125,126,126,124,125,181,196,202,196,191,189,191,186,178,176,178,183,186,191,194,194,191,194,204,209,207,204,204,212,222,225,220,209,207,209,217,228,233,235,241,243,246,246,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,243,238,228,209,202,203,212,212,207,209,217,217,215,217,230,238,243,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,0,238,228,225,228,222,215,209,207,212,215,217,217,222,217,215,212,209,0,0,0,0,209,207,199,196,194,191,186,183,186,189,189,181,170,165,165,165,163,123,123,125,168,178,183,183,176,129,131,176,176,178,186,191,191,186,186,186,186,183,183,191,204,217,230,233,225,209,199,194,194,202,222,241,243,238,228,217,204,151,149,153,209,217,222,222,225,230,238,246,248,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,251,251,251,248,243,241,243,243,238,235,235,233,233,230,228,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,168,186,191,178,144,150,160,165,155,147,147,152,152,155,163,170,173,170,119,113,119,121,119,121,119,119,123,168,173,178,176,170,168,173,181,183,181,176,173,173,178,178,181,191,196,111,17,33,85,119,178,196,199,189,173,170,170,173,189,199,199,194,191,176,113,109,109,117,125,119,117,123,168,183,202,212,212,209,202,189,170,169,178,191,189,183,183,183,181,173,127,127,127,168,168,168,168,125,119,117,117,121,125,165,125,119,117,118,168,178,176,176,186,186,181,183,194,199,194,186,178,170,173,181,191,194,183,168,165,168,165,165,165,165,123,118,118,119,121,165,163,115,105,109,119,168,178,163,97,104,176,173,123,115,107,109,115,119,163,118,96,90,113,123,121,123,181,196,202,204,207,202,176,121,121,123,123,119,119,123,129,176,181,181,183,178,173,129,125,123,127,170,170,170,125,117,117,125,129,121,79,112,189,191,199,204,209,207,207,207,212,215,212,209,209,207,204,204,196,186,176,131,129,128,129,181,194,196,199,204,209,207,204,194,178,173,176,178,178,178,183,196,207,209,204,189,123,118,119,123,127,129,173,176,176,173,131,127,129,133,178,186,191,196,199,202,204,207,207,204,202,199,196,196,196,196,199,204,207,196,131,129,178,189,194,194,190,189,190,191,189,186,183,181,131,117,118,127,189,202,204,196,191,191,194,189,183,183,183,183,183,181,189,202,204,195,194,196,204,199,199,199,196,196,196,196,196,194,194,194,194,194,191,183,173,127,125,129,170,129,178,186,181,178,178,181,186,191,196,204,204,194,183,178,178,176,132,132,176,183,194,204,212,212,207,199,191,186,181,174,176,189,199,199,196,196,199,196,189,181,178,181,189,191,189,186,183,183,183,186,186,137,131,127,127,129,129,129,127,129,135,183,186,186,183,183,181,135,129,127,124,122,125,135,183,186,181,137,135,131,127,126,129,135,189,196,194,189,186,189,191,194,189,133,128,127,131,183,189,191,186,183,181,183,191,191,191,189,189,186,186,186,181,133,125,122,124,133,183,189,191,189,183,181,181,183,194,199,196,189,186,181,131,127,135,135,117,129,194,202,204,209,209,209,209,207,199,198,207,207,204,207,202,194,191,194,196,194,191,191,191,194,196,194,191,191,194,194,189,181,178,178,134,133,135,183,183,133,130,130,133,183,191,194,196,196,199,196,196,196,196,194,194,196,196,194,194,194,194,194,199,204,207,204,199,194,191,191,194,194,194,191,191,189,186,186,186,189,191,189,189,189,186,179,177,179,186,181,136,135,136,181,186,189,191,196,202,204,209,212,207,199,196,198,199,207,209,212,212,212,207,200,200,207,212,215,222,225,225,222,217,217,225,225,225,228,230,230,222,212,209,209,212,217,217,215,215,215,215,215,217,217,215,215,212,212,215,222,225,218,217,222,217,204,199,200,207,209,209,209,209,207,207,209,209,202,189,183,196,212,217,217,212,212,212,209,204,199,199,194,192,191,194,199,202,204,207,212,215,217,217,215,212,209,207,204,204,207,209,209,212,212,212,212,207,202,194,145,145,194,199,202,204,209,215,215,212,217,222,222,217,215,212,208,208,208,215,222,228,228,228,228,228,225,225,225,228,228,228,228,225,217,217,222,228,230,233,233,230,233,235,235,235,235,233,233,228,222,220,222,230,233,233,225,220,222,228,230,230,233,233,228,222,217,217,216,216,217,217,216,216,217,222,228,230,233,233,233,235,235,235,235,238,238,235,235,235,235,233,230,228,222,216,222,228,230,233,233,230,217,204,196,198,202,207,209,208,208,208,209,212,217,222,222,222,217,222,225,222,217,215,215,209,196,141,189,194,196,194,194,196,204,209,204,199,196,199,202,199,194,191,186,186,189,194,199,196,196,196,196,194,189,186,183,186,186,186,189,194,194,194,194,194,194,196,196,202,209,212,212,212,215,222,225,228,228,230,233,228,217,212,212,215,222,225,225,222,222,225,230,233,235,235,230,228,222,215,212,209,209,207,204,196,191,141,140,143,191,194,191,189,186,139,137,137,137,137,137,141,194,204,204,207,212,220,228,235,241,246,246,248,251,254,248,238,225,209,199,147,143,141,191,194,191,189,143,143,191,199,202,207,215,230,230,217,204,196,191,139,137,137,139,137,133,129,121,116,113,114,135,137,196,222,235,241,243,238,235,233,228,225,233,243,246,243,230,212,199,183,133,99,73,135,186,119,113,127,209,222,222,215,215,215,217,222,222,225,225,225,220,215,207,194,111,85,86,97,125,135,133,125,129,135,181,186,181,133,133,139,196,207,209,212,209,204,199,199,204,207,202,196,195,195,195,195,196,199,204,204,204,207,207,207,209,215,217,215,212,209,207,207,207,202,199,199,207,212,207,194,187,187,196,202,196,196,202,204,204,204,207,212,212,212,209,204,199,196,199,196,191,187,194,202,207,202,200,204,207,209,209,209,209,209,209,209,207,204,204,202,194,186,187,191,191,202,215,222,217,212,209,204,199,194,196,199,194,189,194,204,212,209,202,200,202,204,204,204,204,202,199,196,191,187,189,196,204,209,209,209,204,202,202,199,199,199,204,207,209,209,209,207,204,207,209,207,205,207,209,209,209,207,204,204,207,207,209,212,212,212,209,209,204,191,189,194,196,199,199,199,141,132,135,196,207,207,207,209,209,207,207,209,212,215,212,209,204,202,202,204,202,199,196,194,189,140,186,204,209,209,199,139,131,133,139,141,141,139,139,139,186,189,189,187,189,196,207,212,215,215,215,215,217,215,217,217,215,202,191,191,194,202,202,199,202,204,204,207,209,209,207,204,204,199,196,195,196,202,207,207,202,195,194,195,204,209,212,212,212,212,212,215,212,209,212,215,217,217,215,209,207,207,207,207,207,207,207,207,204,202,196,191,190,190,194,202,207,204,194,189,191,199,196,191,185,185,185,189,199,207,204,194,186,186,189,191,194,196,202,204,202,202,207,212,209,202,199,199,199,199,196,194,190,191,196,199,199,196,196,194,194,194,196,199,199,196,196,202,212,222,225,228,225,228,233,230,202,119,113,121,186,199,189,121,107,107,113,117,115,121,186,207,212,207,204,204,199,199,204,212,222,220,209,202,209,215,215,220,228,230,230,228,215,196,191,186,183,196,0,0,254,251,243,238,238,238,241,248,0,0,255,255,239,239,246,241,228,230,241,243,241,243,243,246,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,243,238,235,233,228,222,217,209,202,204,215,217,215,217,215,196,0,176,189,202,209,204,191,129,120,119,121,173,186,177,176,183,204,220,220,215,215,212,207,191,129,126,129,129,126,127,186,202,212,209,196,194,196,196,191,189,186,181,181,186,194,196,194,196,202,202,196,191,191,202,212,217,220,215,212,215,222,230,233,238,243,246,243,243,246,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,251,243,235,225,207,200,203,212,212,209,215,222,222,222,225,230,238,243,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,235,230,217,215,217,212,209,204,204,209,215,217,217,215,212,212,212,0,0,0,0,0,209,204,199,196,194,194,191,186,186,189,186,181,170,165,165,168,165,163,163,165,176,183,186,183,173,129,131,176,176,176,183,191,189,183,181,181,181,137,181,194,212,225,235,238,228,212,202,199,199,209,228,243,246,241,233,225,215,204,202,204,209,217,220,222,225,230,238,248,251,251,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,246,246,248,248,246,241,241,243,241,238,235,235,238,235,230,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,183,191,202,204,170,160,160,160,152,146,146,147,150,157,165,168,165,157,109,110,119,117,115,117,119,118,165,173,170,173,168,165,165,173,178,181,178,173,170,170,173,170,173,191,199,41,0,0,0,61,125,186,191,183,170,170,173,173,127,168,183,181,170,113,106,105,106,109,111,113,117,121,127,178,196,207,209,207,199,189,176,172,173,178,178,176,181,186,183,176,127,125,126,170,176,176,173,165,119,118,119,119,119,123,123,121,119,125,173,178,181,186,189,186,189,191,196,199,199,194,183,170,165,168,173,176,170,161,161,163,165,163,163,123,163,165,163,123,123,163,121,108,95,113,165,183,181,123,115,168,181,181,173,113,106,117,168,181,196,186,165,119,125,176,176,165,170,181,189,202,207,191,121,111,112,113,117,117,119,123,129,173,178,176,178,178,176,129,127,170,176,178,176,176,173,125,129,176,176,178,189,194,194,194,199,204,207,205,205,207,212,212,212,212,212,212,209,207,202,191,183,178,131,127,127,178,191,196,199,202,207,207,202,186,173,170,176,178,176,178,178,183,191,204,199,176,122,121,122,129,176,181,183,181,178,181,181,176,133,181,189,191,191,196,196,199,204,207,209,207,202,196,196,196,196,195,196,202,204,202,181,129,130,181,189,191,191,191,191,194,194,191,186,178,127,114,115,129,189,194,196,189,186,194,202,199,191,186,183,181,181,181,194,204,204,196,194,196,199,194,194,196,199,196,196,196,194,194,194,196,199,199,191,178,127,122,118,119,124,129,178,186,186,186,186,189,191,191,196,204,202,191,183,178,178,176,133,176,181,183,189,196,202,202,199,191,186,183,178,177,186,199,202,196,194,191,196,194,186,181,178,181,189,189,183,137,135,137,137,181,181,133,127,126,126,126,126,126,127,131,135,186,191,189,183,137,137,133,129,129,133,181,137,135,129,118,119,127,129,126,125,126,131,181,194,204,202,191,186,185,189,194,189,135,132,135,183,189,194,191,189,189,189,191,194,194,191,191,189,189,186,183,178,133,125,121,124,133,183,189,186,183,181,181,181,181,189,194,194,189,183,181,133,133,183,183,135,181,196,202,204,209,209,209,209,207,199,198,204,212,212,209,204,196,194,196,194,191,189,189,189,186,189,189,183,183,189,189,183,135,134,135,135,134,178,183,181,132,130,131,178,189,194,196,196,199,199,199,199,196,196,196,196,196,196,192,192,192,194,196,199,202,204,202,196,191,186,186,191,194,196,196,196,194,189,185,185,189,191,191,186,183,181,179,179,179,181,137,134,134,136,181,183,183,186,196,202,207,209,209,207,202,198,199,204,209,209,212,215,212,207,202,202,204,209,215,222,225,228,228,228,225,228,228,228,228,233,233,225,215,209,212,215,222,225,222,222,217,217,215,215,217,217,215,215,212,215,222,222,218,218,222,225,209,198,199,209,217,217,217,215,212,209,209,212,207,194,190,196,209,222,222,217,209,207,207,204,204,204,199,192,192,194,199,204,207,209,212,215,215,215,215,209,207,204,203,203,204,204,209,212,215,215,212,212,207,202,199,202,204,204,204,204,207,212,215,217,222,225,225,222,217,215,212,208,208,215,225,225,222,222,225,225,225,222,222,222,222,225,228,228,225,222,222,222,225,230,230,230,233,233,235,235,233,230,230,228,225,225,228,230,230,228,222,220,225,228,233,233,233,233,230,225,222,217,217,216,217,217,216,216,217,222,225,228,230,230,233,233,235,235,238,238,238,235,235,235,233,230,230,230,222,216,217,225,233,235,235,230,222,212,207,202,204,207,209,209,209,209,209,212,217,222,225,222,222,222,225,222,217,215,212,207,202,196,199,202,199,196,196,202,207,209,207,202,194,194,202,202,191,183,181,183,189,194,196,196,196,194,191,189,186,186,186,189,189,191,194,194,194,196,196,196,196,196,199,204,207,209,212,212,215,222,228,228,228,230,233,230,217,212,212,217,225,225,217,215,217,225,230,235,235,233,230,228,222,215,212,209,207,207,204,199,191,141,141,189,196,202,199,194,189,143,141,139,139,139,137,139,145,194,196,202,209,217,228,235,243,248,251,251,254,255,254,243,230,215,207,202,196,194,194,194,191,141,140,140,143,191,191,189,196,215,228,222,212,212,209,196,186,183,139,183,183,186,181,121,112,109,113,119,183,215,233,238,241,241,235,230,225,222,228,238,246,243,241,233,225,212,202,189,135,178,202,202,127,112,123,215,225,222,222,225,225,228,228,228,228,230,230,230,228,217,191,113,92,90,96,117,111,93,103,135,191,194,183,133,130,131,137,196,204,207,204,202,198,198,199,204,204,196,195,199,199,196,196,204,207,207,204,209,212,209,209,212,217,217,215,212,209,204,202,196,194,196,199,207,202,189,185,187,199,202,191,142,196,202,199,202,207,209,212,212,209,204,199,202,204,202,199,202,207,207,207,204,202,202,204,207,209,212,212,212,212,212,215,215,215,209,202,194,194,194,194,204,217,217,212,209,207,204,199,199,199,202,199,187,186,202,209,207,204,202,202,204,207,207,202,202,202,199,194,194,196,204,212,215,215,212,209,207,204,202,196,196,202,207,207,209,212,209,207,207,207,207,205,205,209,212,209,207,204,207,207,209,212,215,215,212,212,209,202,137,135,143,189,196,199,194,140,137,140,194,199,199,202,207,215,217,215,209,209,209,209,207,202,199,199,202,202,191,137,137,141,189,194,199,202,207,204,191,137,135,133,133,133,135,139,186,189,191,191,191,194,204,215,222,222,222,217,217,222,217,215,212,207,196,191,191,196,199,202,202,204,207,207,209,209,209,209,207,204,199,195,195,196,207,212,212,204,196,195,196,204,212,217,217,215,212,212,209,209,207,207,209,215,215,212,207,205,207,207,207,207,207,204,204,202,196,189,187,189,191,196,202,204,204,196,194,199,204,204,199,191,185,183,191,204,207,204,194,185,185,186,186,189,194,196,199,196,196,202,207,204,194,191,191,194,196,196,194,190,191,199,204,204,199,196,191,143,189,194,199,199,194,194,199,207,215,217,222,222,222,230,230,199,113,106,107,127,137,135,125,111,107,113,117,117,123,191,204,199,139,137,138,186,194,202,209,217,222,212,202,204,212,217,222,230,233,230,225,215,202,194,186,186,196,0,0,0,0,255,251,248,251,254,0,0,0,255,248,238,239,246,243,241,241,246,251,251,251,251,251,251,251,254,255,255,255,255,255,255,255,254,254,254,254,254,255,255,251,246,241,238,235,228,217,215,212,212,209,212,217,217,217,220,215,199,178,131,178,191,196,196,189,178,123,119,121,176,186,183,177,181,194,196,189,191,207,207,199,183,133,133,181,186,186,191,196,207,212,212,204,196,196,199,204,202,191,181,181,186,196,199,196,196,199,196,186,181,0,189,204,217,225,222,220,225,230,230,233,235,241,243,241,238,241,248,254,0,0,0,0,0,0,0,0,0,0,0,255,255,255,251,241,230,217,207,203,207,212,215,217,222,222,222,225,228,233,238,243,243,246,248,0,0,0,0,0,0,0,0,0,0,0,238,230,230,228,215,209,207,207,204,202,202,207,215,217,215,209,207,207,209,209,0,0,0,0,0,207,199,196,196,196,194,189,186,186,186,181,170,165,168,173,173,168,168,173,181,186,186,181,129,129,173,173,173,176,183,189,189,181,135,133,133,131,137,194,212,228,233,235,228,215,204,202,204,212,228,241,248,243,235,228,222,215,209,209,212,217,222,222,225,233,241,248,251,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,254,246,241,241,241,241,241,238,241,241,241,238,234,235,238,233,230,228,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,178,189,191,189,163,155,160,163,157,150,146,147,150,160,168,168,160,115,106,107,115,115,113,117,123,168,181,173,117,117,119,121,125,173,176,176,170,168,168,168,125,123,173,199,202,29,0,0,0,9,168,189,178,173,173,178,178,176,124,123,127,127,123,115,107,106,106,106,107,111,117,121,119,123,178,196,202,202,194,186,181,173,172,173,173,170,173,176,176,173,127,125,127,178,189,186,178,165,119,118,121,121,119,123,125,168,173,173,173,178,189,196,194,191,191,194,194,194,194,186,181,173,165,164,164,165,163,161,161,163,165,165,165,168,173,178,176,170,168,163,123,119,123,168,168,176,176,121,115,163,176,170,111,99,103,178,194,199,202,202,181,165,165,173,165,119,125,170,170,178,189,178,115,109,110,113,121,125,125,127,129,129,170,170,173,176,173,173,176,183,186,183,178,176,170,127,129,131,176,189,199,204,202,199,202,207,207,207,207,207,207,207,209,212,212,212,209,209,207,199,191,183,173,127,127,176,186,194,196,199,204,207,194,173,168,170,178,181,178,170,170,170,178,183,173,123,123,127,173,181,189,194,194,191,186,189,189,181,178,186,191,196,199,199,196,196,202,207,207,207,202,199,199,199,199,196,196,199,204,199,181,129,130,181,194,196,199,196,199,199,199,194,189,181,129,117,117,176,189,191,189,187,187,199,204,199,191,191,186,179,179,186,196,202,202,199,195,196,196,192,192,196,196,196,196,196,196,194,194,194,199,199,189,173,127,124,122,124,173,178,183,189,189,186,191,196,191,183,186,196,196,191,181,173,128,128,131,178,181,181,176,178,186,191,189,183,183,183,183,189,196,202,199,191,183,183,189,186,178,135,133,137,183,183,137,133,135,135,137,137,137,131,127,127,131,131,129,129,133,135,181,189,196,194,186,181,181,135,133,135,181,186,183,137,131,124,124,131,133,127,125,127,135,191,202,212,207,196,189,185,186,194,191,186,183,191,194,191,189,189,189,191,194,196,196,196,194,191,189,186,183,178,135,133,129,125,127,133,178,181,181,183,183,183,181,186,194,199,196,191,189,189,186,186,189,189,186,191,199,204,207,207,207,207,209,209,204,202,207,209,207,204,202,199,196,194,194,189,186,186,186,183,183,183,181,179,181,183,178,134,134,178,178,178,183,186,181,135,133,178,186,191,196,199,199,196,196,194,194,194,194,194,194,196,196,194,192,192,192,194,196,199,202,199,191,181,136,181,189,194,199,199,199,196,191,185,185,186,191,189,186,183,181,183,183,183,183,181,137,137,186,191,189,186,186,194,199,202,204,209,209,204,204,207,212,212,212,212,215,215,209,204,202,207,212,217,222,228,228,228,225,225,228,228,225,225,230,233,228,217,215,215,217,220,222,225,225,225,217,215,212,215,217,215,215,215,217,222,225,222,225,228,225,207,198,200,215,225,225,225,225,215,212,215,215,207,196,191,196,209,217,222,217,209,207,207,207,207,209,207,199,194,196,202,207,209,212,212,212,215,215,215,209,204,203,203,203,203,203,204,212,215,215,217,217,217,212,209,209,212,212,209,207,207,209,215,217,222,222,222,222,217,217,215,212,212,217,222,222,217,217,222,225,225,222,217,217,222,225,228,230,228,225,222,220,222,228,230,233,233,233,235,235,233,230,225,225,225,225,228,230,228,225,222,222,228,230,233,233,233,233,230,225,225,225,222,217,217,217,216,216,217,225,228,228,228,228,230,233,235,235,235,235,235,235,235,235,235,233,233,233,228,217,217,225,233,235,233,228,222,217,212,207,204,207,212,212,212,209,209,212,215,222,225,222,222,222,225,222,217,212,209,207,204,204,204,202,194,194,196,204,209,209,207,202,194,191,199,199,191,182,181,183,189,191,194,196,194,191,189,186,186,186,191,191,191,194,196,199,199,199,199,199,199,202,204,207,207,209,209,212,215,217,222,222,222,228,233,233,225,215,213,217,225,222,212,209,212,222,233,238,235,233,230,230,228,222,215,209,207,207,204,202,196,145,145,194,204,209,207,202,194,189,141,141,141,143,141,139,141,143,147,196,207,215,228,235,246,251,254,255,255,255,255,246,233,222,212,209,204,199,196,196,194,143,139,139,141,143,142,140,139,142,212,215,215,217,215,207,196,189,183,189,199,207,209,202,183,119,108,110,114,123,199,228,238,238,235,228,215,209,212,222,233,233,225,217,215,215,215,207,186,135,196,222,217,110,105,129,215,225,228,230,230,230,230,230,230,230,233,235,233,225,209,196,181,131,115,111,93,84,90,129,194,204,196,186,135,135,186,196,202,202,202,202,199,198,202,207,204,199,199,202,202,199,199,207,209,207,209,215,215,212,209,212,215,215,215,212,209,204,199,194,189,142,143,194,194,187,187,194,204,204,143,141,194,196,196,202,207,209,212,209,209,207,204,207,209,207,207,212,212,207,202,199,199,199,202,204,207,212,215,215,212,212,215,217,217,215,209,204,202,199,199,207,212,209,207,207,209,209,204,202,202,199,196,189,189,202,207,207,207,204,204,204,207,207,204,204,207,207,204,202,204,209,215,217,217,212,209,209,207,202,196,195,199,204,204,209,212,209,207,204,204,207,209,209,209,212,212,209,209,209,209,212,215,222,217,215,212,215,204,136,132,137,141,194,202,199,191,143,189,194,194,194,199,209,220,225,222,215,209,209,207,202,199,196,196,199,194,139,132,134,186,196,202,204,204,207,207,199,191,141,139,133,129,130,137,189,194,196,196,196,202,209,217,225,228,225,222,222,217,212,207,204,199,194,191,191,194,196,199,202,204,204,204,207,212,212,212,209,207,202,199,196,199,207,215,215,207,202,199,204,209,217,222,222,215,212,212,209,204,203,202,204,209,212,209,207,207,207,209,209,209,209,207,204,202,196,190,189,191,196,199,202,202,199,199,199,207,212,212,207,202,194,186,189,194,199,196,191,185,186,186,186,189,191,194,194,191,191,196,202,199,190,189,190,191,194,196,194,191,194,202,209,209,196,194,143,141,143,191,196,199,196,189,189,191,196,207,215,217,217,228,228,199,117,104,102,107,123,129,127,125,125,127,121,119,131,199,207,196,139,136,136,139,191,202,204,212,215,209,199,196,202,209,215,222,228,225,217,209,204,202,196,194,204,0,0,0,0,255,255,255,255,255,255,255,255,251,241,238,243,254,254,248,246,248,251,254,254,251,248,246,246,246,248,254,255,255,255,255,255,254,254,254,251,251,251,251,246,243,241,238,233,217,207,204,207,209,212,212,209,202,199,204,199,183,129,125,127,178,186,194,191,181,125,119,121,178,194,191,183,181,186,183,133,125,129,186,178,129,129,181,196,204,207,209,209,209,212,212,209,202,196,196,202,202,191,181,178,186,194,199,199,199,199,194,183,181,181,189,202,217,225,225,225,230,235,233,230,230,235,238,235,233,235,243,251,254,0,0,0,0,0,0,0,0,0,255,255,255,255,248,235,225,215,209,207,212,217,222,228,228,225,225,230,233,238,241,243,0,246,246,0,0,0,0,0,0,0,0,0,0,246,233,229,230,230,217,204,200,200,204,202,204,207,212,215,209,204,202,204,207,207,0,0,0,0,0,207,199,196,199,199,196,191,189,189,186,181,173,168,173,176,176,173,173,176,183,186,183,178,127,127,129,129,131,176,183,191,189,178,131,129,127,127,135,191,212,225,230,230,225,217,207,204,204,215,228,241,246,246,238,230,225,222,215,215,215,217,222,225,228,235,243,248,251,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,251,243,238,238,238,238,238,238,238,241,241,238,234,234,235,233,230,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,155,152,157,144,147,157,168,163,152,147,150,155,165,173,173,165,119,107,107,111,113,115,121,170,181,183,168,112,112,117,121,173,183,181,170,123,120,121,123,121,121,170,181,127,59,7,0,0,51,181,189,173,176,183,191,194,194,173,126,127,127,168,168,121,113,107,106,107,111,117,119,112,112,127,183,189,189,186,181,178,176,173,176,176,166,164,166,173,173,168,127,170,186,196,194,178,125,119,119,123,125,125,165,168,176,181,176,170,176,191,196,196,194,196,194,191,186,181,173,170,168,168,170,170,168,165,165,163,163,165,168,168,170,176,183,181,176,173,170,168,170,181,176,123,163,170,121,108,110,121,111,101,98,107,186,196,191,191,189,176,123,121,113,89,107,125,165,115,113,127,173,123,112,113,125,176,176,173,170,127,125,125,127,170,173,173,178,191,199,199,189,178,129,123,123,123,123,173,194,207,209,207,204,204,207,207,207,207,207,204,204,207,212,215,215,212,212,207,199,194,186,128,127,131,176,178,181,183,183,199,194,170,163,165,178,189,189,178,127,124,125,170,129,121,120,129,181,186,191,196,199,202,199,196,194,186,173,176,186,194,199,204,202,199,196,199,202,202,202,202,202,202,202,202,199,199,199,202,194,176,129,131,189,199,202,202,202,202,202,202,199,194,186,176,121,121,176,186,186,189,189,191,196,196,189,186,194,194,183,179,189,196,199,199,196,196,196,196,192,192,194,196,196,196,199,196,194,191,191,196,196,178,127,129,131,173,186,194,191,191,194,191,191,196,196,189,178,178,181,189,191,183,129,126,126,131,181,181,129,119,125,181,186,181,135,178,186,194,202,204,204,199,186,178,178,178,131,127,129,129,131,135,137,133,133,133,137,137,137,135,131,129,133,137,181,137,137,181,183,189,196,202,199,194,189,186,183,181,181,181,183,183,183,183,181,183,191,189,133,127,131,183,196,204,212,207,196,191,186,189,194,194,191,189,194,194,191,189,186,189,191,194,196,199,196,194,191,186,183,181,178,178,135,135,133,133,133,132,132,135,183,189,189,189,194,202,204,202,196,194,191,191,191,194,194,196,199,204,207,207,207,204,204,207,209,209,207,204,204,202,199,199,196,194,194,194,191,189,189,186,186,183,183,181,179,181,181,181,178,178,181,181,183,189,189,183,181,183,186,191,194,196,199,199,196,194,191,189,189,189,191,194,194,196,196,194,194,192,194,196,199,202,199,189,136,134,136,183,191,196,199,199,196,194,189,186,189,189,186,186,186,186,186,186,189,191,189,186,186,194,196,194,189,189,194,196,199,204,207,209,207,207,209,212,209,209,209,212,212,207,199,199,204,212,217,225,228,228,222,217,222,225,225,222,222,225,228,228,222,220,217,217,215,215,222,225,225,220,212,211,211,212,215,217,215,215,222,225,225,228,228,217,202,198,202,215,222,225,228,228,215,209,222,217,204,194,191,196,204,212,215,212,209,207,207,207,209,212,212,209,202,199,204,207,212,212,209,209,212,215,212,209,207,204,204,204,203,203,207,212,215,215,217,225,225,222,215,217,222,222,217,212,209,212,217,217,217,215,215,215,215,215,215,215,217,222,222,217,217,220,225,225,225,222,216,216,222,228,228,228,228,225,222,220,222,228,233,235,235,235,235,235,230,228,225,224,224,225,228,228,225,225,225,228,230,233,233,235,235,233,230,228,225,225,222,217,217,217,217,217,225,228,228,228,225,225,228,230,233,233,235,235,235,233,235,235,235,235,235,233,228,222,215,222,228,233,230,228,222,222,215,207,203,207,212,215,212,209,207,207,212,217,222,222,222,222,222,217,215,212,209,207,204,204,202,194,186,186,194,202,209,209,209,204,194,190,194,196,191,186,183,189,191,191,194,194,194,191,186,186,186,189,194,194,191,191,194,199,204,202,199,199,199,204,207,207,207,207,207,209,212,215,215,215,215,225,233,235,230,222,215,217,225,222,215,209,209,217,230,238,235,233,230,230,230,225,217,212,209,209,209,207,202,196,191,196,207,215,215,209,199,191,141,141,143,191,145,143,141,143,145,194,204,215,225,235,243,248,251,254,255,255,255,246,233,225,217,215,209,204,204,202,199,191,141,139,140,143,186,141,138,138,191,204,212,212,212,207,199,189,183,194,204,212,212,209,196,135,113,111,110,108,118,212,233,235,230,215,202,187,181,176,177,183,194,199,207,217,225,217,199,183,194,225,230,137,106,115,196,220,228,230,230,228,230,230,230,230,233,233,233,228,217,212,209,204,181,117,86,82,91,129,194,207,209,209,204,204,207,207,204,202,204,202,199,199,202,204,202,198,199,204,202,199,202,207,209,209,212,217,217,212,209,212,209,209,209,209,209,207,199,191,142,140,140,143,191,191,194,204,209,204,189,141,191,196,196,202,207,209,212,209,209,209,207,207,209,209,207,209,209,202,194,192,196,196,199,202,204,209,215,215,212,209,209,212,215,215,215,209,204,202,202,207,207,202,202,207,212,215,207,202,199,191,141,186,194,199,202,204,207,209,207,207,209,207,204,207,209,212,212,212,209,212,215,217,215,212,209,207,204,202,196,196,199,202,202,204,209,209,204,199,199,207,209,212,212,212,209,209,209,212,212,212,217,225,222,215,215,217,212,141,135,139,191,199,204,204,199,196,196,196,199,199,204,212,222,225,222,212,209,207,204,202,196,195,196,196,189,135,131,135,194,207,209,209,207,209,207,202,199,196,191,139,129,128,131,141,196,204,207,207,209,215,222,225,225,222,222,217,215,209,202,199,194,191,194,196,194,196,196,199,202,204,204,207,209,212,215,212,212,207,204,202,202,209,215,215,209,207,207,212,215,217,217,215,212,212,212,212,207,203,202,203,207,209,209,209,209,209,212,212,212,212,209,207,204,199,196,196,202,202,202,196,191,191,196,204,212,217,215,209,207,202,191,183,183,189,189,186,186,189,189,189,189,191,194,194,186,186,191,196,196,191,190,191,194,196,194,191,191,194,204,212,209,194,191,143,139,139,143,196,202,199,189,137,135,139,196,212,215,217,225,222,199,133,117,107,111,125,137,141,191,194,141,125,121,139,204,209,207,199,189,139,141,194,202,204,207,212,209,199,194,195,196,196,202,215,217,212,212,215,220,215,209,215,0,0,0,0,255,255,255,255,255,248,243,243,243,241,241,254,255,255,255,251,246,248,251,251,243,238,235,235,238,243,248,251,251,251,254,254,254,254,254,251,248,246,243,241,238,238,235,225,204,191,189,194,202,204,204,196,186,181,181,133,125,119,117,119,127,181,194,191,178,123,118,119,173,191,196,191,183,181,176,127,121,119,121,117,117,125,181,199,209,217,222,220,215,215,217,215,204,194,189,194,196,189,181,178,181,189,199,202,204,202,196,189,183,189,194,204,217,225,225,228,230,235,235,233,230,233,233,230,228,230,238,246,251,254,0,0,0,0,0,0,0,255,255,255,255,254,243,233,222,212,209,209,215,225,230,233,233,230,230,233,238,241,243,243,243,246,246,0,0,0,0,0,0,0,246,241,246,243,233,230,235,235,222,204,199,199,202,204,204,207,209,209,204,199,199,202,204,207,0,0,0,0,0,207,202,199,199,199,196,194,191,189,186,181,176,173,173,178,176,173,176,178,183,183,181,173,127,126,127,129,131,176,183,189,186,178,129,127,125,125,133,194,212,220,225,225,225,217,209,204,209,220,233,243,246,243,238,233,228,225,222,217,217,222,225,228,233,238,246,248,251,254,254,255,255,255,255,255,255,255,255,255,255,255,255,254,248,241,235,233,235,235,235,235,235,238,238,235,234,235,238,235,233,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,57,121,142,155,163,157,150,150,155,168,178,181,181,178,176,119,111,111,113,121,173,181,176,168,119,113,113,115,125,183,194,189,170,120,118,120,121,123,125,168,127,123,173,191,183,117,168,178,170,123,181,189,199,207,212,196,176,170,170,176,181,170,119,111,106,106,109,113,115,112,113,127,176,170,170,173,173,178,178,178,183,183,166,161,168,181,183,176,170,173,186,194,189,173,123,121,125,168,170,170,170,170,173,173,170,165,173,186,194,194,196,196,194,186,178,170,168,166,165,170,181,186,178,170,165,163,165,168,170,168,165,165,176,170,168,173,176,170,170,173,168,119,121,170,123,108,108,111,106,104,109,163,170,119,109,117,117,119,115,115,84,50,99,178,170,111,108,121,186,186,176,176,186,191,183,176,170,125,122,123,127,170,170,173,183,202,212,209,194,131,119,120,123,122,122,178,202,212,215,209,207,207,204,204,204,204,204,207,207,209,215,215,215,215,209,191,183,189,181,120,123,176,181,173,127,121,117,183,176,161,160,170,199,202,194,181,125,123,124,170,173,123,122,176,186,191,194,196,199,202,202,199,191,176,122,124,183,194,199,204,204,202,199,196,194,196,199,202,202,202,202,202,199,199,199,196,186,131,129,176,194,202,204,204,202,204,204,204,204,202,196,186,126,124,131,178,181,186,189,191,194,189,183,183,196,199,189,183,189,194,196,196,196,196,196,194,194,192,194,196,196,196,196,196,194,191,189,191,186,122,120,127,173,181,196,207,204,202,194,186,191,194,189,181,178,178,178,183,196,191,178,129,131,178,183,181,102,107,119,183,186,134,132,135,189,199,204,204,202,199,189,181,181,135,126,125,127,129,131,135,135,133,133,135,137,137,181,137,135,133,137,183,186,189,189,189,194,199,204,207,204,202,196,194,191,189,181,135,135,137,186,196,199,199,204,199,181,131,137,186,194,199,202,196,191,189,186,189,194,196,189,189,191,194,191,191,186,186,189,189,191,194,196,194,191,189,186,183,181,178,178,181,181,178,135,132,131,135,189,196,196,199,202,207,207,202,199,194,190,191,194,194,194,199,199,202,204,207,204,203,204,207,209,209,204,202,199,196,199,202,196,191,191,194,194,194,189,189,189,189,189,186,183,183,183,186,186,183,183,183,189,191,191,186,186,189,191,191,194,196,199,199,194,191,189,189,191,191,191,194,194,196,196,196,194,194,194,199,202,204,204,199,186,137,137,183,189,194,196,196,196,194,191,191,191,191,186,186,186,186,186,186,189,191,189,186,186,189,191,186,183,183,191,199,204,204,202,199,204,207,207,204,202,202,207,212,209,202,195,195,199,207,215,222,225,225,217,212,215,217,217,215,215,217,225,225,225,225,222,215,212,211,215,222,225,222,212,209,209,212,217,217,217,217,222,225,222,225,222,209,200,200,204,212,215,220,225,225,204,200,217,215,202,194,194,196,199,199,204,207,207,207,207,207,207,212,215,215,207,202,204,207,209,209,207,207,209,209,209,204,204,204,207,207,207,207,212,215,217,217,222,225,225,225,222,222,225,228,225,222,217,217,217,217,215,212,211,211,212,212,215,217,222,222,215,212,215,222,228,230,228,222,216,215,217,225,228,228,228,225,222,220,222,228,233,235,235,235,235,235,230,228,225,224,224,225,228,228,228,225,228,230,233,233,235,235,235,233,230,228,225,222,217,216,217,222,222,225,228,228,228,225,224,224,225,230,230,233,233,233,233,233,235,235,235,235,233,230,225,217,215,217,225,230,228,225,225,222,217,207,203,207,215,217,212,209,204,202,207,215,222,222,222,222,217,215,215,212,209,204,204,202,194,186,185,185,191,202,207,209,209,204,194,189,191,194,191,189,191,191,191,191,191,194,194,189,185,185,189,191,194,191,190,190,194,196,199,199,199,196,199,202,204,207,204,204,207,209,212,215,213,213,213,222,230,235,233,225,213,215,225,225,217,209,204,209,225,235,238,235,233,233,233,228,220,215,215,215,217,212,207,199,194,196,207,215,217,212,202,191,143,141,143,191,191,145,145,145,145,194,202,212,225,233,238,243,246,251,254,254,251,243,235,228,225,217,215,209,209,207,204,199,189,141,141,191,199,199,191,142,189,196,202,202,202,204,196,183,183,202,209,204,194,183,133,123,121,121,119,119,135,202,217,222,209,202,194,185,177,172,172,176,186,199,209,222,228,225,215,207,209,217,228,222,199,137,191,209,225,228,228,228,228,230,230,228,230,230,228,225,220,215,215,209,194,123,85,83,109,186,196,199,209,215,217,215,215,212,207,204,204,204,199,199,199,202,199,198,198,202,202,202,202,204,204,204,209,212,212,212,212,212,209,208,209,209,212,209,204,199,191,143,143,189,194,196,202,209,209,202,191,143,191,194,196,202,207,209,209,207,207,207,204,207,207,204,204,204,202,192,190,191,194,199,202,202,207,209,212,212,207,205,207,209,209,212,215,212,207,202,204,209,207,194,191,207,217,215,209,202,194,135,131,137,194,196,196,202,207,209,209,209,209,207,207,207,209,215,217,215,212,212,215,215,215,209,207,207,204,202,196,196,199,199,196,199,207,209,204,198,196,199,209,212,209,209,209,209,209,209,209,207,212,220,220,217,215,222,217,194,141,191,202,204,202,202,202,204,204,207,209,209,212,217,222,222,215,209,207,207,204,202,199,196,199,199,191,137,134,141,202,212,212,212,209,207,204,199,202,202,199,189,135,130,129,133,189,204,215,217,217,217,222,222,217,215,212,212,212,207,199,194,191,194,196,199,196,196,199,202,204,207,207,207,209,212,215,215,215,209,207,204,207,209,212,212,209,207,209,215,217,215,212,209,207,207,209,209,209,207,204,204,207,209,209,209,212,212,215,215,215,215,212,209,204,202,202,207,207,204,196,143,137,141,196,209,215,217,215,209,207,204,196,183,138,139,186,186,186,189,189,189,189,194,196,194,183,183,186,191,191,194,196,202,204,199,191,186,189,196,207,209,196,141,143,141,131,129,135,191,199,199,143,131,123,127,189,207,212,217,225,217,199,186,135,127,125,135,191,202,207,204,186,129,127,141,202,209,217,217,204,196,196,199,202,204,207,215,212,204,196,196,194,189,190,199,209,215,220,228,233,233,228,230,0,0,0,0,255,255,255,255,241,230,233,235,238,241,246,255,255,255,255,251,243,238,243,246,238,230,229,231,238,243,248,248,246,246,251,254,255,255,254,248,243,241,235,233,233,235,230,212,191,136,136,183,191,196,194,189,181,135,127,121,117,116,114,115,123,181,194,189,178,125,119,119,129,189,199,194,186,178,131,123,117,113,109,108,111,121,133,186,199,212,222,225,222,225,228,225,207,189,181,186,189,186,181,178,178,186,199,204,207,207,204,199,196,196,202,207,215,217,220,222,228,233,233,233,233,233,228,217,217,222,230,238,246,251,0,0,0,0,0,0,0,255,255,255,255,248,241,230,217,212,209,212,220,228,233,233,233,230,233,235,238,241,243,243,243,243,0,0,0,0,0,0,0,0,246,238,0,241,233,230,233,230,225,209,199,199,204,207,207,207,207,204,199,196,199,202,204,207,207,0,0,0,207,204,199,196,196,196,196,194,194,191,189,183,178,176,176,178,178,176,176,181,183,181,176,168,126,127,129,173,173,178,181,186,181,133,127,125,124,125,135,194,209,217,222,225,225,220,209,207,212,228,241,248,248,243,238,233,228,225,225,222,217,222,225,230,235,241,246,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,246,235,230,230,233,235,235,235,235,235,235,235,235,235,238,235,233,230,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,55,126,147,152,150,147,152,168,181,189,189,189,194,196,189,163,107,107,123,183,183,165,81,82,105,107,109,123,181,191,189,173,123,121,125,168,168,168,168,173,183,194,196,202,196,196,186,119,102,173,189,199,209,212,191,168,125,127,173,176,168,119,111,106,106,107,109,113,117,127,178,173,121,121,168,170,176,178,178,186,186,170,165,178,191,191,181,170,173,181,183,178,168,123,123,165,170,170,170,168,165,123,121,123,165,173,181,189,194,196,199,194,183,173,166,170,170,168,170,178,183,178,173,168,165,165,165,168,165,123,119,119,117,121,165,168,163,121,163,123,120,163,170,123,113,113,117,117,119,163,163,103,88,90,97,103,107,113,125,87,52,107,186,183,116,113,125,194,196,186,186,194,194,181,129,125,123,122,125,129,173,176,178,189,204,215,209,196,123,115,119,127,123,125,189,204,212,212,209,207,204,202,199,199,202,204,209,209,212,215,215,215,215,202,117,115,131,129,110,111,173,183,170,117,110,108,176,178,164,164,186,212,212,199,183,129,123,124,178,191,181,173,181,186,189,191,194,196,199,199,199,191,125,117,119,181,194,199,202,202,202,199,196,192,192,196,199,199,199,199,199,196,196,194,191,186,131,130,181,199,204,204,202,202,204,204,207,207,207,207,199,178,125,126,129,176,186,189,186,186,183,181,183,194,196,191,189,189,191,194,196,196,194,194,194,194,196,196,196,196,194,191,191,191,191,186,181,127,115,114,123,173,183,199,212,212,207,191,123,127,183,178,121,129,183,186,186,191,194,186,181,183,186,183,133,88,100,123,186,183,132,131,178,189,194,194,194,196,196,191,186,186,181,127,126,129,135,135,137,181,137,137,137,183,183,186,189,189,189,189,189,191,194,196,199,199,202,204,207,207,207,204,199,199,194,183,133,132,135,191,202,204,204,204,199,183,137,183,191,196,196,194,186,181,181,137,183,194,196,191,187,189,189,189,191,186,186,185,183,185,189,191,191,191,191,189,186,186,183,183,181,183,181,178,135,135,183,196,204,204,202,204,204,204,202,199,199,191,194,194,190,190,194,199,199,202,204,204,204,204,207,207,204,202,196,196,196,202,204,199,189,183,185,191,191,186,186,189,194,191,189,186,189,189,191,194,189,183,183,189,191,189,186,186,189,189,189,191,196,202,202,196,191,189,189,191,191,194,194,194,196,196,196,196,196,199,202,204,204,204,204,199,191,186,183,189,194,196,196,196,196,194,191,189,186,183,183,186,186,183,181,183,186,183,178,178,181,181,179,179,183,191,202,207,199,183,139,196,207,202,194,191,196,207,212,209,202,195,195,199,207,212,217,217,217,215,212,212,212,212,212,212,215,217,222,225,225,222,215,211,209,212,217,222,217,212,211,211,212,217,222,217,217,220,217,212,212,212,207,204,207,209,209,212,215,217,215,199,196,209,212,202,196,199,199,196,194,195,202,207,207,204,204,204,209,217,217,212,207,204,207,207,207,205,205,207,209,207,204,204,204,207,209,209,209,215,217,217,222,222,222,225,225,225,225,228,228,228,228,225,222,222,217,215,211,211,211,212,215,215,220,225,222,212,208,209,222,230,233,230,222,216,215,217,222,225,225,228,225,225,222,225,228,233,235,235,235,235,233,230,228,225,225,225,228,230,230,228,230,233,233,233,233,233,235,235,233,230,228,222,216,215,216,222,225,228,228,230,230,228,225,224,224,228,230,230,233,233,233,233,233,235,235,235,233,230,222,215,215,215,222,225,228,225,225,225,225,222,209,204,207,215,217,215,207,202,200,202,212,217,222,217,217,217,215,215,212,209,202,202,199,186,185,186,189,196,202,204,207,207,204,191,189,190,194,191,191,194,194,189,189,191,191,191,189,185,185,189,194,194,191,190,191,194,196,196,196,196,199,196,199,202,202,202,204,207,209,215,215,215,213,213,217,228,233,233,228,217,217,222,222,212,203,200,200,217,233,238,238,235,235,233,228,222,222,222,225,225,217,207,199,196,199,207,217,222,217,207,194,145,143,145,191,194,191,147,147,147,194,202,212,222,228,233,235,241,246,248,248,246,241,235,233,230,225,217,215,209,207,204,199,196,191,189,194,202,209,207,199,194,196,195,194,195,199,194,182,191,212,217,196,123,105,101,103,113,121,178,196,196,189,191,196,194,196,204,207,202,194,189,189,199,207,215,222,225,225,225,222,222,222,228,233,233,212,196,199,215,225,228,228,230,233,230,228,228,225,225,222,215,209,202,196,183,119,87,85,127,202,196,186,199,209,215,212,209,209,209,204,202,199,194,194,196,199,199,199,199,199,202,202,202,202,196,191,199,204,207,209,212,215,212,209,209,212,212,212,212,209,207,202,199,196,199,204,209,212,212,204,191,143,143,189,194,202,204,207,204,199,199,199,199,202,207,204,202,199,196,191,190,192,199,204,207,207,207,209,209,207,205,205,207,209,207,209,212,212,209,207,207,212,204,133,133,207,217,215,212,204,191,131,127,135,194,194,194,202,207,212,209,209,207,207,209,212,212,215,217,217,215,215,215,215,212,207,204,204,204,199,194,194,196,194,186,189,202,207,207,199,196,199,207,209,209,208,209,207,207,207,204,204,207,215,217,215,215,217,212,194,143,194,204,207,204,204,207,215,220,220,215,215,215,217,222,217,209,204,202,202,202,202,202,202,204,204,196,186,141,191,204,209,212,209,204,202,196,194,199,202,202,196,189,137,131,135,189,204,215,220,217,217,220,217,215,212,212,209,209,207,199,191,191,194,199,199,199,199,202,204,207,207,207,207,207,209,215,217,217,215,209,207,209,212,212,209,207,207,209,212,215,212,209,207,205,207,207,207,209,209,207,207,209,212,212,212,212,215,215,217,217,215,215,212,209,209,209,212,212,207,196,139,134,139,204,215,217,215,212,207,207,209,204,191,139,139,183,183,183,186,189,186,186,191,196,194,186,183,141,141,186,194,202,207,207,199,141,139,141,196,207,209,143,129,129,127,123,123,129,139,191,189,137,122,118,119,129,189,199,212,225,222,207,196,189,137,133,137,191,207,209,196,141,135,137,141,191,202,222,222,207,204,204,204,202,204,209,217,217,207,199,196,195,190,190,196,212,220,228,230,233,238,238,238,0,0,0,0,255,255,255,248,228,225,228,230,233,238,248,255,255,255,255,251,238,230,235,243,241,231,229,231,238,243,246,246,243,243,248,251,254,254,251,248,241,235,230,228,225,228,222,202,139,135,136,183,189,191,189,183,181,178,127,123,119,116,114,114,123,186,189,183,178,173,129,129,183,194,194,191,189,181,127,117,109,107,106,106,109,115,121,127,178,199,215,222,225,228,235,233,217,191,178,135,181,183,181,178,178,183,199,207,209,209,209,207,204,199,202,204,204,207,209,212,215,222,225,230,235,233,222,208,208,212,225,233,241,248,0,0,0,0,0,0,0,255,255,255,251,243,238,228,215,209,208,212,222,230,233,230,230,230,233,233,235,238,238,241,241,243,0,0,0,0,0,0,0,0,241,237,238,238,233,228,222,217,222,215,204,199,204,207,207,207,204,199,196,194,196,202,204,207,209,0,0,0,204,202,199,196,194,194,196,196,196,194,191,186,181,181,181,181,181,178,178,181,183,181,176,168,127,129,173,176,178,178,181,181,178,133,127,124,123,125,137,196,207,215,222,228,225,217,209,207,217,230,243,248,248,243,238,235,230,228,225,222,217,217,225,233,238,243,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,241,233,229,230,233,235,235,235,235,235,235,235,238,238,0,235,233,228,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,73,51,45,47,63,142,147,150,160,178,189,191,191,191,199,207,207,173,85,93,121,183,186,168,72,69,83,97,107,123,178,183,181,170,125,165,170,176,176,170,170,181,194,199,199,204,207,209,207,114,72,119,189,199,207,207,127,111,115,121,168,168,125,117,111,109,109,109,109,113,121,173,181,127,113,115,125,170,173,170,170,176,178,168,166,178,191,189,178,170,170,173,173,170,165,123,123,123,125,125,121,119,111,105,107,119,170,173,173,181,189,191,191,189,183,173,166,168,170,173,170,170,170,173,173,173,168,165,125,125,125,123,119,115,115,117,119,117,112,113,119,121,121,163,165,163,121,123,165,165,163,123,113,93,88,91,97,103,105,115,183,125,96,168,183,181,123,116,119,173,181,176,173,183,181,127,122,122,123,125,129,176,178,181,183,191,196,202,199,189,123,117,120,127,127,173,191,199,204,207,207,207,207,204,199,198,199,207,212,212,212,212,215,215,209,191,115,112,125,131,115,119,176,178,119,109,108,111,186,191,176,170,189,207,209,199,189,170,124,125,183,202,196,183,181,181,186,191,196,196,196,196,196,191,127,117,118,181,196,199,199,202,204,202,196,192,191,194,199,196,196,196,196,196,196,194,191,186,173,131,189,204,207,204,204,202,204,207,209,212,212,212,207,191,127,125,125,129,181,183,178,132,132,176,181,189,191,191,194,186,186,191,196,196,194,192,194,196,196,199,199,199,194,189,189,191,189,181,173,122,114,114,123,178,189,202,209,215,212,189,111,109,183,176,85,99,189,191,183,183,186,186,186,186,189,181,127,97,110,131,181,178,134,135,186,183,178,135,181,186,189,186,189,189,183,131,129,135,181,183,186,191,189,186,189,189,191,194,199,202,202,199,194,191,194,196,199,199,202,199,199,202,207,207,204,204,199,186,134,133,137,194,204,204,199,196,196,189,186,191,199,202,199,191,137,135,136,134,136,191,199,196,191,191,189,186,186,189,189,186,182,182,186,189,189,189,189,191,191,189,189,186,181,178,135,135,178,181,186,199,207,204,202,199,202,204,202,202,202,196,194,191,189,189,194,202,202,199,202,202,202,204,204,204,199,196,196,196,196,202,204,199,186,181,183,189,191,186,186,189,191,189,186,191,191,194,196,196,191,186,186,189,191,189,186,186,189,187,189,194,199,202,202,196,191,183,183,186,189,191,191,191,191,191,194,196,199,202,202,202,199,199,202,202,196,191,189,191,196,199,199,199,196,194,189,183,181,181,181,183,183,181,181,178,181,181,178,177,178,181,181,183,189,191,196,196,139,134,135,191,207,199,186,140,191,204,212,212,207,202,202,204,207,212,212,212,215,215,215,212,212,212,209,209,212,215,217,225,225,222,215,212,212,212,215,217,217,215,215,212,215,217,217,215,209,209,204,196,199,207,212,212,215,215,212,209,209,212,209,199,198,207,209,204,202,202,204,199,194,194,199,204,204,202,202,204,207,215,217,217,212,209,207,205,205,207,209,209,212,209,207,204,204,207,209,209,209,212,215,215,222,225,225,225,228,228,225,225,225,228,228,228,225,222,217,215,212,212,215,217,222,222,225,228,222,209,205,208,217,230,230,228,222,217,217,220,222,225,228,228,228,228,225,225,228,233,233,230,230,233,233,230,230,228,228,228,230,233,233,233,230,233,235,233,233,233,233,233,233,230,228,222,215,215,217,225,230,230,230,230,230,228,225,225,225,228,230,233,233,235,235,233,233,233,233,233,230,225,215,213,213,217,225,228,228,225,225,225,225,222,209,204,209,215,217,215,209,202,199,200,209,215,217,217,215,215,215,215,215,207,199,199,196,186,185,191,196,199,202,202,202,202,199,191,189,190,191,191,194,196,191,189,186,189,191,189,186,185,186,191,194,194,191,191,194,196,196,194,194,196,199,199,199,199,202,202,204,207,209,215,217,217,215,215,215,222,228,230,228,225,222,217,215,209,204,203,204,217,233,241,241,235,233,230,228,225,225,225,225,225,217,207,199,202,204,209,220,228,225,209,199,196,191,145,191,194,194,147,147,147,147,199,209,222,228,230,233,238,243,243,241,238,235,235,235,235,228,222,215,209,204,199,199,199,196,191,189,194,202,207,204,199,196,195,192,195,199,196,189,202,217,217,194,109,85,81,87,95,105,121,135,129,116,123,183,189,199,215,225,228,220,209,207,215,215,215,217,225,228,225,222,225,230,233,235,233,225,204,189,202,217,228,228,230,233,233,230,228,225,222,212,202,186,127,117,117,105,89,88,133,199,194,181,191,204,209,207,204,209,212,204,191,186,186,191,191,194,196,202,202,199,199,202,202,196,190,187,191,199,207,207,212,215,215,212,212,212,212,215,215,215,215,212,202,202,204,209,215,217,215,207,194,143,142,142,191,199,199,204,202,198,196,196,196,202,207,207,202,199,196,194,194,202,209,212,212,212,209,209,209,207,205,205,212,212,209,207,209,209,212,209,207,204,137,91,99,199,212,209,209,207,191,132,130,139,191,194,194,199,204,209,209,204,204,204,209,215,217,217,217,217,215,215,215,212,209,204,202,202,202,199,194,192,194,189,182,183,196,207,209,204,198,199,207,209,209,209,209,204,204,204,204,204,207,209,215,212,209,207,202,143,141,194,207,212,212,215,220,225,225,222,215,212,212,215,215,212,204,199,196,199,202,204,204,207,209,209,204,196,194,199,202,204,204,204,202,196,194,192,196,204,207,204,202,196,194,196,204,212,215,215,215,215,215,217,215,212,212,212,207,202,196,190,190,194,199,202,202,202,202,204,204,204,204,204,207,212,215,222,222,217,212,209,209,212,209,207,205,205,207,212,212,212,209,209,209,209,207,207,207,207,207,209,209,212,215,215,215,215,215,217,217,215,215,215,217,215,215,215,215,209,199,189,139,194,212,217,217,215,212,212,212,212,209,199,186,139,139,139,183,186,183,139,139,186,191,189,186,183,140,139,140,191,202,207,204,191,138,137,141,199,212,212,191,125,119,116,119,127,131,131,133,133,127,120,118,119,122,129,135,191,217,228,225,212,199,141,133,133,143,202,202,189,137,139,189,191,141,189,212,212,204,204,207,204,199,199,207,215,215,207,195,196,202,202,199,207,220,228,233,228,230,238,243,246,0,0,0,0,255,255,255,238,228,230,233,228,228,233,248,255,255,255,255,254,233,222,228,241,243,235,233,235,238,241,241,243,243,246,246,248,251,254,251,246,241,235,230,225,222,222,209,189,136,136,186,191,191,189,183,181,181,181,176,129,127,121,117,119,176,191,189,181,181,181,181,183,191,196,186,183,189,189,176,117,108,106,106,106,108,111,115,115,121,178,204,217,222,228,235,235,225,199,176,129,133,178,181,176,176,181,196,204,207,209,212,209,204,196,194,191,189,191,196,202,207,212,217,228,233,230,217,207,205,209,222,233,241,0,0,0,0,0,0,0,255,255,255,254,248,243,235,225,212,208,208,212,225,235,238,233,230,230,230,230,230,233,235,238,241,241,0,0,0,0,0,0,0,246,238,237,238,238,233,222,207,207,215,217,209,202,202,0,207,204,202,196,194,194,196,199,202,204,207,209,0,207,204,199,196,194,194,194,194,196,196,196,191,186,183,183,183,183,181,178,178,181,183,183,181,176,173,173,176,178,181,181,181,181,181,135,129,124,123,125,137,194,204,215,222,225,220,212,207,207,215,228,238,246,248,246,241,238,233,230,228,222,216,217,225,235,243,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,246,238,230,228,229,235,238,238,235,235,235,235,238,238,238,0,235,230,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,21,1,0,0,0,0,21,194,220,209,67,33,42,147,157,165,173,183,189,191,189,191,196,202,207,115,58,72,119,176,186,183,89,75,87,99,119,173,176,176,173,168,168,170,173,176,176,176,176,183,194,199,199,202,204,207,199,112,69,121,186,191,202,199,110,106,111,121,125,168,125,119,113,113,115,113,109,111,117,123,123,115,109,113,123,127,168,168,170,173,168,164,165,176,183,183,173,169,170,170,168,168,168,165,121,119,119,119,115,107,101,99,105,125,173,170,165,170,178,178,178,181,181,178,170,168,168,170,168,165,165,170,176,170,165,125,125,123,123,125,125,121,119,119,117,113,110,110,112,115,113,115,123,123,121,123,123,123,123,121,113,99,99,115,117,117,105,113,178,168,119,168,173,170,123,116,113,114,118,123,123,125,123,121,121,125,129,131,176,181,181,183,189,189,183,181,181,176,129,125,123,123,131,181,183,189,194,199,202,207,209,207,202,199,202,207,212,212,212,209,212,212,202,181,123,121,176,186,181,183,178,129,112,108,113,173,194,194,178,173,178,189,194,191,183,129,125,127,181,196,196,186,181,178,183,191,199,199,199,199,199,194,181,122,121,178,196,199,196,199,204,207,202,194,192,194,199,196,196,196,199,202,202,199,194,189,173,131,189,204,207,204,204,204,204,207,209,212,212,212,212,202,176,127,125,126,133,176,133,130,131,133,181,183,183,186,191,189,186,186,191,196,196,194,194,194,196,196,199,199,196,189,186,189,186,173,127,127,125,123,176,189,194,202,207,212,212,196,112,113,178,113,65,93,194,189,176,176,181,183,181,181,186,183,176,127,129,133,176,176,178,183,186,135,125,124,131,183,186,185,189,191,186,135,135,183,191,194,196,196,194,191,194,196,196,196,199,207,207,199,191,186,189,189,189,194,194,191,190,194,202,204,204,207,204,194,183,139,189,199,204,204,196,196,196,196,199,204,207,207,202,194,137,135,137,136,137,194,202,199,196,194,189,186,189,194,196,191,185,183,186,189,186,186,186,189,191,194,191,189,181,131,130,131,133,178,183,194,202,204,202,199,202,204,204,202,199,194,194,191,191,191,196,202,202,199,199,199,199,202,202,202,199,196,199,199,199,202,204,202,191,185,186,191,191,189,186,186,186,181,186,194,196,199,202,199,194,191,191,191,194,194,191,191,191,189,191,196,196,196,191,183,135,129,131,176,178,183,186,186,186,186,191,196,202,202,199,194,191,194,196,199,196,194,194,196,199,199,199,199,196,194,189,181,179,181,183,183,186,186,183,181,178,178,178,178,181,183,186,189,191,191,189,139,136,134,138,194,204,199,141,138,141,202,212,215,215,212,209,209,209,209,209,209,212,215,215,215,215,215,209,209,209,212,215,220,222,217,215,215,215,215,215,215,215,217,217,215,215,215,212,204,196,194,145,141,147,209,217,217,217,217,215,209,204,207,204,202,200,207,209,204,200,204,209,204,196,196,202,207,202,199,199,202,204,207,215,217,215,212,207,205,205,209,215,215,215,209,207,204,204,207,209,212,212,209,209,215,222,225,225,225,228,230,228,225,222,225,225,225,222,217,217,215,215,217,222,225,228,228,228,228,222,209,205,208,217,228,228,225,225,225,225,225,222,225,228,230,230,230,228,228,230,233,230,228,228,228,230,230,230,230,228,230,230,233,233,233,233,235,235,233,230,230,230,230,230,230,230,225,217,216,225,230,233,235,233,230,228,228,228,228,228,230,233,235,235,235,235,235,233,233,230,230,230,225,213,212,215,222,228,228,228,225,225,225,225,222,212,207,212,215,217,215,209,202,199,200,207,215,215,215,215,215,215,215,215,207,196,196,196,191,189,191,196,199,199,194,194,196,196,191,189,190,194,194,194,196,191,186,186,189,189,189,186,185,186,191,194,191,191,191,194,199,199,196,194,194,196,199,202,202,202,204,204,207,209,212,215,217,217,215,215,217,222,228,228,228,222,217,215,212,209,212,217,222,233,238,238,233,230,228,228,228,228,225,225,222,217,209,204,207,209,212,222,230,228,215,202,196,194,147,194,196,196,194,147,146,146,196,207,220,228,230,233,238,241,238,233,225,225,225,230,233,225,217,215,209,204,199,199,199,196,191,141,139,186,196,199,202,199,199,196,202,207,207,204,212,217,215,199,113,81,78,81,91,101,113,117,112,111,119,181,191,202,212,225,230,225,212,209,215,215,215,217,222,222,220,217,222,228,233,233,230,225,202,141,189,209,225,228,228,230,233,233,233,225,212,199,139,123,105,93,93,91,91,103,137,189,183,137,189,204,209,204,203,209,212,207,183,183,186,191,191,191,196,202,202,199,196,199,199,196,191,189,191,202,209,209,209,212,212,212,212,212,212,212,212,212,212,207,200,200,204,212,217,217,217,209,196,191,142,142,194,202,202,207,207,199,198,196,196,199,207,207,204,202,199,199,204,212,215,215,215,212,209,209,209,207,207,207,212,215,212,209,207,207,209,209,204,139,87,82,91,186,199,199,202,204,194,137,137,189,194,194,194,196,202,207,204,203,202,203,209,215,222,222,217,212,209,209,212,212,207,202,200,202,202,196,194,194,194,186,181,181,194,207,209,204,199,204,209,209,209,209,207,202,196,199,204,207,207,209,209,209,204,196,189,140,140,196,212,217,220,222,225,225,222,215,209,207,209,209,207,202,194,189,189,194,202,204,207,207,207,207,204,202,199,199,196,196,196,199,199,196,194,194,199,209,215,215,212,215,215,220,220,217,215,212,209,209,212,215,212,212,212,209,204,199,194,191,191,199,204,204,202,202,204,204,204,202,202,202,204,209,215,220,222,217,212,209,209,209,209,207,207,207,209,212,212,212,212,215,215,212,209,205,205,205,207,209,209,212,212,215,215,215,215,215,215,215,215,217,222,222,217,217,217,215,209,202,202,207,215,215,215,217,217,215,212,209,204,196,186,135,135,137,183,186,183,137,135,137,183,183,183,186,141,139,140,194,204,207,202,189,138,138,191,207,215,212,202,131,117,111,114,133,137,131,125,123,123,123,125,129,133,127,124,125,194,225,228,220,202,137,127,129,139,194,196,189,141,141,191,194,139,135,191,199,199,202,204,202,198,198,202,207,209,202,192,194,204,209,212,215,225,235,235,228,230,241,248,246,241,0,0,0,0,255,255,238,230,233,233,222,215,225,0,0,255,255,255,255,233,215,215,230,235,235,235,238,241,241,241,238,241,243,243,246,248,251,248,246,243,238,233,228,225,217,202,141,136,141,191,194,191,183,135,133,135,178,176,176,133,127,129,181,196,199,189,179,181,183,186,186,191,196,183,181,183,189,186,127,119,119,113,109,109,113,115,114,115,125,199,215,225,230,235,233,222,196,129,126,127,133,176,133,129,133,186,199,207,207,209,207,199,189,181,176,173,176,189,199,209,215,222,225,228,225,217,209,208,215,228,235,246,0,0,0,0,0,0,0,255,255,254,251,248,246,241,228,215,209,209,217,230,241,246,241,235,233,233,228,228,230,235,238,241,241,0,0,0,0,0,0,241,241,238,238,241,238,230,217,204,202,209,217,212,202,0,0,204,204,202,196,194,194,194,194,196,202,204,207,0,204,202,199,196,196,194,194,196,199,199,196,194,189,186,186,183,183,183,181,178,181,186,189,186,181,178,176,176,178,181,183,186,186,186,183,135,125,123,124,135,191,202,212,217,217,209,202,202,204,207,215,228,238,246,248,246,241,235,233,228,222,216,217,228,238,246,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,246,238,230,228,230,235,238,238,238,238,238,238,238,238,0,0,233,228,224,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,95,183,189,165,111,3,0,0,33,199,215,233,147,33,93,160,173,181,183,186,186,189,189,191,191,191,196,89,39,59,117,173,186,194,173,107,105,115,181,173,170,173,170,170,170,173,176,176,176,178,186,194,196,196,196,196,199,196,186,127,112,202,189,181,186,186,105,102,111,121,127,173,173,125,115,113,115,115,111,109,109,109,107,106,106,111,119,123,168,173,178,178,173,165,166,173,178,176,170,169,170,173,168,168,170,168,123,119,121,123,119,109,100,101,119,176,178,170,123,121,121,123,165,173,183,186,181,173,168,165,125,165,170,170,168,125,125,125,165,165,165,168,168,170,168,163,121,117,113,111,109,112,110,111,119,121,120,118,117,117,119,121,121,117,163,178,176,168,105,113,123,115,113,119,123,123,123,118,112,111,117,127,127,121,121,121,123,131,176,176,178,183,181,183,189,186,173,129,129,129,173,178,123,118,131,183,178,178,186,194,199,204,209,209,204,196,199,204,207,209,207,202,204,209,186,173,127,129,183,196,199,189,176,129,121,123,189,196,196,186,173,169,170,173,176,178,173,127,125,129,176,186,186,183,181,176,178,189,196,199,199,199,199,199,191,131,125,181,196,196,196,199,204,207,204,196,194,196,196,196,195,196,202,204,204,202,199,191,173,129,191,207,207,204,204,204,204,207,207,209,209,209,209,207,189,173,126,125,129,133,133,176,178,181,186,183,133,133,189,191,186,183,186,194,199,199,194,194,194,194,196,196,191,186,186,189,183,129,129,183,194,196,196,194,194,194,199,207,212,199,115,121,117,67,62,125,196,186,174,174,178,181,178,179,189,194,191,186,178,133,131,133,181,181,135,129,123,122,131,186,186,185,189,194,194,186,186,194,199,202,202,194,189,191,196,196,194,191,194,202,202,196,186,182,181,179,179,186,191,190,189,191,199,202,204,207,209,202,196,194,199,204,207,207,199,199,202,202,207,209,209,207,204,196,183,181,189,186,189,199,202,202,199,196,191,191,194,202,204,199,194,191,191,189,186,185,186,189,191,194,194,191,183,131,129,130,133,135,183,191,199,204,202,199,202,204,204,202,196,194,194,196,199,199,196,196,196,196,199,199,199,199,202,199,196,199,199,202,199,199,202,202,199,196,194,194,191,186,137,137,181,183,191,199,202,202,202,199,196,196,196,196,199,199,199,199,199,194,194,194,189,133,111,91,91,113,121,127,133,178,181,181,178,181,189,196,199,199,196,189,189,191,194,196,196,196,196,196,199,199,199,199,199,194,189,181,181,183,183,183,189,191,191,189,183,178,177,178,183,183,186,189,191,189,183,138,137,183,191,194,196,196,186,139,143,199,209,215,215,215,212,209,207,207,207,207,209,215,215,217,222,220,215,209,209,209,212,217,217,215,215,217,222,217,215,212,212,215,217,215,212,209,204,194,141,140,140,139,145,212,220,217,215,215,215,209,202,200,200,202,204,207,209,207,202,209,215,209,204,204,207,207,199,198,198,199,202,204,209,215,217,217,212,207,207,212,217,222,215,209,204,203,203,207,212,215,215,212,209,215,222,225,225,225,228,230,228,225,222,217,217,217,217,217,215,215,217,222,225,230,230,228,228,228,225,215,209,212,222,228,225,222,222,225,228,228,225,225,228,230,233,233,230,230,230,230,230,226,226,226,228,228,230,230,230,230,230,233,233,233,230,233,233,230,230,230,233,230,230,230,228,225,217,222,230,235,235,235,233,228,228,225,228,230,233,233,233,235,235,235,235,235,233,230,228,230,230,225,215,213,217,225,230,230,228,225,225,225,225,217,212,212,215,215,215,215,212,204,199,199,204,212,212,212,212,215,215,215,215,207,196,196,199,196,191,194,196,196,194,190,189,191,194,191,189,190,191,194,194,196,189,185,185,189,189,186,185,185,186,191,191,191,189,189,194,199,202,199,194,191,191,196,199,202,204,204,207,207,209,209,212,217,217,215,212,215,222,225,225,225,222,217,215,212,212,215,217,225,233,238,235,230,230,228,230,230,228,225,222,217,217,212,209,212,209,212,222,230,228,215,202,196,194,194,199,202,199,196,147,145,145,194,207,217,228,230,233,235,235,230,225,220,218,220,222,225,217,215,215,212,207,204,202,202,202,196,141,133,135,183,191,194,196,202,207,212,215,215,217,217,217,215,209,133,91,81,87,99,117,127,127,117,117,131,186,191,199,209,220,225,222,212,208,209,215,217,217,217,215,215,215,215,217,225,233,233,222,196,137,135,194,215,222,225,228,233,233,233,222,207,186,127,113,103,93,88,89,99,117,137,135,131,137,189,204,209,207,204,207,212,207,186,186,194,199,196,194,196,202,202,199,194,196,199,202,199,196,199,207,212,212,209,207,207,207,207,209,212,212,212,209,207,202,199,200,207,215,217,217,217,212,202,196,191,189,199,204,204,209,215,209,204,199,196,199,204,207,204,202,198,199,207,215,217,215,215,212,209,209,209,209,209,209,212,212,212,209,207,205,207,204,199,117,82,83,105,186,194,194,196,202,191,141,186,191,191,191,191,194,199,204,204,204,203,203,207,215,222,222,215,207,205,207,212,212,207,204,202,202,196,194,194,196,196,191,182,183,196,207,207,202,199,204,207,207,207,207,202,194,192,196,202,207,207,207,207,207,204,196,189,142,143,204,215,217,220,222,222,222,220,215,209,207,204,202,196,191,141,140,141,191,202,207,207,207,204,204,204,202,202,199,194,191,192,196,196,196,194,196,202,212,222,222,220,220,222,220,217,215,212,212,207,207,209,209,209,207,204,202,199,199,194,191,196,204,212,209,207,204,204,204,204,202,199,196,199,204,209,215,217,215,209,207,207,207,204,204,204,207,209,212,209,212,212,215,217,215,209,205,205,207,209,209,209,209,212,212,215,215,215,215,215,215,212,215,222,222,217,217,217,217,215,209,212,215,212,212,212,217,217,215,209,202,196,191,139,134,133,135,139,183,139,135,134,137,139,138,139,186,189,186,189,199,207,207,204,194,186,189,202,212,215,212,202,139,121,111,110,131,139,137,125,127,131,137,191,202,202,143,124,121,126,199,215,209,189,125,119,121,129,141,194,196,194,189,189,194,138,126,137,191,199,202,204,199,199,199,199,199,202,202,195,196,207,215,217,217,230,241,241,235,235,243,248,246,235,228,0,0,0,255,255,238,230,230,225,207,202,209,235,0,255,255,255,255,230,204,202,212,217,220,228,238,246,246,241,238,233,233,238,243,248,248,248,246,243,238,235,230,225,217,202,139,137,186,189,189,183,137,129,129,129,129,129,131,131,173,183,202,209,204,189,179,179,183,189,189,191,199,191,182,181,186,186,178,176,178,178,123,119,123,125,121,121,127,199,217,230,233,233,228,209,186,129,126,127,131,176,129,127,128,181,194,204,204,204,199,191,181,173,125,123,168,183,202,212,222,225,222,217,217,217,217,217,225,233,241,248,0,0,0,0,0,0,0,255,255,248,247,248,251,246,235,222,212,212,222,235,0,255,248,241,238,233,228,226,228,235,238,241,243,0,0,0,0,0,0,238,235,235,241,241,238,230,217,207,202,204,212,209,202,0,0,0,204,202,196,194,194,194,194,196,199,202,204,204,204,204,202,199,196,194,196,199,202,204,199,194,189,186,183,183,183,183,181,178,181,186,189,189,189,183,178,174,176,178,183,189,194,191,189,181,129,123,124,135,189,199,209,212,207,200,199,200,202,200,202,215,233,246,251,248,246,241,235,230,222,217,222,230,241,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,246,238,230,229,230,238,241,238,238,238,238,238,238,238,235,0,233,228,224,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,108,111,152,199,204,199,202,202,186,155,17,29,157,209,189,134,93,155,165,181,183,186,189,186,183,189,191,189,183,181,67,32,93,163,173,183,191,181,104,103,113,121,121,125,173,178,176,170,176,176,176,176,178,189,196,196,194,191,191,191,183,176,173,186,202,199,178,178,176,108,103,113,170,178,178,183,181,115,111,117,117,113,111,109,107,106,105,106,109,113,121,127,176,183,189,189,186,181,176,176,173,170,169,170,176,173,165,164,168,170,170,170,173,173,168,113,115,165,178,181,176,170,109,106,113,125,181,189,191,189,181,170,125,123,165,170,170,165,123,123,165,170,170,176,176,170,168,168,165,125,123,121,119,119,121,123,123,121,121,120,119,117,117,118,121,123,123,168,176,173,105,102,111,117,111,108,113,121,123,127,129,170,176,183,186,183,131,127,127,131,173,176,176,176,181,181,178,178,181,176,129,128,131,178,131,111,109,176,186,173,170,183,199,199,194,202,204,199,183,178,186,196,202,202,186,97,63,73,123,121,117,183,199,199,183,176,173,181,191,204,207,204,189,173,169,170,170,129,129,129,125,122,125,170,176,181,183,181,173,170,178,186,189,191,194,194,196,196,176,129,196,199,196,196,199,204,207,204,199,199,196,195,192,195,199,202,207,207,204,204,194,178,111,199,207,207,207,202,200,202,204,207,204,204,204,207,207,196,181,127,125,127,131,176,183,181,189,196,191,130,125,191,194,186,183,183,191,199,196,191,191,191,189,186,183,181,178,186,191,191,131,176,189,196,207,196,191,189,121,123,196,191,117,85,67,59,87,107,129,186,176,169,174,181,181,181,186,196,202,199,189,181,132,130,133,135,133,129,129,128,129,183,189,186,186,191,199,202,196,194,196,196,199,191,181,137,186,194,194,189,185,186,196,196,191,186,182,181,179,179,183,191,196,196,196,199,202,204,207,209,207,204,202,202,204,207,207,204,202,202,202,202,204,207,209,207,204,199,194,191,194,199,204,204,202,199,196,196,196,199,207,204,202,199,199,194,191,189,189,189,191,194,194,194,191,186,135,131,133,135,178,186,191,196,199,199,199,199,202,204,202,199,196,199,199,199,196,194,191,191,194,196,202,202,199,199,196,194,194,199,202,202,199,202,202,202,202,199,194,183,128,124,129,186,194,199,202,202,202,199,196,196,196,199,202,202,204,204,204,202,196,189,181,131,105,61,60,78,115,123,129,133,178,181,178,133,133,186,194,194,191,191,191,189,189,191,194,196,196,194,194,196,199,199,202,199,194,189,183,183,186,183,183,189,194,194,191,191,186,181,181,183,183,183,186,189,189,189,183,183,189,191,187,186,191,194,194,202,204,207,212,215,212,209,207,205,205,205,205,207,209,212,217,222,222,222,215,209,208,209,215,215,215,215,217,222,217,212,207,202,204,209,215,215,209,202,147,140,139,139,141,196,215,217,215,212,215,215,209,202,199,199,199,204,209,215,217,215,215,215,212,209,209,209,207,202,198,199,202,204,204,207,212,215,217,217,212,207,209,215,217,215,209,204,203,204,207,212,215,217,215,212,215,222,225,222,222,228,230,228,225,222,217,216,216,217,217,215,213,213,217,225,230,230,228,225,228,228,228,222,222,228,228,228,225,222,225,228,228,228,228,228,230,233,233,230,230,230,230,230,228,228,228,228,228,228,230,230,230,230,230,230,230,230,228,228,228,228,230,233,233,230,228,228,217,216,222,233,235,235,233,228,225,225,225,228,233,233,235,235,235,235,235,233,233,230,228,228,228,228,225,222,222,222,225,230,230,225,225,225,225,222,215,215,215,217,217,215,212,212,204,200,200,207,209,209,209,209,215,215,217,215,209,199,199,202,202,199,199,196,196,194,190,190,191,194,191,190,190,191,191,194,194,189,185,185,189,191,186,185,185,186,191,191,189,186,186,189,196,202,199,194,189,189,189,191,196,202,204,207,209,209,209,212,215,215,215,212,215,217,222,217,217,217,215,212,212,212,217,222,225,233,238,235,233,230,230,230,230,230,225,222,222,222,217,212,209,209,212,222,230,230,222,207,196,196,202,207,207,204,196,147,146,147,199,207,215,222,230,235,235,235,230,225,222,220,220,222,222,217,217,217,215,212,209,209,207,204,204,194,135,132,133,137,139,139,191,207,215,217,222,225,222,217,220,220,207,115,113,107,129,129,183,194,194,202,209,199,191,196,207,217,225,220,212,209,209,212,215,215,215,215,217,215,213,213,220,230,233,222,199,139,130,131,191,215,222,225,233,233,233,225,209,139,117,109,107,107,97,101,107,109,109,113,125,137,191,202,207,207,204,207,209,204,194,189,189,191,194,196,199,202,202,202,196,191,194,202,204,204,204,207,212,212,207,202,199,196,202,207,212,215,212,207,204,200,199,202,207,215,217,217,217,212,207,202,199,202,207,209,207,209,215,215,209,202,199,202,207,207,207,202,198,198,204,215,217,217,215,212,212,212,212,209,209,209,207,209,207,207,207,209,207,199,139,123,103,95,113,189,199,196,199,199,189,140,186,191,191,189,143,189,194,204,209,209,209,212,215,217,220,215,209,205,205,207,212,209,207,207,207,202,191,187,191,196,199,194,189,191,199,204,204,196,194,196,202,204,204,204,199,192,192,194,199,202,204,204,207,207,207,204,199,199,204,212,215,212,215,217,217,215,217,215,212,207,202,196,191,143,140,139,140,191,202,209,209,207,204,202,202,202,199,199,196,192,192,194,196,194,194,194,199,207,215,217,217,217,215,212,209,207,207,209,207,207,207,207,207,202,196,196,199,196,194,194,199,207,212,212,207,204,207,207,207,204,196,194,194,196,204,212,215,215,212,209,204,202,200,200,202,204,207,207,207,209,212,215,217,217,212,207,207,209,212,209,209,209,212,215,217,217,217,215,215,212,212,212,215,217,217,217,217,217,215,212,212,215,215,212,209,212,215,212,202,196,196,191,139,135,135,135,134,135,135,135,137,186,186,139,141,189,194,196,199,202,207,209,207,204,202,204,209,215,215,209,202,191,133,123,127,135,141,194,196,191,189,194,202,209,209,204,143,129,129,141,207,207,143,123,118,118,121,135,194,207,209,207,202,196,145,141,194,204,212,215,207,204,204,207,199,143,191,204,212,212,217,225,228,233,238,243,246,241,241,243,246,243,235,228,0,0,0,255,255,235,225,222,217,207,194,194,217,243,255,255,255,248,204,194,196,194,191,199,209,233,246,246,0,235,225,217,228,241,248,251,248,246,243,241,235,228,225,220,207,186,137,139,139,137,137,135,133,129,128,127,127,128,129,176,189,202,209,204,191,181,179,183,189,186,183,186,191,189,186,186,189,189,191,191,189,176,131,178,186,183,178,181,204,217,228,230,228,222,209,194,181,131,131,178,178,129,126,127,178,189,196,202,202,194,186,176,127,121,119,0,181,199,215,220,220,215,209,209,217,225,230,233,238,246,251,254,0,0,0,0,0,0,255,254,247,247,251,254,248,241,230,215,212,228,0,0,255,251,246,241,233,228,225,228,233,238,241,243,243,241,238,0,0,0,0,230,230,238,241,238,0,0,0,202,202,207,209,204,0,0,0,204,199,196,196,194,192,194,199,202,202,202,204,207,207,204,199,196,194,0,0,0,0,202,194,189,183,183,183,186,183,181,181,183,186,189,191,191,189,178,174,176,181,183,189,194,194,191,186,135,124,124,133,186,196,204,209,204,200,199,200,202,198,198,207,230,248,254,254,248,246,238,233,228,225,228,233,241,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,241,230,230,233,238,241,238,238,238,238,238,235,235,235,238,235,230,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,147,181,181,173,183,199,202,196,199,204,202,194,116,47,65,85,65,45,49,142,160,178,186,189,191,186,181,186,191,191,183,170,73,65,170,181,176,183,191,183,103,101,105,109,115,125,178,183,178,173,176,173,173,176,181,186,194,191,186,178,181,178,173,129,173,183,194,191,176,173,176,119,109,127,183,189,183,189,189,121,117,123,123,119,117,117,115,111,107,106,107,111,115,125,176,186,194,196,199,194,181,176,176,170,169,170,176,176,163,161,168,178,183,183,178,178,173,123,123,170,183,186,181,173,102,102,107,168,189,194,191,189,186,178,168,123,125,168,165,123,123,125,168,170,170,176,176,168,123,123,123,125,165,165,165,125,165,170,173,170,168,168,165,123,121,120,121,123,123,165,173,165,97,97,109,119,111,108,115,170,173,178,181,183,186,191,199,196,189,183,183,183,186,183,181,178,181,176,131,130,133,133,131,133,178,178,131,119,118,176,183,177,173,191,204,189,96,77,74,76,71,83,117,183,199,202,181,79,25,25,45,43,40,113,194,189,173,127,170,186,202,209,209,204,194,181,176,176,173,129,127,125,121,121,125,170,176,178,178,176,170,170,173,129,121,129,176,176,181,176,110,106,181,196,199,204,204,204,202,199,199,199,199,195,194,195,196,199,202,204,204,207,207,119,87,199,204,204,204,200,200,202,207,207,204,202,202,202,204,199,186,173,129,129,131,131,176,181,194,202,196,133,130,191,194,183,183,186,191,199,196,189,181,178,176,176,178,178,178,189,196,204,202,125,173,103,93,121,183,178,92,91,112,117,89,54,47,53,107,129,183,186,173,169,176,178,178,183,191,202,204,202,181,133,132,133,135,131,127,129,178,178,181,189,191,189,189,194,202,204,194,189,189,189,191,181,132,133,183,194,194,186,183,185,191,191,189,186,186,183,183,183,186,194,199,202,202,202,202,204,204,204,204,204,204,202,204,204,204,202,202,199,199,199,202,207,212,212,209,204,199,196,199,207,209,204,199,196,199,202,202,202,202,196,194,196,196,194,191,191,194,194,196,194,194,189,186,181,178,178,178,181,186,189,194,196,196,199,198,198,199,202,204,202,202,199,199,196,194,190,190,190,194,199,202,202,199,196,191,187,189,194,202,204,202,202,204,204,202,202,191,131,124,125,135,194,199,199,199,196,196,194,194,194,196,199,202,204,204,204,204,202,194,183,133,125,113,95,93,115,133,176,176,178,181,183,181,131,131,181,186,183,183,186,189,189,189,189,191,191,191,191,191,194,196,202,204,202,194,186,183,183,186,181,181,189,191,189,189,191,186,183,186,186,183,183,186,191,191,191,186,183,189,191,187,187,194,202,207,207,204,202,207,212,209,207,205,205,205,207,205,207,209,212,215,222,222,222,215,209,209,212,215,215,212,212,215,220,217,209,196,145,194,207,212,215,212,207,199,145,141,141,145,199,209,212,209,212,215,217,215,209,204,202,200,204,209,217,222,222,217,212,209,209,212,212,209,204,202,202,204,207,207,207,209,212,217,222,215,207,207,215,217,215,209,204,203,204,209,212,215,217,215,215,215,222,225,222,225,225,228,228,225,222,217,216,217,222,222,215,212,212,217,225,228,228,225,222,225,230,233,230,230,233,233,230,225,222,222,225,228,228,228,228,230,230,230,230,230,233,233,230,230,230,230,228,228,228,228,230,228,228,228,228,230,228,225,222,222,225,228,233,230,228,225,222,216,215,222,230,233,233,230,228,224,224,225,230,233,235,235,238,238,235,235,233,230,228,228,228,228,228,228,225,225,225,225,228,228,225,225,225,225,222,215,215,217,217,215,215,212,212,207,202,202,207,209,209,209,209,212,215,217,215,209,202,199,204,207,207,204,202,199,196,191,191,194,196,194,191,191,191,191,191,194,189,186,186,189,191,186,185,185,189,191,194,191,186,186,189,194,199,199,194,189,186,185,185,191,196,204,209,212,212,212,212,212,215,215,212,212,215,215,212,209,212,212,212,212,215,217,222,225,233,238,238,235,233,233,233,233,233,228,225,225,228,225,215,208,208,212,225,235,235,230,215,202,199,204,209,209,204,194,146,146,194,202,207,212,217,225,233,238,238,235,233,230,230,228,228,225,222,222,217,217,215,212,209,207,207,207,202,186,135,135,133,129,129,137,196,207,212,215,222,225,222,228,233,230,196,178,113,105,109,131,189,189,199,212,209,199,196,202,215,225,222,212,207,209,212,212,215,217,222,225,222,215,215,222,230,233,228,212,194,133,129,133,202,220,228,233,233,235,230,222,202,135,119,113,107,99,117,119,98,91,103,125,181,189,194,196,199,202,207,207,199,186,135,129,129,139,191,196,202,204,204,196,186,185,194,204,207,204,204,207,207,202,196,192,192,199,204,209,212,209,207,204,202,200,204,209,212,215,215,215,215,207,204,204,207,212,212,209,209,215,215,212,207,204,204,207,204,207,202,199,199,207,212,215,215,212,215,215,215,215,212,212,212,209,207,207,204,207,209,207,199,194,141,119,111,129,199,204,199,199,196,189,141,189,191,191,142,142,143,194,204,215,217,217,220,220,217,217,212,207,205,207,209,209,209,207,207,207,199,191,187,189,194,194,189,189,194,202,204,202,194,192,194,196,202,202,202,196,194,194,196,199,199,202,204,204,204,207,209,209,212,217,217,212,204,209,215,212,212,215,215,212,207,202,196,191,143,141,141,186,194,202,209,212,209,207,204,202,196,195,199,199,196,192,192,194,194,194,191,194,196,202,207,212,212,207,199,196,199,199,202,204,204,204,207,204,199,195,195,199,199,196,196,202,207,209,207,204,204,207,209,212,209,204,196,195,196,202,209,215,217,215,209,204,202,200,200,202,204,204,204,204,207,212,215,217,217,215,209,209,212,215,212,212,209,212,215,217,217,217,215,212,209,209,209,212,212,215,215,215,215,212,211,212,215,215,212,209,209,212,209,202,199,202,199,189,186,186,141,135,134,134,137,141,186,186,186,189,194,196,202,204,207,209,209,209,209,209,212,215,217,215,212,207,199,141,137,141,189,196,204,207,204,202,202,204,209,209,209,204,194,191,202,217,217,199,135,125,121,125,137,202,220,228,230,230,222,215,212,217,225,230,228,217,215,220,217,194,131,135,209,217,222,228,233,238,243,248,251,248,246,241,241,243,246,246,238,0,0,0,255,254,233,222,220,217,209,194,189,202,220,230,233,233,215,194,189,191,183,176,183,196,209,225,230,228,222,209,207,215,235,246,251,248,246,246,243,238,230,225,222,212,194,139,137,137,135,135,135,178,178,133,131,129,129,133,178,189,199,204,204,194,183,181,183,186,181,173,129,181,186,189,191,194,194,191,186,178,133,176,186,199,199,196,199,209,217,225,225,225,225,217,209,196,186,183,189,189,178,129,131,181,189,191,196,199,194,183,129,123,117,116,0,176,194,207,212,212,209,207,209,217,225,230,235,241,246,251,254,0,0,0,0,0,255,255,251,247,248,254,254,254,248,235,222,217,0,0,0,255,254,246,241,235,228,226,228,235,238,241,246,246,241,235,235,0,0,0,228,225,233,238,0,0,0,0,0,202,207,212,209,0,0,0,204,199,196,194,194,192,196,202,0,0,0,204,207,207,204,199,194,196,0,0,0,0,207,196,186,181,181,183,183,183,181,181,183,186,189,191,194,191,181,174,176,181,183,186,191,194,194,191,181,127,125,129,141,196,207,212,212,207,204,204,202,198,198,207,233,248,254,254,251,248,241,235,233,233,233,238,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,243,235,233,235,238,238,238,238,241,241,238,234,234,235,238,235,230,228,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,194,199,204,202,194,191,194,189,186,189,196,202,204,155,59,23,0,0,11,25,47,152,173,183,189,191,183,179,181,186,194,189,103,75,101,196,194,183,186,194,189,109,104,109,113,123,178,183,183,176,176,178,170,127,170,178,183,186,181,125,109,109,119,127,170,176,183,186,181,168,169,183,178,170,186,191,191,183,183,183,168,125,170,170,168,127,127,125,119,111,107,107,109,111,119,170,183,194,199,199,196,183,178,178,173,170,170,181,181,159,159,165,181,186,181,173,168,168,165,165,173,189,191,181,168,111,106,115,178,194,194,189,189,186,183,173,123,123,165,168,125,121,123,165,168,165,168,168,125,121,120,122,165,170,170,168,125,165,173,181,183,183,183,183,178,170,125,125,123,123,168,173,168,102,102,121,168,113,107,117,181,186,189,186,186,189,194,202,202,202,202,202,202,199,196,194,189,181,176,129,128,130,131,131,176,178,178,173,129,127,176,183,181,183,189,183,99,72,61,64,70,79,98,173,183,191,204,194,107,91,22,14,0,0,73,183,178,127,123,124,183,199,202,204,204,199,186,178,173,170,125,123,122,122,127,176,178,176,173,173,173,170,178,176,119,113,118,125,125,123,115,101,98,119,186,199,207,207,202,199,199,199,199,196,196,196,196,199,202,204,204,207,207,212,69,67,194,202,202,200,202,202,204,207,209,207,204,202,202,202,199,189,178,173,131,129,127,127,176,189,191,183,176,133,186,189,133,178,186,194,199,194,181,133,130,129,130,176,181,183,194,204,207,202,72,88,76,62,91,181,181,97,94,113,129,125,89,59,87,131,183,194,191,173,172,176,174,174,183,196,202,202,199,178,132,133,178,181,133,129,135,186,186,186,191,191,189,189,194,199,199,186,179,179,181,183,135,130,132,183,194,194,186,185,186,194,194,189,186,189,189,191,191,191,196,199,202,202,202,202,202,199,199,202,204,204,202,202,204,202,202,202,199,199,199,204,207,209,209,207,204,199,199,202,209,209,202,195,195,199,204,207,204,199,191,189,189,191,189,189,191,191,194,196,196,191,186,178,177,177,181,183,189,191,194,196,196,199,199,199,198,198,199,204,204,202,199,196,194,191,190,189,190,196,202,202,199,196,194,190,187,187,194,202,207,204,204,202,199,199,199,191,131,127,131,191,196,196,194,194,194,194,192,191,192,199,202,204,204,207,207,204,202,194,181,131,129,131,178,183,183,186,186,181,176,176,178,178,131,129,133,178,178,135,181,189,189,189,189,186,181,183,189,189,186,191,202,207,202,191,183,181,181,181,181,183,186,186,183,186,189,183,183,186,189,186,186,189,194,189,183,137,137,186,191,190,191,196,202,202,199,191,190,199,207,209,207,207,207,209,209,209,209,212,212,215,217,220,217,215,212,212,212,212,212,209,209,212,217,217,207,145,143,145,204,212,215,215,212,207,199,147,145,147,199,204,207,207,212,217,222,217,215,212,207,204,204,209,215,217,217,212,209,209,209,212,215,212,209,204,204,204,204,207,207,207,212,217,222,215,209,207,212,215,212,207,204,203,204,209,212,215,217,215,212,215,222,222,222,222,222,222,222,222,222,217,217,222,225,228,222,213,213,217,225,228,225,222,222,225,230,233,233,233,233,233,230,228,222,222,225,228,230,228,228,225,225,228,230,233,233,233,233,233,233,233,230,228,228,228,228,228,228,228,228,228,225,222,222,222,222,225,228,228,222,222,217,215,213,222,230,233,233,230,228,224,224,225,230,233,235,238,238,238,235,233,230,228,228,228,228,228,228,228,225,225,225,222,222,222,222,225,228,228,222,215,215,215,215,212,212,212,212,207,204,204,209,212,212,209,212,212,215,215,212,207,202,202,207,209,209,209,207,204,199,196,196,199,199,196,196,194,191,191,191,194,191,189,186,189,189,186,186,186,189,191,191,189,186,186,186,189,196,199,196,191,186,183,183,186,194,202,207,212,215,212,211,211,215,217,215,209,209,207,207,204,204,207,212,217,222,222,222,225,230,235,235,233,233,235,235,235,235,233,230,230,233,230,222,209,208,215,230,241,243,235,222,204,199,204,209,209,204,194,146,147,196,202,207,209,215,222,230,238,241,241,241,238,235,233,230,228,225,222,220,217,212,212,209,209,209,207,204,194,186,139,135,128,126,128,183,196,202,209,217,222,225,228,233,230,212,194,93,67,71,85,97,101,119,196,207,207,199,199,209,222,217,209,204,207,209,215,217,222,225,228,225,222,222,225,233,235,233,222,209,191,133,124,133,217,230,235,235,235,230,220,207,196,183,129,119,117,183,186,103,93,113,135,183,189,189,187,191,202,209,207,196,139,129,126,127,135,189,196,202,207,209,202,185,182,186,199,202,199,199,199,202,199,194,191,192,199,204,207,207,207,204,204,204,202,204,207,209,212,212,212,212,207,204,204,207,212,212,212,209,212,212,209,207,204,204,199,194,191,194,196,204,209,212,212,212,209,212,217,217,215,212,212,215,212,207,204,207,207,207,207,204,202,199,139,129,194,207,204,199,199,196,194,194,196,196,191,142,141,142,191,207,217,222,225,222,220,215,212,209,207,207,209,209,207,207,204,207,204,199,191,189,189,189,186,141,141,191,199,202,199,194,192,191,194,199,199,199,199,196,199,202,204,202,202,204,203,203,204,209,215,222,222,215,204,200,204,209,209,209,212,209,209,204,202,196,194,194,191,191,194,199,204,207,209,207,204,202,199,195,195,199,202,199,194,192,194,196,194,191,190,190,191,199,209,209,199,194,192,196,196,196,202,202,204,207,207,199,195,195,196,199,199,199,202,204,204,202,202,202,204,209,215,215,209,207,202,199,202,207,215,217,217,215,212,204,200,202,204,209,207,204,204,207,212,215,220,222,215,209,212,215,217,217,215,212,209,212,215,215,215,212,209,209,207,207,209,209,209,209,212,212,212,211,212,215,215,212,209,209,212,209,204,204,209,204,191,189,191,189,137,134,134,139,186,186,186,189,196,196,199,204,209,212,215,212,209,209,209,215,217,220,217,215,212,204,191,143,194,199,202,207,209,207,204,204,204,207,207,209,212,209,209,217,228,225,209,145,137,133,135,145,209,228,238,243,243,238,233,230,233,235,235,230,225,225,228,222,145,130,135,212,222,228,233,241,246,251,254,254,254,248,246,246,248,254,254,246,230,243,255,255,241,228,220,217,220,220,202,186,186,191,186,178,183,189,189,191,191,183,176,181,189,196,207,217,220,209,199,196,204,222,241,248,248,248,246,243,238,230,222,215,209,199,186,135,133,131,133,135,178,181,181,183,186,181,178,178,186,194,202,202,194,183,178,178,178,129,119,117,121,131,183,189,191,186,176,123,115,117,127,186,202,207,209,212,217,222,222,222,222,228,230,225,215,202,199,199,199,189,183,183,189,191,191,194,196,194,183,168,119,115,115,119,0,186,196,202,204,207,212,217,220,225,228,233,241,246,251,254,254,254,254,254,0,255,255,251,251,254,255,255,255,255,246,230,228,0,0,0,255,254,248,243,238,230,228,233,238,241,243,246,243,238,233,233,0,0,233,225,220,225,230,230,0,0,0,0,0,207,212,212,0,0,207,207,202,199,196,194,194,196,202,0,0,0,207,207,207,204,199,196,196,0,0,0,0,207,196,186,181,178,181,183,183,181,181,183,186,189,191,196,191,183,176,178,183,183,183,189,191,196,194,186,133,127,129,137,194,207,215,217,215,209,204,202,199,199,209,233,248,254,251,251,248,243,238,238,238,241,243,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,246,238,235,238,241,238,241,241,241,241,235,234,234,235,238,235,230,228,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,160,196,202,204,204,202,196,194,191,187,186,189,191,194,199,199,91,0,0,0,19,65,91,160,168,173,181,183,181,181,183,186,194,196,75,69,176,199,199,191,194,196,183,104,104,117,168,189,196,189,178,169,176,183,173,124,127,178,186,186,176,117,102,97,107,173,189,189,183,178,170,166,170,194,199,196,199,196,189,181,181,181,173,173,176,178,176,173,176,176,127,117,111,109,111,111,117,168,178,186,191,191,191,189,183,181,176,173,176,181,183,159,159,165,176,176,168,123,121,123,165,168,176,186,189,178,168,125,117,121,178,189,189,186,186,186,181,168,119,121,168,170,125,121,121,125,165,165,168,168,123,121,121,122,168,176,176,168,123,124,170,181,189,191,194,191,186,178,173,170,165,125,168,173,170,115,111,123,168,110,105,111,181,191,191,191,186,189,194,199,202,204,209,212,212,209,207,202,199,189,183,178,176,181,176,131,131,176,176,176,176,173,176,183,186,189,181,125,105,96,101,119,173,202,207,202,186,125,123,119,99,83,21,18,23,38,178,194,181,131,124,124,176,186,186,189,196,196,186,173,127,125,122,122,123,176,191,194,181,127,124,127,170,173,178,178,119,114,118,125,123,121,115,107,106,121,181,194,202,204,199,199,199,196,196,196,199,202,202,202,204,207,212,212,207,178,17,65,189,196,202,200,202,204,204,207,209,209,209,207,207,204,199,189,181,176,173,129,127,127,178,186,130,128,132,176,183,178,128,133,186,191,191,186,176,133,131,128,130,178,183,186,194,209,178,87,70,91,91,85,109,131,183,119,111,173,194,199,191,131,178,183,191,199,196,178,176,181,174,173,183,196,196,191,186,178,176,135,181,189,186,183,189,189,189,189,194,196,194,191,194,194,191,179,177,178,181,186,137,132,135,189,196,196,191,189,191,194,194,191,189,191,194,196,196,196,196,196,199,202,204,204,199,196,196,202,204,204,204,204,204,204,204,204,202,199,202,204,204,204,202,202,199,196,196,199,202,202,199,196,196,202,207,209,207,199,194,189,186,186,186,186,186,189,194,196,196,194,186,178,177,178,181,186,189,194,196,199,202,202,204,204,199,198,199,202,204,204,202,199,194,194,191,191,194,199,202,202,196,196,196,196,191,190,194,202,204,204,202,199,198,198,199,196,189,183,191,196,199,196,196,196,194,194,194,192,194,199,202,204,204,207,207,207,202,194,183,178,178,183,186,189,189,189,183,176,127,127,131,133,131,126,127,133,133,176,181,186,189,191,189,181,133,178,186,186,183,186,199,204,196,189,183,181,178,178,181,183,183,183,181,183,189,183,183,186,191,191,189,191,189,137,135,135,136,189,194,194,194,196,194,189,182,181,183,191,204,207,207,209,212,215,215,212,212,215,215,215,215,217,217,215,212,212,212,212,209,208,208,212,215,215,204,147,144,147,207,215,222,222,217,215,209,199,194,147,196,204,207,207,209,215,217,217,215,212,209,209,209,209,212,212,212,207,207,207,209,212,212,212,209,204,202,202,202,204,207,209,209,215,217,215,207,207,207,209,207,204,203,203,204,209,215,215,215,211,211,212,215,217,222,222,217,215,215,217,222,222,222,225,228,233,228,222,217,222,228,228,225,222,222,225,228,230,233,233,233,233,230,225,222,222,228,230,233,230,225,222,222,225,228,233,233,233,235,235,233,233,230,228,228,228,228,228,228,228,228,228,225,222,222,222,225,225,225,225,222,217,217,215,213,217,228,230,233,233,228,225,224,228,230,235,238,238,238,238,235,233,230,228,228,228,230,228,228,225,225,225,222,217,217,217,222,225,228,228,222,215,212,212,209,209,208,209,209,207,204,207,209,212,212,212,212,212,212,212,209,204,202,204,209,212,212,212,209,204,202,199,196,196,196,196,196,194,194,191,191,194,194,191,189,186,186,186,186,186,189,189,191,189,189,186,186,189,194,196,196,191,189,185,183,186,194,202,209,215,215,212,211,211,212,217,215,209,204,202,202,202,202,207,212,222,222,222,217,220,228,233,233,230,230,233,233,235,238,238,235,235,238,235,228,215,209,217,230,241,246,241,225,204,199,202,207,209,207,199,147,147,194,199,204,209,215,222,228,235,238,241,238,238,235,233,230,225,222,222,220,217,215,212,212,212,209,207,204,199,196,189,137,129,126,126,133,183,191,199,209,217,222,225,222,222,215,199,82,68,71,79,83,86,103,181,204,204,196,196,207,215,212,204,199,204,209,215,217,225,225,225,225,225,225,228,230,233,233,228,215,196,135,112,115,204,225,235,238,235,222,207,199,202,196,137,123,121,131,137,139,183,189,186,186,191,191,189,194,204,215,209,196,183,129,127,133,189,199,204,204,209,212,207,194,186,186,191,191,194,194,196,196,196,196,194,196,202,207,207,204,202,202,202,202,202,204,207,207,207,207,209,209,207,203,203,207,212,212,209,209,207,204,202,202,202,199,189,131,123,129,189,204,212,212,212,209,208,209,215,217,215,212,212,212,212,207,204,207,207,204,207,207,204,204,196,194,207,209,202,199,199,202,204,204,202,196,194,191,143,189,196,212,222,225,225,222,215,209,209,207,207,207,209,209,204,202,202,204,204,202,196,189,189,186,141,140,140,186,191,196,196,196,194,191,192,196,196,196,199,202,204,207,207,204,204,204,204,203,203,204,212,217,215,209,200,199,202,209,209,207,207,204,204,202,199,199,202,202,199,199,199,199,202,204,207,204,202,199,196,195,195,196,199,196,194,194,196,196,196,194,191,190,190,194,204,207,202,194,194,196,199,199,202,202,204,209,207,202,196,195,196,196,199,199,202,202,204,202,199,199,202,204,209,209,209,207,204,202,204,207,209,215,215,217,215,207,202,204,209,215,212,209,207,209,212,215,217,217,215,209,215,217,222,217,215,212,212,212,212,212,212,212,209,207,207,207,207,207,207,207,209,212,212,212,215,217,215,209,209,209,209,209,209,212,215,207,191,139,141,139,135,134,135,139,186,189,186,186,194,199,202,207,212,215,215,212,209,209,212,215,220,222,222,222,222,215,199,191,196,202,202,199,202,202,199,202,202,202,204,207,212,212,217,225,233,230,215,202,191,145,147,202,217,233,241,243,243,241,238,235,235,233,228,222,220,222,220,207,139,135,147,217,230,238,243,248,251,254,254,254,254,251,251,254,255,255,255,254,241,254,255,248,228,217,216,216,222,228,212,186,173,170,168,168,0,0,194,199,196,186,0,0,191,199,212,220,217,209,199,191,194,212,233,243,246,246,243,241,235,228,212,204,202,199,189,135,127,125,126,127,133,178,181,189,196,189,178,176,178,186,194,199,191,181,129,127,125,117,111,109,111,117,125,133,181,176,121,110,108,110,117,178,196,207,212,215,217,217,215,212,217,225,233,230,222,212,207,207,207,202,194,194,196,191,190,194,199,199,189,170,117,114,115,117,0,178,189,194,202,209,217,222,222,225,230,235,241,246,251,254,251,251,251,254,254,251,251,251,255,255,255,255,255,255,255,243,241,0,0,0,255,254,251,246,241,235,233,235,241,243,243,246,243,238,233,230,0,0,230,222,215,217,222,222,0,0,0,0,0,0,207,212,0,0,209,207,204,204,202,199,196,199,204,0,0,0,0,209,207,204,199,199,0,0,0,0,0,209,199,189,181,178,178,181,181,178,178,183,186,189,194,196,194,186,181,181,183,183,183,186,191,196,199,191,137,129,129,135,194,207,215,220,217,212,207,202,200,200,212,233,246,251,254,251,248,243,238,241,243,246,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,241,241,241,241,241,241,243,243,241,235,234,234,235,235,235,230,228,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,181,189,199,204,204,204,202,196,196,194,189,189,194,191,191,196,202,139,0,0,41,150,176,183,173,160,155,163,173,181,186,189,191,196,196,72,69,186,196,196,196,196,194,173,99,101,117,176,199,204,189,173,168,170,183,170,124,168,186,196,196,186,127,107,100,121,202,209,199,186,173,169,170,181,204,209,209,209,202,191,183,181,183,178,178,183,183,183,181,183,183,176,125,119,117,115,115,121,168,176,181,181,181,183,191,189,183,176,176,176,176,173,164,165,170,170,125,119,119,119,120,165,170,176,176,173,173,168,125,119,121,173,183,186,183,186,183,176,119,113,117,168,168,123,121,121,125,170,178,181,176,125,123,123,125,170,178,176,168,122,122,165,178,186,191,194,194,189,181,176,173,170,125,127,173,170,119,113,119,119,109,106,117,181,191,194,191,191,191,196,199,199,204,212,217,217,215,212,209,207,204,202,199,196,199,191,178,176,176,181,183,181,176,178,186,186,181,131,123,125,189,209,217,222,225,222,212,191,107,87,87,87,69,35,103,194,196,204,207,199,183,129,129,176,176,170,170,181,189,186,178,129,125,125,123,127,186,204,207,186,124,121,125,170,176,176,173,125,119,121,125,127,127,127,121,119,125,178,189,196,196,196,199,199,196,196,199,202,202,204,207,207,207,212,209,189,37,0,77,183,196,202,202,204,207,204,204,207,209,212,215,215,209,204,194,181,178,176,173,131,176,194,194,129,128,133,181,183,132,128,133,189,191,186,176,133,178,178,176,181,191,189,181,178,91,56,41,93,121,181,176,125,131,183,131,129,191,202,196,178,128,178,189,194,202,196,189,189,196,183,176,183,191,183,129,128,133,178,178,181,194,199,196,194,194,194,196,202,204,199,194,191,191,189,181,181,183,191,196,191,186,191,199,202,199,196,196,194,191,191,191,191,194,196,199,199,196,194,194,196,202,204,202,199,195,196,202,207,207,207,204,207,207,209,207,204,202,202,202,202,199,199,199,196,196,196,196,196,196,199,202,202,202,202,204,204,199,194,191,186,183,183,186,186,186,189,194,196,194,191,186,183,183,186,189,191,194,199,202,204,204,207,204,202,199,202,204,204,204,204,202,199,199,199,199,199,202,202,199,194,194,199,202,196,191,194,199,202,202,202,199,198,198,199,199,199,199,199,202,199,199,199,202,202,202,199,199,199,202,202,202,204,207,207,207,202,196,189,186,186,186,183,183,186,186,176,121,117,121,129,133,127,124,126,131,176,181,183,186,189,191,189,178,131,135,186,186,183,185,194,196,191,189,186,181,177,176,177,181,181,178,135,181,186,183,181,183,191,196,194,191,186,136,135,136,183,196,199,194,194,196,191,186,181,181,187,196,204,204,204,207,209,215,215,215,215,215,215,215,215,215,217,215,215,212,209,209,208,208,209,212,215,212,204,196,194,199,209,217,225,225,225,225,217,209,199,196,199,204,207,207,207,209,212,212,212,209,209,212,212,212,212,209,207,204,204,204,207,207,207,209,207,204,200,200,200,204,207,209,212,215,215,212,207,204,204,204,204,204,204,207,209,212,217,215,212,211,211,212,215,217,217,217,215,212,213,215,217,222,222,225,228,230,228,225,222,222,225,228,228,222,222,225,228,230,230,230,228,228,225,225,222,225,228,230,233,228,222,215,215,222,228,233,233,233,235,235,233,233,230,228,228,228,228,228,228,228,228,228,228,225,222,225,225,222,222,217,217,217,217,216,215,217,228,230,230,233,228,225,225,228,233,235,235,238,238,238,235,233,230,230,228,230,228,228,225,222,222,222,222,217,212,212,217,222,225,225,222,212,209,209,209,208,208,209,209,207,207,207,209,212,212,212,209,209,212,209,204,202,202,207,212,212,212,212,209,204,202,199,194,194,194,194,196,196,194,194,194,194,196,194,191,186,186,186,189,189,189,189,189,189,189,186,186,189,194,196,196,191,191,189,189,194,199,209,215,222,222,217,212,211,212,217,215,207,202,202,202,204,207,209,215,220,217,215,209,215,228,233,233,230,230,230,233,235,238,241,238,238,241,241,235,225,217,222,233,243,248,246,233,209,202,202,204,209,207,202,196,194,194,199,204,212,217,225,228,233,235,235,235,233,233,230,228,225,222,222,220,217,215,212,212,212,207,202,204,202,202,196,183,133,127,126,129,133,178,189,204,215,222,222,215,217,217,212,105,89,87,87,89,97,111,129,194,186,183,191,204,209,207,199,194,199,204,209,217,222,222,222,222,222,222,225,225,225,225,222,212,196,131,107,109,135,215,233,238,230,209,191,186,191,186,125,114,113,114,123,189,204,204,199,194,196,196,199,204,215,222,215,199,139,129,129,183,202,209,212,212,217,220,215,204,196,196,191,190,191,194,196,196,199,202,202,204,207,209,207,204,202,200,202,202,202,202,202,202,199,202,204,209,209,204,203,207,209,212,209,209,204,202,196,196,199,196,139,123,116,120,139,207,217,215,209,209,209,212,215,215,212,209,207,207,209,207,204,207,207,204,207,209,207,207,204,204,209,209,202,202,202,207,212,209,202,196,196,202,204,204,209,217,225,225,222,217,209,207,207,209,209,209,209,207,204,200,199,202,207,207,199,191,189,186,141,141,141,141,141,186,194,196,194,192,191,194,194,194,202,207,209,212,209,207,204,207,207,204,202,203,207,212,212,207,202,200,204,209,209,207,204,202,202,202,202,204,204,207,204,202,199,199,202,207,209,209,204,202,199,199,199,196,194,189,189,191,194,194,194,194,194,191,194,196,199,204,204,199,196,199,199,199,202,202,204,207,209,204,199,196,196,199,199,202,202,202,202,202,199,196,196,199,202,202,202,199,202,204,207,207,207,207,212,217,215,207,202,204,212,217,217,212,209,212,212,212,215,215,212,212,217,222,222,217,215,212,212,215,215,212,212,209,209,209,207,207,207,205,205,207,209,212,212,215,215,217,215,209,209,212,212,209,212,215,215,207,189,137,134,134,135,137,135,134,139,191,191,186,191,199,207,212,215,215,212,212,209,209,212,217,222,225,222,222,225,222,204,196,199,202,199,194,189,145,191,194,196,199,204,207,209,212,217,228,235,235,228,215,209,207,209,220,230,238,241,241,241,241,238,235,233,222,209,199,202,204,149,119,115,133,204,228,241,248,251,254,255,255,254,254,254,251,251,254,255,255,255,255,255,255,255,246,225,216,215,215,222,230,222,191,173,168,173,189,0,209,207,204,194,0,0,0,207,228,233,225,217,209,202,191,191,209,230,241,243,241,238,235,230,217,199,191,194,196,191,178,127,125,125,127,131,135,183,194,199,189,133,125,127,176,189,196,191,176,123,119,117,111,107,106,109,111,111,119,127,129,117,109,108,112,119,176,191,202,207,207,204,204,202,202,207,217,228,230,222,215,212,215,215,209,202,199,196,191,189,191,202,204,194,176,117,114,115,117,165,181,191,199,207,215,222,225,225,228,235,241,243,248,251,251,251,251,248,248,246,243,243,248,255,255,255,255,255,255,255,255,254,0,0,0,255,255,251,248,246,241,238,241,243,243,243,243,241,235,230,230,230,230,228,217,212,212,212,212,209,0,0,0,0,0,207,209,209,207,207,204,204,204,204,202,196,199,204,0,0,0,0,209,207,204,204,204,0,0,0,0,0,207,199,189,183,178,178,178,178,176,178,181,186,191,194,199,196,189,183,183,186,186,186,189,194,199,199,196,186,137,135,141,199,209,215,220,217,215,209,204,202,204,215,233,246,251,254,254,248,241,241,243,246,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,243,241,243,241,241,243,243,243,241,238,235,235,235,235,233,230,228,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,194,194,191,194,199,202,202,202,202,202,196,191,191,194,196,194,194,183,97,39,81,196,181,178,183,178,113,106,113,163,181,191,196,199,194,183,82,83,186,194,196,196,196,196,181,105,105,123,176,194,196,186,176,169,170,173,126,125,170,189,202,204,191,173,123,123,186,207,209,199,183,173,170,189,191,202,209,212,212,209,202,191,186,186,178,181,189,189,183,181,183,186,181,170,168,125,123,123,127,170,176,176,176,176,178,186,183,178,176,173,173,173,173,176,178,178,173,125,119,119,120,119,125,173,176,111,101,123,125,123,119,121,168,181,183,183,183,176,121,111,111,121,170,170,123,121,121,125,173,183,189,183,170,165,125,165,170,176,176,168,123,123,165,176,181,186,189,191,186,178,173,173,170,125,125,168,127,123,121,123,121,113,115,173,189,191,191,191,194,196,202,202,202,207,215,225,225,222,215,215,212,212,212,207,204,204,199,189,183,183,189,196,189,181,181,189,189,178,129,127,173,186,196,207,220,225,217,209,196,117,97,101,125,189,125,181,199,204,209,212,207,189,178,178,181,176,168,168,174,194,199,194,181,129,125,123,125,186,207,209,189,127,123,127,173,176,170,170,170,170,129,129,129,170,129,125,121,121,131,186,194,196,199,199,196,194,196,199,199,199,202,204,202,196,202,196,103,0,0,77,176,202,207,207,207,207,202,202,202,207,212,215,215,215,209,196,183,178,178,181,181,186,199,202,178,133,181,183,183,176,132,186,196,194,176,125,131,181,183,186,194,199,189,127,115,63,46,36,119,131,186,189,176,178,183,173,178,202,202,183,125,121,176,189,194,191,186,194,202,204,191,181,178,178,129,123,121,129,178,178,181,194,202,196,191,194,196,202,204,204,199,191,189,191,194,191,191,194,199,204,204,199,202,204,204,202,202,199,191,185,185,189,194,196,199,199,199,196,191,191,196,202,204,202,196,195,199,204,209,209,207,207,207,209,209,207,202,199,199,202,202,199,199,199,196,194,194,194,191,194,199,207,207,202,196,196,196,194,194,191,186,183,183,189,189,189,189,191,194,194,194,191,191,191,194,194,194,196,196,199,202,202,202,202,202,204,207,204,202,204,204,204,202,202,202,202,202,202,202,196,191,191,194,196,194,191,191,194,196,199,202,202,199,199,202,202,202,204,204,204,204,204,204,204,207,207,204,204,204,202,202,200,202,204,207,202,199,196,191,189,189,186,181,176,176,133,117,109,111,125,176,133,126,125,129,176,181,183,186,186,189,189,186,135,131,135,186,189,186,186,189,189,189,186,183,181,177,177,177,178,135,134,134,135,178,135,134,178,189,199,199,196,191,186,183,183,191,202,202,196,196,202,202,196,191,196,204,207,204,202,199,202,204,209,212,212,212,215,215,215,215,215,217,217,215,209,209,208,209,209,212,215,215,207,202,199,202,204,209,217,225,230,230,228,225,217,209,202,199,202,204,204,204,204,207,207,207,207,212,215,217,215,209,207,204,203,204,204,204,204,204,204,204,202,202,200,202,204,207,212,215,215,215,212,209,207,204,204,204,207,209,212,215,217,222,217,215,212,215,217,217,217,222,222,215,213,213,217,222,225,225,225,228,225,222,212,212,215,222,225,225,222,225,228,230,230,233,230,228,225,225,222,222,225,228,228,228,225,217,212,215,222,228,233,233,233,233,233,233,233,230,228,228,228,228,228,228,228,228,228,228,225,222,225,225,222,216,216,217,217,222,217,216,222,225,228,230,230,228,228,228,230,233,235,235,235,235,235,235,235,233,230,230,230,230,228,222,220,220,222,222,215,212,209,215,222,225,222,217,212,212,212,212,209,209,209,209,207,204,207,207,209,212,212,209,209,209,207,202,199,202,209,212,212,212,212,209,204,202,196,194,192,192,194,196,196,196,194,194,196,196,196,191,189,186,186,189,189,189,187,187,189,189,186,186,189,194,196,196,194,191,191,191,196,204,212,222,225,225,225,220,215,212,215,215,209,202,202,204,209,212,215,217,217,212,207,204,212,228,235,235,233,233,230,230,233,241,241,238,238,238,241,238,235,233,233,0,248,254,255,246,222,207,202,204,207,207,204,199,196,196,199,207,215,222,225,228,233,233,233,233,230,228,225,225,225,222,222,220,217,212,212,212,212,204,199,199,202,202,199,186,133,128,128,129,129,131,181,199,209,217,217,215,217,222,225,125,105,103,103,107,113,113,107,103,103,119,181,202,207,202,194,189,191,199,207,215,222,222,217,217,217,217,217,217,217,215,215,212,207,196,120,118,128,189,225,233,225,199,137,125,125,125,120,115,111,117,135,196,209,212,207,202,202,202,204,209,222,228,217,202,137,125,125,139,202,209,215,217,225,225,220,209,202,202,199,194,196,196,196,199,199,202,207,207,209,209,209,207,202,202,202,202,202,202,199,199,198,199,207,212,212,207,204,209,212,209,209,209,204,199,196,196,199,199,189,129,118,121,141,212,222,215,209,212,215,215,215,215,209,207,202,199,199,202,204,207,207,204,207,207,207,204,204,207,207,207,207,202,199,204,212,212,202,196,202,212,217,215,215,220,222,217,212,209,207,205,207,209,212,212,209,207,204,200,199,202,209,209,204,194,189,186,186,186,141,138,137,138,189,194,194,194,192,192,192,196,204,207,209,212,212,207,204,207,212,207,204,204,207,212,212,209,204,202,207,209,207,204,202,202,204,204,204,207,207,207,204,202,199,199,199,207,212,215,212,207,202,202,204,202,194,187,187,191,191,189,189,189,194,196,199,199,199,202,207,207,204,199,199,199,199,199,199,204,204,202,199,199,202,204,207,204,204,202,204,202,199,196,194,194,194,196,196,196,199,207,212,209,205,205,209,215,215,209,204,207,212,217,220,215,212,209,209,209,209,212,212,212,217,217,217,215,212,212,215,215,215,212,212,212,212,209,209,209,207,207,205,207,212,215,217,217,217,215,212,209,209,212,212,209,212,212,215,209,194,141,135,134,139,141,135,131,134,189,194,189,189,199,209,215,217,215,212,209,209,209,212,217,222,222,217,217,222,222,204,195,196,202,196,191,144,143,144,145,194,199,204,209,209,212,217,228,235,238,233,228,225,222,225,230,235,241,241,241,243,241,241,235,228,209,145,135,135,137,121,105,104,121,212,235,246,251,251,254,255,255,255,255,255,251,250,251,255,255,255,255,255,255,255,248,233,222,222,222,228,230,222,202,186,181,194,0,0,0,217,209,194,189,0,0,0,241,241,222,207,199,194,186,191,209,230,241,243,241,238,233,225,204,189,186,189,194,194,189,178,129,127,133,135,178,186,199,199,181,125,121,121,129,183,196,191,176,123,119,117,113,107,106,107,107,107,111,123,129,123,114,119,127,176,186,196,204,202,194,187,187,189,191,202,215,225,228,225,217,215,217,217,212,204,199,196,190,189,194,202,204,196,178,119,115,115,119,165,186,202,212,215,220,225,228,228,230,238,243,246,248,251,251,251,248,248,246,241,237,238,246,255,255,255,255,255,255,255,255,255,0,0,0,255,255,254,251,248,243,243,246,248,246,246,243,241,233,230,230,233,230,225,215,212,209,207,204,199,0,0,0,0,0,0,0,207,202,199,199,199,202,199,199,199,202,204,0,0,0,0,209,207,207,207,0,0,0,0,0,0,207,199,191,186,181,178,178,176,176,176,181,186,191,196,202,199,191,183,183,186,189,189,189,194,196,199,196,191,186,186,194,207,215,217,222,222,220,215,212,209,209,222,233,243,248,251,251,248,243,241,246,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,243,241,243,241,243,243,243,241,241,238,238,235,235,233,233,230,228,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,196,204,202,194,186,186,191,196,199,202,204,202,199,194,190,194,196,194,191,186,155,53,73,170,170,170,176,168,104,102,107,157,178,194,199,196,178,107,95,119,189,191,194,194,194,194,186,121,119,165,173,181,183,178,178,173,170,168,125,126,170,183,196,196,183,170,170,178,191,199,199,191,181,131,131,191,189,196,204,209,215,209,202,191,186,183,173,173,183,183,178,173,178,181,178,176,176,170,127,127,170,173,176,176,176,176,178,178,178,173,173,173,173,173,176,183,183,181,176,168,125,123,121,121,168,181,186,87,72,117,123,125,125,125,165,176,186,186,181,170,115,110,114,168,176,170,123,119,119,121,165,173,181,181,170,168,165,165,168,170,170,127,125,125,173,178,181,183,186,186,183,176,168,168,168,168,168,127,125,170,178,181,170,121,127,183,189,189,189,191,194,199,207,207,204,207,215,225,228,222,215,212,212,212,212,207,202,204,199,189,186,189,196,204,199,183,181,183,186,186,178,173,178,181,183,189,204,207,199,194,186,131,127,189,204,202,191,189,191,204,209,207,199,183,178,181,186,186,181,178,186,199,204,196,176,119,117,117,121,178,194,196,181,129,127,129,170,170,127,129,173,176,176,176,170,129,125,121,118,118,127,183,194,196,196,191,181,181,189,189,178,183,191,194,178,121,170,165,45,0,0,57,165,215,215,209,209,207,202,199,202,207,209,212,209,209,207,199,183,177,177,183,186,183,189,191,181,178,183,181,183,183,189,199,204,199,127,107,131,183,189,194,199,196,181,119,111,109,97,95,186,186,194,194,189,186,186,176,183,204,196,173,126,128,183,191,191,177,174,189,196,199,191,178,133,133,131,126,125,135,183,181,183,191,194,191,191,196,199,202,204,202,196,191,189,194,202,202,199,196,199,207,207,204,204,204,204,204,204,199,186,182,183,189,196,199,199,196,196,194,189,189,194,204,204,199,195,195,199,204,209,209,207,207,207,204,204,202,199,199,199,202,202,202,199,194,189,186,189,189,189,191,196,204,204,202,196,191,189,189,191,189,183,182,183,189,191,191,191,191,191,191,191,194,194,194,196,196,196,196,196,196,196,199,199,196,199,204,204,202,196,199,202,202,202,202,202,199,199,196,196,196,191,191,191,191,189,189,191,194,196,199,202,202,199,196,202,202,200,202,204,207,204,204,207,207,207,207,207,207,207,204,202,200,202,202,202,196,194,194,191,189,189,189,183,131,115,106,106,109,117,133,181,181,133,176,178,181,186,186,186,186,186,186,181,133,131,135,183,186,186,186,186,186,186,181,177,177,181,181,181,181,178,134,134,135,135,133,132,135,189,199,199,196,196,194,189,186,191,202,204,202,207,212,215,215,209,209,212,209,204,199,198,198,199,204,209,209,212,215,212,212,215,217,217,217,215,212,209,209,212,215,217,217,215,207,199,199,204,209,215,220,228,230,230,228,225,222,215,204,199,199,204,207,209,209,207,207,207,209,212,215,215,212,207,204,204,204,207,207,204,202,202,202,204,204,207,207,204,204,207,215,222,222,217,215,212,209,207,204,204,209,215,217,217,222,225,217,215,215,222,222,222,222,222,222,215,215,217,225,228,228,228,228,225,222,209,202,203,212,222,222,215,217,225,228,228,230,233,233,228,225,222,222,225,222,222,222,222,222,215,212,212,222,228,230,230,230,230,230,230,230,228,228,225,228,228,225,225,225,225,228,228,225,225,228,228,222,216,216,217,222,228,225,217,222,225,228,228,230,228,228,230,233,235,235,233,233,233,235,235,235,235,233,233,233,233,228,225,222,222,222,222,217,209,209,215,222,225,222,215,212,212,215,215,212,212,209,207,204,204,204,204,207,212,209,207,207,209,207,199,196,202,209,215,215,212,212,209,207,202,199,194,194,194,196,199,199,196,196,196,199,199,194,191,189,186,186,189,189,189,187,187,189,189,186,185,185,191,196,196,194,194,191,189,196,202,209,215,222,225,225,222,217,212,212,212,209,204,204,207,212,217,222,217,212,207,199,199,209,225,235,238,235,233,230,230,233,238,241,238,235,235,238,241,243,241,238,241,248,254,254,246,228,212,204,202,207,209,209,204,202,202,202,209,215,225,228,230,233,233,233,230,228,225,225,222,222,222,222,220,217,215,212,215,215,207,199,196,196,196,194,181,133,129,133,133,129,129,181,199,209,215,217,215,217,215,212,117,111,115,119,123,125,111,88,81,81,93,123,196,207,202,191,187,189,196,207,215,220,217,215,215,215,217,215,215,212,212,212,212,217,220,204,137,127,131,215,225,212,196,137,120,117,118,125,137,139,196,204,204,209,212,209,204,199,199,199,207,217,228,222,207,183,125,119,125,137,186,199,209,217,222,217,207,204,204,204,202,202,199,196,196,196,199,202,204,207,209,209,209,207,204,207,207,204,202,202,199,199,202,209,215,217,209,207,209,212,209,207,207,202,199,196,199,204,207,204,189,133,133,191,212,217,215,212,215,217,212,209,207,207,204,196,191,191,199,207,207,207,207,204,202,196,139,191,204,207,209,209,199,196,198,204,209,207,204,207,215,222,217,215,215,215,212,209,209,207,207,207,212,215,215,212,207,207,202,200,204,209,209,207,199,194,189,186,189,186,139,136,137,141,189,191,194,196,194,196,202,207,209,212,215,212,207,204,207,212,212,209,209,209,212,212,209,207,202,204,207,204,202,202,202,202,202,202,204,204,204,202,199,199,196,196,199,207,212,209,207,202,204,207,207,202,191,189,189,191,186,183,186,194,202,202,202,199,199,202,209,209,202,199,202,199,196,196,199,202,199,199,199,202,207,212,215,212,209,207,204,199,194,192,192,194,196,199,199,204,209,212,212,207,207,209,215,215,212,209,209,212,215,217,215,209,207,205,205,207,212,212,212,215,215,217,215,215,212,215,215,215,215,212,212,212,212,212,212,209,207,207,209,215,220,222,222,217,215,212,209,209,215,212,209,209,212,215,215,207,196,186,137,139,141,139,134,134,139,191,194,194,199,207,215,217,215,212,209,209,209,212,217,220,217,215,215,217,217,207,195,195,199,199,196,145,145,145,191,194,199,207,212,209,207,212,222,230,235,233,230,230,230,233,235,238,241,243,243,243,243,243,241,228,207,139,125,119,115,110,106,110,137,225,243,248,248,251,251,254,254,255,255,255,254,251,254,255,255,255,255,255,255,255,248,241,235,235,238,235,230,220,207,196,191,207,0,0,230,230,220,199,196,0,0,0,235,233,220,204,194,185,181,185,204,225,238,241,243,241,235,220,196,187,187,194,196,199,199,189,181,178,181,181,183,191,202,196,176,119,115,115,121,176,191,191,181,131,127,125,117,111,106,106,107,111,117,129,181,181,173,186,191,196,202,209,212,204,189,183,185,189,196,207,220,228,230,230,228,222,217,217,212,207,202,196,191,190,196,204,204,196,178,160,117,116,117,165,186,204,215,217,217,225,228,230,233,241,243,246,248,251,251,248,248,246,243,238,237,238,246,254,255,255,255,255,255,255,255,255,0,0,0,255,255,254,254,251,248,246,248,251,248,246,243,238,233,230,233,235,230,222,215,212,207,202,196,194,199,0,0,0,0,0,0,207,199,194,194,194,196,196,196,199,202,204,0,0,0,0,209,207,207,209,0,0,0,0,0,0,204,199,196,189,183,178,176,176,174,176,181,186,191,199,202,199,194,186,181,183,189,191,191,194,196,199,196,196,194,199,204,212,217,222,228,228,225,217,215,215,217,228,235,241,243,248,251,248,246,246,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,246,241,239,241,243,243,243,243,241,238,241,241,238,235,233,230,230,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,183,196,204,207,202,196,183,178,178,183,194,199,199,199,202,204,196,194,199,202,196,191,191,194,71,73,107,150,155,155,115,103,103,109,121,173,189,194,186,109,93,107,181,189,191,194,194,189,189,181,119,119,119,117,170,173,173,178,178,173,168,127,127,168,176,186,183,170,169,176,191,194,191,181,176,173,127,124,173,131,183,199,209,212,204,194,183,181,178,129,128,176,173,129,128,170,173,173,176,178,176,170,170,173,176,176,176,176,178,181,178,173,170,170,173,176,173,176,181,181,176,176,176,170,127,123,125,173,186,196,82,64,117,125,168,165,123,123,170,186,189,183,176,121,115,121,173,173,168,123,119,118,119,119,121,165,173,170,170,127,125,125,127,125,124,125,170,178,181,181,181,181,183,181,173,125,123,168,176,176,170,125,173,183,183,170,121,127,181,183,183,186,189,191,199,207,209,207,204,209,217,217,212,207,204,207,209,209,204,202,199,194,186,185,189,196,207,204,186,176,176,181,183,178,178,183,183,178,176,181,183,183,186,186,183,191,204,209,212,207,194,176,183,194,191,189,178,176,178,186,194,202,209,209,191,191,173,109,107,112,119,123,173,181,178,127,120,121,125,127,127,126,127,170,176,178,176,170,127,121,120,119,120,129,183,191,194,191,173,118,118,127,123,115,125,173,173,111,102,109,103,0,0,0,31,115,230,215,209,209,207,202,199,202,204,207,204,199,196,199,194,181,174,176,181,183,178,178,178,178,181,181,179,183,191,199,204,202,202,107,89,176,194,196,199,199,196,178,123,123,194,207,215,204,204,207,196,196,196,196,189,196,207,196,183,176,181,189,194,191,177,174,178,178,189,186,176,132,133,181,189,191,194,191,186,183,189,189,191,199,199,199,202,202,204,202,199,196,202,207,204,199,194,194,202,204,202,204,204,204,207,207,199,186,182,185,194,199,202,196,194,191,191,189,189,196,204,204,199,195,195,202,207,207,204,204,204,202,202,199,199,199,198,199,202,202,202,194,183,131,129,135,139,183,186,189,194,199,199,196,194,189,187,189,189,183,182,183,186,189,194,196,194,191,189,189,189,191,191,194,196,196,194,194,194,194,199,196,194,196,202,202,194,186,194,196,199,199,199,196,196,191,189,191,194,194,191,189,189,186,191,194,196,196,199,202,199,195,195,202,204,200,200,204,207,204,204,204,204,204,204,207,207,207,207,204,202,202,202,199,194,191,191,191,189,187,191,189,127,95,90,106,125,178,183,186,189,191,186,183,183,186,186,183,183,183,183,178,131,131,133,178,181,183,186,186,189,186,178,176,177,189,191,189,189,183,181,178,178,178,134,134,178,186,194,194,191,194,196,191,186,189,199,204,207,215,222,225,222,215,209,209,207,204,199,198,198,199,204,209,212,215,215,212,212,215,217,222,217,215,212,212,215,217,220,217,215,212,207,202,199,204,212,215,220,225,230,228,222,217,217,215,209,202,202,207,212,215,215,212,212,209,209,212,215,215,209,204,203,203,207,209,207,202,200,202,204,207,209,212,212,209,207,209,217,225,225,217,215,212,212,209,207,207,212,215,217,217,217,217,215,212,215,222,222,217,217,217,217,215,217,222,228,230,230,228,228,225,217,204,199,202,212,222,217,213,215,222,225,225,228,230,230,225,222,222,225,225,222,217,217,215,215,212,212,215,222,228,230,230,230,230,230,230,228,228,225,225,225,225,225,225,225,225,225,228,228,228,228,228,225,217,217,222,225,228,225,222,222,225,225,228,228,228,228,230,233,235,233,230,230,230,233,235,235,235,235,235,235,233,230,225,222,222,222,225,217,209,208,212,222,222,222,215,212,211,212,215,212,212,209,207,204,204,204,204,204,209,209,207,207,207,204,196,195,202,209,215,215,215,212,209,207,204,202,196,196,196,196,199,199,199,199,199,199,199,194,191,189,189,186,186,189,189,187,187,189,189,186,185,183,186,191,194,194,191,189,187,191,196,202,207,212,217,217,217,217,212,212,212,212,207,207,209,212,217,222,220,212,202,149,196,209,225,233,235,233,230,230,229,233,238,238,235,233,230,233,238,243,241,238,238,241,241,238,233,230,217,207,204,207,212,215,212,209,207,207,209,215,222,225,230,233,233,230,228,225,222,222,222,222,222,222,222,222,222,217,217,220,209,202,196,191,186,183,135,129,131,135,178,135,135,189,207,212,217,222,217,215,199,183,101,119,129,131,176,178,121,89,79,73,83,109,189,202,199,191,187,191,199,207,215,217,215,212,212,215,215,215,212,212,211,212,215,217,222,217,196,128,128,207,217,209,204,196,139,120,120,139,199,207,209,209,209,209,209,207,202,194,189,183,194,212,225,222,207,189,125,113,107,107,109,121,139,194,207,209,204,202,204,207,207,207,202,196,189,189,191,196,202,204,207,209,209,209,209,209,209,207,207,204,202,202,204,212,217,217,209,204,207,209,209,204,202,199,196,199,202,207,212,212,202,189,143,196,209,215,212,212,215,215,207,202,199,202,204,199,191,190,199,207,207,207,207,202,191,136,124,132,202,207,209,209,198,195,196,202,209,212,212,212,217,217,215,212,212,212,212,212,212,212,209,207,209,212,212,207,204,204,204,204,202,204,207,207,204,202,196,194,194,191,186,139,139,141,186,191,199,202,199,202,207,207,207,209,212,212,204,203,207,212,212,209,209,212,209,207,207,204,202,202,204,202,199,202,199,194,194,194,196,199,202,199,199,202,199,194,192,196,202,202,202,202,204,207,209,207,196,189,189,189,186,182,183,194,204,204,199,196,194,196,207,212,207,202,202,199,195,195,196,199,199,199,199,202,207,215,222,222,217,215,209,199,194,192,192,196,202,204,207,207,209,209,209,209,209,212,215,215,212,209,209,209,209,212,212,209,207,204,204,207,212,215,212,212,215,217,217,215,212,212,215,215,215,212,212,212,212,212,212,209,209,207,212,217,222,225,225,217,212,209,208,209,215,212,209,209,212,217,220,215,204,194,141,141,186,189,186,137,135,141,191,196,202,207,212,217,217,215,209,208,208,209,215,217,217,215,215,222,225,212,202,199,204,204,202,196,196,196,196,196,202,207,209,209,207,209,217,228,233,233,230,233,235,235,238,238,243,246,248,248,246,246,246,235,212,141,125,119,112,109,117,202,225,238,246,251,251,251,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,251,254,251,246,241,243,241,225,212,212,207,199,204,0,0,241,248,238,209,0,0,0,0,0,230,225,212,196,183,181,182,196,215,230,238,246,248,243,217,194,187,194,202,204,204,204,194,183,181,183,183,183,191,199,191,129,114,111,111,114,125,186,196,191,186,183,178,125,115,109,109,117,127,176,189,199,199,196,196,196,199,204,217,220,209,194,187,191,202,209,220,228,233,235,235,233,228,220,215,212,207,204,199,196,196,202,207,207,196,183,168,160,117,117,0,181,199,212,212,212,217,225,230,235,241,243,246,248,251,251,248,246,241,241,238,238,243,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,254,251,251,251,254,251,246,243,238,233,230,233,235,228,220,215,212,207,199,194,191,199,0,0,0,0,0,0,209,199,192,192,194,194,194,194,199,202,207,212,0,0,0,209,207,209,0,0,0,0,0,0,0,202,199,199,194,186,178,176,174,174,176,181,186,191,199,202,199,194,186,181,183,189,191,194,196,196,199,199,199,199,204,207,209,215,222,228,230,225,222,217,225,228,230,235,235,238,243,248,248,246,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,243,239,239,241,243,243,243,243,241,238,241,241,238,235,233,233,230,225,224 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,157,178,199,204,207,199,191,183,177,176,176,177,181,189,196,199,202,204,202,199,202,204,199,194,199,204,189,97,95,99,103,107,107,109,109,117,160,170,181,181,111,105,113,178,191,194,194,196,194,71,53,41,57,40,91,97,121,125,165,176,176,168,127,170,170,168,173,178,173,168,170,186,194,202,186,103,104,125,131,129,126,125,131,186,202,199,183,176,173,178,178,170,129,129,129,128,129,173,176,173,178,183,178,173,173,178,181,178,176,178,181,183,178,168,123,125,176,183,178,170,173,173,173,173,173,173,127,123,127,170,173,168,105,90,109,168,170,121,113,119,168,181,186,183,178,173,165,123,123,125,125,123,121,119,121,121,118,118,168,173,170,125,124,124,124,123,123,125,173,176,178,178,176,170,170,170,123,120,121,170,186,189,183,176,176,181,173,120,119,127,176,181,181,183,186,191,199,207,209,209,204,204,207,209,207,204,204,204,209,207,204,196,194,189,185,185,189,194,204,204,189,173,129,131,176,176,181,186,183,176,173,176,176,178,183,189,191,196,204,209,212,204,181,127,129,176,181,176,173,176,178,181,189,202,209,207,123,108,101,101,109,127,176,176,178,178,173,125,116,112,117,127,129,129,129,170,176,178,173,127,123,119,120,127,129,173,181,181,178,176,123,114,114,118,118,118,125,176,168,113,113,115,67,0,0,0,0,101,170,212,209,204,202,199,194,194,199,194,89,109,129,186,191,181,174,176,181,181,177,177,181,183,181,179,179,186,199,204,196,181,93,84,95,194,199,204,204,204,196,176,127,176,196,209,215,215,212,209,204,202,202,199,196,202,212,209,202,196,194,191,191,194,189,178,176,177,183,186,181,132,132,135,189,196,202,196,189,186,186,194,199,199,199,196,199,204,207,209,207,207,204,204,199,194,194,196,199,199,202,204,207,209,212,212,202,189,186,189,196,199,199,196,194,191,189,189,194,199,204,204,199,196,196,204,207,204,202,202,202,199,199,199,202,199,199,202,204,204,199,191,129,118,118,127,137,139,138,139,186,191,196,196,194,189,187,189,189,189,189,186,189,189,194,196,199,196,191,186,186,186,189,194,199,196,192,191,192,196,199,194,194,196,199,196,189,186,189,189,191,194,194,194,191,189,183,186,189,191,189,183,186,191,194,196,196,196,199,199,199,196,199,202,204,202,202,204,204,204,202,202,196,196,199,202,204,204,204,204,207,209,204,199,196,191,191,191,189,187,189,189,131,111,111,129,186,191,189,186,189,189,183,178,178,181,186,183,181,181,183,178,131,130,131,135,178,181,186,189,191,186,181,178,186,194,194,194,191,189,186,186,186,186,183,178,135,181,189,189,186,189,194,194,191,194,199,204,207,212,222,222,215,207,202,202,202,204,202,199,198,199,207,215,217,215,212,212,212,215,217,217,215,212,212,212,217,222,225,222,215,209,207,207,207,207,209,212,217,225,228,222,215,212,212,215,212,212,215,217,217,215,215,217,217,212,209,212,215,217,215,209,204,203,204,212,207,198,198,204,209,209,215,215,215,215,215,215,217,225,225,217,212,212,215,212,207,209,215,212,212,212,212,209,209,212,217,222,222,217,215,215,215,215,217,222,225,225,228,228,228,225,217,209,204,207,215,222,215,213,215,222,222,225,225,225,222,222,217,222,225,225,222,217,215,215,212,212,215,217,225,228,230,230,230,228,228,228,228,228,228,228,228,225,225,225,225,225,228,228,228,230,230,228,225,225,222,222,225,225,222,222,222,225,225,225,225,225,225,230,233,233,230,230,228,230,230,233,233,233,233,233,233,233,230,225,222,217,222,225,222,212,208,209,217,225,222,217,212,212,212,212,212,209,207,204,204,204,204,204,204,204,204,207,207,204,199,195,195,199,209,215,217,215,212,209,207,204,204,202,196,196,196,196,199,199,202,202,202,199,194,191,191,189,186,186,186,189,189,191,191,189,186,185,185,185,186,189,191,191,189,187,189,196,196,196,204,209,209,209,212,212,212,212,209,207,207,207,212,217,222,217,207,196,143,145,212,228,233,233,230,230,230,233,233,235,235,230,228,225,228,235,246,243,243,246,243,235,230,230,235,230,217,209,207,212,215,217,215,209,207,207,209,217,225,228,233,230,230,228,225,222,222,225,225,225,225,225,225,228,225,220,222,212,204,199,191,181,133,133,133,131,131,133,178,189,199,207,209,217,225,225,209,181,113,89,125,173,176,176,176,123,109,105,109,109,121,181,194,191,189,189,191,199,207,212,212,209,209,209,215,215,215,212,211,211,212,212,215,215,212,194,131,130,196,220,220,212,209,212,212,204,202,207,212,212,212,212,209,209,204,199,186,125,122,135,209,222,217,207,186,121,109,100,97,96,101,121,133,189,199,199,196,202,207,209,209,204,194,138,137,143,196,202,204,207,212,212,212,209,209,209,209,207,207,207,207,209,212,217,217,209,204,202,207,209,204,195,194,195,199,204,209,212,212,204,189,189,199,207,207,207,209,212,212,204,196,196,199,202,202,194,191,199,207,207,207,204,196,141,136,128,130,191,204,204,204,207,202,199,202,204,209,209,212,215,215,215,212,212,209,209,215,217,212,207,204,204,204,199,137,189,202,207,202,195,195,202,209,207,204,202,199,194,189,189,186,186,186,189,194,202,207,207,207,209,204,202,207,212,212,204,203,207,209,207,204,204,207,207,204,204,204,199,199,202,199,199,199,194,191,191,192,194,196,199,199,199,204,202,196,192,192,194,194,196,202,204,204,207,204,196,189,186,186,186,183,183,189,202,199,186,186,191,191,196,207,204,199,199,199,196,196,199,202,204,202,199,199,204,212,220,222,222,217,209,204,196,196,199,204,209,209,209,207,207,204,204,207,209,212,215,215,212,209,207,207,207,212,212,212,209,205,205,207,212,212,209,209,212,215,215,212,209,209,212,215,212,209,209,209,212,212,212,209,209,209,212,217,225,225,225,217,212,208,208,209,212,209,208,208,215,220,217,215,207,199,191,194,194,194,191,141,135,135,186,196,199,207,215,217,217,212,209,209,209,209,212,212,215,215,217,222,222,215,209,207,207,204,204,204,204,204,202,202,202,202,204,207,209,215,217,225,230,233,230,233,235,238,238,238,241,243,246,248,246,246,246,241,222,149,135,139,135,137,202,230,243,248,251,254,251,248,247,248,251,255,255,255,255,255,255,255,255,255,255,241,238,0,0,255,246,235,233,230,202,196,212,215,204,207,0,235,248,254,241,0,0,228,222,0,0,230,225,209,196,191,189,191,202,212,220,230,243,251,248,225,191,187,199,209,212,209,204,194,181,178,181,183,186,191,191,181,125,114,110,110,114,127,186,202,204,199,194,189,176,121,115,125,186,199,199,202,209,212,207,199,189,181,183,199,207,204,199,199,207,215,222,228,230,233,235,235,233,228,220,215,212,209,207,207,202,0,0,0,212,202,191,181,168,160,0,0,178,194,202,202,202,207,217,228,235,241,241,243,246,248,248,246,241,237,235,237,241,243,246,254,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,254,254,254,254,254,254,246,243,241,235,230,233,230,225,217,217,215,207,196,191,191,194,0,0,0,0,0,0,212,199,191,192,194,194,194,196,202,204,209,0,0,0,0,0,209,212,0,0,0,0,0,0,0,202,202,202,196,189,181,176,174,176,178,183,186,191,199,202,199,191,186,183,181,183,186,191,196,199,199,199,199,199,202,202,202,209,220,228,228,225,222,225,228,228,230,230,230,233,238,243,243,243,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,241,238,239,243,246,243,243,241,241,241,241,241,238,238,235,233,230,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,90,178,183,189,196,202,202,194,183,177,178,178,176,176,177,183,191,199,202,204,204,202,202,204,202,202,204,207,196,160,101,94,95,105,113,119,160,168,170,168,170,168,123,125,181,191,196,196,196,199,194,31,4,0,30,53,89,99,121,123,123,125,123,123,125,170,176,178,178,178,176,170,178,191,196,194,117,94,97,131,191,194,186,176,173,129,125,125,123,129,173,178,181,178,176,173,170,129,173,183,189,189,186,178,129,127,170,178,181,178,173,176,178,181,176,123,120,122,178,189,181,170,166,170,170,170,168,127,127,125,127,127,123,123,119,111,125,176,91,95,104,113,165,176,178,178,181,178,173,125,123,123,123,123,121,123,168,168,165,123,168,170,168,125,125,127,125,123,124,168,173,173,170,129,127,123,122,123,120,118,120,173,194,202,199,196,186,176,125,120,123,131,178,181,183,186,189,194,199,204,207,207,202,199,199,199,202,202,207,209,209,207,202,196,191,189,186,186,189,191,196,199,186,131,125,123,127,176,183,186,183,176,173,173,173,178,186,191,194,196,202,204,204,199,183,129,128,131,173,173,176,178,176,178,183,194,199,191,107,106,108,117,186,199,199,194,186,181,176,131,121,118,121,170,173,170,129,170,178,183,178,129,123,120,123,170,178,183,183,170,123,125,121,118,119,127,170,176,181,186,181,168,165,123,73,0,0,0,0,0,29,189,202,194,178,176,173,186,44,13,11,30,127,189,196,191,183,178,178,183,189,189,186,186,179,178,181,191,204,212,127,51,49,86,129,191,199,207,209,209,202,178,133,183,196,207,212,212,212,209,204,199,194,191,189,194,207,209,209,204,196,191,191,191,189,181,177,178,189,189,178,133,132,135,186,196,202,202,194,189,191,196,202,199,194,194,199,204,209,212,212,212,209,202,194,194,196,199,202,202,202,207,209,212,217,215,207,194,191,191,194,196,196,194,194,191,189,191,191,196,199,199,199,196,199,204,207,202,199,199,202,202,202,202,204,204,204,204,204,204,199,191,135,123,122,128,137,139,139,139,183,189,194,194,191,189,189,189,189,191,194,196,196,191,191,196,199,199,191,183,179,181,186,194,199,196,192,191,192,196,196,191,189,194,196,194,189,186,183,186,189,191,194,191,189,186,183,183,186,186,186,181,183,191,194,194,194,196,196,196,196,196,202,202,199,199,199,202,204,204,202,196,195,196,199,202,204,207,207,204,207,209,209,204,199,196,191,189,189,189,191,189,176,125,131,183,191,194,189,186,183,181,176,174,176,181,186,186,181,179,181,178,133,131,135,181,183,183,189,191,191,189,186,189,194,196,196,194,194,191,186,186,186,186,181,133,132,178,186,189,186,186,191,191,194,196,202,204,204,207,212,212,207,199,192,194,196,202,202,202,202,202,207,215,212,204,199,207,215,217,212,207,207,207,207,209,215,222,225,217,212,207,207,209,212,212,209,209,215,220,222,217,212,211,212,215,217,220,225,225,217,215,217,222,222,212,207,207,209,215,215,212,207,203,204,209,207,200,200,209,212,212,215,215,217,222,222,222,222,222,222,217,212,212,215,212,207,209,212,209,209,207,205,205,207,212,217,222,217,217,217,215,215,215,212,209,209,215,222,228,228,225,222,215,212,215,222,222,217,215,217,225,225,225,222,217,217,215,215,217,222,225,222,217,215,212,212,212,215,217,222,225,228,228,228,228,228,228,230,230,228,228,228,225,225,225,225,228,228,228,228,230,228,225,225,225,225,225,225,222,217,217,217,222,222,222,222,222,222,228,230,230,230,228,228,228,230,233,233,233,233,233,233,233,230,225,222,217,222,222,222,212,208,209,215,222,222,217,215,212,212,209,209,209,207,204,204,204,207,204,202,202,202,202,204,202,196,195,195,202,207,212,215,215,212,209,207,207,204,202,199,196,196,196,196,199,204,204,202,199,194,191,191,189,186,183,186,186,189,191,191,189,186,186,186,186,186,186,189,191,191,189,191,194,191,191,199,207,207,209,209,212,212,209,207,207,207,209,212,215,215,209,199,145,141,143,212,225,230,230,230,230,233,233,233,230,228,222,220,217,222,228,243,243,243,248,251,243,235,233,238,243,235,220,212,212,217,215,212,207,204,202,204,209,217,225,228,228,228,228,225,222,217,222,225,228,230,230,230,228,225,217,217,212,207,202,194,181,133,135,135,129,125,125,127,176,186,194,202,212,222,228,215,199,178,98,117,173,176,129,119,107,107,117,125,127,131,181,186,183,183,186,191,196,204,209,212,209,209,209,212,215,215,212,212,212,212,209,209,212,207,194,135,133,191,217,222,220,217,220,217,212,207,204,207,209,212,212,212,209,207,196,133,122,122,139,215,225,220,209,191,133,119,105,96,95,101,123,133,141,191,191,194,199,209,212,209,204,191,136,134,141,199,204,207,209,212,212,209,207,207,207,209,209,209,209,209,212,212,215,215,209,202,202,204,204,199,195,194,196,202,204,209,212,212,207,194,191,196,199,199,202,204,209,209,204,199,194,195,204,204,141,137,196,209,209,204,204,196,189,186,137,136,141,194,202,207,209,207,204,202,204,207,209,212,215,215,212,212,207,204,204,212,217,215,207,202,199,194,137,121,121,191,202,199,194,194,199,207,207,207,204,199,191,189,191,194,194,194,194,202,209,215,209,204,202,202,204,212,215,212,207,204,207,207,204,199,199,204,207,207,204,204,194,192,196,196,199,199,194,192,191,192,194,196,196,194,194,199,202,196,192,192,194,194,194,202,207,209,207,204,196,189,185,189,189,186,137,136,183,137,125,128,139,189,194,202,199,196,199,199,199,199,202,204,207,204,202,199,202,207,212,215,215,212,209,204,202,204,207,209,207,204,204,204,204,203,204,207,209,212,212,212,212,209,207,207,209,212,215,215,215,209,209,207,207,207,207,209,212,212,209,209,207,207,209,212,212,209,207,209,212,215,212,209,207,209,212,217,222,225,225,217,212,208,209,212,212,209,207,208,215,217,215,209,204,196,194,196,199,202,199,191,137,134,137,191,199,204,212,217,215,212,212,212,212,209,209,209,212,215,217,217,215,215,215,215,212,207,204,207,209,209,207,204,202,200,202,209,217,222,225,228,233,233,233,233,235,238,238,238,238,241,243,246,246,246,246,246,238,217,204,212,220,225,233,243,248,251,251,251,251,248,247,248,254,255,255,255,255,255,255,255,255,255,255,230,230,0,0,255,243,225,215,204,186,181,194,212,217,220,222,228,235,238,0,0,0,235,225,0,0,0,217,207,199,202,204,204,209,215,217,222,233,246,246,230,199,189,196,209,220,217,202,183,129,129,178,186,186,189,186,178,127,121,117,117,123,178,194,207,202,191,186,191,191,181,133,178,191,199,202,207,215,217,212,199,186,177,174,178,189,199,202,209,217,225,228,230,230,230,233,230,228,225,217,215,215,215,215,212,209,0,0,0,222,212,204,196,183,0,0,0,181,191,196,191,186,189,207,222,230,235,238,241,243,246,246,246,241,237,235,237,241,243,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,255,255,255,255,254,248,243,243,238,233,233,230,222,217,217,212,204,194,189,189,189,196,0,0,0,0,0,217,202,194,194,196,196,194,196,202,207,212,0,0,0,0,0,0,215,0,0,0,0,0,0,0,204,207,204,199,191,183,178,176,178,181,183,186,191,196,199,196,189,186,183,181,181,183,189,194,196,196,196,196,196,194,194,196,204,217,225,225,222,220,220,222,225,228,228,228,230,235,238,241,241,243,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,243,239,241,243,246,246,243,243,243,243,243,241,241,238,238,233,230,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,173,165,152,183,199,196,191,191,194,196,191,181,177,181,181,178,178,178,186,191,196,199,202,204,202,202,202,204,204,204,204,199,186,121,95,97,115,163,170,173,178,176,173,168,165,168,181,191,196,196,199,199,196,189,93,95,38,113,173,119,117,123,123,123,122,122,123,168,176,186,191,191,186,181,181,186,191,189,181,109,93,101,194,209,212,207,199,186,125,119,119,122,131,178,183,186,189,189,183,176,129,176,196,209,207,191,123,116,118,123,129,173,173,173,176,176,178,176,125,120,123,178,186,178,166,165,168,170,127,124,123,125,168,170,168,123,127,168,168,170,168,92,97,109,123,170,173,176,178,186,186,178,170,125,123,123,123,125,168,178,183,183,178,178,178,170,127,127,170,170,168,168,170,170,170,129,127,125,123,123,127,127,123,127,178,196,207,209,207,196,170,123,129,183,189,189,191,191,194,194,199,202,204,207,204,199,198,198,196,198,202,207,209,207,204,202,196,194,191,189,191,191,191,194,196,186,131,123,121,123,173,183,183,181,176,131,129,131,176,183,189,191,194,194,194,194,194,189,176,130,173,178,183,189,183,176,173,181,189,189,176,111,115,186,204,209,209,207,199,191,183,178,176,173,129,170,176,178,176,173,173,178,183,181,173,127,123,129,178,186,191,186,129,122,123,127,170,176,176,181,186,186,186,181,176,176,181,176,119,83,5,0,0,0,123,178,121,115,41,0,45,0,0,28,103,170,199,204,202,191,176,125,133,186,189,189,183,179,178,183,196,207,212,101,37,42,111,189,194,202,209,209,204,191,133,133,186,196,207,212,209,207,204,199,191,183,183,183,189,199,204,207,204,196,191,189,189,186,181,178,186,194,189,178,133,133,135,183,194,202,202,199,194,196,202,202,196,191,191,196,202,207,209,212,209,207,196,192,194,199,207,207,204,207,209,212,212,215,212,204,196,194,194,194,191,191,191,191,191,189,189,191,191,191,194,194,196,196,202,202,199,198,199,202,204,204,204,204,204,204,202,202,199,199,196,191,183,135,137,183,189,186,183,186,189,191,191,189,189,189,189,189,194,196,199,196,194,190,194,196,196,189,181,178,178,183,191,196,196,196,194,194,194,191,186,183,189,191,191,189,186,183,186,194,194,191,189,186,189,189,186,183,183,181,181,181,186,191,191,191,194,196,196,196,196,199,199,194,191,194,199,202,202,199,196,196,199,204,207,207,207,207,204,207,209,209,204,199,191,186,183,183,189,191,191,183,178,183,189,191,189,186,183,181,178,174,173,176,183,186,189,183,183,181,178,135,178,181,186,189,189,191,191,194,194,194,196,196,199,199,196,194,189,183,183,183,181,133,131,131,133,181,183,186,183,183,186,191,196,199,202,202,204,204,204,202,194,190,190,194,202,204,207,207,207,209,209,204,198,194,198,217,222,194,190,199,204,203,204,212,217,217,215,212,207,207,209,215,215,212,209,212,215,215,215,212,212,215,217,217,222,225,222,217,217,217,222,217,209,204,204,204,207,209,209,209,207,207,212,212,212,212,215,215,212,215,217,222,228,228,225,222,217,215,215,212,212,212,209,207,207,207,207,207,209,207,205,209,215,222,222,222,222,222,217,217,212,207,204,204,208,215,225,225,222,222,217,215,217,222,222,217,217,222,225,225,225,222,217,215,215,215,217,222,222,217,215,215,212,212,212,215,215,217,222,225,225,228,228,228,230,230,230,228,225,225,228,225,225,225,225,228,228,228,230,225,222,217,225,225,225,225,222,217,217,217,222,222,222,220,220,220,225,228,230,230,225,225,225,228,230,233,233,233,233,233,233,230,228,222,217,217,222,222,215,208,209,215,222,222,222,217,215,212,209,209,207,204,204,204,204,207,207,202,199,196,196,199,199,196,199,199,204,207,212,215,215,212,209,207,207,207,204,199,196,196,196,199,202,204,207,204,199,196,191,191,189,186,183,183,186,189,189,189,189,189,186,189,186,186,186,189,189,189,189,191,194,189,189,194,199,204,209,212,209,209,204,204,204,207,212,215,215,212,204,194,142,141,143,207,222,228,228,230,230,233,235,233,228,222,215,215,215,215,222,230,230,235,246,251,243,235,231,238,255,255,230,212,215,217,215,209,204,202,200,202,207,215,222,222,222,225,228,225,217,215,217,222,230,235,235,230,228,222,215,212,207,204,202,194,183,183,186,183,133,125,121,121,125,129,178,194,204,222,228,222,215,209,103,119,173,131,117,99,91,99,119,173,176,181,183,183,178,178,183,186,191,196,204,209,209,209,209,209,212,212,212,212,212,209,207,207,207,207,199,141,135,141,204,215,220,220,217,215,212,207,203,203,207,209,209,209,207,209,202,135,126,128,199,222,228,222,215,212,207,196,133,105,99,107,129,139,191,196,196,196,204,215,217,212,204,194,137,135,139,196,204,207,209,212,212,209,207,205,207,209,212,212,212,212,212,215,215,212,207,202,199,199,199,196,195,199,202,204,207,209,212,215,209,202,196,194,194,194,199,204,207,204,207,202,192,194,207,204,130,124,191,212,212,204,204,202,194,194,194,191,189,191,202,204,202,202,202,204,204,207,209,209,212,212,209,207,202,196,199,207,215,212,207,202,196,191,135,119,120,141,196,196,194,194,196,202,204,204,204,199,194,194,199,202,202,199,199,202,209,212,207,199,196,202,209,215,212,209,207,207,207,207,202,196,195,199,204,207,204,196,190,190,194,199,204,204,199,196,194,194,196,196,194,190,189,191,194,194,196,196,199,199,196,199,209,215,209,202,194,189,186,189,194,189,137,135,137,133,124,126,183,196,199,196,191,191,196,199,199,199,202,204,209,207,202,199,196,199,202,204,207,209,207,202,204,209,209,207,199,194,194,204,204,204,204,207,209,209,209,207,207,207,207,209,212,215,217,217,215,212,209,207,207,207,207,209,207,207,207,207,207,207,207,209,209,207,207,209,212,212,209,207,204,204,209,217,222,225,225,217,212,209,209,212,215,212,208,208,215,217,212,204,199,196,196,199,202,207,207,202,191,139,139,189,194,199,209,215,215,215,215,217,215,212,209,209,209,212,215,212,212,215,217,222,215,209,204,209,212,212,212,207,204,202,204,215,222,225,228,230,233,235,235,235,238,241,238,238,238,241,243,246,246,246,248,251,246,235,225,222,225,228,238,246,251,251,248,248,248,248,248,251,254,255,255,255,255,255,255,255,255,255,254,225,225,238,255,255,235,215,202,194,181,176,177,194,220,225,222,220,217,0,0,0,0,0,222,0,0,0,217,207,0,207,209,212,215,217,215,212,217,230,235,228,204,186,186,199,217,217,194,129,126,127,181,189,186,183,183,178,176,178,176,176,181,191,199,199,191,182,181,186,199,199,191,181,183,189,196,207,217,217,207,199,189,178,174,178,186,199,212,222,228,230,233,230,230,230,230,228,225,217,215,215,217,222,222,217,212,209,0,0,228,225,220,215,204,191,183,181,183,191,196,189,176,178,196,212,222,228,233,238,241,243,246,246,243,241,238,238,241,243,246,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,254,255,255,254,248,246,246,241,235,233,228,222,217,217,212,202,194,191,186,189,196,0,0,0,0,0,0,212,199,196,196,194,194,196,202,207,0,0,0,0,0,0,0,215,0,0,0,0,0,0,0,0,215,212,202,194,186,183,181,181,181,183,183,186,191,194,191,186,183,183,181,179,181,183,189,191,191,191,191,189,189,189,191,202,215,222,222,215,209,209,212,217,225,228,228,228,230,233,235,238,241,246,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,246,241,241,243,246,246,246,246,246,246,246,243,243,241,238,235,230,225,224 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,199,194,189,194,199,199,194,190,191,196,194,189,181,183,183,186,189,191,194,196,199,199,199,199,199,202,204,204,204,199,202,202,196,183,113,111,165,178,183,178,178,178,176,170,168,173,186,194,196,199,199,196,186,178,186,212,119,173,178,173,165,123,125,127,125,127,170,176,181,186,194,194,186,181,181,183,181,173,173,125,111,133,204,215,217,215,212,204,133,121,121,123,131,181,186,194,196,199,194,181,170,178,204,225,222,196,119,115,119,123,127,173,176,176,176,176,176,176,127,123,129,181,183,176,166,166,168,168,125,123,122,125,170,176,176,170,170,170,170,168,117,111,117,173,181,178,176,176,178,186,186,178,168,125,123,122,123,173,181,186,191,199,196,196,194,183,173,168,176,181,181,173,168,168,170,173,173,173,173,176,183,196,191,186,186,194,204,209,207,194,131,127,183,202,204,202,202,199,199,199,202,207,207,207,204,202,199,199,198,198,202,209,212,207,204,199,194,194,194,194,196,199,196,199,199,189,173,125,123,127,173,178,181,176,129,127,127,131,173,178,183,189,189,186,186,186,191,189,178,131,176,186,196,199,186,132,130,176,186,186,176,129,186,204,209,212,209,204,196,189,181,176,178,178,176,178,183,183,181,176,176,178,178,178,170,127,129,178,186,191,194,183,129,125,129,176,183,186,183,183,191,194,189,176,168,173,178,178,168,115,99,61,41,55,165,163,39,0,0,0,81,79,79,63,59,111,191,199,194,178,112,108,121,127,176,186,189,183,183,189,196,204,199,119,81,91,181,191,196,204,209,204,186,131,127,130,183,196,204,209,207,204,202,191,181,178,183,189,194,199,199,196,196,194,191,191,189,183,181,183,189,194,186,178,135,133,135,181,191,196,199,199,196,199,202,199,194,190,191,196,202,204,207,207,204,196,192,192,196,204,209,212,209,207,207,207,209,209,207,199,196,196,196,196,196,194,191,191,189,189,189,189,189,186,186,189,191,191,196,199,199,199,199,199,202,202,202,202,202,202,199,194,194,194,196,199,199,194,186,189,196,194,191,189,189,191,191,189,189,189,189,191,194,194,194,191,190,190,194,196,194,189,181,179,181,186,191,191,194,194,194,194,191,189,183,182,183,186,186,186,183,183,189,196,196,191,186,189,191,194,189,183,181,181,181,181,183,191,191,191,194,199,199,194,194,196,191,187,186,189,194,194,194,194,196,199,202,207,209,207,207,204,204,204,204,202,199,194,189,182,179,181,183,191,191,189,186,186,186,186,183,181,181,181,181,178,176,178,183,186,186,186,186,183,181,178,181,186,189,189,189,189,191,196,199,199,199,199,199,199,196,194,186,181,179,181,181,135,132,131,132,135,178,181,181,133,137,186,191,194,196,199,199,199,202,202,196,191,191,194,202,207,212,215,215,215,212,204,198,195,198,212,207,178,179,194,204,204,207,212,215,217,215,212,209,209,209,209,209,212,209,209,209,209,209,209,212,215,217,217,215,217,217,217,217,217,215,215,215,209,204,203,203,204,209,212,212,215,215,217,222,222,217,215,212,215,217,222,225,225,222,217,215,212,212,209,209,215,212,207,204,204,204,207,212,215,215,217,225,225,225,225,228,228,225,222,215,208,205,205,208,215,222,222,222,222,217,217,217,222,222,222,217,222,225,225,225,222,217,215,215,215,217,222,222,217,215,212,212,212,212,212,215,215,217,222,225,225,225,228,230,233,230,228,225,225,228,228,225,225,225,225,228,230,228,225,217,216,222,228,228,225,222,217,217,222,225,225,222,222,220,220,222,228,228,228,225,224,224,225,230,233,233,235,235,233,233,233,228,222,217,217,217,222,215,209,209,215,222,222,222,222,215,212,209,207,207,204,204,202,204,207,207,202,196,194,194,194,196,202,204,207,209,209,212,212,215,212,209,207,207,207,204,202,199,196,196,199,202,207,207,207,202,196,194,191,189,186,183,183,183,186,189,189,189,189,189,189,189,186,186,186,186,186,189,191,194,194,189,186,189,199,209,212,209,204,202,202,204,209,212,215,215,212,204,194,143,142,145,204,215,222,228,228,230,233,235,233,230,225,215,212,212,215,217,217,222,230,243,248,241,233,229,231,255,255,230,211,212,217,212,209,207,202,202,202,207,215,222,217,217,222,225,225,217,215,215,222,228,233,235,233,228,217,209,207,204,202,199,194,194,199,207,194,178,127,123,123,121,121,125,183,199,217,225,220,217,212,103,129,173,123,103,90,87,91,117,178,186,189,189,183,135,135,181,183,183,189,196,204,209,209,209,209,209,212,212,212,212,209,207,205,207,207,204,196,143,137,141,207,217,220,215,212,212,207,202,203,207,207,205,205,205,212,212,196,141,191,212,228,225,220,217,222,222,215,199,121,105,107,121,186,202,207,207,207,212,220,222,215,212,204,189,139,143,194,202,204,207,209,209,207,207,205,207,212,212,212,212,212,215,215,215,212,209,204,196,192,194,196,202,207,209,209,212,212,215,215,215,209,202,194,192,194,199,202,199,199,202,202,194,194,202,199,128,117,141,212,212,207,207,207,199,194,202,202,199,199,202,199,194,195,199,202,207,207,207,207,207,209,209,204,196,195,196,204,212,212,204,199,196,194,143,126,127,141,194,199,196,195,196,196,196,199,202,199,199,202,207,209,204,194,186,183,135,129,135,189,199,204,212,212,204,200,204,207,207,207,204,196,195,196,202,207,204,196,190,191,196,202,204,204,204,202,199,196,196,196,191,190,190,190,194,196,202,204,204,202,196,199,212,217,207,194,191,189,186,189,194,191,139,136,183,139,128,131,191,204,204,199,191,191,194,196,199,199,199,204,209,209,204,196,194,194,194,196,202,207,207,202,202,209,209,204,194,143,143,202,204,204,204,204,207,209,207,202,199,202,204,207,212,215,215,215,212,212,209,209,207,207,207,207,205,205,207,209,209,209,209,209,207,205,207,209,212,212,207,200,199,200,207,215,222,225,225,217,215,212,212,215,215,215,212,209,215,217,212,202,196,199,204,207,207,207,207,209,204,194,143,143,143,191,202,209,212,212,217,220,217,215,212,209,209,212,212,212,212,212,217,222,217,212,207,209,212,212,212,212,209,209,209,215,222,225,225,228,233,235,235,241,241,241,241,241,241,241,243,246,248,248,248,251,248,238,225,217,212,212,222,241,248,246,243,243,246,248,251,254,255,255,255,255,255,255,255,255,255,255,255,228,228,233,243,241,225,207,196,191,186,178,176,181,204,220,220,215,207,0,0,0,0,0,0,0,0,0,0,0,0,0,209,212,217,217,209,199,202,209,217,212,191,176,176,183,199,199,181,128,126,128,183,191,186,183,183,181,186,189,189,189,191,196,199,183,182,182,182,189,204,215,209,189,183,186,194,209,222,215,204,196,189,183,181,183,194,209,225,230,230,233,233,233,230,233,230,228,225,217,215,215,220,225,228,222,212,209,212,0,228,233,230,228,217,204,194,189,189,194,196,191,176,173,189,204,212,217,228,0,0,0,243,243,243,246,246,243,243,246,246,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,252,254,255,255,254,251,246,246,241,233,228,225,220,217,217,212,202,194,191,189,186,196,0,0,0,0,0,0,222,204,194,190,190,191,196,202,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,215,204,196,191,186,183,183,183,183,183,183,186,189,186,183,183,183,183,181,179,181,183,186,186,186,183,141,139,139,189,199,212,220,217,209,202,200,204,215,225,230,230,228,228,230,230,235,238,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,243,241,243,246,248,248,248,251,251,248,246,246,243,238,235,230,228,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,111,181,196,199,196,199,199,196,194,194,194,196,196,191,189,186,189,191,194,196,199,199,202,199,196,195,196,202,204,204,202,198,199,199,199,194,178,165,170,183,183,173,170,173,170,168,168,181,189,194,194,199,199,189,170,165,191,199,186,191,189,178,168,125,173,176,170,168,173,176,176,181,186,186,176,131,173,173,129,126,133,186,191,199,207,212,217,222,222,212,183,127,123,123,127,178,183,194,199,196,194,183,129,176,204,225,222,199,125,121,170,129,170,176,181,181,178,176,173,170,127,127,173,183,183,178,173,170,170,170,127,125,124,125,170,176,181,176,173,170,168,125,117,117,127,181,189,183,178,176,178,178,173,168,165,125,123,122,125,181,194,196,199,204,204,199,194,189,178,173,178,181,178,170,166,168,173,181,183,186,186,189,196,209,207,196,189,189,196,202,199,183,173,176,191,207,212,209,207,202,202,202,204,209,209,209,204,204,204,204,204,207,209,212,212,209,204,196,194,194,196,199,202,202,202,204,202,186,173,131,131,176,131,173,178,176,126,125,127,131,173,178,186,189,189,189,186,189,189,183,173,130,176,191,202,199,183,130,129,133,186,189,183,181,191,202,207,207,207,202,196,191,181,178,181,181,181,183,186,186,181,178,178,178,176,173,129,127,173,183,189,191,189,178,129,127,170,178,191,196,191,189,196,196,186,173,164,165,170,125,112,163,168,170,123,168,176,85,0,5,17,0,67,93,113,59,42,63,125,183,178,121,106,105,129,127,176,191,196,196,194,194,196,199,194,183,178,183,186,191,199,204,207,199,178,129,128,131,181,191,199,204,207,207,202,189,176,177,186,196,202,202,194,186,186,189,191,189,186,181,183,186,191,191,186,183,181,178,178,186,191,194,196,196,196,196,196,194,190,190,194,199,202,202,202,202,196,191,191,194,199,204,207,209,207,204,202,202,204,204,202,199,199,199,202,204,204,199,196,191,186,183,183,183,183,139,139,139,139,186,191,196,202,202,199,199,199,199,199,199,199,199,196,191,190,191,196,202,204,196,191,194,202,202,196,194,194,194,194,191,189,187,191,194,194,191,189,187,189,194,196,194,191,189,186,189,191,191,191,189,189,189,194,194,194,189,186,183,183,183,183,183,181,183,191,196,194,189,186,189,196,196,189,183,183,186,186,189,191,196,196,194,194,196,196,194,191,194,189,187,187,189,189,186,186,186,189,194,199,204,207,204,204,204,204,199,186,186,189,189,189,183,181,181,183,186,189,189,186,178,178,181,181,178,178,183,186,186,183,183,183,183,181,183,186,186,183,181,183,186,186,186,183,183,189,194,196,196,196,196,196,196,194,191,183,181,179,181,183,183,178,178,178,135,133,133,133,131,137,186,189,189,189,194,196,199,204,207,204,196,194,196,204,209,215,217,217,217,217,212,204,202,199,204,199,178,181,202,209,209,212,217,217,215,212,212,215,215,207,203,203,207,209,209,208,208,208,209,212,215,215,212,209,212,215,217,217,207,199,207,217,217,212,204,203,203,207,215,217,222,222,222,225,222,217,215,215,215,215,217,222,222,217,215,212,212,209,204,207,217,217,209,204,204,203,204,212,225,228,230,230,228,228,228,230,230,228,228,222,217,215,217,217,217,222,222,222,222,222,217,217,222,222,222,222,222,222,222,222,222,222,217,215,215,217,222,222,217,215,212,215,215,215,212,212,215,217,222,225,225,225,228,230,233,230,228,225,225,228,228,225,222,222,225,228,228,228,222,216,216,222,228,230,228,225,222,222,225,228,228,225,225,222,222,225,225,225,225,224,224,225,228,230,233,235,235,235,235,233,233,230,225,217,215,217,217,215,209,209,215,222,222,222,222,215,212,209,207,207,204,202,202,204,207,204,199,194,191,191,191,196,202,207,209,212,212,212,212,212,212,209,207,207,207,207,202,199,199,199,202,204,207,209,207,204,199,194,191,189,186,183,183,183,186,186,186,186,186,186,186,186,186,186,186,186,186,186,189,191,194,189,182,183,196,209,209,207,204,200,200,202,207,209,212,212,209,204,196,147,145,147,199,209,217,225,228,230,233,233,233,230,228,215,209,209,215,222,222,225,238,251,254,248,238,230,229,251,255,225,208,209,212,212,212,207,204,202,204,209,217,222,222,217,217,222,222,217,215,215,220,225,230,233,233,228,215,204,204,204,202,199,196,199,212,217,199,178,129,127,129,125,117,116,127,183,204,212,209,209,202,110,178,181,127,105,90,87,91,119,191,199,196,191,183,135,133,135,137,137,183,191,202,209,212,212,209,212,212,215,215,212,212,209,207,207,209,212,209,196,135,130,202,217,222,222,220,217,212,207,209,212,215,212,209,209,217,222,217,209,212,222,228,222,220,222,230,230,225,215,194,125,117,121,141,202,209,212,215,217,222,220,217,215,215,207,196,194,196,199,199,202,207,209,209,207,207,209,212,212,212,212,212,215,217,215,215,212,207,194,191,192,199,207,212,212,215,215,215,215,217,217,217,209,202,194,196,199,194,190,191,199,204,199,195,196,196,138,120,139,207,212,209,212,209,202,196,202,207,209,209,204,196,194,194,196,199,204,207,207,209,209,209,209,204,199,196,199,204,209,209,202,196,191,191,141,131,132,186,196,199,202,199,199,196,196,196,202,202,204,209,212,209,199,128,128,127,121,116,120,137,199,209,215,209,198,196,202,209,212,212,207,199,195,196,199,204,207,204,202,202,202,199,194,191,196,202,199,196,196,194,191,191,194,196,199,204,207,209,207,199,196,199,209,212,196,185,185,186,183,183,189,191,186,183,186,183,135,186,202,209,207,202,199,196,191,194,196,196,199,204,209,209,204,196,192,192,192,196,202,207,207,199,202,207,209,202,194,143,143,196,199,199,199,202,204,207,204,199,198,198,202,207,212,215,215,212,209,207,207,212,212,212,209,207,205,205,207,212,215,215,212,209,207,205,207,207,209,209,204,200,199,202,207,215,222,222,222,217,215,212,215,215,215,215,215,215,217,217,212,204,199,204,212,217,212,204,202,207,209,204,194,141,139,141,194,202,207,212,217,220,217,215,212,212,212,212,212,212,212,212,215,217,217,215,212,212,212,215,215,215,215,215,215,212,212,217,222,228,230,233,235,241,241,238,238,238,238,241,241,241,241,243,246,248,243,225,202,202,153,155,212,228,241,243,241,243,248,251,254,255,255,254,255,255,255,255,255,255,255,255,255,248,238,235,233,228,217,207,196,189,189,189,186,183,189,202,212,212,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,217,217,207,194,192,196,202,191,168,163,165,173,181,183,178,168,168,178,186,189,183,183,186,189,194,196,196,194,196,199,199,186,183,183,186,194,212,222,222,209,199,196,204,217,225,217,202,189,186,183,181,186,196,215,230,230,228,228,230,230,233,233,233,230,228,222,217,215,217,225,225,222,215,209,212,222,230,233,233,230,222,212,199,191,189,194,196,191,176,170,181,194,202,212,222,0,0,0,0,241,243,246,248,246,246,246,248,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,255,255,255,251,246,243,238,228,225,0,217,217,217,212,204,196,191,189,186,191,0,0,0,0,0,0,0,204,191,189,189,191,196,202,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,215,204,196,191,189,186,183,183,183,181,181,183,186,183,181,181,183,183,181,181,181,183,183,183,183,139,135,133,135,141,196,209,217,217,209,202,200,204,217,230,235,235,230,228,228,228,233,238,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,246,241,239,241,246,248,248,251,254,254,251,248,246,243,238,235,233,228,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,163,183,189,189,191,194,196,199,199,199,196,196,196,194,194,196,196,194,191,191,191,196,199,202,199,195,194,196,204,204,204,202,199,199,199,196,196,191,176,170,176,173,125,121,119,119,121,125,181,183,183,186,191,191,181,125,116,168,183,194,199,189,170,116,178,189,186,176,168,168,170,173,178,181,178,131,130,130,131,129,125,178,196,202,204,204,209,217,222,220,212,194,178,131,127,131,178,181,189,189,173,129,126,124,176,202,212,207,189,127,125,129,127,127,170,176,178,176,173,170,129,127,129,176,181,176,170,173,173,173,173,173,170,168,168,170,173,178,176,176,176,173,173,127,123,173,186,191,186,181,176,176,168,125,125,168,170,170,165,165,178,196,199,199,204,199,178,178,181,181,181,178,176,170,168,168,173,181,189,191,191,194,194,196,207,209,199,189,186,189,191,186,178,178,186,191,202,209,212,207,202,200,202,204,209,209,207,202,202,204,209,212,212,215,215,215,209,204,199,196,196,199,202,204,202,199,202,196,176,125,127,173,176,129,127,176,176,125,125,129,131,173,181,186,189,191,191,189,186,181,131,129,131,181,196,199,191,178,130,129,176,189,194,191,189,194,199,202,204,207,204,199,196,189,186,189,189,186,186,189,183,178,176,181,181,178,173,129,126,173,181,183,186,181,173,129,129,173,181,194,199,196,191,191,181,173,168,165,168,165,112,103,121,163,168,168,183,191,79,0,0,9,0,0,49,99,59,46,89,178,194,189,173,116,123,207,196,199,204,207,204,204,204,202,196,196,191,186,183,183,194,204,204,204,196,183,178,181,183,186,183,183,189,202,209,204,189,176,174,186,199,207,202,189,178,178,183,186,186,181,181,183,189,191,189,189,189,186,186,189,194,196,194,194,196,196,196,194,190,189,191,199,204,204,202,199,196,194,192,194,199,202,204,204,204,204,199,198,199,202,204,204,202,202,202,202,207,207,204,199,194,186,139,137,135,137,137,137,137,137,139,186,194,202,204,202,196,196,196,196,196,199,202,202,194,191,191,194,196,199,194,189,194,202,204,199,196,196,196,196,194,191,189,194,199,196,191,189,189,191,199,199,194,191,189,191,194,196,196,191,189,187,187,191,194,194,191,189,189,186,186,186,183,181,183,189,194,191,186,185,189,194,196,189,186,186,191,196,199,204,204,202,196,191,186,186,189,191,191,191,191,191,194,191,189,185,183,185,186,191,196,199,199,199,199,199,135,108,121,135,183,191,191,189,183,183,183,186,189,181,133,132,176,178,178,181,186,191,189,186,186,186,178,176,177,183,186,183,183,183,183,183,183,182,181,183,191,194,194,194,192,194,194,191,186,183,181,181,186,189,189,186,186,183,135,129,129,131,135,181,186,186,183,186,189,196,199,204,207,207,199,196,199,204,207,212,215,215,217,217,215,209,204,204,207,204,192,196,209,212,212,217,217,217,212,209,212,215,217,209,203,202,204,209,209,208,208,208,209,209,212,209,204,204,207,212,215,207,133,107,121,204,217,215,207,204,204,209,215,217,225,222,222,222,217,217,215,215,215,215,217,222,222,217,212,212,212,209,204,204,217,222,212,204,204,203,204,215,228,233,233,230,228,228,228,230,230,230,230,228,225,225,225,225,222,222,222,225,225,222,222,222,222,222,222,225,222,222,222,222,222,222,217,215,212,215,217,217,217,215,215,215,217,215,215,215,215,217,222,225,228,228,228,230,230,230,228,225,225,228,228,225,222,222,225,228,228,225,217,215,216,222,228,230,230,228,225,225,225,228,228,228,228,225,225,225,228,225,224,224,224,225,230,233,235,235,235,235,235,235,233,230,225,217,215,212,212,212,209,212,215,222,225,222,222,215,212,209,209,207,204,204,202,204,204,202,196,191,190,190,191,194,199,204,209,212,212,212,212,212,209,209,207,207,209,207,204,202,202,202,204,207,209,212,209,204,199,194,191,189,186,183,183,183,183,183,186,186,186,186,186,186,189,191,189,186,186,186,185,186,194,191,182,182,194,207,207,204,204,202,200,200,202,204,207,207,207,204,196,191,145,145,196,207,215,222,228,228,230,230,230,233,228,215,208,208,215,228,230,235,248,255,255,255,251,238,230,243,246,225,209,208,212,215,212,207,204,202,204,209,217,222,217,215,215,217,217,215,215,215,217,222,228,230,230,228,215,204,207,207,202,194,191,196,204,207,194,178,131,133,133,125,116,115,117,127,178,191,199,202,199,183,191,196,191,170,105,91,99,129,204,204,196,189,181,176,133,133,133,135,183,194,204,212,215,215,212,212,215,215,215,215,215,212,209,209,212,217,222,207,136,128,145,207,217,222,225,222,217,215,217,222,228,228,228,225,228,230,230,225,225,225,225,222,222,225,233,228,220,215,207,194,135,129,137,191,202,207,212,217,222,217,215,215,217,215,212,209,207,202,202,202,207,209,209,209,209,212,212,212,212,212,212,212,215,217,217,215,207,194,191,192,202,209,212,215,217,217,217,217,217,217,222,215,207,199,199,196,190,186,191,199,204,204,196,196,199,194,133,186,207,212,212,212,209,204,204,207,209,215,215,209,202,196,196,196,196,199,204,209,215,217,215,212,207,207,204,202,199,199,202,199,194,189,189,143,135,139,189,194,202,204,204,202,199,199,199,202,204,209,212,215,209,191,129,133,137,129,124,128,191,202,207,209,207,199,198,204,212,215,212,209,204,199,199,202,204,207,209,209,209,204,199,186,141,191,199,196,191,194,194,191,194,196,202,202,204,209,212,209,204,202,202,204,199,186,182,183,186,183,181,183,191,194,191,191,191,191,204,209,209,207,204,202,196,185,187,194,196,196,202,207,207,202,199,194,194,194,196,202,204,202,196,196,202,204,202,194,143,143,189,191,191,191,196,202,204,204,202,199,198,199,207,212,212,212,212,207,205,207,212,215,212,209,207,207,207,209,215,217,217,215,212,209,207,207,209,209,207,204,202,202,207,212,217,217,217,215,215,212,212,215,215,215,215,215,217,217,217,215,209,207,209,217,225,217,204,200,202,204,204,196,141,138,139,189,199,204,212,215,217,217,215,215,215,215,215,215,215,212,211,212,215,217,217,217,215,215,215,217,217,217,217,215,211,211,215,222,228,228,228,233,238,238,235,233,235,235,235,233,230,230,233,238,246,241,209,129,129,139,149,204,215,228,241,248,248,248,251,254,255,254,254,255,255,255,255,255,255,255,255,255,255,255,241,230,225,217,209,199,187,189,199,204,194,186,191,204,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,217,217,207,196,192,194,194,181,163,159,163,168,176,178,176,176,183,189,183,178,178,186,194,202,204,204,204,204,204,207,209,204,194,186,186,194,207,217,220,217,212,209,215,222,222,212,199,186,183,181,181,186,199,217,230,228,226,226,228,233,235,0,0,0,0,225,220,217,217,222,225,222,217,215,217,225,233,233,230,225,222,212,199,189,186,189,189,183,173,165,173,183,196,209,220,0,0,0,0,0,241,243,246,248,246,246,246,246,248,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,243,241,235,228,225,0,217,217,217,217,209,199,191,186,185,189,196,0,0,0,0,0,0,204,196,191,190,191,194,202,207,0,0,0,0,212,0,0,0,0,0,0,0,0,0,0,0,215,212,202,194,191,189,186,186,183,183,181,181,181,183,181,181,181,186,186,183,183,186,186,186,183,139,137,133,129,129,137,189,204,215,220,215,207,203,209,225,235,241,241,235,230,228,228,230,238,246,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,243,241,239,241,246,248,251,254,254,254,251,248,246,243,238,235,233,230,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,189,194,191,187,189,194,196,199,199,199,196,194,192,194,196,199,199,199,194,191,191,194,199,199,199,195,195,199,202,202,202,202,202,202,196,196,199,194,181,170,170,170,123,118,115,115,121,176,183,178,170,173,178,178,170,127,127,123,176,194,199,189,123,117,189,194,191,178,168,127,170,176,181,178,176,131,130,131,133,176,133,186,196,202,202,202,204,215,217,217,215,207,194,183,178,183,183,183,186,176,118,119,122,123,176,191,194,186,176,129,125,125,123,122,124,129,176,176,176,170,125,123,129,176,173,127,126,128,170,170,173,176,178,176,173,176,178,176,172,178,186,189,191,186,183,183,186,186,181,176,173,168,125,123,125,173,178,170,123,119,125,191,191,189,189,181,113,117,176,183,183,178,170,168,168,170,178,189,194,194,191,194,191,191,199,202,199,191,186,183,181,178,178,181,183,181,183,194,199,202,202,202,202,204,209,209,204,199,196,202,207,209,209,209,209,207,204,202,202,199,199,202,204,202,199,196,194,186,123,119,121,127,131,125,127,176,176,129,127,131,131,173,178,183,186,189,194,194,186,173,128,129,181,194,199,194,178,132,131,132,181,194,199,199,199,199,199,199,202,204,204,202,199,194,194,196,196,191,186,183,176,170,173,181,181,176,170,127,127,170,176,178,181,173,128,128,170,176,181,191,199,196,183,173,168,128,168,173,173,121,110,106,112,113,121,165,189,196,168,0,0,0,0,0,11,103,127,191,207,212,215,212,204,199,209,215,212,209,209,207,207,209,209,204,196,199,199,191,186,189,194,202,196,194,183,176,183,191,189,183,178,128,127,186,202,199,183,174,173,183,196,202,196,183,133,133,176,178,176,135,181,189,191,191,191,194,194,191,194,199,196,191,191,194,196,199,199,199,194,190,196,202,207,207,202,196,196,196,196,199,202,202,204,204,204,204,199,198,198,202,202,202,204,204,196,196,202,204,204,202,196,189,139,135,133,134,137,183,183,139,139,139,186,196,199,196,196,196,196,196,196,202,207,204,199,194,191,194,194,191,186,186,191,196,199,199,196,196,199,199,196,196,196,199,199,196,191,190,194,199,202,199,194,191,191,191,194,194,196,194,191,189,189,191,194,194,191,191,191,189,189,189,186,181,181,183,189,189,186,185,186,191,191,189,186,189,194,196,202,207,207,202,194,183,133,133,137,186,191,194,196,196,196,196,194,191,186,185,186,189,191,191,191,191,191,189,107,98,109,133,183,191,194,191,186,181,181,186,189,183,133,132,133,176,178,183,189,191,189,186,189,189,178,173,174,181,183,186,186,183,183,183,183,183,182,183,189,194,196,196,194,194,194,191,189,183,181,181,189,191,189,186,183,178,129,124,125,131,178,181,181,181,181,183,191,196,202,202,202,199,196,194,199,204,209,215,215,209,209,209,212,209,207,207,209,212,212,212,209,209,212,215,215,212,207,204,207,215,217,215,207,204,204,209,212,212,209,208,208,209,207,204,202,202,203,207,207,147,107,98,103,145,212,215,212,209,209,212,212,215,217,217,217,215,217,217,217,215,213,217,222,225,225,222,212,209,212,212,204,204,215,222,215,209,207,204,207,217,228,230,230,228,225,225,225,225,228,228,230,228,228,225,222,222,222,222,222,222,222,222,222,217,217,217,222,225,225,225,225,225,222,217,215,212,211,212,215,217,217,215,215,217,217,217,215,215,215,222,225,228,228,228,228,228,230,230,228,225,225,228,230,228,222,222,225,228,225,222,217,216,216,222,228,228,228,228,225,225,225,228,228,228,228,228,228,228,228,228,225,225,228,230,233,235,235,238,238,235,235,235,235,230,225,217,212,209,209,209,212,215,217,225,225,222,217,212,212,209,209,209,207,204,202,202,202,199,194,191,191,191,191,194,199,204,209,212,215,215,212,212,209,209,207,209,209,207,204,204,202,202,204,207,212,212,212,207,202,196,194,189,186,183,183,183,183,183,183,183,183,183,183,189,194,196,194,191,191,189,185,185,191,191,183,182,191,202,204,207,207,207,204,202,202,204,204,207,204,202,196,145,144,145,196,204,212,222,225,228,228,230,233,233,225,212,208,208,217,230,235,238,246,0,255,255,255,243,238,243,246,238,222,212,215,217,215,209,204,204,204,209,217,217,212,209,212,217,217,215,209,212,0,0,0,230,230,228,217,209,207,207,202,194,191,191,194,194,189,181,178,181,176,125,119,117,121,125,123,129,191,199,202,202,199,202,202,194,176,107,101,117,183,186,181,178,178,176,131,128,128,133,189,204,212,217,217,217,215,212,212,212,212,215,215,215,212,212,217,222,225,215,143,132,135,145,207,220,225,222,215,217,222,228,230,233,235,235,233,233,233,230,228,225,225,222,222,222,217,202,137,135,186,186,137,129,129,135,139,186,196,209,217,220,215,215,215,222,222,222,215,209,204,204,209,212,212,212,212,212,212,211,211,211,211,212,212,215,215,215,207,196,192,194,202,209,212,215,217,222,222,217,217,217,217,215,209,202,202,202,194,189,194,199,202,202,195,196,202,199,191,196,207,212,212,209,207,204,209,209,209,212,217,215,207,196,191,194,196,202,207,209,215,217,215,209,207,209,207,199,187,185,194,196,194,191,191,189,189,194,194,196,202,204,204,202,199,199,199,202,204,207,215,217,209,196,186,191,202,212,217,212,202,194,196,204,207,204,204,209,212,212,209,209,207,204,204,204,207,209,209,212,209,207,204,191,141,191,196,191,190,191,194,189,191,196,196,196,199,207,212,212,212,212,204,196,189,183,183,185,186,186,183,186,199,209,204,199,196,199,207,207,207,204,202,199,189,173,186,194,196,199,204,209,209,204,202,199,199,199,199,199,199,194,192,192,199,204,204,196,143,141,142,143,143,191,196,202,207,207,204,199,198,198,202,209,209,209,209,209,207,207,209,212,212,209,209,209,212,212,212,215,215,217,215,212,212,212,212,212,209,207,207,207,209,215,217,217,215,212,212,212,212,212,212,212,215,215,215,215,215,215,212,212,215,220,222,217,212,204,200,202,202,196,143,139,139,189,196,207,212,215,215,215,215,217,217,217,217,217,217,215,212,212,215,217,222,217,220,217,217,217,217,222,222,217,212,211,215,225,228,228,228,230,238,238,233,231,233,233,233,230,228,226,229,235,248,243,202,111,107,115,139,153,212,225,241,251,251,248,248,251,254,254,255,255,255,255,255,255,255,255,255,255,255,255,246,233,228,225,220,209,194,194,199,202,199,191,191,0,215,0,0,0,0,225,217,228,0,0,0,0,0,0,0,0,212,217,217,209,202,196,196,194,183,168,160,160,165,173,176,169,176,191,191,176,164,170,189,202,209,212,212,215,217,217,217,220,220,204,191,189,191,196,204,212,212,209,209,215,217,217,209,199,186,181,183,186,194,207,225,233,230,228,228,233,0,0,0,0,0,0,228,225,220,217,217,222,222,220,217,222,230,233,233,228,217,215,207,194,183,178,181,178,173,168,165,163,173,191,209,222,0,0,0,0,0,238,241,243,246,243,241,243,243,241,243,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,243,241,235,228,228,0,220,216,217,222,215,202,191,186,186,189,194,0,0,0,0,0,0,0,204,196,194,194,196,202,207,0,0,0,0,207,209,0,0,0,0,0,0,0,0,0,0,209,204,199,194,189,186,186,186,183,181,178,178,181,181,181,181,181,186,189,186,189,191,191,189,186,139,135,129,128,128,133,141,199,212,217,217,209,207,215,228,241,246,243,235,230,228,228,230,238,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,246,243,241,241,241,246,246,248,254,255,254,251,248,246,241,235,235,235,233,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,144,194,199,194,189,194,196,199,199,202,196,194,191,192,194,196,199,202,202,199,196,196,196,199,199,196,196,196,202,202,199,199,199,199,196,194,194,196,191,181,176,176,176,127,118,115,117,186,207,199,183,170,125,125,125,123,127,176,110,125,186,194,194,113,112,178,191,189,181,170,127,170,178,181,176,173,131,131,133,178,183,189,194,196,196,199,199,204,212,217,217,225,222,202,186,181,186,186,183,186,178,117,120,127,127,131,178,178,173,173,176,176,173,127,124,125,129,173,176,178,173,120,120,125,170,129,126,126,129,129,125,127,173,178,176,176,183,186,176,172,183,196,199,199,194,194,189,183,176,170,168,127,125,123,122,125,170,170,117,103,102,109,173,173,173,170,123,108,112,176,181,178,176,173,173,173,176,181,189,189,186,186,189,189,186,186,191,196,194,186,181,176,173,173,176,173,129,127,129,178,189,199,202,202,204,207,207,202,196,194,196,202,204,202,196,196,196,199,202,202,202,202,202,202,202,196,191,186,178,121,118,119,121,123,125,127,173,173,173,173,173,131,173,178,181,181,186,194,196,191,178,130,133,191,202,199,183,132,131,133,178,189,199,202,204,204,204,202,196,194,196,199,199,196,191,194,199,202,191,183,178,170,169,170,176,173,127,125,125,125,129,170,176,181,173,127,129,170,176,181,189,194,189,170,127,127,127,170,178,176,123,119,173,125,121,165,168,181,181,123,21,0,0,0,11,49,189,209,217,222,222,222,217,215,215,217,215,215,212,207,204,207,209,209,202,196,202,204,202,199,196,194,194,183,135,119,115,125,181,183,178,133,125,122,129,186,189,178,174,174,186,194,191,186,176,131,131,130,130,131,135,183,191,194,194,194,196,196,191,194,196,189,185,187,194,199,202,204,204,202,199,199,204,207,207,199,196,194,196,199,199,202,204,207,207,207,207,202,199,199,199,202,202,202,199,194,194,196,199,202,202,199,191,183,135,133,134,183,189,191,189,183,138,138,186,191,191,194,196,196,196,196,202,204,204,199,194,194,191,189,183,139,183,189,191,194,194,196,199,199,199,199,202,204,204,202,196,194,194,196,199,199,199,196,194,194,191,191,194,196,196,194,191,191,191,194,191,189,189,189,186,186,186,183,178,177,178,186,189,186,185,185,186,189,189,189,191,191,191,196,202,202,196,189,135,129,129,133,186,191,194,196,196,199,199,202,199,194,191,189,189,186,186,186,186,189,183,108,98,123,183,189,191,191,189,183,176,177,189,191,183,178,133,133,176,181,186,191,189,186,186,191,191,183,176,176,178,183,186,186,186,186,183,183,183,183,186,186,194,199,202,199,194,196,194,191,183,181,181,186,191,189,181,129,123,122,123,129,135,178,137,135,133,135,183,194,199,199,194,191,189,189,191,196,202,212,215,212,204,199,199,202,204,207,209,212,217,222,217,209,207,207,209,209,207,202,202,207,209,215,215,215,209,207,209,212,215,212,209,209,209,207,204,202,202,203,204,204,194,119,102,123,209,212,212,212,215,215,215,212,212,209,215,215,215,217,222,222,215,213,217,225,228,228,225,215,209,212,212,204,204,212,217,215,209,209,209,212,222,228,228,228,225,222,222,222,222,222,225,228,228,225,217,217,217,222,222,222,217,217,217,217,215,215,215,217,222,225,225,225,225,217,215,212,212,211,211,215,215,217,215,215,217,217,217,215,215,215,222,225,228,228,228,225,225,228,228,228,228,228,230,230,228,222,222,225,228,225,222,217,216,217,225,228,228,225,225,222,222,225,225,225,225,225,225,225,228,230,230,230,228,230,233,235,238,238,238,238,238,235,235,235,230,225,217,212,207,207,207,212,217,222,225,225,222,215,212,212,212,212,212,207,204,202,202,202,199,194,191,191,191,194,196,202,204,209,215,217,217,212,209,209,207,209,209,209,209,207,204,204,204,207,209,212,212,212,207,202,196,194,191,186,183,186,186,183,183,181,181,181,181,183,189,196,199,196,196,194,194,186,185,189,191,185,183,186,194,204,209,215,215,209,207,204,204,207,207,207,202,194,145,144,144,194,204,212,222,225,225,228,230,233,233,228,215,209,211,220,230,235,235,241,255,255,255,255,246,251,248,248,251,241,222,217,225,222,215,209,204,207,212,215,215,208,208,212,222,222,212,207,209,0,0,0,230,228,222,217,212,212,209,202,196,196,194,191,189,191,189,189,189,178,127,123,127,173,173,122,124,191,199,204,207,202,199,202,204,199,123,95,87,91,105,121,173,178,178,131,126,125,129,189,207,217,222,220,215,212,209,209,209,212,212,215,212,212,215,220,225,228,222,204,139,135,137,194,215,225,217,215,215,222,228,228,230,233,233,233,233,233,230,228,225,222,217,215,215,209,186,124,122,127,137,137,129,125,125,121,117,127,196,215,220,217,215,215,217,222,222,217,212,209,209,212,215,215,215,212,212,212,212,212,212,212,212,212,212,212,209,204,196,194,196,202,209,212,215,217,222,225,225,217,215,212,212,207,204,207,209,204,196,196,199,202,199,195,196,202,202,202,204,209,212,209,207,204,204,207,207,207,209,215,215,204,189,142,189,196,207,209,209,209,209,209,207,207,209,207,194,178,172,191,199,199,196,194,194,194,199,199,199,202,202,202,199,199,198,198,198,202,207,212,217,212,204,191,189,196,209,222,215,183,115,137,196,207,212,215,215,212,209,207,207,207,207,207,209,209,209,209,209,207,207,207,196,141,186,191,191,191,191,191,189,187,191,194,196,199,204,209,212,215,215,204,191,185,185,189,191,189,189,191,196,209,217,212,196,191,191,196,196,199,199,199,196,189,173,187,196,202,207,209,212,209,207,202,199,199,199,199,199,196,192,191,194,202,207,207,202,189,142,142,143,145,194,202,204,209,209,207,202,196,196,199,204,207,209,209,209,209,207,207,209,209,209,209,212,212,212,209,209,212,215,217,217,215,215,215,215,212,209,209,209,212,215,217,217,215,212,209,209,209,209,209,212,212,215,212,212,212,215,215,215,215,217,215,217,222,212,204,202,204,202,189,140,140,189,199,207,212,217,215,215,215,217,220,217,217,217,217,215,212,215,217,222,217,217,217,217,217,217,220,222,225,222,215,215,217,228,230,228,228,233,241,241,235,231,231,233,235,233,229,229,230,238,246,246,207,109,105,110,129,149,212,230,243,248,248,248,246,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,246,233,230,230,230,228,217,204,196,196,196,196,194,0,0,0,0,0,238,222,217,225,0,0,241,0,0,0,0,0,0,217,0,212,204,202,199,196,194,181,165,157,160,173,173,165,169,189,189,165,160,165,186,202,215,220,222,228,233,233,230,230,230,220,209,204,199,191,199,212,204,200,204,212,215,212,209,202,183,181,189,199,209,222,233,238,235,233,235,0,0,0,0,0,0,0,228,225,225,222,217,217,222,217,217,225,230,233,230,222,215,212,204,189,176,173,173,170,168,168,165,160,168,191,212,0,0,0,0,0,238,235,238,243,243,241,238,238,241,238,238,243,248,254,254,251,251,255,255,255,255,255,255,255,255,255,255,255,255,0,251,246,241,235,230,230,0,217,215,217,225,217,204,191,186,189,189,194,0,0,0,0,0,0,0,204,199,199,199,202,202,207,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,202,202,196,194,186,183,183,183,183,181,178,178,178,181,181,179,181,183,189,191,194,196,196,194,189,183,135,129,127,127,129,137,194,207,215,215,209,209,217,230,241,246,243,235,230,228,228,233,241,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,248,243,241,241,243,243,246,248,251,254,254,251,248,246,243,238,235,235,235,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,144,183,199,202,199,194,196,199,202,202,202,199,194,192,192,194,196,199,202,202,202,199,199,199,199,199,199,199,199,202,199,199,196,196,194,194,191,191,191,186,183,181,178,173,127,121,121,176,194,204,209,202,173,119,118,122,125,123,119,113,119,170,178,125,113,117,178,189,189,181,129,123,127,176,176,173,131,131,131,133,178,186,191,194,194,196,196,199,204,209,215,217,228,228,199,132,132,176,176,183,189,186,183,176,129,129,131,131,131,173,178,186,191,194,189,183,173,170,173,178,181,176,121,120,123,129,170,129,129,173,176,113,101,117,129,170,176,186,191,176,172,181,194,196,194,194,191,186,178,173,127,125,124,124,123,123,125,127,125,102,100,103,111,119,125,125,121,115,112,114,170,176,173,173,176,178,178,181,183,183,178,176,178,183,186,185,185,189,194,191,183,176,173,172,173,173,131,127,123,123,123,123,186,196,199,199,202,202,199,196,194,194,199,199,196,192,192,195,199,202,204,202,202,199,199,199,196,186,178,173,125,121,121,121,121,127,170,170,168,170,176,178,173,131,173,173,176,183,189,194,196,191,181,178,186,196,191,178,132,132,176,183,194,204,204,204,207,207,202,191,186,183,189,191,186,181,189,196,196,186,178,173,173,170,170,127,118,119,123,124,125,129,173,178,183,178,170,173,176,178,181,186,186,176,128,127,168,176,176,173,173,183,204,212,199,178,170,170,170,121,87,41,47,65,91,115,186,207,215,222,222,222,217,217,217,217,217,217,217,215,209,204,204,204,202,199,195,202,207,207,199,196,194,189,133,125,114,111,117,133,176,133,133,131,129,129,176,181,181,177,178,189,189,181,133,133,176,131,128,128,131,181,189,191,194,194,196,199,196,194,191,186,181,183,189,196,202,204,207,209,207,202,199,202,207,204,199,189,183,186,194,196,202,207,212,209,209,207,204,202,199,199,204,207,204,199,195,194,195,195,199,202,202,194,186,139,137,139,186,191,194,196,194,139,137,139,189,191,196,199,199,196,196,196,196,196,194,194,191,186,138,137,138,189,191,191,190,194,199,202,202,199,202,204,207,204,202,196,194,194,194,196,196,196,196,196,196,196,194,194,196,196,194,191,194,194,196,194,189,183,137,137,137,181,181,178,176,178,186,191,191,189,186,186,186,186,191,191,189,186,189,194,191,189,183,133,129,128,133,189,194,194,194,194,196,199,202,202,199,196,194,189,183,182,183,186,186,186,137,129,133,183,191,191,189,186,178,173,176,189,194,183,178,176,176,178,183,186,189,186,183,183,189,189,186,181,178,181,183,186,186,186,186,183,181,181,183,183,186,191,199,202,199,196,194,194,191,186,178,178,183,189,186,131,121,119,122,131,181,183,181,137,133,131,133,186,194,194,191,139,137,139,186,189,196,204,209,212,209,202,196,196,199,204,209,212,215,215,217,217,212,207,204,204,204,202,199,202,207,207,209,212,215,209,207,209,212,212,212,212,212,212,212,209,207,207,207,209,207,204,202,202,207,212,215,212,212,215,217,217,215,212,209,209,215,217,222,225,222,215,215,217,225,228,230,225,215,209,209,202,200,202,212,217,215,209,209,209,212,222,225,228,225,222,217,217,217,217,222,222,225,225,217,217,217,217,217,217,217,215,215,215,215,215,215,215,215,217,222,225,228,222,217,212,212,212,212,212,215,215,215,215,215,215,215,215,215,212,212,215,222,225,225,225,225,225,225,228,230,230,230,233,233,228,225,222,228,228,225,222,222,222,222,225,225,225,222,222,222,222,225,225,225,225,222,222,225,228,230,230,230,230,230,233,238,238,235,235,238,238,238,235,235,233,225,217,212,207,205,207,212,217,225,228,225,222,217,215,212,215,215,212,207,204,202,202,202,202,196,194,194,194,196,199,204,207,209,212,215,215,212,209,207,207,209,209,209,209,207,204,204,207,209,212,212,212,209,207,204,199,196,191,189,186,183,183,183,181,181,181,181,181,181,186,194,196,196,196,199,196,186,185,189,191,189,185,185,189,199,209,217,217,212,209,207,207,207,209,209,204,196,145,143,144,194,204,215,222,225,225,225,230,235,235,230,225,215,215,217,228,233,233,235,251,255,255,255,251,255,247,248,255,238,222,225,225,225,230,222,209,207,212,212,209,207,207,212,0,0,0,0,212,220,230,235,230,222,215,215,217,215,209,204,199,199,199,194,189,191,194,191,189,181,131,129,176,181,183,183,183,194,204,207,207,204,199,202,215,212,183,97,71,71,91,121,176,181,183,178,127,124,127,133,189,209,215,215,215,209,212,212,212,212,215,215,215,212,215,217,228,230,230,225,217,147,135,141,209,222,222,217,217,222,228,228,230,230,230,230,233,233,235,230,222,217,215,209,208,212,202,125,121,129,189,191,189,133,127,117,111,114,191,212,217,217,215,215,215,215,215,215,215,212,212,215,217,217,217,215,215,212,215,215,215,215,212,212,212,207,196,195,196,199,199,202,212,217,217,217,225,228,228,222,215,212,209,207,207,209,212,207,202,199,202,204,204,202,202,202,207,209,209,212,212,209,207,207,204,204,202,202,207,212,212,199,143,141,191,202,212,209,204,202,200,204,204,204,207,204,191,176,170,191,199,202,199,196,196,199,204,204,204,202,198,198,199,202,199,198,198,202,207,209,209,207,204,199,137,113,113,133,135,107,90,127,194,204,212,215,217,220,205,207,209,207,207,209,209,212,209,209,207,204,204,204,196,137,130,186,196,196,194,194,189,187,189,194,196,199,202,204,209,215,212,199,189,185,189,199,202,196,191,194,199,207,212,207,194,190,189,189,190,194,194,196,196,191,189,199,202,207,209,209,209,209,207,202,198,198,199,202,202,199,194,194,196,204,209,207,199,189,143,189,194,199,204,207,207,209,212,209,204,198,196,198,202,207,209,212,209,207,205,205,209,212,209,209,212,209,208,208,209,212,215,217,217,215,215,215,215,215,212,215,215,217,217,217,217,215,212,207,207,204,202,202,207,209,209,209,207,209,212,212,212,215,212,212,217,222,222,215,212,209,202,191,143,143,194,204,209,212,217,217,215,215,215,217,217,215,215,215,215,215,217,217,220,217,217,217,217,222,222,222,225,225,225,222,217,222,225,228,230,235,241,246,248,241,233,231,233,238,238,238,235,238,241,241,238,222,117,111,121,135,149,217,238,246,246,246,246,246,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,246,235,230,233,243,255,243,222,207,202,199,194,191,194,0,0,0,0,225,217,217,0,0,0,0,235,230,230,0,0,0,0,0,217,207,199,199,196,191,176,163,156,160,170,170,166,173,181,181,168,164,165,178,191,209,217,0,0,0,241,235,235,238,233,228,222,222,230,238,235,200,196,202,212,212,212,212,202,186,186,196,209,228,243,248,246,241,238,0,0,0,0,0,0,0,0,0,228,228,225,217,215,215,212,212,222,228,228,225,220,215,212,204,0,173,166,166,166,168,165,163,160,173,196,0,0,0,233,238,241,238,238,241,243,241,238,235,235,238,238,238,241,243,248,248,246,246,254,255,255,255,255,255,255,255,255,255,0,255,0,0,0,241,233,228,225,222,216,215,217,225,217,204,194,189,186,186,191,0,0,0,204,217,217,209,199,199,204,207,207,204,207,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,199,199,196,194,189,183,183,181,181,181,178,176,176,181,181,181,181,183,189,194,199,199,196,196,191,186,137,129,127,127,129,137,194,204,212,215,212,212,217,228,238,243,241,238,233,230,230,233,241,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,248,243,241,241,243,246,248,251,251,254,251,251,248,243,241,238,235,233,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,176,194,202,199,196,194,196,199,202,204,202,199,196,194,196,199,202,202,204,204,202,199,199,199,202,202,202,202,202,202,199,196,194,191,189,191,194,194,191,186,186,183,178,173,127,125,173,186,196,204,217,215,173,114,116,123,173,170,113,111,111,108,102,101,107,119,178,189,183,129,119,118,121,131,173,131,131,133,133,176,183,189,191,194,194,194,194,196,202,209,217,222,228,222,186,131,130,131,132,181,186,186,183,178,131,129,131,173,131,173,178,186,194,196,196,191,181,173,173,178,178,173,125,123,125,127,129,173,176,176,170,99,91,100,123,129,170,176,178,173,172,178,186,186,189,189,186,181,176,168,127,125,124,125,127,125,125,125,123,107,105,113,119,119,121,121,117,113,112,117,127,129,170,173,178,181,183,181,178,174,173,172,174,183,189,189,189,189,191,186,178,173,173,176,178,178,178,173,125,121,120,119,127,183,189,191,194,199,196,194,194,194,199,199,196,194,194,196,202,204,207,204,199,199,199,196,191,183,173,121,121,125,127,125,123,170,176,173,169,173,181,183,178,173,173,173,181,189,191,194,202,202,191,181,181,186,183,178,178,176,176,183,196,204,204,204,207,207,199,186,178,176,183,186,178,173,178,189,189,178,173,173,176,173,170,125,119,121,125,125,127,173,176,181,186,181,176,176,183,194,189,170,129,173,173,129,170,176,173,170,178,199,212,215,199,176,127,127,125,121,115,115,178,189,189,191,199,209,215,215,215,217,217,217,217,215,215,217,217,215,212,209,207,202,199,195,196,202,204,202,196,194,191,186,178,129,117,114,121,133,178,178,183,189,186,183,183,186,189,186,186,189,183,133,133,178,183,181,130,129,133,183,189,189,189,194,196,196,191,189,189,186,183,187,194,202,204,207,209,209,207,199,191,189,194,204,194,125,119,129,186,196,202,209,215,212,207,207,207,204,204,204,209,212,209,202,196,196,196,196,196,202,199,194,189,183,139,183,186,191,196,202,199,191,183,186,191,196,199,202,202,191,183,186,191,191,186,186,186,183,138,137,138,189,194,194,194,196,202,204,202,199,202,204,204,202,199,196,194,191,191,191,191,191,194,196,199,199,199,196,194,191,191,191,194,196,199,196,191,186,137,133,133,135,178,181,181,183,191,194,194,194,191,189,186,189,191,191,186,185,186,191,189,186,183,137,133,133,181,191,196,194,191,191,194,196,199,196,194,191,189,186,183,182,183,183,186,189,189,183,181,186,189,189,189,189,178,176,178,191,194,183,178,178,178,181,183,183,181,178,181,181,183,183,183,183,183,183,183,181,181,183,186,183,181,179,183,183,183,186,196,202,199,196,194,194,194,189,181,178,181,183,181,131,125,125,133,183,191,191,186,183,137,133,135,186,191,189,138,135,136,183,189,191,196,202,204,209,207,199,196,198,204,209,212,215,215,215,217,217,215,212,209,207,204,199,196,198,204,204,204,209,212,209,207,209,212,215,215,215,217,217,217,217,215,212,212,212,209,209,209,212,215,215,215,215,215,217,222,222,220,215,209,209,215,217,217,217,217,217,217,217,222,228,228,225,215,204,199,196,199,207,217,222,217,208,208,209,212,217,225,228,228,225,217,215,213,215,217,222,222,222,217,217,217,217,217,217,215,215,215,217,217,217,217,217,217,217,222,225,225,222,215,212,212,215,212,212,215,215,215,215,215,215,212,212,212,211,212,212,217,222,222,222,222,222,225,228,230,233,233,233,233,230,225,222,228,228,225,222,225,225,228,228,228,225,222,222,222,222,225,225,225,225,222,222,225,228,228,230,228,228,230,233,235,235,235,235,235,238,238,238,235,233,228,217,212,209,207,209,215,222,225,228,225,222,217,215,215,215,215,212,207,204,202,204,204,202,199,196,196,196,199,202,204,207,209,209,212,212,209,207,207,207,207,209,209,207,204,202,204,207,212,212,215,212,209,209,207,202,199,194,189,186,186,183,183,181,181,181,183,183,183,183,186,189,194,196,196,194,189,186,189,191,189,185,185,189,196,204,209,212,212,209,209,207,209,209,209,204,196,189,144,145,194,204,215,220,222,222,225,228,233,235,235,230,222,215,212,217,225,230,238,251,255,255,255,255,254,247,254,255,238,233,235,230,228,235,233,217,212,212,212,209,208,208,217,0,0,0,0,228,230,233,233,225,215,213,215,222,215,209,204,202,204,202,196,191,194,194,191,189,181,178,181,186,186,186,191,199,207,209,207,204,204,202,207,222,222,199,111,73,69,89,129,183,189,191,191,181,133,129,128,131,189,202,207,209,209,212,212,215,217,222,222,215,212,215,217,228,230,228,228,225,212,141,136,147,212,222,225,225,228,230,230,230,228,228,228,228,233,238,230,220,215,215,212,212,222,217,141,129,186,194,191,141,135,131,123,117,129,199,212,215,212,215,215,215,213,213,215,215,212,212,215,217,222,217,217,215,215,215,217,222,222,217,215,212,207,195,194,196,202,199,204,215,222,217,217,222,228,228,225,215,209,207,204,207,212,215,209,204,204,196,199,204,207,209,207,209,212,215,215,212,209,207,204,202,199,196,196,204,212,207,196,143,143,191,199,209,209,200,199,199,202,204,204,204,202,194,186,185,194,202,207,204,202,199,202,204,207,207,204,196,196,202,204,204,204,202,202,204,199,196,199,204,207,215,87,15,18,62,95,113,186,189,191,207,212,215,217,212,209,209,209,209,212,212,212,212,209,207,204,204,204,196,137,130,139,196,202,202,199,191,187,187,189,194,196,199,202,207,209,207,199,189,186,191,202,204,199,191,194,199,202,204,199,194,194,191,191,191,194,194,194,199,199,199,199,199,204,212,209,209,209,207,202,198,198,199,202,202,202,196,196,199,207,209,204,196,191,189,194,196,204,209,212,209,207,209,209,207,204,202,204,207,209,212,212,212,209,207,209,212,212,209,209,212,209,209,209,209,212,215,217,215,212,209,209,209,209,212,217,222,222,220,217,212,209,209,207,204,199,195,196,204,207,207,204,202,204,207,207,209,215,212,211,212,217,217,217,215,212,207,199,194,191,196,204,209,212,217,217,215,212,212,212,215,212,212,215,215,217,217,220,222,222,222,217,220,222,222,222,222,225,225,225,222,222,225,228,230,235,241,248,251,243,235,233,235,238,241,241,241,243,243,238,238,235,207,141,137,143,207,230,241,243,243,243,246,246,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,251,235,229,235,255,255,248,230,222,215,202,183,178,186,0,0,0,222,212,212,0,0,0,0,0,233,228,228,0,0,0,0,0,225,212,199,189,183,178,165,157,156,157,168,173,170,178,183,183,176,168,168,176,189,204,212,0,0,248,241,233,233,235,235,233,230,235,246,255,254,207,198,204,215,217,215,212,204,196,196,202,215,238,255,255,248,233,230,0,0,0,246,246,243,0,0,0,228,228,225,217,212,209,207,207,215,222,222,217,215,215,212,204,189,176,166,166,166,168,165,157,157,173,196,0,0,0,235,241,241,241,241,243,243,241,238,235,238,238,241,238,238,238,241,243,241,241,248,255,255,255,255,255,255,255,255,0,0,0,0,0,0,241,235,228,222,217,215,215,220,225,217,204,191,183,181,181,189,0,0,0,209,220,217,204,198,199,209,215,212,209,207,0,0,0,0,0,0,0,0,215,215,0,0,0,212,207,199,196,196,196,194,189,183,181,178,178,178,176,176,178,181,183,181,181,183,191,196,199,199,199,196,194,189,139,133,129,128,131,139,191,204,212,215,217,217,220,225,233,238,238,238,233,229,229,233,241,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,241,238,238,243,246,248,251,251,251,251,251,248,246,243,241,238,233,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,189,196,199,196,194,191,191,196,202,202,202,199,199,199,202,204,204,204,204,204,202,199,199,202,207,207,204,204,204,204,202,199,194,189,187,189,194,194,191,189,189,186,181,176,131,173,183,191,191,196,230,222,170,115,116,125,173,170,111,111,115,110,102,99,105,115,173,181,176,120,116,117,123,129,173,131,131,133,178,181,186,189,189,191,194,194,194,196,204,212,217,222,222,209,183,133,133,135,178,186,191,191,189,181,131,129,173,176,173,173,131,173,176,181,189,189,183,178,178,178,178,173,131,129,129,131,131,173,176,176,129,109,99,119,170,129,125,127,173,178,178,181,183,183,186,186,181,176,173,168,127,127,127,127,168,168,125,122,123,119,121,125,125,121,118,119,115,113,114,123,129,170,173,178,183,183,183,181,176,174,173,173,176,189,194,196,194,194,191,183,178,176,178,181,181,181,181,178,129,125,120,118,121,129,178,183,191,196,196,194,194,196,199,202,202,199,199,202,204,207,207,204,202,202,202,196,186,183,125,109,119,178,178,131,129,176,181,178,176,178,186,191,189,178,131,173,183,189,191,196,202,202,196,186,181,178,178,181,183,178,176,183,194,196,196,196,199,199,191,181,174,176,183,189,176,130,131,176,178,173,172,173,176,173,170,173,173,183,181,173,170,176,176,176,178,178,178,181,189,202,196,173,129,173,170,125,127,127,125,127,181,199,202,189,127,126,168,173,173,168,170,178,196,202,202,199,202,207,207,207,209,212,215,217,217,215,215,212,215,215,215,215,212,207,199,196,199,202,199,196,196,196,191,186,183,178,125,121,129,183,186,189,194,202,202,199,194,194,196,194,191,189,181,133,135,189,196,191,178,133,135,186,186,183,183,189,196,194,189,189,196,196,194,196,199,202,204,207,209,209,204,194,186,137,131,123,97,92,103,127,186,196,202,209,215,212,205,205,207,209,207,209,212,215,212,204,199,199,199,199,199,202,199,196,194,186,139,183,189,194,196,202,202,196,191,194,196,199,199,199,196,137,129,133,183,186,136,134,139,186,183,139,183,191,196,199,202,202,204,204,202,202,199,199,199,196,196,194,191,191,191,191,190,191,194,199,202,202,202,196,191,190,190,191,196,196,196,194,191,189,181,133,132,133,178,181,189,191,191,194,194,194,191,189,186,189,191,191,186,185,189,194,191,189,189,189,183,181,183,189,194,191,189,189,191,194,196,194,191,189,189,186,186,186,183,183,186,191,194,191,189,189,186,186,191,189,183,181,189,194,194,183,177,177,181,186,183,178,177,176,178,178,178,181,181,183,186,186,183,179,178,181,186,186,183,182,186,186,183,183,191,196,196,194,194,196,196,194,186,181,178,178,178,135,135,181,186,191,194,194,194,194,189,183,183,191,194,186,138,137,139,191,196,196,199,202,207,207,207,202,199,204,209,215,215,215,212,215,217,220,222,220,217,215,209,199,194,195,199,202,202,207,209,207,205,207,212,215,217,217,217,217,217,215,212,212,215,215,212,212,212,215,215,217,217,217,217,222,225,228,225,220,215,209,212,217,215,212,212,217,215,212,217,225,225,225,215,207,196,196,202,217,225,228,217,208,207,208,212,217,228,230,230,228,222,215,212,212,215,222,222,222,217,217,222,222,217,217,215,215,215,217,222,222,225,225,222,222,222,222,222,222,217,215,215,215,215,215,215,215,215,217,217,215,212,212,212,212,212,212,215,217,222,222,222,222,225,228,230,233,233,233,233,230,225,222,225,228,228,228,228,228,230,228,228,225,222,222,222,222,225,225,225,225,222,222,225,225,228,228,228,228,228,230,233,235,233,235,235,241,241,241,238,233,228,222,215,212,212,212,217,222,225,225,225,222,217,215,212,212,212,209,207,202,202,202,204,202,199,196,196,199,199,202,202,204,207,207,209,209,207,207,207,207,207,207,207,207,202,200,202,207,212,215,212,212,212,209,209,204,202,196,191,189,186,186,183,139,181,183,186,189,189,183,181,182,189,196,196,191,191,189,191,194,191,186,186,189,194,196,199,204,207,209,209,209,209,209,204,199,194,191,189,191,194,204,212,217,220,222,225,228,233,233,230,225,217,212,207,209,217,230,241,246,248,251,255,255,254,248,254,254,248,255,255,238,233,238,238,228,217,215,215,217,217,220,228,0,0,0,0,0,241,235,228,217,212,213,215,217,212,209,207,207,204,204,199,196,196,194,191,186,183,181,189,194,183,181,186,202,212,215,207,204,202,202,207,222,228,220,183,87,69,85,170,186,191,196,199,194,186,178,129,129,183,196,204,209,212,212,212,215,222,228,225,217,212,215,217,225,225,222,225,228,217,196,136,137,204,222,230,230,230,230,228,225,222,217,215,217,225,235,233,222,215,215,217,225,233,225,202,141,141,141,133,127,133,139,186,194,202,209,212,212,211,215,217,217,215,215,217,217,215,215,215,217,217,217,215,215,212,212,215,217,222,222,217,215,207,196,195,199,202,202,204,215,222,217,215,217,222,225,222,215,207,204,204,207,212,215,212,207,196,122,127,143,196,209,212,212,215,215,212,209,207,204,202,199,194,192,194,207,212,209,199,191,143,141,142,202,204,200,200,202,207,209,204,196,191,191,189,189,196,204,209,209,207,202,202,202,204,207,204,198,198,202,207,207,207,204,202,199,192,192,199,207,222,248,75,8,25,97,139,207,204,189,185,202,215,217,217,217,212,209,209,209,212,215,215,212,209,207,204,204,207,204,194,138,141,196,204,207,204,196,187,187,191,194,196,199,199,202,202,202,199,191,189,194,204,204,194,135,127,137,191,196,196,199,202,202,199,199,196,194,196,199,202,202,199,198,202,207,204,204,209,209,204,202,204,207,204,204,202,199,199,202,207,207,199,194,191,194,196,196,202,209,212,209,207,209,209,209,209,209,209,212,212,215,212,212,212,212,215,215,215,212,212,212,212,215,215,212,212,215,215,212,208,207,207,207,208,209,217,222,222,217,215,209,207,205,207,204,196,194,195,202,207,207,204,202,202,204,202,207,215,215,211,211,212,215,215,212,212,207,204,202,199,202,204,207,212,220,217,212,209,208,209,209,209,212,212,215,215,217,222,222,225,225,222,220,217,217,216,217,225,228,225,225,225,228,230,233,235,241,246,248,243,238,235,238,241,238,238,238,241,238,230,230,230,215,207,151,155,230,243,243,241,243,246,246,246,246,254,255,255,255,255,255,255,255,255,255,255,255,255,255,254,233,228,238,255,255,246,222,215,215,202,178,173,178,194,0,0,217,211,212,0,0,0,0,0,230,228,225,0,0,0,0,0,228,212,194,176,165,160,157,157,156,156,163,173,178,186,191,189,181,173,170,181,194,202,209,222,238,243,235,225,225,225,225,222,225,235,248,255,255,235,212,212,217,220,220,217,209,207,204,209,222,243,255,255,246,215,212,0,0,0,241,241,241,0,0,0,225,225,225,217,212,207,204,204,209,212,215,212,209,209,209,204,194,181,173,168,168,170,165,155,150,163,191,0,0,0,241,243,243,241,241,241,241,241,235,235,238,241,241,235,233,233,235,238,238,238,248,255,255,255,255,255,255,255,255,0,0,0,0,0,0,243,235,230,225,222,216,216,222,225,217,202,189,181,177,178,183,0,0,0,212,225,217,202,198,202,212,217,217,0,209,0,0,0,0,0,0,0,0,212,215,215,215,212,209,204,196,194,194,194,194,189,181,178,176,176,176,176,176,181,186,186,183,183,186,191,196,199,202,199,199,196,191,186,137,133,131,135,139,145,199,209,215,220,222,222,222,225,233,235,235,230,229,229,233,241,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,246,238,237,238,243,246,248,251,251,251,251,251,251,248,246,243,238,233,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,191,194,196,196,194,191,190,190,194,199,202,202,202,202,202,204,204,204,202,204,202,202,199,202,204,209,209,204,204,207,207,204,202,196,191,189,189,191,194,191,189,189,189,189,183,181,181,183,186,183,186,215,207,129,118,119,123,125,123,119,170,189,191,176,115,113,119,129,176,173,123,121,129,173,173,131,129,131,133,181,186,189,189,189,194,196,196,196,199,207,215,217,215,212,202,183,178,183,189,191,196,196,199,196,186,133,131,131,173,173,131,129,129,127,127,173,181,183,181,183,183,183,178,176,178,181,183,181,178,176,173,131,173,186,199,186,129,123,125,176,189,194,194,191,189,186,183,178,176,173,170,168,168,168,168,170,173,168,123,125,127,168,170,127,121,119,121,121,119,121,127,170,173,181,186,186,183,183,183,183,181,181,181,186,196,202,202,202,199,194,189,183,183,186,189,183,178,178,178,173,129,127,123,121,121,127,181,186,191,194,194,199,199,199,202,207,207,209,209,212,212,209,207,204,204,207,202,194,191,119,107,127,186,181,173,173,181,183,181,178,183,191,194,189,176,128,128,173,183,194,199,196,194,194,191,183,177,178,183,183,178,176,183,189,189,183,183,186,189,186,181,174,174,178,183,173,130,129,130,131,173,176,178,176,173,173,181,194,199,186,170,173,178,176,170,170,176,178,183,191,196,186,129,129,129,121,118,119,119,119,123,176,186,173,122,122,126,178,191,194,189,186,194,202,204,204,202,202,202,199,199,204,209,215,217,217,215,212,209,207,207,212,215,215,209,202,199,202,204,199,196,196,196,189,181,181,181,133,131,181,194,196,199,202,207,209,207,199,196,196,196,196,189,181,133,178,189,194,191,183,181,183,191,189,182,182,189,194,194,191,194,204,207,204,204,204,204,204,204,207,207,202,191,183,137,125,91,81,88,109,137,194,199,204,209,212,209,207,205,207,209,209,209,212,215,212,207,199,196,196,199,202,202,202,199,199,191,186,186,191,194,194,196,199,196,196,196,196,194,194,194,189,131,127,131,183,186,134,131,137,186,186,186,191,196,202,204,204,204,204,207,204,199,194,189,191,194,194,194,194,194,194,191,191,196,199,204,207,207,204,199,194,191,191,194,194,194,189,186,186,186,183,135,133,135,135,181,189,194,191,189,186,186,183,183,186,189,191,191,189,189,194,199,196,196,196,194,189,183,183,186,189,186,183,186,189,191,194,194,191,191,191,191,189,189,186,186,189,191,196,196,194,191,189,189,191,189,189,189,194,194,191,183,177,177,183,189,186,178,177,177,178,178,178,181,183,189,191,191,186,181,181,183,189,191,189,189,191,189,183,182,183,186,186,186,189,194,199,199,194,186,183,181,178,178,181,183,189,189,189,191,194,199,196,194,196,199,196,189,186,186,194,199,199,196,199,204,209,209,209,207,204,207,212,215,215,212,212,212,215,222,225,225,222,222,217,207,195,195,199,204,202,207,209,207,205,205,209,215,217,215,209,209,209,209,209,212,217,217,215,212,212,215,215,217,217,217,220,225,228,228,228,222,215,209,209,217,215,209,207,212,209,209,212,215,222,225,225,217,207,204,215,228,230,228,222,212,209,209,215,222,225,228,228,228,225,215,211,212,217,225,225,222,217,217,217,217,217,217,215,212,215,215,222,225,228,225,225,222,217,217,217,217,217,217,217,217,217,215,215,215,215,217,217,217,217,215,215,215,215,212,212,215,217,217,222,225,228,230,230,230,230,233,233,230,225,222,225,228,230,230,230,230,230,230,228,228,225,222,222,225,225,225,225,222,222,222,225,225,225,225,225,225,228,230,230,230,233,233,235,241,243,241,238,233,228,225,217,217,215,215,217,222,225,225,222,222,217,215,212,212,209,209,204,202,199,202,202,202,199,196,196,199,204,204,202,202,204,207,207,207,207,204,204,207,207,207,207,204,200,199,202,207,212,215,212,212,212,212,209,207,202,196,194,189,186,183,139,137,137,183,186,191,191,186,181,181,186,194,194,194,194,196,196,199,196,191,191,194,194,191,191,196,204,209,209,209,209,207,202,196,194,191,191,191,194,202,209,215,217,220,225,228,230,230,222,215,209,207,207,207,212,222,233,241,243,251,255,255,255,254,254,254,255,255,0,0,241,243,238,230,222,217,217,225,228,230,233,0,0,0,0,0,243,233,222,215,213,213,215,217,215,215,212,209,207,207,204,202,199,196,191,189,183,183,189,194,186,178,178,191,207,207,202,199,202,199,202,212,228,228,207,93,65,69,109,129,181,191,196,194,186,181,133,135,194,204,207,209,215,215,215,217,225,228,225,217,212,212,215,222,222,222,225,225,222,212,143,139,204,225,230,233,230,228,222,217,215,209,207,204,212,230,235,230,222,217,225,230,233,230,212,186,127,118,115,117,133,194,209,215,217,217,217,212,212,217,225,225,222,217,222,222,217,215,215,215,215,215,215,212,207,204,204,207,212,215,215,215,209,199,196,202,204,204,207,215,217,217,215,212,217,220,222,217,209,202,202,204,209,212,215,209,127,93,101,118,133,204,215,215,215,215,209,207,202,199,196,194,192,191,194,207,215,212,204,196,143,139,139,196,207,207,209,212,215,215,209,194,187,186,186,187,194,207,212,215,207,202,196,196,202,204,202,199,199,204,207,207,204,202,202,196,191,192,204,215,225,225,85,54,113,209,215,217,212,191,185,196,220,222,217,215,209,207,204,207,209,209,212,209,207,207,204,204,209,212,209,199,194,199,207,212,207,199,191,191,194,196,199,202,202,202,199,198,199,196,196,202,207,202,135,119,114,124,186,196,202,204,204,202,204,204,202,196,196,202,204,202,198,198,202,202,194,194,204,209,207,207,212,212,209,204,199,196,196,204,207,204,196,191,194,196,199,199,199,207,209,209,207,209,209,209,209,209,209,212,212,215,212,212,212,215,215,215,215,215,215,215,215,215,215,215,215,217,215,212,208,208,207,208,208,209,217,222,220,215,212,207,205,205,207,204,199,195,196,202,207,207,204,202,204,202,199,204,215,217,215,212,212,212,209,209,204,204,204,204,202,202,204,202,207,217,217,212,209,208,208,209,209,209,212,212,215,215,217,222,225,225,222,217,216,216,216,217,225,228,228,228,228,230,233,233,235,238,241,243,241,238,238,243,243,238,235,237,238,235,225,209,153,151,220,220,225,243,248,243,243,246,248,246,244,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,251,233,226,246,255,255,248,209,199,207,204,181,172,173,186,0,0,225,215,215,0,0,0,0,0,0,0,0,0,0,0,0,220,217,204,183,165,152,150,152,160,163,156,157,168,178,189,194,191,181,168,170,183,199,204,207,215,228,233,228,220,215,215,209,208,212,222,235,254,255,246,225,220,220,220,217,217,217,212,215,217,230,246,255,255,243,207,204,0,0,0,230,235,238,0,0,0,222,222,217,215,212,207,204,204,204,0,0,204,204,204,207,204,196,186,176,173,173,170,163,150,147,0,186,0,0,0,241,243,241,238,238,238,238,238,235,235,235,238,238,233,230,230,235,238,238,241,251,255,255,255,255,255,255,255,255,255,0,0,0,0,0,246,241,233,228,225,217,217,222,222,215,202,189,181,177,177,181,189,0,207,222,233,225,207,199,204,215,222,217,0,0,0,0,0,0,0,0,0,212,212,212,215,215,212,207,202,194,191,191,191,191,186,181,176,173,173,173,176,176,183,189,189,186,183,186,191,196,199,202,202,202,202,199,191,139,135,135,137,141,145,196,207,215,222,222,217,215,217,228,235,235,230,228,228,230,241,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,243,238,237,238,243,246,248,251,251,251,251,251,251,251,248,246,241,233,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,194,196,196,196,194,194,191,191,190,194,199,202,202,202,202,202,204,202,199,199,202,202,202,202,202,204,207,207,202,202,204,207,207,204,202,199,196,194,191,191,194,194,194,194,191,191,189,186,183,178,177,181,191,183,125,120,122,125,123,125,176,186,194,196,194,183,173,129,127,173,176,176,183,191,186,173,128,128,131,178,186,194,196,196,196,199,202,199,199,199,207,212,212,204,204,202,189,178,183,196,199,196,189,189,191,183,176,133,129,129,131,173,176,176,129,127,129,178,183,186,186,189,189,186,183,186,189,191,189,183,178,176,131,173,183,189,176,125,124,127,181,194,202,202,202,196,189,178,176,176,176,173,170,170,168,168,170,178,178,168,168,127,168,170,125,125,127,127,168,173,173,170,170,178,186,191,186,182,183,191,196,196,194,191,196,202,204,204,204,202,199,196,194,194,194,194,186,181,181,181,178,178,178,176,127,121,125,176,181,183,191,199,202,204,204,207,209,215,217,222,222,215,212,207,207,209,212,209,202,191,107,103,129,178,173,170,176,178,181,176,176,183,189,189,173,129,127,128,131,181,196,202,194,189,186,186,181,177,177,183,181,176,181,191,194,183,178,178,181,186,189,186,178,174,174,176,178,173,131,131,131,173,178,181,176,131,170,178,194,194,127,114,127,176,176,129,129,170,173,181,186,183,118,112,118,121,118,118,118,117,117,121,173,178,170,124,126,173,186,196,202,202,202,204,204,207,207,204,204,202,196,195,202,207,209,215,215,212,212,207,202,202,207,212,212,209,202,199,204,207,202,199,202,199,186,136,178,183,181,181,191,199,202,204,204,207,209,207,199,195,195,199,199,194,181,133,133,135,133,133,186,191,196,202,199,189,186,191,194,191,190,194,204,209,207,204,204,204,202,199,202,202,199,194,186,183,137,117,95,103,127,189,202,204,207,207,209,209,207,207,207,209,209,208,209,212,212,207,199,195,196,199,202,202,199,199,196,191,189,191,194,194,191,191,194,199,199,196,194,191,191,189,186,135,131,139,191,191,137,134,136,183,186,189,196,204,207,204,204,204,204,207,207,199,189,186,189,194,194,194,196,196,196,196,199,202,204,207,209,207,204,202,196,194,194,194,196,194,186,181,181,183,183,178,178,178,178,135,181,186,186,183,182,181,182,183,189,194,194,194,191,194,196,199,196,196,199,196,189,183,183,186,186,182,182,182,183,189,189,189,191,194,194,191,189,183,186,189,191,194,194,196,194,191,191,194,194,191,191,194,196,194,191,186,181,183,189,191,186,181,178,178,181,181,181,186,189,194,194,191,189,186,186,186,189,191,194,196,194,189,183,181,181,181,181,181,186,191,196,199,196,191,186,186,189,186,183,183,183,186,186,186,191,196,199,202,202,202,196,191,194,194,199,199,196,196,199,204,209,207,204,207,209,209,212,215,215,212,209,209,212,220,225,225,222,222,222,215,199,196,202,207,207,207,209,209,205,205,207,212,212,207,202,200,204,209,212,215,217,222,217,215,212,212,215,215,217,215,215,217,222,225,225,222,217,204,199,204,209,204,204,209,209,209,209,212,215,222,228,228,225,222,225,228,225,225,225,217,215,215,222,225,225,225,225,225,225,215,212,212,217,228,228,222,217,217,217,217,215,215,212,212,212,215,217,222,225,225,222,217,217,217,217,217,217,222,222,217,217,215,215,212,215,215,217,217,217,217,217,217,215,211,211,212,217,222,222,225,228,230,230,230,228,230,233,230,225,222,225,228,228,230,230,233,233,230,230,228,225,225,225,225,225,222,222,222,222,222,222,225,225,225,225,225,225,228,228,228,230,233,238,241,243,241,238,233,230,225,222,217,217,217,222,222,222,225,225,222,222,215,212,209,209,207,204,202,199,202,202,202,199,199,199,202,204,204,202,204,204,207,207,207,204,204,204,204,207,207,207,204,200,199,202,207,212,215,212,212,212,212,212,207,204,199,194,189,183,139,137,136,137,181,189,191,194,189,183,183,186,191,194,196,199,202,202,204,202,199,196,199,196,189,187,196,204,209,209,207,204,202,199,196,194,191,189,143,189,196,204,209,212,215,222,228,228,225,215,209,207,204,207,207,207,212,225,233,238,248,0,0,255,255,254,254,255,255,0,254,255,251,238,228,222,217,220,228,230,230,230,235,0,0,0,248,238,228,217,217,220,217,215,217,222,225,217,212,209,209,0,0,202,199,196,191,189,186,191,199,199,183,178,183,196,199,196,196,202,196,194,204,222,230,212,91,64,63,79,109,127,181,186,183,181,181,181,186,202,212,209,209,217,217,217,222,225,228,222,215,209,209,212,217,225,225,225,228,228,228,207,149,207,222,233,235,233,228,225,222,217,209,203,202,204,228,238,235,228,217,217,230,233,233,222,189,117,114,115,119,135,204,217,217,220,228,228,222,215,217,225,225,222,217,217,222,222,217,215,212,209,212,212,209,202,196,147,194,196,202,207,207,207,204,202,204,207,207,209,212,217,215,212,209,212,215,217,215,209,202,196,199,204,209,217,217,131,95,102,118,129,207,217,217,215,212,207,202,199,194,194,194,196,194,196,209,217,212,204,196,194,143,143,204,215,215,217,217,217,217,215,202,191,187,186,186,196,207,212,212,207,199,196,195,196,199,199,202,202,207,207,207,202,202,202,199,194,196,209,220,222,215,194,137,191,209,220,220,212,202,186,182,209,222,215,212,207,204,203,203,204,207,207,207,204,202,199,199,202,209,209,207,202,202,207,209,204,196,194,196,196,196,199,202,204,204,202,199,199,199,199,204,207,199,133,120,119,135,196,204,207,207,202,199,202,204,202,196,196,199,202,199,198,198,202,196,185,183,196,207,207,207,212,215,212,204,196,192,195,202,204,199,194,194,199,204,204,202,202,204,209,209,207,209,209,209,209,209,209,212,215,215,212,212,212,212,212,209,212,215,217,217,217,215,215,217,220,222,222,217,212,209,209,212,212,212,217,217,217,215,212,209,207,205,207,209,207,204,204,207,209,207,204,204,207,202,195,196,209,215,215,212,209,209,209,207,202,199,196,196,194,196,199,194,196,209,217,215,209,208,209,209,209,209,209,209,212,215,217,217,222,220,217,217,217,217,217,222,228,230,230,228,230,233,233,235,235,238,241,243,241,238,241,243,243,238,235,237,241,243,233,204,129,121,228,238,246,246,243,242,243,248,248,248,246,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,251,238,233,254,255,255,255,209,194,199,196,178,172,173,183,204,220,222,215,212,0,0,0,0,0,0,0,0,0,0,0,209,209,204,191,173,157,147,147,155,168,170,160,157,163,173,178,183,181,168,160,165,181,196,204,204,204,212,222,222,215,209,208,207,207,209,215,220,228,238,233,225,220,220,217,215,217,217,217,225,233,241,251,255,255,246,215,207,0,0,0,225,233,235,0,0,0,217,215,212,209,209,209,207,0,0,0,0,0,0,202,204,202,196,186,176,173,176,173,165,152,147,0,181,0,0,0,238,241,241,235,233,235,235,235,235,235,233,230,230,228,228,230,235,241,241,243,254,255,255,255,255,255,255,255,255,255,255,0,0,0,254,248,243,238,233,228,225,222,222,220,215,202,191,186,178,178,181,186,0,209,228,238,233,217,207,209,220,225,0,0,0,0,0,0,0,0,0,0,0,209,212,215,215,212,207,199,191,189,186,189,189,183,178,173,169,169,173,176,176,183,189,189,186,186,189,191,196,199,202,204,207,207,204,196,186,139,137,141,145,191,199,204,212,220,220,212,209,212,225,233,235,230,228,228,230,241,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,243,238,237,238,243,246,248,251,251,251,251,251,251,251,248,243,238,230,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,173,194,196,196,196,194,196,196,194,194,194,199,202,202,199,199,202,202,202,198,198,199,202,202,202,204,204,204,204,199,199,204,207,209,209,207,207,204,199,194,194,196,202,202,196,194,191,191,191,183,178,177,178,178,131,123,122,127,129,170,176,178,181,186,191,196,194,183,170,170,173,178,183,191,194,186,129,126,128,133,181,194,202,207,204,204,204,204,202,202,202,204,207,204,200,204,207,191,178,183,199,202,183,122,122,133,133,133,176,127,127,129,173,178,181,176,128,129,178,183,186,186,189,189,189,189,189,189,189,186,183,181,178,131,120,110,110,118,125,131,178,186,196,204,207,204,199,186,173,170,173,173,173,170,168,125,125,168,176,178,170,127,123,124,125,127,173,176,173,176,183,181,173,173,178,189,191,186,183,191,202,207,207,204,199,202,204,207,204,204,204,204,202,202,202,199,196,189,181,178,181,178,178,183,181,131,121,121,127,125,133,189,194,199,204,207,209,212,217,222,222,222,217,212,212,212,215,215,212,194,119,100,101,121,170,170,170,129,170,129,128,129,173,178,173,129,173,181,178,178,186,199,202,194,183,181,181,178,177,178,181,178,178,191,204,202,183,135,178,178,183,191,189,183,178,178,183,189,186,181,176,173,173,176,176,173,129,126,129,183,178,116,111,121,178,181,173,170,129,127,129,176,178,118,110,115,116,116,123,123,119,119,127,178,186,189,186,181,183,189,199,207,207,207,204,204,207,207,207,204,202,196,195,199,204,204,207,207,209,209,207,202,202,204,209,212,207,202,199,207,207,204,202,204,202,186,136,178,186,189,191,199,202,202,204,204,204,207,207,202,196,195,199,202,196,183,135,132,130,126,126,183,196,204,204,199,191,191,194,194,191,190,190,196,204,204,204,204,207,204,199,199,199,202,199,191,186,186,183,131,123,133,196,207,209,207,207,207,209,207,204,207,209,209,209,209,212,212,207,199,195,196,199,202,196,194,191,194,189,189,191,194,191,190,190,194,202,204,202,196,191,191,191,191,183,139,189,196,194,183,137,137,139,186,191,202,209,209,204,204,203,204,207,204,199,189,186,189,191,194,196,199,199,199,199,202,202,204,207,207,204,202,199,199,196,194,196,196,196,189,181,177,178,178,178,181,181,135,130,131,135,183,183,182,182,186,191,196,202,202,199,196,196,196,194,189,189,191,189,183,181,181,186,186,182,181,181,182,183,186,186,189,191,191,189,181,181,183,189,191,191,191,191,189,189,189,194,194,194,194,196,196,194,191,189,186,189,194,194,191,186,183,181,181,181,181,186,191,194,194,191,189,189,191,191,189,189,194,196,194,191,186,183,183,183,182,182,183,186,189,194,194,191,189,191,199,196,189,183,183,183,186,189,189,191,196,199,202,202,199,194,194,194,191,191,191,194,199,202,202,196,196,202,209,212,215,215,215,212,207,204,209,215,222,222,217,217,222,217,204,199,204,209,209,207,207,209,207,207,207,207,207,200,199,200,207,212,215,215,215,215,215,212,212,212,215,217,215,212,211,211,212,215,215,217,220,204,145,144,149,199,204,212,215,215,212,212,212,217,225,230,230,228,225,225,222,225,228,225,222,222,225,225,225,222,222,222,222,217,213,213,217,225,228,222,217,216,216,217,215,215,212,212,212,215,217,217,222,222,217,217,217,217,215,217,222,222,222,217,215,212,212,209,212,212,217,217,217,215,215,217,215,209,209,212,217,222,225,228,228,228,228,228,228,230,233,230,225,222,222,225,228,228,230,230,233,230,230,228,228,225,225,225,222,222,222,222,217,217,222,222,225,225,225,225,225,225,222,225,230,233,238,238,241,241,238,235,230,225,222,217,217,217,222,222,222,225,225,225,222,217,212,209,207,204,202,199,199,199,202,202,202,199,199,202,204,204,202,204,207,209,207,204,204,204,204,204,204,204,207,204,202,200,202,207,212,215,212,212,212,212,209,207,202,196,194,189,139,137,136,136,137,183,189,191,191,191,189,189,189,191,194,199,199,202,204,207,207,204,202,202,196,189,189,196,204,207,207,204,199,196,196,196,194,189,143,141,143,191,199,204,207,212,217,222,225,220,215,209,207,207,204,202,202,207,212,225,235,243,255,255,255,255,255,252,255,255,0,0,255,255,235,225,222,217,222,233,238,235,233,238,0,0,0,246,241,228,222,225,225,222,217,222,228,228,217,212,0,0,0,0,204,202,199,196,191,186,191,199,207,194,179,179,189,196,196,196,196,191,190,202,222,235,230,123,67,62,67,95,119,176,181,181,183,191,194,196,207,212,212,212,217,217,222,225,228,225,215,209,204,203,207,217,228,228,228,228,230,228,209,196,202,217,230,238,233,228,225,225,222,215,204,202,204,225,235,233,217,204,199,215,228,233,233,212,125,119,135,191,202,215,217,212,217,230,235,228,215,212,215,222,222,222,217,222,222,217,212,209,207,207,209,207,199,147,145,144,146,194,196,202,207,207,204,209,212,209,209,212,215,212,209,209,209,212,215,215,207,196,191,196,199,204,212,215,194,123,125,135,194,215,222,217,215,209,204,199,196,196,196,199,204,202,202,207,215,212,199,190,194,196,196,209,217,217,217,215,212,215,215,209,202,196,191,194,202,207,212,212,204,199,196,196,196,199,202,204,207,209,209,209,207,207,207,202,196,199,209,215,217,212,204,194,196,209,215,212,212,212,191,155,170,215,212,209,207,204,203,203,203,204,204,204,202,202,196,194,194,199,204,202,194,189,199,207,202,196,199,199,196,195,195,199,207,207,204,204,202,202,199,199,202,199,189,139,189,196,204,207,207,204,199,196,196,202,199,196,196,199,199,199,198,199,202,196,183,182,186,196,202,204,209,209,209,202,195,191,192,196,202,196,194,199,204,207,207,204,204,207,207,207,204,207,209,212,212,212,212,215,215,215,212,209,209,212,209,207,209,215,220,220,217,215,215,217,220,222,222,220,215,215,215,217,217,217,215,215,215,215,212,212,209,209,209,212,212,212,212,212,209,207,204,207,207,202,192,192,202,209,209,209,207,209,212,209,202,196,145,139,137,143,191,145,144,199,215,217,212,209,209,209,209,209,208,209,212,215,217,217,217,215,215,215,220,222,225,228,233,233,230,230,230,233,235,238,238,243,246,243,241,238,241,243,241,237,237,241,246,254,251,207,111,101,212,238,248,246,241,242,246,251,251,251,248,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,251,246,246,255,255,255,241,204,189,186,181,173,172,176,186,196,207,209,204,202,0,0,0,0,0,0,0,0,0,0,209,207,207,199,183,168,155,147,147,152,168,173,165,160,163,165,165,165,163,155,152,157,173,189,199,194,191,199,212,217,215,209,207,207,209,217,217,209,204,207,212,217,217,220,220,217,215,222,230,238,246,248,251,254,254,246,230,215,0,0,217,228,233,235,0,0,0,215,209,204,204,204,207,207,0,0,0,0,0,0,202,202,199,194,183,0,0,0,181,176,163,155,0,183,0,0,0,0,241,238,235,233,0,235,235,235,233,228,220,217,222,228,233,238,243,243,246,251,255,255,255,255,255,255,255,255,255,255,0,0,0,255,251,246,241,235,233,230,225,217,215,212,204,194,186,178,176,178,0,0,207,222,0,0,228,215,0,0,0,0,0,0,0,0,0,0,0,0,0,207,207,212,217,217,212,207,199,191,186,183,183,183,181,176,170,169,170,176,176,176,181,186,189,189,186,189,194,196,199,202,207,209,212,209,202,194,143,143,189,191,196,202,207,212,215,212,204,202,212,225,235,238,233,229,228,230,241,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,243,238,238,241,243,246,248,251,251,251,251,251,251,248,246,241,235,230,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,183,189,191,194,196,196,194,199,202,202,199,196,199,202,199,199,199,199,202,202,199,199,199,202,204,204,202,202,199,199,199,199,204,207,209,209,209,209,207,202,199,199,202,204,204,202,196,194,194,196,191,183,178,178,176,131,125,127,131,176,178,183,178,178,183,191,194,194,183,173,176,178,178,181,183,181,178,129,126,128,176,186,196,204,207,207,207,204,202,202,202,204,207,202,200,200,212,215,199,186,191,207,207,135,117,118,123,125,124,125,124,125,129,131,176,181,178,131,131,176,181,183,183,186,191,191,194,191,189,186,183,183,186,183,176,120,110,109,117,129,178,183,189,196,202,204,202,191,178,169,168,169,170,173,170,168,124,124,125,170,173,168,168,123,123,127,173,176,176,173,176,181,181,178,178,181,186,189,186,189,194,204,209,209,207,204,204,207,207,204,202,202,204,204,204,204,202,194,183,176,176,178,178,178,178,176,125,121,115,97,84,107,173,129,178,194,204,209,212,215,217,217,215,212,212,209,212,209,207,196,111,102,100,105,121,129,170,129,127,127,127,127,128,129,129,127,173,191,196,189,183,189,199,196,191,186,183,183,186,186,181,181,181,186,202,212,204,134,131,134,135,181,186,186,181,181,183,191,199,196,189,181,176,176,176,173,131,127,124,124,170,129,116,114,127,186,186,178,170,127,125,126,131,181,173,123,119,110,105,131,173,129,131,181,191,196,199,196,194,191,194,202,209,209,207,202,202,204,204,202,204,202,199,196,199,199,196,196,199,202,207,207,204,202,204,207,209,209,204,204,207,207,202,202,204,204,194,137,178,186,191,196,199,196,194,199,204,204,204,207,204,199,196,199,202,196,186,178,132,130,128,129,183,199,204,202,194,191,191,191,191,191,191,191,196,202,202,202,204,207,209,204,199,202,204,204,202,194,189,183,135,131,137,196,204,209,207,207,207,207,204,199,199,204,209,209,209,209,207,204,199,196,196,199,199,191,187,187,189,187,187,191,191,191,191,194,196,204,209,204,196,194,194,196,194,189,183,186,191,191,189,141,139,186,194,199,204,209,209,207,204,204,204,204,202,199,194,191,189,191,194,196,202,202,202,202,202,202,202,202,202,202,199,199,196,194,191,194,196,194,186,181,178,178,135,135,181,186,178,129,129,131,181,186,189,191,196,199,202,207,207,202,199,199,199,194,186,185,185,186,183,181,181,183,186,186,183,183,186,189,189,189,189,189,183,178,177,178,186,191,194,191,189,186,183,181,183,191,194,196,196,196,196,196,194,189,189,191,194,196,196,194,186,183,183,178,135,178,186,191,191,191,189,191,191,191,191,191,191,194,194,191,189,189,189,189,189,186,183,183,186,189,189,189,189,194,202,202,196,189,183,183,189,194,191,191,194,196,199,202,199,196,194,189,185,183,185,191,196,199,194,189,190,199,209,215,215,217,215,209,204,202,204,212,217,222,217,215,217,215,204,199,202,209,209,207,207,209,212,212,209,207,202,199,199,202,209,215,212,209,209,209,209,209,212,215,222,222,217,215,211,209,209,211,212,215,217,207,145,142,144,196,207,215,217,217,217,217,215,217,225,230,230,225,222,222,222,225,230,228,222,225,228,228,225,222,222,222,222,217,215,215,217,225,225,222,217,217,217,217,217,215,215,215,215,215,215,217,217,217,217,217,217,217,215,215,217,222,217,215,212,212,209,207,209,209,215,215,215,212,215,217,215,211,209,215,222,225,228,228,228,228,226,226,226,230,233,230,228,222,222,222,225,225,228,230,230,230,230,230,228,225,225,225,222,222,222,217,215,215,217,222,225,225,225,225,225,222,217,222,228,233,238,238,238,238,238,235,230,225,222,217,217,217,222,222,222,225,228,228,225,217,212,207,204,204,202,199,196,199,202,202,199,199,199,202,202,202,200,202,207,209,207,203,203,203,204,204,204,204,204,204,204,202,204,207,212,212,215,212,212,212,209,207,202,196,191,186,139,136,136,137,139,186,189,191,189,189,189,191,191,194,194,196,196,199,204,209,209,204,204,204,196,189,189,196,202,202,202,199,194,191,194,191,189,141,141,141,143,191,196,202,207,209,217,222,222,217,209,204,204,202,199,151,151,202,209,225,235,243,251,255,255,255,255,251,254,255,0,0,255,254,235,228,225,225,230,246,254,248,246,251,0,0,243,0,254,241,230,228,225,220,217,225,228,225,215,215,0,0,0,217,209,204,202,196,189,185,186,194,199,194,181,179,186,194,196,194,191,190,194,207,225,241,243,228,81,65,67,93,119,176,181,181,189,202,202,202,207,212,212,212,215,215,222,228,228,222,212,207,200,200,204,217,228,228,228,228,228,215,204,196,199,212,228,233,228,225,228,228,228,220,207,202,204,217,217,202,137,115,109,129,215,228,238,230,199,196,222,225,222,215,204,199,212,228,233,228,212,204,207,215,222,225,225,225,225,222,212,207,207,207,209,207,202,147,145,145,147,194,194,196,207,207,207,209,212,212,212,212,212,212,209,209,209,209,212,209,202,191,190,191,196,199,207,209,137,127,137,189,204,220,222,215,209,207,202,196,196,196,199,202,209,209,204,204,209,209,191,182,187,194,199,207,212,215,215,209,207,207,207,209,207,202,199,204,207,209,212,209,204,202,202,202,202,204,207,209,212,212,209,209,212,212,209,204,199,202,204,204,204,202,187,185,194,204,202,204,215,222,204,137,147,202,204,207,209,209,207,209,209,207,204,202,202,202,199,191,189,194,199,196,122,117,139,202,202,202,204,204,199,195,195,199,204,207,204,204,202,199,194,194,194,199,204,209,209,204,202,202,199,196,191,191,196,199,196,195,195,196,199,199,202,199,199,199,191,185,185,186,196,202,207,207,204,202,199,196,195,199,199,196,196,202,204,204,204,204,207,207,204,202,200,202,207,209,212,215,217,217,215,212,209,209,212,215,212,207,207,212,217,217,217,215,215,217,217,222,222,217,215,215,217,222,225,222,215,215,215,215,215,212,212,212,212,215,215,215,215,215,212,207,207,209,212,204,191,191,196,204,207,204,207,209,215,212,204,196,143,135,132,136,145,144,144,199,215,217,215,212,212,212,209,208,208,212,215,217,220,217,215,209,207,209,217,225,228,230,230,230,230,230,230,233,235,238,243,246,248,246,241,238,241,243,241,238,237,243,248,254,254,199,95,93,141,222,243,243,242,243,248,251,251,251,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,251,251,254,255,255,233,202,186,178,176,174,174,178,183,189,196,199,199,202,0,0,0,0,0,0,0,0,0,0,212,209,207,199,181,165,155,150,144,150,165,173,170,163,163,163,157,155,152,150,147,155,165,181,189,186,183,194,209,222,220,212,209,209,215,222,220,207,199,200,207,212,209,215,222,0,0,233,251,255,254,248,246,246,243,0,233,222,0,0,225,230,233,233,0,0,0,212,204,199,196,199,199,202,0,0,0,0,0,0,202,196,191,186,181,176,178,186,191,189,183,0,178,194,212,0,0,0,238,238,235,0,0,235,235,235,233,222,211,209,217,230,235,241,246,246,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,243,241,238,233,225,215,212,209,204,194,186,178,176,181,0,0,0,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,207,212,217,217,212,207,199,191,186,181,181,181,178,176,170,169,173,178,178,176,176,183,189,189,189,189,194,196,199,202,204,209,212,212,207,199,194,191,194,196,202,204,209,209,209,202,149,151,212,228,238,238,235,230,229,233,241,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,246,241,243,246,246,246,248,251,251,251,251,251,248,246,241,238,233,228,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,181,191,194,189,189,194,194,196,202,204,204,202,199,199,202,199,199,199,202,202,202,202,199,202,202,202,202,202,199,196,196,196,199,204,207,209,209,209,207,202,199,199,202,202,204,204,204,199,196,199,202,199,191,183,178,178,173,131,131,176,178,181,186,186,189,194,196,196,194,186,181,181,181,176,173,131,131,173,176,129,131,178,189,196,202,202,202,204,202,200,200,204,209,209,202,198,202,215,220,207,199,204,215,220,186,121,121,127,125,121,121,122,125,129,131,176,183,186,181,173,176,178,181,183,186,191,194,196,196,194,191,191,191,191,186,181,131,123,121,127,176,178,181,189,194,194,194,189,178,170,169,168,169,173,176,173,168,124,124,125,127,127,168,173,168,168,173,173,170,168,170,173,176,176,181,186,186,186,186,189,191,194,202,207,209,207,207,207,209,209,204,202,202,202,202,204,204,199,189,176,131,176,183,178,176,178,173,125,127,125,88,71,107,173,113,113,173,194,202,207,212,215,212,209,204,202,199,194,186,125,111,104,104,111,123,170,173,173,129,128,128,129,170,173,173,127,124,131,189,196,178,178,189,194,191,186,186,189,194,199,196,189,183,189,196,207,212,199,130,129,134,135,135,176,131,129,131,178,189,196,196,189,178,173,176,176,173,131,129,124,123,127,125,117,116,178,194,191,176,129,127,126,129,176,183,183,176,125,78,74,183,186,183,189,196,204,204,199,196,204,204,202,207,209,207,207,204,204,202,202,199,202,204,202,199,196,194,191,189,191,196,202,204,202,202,202,202,204,207,207,204,204,204,202,199,204,207,199,181,129,178,191,199,199,196,192,196,204,204,204,204,204,202,199,202,202,194,183,178,135,135,135,181,191,202,202,194,189,189,189,186,186,194,199,199,202,202,199,199,202,209,212,209,204,204,204,204,202,199,189,135,131,135,183,191,202,207,207,207,207,207,202,198,196,202,207,209,209,209,204,202,199,196,196,202,199,191,187,187,189,187,187,189,191,191,194,196,199,204,209,204,199,194,196,196,196,191,183,183,186,189,186,186,141,191,202,207,207,209,209,209,207,207,204,204,202,199,199,196,191,189,191,196,199,202,202,199,199,199,199,199,202,202,202,199,196,191,187,189,194,191,183,178,183,183,135,133,181,189,183,131,130,133,178,186,194,199,202,202,204,207,207,202,199,199,199,196,189,186,186,191,191,186,181,181,186,186,186,191,194,196,196,194,189,183,178,177,177,181,189,191,194,191,186,186,183,178,178,186,194,199,199,196,196,196,194,191,191,191,194,196,199,196,191,186,183,135,134,134,178,186,189,189,191,191,194,194,194,194,191,191,191,191,191,191,191,191,191,189,189,189,186,186,189,191,191,194,199,202,199,194,189,186,189,191,191,191,191,194,196,199,202,202,194,189,185,183,185,191,196,194,191,189,189,196,209,215,215,215,212,204,196,194,199,207,215,217,215,212,212,209,199,194,199,209,209,207,207,212,215,215,212,209,202,200,200,204,212,212,207,204,204,204,204,207,212,217,225,225,222,217,215,212,212,212,215,217,217,212,199,145,147,202,212,215,217,217,222,222,217,217,225,228,228,222,222,222,225,228,230,225,222,222,225,228,225,222,222,222,217,217,217,217,222,222,222,222,222,217,217,217,217,217,215,215,217,217,217,215,217,217,217,217,217,217,215,215,217,217,217,215,212,212,209,207,207,207,212,215,212,211,212,217,217,212,212,217,222,225,228,228,228,228,226,226,226,228,230,230,228,222,222,222,217,222,225,228,230,230,230,228,228,228,225,225,222,222,217,215,212,212,215,222,225,225,225,225,222,222,217,222,228,233,238,238,238,238,238,235,230,228,222,217,217,217,222,222,225,225,228,228,222,215,209,207,204,202,199,196,196,196,199,199,196,196,199,202,202,200,200,202,204,207,204,203,203,203,204,204,204,204,204,204,207,204,204,207,209,212,215,215,212,212,209,207,202,199,194,186,139,137,137,139,183,189,191,191,189,189,189,191,194,194,191,191,194,196,202,207,209,207,204,202,194,189,189,194,196,196,196,196,191,191,191,186,141,140,140,141,143,191,199,204,209,212,217,222,222,215,204,199,196,196,151,150,150,199,209,225,235,241,251,255,255,255,254,251,255,255,0,0,255,251,235,233,235,235,241,255,255,255,255,255,255,238,233,251,255,255,243,230,222,217,222,228,228,222,213,215,225,233,0,220,212,207,202,194,186,185,186,191,194,191,183,0,183,189,183,181,194,199,204,215,228,238,243,241,97,75,75,97,121,178,186,183,189,202,204,202,204,209,209,209,212,212,222,228,225,215,212,207,199,200,209,220,225,225,225,228,225,209,204,204,204,212,225,225,225,225,228,228,230,225,215,204,204,204,145,125,103,90,87,92,194,212,233,235,222,225,235,235,222,189,125,137,209,225,230,225,207,196,196,207,222,228,230,230,228,222,215,209,207,207,209,209,204,196,147,147,196,199,196,199,207,209,209,212,215,212,212,209,212,212,209,209,209,209,209,209,199,190,189,191,194,196,202,204,108,119,135,191,207,215,212,209,204,199,195,194,195,196,199,204,209,209,204,203,207,209,191,178,185,194,199,207,209,209,207,202,204,203,203,207,204,202,202,207,209,212,212,209,204,202,204,204,207,207,209,212,215,212,212,212,215,215,209,204,199,202,202,199,196,194,179,178,191,194,192,209,217,228,212,134,146,191,199,204,209,212,215,215,215,209,202,199,199,202,194,186,139,189,194,194,103,104,123,196,202,204,207,209,207,199,195,199,204,204,202,202,199,196,192,191,192,199,209,217,217,209,199,196,194,186,139,141,194,199,199,195,195,199,202,202,202,199,199,204,202,191,183,181,191,202,207,207,204,202,204,207,202,202,199,196,196,202,202,196,195,199,204,207,204,200,198,199,204,207,212,215,220,222,215,209,208,209,212,215,212,207,207,209,215,217,217,217,215,215,217,217,217,215,212,212,217,225,225,222,217,215,215,215,215,215,212,212,215,215,212,212,212,215,209,207,209,212,215,207,194,192,196,202,204,204,207,212,215,212,207,199,145,136,132,136,145,191,194,204,212,215,215,212,212,212,209,208,209,212,217,222,222,217,212,207,204,207,215,222,228,228,228,225,228,228,230,230,233,238,246,248,248,246,241,238,241,243,243,241,241,243,248,251,246,141,91,89,135,212,238,243,243,243,246,248,251,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,246,248,251,247,247,255,251,212,186,181,183,183,178,176,183,0,191,196,202,207,0,0,241,246,0,0,0,0,0,222,212,207,207,196,181,165,157,152,142,142,155,168,170,168,165,163,157,152,147,144,147,155,165,176,181,183,186,196,215,225,225,217,215,215,217,222,217,207,200,204,212,209,202,204,0,0,0,0,255,255,254,241,235,233,230,0,225,220,0,0,225,228,228,225,0,0,0,209,202,196,194,191,194,196,199,0,0,0,0,0,199,191,186,181,178,178,186,199,204,204,199,191,194,202,212,222,228,233,238,238,0,0,0,238,235,235,230,217,207,207,215,230,238,243,246,246,243,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,246,241,238,233,222,215,212,212,207,196,186,181,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,202,204,209,215,217,212,207,199,194,186,181,181,181,178,176,173,173,176,178,178,176,176,181,189,189,189,189,194,196,202,204,204,209,215,215,212,207,202,199,202,204,207,207,209,207,202,149,143,149,212,230,241,241,238,233,230,233,243,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,246,246,246,248,248,248,248,251,251,251,251,248,246,243,241,235,230,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,176,186,191,191,189,189,191,194,196,199,204,207,204,202,202,199,199,202,204,204,204,204,204,202,202,202,202,199,199,202,199,196,196,199,204,207,209,209,207,202,196,195,196,202,202,202,204,207,204,202,202,204,204,196,186,181,178,176,173,131,176,183,189,189,191,196,202,202,199,194,186,181,181,176,173,131,130,129,176,183,181,133,176,191,202,202,199,199,202,202,202,202,207,212,212,204,199,202,212,217,215,207,204,215,215,186,127,127,133,129,124,123,124,127,133,178,183,186,186,186,178,176,181,186,191,191,194,199,202,202,202,199,199,199,194,186,183,181,181,181,181,181,181,181,183,183,183,183,178,176,176,176,178,178,178,181,176,170,127,125,125,125,125,127,170,173,176,176,168,166,168,176,176,170,129,176,186,191,191,191,191,194,196,204,207,209,209,207,207,207,207,207,202,202,199,199,202,204,199,181,129,129,176,202,178,176,178,173,131,178,178,131,121,115,103,21,0,65,131,186,191,199,209,204,199,196,183,129,115,53,47,105,127,119,123,173,181,176,176,178,176,176,181,176,178,178,125,123,125,131,116,91,133,189,191,183,181,186,189,189,191,191,189,189,194,202,207,202,196,194,189,183,181,135,129,126,126,128,133,178,183,189,181,129,128,173,178,176,173,131,127,129,131,129,121,119,176,191,186,173,131,173,176,178,183,186,183,181,117,92,123,191,196,196,199,204,209,207,199,196,202,207,207,207,207,204,204,204,202,202,199,196,199,202,202,199,196,189,187,187,189,194,199,202,202,204,199,194,194,199,202,199,199,199,199,199,202,209,199,103,80,115,189,199,199,196,194,196,202,202,204,204,204,202,202,204,207,194,181,135,181,189,191,189,191,196,194,189,189,189,186,183,186,196,204,207,204,202,199,198,199,207,212,209,207,209,204,194,189,191,186,135,133,139,183,189,196,204,207,209,207,204,199,198,198,199,204,207,207,209,207,202,199,196,199,202,199,194,191,191,194,189,189,191,196,194,196,196,199,202,204,204,199,194,194,196,196,194,189,186,186,186,141,141,186,196,204,207,204,204,207,212,212,209,207,204,202,199,199,196,194,191,191,194,196,199,196,196,196,196,196,196,199,204,204,199,191,187,187,189,194,191,181,178,186,186,133,124,133,189,189,181,135,178,178,183,191,196,202,207,204,204,202,196,191,194,196,199,194,189,191,199,196,186,137,137,137,181,186,194,199,199,196,191,186,183,181,178,178,186,191,191,191,191,189,189,186,178,177,183,196,202,199,196,196,196,196,194,191,191,194,194,194,191,189,186,181,135,134,134,178,186,189,189,189,194,194,194,194,194,194,189,189,189,191,194,196,196,191,189,191,194,191,189,189,191,191,194,199,199,199,196,196,194,191,187,187,187,189,191,194,196,199,202,196,194,189,186,186,191,196,196,191,190,191,199,207,212,212,209,204,194,189,189,194,204,209,212,212,209,207,204,194,191,196,209,212,209,209,212,215,215,212,209,207,202,202,204,209,209,207,202,202,204,204,204,212,222,225,225,222,222,222,225,225,222,217,217,217,215,207,204,204,207,212,215,217,222,225,225,222,217,222,225,225,222,217,222,225,228,230,228,222,215,217,222,225,225,222,222,217,222,222,225,222,222,222,222,222,222,217,217,217,217,217,217,217,217,215,217,217,217,217,217,217,215,212,212,212,215,215,215,212,212,209,207,205,205,209,212,212,211,211,215,215,212,212,217,225,228,228,228,228,228,228,228,228,230,230,228,228,225,222,217,216,216,222,225,228,228,228,228,228,225,225,222,222,222,217,215,212,211,212,217,225,228,225,222,222,217,217,222,228,233,238,238,238,238,238,235,233,228,222,217,217,222,222,225,225,225,225,222,217,212,207,204,202,199,196,194,194,194,191,191,191,194,196,199,202,202,202,202,204,204,204,203,204,204,204,204,204,204,204,204,204,204,202,202,204,209,212,215,215,212,212,209,204,202,196,191,183,137,137,139,186,189,194,194,191,189,191,191,191,191,189,189,189,194,196,202,204,204,199,194,189,187,187,189,191,191,191,194,194,191,186,140,139,140,141,141,141,189,196,204,209,215,217,220,217,212,204,199,196,199,199,151,150,151,204,217,228,235,248,255,255,255,254,252,255,255,0,0,255,255,246,248,255,254,248,254,254,248,254,255,254,225,221,233,255,255,255,233,222,220,225,230,228,222,213,213,230,235,225,215,209,202,196,189,186,194,199,194,189,186,181,181,183,178,125,117,194,212,207,204,225,238,243,248,115,87,87,103,127,189,189,183,183,194,202,202,204,207,212,209,209,212,217,225,217,209,209,209,203,207,220,225,222,222,225,228,225,217,215,217,217,217,217,217,222,225,228,228,228,230,228,217,204,191,135,123,109,92,88,89,131,202,225,230,228,230,233,222,196,113,96,92,215,228,233,228,204,139,137,199,217,228,230,235,233,225,217,215,212,209,209,209,207,202,194,194,199,202,202,204,209,212,212,212,212,212,209,209,212,212,212,209,209,209,209,207,202,196,191,190,194,199,202,204,109,118,135,199,209,209,202,196,202,196,191,191,196,202,199,202,207,209,207,207,209,209,199,186,186,191,204,212,212,207,202,198,204,204,204,204,204,204,202,204,209,212,212,207,202,202,204,204,204,207,209,209,212,212,212,212,215,212,209,207,204,202,199,196,196,194,189,187,190,194,199,207,220,222,209,182,178,191,202,204,209,217,217,212,209,204,199,196,196,196,189,136,135,139,189,186,111,117,135,191,199,202,207,207,204,199,195,196,202,204,202,199,196,196,194,192,196,204,212,215,215,207,199,191,186,139,135,136,194,202,202,196,196,199,199,199,199,199,204,209,207,194,181,177,191,199,204,207,207,204,204,207,204,202,199,199,202,202,196,194,194,196,202,204,204,202,202,202,204,207,207,212,222,225,222,212,208,209,212,212,209,205,205,207,215,217,217,217,215,215,215,215,215,211,209,211,217,225,225,222,220,217,217,217,215,215,212,212,215,212,209,209,209,209,209,209,212,215,212,207,202,199,202,204,204,207,209,212,212,207,204,202,196,145,137,139,191,196,199,207,209,212,209,209,212,212,212,209,209,215,222,225,222,217,212,207,205,207,212,217,222,222,222,222,222,225,230,233,233,241,248,248,246,246,243,243,241,243,246,246,246,246,246,248,241,202,99,89,119,212,238,246,243,246,248,248,251,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,248,248,248,248,255,255,255,230,196,191,196,196,189,186,189,189,191,196,202,209,0,0,235,238,233,230,0,0,225,222,209,199,196,189,168,157,155,144,139,139,147,155,160,165,168,168,163,152,139,105,147,157,165,173,183,194,204,209,215,220,222,220,217,220,225,222,215,204,202,207,207,196,191,199,0,0,0,0,251,255,243,230,225,225,217,215,215,215,215,0,222,217,215,215,0,0,0,207,202,196,191,189,186,191,196,196,0,0,0,0,0,194,183,178,178,183,194,207,215,217,215,207,204,204,209,215,222,228,233,0,233,0,0,235,235,235,233,222,209,207,212,230,238,243,243,243,241,243,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,246,241,233,225,215,215,220,220,209,196,189,183,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,202,199,199,199,204,209,212,212,207,199,194,186,183,183,183,181,178,176,176,178,181,181,178,181,183,189,189,189,191,194,199,202,204,209,212,217,220,215,209,207,207,209,212,212,209,204,202,194,141,137,145,212,233,243,243,241,233,230,235,243,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,248,248,248,248,248,248,251,251,254,254,254,251,246,246,243,238,233,228,217,216 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,181,189,191,189,189,191,194,194,194,199,204,207,204,202,202,199,199,204,207,207,207,207,204,202,202,202,199,196,199,202,202,196,195,196,202,207,207,207,204,199,195,195,196,202,202,202,204,209,207,204,204,204,204,199,191,186,181,176,176,176,178,186,191,189,189,194,196,196,194,191,181,176,176,170,131,131,131,131,176,183,181,132,132,189,202,204,202,199,202,202,202,204,209,215,217,212,204,204,209,215,215,204,194,196,196,178,129,131,176,133,127,125,125,129,176,186,189,189,186,189,186,189,194,202,204,202,199,199,202,204,204,199,196,196,189,183,183,189,194,196,196,194,191,186,178,177,177,178,178,181,181,183,186,189,191,191,183,173,168,170,170,127,123,123,127,170,178,176,168,166,168,176,176,129,128,170,183,191,194,194,194,196,202,207,209,209,209,207,204,204,207,207,204,202,199,196,199,202,194,181,131,121,114,129,173,178,176,173,178,191,191,186,176,121,77,0,0,29,117,176,176,178,194,194,189,173,91,83,81,61,57,107,121,119,123,176,183,127,173,181,176,176,183,181,181,181,173,131,129,119,97,84,178,199,196,186,181,183,178,135,178,183,186,191,199,207,207,202,199,199,196,191,186,135,129,127,128,133,178,181,181,186,183,130,128,131,176,178,178,176,173,176,181,178,131,127,176,181,173,176,183,189,191,194,189,181,178,178,129,115,183,199,202,199,202,204,209,207,199,196,202,207,207,207,204,202,199,199,196,194,194,194,194,196,199,199,196,191,187,187,191,196,199,202,204,204,194,186,186,194,199,202,202,199,199,204,209,204,89,67,85,109,135,191,194,194,196,196,199,202,202,202,202,202,202,202,202,194,186,183,189,199,199,189,186,189,189,189,189,191,186,185,191,202,207,207,204,199,199,199,204,207,209,209,209,212,202,183,133,137,139,135,137,183,189,194,199,204,209,209,209,204,202,198,198,199,202,204,207,209,207,202,199,199,196,199,194,191,191,194,194,191,191,196,199,199,196,196,196,199,202,202,199,196,196,199,199,196,194,191,189,186,140,141,191,199,202,202,202,202,204,209,212,212,207,202,199,199,199,199,196,194,194,194,196,196,194,194,196,196,191,191,196,202,202,196,189,186,186,189,194,191,183,178,181,181,125,121,127,186,189,183,183,186,183,186,191,194,199,204,202,199,196,189,185,185,189,194,194,191,194,194,189,136,134,135,136,136,181,191,196,194,191,189,186,186,189,186,186,189,189,189,189,191,189,189,189,181,177,183,196,199,199,196,196,196,196,196,194,194,194,191,191,189,186,183,181,178,135,178,183,191,191,191,189,194,196,196,196,196,194,189,189,191,194,199,202,199,191,189,191,194,194,191,194,194,194,194,196,196,194,194,196,196,194,189,187,187,189,191,194,196,199,199,199,196,191,189,189,194,199,202,199,196,199,202,207,209,209,207,202,191,186,186,191,204,209,209,209,207,207,204,194,191,194,207,212,209,207,207,209,212,215,212,209,204,202,202,204,204,204,202,202,207,209,209,212,215,217,215,215,217,222,228,228,225,222,217,217,215,212,209,212,212,215,215,217,225,225,225,222,217,217,222,222,217,217,217,225,228,230,228,222,212,212,215,217,222,222,222,217,222,225,225,225,222,222,222,222,217,217,217,217,217,217,217,217,217,215,217,222,222,222,222,217,215,212,212,212,212,215,215,212,212,212,209,205,205,209,212,212,211,212,215,217,215,215,217,225,228,228,228,228,228,228,228,228,228,228,228,228,225,225,222,216,216,217,225,228,228,228,228,228,225,222,222,222,222,217,215,212,212,215,222,225,225,225,222,217,217,217,222,228,233,238,241,238,238,238,235,233,228,225,222,222,222,225,225,225,222,217,217,215,209,204,202,199,196,194,191,191,191,189,189,189,191,194,199,204,204,202,202,204,204,204,204,204,204,204,204,204,204,204,204,204,202,198,198,199,204,209,212,215,215,212,209,207,202,199,194,186,139,183,183,189,191,194,196,194,191,191,189,189,189,187,187,189,191,196,199,199,194,191,189,189,187,187,187,189,189,191,194,194,191,186,140,140,183,186,186,186,189,194,199,204,212,217,217,215,212,209,207,204,204,202,199,149,149,199,212,222,233,246,255,255,255,252,252,255,255,255,255,255,255,255,255,255,255,246,241,235,238,251,255,246,221,218,228,248,255,255,241,222,220,225,228,222,222,215,217,228,228,212,207,207,202,191,186,191,204,204,191,181,181,178,178,181,173,113,93,183,204,196,191,209,228,243,255,117,93,95,113,181,196,189,181,182,191,199,202,204,209,212,212,209,212,215,217,215,209,212,212,207,215,228,230,228,225,225,225,228,228,228,228,228,217,209,207,215,225,228,228,230,235,238,233,209,194,143,137,129,111,95,94,119,189,217,228,228,230,225,207,123,108,98,95,194,230,241,233,199,134,133,191,209,217,228,235,235,228,222,217,212,209,207,207,207,204,196,194,202,207,207,209,212,215,215,212,207,207,207,209,212,215,212,212,212,209,209,207,207,202,194,191,194,199,204,204,133,133,189,204,212,207,194,191,196,199,195,195,202,204,199,202,209,212,209,212,215,215,204,191,189,191,212,222,215,207,198,195,202,207,207,207,207,207,204,204,207,209,207,202,198,199,202,202,204,207,207,207,207,207,209,212,212,209,209,207,204,202,199,202,202,202,202,202,202,204,204,207,209,212,204,191,189,196,202,204,209,215,212,207,207,202,196,194,196,194,139,133,133,139,186,135,121,127,183,194,196,199,199,199,199,196,196,196,202,204,204,199,199,199,199,199,204,207,209,207,204,202,196,186,139,137,135,135,191,202,202,196,194,194,194,191,194,196,204,212,209,196,185,185,194,199,204,207,207,204,202,202,202,202,204,207,207,204,199,195,196,199,204,207,207,207,207,204,204,207,209,212,222,225,222,215,209,209,209,207,205,205,207,209,215,217,217,217,215,215,215,212,212,211,211,212,217,222,220,217,217,217,217,217,217,215,215,215,212,212,209,209,209,209,209,212,215,215,209,204,202,202,204,204,204,207,212,212,209,207,204,202,202,196,145,143,191,196,199,204,209,209,207,207,207,207,212,212,209,212,217,222,220,215,209,207,207,207,209,215,217,222,222,222,222,225,230,233,233,243,251,251,246,243,246,243,243,243,246,248,248,246,241,243,243,215,97,83,95,143,230,241,243,246,248,251,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,255,255,255,255,248,225,204,202,204,202,191,186,186,191,199,204,212,215,222,228,233,233,233,233,225,209,202,199,191,186,168,130,126,131,134,137,134,137,139,150,163,173,178,173,157,103,97,142,157,163,173,186,207,220,220,212,209,215,217,220,225,228,225,215,204,199,196,194,185,185,194,207,0,0,225,233,241,235,222,220,222,217,215,212,209,212,217,217,207,202,204,207,0,207,204,199,194,191,186,179,183,189,191,196,0,0,0,0,202,189,181,181,183,194,209,217,220,217,212,209,209,209,209,215,222,228,0,0,0,0,233,233,233,233,230,217,212,217,230,238,241,241,241,241,243,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,241,233,220,215,0,0,225,215,199,189,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,0,204,202,199,198,198,199,202,207,209,207,204,196,189,186,183,183,181,181,176,173,176,178,181,181,181,183,186,189,191,191,194,196,199,204,207,209,215,220,222,217,212,209,212,215,217,212,207,202,199,147,139,135,145,212,233,246,246,241,233,230,233,241,248,254,255,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,248,248,248,248,251,251,251,254,254,254,248,246,243,243,238,233,228,217,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,181,189,189,189,191,194,194,194,194,199,204,207,204,202,199,199,202,204,207,207,207,207,204,199,199,199,199,196,196,199,199,199,196,196,202,204,207,204,202,199,196,196,199,202,204,202,204,207,207,204,202,202,202,202,196,191,186,181,183,183,178,178,183,181,178,181,183,183,183,183,178,173,173,130,130,131,173,173,176,183,183,132,131,183,199,202,202,202,199,199,202,207,209,212,217,217,212,209,209,215,215,202,181,134,135,135,135,178,181,176,129,125,124,127,176,186,191,189,189,191,196,199,207,215,215,209,202,196,199,199,196,194,191,189,183,181,189,199,204,207,207,202,196,191,181,177,178,181,183,183,183,183,186,191,199,199,189,176,173,176,170,125,122,122,123,127,170,170,168,168,170,176,170,127,127,170,183,191,196,194,194,196,202,209,209,209,209,209,207,207,204,204,202,199,196,196,196,194,191,186,181,117,109,115,129,178,129,170,186,196,199,194,191,189,176,53,0,69,189,186,129,127,176,131,119,113,91,87,99,81,76,109,115,111,114,119,119,96,98,113,119,127,186,191,189,183,181,186,183,129,107,96,202,212,207,196,189,181,132,129,131,178,186,191,199,209,209,202,196,196,194,191,189,178,131,131,181,191,196,196,194,196,194,181,131,173,178,181,186,183,181,181,183,183,176,173,178,173,170,181,202,207,204,202,191,131,129,178,181,183,196,204,202,199,199,204,207,207,202,199,204,207,207,204,204,202,199,194,191,189,189,191,194,196,199,202,202,196,191,194,199,202,204,207,207,199,186,183,185,194,199,202,204,204,209,212,209,79,58,61,103,117,129,178,186,191,194,196,199,199,202,202,202,202,199,199,196,191,189,189,194,202,196,178,133,178,183,186,194,196,194,189,196,204,207,204,202,199,202,204,207,204,204,212,215,209,194,133,128,135,139,139,183,186,191,196,207,212,212,212,209,204,202,199,199,202,202,202,204,204,202,196,196,199,199,196,191,186,189,194,194,196,196,202,202,202,199,199,199,199,202,202,202,202,202,202,199,199,199,196,191,186,186,189,196,199,199,199,202,204,207,212,215,212,204,199,198,198,202,202,202,196,196,194,196,194,194,194,196,194,189,186,189,196,199,196,189,186,187,191,194,194,186,178,178,135,124,120,125,181,183,183,186,189,186,186,191,194,196,199,199,196,194,186,183,183,186,194,196,194,194,191,183,135,135,137,137,136,181,189,191,191,189,186,183,183,186,191,191,189,186,186,186,189,189,191,191,183,177,183,194,199,199,196,196,196,196,199,196,196,194,191,189,186,183,181,181,181,181,183,191,196,196,191,189,191,196,196,196,196,194,189,186,189,196,202,204,199,191,186,186,186,189,191,191,191,194,194,194,194,191,191,194,194,196,196,194,191,189,191,194,199,199,199,199,196,194,191,191,196,202,204,204,202,202,202,204,204,204,204,199,191,189,190,196,207,209,209,204,204,207,207,196,192,194,204,209,207,202,202,204,207,212,215,212,207,202,200,202,202,202,200,200,207,215,215,209,209,212,212,212,215,217,225,225,225,222,217,215,215,215,215,217,217,217,217,222,225,225,225,222,217,217,217,217,215,215,215,222,225,228,225,215,207,207,212,215,215,215,215,217,222,225,225,225,222,222,217,215,215,215,217,217,222,222,217,217,217,217,217,222,222,222,217,217,217,215,212,209,212,212,212,209,209,212,209,207,207,209,212,215,215,215,222,222,217,217,217,222,225,225,225,225,228,228,228,225,225,225,228,228,228,228,225,217,216,217,225,228,228,228,228,225,222,222,217,222,217,217,212,212,215,217,222,222,222,222,222,217,217,217,222,228,233,235,238,238,238,238,235,233,228,225,222,222,225,225,222,222,217,215,215,212,209,204,202,199,196,194,191,191,189,143,143,143,189,194,199,204,204,202,202,204,204,204,204,207,207,207,207,207,207,207,204,202,199,196,196,198,202,207,212,215,215,212,212,207,204,199,196,189,186,186,189,191,194,196,196,196,194,194,191,189,189,189,189,189,194,196,196,191,186,183,186,189,189,189,189,189,189,191,194,196,194,186,183,183,186,189,191,191,191,191,194,199,207,215,217,215,215,212,212,209,209,207,202,149,148,199,212,228,238,251,255,255,255,254,254,255,255,255,255,255,255,0,255,255,255,243,229,226,235,254,255,248,226,225,230,241,251,254,238,220,217,218,225,225,225,217,215,215,212,202,199,207,207,194,189,199,207,199,181,173,178,176,173,176,168,105,85,115,178,176,173,186,207,228,248,113,87,89,109,181,199,194,186,189,196,199,202,202,207,209,209,204,207,212,209,209,209,212,209,207,215,225,230,230,228,228,228,230,230,230,230,230,222,204,199,205,217,230,235,238,241,246,243,233,212,194,141,135,123,111,107,115,135,209,225,228,225,215,191,123,121,111,109,125,222,233,217,189,134,133,143,199,207,215,230,230,228,222,217,215,209,205,205,207,207,199,196,204,209,212,215,217,217,215,209,202,199,204,209,215,215,215,212,212,209,209,209,212,207,196,189,194,196,202,204,202,196,199,207,212,207,194,190,194,199,199,202,207,207,202,202,207,212,212,212,217,217,209,196,189,191,212,222,215,204,198,196,202,207,207,207,209,207,207,204,207,207,204,199,198,198,202,204,207,207,204,204,204,204,204,207,204,204,204,204,199,196,199,204,207,209,212,212,212,209,207,202,199,200,202,199,199,199,199,199,204,207,204,202,202,202,194,191,191,189,137,134,136,186,189,139,133,183,194,196,202,202,196,189,189,194,196,199,204,207,207,204,202,204,207,207,209,207,202,194,196,202,196,139,135,137,137,139,194,202,202,196,194,194,191,190,189,191,199,207,207,202,196,194,196,199,204,204,202,199,199,199,199,202,204,207,207,204,202,202,202,204,207,207,209,209,209,207,207,209,215,217,222,225,222,215,209,209,207,207,205,207,209,212,215,215,217,217,217,215,212,212,212,212,215,215,215,215,215,215,215,215,215,215,217,217,217,215,212,209,212,212,209,209,209,212,217,217,209,204,202,202,204,207,207,209,212,212,209,207,204,204,204,204,199,145,145,191,196,199,204,207,207,207,204,207,209,212,209,209,215,217,217,212,209,207,207,207,209,212,215,222,225,225,222,225,230,233,233,243,255,255,246,243,243,243,243,243,246,246,243,238,238,243,246,209,91,72,72,103,202,230,241,243,248,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,255,255,255,251,251,238,204,191,202,202,191,0,183,191,199,202,204,207,209,217,228,230,233,230,215,0,190,191,191,183,160,124,121,127,133,134,131,129,129,139,157,178,186,178,165,0,0,0,0,168,168,189,212,222,217,204,202,204,212,222,225,228,225,217,209,202,194,186,182,183,189,199,202,204,209,217,230,228,217,215,217,217,217,212,204,207,215,215,202,194,196,199,202,202,199,194,189,186,183,178,183,186,186,189,191,194,0,0,207,196,186,181,181,191,204,212,212,212,212,215,212,209,204,207,212,222,225,0,0,230,233,230,230,235,238,233,225,225,230,235,238,238,238,241,243,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,246,233,222,215,0,0,230,217,202,189,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,207,207,204,204,202,199,199,199,199,202,204,204,202,196,189,186,183,181,181,178,176,170,168,173,178,181,183,183,186,189,191,194,196,196,199,202,204,207,209,215,220,220,217,215,212,215,217,217,209,202,196,194,145,137,135,143,207,230,241,243,238,233,229,233,238,246,251,254,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,251,251,251,251,251,248,251,251,254,254,251,248,246,243,238,233,225,217,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,176,183,186,189,191,194,191,189,191,196,202,204,204,202,199,199,204,207,207,207,207,207,204,199,196,196,196,195,195,195,196,199,199,199,202,204,204,204,202,202,202,204,204,204,204,204,204,204,202,202,202,204,204,204,202,196,189,186,191,191,176,130,131,131,129,170,173,173,170,173,178,181,178,130,129,131,176,173,176,181,189,181,176,183,194,196,199,199,198,198,202,209,209,207,212,217,217,215,215,217,217,202,135,131,133,135,181,183,183,181,133,127,125,127,133,183,189,189,191,196,202,204,209,215,217,212,202,194,191,189,183,181,181,181,178,181,196,207,215,215,209,204,202,196,191,186,186,186,186,183,181,178,178,186,194,196,186,176,173,176,168,125,123,123,125,127,168,168,170,170,170,173,129,127,126,129,183,191,196,194,191,194,199,207,207,207,209,212,212,207,202,196,191,189,189,189,189,186,186,189,186,127,115,117,129,170,118,127,189,202,202,196,199,209,228,209,33,178,204,191,127,121,119,110,105,121,186,204,209,178,115,125,170,115,115,117,113,93,95,101,109,121,186,199,194,181,181,189,186,183,189,196,217,217,215,207,202,191,133,128,130,178,189,196,204,212,209,202,194,189,189,186,183,135,130,176,191,204,209,209,207,202,196,186,178,178,178,183,189,186,181,181,186,183,176,176,181,176,173,186,209,215,212,204,183,126,126,176,189,196,202,204,202,199,202,204,207,207,204,204,207,207,207,207,204,204,199,196,191,186,183,186,194,199,204,204,202,199,199,202,207,212,209,207,204,191,182,182,186,196,202,204,204,212,217,217,202,67,57,95,125,129,133,178,183,191,194,196,199,202,204,207,204,202,199,196,194,191,186,183,183,189,183,129,129,133,181,186,194,194,189,186,194,199,202,202,199,199,202,204,204,203,204,212,212,196,129,124,127,139,189,189,189,189,191,199,212,215,215,212,209,204,202,199,202,204,204,202,199,199,194,189,191,199,202,196,189,186,191,196,199,199,202,202,204,204,202,199,199,202,204,204,204,207,207,202,199,199,199,196,191,191,194,196,202,202,199,202,207,212,212,215,215,212,204,199,198,199,202,204,204,202,196,196,196,194,191,191,194,191,186,185,186,194,196,191,189,187,189,191,196,196,191,186,181,181,129,123,129,181,183,183,186,183,177,178,186,194,196,199,199,196,194,189,186,189,194,196,199,199,196,194,189,183,186,191,186,183,183,186,189,191,191,189,181,135,178,186,191,189,186,183,183,186,189,191,191,183,177,181,191,196,196,196,199,199,199,199,199,199,196,191,189,186,183,183,181,181,183,189,194,199,196,191,189,191,194,196,196,196,194,189,186,186,191,199,202,196,191,186,181,179,181,183,186,186,189,191,191,191,189,189,189,191,194,196,196,194,191,191,194,196,199,199,196,194,191,194,196,202,204,207,204,202,199,196,199,199,202,202,202,196,194,196,202,207,209,207,203,203,204,204,199,194,196,204,207,204,200,199,200,204,209,212,212,209,204,202,200,202,202,202,199,204,215,212,209,209,209,212,212,215,217,222,225,222,222,217,217,217,222,222,225,225,222,220,222,225,225,222,222,217,217,217,212,212,212,212,215,215,212,207,199,199,207,212,212,209,207,212,217,222,225,225,222,217,217,217,212,212,215,217,222,222,222,222,222,217,217,217,217,217,217,215,217,217,215,212,212,209,209,209,209,209,212,212,209,209,212,215,215,215,217,222,222,217,217,217,217,222,222,222,225,225,225,225,225,225,225,228,228,230,230,228,222,217,222,222,225,225,225,225,225,222,217,217,217,217,215,212,212,215,217,222,217,217,217,222,217,217,217,222,225,230,235,238,238,238,238,235,233,228,225,222,222,222,222,222,217,217,215,215,215,212,207,204,202,196,194,191,191,189,143,143,143,189,194,199,204,204,202,202,204,207,207,207,207,207,207,207,207,207,207,204,202,199,199,199,199,204,209,215,215,215,212,212,209,204,202,196,194,191,191,191,191,194,196,199,199,196,196,194,194,191,191,191,191,194,196,194,191,186,183,183,189,191,189,189,189,189,191,194,194,191,186,186,189,191,194,194,191,191,191,191,196,204,212,215,215,215,215,217,215,215,209,204,151,151,204,217,230,241,254,255,255,255,255,255,255,255,255,255,255,255,0,255,255,255,248,226,224,235,255,255,255,241,233,235,241,243,243,233,220,218,222,235,243,233,215,202,199,196,196,199,209,215,204,199,204,204,186,173,173,176,176,168,165,121,103,92,100,117,160,123,163,176,194,209,123,82,80,85,119,196,202,202,202,202,196,194,194,196,202,199,191,196,202,204,207,212,212,204,202,209,222,228,228,228,228,228,230,230,230,233,235,230,212,199,202,212,228,238,243,246,248,246,238,217,196,141,135,129,123,117,119,133,204,220,225,222,212,194,189,202,199,139,125,139,137,131,134,134,136,141,194,204,212,222,225,222,217,217,217,215,212,209,212,209,202,199,204,212,217,222,222,217,212,202,196,195,199,207,212,212,212,209,209,212,212,215,215,207,194,143,189,194,199,204,204,204,204,209,212,209,199,194,196,202,202,204,209,207,202,200,204,207,209,212,215,215,209,199,190,191,207,212,204,199,199,199,207,209,209,209,209,209,204,204,207,209,207,202,199,202,204,207,207,207,207,204,202,202,202,196,194,194,196,199,196,194,195,202,204,209,212,215,212,209,207,202,199,200,202,202,199,196,195,196,199,202,196,195,199,199,191,190,191,189,141,137,141,191,194,189,139,186,196,202,207,209,199,182,181,186,196,204,207,207,204,204,207,209,212,212,209,204,196,191,192,199,194,130,128,135,186,191,199,202,202,199,196,196,194,190,189,190,194,202,204,207,207,204,202,202,204,202,199,194,196,199,202,204,204,207,207,209,209,207,202,202,204,207,209,209,209,207,207,215,220,222,220,222,220,217,212,212,212,212,209,212,212,212,212,212,212,215,215,215,212,211,212,217,220,217,215,209,209,209,212,212,212,215,215,215,215,212,209,209,212,212,209,209,209,215,217,217,212,207,204,207,209,209,209,209,212,212,209,207,204,204,207,212,204,145,142,145,196,196,196,202,207,207,207,204,207,212,212,212,215,215,212,212,209,209,212,212,212,212,215,217,225,228,225,228,230,228,230,241,254,254,246,241,241,243,243,243,246,241,225,220,228,243,246,147,81,69,68,73,115,212,233,241,246,251,251,254,254,254,255,255,255,255,255,255,255,255,255,251,246,251,255,255,255,255,248,251,251,243,238,243,233,191,182,186,194,183,178,0,191,196,199,199,199,199,209,217,225,225,225,209,196,191,196,199,196,178,150,134,134,137,139,134,126,125,131,0,176,186,183,0,0,0,0,238,189,170,191,207,217,212,203,199,202,209,217,222,222,222,220,215,209,199,191,185,185,189,191,191,194,202,212,225,225,215,209,212,215,217,212,202,202,212,215,199,189,191,194,196,196,191,183,181,178,181,183,191,189,181,178,176,181,191,0,0,0,186,0,178,186,194,196,194,194,202,209,209,204,199,199,204,209,215,0,0,228,230,230,230,235,241,238,230,225,228,235,235,233,233,241,246,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,235,225,222,0,0,228,217,202,191,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,212,209,207,204,202,199,199,199,199,202,204,204,202,196,191,186,183,181,178,178,176,168,165,165,168,176,181,183,186,189,191,196,196,199,202,204,204,204,207,209,215,220,220,217,217,215,217,217,215,207,196,191,145,141,135,133,139,202,222,235,238,235,230,229,230,235,243,248,248,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,251,251,251,251,248,248,248,248,251,251,251,248,246,243,235,230,222,217,216 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,173,181,183,189,189,189,183,183,189,196,202,204,202,202,199,202,204,207,207,204,207,209,204,199,196,196,196,196,195,195,196,199,202,202,204,204,204,204,204,204,204,204,204,204,204,204,204,202,199,199,202,207,207,204,204,196,189,191,199,196,176,129,131,131,127,129,173,129,123,127,178,189,186,173,129,130,173,173,173,181,191,189,186,189,191,191,196,202,199,199,204,209,209,204,204,212,217,220,217,222,222,204,181,134,178,181,181,178,181,181,178,133,129,129,133,178,183,186,194,199,202,202,204,209,212,209,202,191,186,178,133,133,178,181,178,183,202,212,215,215,212,209,207,204,202,196,194,194,189,183,178,176,173,173,178,181,178,173,170,170,170,127,127,168,170,173,173,173,173,173,173,173,170,128,128,170,181,189,191,191,189,191,199,204,204,204,204,204,204,199,191,183,176,176,178,181,181,178,178,181,178,127,121,125,170,129,111,122,183,199,204,204,204,209,217,202,103,186,196,186,131,125,123,111,111,183,204,212,215,204,194,196,202,173,123,121,119,101,101,109,115,123,176,189,181,127,173,183,176,178,196,207,217,217,217,215,212,204,186,132,135,186,196,207,212,212,207,196,189,183,181,181,178,130,129,176,194,207,215,215,209,199,186,183,183,186,186,186,189,181,176,181,186,183,178,176,181,178,176,183,204,212,209,199,129,123,126,178,191,202,207,204,202,202,202,207,209,209,209,207,209,207,207,207,209,209,204,199,194,183,181,182,191,202,207,204,202,199,202,207,212,212,207,202,199,189,183,185,194,202,207,207,209,215,215,217,215,131,103,137,183,183,183,186,186,189,194,199,202,204,204,207,204,199,196,194,191,186,181,135,131,133,131,128,131,178,183,186,189,186,137,133,183,191,199,202,202,202,202,204,204,204,204,207,196,129,121,120,129,186,191,194,194,191,191,199,209,215,215,215,209,207,204,204,204,207,204,202,196,194,189,140,141,191,194,186,183,189,202,204,202,196,196,199,202,204,202,199,196,199,202,204,204,207,204,199,194,194,194,194,191,194,199,204,204,202,202,207,212,215,215,212,212,212,207,204,204,204,204,204,204,202,199,196,196,194,191,191,191,191,189,186,189,194,194,189,189,189,191,194,199,199,196,191,189,189,181,133,135,183,186,189,189,181,173,173,183,194,196,196,199,196,196,194,194,196,202,204,202,199,196,196,196,196,196,196,196,191,189,186,189,191,191,191,183,133,131,178,189,189,183,182,183,186,189,191,191,183,178,181,189,194,196,199,199,199,199,202,202,199,194,191,189,186,183,183,183,181,183,189,196,199,196,191,187,189,191,194,196,196,194,189,186,185,189,194,194,191,191,191,181,177,176,177,178,179,183,189,191,191,189,186,183,181,183,189,191,194,191,191,189,191,196,196,191,189,191,196,202,207,207,204,202,199,196,195,195,199,202,204,204,199,194,194,196,202,207,207,204,204,207,204,196,194,194,202,204,204,202,200,202,204,207,209,212,212,207,204,202,202,204,207,204,209,212,212,212,212,212,215,217,217,217,220,220,222,220,222,222,225,228,228,230,228,225,222,222,222,217,217,217,217,217,215,209,208,208,209,209,204,198,194,192,196,204,209,207,204,207,215,222,225,225,222,217,217,217,215,212,209,212,217,217,222,222,222,222,222,217,215,215,212,212,212,215,217,215,212,212,212,209,209,209,212,212,212,212,212,215,215,217,215,217,222,222,217,215,215,215,215,217,217,222,222,225,225,225,225,225,228,230,230,230,230,225,222,222,222,222,222,222,222,222,222,217,217,217,217,215,212,209,212,215,217,215,215,217,217,217,217,217,222,225,228,233,235,238,238,238,235,233,228,225,217,217,217,217,222,222,217,217,217,215,212,209,204,202,196,194,191,191,191,189,143,143,189,194,199,204,204,202,204,207,207,209,207,207,207,207,207,207,207,207,207,204,202,204,204,207,209,212,212,215,215,215,212,209,207,204,199,196,194,194,194,194,196,196,199,199,199,196,196,194,194,194,194,194,196,194,194,194,189,186,183,189,191,189,189,189,189,191,191,189,183,137,181,186,194,194,194,191,191,191,191,196,202,209,212,212,212,215,217,222,217,215,209,204,202,207,217,230,238,246,255,255,255,255,255,255,255,255,255,255,255,0,255,255,255,255,228,222,230,255,255,255,254,243,243,243,241,243,241,238,243,243,254,255,235,207,191,189,190,194,202,215,222,212,199,199,194,178,173,178,181,173,163,117,109,101,98,100,109,115,113,111,115,173,191,178,83,78,79,95,183,202,209,209,202,192,190,190,191,196,194,186,190,199,204,209,217,212,196,145,199,215,225,228,226,228,228,230,230,230,233,241,243,233,209,203,207,225,238,246,246,246,243,230,212,194,141,139,137,133,127,123,127,191,209,217,222,217,207,207,215,220,222,141,137,131,127,131,137,143,191,199,217,228,225,225,222,217,217,217,222,217,217,215,212,204,199,204,212,217,225,222,215,207,199,195,195,196,202,207,207,207,204,207,209,215,217,215,207,191,141,141,189,194,199,204,207,209,212,215,212,207,204,207,207,202,204,209,209,202,200,202,202,204,207,209,209,204,199,194,194,199,196,189,189,199,207,209,212,212,212,212,207,203,203,207,212,212,207,204,207,209,209,207,209,209,209,207,202,196,192,190,191,196,199,196,194,194,199,204,207,209,212,212,209,209,207,204,204,204,202,199,196,196,196,196,195,194,192,196,199,194,194,196,196,194,189,189,191,194,189,138,139,191,199,209,212,202,182,179,183,199,207,207,202,199,199,204,209,209,209,207,204,199,192,192,194,141,125,123,131,191,196,199,199,199,196,196,199,196,194,194,191,194,199,207,212,212,209,204,202,202,196,194,194,196,202,204,204,204,207,212,215,215,209,202,200,202,207,207,207,205,205,207,215,217,217,215,212,215,215,215,217,217,215,215,215,212,209,208,208,209,212,215,212,211,211,212,217,222,220,212,208,208,209,209,212,212,212,212,215,215,212,209,212,215,215,212,209,209,212,212,212,212,209,209,212,212,212,212,209,209,209,209,207,204,204,207,215,207,143,141,143,194,196,194,196,202,204,202,202,204,209,215,215,215,212,209,209,212,215,215,215,212,212,215,217,222,225,228,228,228,226,226,235,248,251,243,241,241,241,243,243,243,233,141,135,147,235,246,202,87,71,69,71,93,145,225,238,241,243,246,248,251,254,255,255,254,252,252,255,255,255,251,242,242,248,255,255,255,255,248,246,238,231,233,238,230,204,186,186,183,176,173,0,194,202,204,204,199,196,202,212,217,222,222,212,204,204,0,217,222,217,199,170,152,144,142,137,131,126,131,0,170,183,189,186,0,0,0,255,238,202,199,207,217,222,217,207,207,209,215,212,212,212,217,217,212,207,196,189,186,189,189,191,194,202,215,225,220,209,204,204,209,215,209,194,191,204,207,196,186,186,189,191,189,181,170,165,165,173,186,194,191,178,0,0,165,178,0,0,0,189,0,176,181,183,181,176,176,183,199,202,194,189,189,194,199,204,0,0,228,233,233,233,235,238,235,230,225,225,230,230,228,230,238,246,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,243,233,228,228,0,225,212,202,194,189,183,0,0,0,230,225,0,0,0,0,0,0,0,0,0,215,212,207,204,199,199,199,199,199,202,202,202,199,194,189,183,181,178,178,176,170,165,160,163,168,173,178,181,186,191,196,199,202,204,204,207,207,209,209,212,217,220,220,217,217,217,217,215,212,202,191,143,141,137,133,131,137,149,215,230,235,233,229,229,230,235,241,243,246,246,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,251,251,251,248,248,246,246,248,251,251,251,251,248,241,233,225,222,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,173,176,178,181,186,186,183,181,182,189,196,199,202,199,199,199,202,207,207,204,204,207,209,207,202,199,199,202,202,199,195,195,199,202,204,204,204,204,204,204,202,202,204,204,202,204,207,207,202,198,199,204,207,207,207,204,202,191,194,196,191,173,173,181,181,128,170,176,129,121,122,176,191,191,178,130,131,173,173,173,181,189,191,191,194,194,196,202,209,209,207,207,207,207,204,204,207,215,222,222,222,217,204,189,189,196,183,132,130,132,178,181,178,133,131,133,176,181,183,191,202,204,204,204,207,209,209,202,191,183,176,132,132,176,178,181,186,199,207,209,212,212,212,212,209,204,199,196,196,189,181,178,181,178,173,170,173,176,173,170,173,173,170,168,170,173,176,176,176,173,176,176,176,173,170,170,173,176,181,181,183,186,191,196,199,202,194,186,181,181,178,176,131,127,129,173,176,176,173,131,127,113,110,113,125,173,176,123,125,181,196,204,207,207,209,212,196,129,178,186,183,178,176,176,127,129,183,196,202,209,207,204,202,199,183,170,125,123,117,119,125,173,129,123,125,122,121,131,178,176,178,199,209,215,217,217,215,215,212,196,186,189,199,207,215,212,207,196,186,181,177,177,178,178,131,131,181,196,207,212,215,207,189,179,183,194,196,196,196,189,176,173,178,186,183,181,178,178,176,131,176,191,199,199,189,124,122,129,183,194,204,207,207,204,204,204,207,209,209,209,209,209,209,207,209,212,212,207,202,194,183,181,182,191,202,207,204,202,202,204,209,212,207,199,194,194,191,189,189,199,207,209,209,209,209,209,212,217,204,189,191,191,191,191,191,191,191,196,199,202,199,196,194,191,191,191,191,186,176,133,133,130,130,130,131,181,189,191,191,191,189,135,133,135,186,196,202,207,204,202,202,202,204,204,199,186,128,125,129,183,191,196,196,199,194,191,196,204,209,212,212,212,209,207,207,207,209,207,202,199,194,189,141,141,141,137,129,133,194,207,209,183,183,189,194,199,204,204,199,195,196,199,199,202,207,204,196,191,191,191,191,194,199,204,207,204,202,204,209,215,215,209,208,209,209,209,209,207,207,204,204,202,199,199,196,196,196,194,194,191,191,191,191,194,196,194,189,189,189,191,196,199,199,196,194,194,194,189,181,183,186,189,191,194,183,173,172,181,189,194,194,196,196,196,196,199,202,204,207,202,199,196,194,196,196,196,196,199,199,194,189,189,191,191,189,183,135,132,135,186,189,183,182,186,189,191,194,194,183,178,181,189,194,196,199,202,202,202,202,199,196,194,189,186,183,183,183,183,183,186,189,194,196,194,191,189,189,191,194,194,196,196,194,189,185,186,189,189,189,191,194,186,178,176,177,177,178,181,189,191,191,189,183,133,132,135,181,186,189,189,189,186,189,191,191,186,186,189,196,204,209,207,202,199,196,196,195,196,199,204,209,207,202,192,190,191,196,204,207,207,207,207,204,199,194,194,196,202,204,202,204,207,207,209,209,212,212,209,207,204,204,207,209,212,215,215,212,215,215,217,217,220,217,215,212,212,215,217,222,225,225,228,230,233,230,228,222,222,217,212,209,212,215,217,217,212,209,209,209,209,202,196,194,195,198,204,207,205,204,207,222,225,225,225,217,215,215,215,215,212,209,212,215,217,217,222,222,222,217,215,215,212,212,211,211,212,215,215,215,212,212,212,209,209,209,209,212,212,215,215,217,217,215,217,222,217,215,212,212,212,212,215,215,217,222,222,222,222,222,225,225,228,230,230,230,225,225,225,222,222,222,222,222,222,222,217,217,217,217,215,212,209,209,212,212,212,215,217,217,217,217,217,222,222,228,233,235,238,238,238,235,233,228,222,217,216,216,217,222,222,222,222,222,215,212,209,204,202,196,191,190,191,191,189,189,189,191,196,199,204,204,202,204,207,209,209,209,207,207,207,207,207,207,207,207,204,207,207,209,209,209,209,212,212,215,215,212,212,207,204,202,199,196,194,194,194,194,196,196,196,196,196,196,194,194,191,191,196,194,194,191,191,189,186,183,186,189,189,189,189,189,191,186,178,131,130,133,183,191,194,194,189,189,189,191,196,202,207,209,212,215,217,222,222,222,220,217,215,209,209,217,225,233,238,248,255,255,255,255,255,255,255,255,255,255,255,0,255,255,255,229,224,230,251,255,255,255,0,0,0,246,251,255,255,255,255,255,255,230,204,191,189,190,194,196,207,215,204,183,0,173,173,176,183,181,168,119,109,103,101,101,103,107,109,107,101,101,121,183,168,87,80,82,97,178,199,209,209,202,192,191,192,196,204,204,192,196,204,209,217,217,207,141,120,124,196,222,233,235,233,233,233,230,230,235,243,246,241,228,207,207,217,233,243,246,243,241,230,215,196,141,135,135,133,129,121,115,121,137,194,212,220,217,215,217,225,233,235,220,194,189,189,202,207,204,209,228,233,228,228,225,222,215,217,222,225,217,217,215,207,199,202,212,222,225,222,212,204,199,196,195,195,196,204,204,203,203,204,207,212,215,212,204,191,141,141,143,191,196,204,209,212,212,215,215,212,212,215,212,207,204,209,209,200,200,202,202,202,204,204,202,199,196,194,191,189,187,185,189,204,212,215,215,215,215,212,207,203,202,207,215,215,212,209,209,212,209,209,209,212,212,209,204,196,192,191,192,199,204,202,196,195,196,204,207,209,209,209,209,207,207,207,207,202,196,194,199,202,199,196,195,194,192,196,202,202,199,199,199,199,196,194,194,191,189,137,137,139,191,202,207,199,186,181,186,199,204,204,196,191,191,196,202,199,199,202,204,204,199,194,194,141,127,126,135,194,199,202,202,202,199,199,202,202,202,202,199,196,196,204,212,215,209,204,202,196,192,192,199,204,207,207,207,207,212,217,222,220,212,204,204,204,207,207,205,204,204,207,212,215,209,207,207,207,209,217,217,217,217,217,215,209,208,208,208,208,209,212,215,212,211,215,217,222,217,212,209,208,209,212,212,212,212,215,215,215,215,212,212,215,215,212,212,209,209,208,208,208,209,212,215,215,215,212,209,207,207,207,204,202,202,207,212,202,143,141,142,191,196,194,194,196,196,195,196,199,204,212,215,215,212,209,209,212,215,217,217,215,215,215,217,222,225,228,228,228,226,224,230,241,246,243,241,241,241,243,243,241,228,131,117,117,209,243,220,107,87,77,81,99,143,222,235,238,238,241,243,248,248,254,255,254,252,254,255,255,255,246,241,242,251,255,255,255,255,251,243,231,229,235,241,238,228,209,194,178,168,0,0,196,209,220,222,212,199,196,204,212,222,225,222,215,212,0,0,0,241,228,189,157,144,139,137,134,131,0,0,173,186,191,189,0,0,0,255,243,215,207,212,222,233,235,228,217,209,207,204,204,207,209,212,209,204,199,194,189,189,194,199,204,212,220,222,215,204,199,202,207,212,207,191,186,194,199,194,183,181,181,183,178,0,157,152,0,0,176,189,189,178,0,0,0,168,0,0,0,0,178,176,176,173,165,160,160,165,178,183,181,178,178,181,183,191,202,212,225,233,235,235,235,235,233,228,224,225,228,225,225,228,238,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,246,238,230,228,225,217,209,202,196,189,181,178,0,0,217,215,217,0,0,0,0,0,0,217,215,215,212,207,199,196,194,194,196,196,196,196,196,194,189,186,181,178,176,173,170,165,163,160,163,168,173,176,178,186,194,199,202,204,204,207,209,212,212,215,217,217,222,222,217,217,217,217,215,209,202,145,141,139,135,131,129,135,147,209,228,235,233,230,229,230,235,238,243,246,246,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,248,248,248,248,248,246,246,243,246,248,251,251,251,248,238,230,222,222,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,183,189,183,183,183,186,183,182,182,186,191,196,199,196,196,196,199,202,207,207,204,204,207,212,209,204,202,202,207,207,202,195,195,196,202,202,202,202,202,202,202,202,202,202,202,202,204,209,207,202,198,199,204,204,207,207,207,207,199,196,189,131,123,173,186,181,129,176,181,173,122,121,129,183,189,178,131,173,173,173,176,181,186,189,191,196,202,204,212,217,217,212,207,203,202,203,204,204,209,217,222,217,212,199,194,202,207,183,129,129,178,186,183,181,133,129,131,176,181,186,194,204,209,212,209,209,209,207,196,183,178,133,132,133,133,176,181,189,189,194,202,209,212,215,215,212,202,194,194,194,186,178,181,189,189,181,173,170,170,170,170,173,176,173,170,170,170,173,173,170,170,173,176,176,173,173,170,173,173,173,176,178,183,189,191,191,189,178,129,125,125,127,127,125,125,131,176,178,176,173,125,112,106,107,111,121,127,176,178,173,178,189,199,207,209,209,209,194,125,128,176,181,181,181,178,176,176,178,183,191,199,204,202,202,199,194,183,170,127,127,170,173,178,170,121,122,127,129,178,178,176,183,207,212,212,212,217,215,215,212,202,196,202,209,212,212,209,199,186,178,177,177,177,181,186,181,181,189,196,202,207,209,202,183,179,191,202,204,204,204,196,178,173,176,183,183,181,181,178,129,124,127,178,181,178,133,124,123,181,191,196,204,207,204,204,204,204,207,207,207,209,209,212,209,207,207,209,209,204,196,189,183,183,186,191,199,204,207,207,204,204,207,209,207,199,194,196,199,196,194,199,209,212,209,204,204,204,207,204,196,191,191,191,189,189,191,194,194,196,199,196,189,178,131,131,178,186,186,133,124,126,133,135,133,135,183,191,196,196,196,196,191,181,134,137,186,196,204,209,207,202,199,202,204,204,199,189,139,186,194,194,196,196,199,204,202,194,196,202,207,212,212,212,209,204,204,207,212,209,207,204,202,194,191,191,183,129,126,131,199,204,189,105,123,183,194,199,204,207,204,196,196,195,195,196,207,207,199,191,191,191,196,202,204,207,204,204,204,207,212,215,215,209,209,209,209,209,209,209,207,204,204,202,196,196,196,199,199,199,196,194,194,194,194,196,199,194,189,189,189,191,194,196,196,194,191,191,194,189,183,183,186,189,191,194,186,176,174,178,186,189,194,196,196,196,196,199,204,204,204,199,196,194,192,192,192,194,196,202,202,199,196,194,191,186,181,178,135,133,135,181,186,183,183,189,194,194,194,191,183,178,181,186,191,194,199,202,202,202,202,199,196,191,186,186,186,186,189,189,186,189,191,196,196,194,191,191,194,194,194,196,199,202,199,191,186,185,186,186,183,186,194,194,183,181,181,181,181,183,191,194,194,189,178,131,131,133,181,181,183,183,183,186,186,186,189,186,186,189,194,204,207,204,199,195,195,196,196,196,202,207,209,207,199,192,190,191,199,207,209,204,207,207,207,202,196,194,194,199,199,199,202,207,209,209,209,209,209,209,207,204,204,207,209,212,215,215,215,215,217,217,217,217,215,212,208,208,212,217,222,222,222,225,228,230,230,228,225,222,215,207,205,207,215,222,222,222,217,215,215,212,209,204,199,202,204,207,209,207,207,212,217,225,225,222,217,215,212,215,215,212,209,212,212,215,217,217,222,222,217,215,215,215,212,212,211,212,215,215,215,215,215,212,212,209,207,207,207,209,212,215,215,217,217,217,222,217,215,212,212,209,209,212,212,215,217,222,222,222,222,222,222,225,225,225,225,225,225,225,225,225,228,228,228,225,222,217,215,217,215,212,212,209,209,209,212,215,217,222,222,217,217,217,217,222,228,230,233,238,238,238,235,233,228,222,217,217,217,217,222,225,225,225,222,215,212,209,207,204,196,190,189,191,194,191,191,191,194,196,202,204,204,204,204,207,209,209,209,207,207,207,207,207,207,207,207,209,209,209,209,209,209,209,212,212,215,215,212,212,209,207,204,199,196,194,194,194,194,194,194,194,194,196,196,196,194,189,189,191,194,191,189,186,183,181,181,183,186,186,186,186,189,189,186,133,129,129,131,183,191,194,191,186,186,186,189,194,199,207,209,215,217,222,225,228,228,225,225,225,215,212,215,222,228,233,243,255,255,255,255,255,255,255,255,255,255,254,255,255,255,255,235,229,235,251,255,255,248,0,0,0,251,0,255,255,255,255,255,255,233,212,199,190,189,191,194,194,191,183,125,122,125,176,178,178,178,165,115,109,109,107,105,101,103,107,107,95,87,99,119,115,91,87,91,105,173,194,204,207,199,196,196,204,209,215,217,212,212,212,217,222,215,202,135,114,115,125,212,238,246,246,243,238,233,233,238,243,246,241,233,217,207,209,222,233,238,241,241,241,233,212,189,135,133,131,127,117,107,104,106,119,189,212,220,222,215,213,222,255,255,246,246,235,228,222,215,217,225,228,228,228,225,217,212,215,222,225,222,217,217,207,198,199,209,217,222,217,212,209,204,199,196,196,199,204,207,207,207,207,207,209,209,209,204,191,141,141,143,191,199,209,212,209,212,215,217,217,215,212,209,207,207,209,207,202,202,204,204,204,204,204,199,196,196,191,187,187,186,186,194,209,215,215,215,215,215,212,209,203,203,207,215,217,215,212,212,212,209,209,209,212,212,209,204,199,196,196,199,204,207,207,202,196,199,204,207,209,209,209,207,204,202,202,204,202,194,194,202,209,204,202,202,196,195,199,204,204,207,204,202,199,199,199,196,191,189,183,138,138,183,194,196,196,191,186,189,196,202,202,196,191,191,191,194,191,189,191,202,204,202,196,194,191,186,141,191,199,204,204,207,207,204,204,207,207,207,204,204,202,199,202,209,212,207,204,196,191,190,194,207,215,215,212,209,209,215,217,222,222,217,215,212,209,209,209,209,209,209,212,215,212,207,205,205,205,209,220,222,220,217,217,215,212,209,209,209,208,209,215,217,215,212,215,217,217,215,212,209,209,209,209,209,209,212,215,217,217,217,217,215,212,212,212,212,209,208,208,207,208,209,212,217,217,217,215,209,204,202,204,202,202,202,207,209,202,191,143,143,145,194,196,196,196,196,195,195,195,196,202,207,209,212,209,212,212,215,217,217,215,215,217,217,222,225,228,228,228,226,224,228,238,243,243,241,241,243,243,243,235,220,137,113,109,135,215,143,105,97,95,103,125,202,228,238,238,237,238,243,243,246,251,254,255,255,255,255,255,255,248,243,244,254,255,255,0,0,255,246,233,230,238,243,238,228,209,191,170,165,0,183,194,207,222,230,225,204,186,194,204,212,222,222,222,0,0,0,0,0,238,204,155,139,129,129,131,137,0,0,186,199,196,196,0,0,0,255,217,207,215,217,225,233,235,230,222,212,202,199,200,204,209,209,207,202,196,189,183,186,196,204,209,212,215,212,204,199,199,202,204,212,209,196,186,186,194,194,183,173,173,173,0,160,150,144,147,0,0,0,186,183,173,0,0,160,0,0,0,0,178,176,173,163,157,152,150,152,157,165,165,165,168,170,0,181,194,209,225,233,238,238,238,238,233,225,225,225,224,224,224,228,238,248,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,238,230,225,222,215,207,199,194,189,178,176,183,202,207,204,212,0,0,0,0,0,0,217,215,215,212,204,196,189,186,186,189,191,189,189,191,189,186,183,176,173,165,165,165,163,160,163,165,168,170,173,176,183,194,202,204,204,207,207,209,215,217,220,220,222,222,222,217,215,215,217,215,212,202,191,143,141,135,129,128,133,143,204,225,235,235,230,230,230,235,238,243,243,246,246,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,246,246,246,246,246,246,243,243,243,246,251,251,251,243,235,228,225,225,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,196,194,189,186,186,189,183,183,186,191,194,196,196,194,194,196,199,202,204,204,204,203,207,209,209,204,202,202,207,207,202,195,195,196,199,202,199,199,199,202,199,199,199,202,202,199,202,204,204,199,198,199,202,204,204,207,209,209,209,204,186,117,113,125,176,131,129,176,181,170,122,121,125,176,181,178,173,173,176,176,178,181,181,183,189,196,204,209,215,217,217,215,204,200,200,204,204,204,207,215,215,212,204,194,191,202,207,178,130,178,196,196,183,133,123,121,129,178,183,189,194,202,209,215,215,212,209,204,191,178,133,133,133,133,132,133,181,186,181,183,194,204,212,212,209,202,191,189,191,189,181,173,176,189,189,183,173,170,169,169,170,173,176,173,173,173,173,173,169,168,168,169,173,176,173,173,170,173,176,173,173,178,181,181,178,176,129,125,124,124,125,125,125,125,131,178,183,178,173,170,123,111,109,115,119,125,121,129,181,176,173,178,191,202,202,199,194,128,123,126,173,189,189,181,178,178,176,176,178,183,189,196,199,202,202,199,194,176,170,170,170,129,127,125,123,176,189,189,189,178,176,189,215,212,207,207,212,212,215,212,202,199,204,209,209,207,207,196,183,181,181,181,183,189,194,189,186,191,191,194,196,202,196,181,181,196,207,204,204,207,202,183,131,173,178,181,181,183,181,125,122,125,133,129,127,128,126,127,189,194,196,202,199,199,199,202,202,202,204,204,207,209,212,209,207,207,207,204,199,191,183,186,191,196,196,199,204,209,209,207,204,207,209,207,204,202,207,209,207,199,202,209,215,212,209,202,202,202,196,189,186,186,189,187,186,189,191,194,196,199,194,176,125,121,124,130,183,186,126,120,123,133,178,178,186,191,194,196,196,194,191,189,181,135,181,189,199,207,212,209,202,199,202,204,207,202,194,191,196,199,199,194,191,199,207,207,202,202,207,209,212,212,212,207,199,199,204,209,212,209,207,204,202,196,199,191,130,128,137,199,189,103,94,109,183,199,204,207,209,209,202,199,195,194,196,207,209,202,194,194,196,202,209,209,207,204,204,207,212,215,217,217,215,212,209,209,207,207,207,207,207,204,199,194,191,194,196,199,199,199,196,196,196,196,196,199,196,194,191,191,191,194,194,194,191,186,183,186,186,183,183,186,186,189,189,186,181,177,178,183,186,191,196,196,196,199,202,202,204,202,196,196,194,192,191,191,194,199,202,204,204,202,199,194,186,133,130,131,133,133,181,186,186,186,191,194,191,189,189,183,178,183,186,189,191,196,199,199,199,199,196,194,191,189,186,189,191,194,194,191,191,194,196,199,196,194,194,196,196,196,199,204,204,202,194,186,185,186,183,181,182,191,196,194,189,191,191,189,191,194,196,194,189,178,132,132,137,186,183,181,181,183,183,183,183,186,189,189,189,194,199,202,199,196,195,196,196,196,196,202,207,209,204,199,194,194,199,204,207,204,199,199,204,204,204,199,196,194,194,194,194,196,204,207,209,209,204,207,207,204,204,204,204,207,207,209,212,212,212,217,217,217,217,212,209,208,208,212,222,225,222,220,221,225,228,228,228,225,222,212,205,204,207,212,217,225,225,225,222,217,217,215,212,212,212,212,215,217,217,215,212,215,222,225,222,212,207,209,212,212,209,209,209,212,212,215,217,222,217,217,215,215,215,215,215,212,212,215,215,215,215,215,215,212,209,207,205,205,207,209,212,215,217,217,222,222,222,215,212,209,209,209,209,212,215,217,217,222,217,217,217,217,222,222,222,222,225,225,225,228,228,230,233,230,225,222,217,215,215,215,212,212,209,209,207,209,215,217,222,222,217,217,217,217,222,225,230,233,235,238,238,235,233,228,222,217,217,217,222,222,225,225,225,222,217,215,212,209,204,196,191,190,194,194,191,191,194,196,199,202,204,204,204,207,209,209,212,209,209,207,207,207,207,207,207,209,212,212,212,212,212,212,212,212,212,212,212,212,212,209,207,204,199,196,196,194,191,191,191,191,191,194,196,196,196,194,189,186,189,189,189,183,181,176,176,178,181,183,183,186,186,189,189,186,135,131,130,135,183,189,189,186,183,183,183,141,189,199,207,212,217,220,225,228,228,230,228,228,228,217,212,212,217,222,233,243,255,255,255,255,255,255,255,255,255,255,254,255,255,255,255,251,241,241,248,251,238,228,238,0,0,255,254,251,251,248,248,255,255,243,225,209,191,190,196,194,186,178,173,127,123,173,183,181,173,170,160,115,115,160,119,103,95,97,109,113,97,83,83,91,115,103,95,93,99,119,173,186,194,191,194,202,209,215,217,222,222,217,217,217,222,217,207,191,121,117,123,147,230,248,251,251,248,243,241,243,246,243,243,241,230,212,204,205,215,228,235,241,243,243,238,217,194,139,133,127,123,109,103,103,106,127,202,215,222,215,209,203,255,255,254,251,246,230,220,222,225,225,225,228,228,222,215,209,212,217,222,217,215,215,207,199,199,207,215,217,212,212,212,209,204,202,199,204,207,209,212,212,212,209,209,209,209,204,191,141,143,189,194,202,215,215,209,207,212,217,217,212,204,202,202,204,207,207,202,204,209,209,207,207,204,199,199,199,196,191,191,191,194,199,209,215,215,212,209,212,212,209,204,204,207,215,217,217,215,215,212,209,209,209,209,207,204,202,202,199,202,202,204,207,207,204,202,202,207,207,209,209,212,209,207,202,199,207,204,194,191,204,212,209,207,209,204,199,199,202,204,209,209,207,202,202,202,196,189,183,194,189,183,189,194,194,194,196,194,191,194,196,199,202,199,196,194,191,141,139,141,196,202,199,194,194,199,202,202,202,202,204,207,209,209,207,209,209,209,207,207,207,207,204,204,209,212,209,204,194,190,190,199,215,225,222,217,212,209,209,212,217,225,228,222,217,215,215,215,217,222,225,222,222,217,209,207,207,209,215,225,225,222,217,217,217,217,215,215,212,209,212,215,217,217,215,215,215,212,209,209,209,209,209,208,208,209,212,215,217,222,222,220,217,215,212,212,212,209,209,209,209,209,209,212,217,222,222,215,207,204,202,202,202,202,204,209,212,204,196,194,191,191,196,202,202,202,202,204,199,195,194,196,199,204,209,209,209,212,215,217,217,215,215,217,222,222,225,225,228,230,228,226,230,241,243,243,241,241,241,243,238,230,215,137,117,109,115,115,87,83,95,101,115,143,217,233,238,238,238,241,243,243,243,248,255,255,255,255,255,255,255,255,248,248,255,255,255,255,255,255,254,238,233,238,238,225,199,183,178,166,164,178,186,189,194,207,225,222,204,0,176,186,199,212,217,222,0,0,0,0,230,241,228,152,131,122,124,131,139,0,0,0,215,212,212,0,0,0,243,204,205,225,225,220,220,222,222,222,220,200,198,200,207,209,209,204,199,189,182,181,182,191,199,202,202,202,202,196,194,199,202,207,212,212,199,183,181,189,194,186,173,168,0,163,152,142,139,0,0,0,0,0,189,178,0,0,0,0,0,0,0,176,176,168,157,152,150,147,147,147,152,152,155,160,163,0,178,191,209,0,0,238,238,241,238,233,228,228,228,224,224,225,230,241,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,241,230,225,217,212,207,199,191,183,176,176,183,196,196,196,204,0,0,0,0,0,217,217,215,215,212,204,194,183,181,181,183,183,183,183,186,186,181,176,168,160,157,157,157,160,123,125,168,173,173,173,176,183,194,202,204,204,204,207,209,217,222,222,222,222,222,222,217,215,215,215,217,212,204,196,191,143,137,129,127,129,139,199,217,230,233,230,230,230,233,238,241,243,243,246,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,246,243,243,243,243,243,243,243,241,241,243,248,251,248,241,233,228,225,225,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,204,199,194,191,189,189,189,189,191,194,194,194,191,194,194,196,196,199,199,202,204,204,204,204,207,204,202,202,204,202,199,196,196,199,199,199,196,194,196,202,199,198,198,202,202,199,199,199,199,199,198,199,202,204,204,204,207,207,209,212,204,127,111,113,123,127,127,127,127,122,121,123,170,176,176,173,131,173,173,176,176,176,176,176,181,191,202,209,212,212,215,215,209,204,204,209,209,207,207,209,209,207,196,189,189,191,183,131,133,202,209,194,127,115,109,114,129,183,189,189,186,189,194,209,212,207,202,196,186,176,133,176,176,133,133,178,183,183,178,181,191,204,212,209,199,186,185,189,189,183,178,173,173,178,181,178,173,170,169,170,173,173,176,173,173,173,176,176,170,169,169,170,176,178,178,176,173,176,178,178,181,183,181,131,125,123,122,125,131,176,173,131,129,131,181,181,178,173,127,127,129,170,127,125,127,127,129,173,173,129,125,127,183,191,170,176,189,183,129,126,170,194,194,178,173,176,176,176,176,178,181,189,194,196,196,196,189,176,173,173,127,122,121,122,129,181,189,191,191,186,186,202,212,209,207,207,209,209,209,202,196,196,202,207,207,204,202,191,189,183,186,186,186,194,196,191,191,189,186,183,186,194,189,181,181,196,204,204,204,207,202,178,125,173,173,181,189,189,181,127,124,131,133,129,127,128,133,178,186,194,194,196,196,196,196,199,199,199,202,204,207,209,209,207,207,207,204,202,196,189,183,186,194,199,199,202,207,212,212,209,204,207,209,212,212,212,215,215,209,207,207,212,215,215,212,204,199,199,199,191,187,187,187,187,187,189,191,191,196,202,199,176,119,117,123,133,189,191,176,127,123,121,125,135,186,189,189,191,189,183,181,181,181,137,181,189,199,209,212,209,202,199,202,204,204,204,199,196,202,204,199,139,137,194,204,207,204,204,207,209,209,209,209,202,191,191,202,209,209,207,207,207,202,199,202,202,191,139,183,133,104,99,104,127,191,202,204,207,209,207,202,202,199,196,199,202,204,196,191,194,199,207,209,207,204,203,204,207,212,220,222,217,215,212,209,207,207,207,209,209,209,204,199,191,186,186,194,199,199,199,196,196,196,196,194,194,196,199,196,194,194,194,194,196,191,183,182,183,186,186,189,189,186,186,186,186,183,183,183,183,186,189,191,196,199,199,199,202,202,199,196,194,194,194,194,194,196,199,199,202,202,202,199,196,191,135,129,128,129,133,183,189,189,186,186,191,189,181,178,178,181,181,186,189,189,191,194,194,194,194,191,191,191,189,189,191,196,199,196,196,199,202,202,199,196,196,199,199,199,196,202,207,207,202,194,186,186,189,186,182,183,191,196,196,194,191,194,194,196,196,196,191,183,181,181,186,189,189,186,183,183,183,183,181,181,186,191,194,194,196,199,199,199,196,199,199,196,196,196,199,204,209,207,202,199,199,202,207,207,199,196,198,202,202,202,199,196,196,194,192,192,196,204,207,207,202,202,202,202,204,204,204,204,204,204,209,212,211,211,215,217,217,215,209,209,209,212,215,222,225,222,220,220,222,225,225,225,225,225,215,209,207,207,209,217,225,225,222,222,222,217,217,215,215,217,217,222,225,225,217,212,212,217,225,217,202,150,202,209,209,208,208,209,212,215,215,217,217,217,217,217,215,215,212,212,212,212,215,215,215,212,212,212,212,209,207,205,209,209,209,208,209,215,217,222,222,217,215,209,209,209,209,209,209,212,215,217,217,217,217,217,217,217,217,217,217,222,222,225,225,228,230,233,230,228,222,217,215,215,212,212,209,209,207,207,207,209,215,217,215,217,215,215,215,222,225,230,233,235,235,235,235,233,228,222,217,215,217,217,222,222,225,222,222,222,217,212,207,202,196,191,190,194,191,191,191,194,196,199,202,204,204,204,207,209,209,209,209,209,209,209,207,207,209,209,212,215,212,212,212,212,215,215,212,212,212,212,212,209,209,207,204,202,199,196,194,191,191,191,191,191,191,191,194,194,191,186,183,183,183,183,178,176,176,176,178,181,181,183,186,189,189,189,186,178,135,135,181,186,189,186,181,137,137,137,139,186,194,204,212,217,222,225,228,228,230,230,230,228,222,215,217,217,225,233,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,248,246,222,215,0,0,255,255,254,243,243,235,230,246,255,251,222,204,196,199,217,207,191,176,173,178,183,189,189,183,176,168,117,115,157,189,160,97,87,95,113,157,105,84,83,91,168,121,99,87,83,81,87,109,127,176,186,202,209,215,217,222,222,217,217,217,222,217,212,212,209,196,135,137,209,238,246,246,246,246,243,243,246,246,246,248,243,230,207,200,203,217,235,241,246,248,248,230,207,189,139,135,129,121,113,107,107,113,135,204,222,222,217,243,254,255,238,235,235,217,204,215,228,230,228,228,228,217,209,208,212,215,217,215,212,209,207,202,202,204,212,217,212,209,209,209,204,204,207,207,212,215,215,212,212,212,212,212,212,204,191,139,139,189,196,204,215,215,209,204,209,217,222,212,202,200,202,202,204,204,202,204,209,212,212,209,204,204,207,207,204,204,204,204,204,207,212,215,212,209,202,199,204,207,204,204,207,212,215,217,215,212,209,207,207,207,204,204,202,199,199,199,199,202,204,207,207,204,204,204,204,202,202,204,212,215,207,196,196,202,202,186,133,189,207,209,209,209,204,199,199,202,204,209,212,207,204,204,204,199,183,173,194,196,199,202,199,196,196,202,202,196,194,196,202,207,207,204,202,196,141,137,139,196,202,196,190,191,199,207,207,202,199,202,204,204,204,207,209,212,212,209,207,204,204,207,209,212,215,215,207,196,194,196,209,222,228,225,222,215,207,202,204,215,225,228,225,222,220,222,225,225,228,228,228,225,225,220,212,209,212,222,228,228,222,220,217,220,222,220,215,215,212,215,215,217,217,215,212,209,207,207,207,209,209,209,209,209,212,215,217,220,220,220,220,217,217,215,212,209,209,212,212,215,212,209,212,217,222,220,212,207,204,204,204,207,207,209,212,215,207,199,196,196,202,204,209,209,207,209,212,209,204,199,196,196,199,204,204,204,207,212,215,215,215,215,220,222,222,222,225,228,230,230,230,235,241,241,241,238,235,235,238,235,222,204,137,123,113,107,95,79,77,89,93,101,131,225,241,241,237,238,241,241,238,241,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,238,230,235,225,196,177,176,178,173,168,186,196,0,189,199,212,215,191,147,150,157,191,204,204,215,225,228,209,194,207,228,209,147,129,122,124,134,0,0,0,0,0,0,0,0,0,0,235,205,222,235,225,212,211,211,211,220,222,209,202,204,207,209,209,204,199,189,183,182,182,183,186,189,191,189,189,191,194,196,204,209,215,209,196,178,173,181,189,186,173,165,163,152,139,135,137,0,0,0,0,0,189,178,0,0,0,0,0,0,0,173,176,168,157,152,152,152,150,147,144,144,147,152,157,0,183,0,0,0,0,0,238,238,238,235,230,230,230,228,225,230,238,0,0,255,255,255,255,254,255,255,255,255,255,255,255,255,255,255,255,255,254,248,241,230,225,217,212,207,202,191,178,0,174,183,191,194,196,202,212,0,0,0,0,0,0,0,0,0,204,194,183,178,176,176,176,178,181,183,181,176,165,157,152,150,115,117,121,123,125,168,173,176,176,176,181,191,199,204,204,204,207,212,217,225,225,225,225,225,222,217,215,215,215,217,215,207,199,194,145,137,129,127,128,137,149,212,225,228,228,228,228,230,235,238,241,241,241,243,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,243,241,243,243,243,243,241,241,238,238,241,243,246,246,241,230,222,217,217,222,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,204,202,194,191,191,191,191,191,191,194,194,191,191,191,194,196,196,196,196,199,202,204,204,202,202,199,196,199,199,199,196,196,196,199,196,194,191,191,196,202,202,198,198,202,202,199,196,199,202,199,199,199,202,202,204,204,204,204,207,209,207,186,111,105,110,125,127,125,122,122,122,127,170,173,129,127,127,131,173,176,174,174,174,174,176,183,194,202,204,204,207,212,215,215,215,217,212,207,204,204,207,202,191,186,183,181,132,130,135,196,199,131,113,110,111,119,183,194,191,183,178,178,183,194,196,194,189,189,186,178,178,178,178,176,176,178,183,178,176,178,189,202,207,202,194,185,185,191,191,186,183,178,173,173,176,173,173,173,176,176,176,173,173,173,173,176,178,178,173,173,178,181,181,183,183,181,178,178,181,183,183,181,178,131,123,121,123,173,183,189,186,181,178,181,181,127,122,125,123,125,173,178,127,123,170,178,183,178,129,123,123,127,181,181,168,169,189,189,129,127,170,183,186,176,170,173,176,178,178,176,176,176,178,181,183,183,178,173,173,170,125,121,121,122,129,181,186,189,191,191,194,199,204,207,207,207,207,202,194,189,191,199,204,209,204,202,196,191,189,183,186,189,191,196,194,191,191,189,183,178,181,186,183,176,181,194,204,204,202,199,186,118,113,176,178,183,189,189,178,131,131,176,178,133,131,176,186,189,191,191,194,194,196,196,196,196,196,196,199,204,207,209,207,207,209,209,209,204,199,191,183,183,189,191,194,196,204,212,215,212,207,207,212,215,215,215,217,217,215,212,212,215,215,215,212,204,199,199,196,191,189,191,189,189,194,196,194,191,196,202,199,189,178,176,176,178,189,194,189,178,126,121,122,127,135,181,183,183,181,135,133,135,137,137,181,189,199,207,209,207,202,198,199,202,204,204,204,202,207,212,87,88,105,135,196,199,199,202,204,209,209,207,202,191,185,186,199,207,207,204,207,207,204,202,204,204,194,186,186,133,113,109,127,189,199,202,202,204,207,204,202,204,204,202,199,196,191,186,189,196,204,207,207,207,204,204,207,207,212,217,222,217,215,212,209,207,207,207,209,209,209,204,194,186,183,185,189,194,196,196,194,194,194,194,191,190,191,196,196,194,191,191,194,196,191,186,183,186,189,191,191,191,189,186,186,186,186,189,189,186,186,189,191,194,196,199,199,199,199,199,194,194,196,199,199,202,202,199,196,196,199,199,199,202,199,189,135,130,131,135,186,189,186,183,183,186,181,177,176,177,181,186,186,189,191,194,194,189,186,186,189,191,191,189,189,191,194,196,196,199,202,204,204,202,196,196,199,199,199,202,207,209,204,196,191,186,189,194,194,186,183,189,194,196,194,191,191,194,196,196,196,191,186,183,189,194,194,194,191,189,189,186,183,181,183,189,194,196,196,199,202,202,199,196,196,199,199,196,196,199,204,212,209,204,202,199,204,207,207,202,199,199,202,202,199,196,196,194,194,194,199,204,207,207,202,199,199,199,199,202,204,207,204,204,207,212,215,212,212,215,222,217,215,209,209,215,215,215,217,222,222,220,222,222,225,222,222,225,225,217,215,215,212,212,215,222,222,222,222,217,217,215,212,209,209,212,217,222,222,217,215,215,217,222,212,151,148,150,207,212,209,208,209,212,215,215,215,217,217,217,217,215,212,211,211,212,212,212,212,212,212,209,212,212,209,205,207,209,212,209,208,209,212,215,217,217,215,212,209,208,209,209,209,209,212,215,215,215,215,215,215,215,217,217,217,217,217,217,222,222,225,228,228,228,228,222,217,215,212,212,212,209,207,204,204,204,207,212,212,212,215,215,215,215,217,225,228,233,235,235,235,233,230,225,217,215,215,215,217,217,222,222,222,222,222,217,209,204,199,194,190,190,191,189,189,191,194,194,196,199,202,204,207,207,209,209,209,209,212,212,209,209,209,212,212,215,215,212,212,212,215,215,215,212,212,212,212,212,209,209,207,204,202,199,196,194,191,191,189,189,189,186,186,189,189,183,178,176,178,178,176,133,131,173,176,181,181,183,186,189,189,189,186,183,181,178,181,186,189,189,183,181,135,135,135,137,141,191,204,212,222,225,228,228,230,230,233,233,233,230,228,225,225,225,230,238,243,254,255,255,255,255,255,0,255,255,255,255,255,255,255,255,255,251,246,243,233,228,241,255,255,255,255,246,241,228,222,238,255,248,209,199,199,215,238,215,183,173,181,194,196,194,191,186,186,178,160,115,115,160,105,89,85,91,103,107,97,87,93,113,194,181,109,87,75,67,67,83,105,121,178,199,209,215,217,222,217,217,217,217,220,220,220,225,225,209,133,130,145,217,228,228,233,246,246,243,241,243,246,251,254,243,222,204,203,212,230,238,243,246,241,225,207,196,189,137,131,131,129,121,107,104,113,137,233,235,238,246,243,241,204,204,204,139,135,199,225,233,233,230,225,217,209,208,209,215,215,215,209,207,207,204,204,204,209,215,209,207,207,204,198,198,204,209,215,215,215,215,212,212,215,212,209,204,194,139,138,141,194,204,212,212,207,202,204,212,212,209,204,204,204,202,199,199,199,204,212,212,215,212,207,204,209,209,207,207,209,212,212,209,209,209,207,202,191,191,199,204,204,204,207,209,215,215,212,209,204,204,207,207,207,204,202,202,202,202,202,204,207,207,204,203,204,207,202,194,194,199,212,215,194,135,139,194,196,131,118,124,196,207,207,204,199,198,199,202,204,209,207,202,199,199,202,202,191,181,191,199,202,202,202,204,202,204,207,204,202,202,207,209,209,207,204,199,186,137,139,196,202,196,191,194,202,209,209,202,199,199,199,199,202,204,207,209,209,207,204,202,202,202,207,215,217,212,207,202,202,207,217,225,228,225,220,212,204,196,199,209,222,225,225,222,222,222,225,225,225,225,225,225,225,225,217,215,217,228,230,228,225,222,222,222,222,222,217,217,215,215,215,215,215,215,209,207,205,205,207,209,212,212,212,215,215,215,215,215,217,217,217,217,215,212,209,209,209,212,212,212,212,209,212,217,222,217,209,207,207,207,207,209,209,212,215,217,212,202,196,199,204,209,212,212,209,209,215,217,215,209,204,199,199,199,196,196,202,209,209,209,212,217,225,225,220,217,220,225,228,230,233,238,238,238,238,235,234,235,235,233,225,209,145,143,135,117,97,77,79,97,91,95,121,225,243,243,238,238,241,238,235,238,243,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,238,230,225,207,183,0,189,204,199,191,207,215,199,189,191,199,191,96,96,103,150,186,196,196,204,209,209,196,186,189,194,176,142,126,120,126,0,0,0,0,0,0,0,0,0,0,0,238,228,243,248,225,215,212,211,211,217,225,222,217,217,215,212,212,204,199,191,191,194,191,186,183,183,183,183,186,189,189,191,199,207,212,207,194,178,172,176,181,178,170,163,157,147,135,134,137,0,0,0,165,0,183,168,0,0,157,0,0,0,0,165,173,168,163,0,0,0,0,150,147,144,144,150,155,0,186,0,0,0,0,0,235,0,235,233,230,230,230,230,233,238,243,0,0,0,0,255,255,254,255,255,255,255,255,255,255,255,255,255,255,255,254,248,241,233,225,222,215,212,204,191,178,0,174,183,191,194,196,202,209,0,0,0,0,0,0,0,0,0,204,194,186,178,173,168,168,168,173,176,176,170,163,155,150,112,113,115,119,123,125,168,173,176,178,178,183,191,199,202,207,207,209,215,222,225,225,225,225,222,222,217,215,215,215,217,212,207,199,196,145,137,129,128,129,137,147,207,217,225,225,225,228,230,233,235,238,238,238,241,246,251,254,255,255,255,255,255,255,255,255,255,255,255,255,254,246,238,238,241,241,241,241,241,238,238,238,235,238,238,238,233,225,217,212,212,212,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,202,202,194,191,191,191,191,191,194,191,191,189,189,189,191,196,196,196,196,196,199,204,204,202,199,195,195,196,199,199,196,196,196,196,194,191,190,190,194,202,202,199,199,202,202,199,196,199,204,204,202,202,202,202,202,204,202,202,204,207,207,194,111,95,99,125,173,170,125,123,125,125,125,127,127,127,129,131,173,176,174,174,174,174,174,178,189,196,199,199,204,209,215,222,225,222,212,202,196,199,199,189,183,183,183,181,135,133,133,133,121,113,113,114,119,176,199,204,194,181,176,176,183,181,183,183,181,183,186,181,181,181,176,133,131,176,176,176,133,178,186,194,196,191,189,186,186,191,189,189,189,186,181,176,173,173,173,178,183,186,178,176,173,173,173,178,181,181,176,173,176,178,181,183,186,183,176,170,129,173,176,176,176,176,129,123,131,183,191,194,191,186,181,178,131,118,118,123,127,127,170,170,122,122,173,186,189,178,123,121,127,173,181,178,165,166,181,181,129,128,170,176,176,170,129,129,176,181,186,183,176,170,169,170,129,128,128,129,170,129,123,122,123,123,127,176,183,189,194,194,196,196,199,204,207,204,196,186,132,133,183,196,207,207,202,194,191,189,189,186,189,194,196,196,186,183,183,181,176,133,178,181,178,176,178,191,196,196,191,183,125,116,113,176,178,178,183,183,176,133,178,178,178,178,181,189,196,196,194,191,191,194,196,199,199,196,195,195,196,202,207,207,204,207,212,215,215,209,202,194,186,186,186,141,141,186,194,204,212,212,209,209,212,215,215,215,217,217,215,215,215,217,215,215,212,207,204,202,194,189,191,199,196,196,196,196,194,191,194,196,186,186,186,181,131,123,129,183,191,186,178,129,127,131,178,181,181,178,133,130,130,133,135,137,183,191,199,207,207,204,199,198,198,199,202,204,207,207,212,222,71,79,93,135,196,202,199,202,204,209,207,202,194,186,183,186,196,204,204,204,207,209,207,204,204,196,189,189,189,186,139,191,199,202,204,204,202,204,207,204,202,202,204,202,196,191,185,183,191,202,207,207,204,202,204,207,207,207,209,215,217,215,212,212,209,207,207,207,209,209,207,202,194,186,185,185,186,191,194,196,196,194,191,191,190,190,190,194,196,196,191,190,191,191,189,186,186,189,191,194,194,194,191,189,189,189,191,191,191,191,189,189,189,194,194,194,194,194,196,196,191,191,196,202,204,204,204,199,194,192,194,196,199,202,202,196,191,189,183,183,189,189,186,183,183,183,178,176,174,178,186,191,191,191,194,194,194,189,183,182,185,189,189,189,186,183,181,183,191,196,199,202,202,199,194,194,194,196,199,204,209,209,199,189,186,186,189,196,199,194,186,186,186,189,189,186,189,194,199,199,196,191,189,189,191,194,194,191,191,191,189,183,181,181,183,189,191,194,196,202,204,204,202,199,196,196,199,199,196,199,207,212,212,209,207,204,204,207,207,204,204,202,202,199,196,196,196,196,194,196,204,209,209,204,199,196,196,199,199,204,207,207,207,207,209,215,215,212,212,217,222,220,217,215,215,217,217,217,217,217,222,222,222,225,225,222,222,222,222,222,222,222,217,215,215,217,222,222,222,217,217,215,212,209,207,208,212,217,215,215,215,217,220,217,212,202,150,196,204,212,212,212,212,215,215,215,215,215,215,215,215,215,212,211,211,211,211,212,212,212,209,209,209,209,207,207,207,212,215,212,209,209,209,212,215,215,215,212,209,209,212,209,209,209,212,212,212,209,209,207,209,212,215,217,217,217,215,215,217,217,222,225,225,228,228,225,222,215,212,212,209,207,204,204,202,204,207,209,209,209,215,215,215,215,217,225,228,230,235,235,235,233,228,222,215,212,212,215,215,217,222,222,222,222,217,215,209,204,196,191,190,190,191,189,143,189,191,194,196,199,202,204,204,207,209,209,209,209,209,209,209,209,212,212,215,215,215,212,212,212,215,215,215,212,212,212,209,209,209,209,209,207,204,202,196,194,191,189,191,189,189,186,186,186,183,178,133,131,133,133,131,129,127,129,173,178,183,186,189,189,189,186,183,181,178,181,183,189,189,186,183,137,135,135,135,137,139,189,199,212,225,228,230,230,233,233,235,235,235,235,233,228,222,222,225,225,230,243,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,246,246,243,235,235,251,255,255,246,241,238,221,218,233,251,248,217,207,215,246,254,217,183,178,194,212,204,194,191,194,196,189,163,111,101,97,91,85,83,87,89,87,83,85,99,115,178,176,115,97,81,67,64,67,85,103,127,194,209,217,222,222,222,217,220,220,222,222,222,225,228,207,130,128,145,215,215,207,207,238,246,243,241,243,246,251,255,246,230,215,209,209,217,230,235,241,235,222,212,207,194,135,125,127,133,135,125,115,129,204,238,243,241,233,199,137,112,115,129,125,127,189,215,230,233,230,228,217,212,209,212,215,215,215,212,209,207,207,207,204,209,209,207,207,207,199,192,192,202,212,215,217,217,215,215,215,215,212,207,202,194,139,137,139,191,199,204,204,202,200,202,204,204,203,204,207,204,199,194,194,202,209,212,212,212,207,199,202,207,207,207,207,209,212,215,212,204,202,199,194,187,187,199,204,203,204,207,209,212,212,209,207,203,203,207,209,209,207,207,207,207,207,207,209,209,207,203,203,207,209,204,191,190,192,202,199,124,117,134,194,196,127,112,114,141,202,207,204,198,198,202,204,204,207,204,199,198,199,202,204,204,194,191,191,196,191,196,204,204,204,209,209,209,207,207,207,207,207,204,199,191,186,191,202,204,196,191,194,204,212,212,207,202,199,199,196,196,199,204,207,207,204,202,202,202,200,204,215,217,212,204,204,209,215,220,225,225,222,217,209,199,194,196,209,217,222,222,222,217,220,222,222,217,217,217,222,225,225,222,222,225,228,228,228,228,225,225,225,225,225,222,222,217,217,215,215,215,212,209,205,205,207,209,212,215,217,217,217,215,212,212,212,212,212,215,215,212,209,207,207,209,209,209,209,209,209,212,215,217,215,212,209,209,209,209,212,212,215,217,217,215,204,196,196,204,212,212,209,207,209,215,217,217,215,209,204,199,196,195,195,196,204,207,209,215,222,228,225,215,211,215,222,225,228,230,235,235,235,238,238,235,235,238,238,233,228,222,220,202,129,99,75,73,91,89,95,119,220,241,241,238,238,238,235,235,238,243,246,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,243,228,212,194,183,191,222,233,217,204,222,235,212,189,183,181,168,92,94,103,155,186,194,194,194,196,194,191,183,178,173,152,134,124,120,129,155,168,0,0,0,0,0,0,235,238,235,235,243,255,255,230,217,217,215,212,222,238,246,246,241,222,212,209,204,199,196,202,207,207,196,186,181,181,183,189,189,186,183,186,199,207,202,194,181,173,173,176,173,168,163,155,144,135,134,137,142,0,0,155,165,165,0,147,147,0,0,0,0,0,0,168,168,168,173,176,173,0,0,0,150,150,147,152,0,183,202,212,0,0,0,233,233,233,230,229,230,233,235,238,241,243,246,0,0,0,255,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,251,243,235,230,228,225,217,209,194,181,0,176,186,196,202,199,202,209,215,217,0,0,0,0,0,0,0,202,194,189,183,176,168,163,163,163,168,170,168,160,155,113,112,112,115,121,125,127,129,173,178,181,181,186,191,199,204,209,212,212,217,225,225,225,222,222,222,217,215,215,215,215,217,212,204,199,194,145,137,131,129,129,135,145,204,215,225,225,225,228,228,230,235,235,235,235,238,243,251,254,255,255,255,255,255,255,255,255,255,255,255,255,248,238,233,235,238,238,241,241,238,235,235,235,233,233,230,228,225,217,212,208,208,208,208 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,202,199,194,191,191,191,194,194,194,194,191,189,187,189,191,196,196,196,196,196,199,202,204,204,199,195,195,196,196,196,196,196,196,196,194,191,190,191,196,202,204,202,202,202,199,196,196,199,202,204,204,202,202,200,202,202,202,202,204,202,202,194,121,98,101,176,183,181,173,129,127,125,125,127,176,178,176,176,178,178,176,176,178,178,176,178,183,191,194,196,199,204,212,222,225,222,212,202,194,191,181,125,127,181,186,181,181,178,131,115,108,110,117,127,131,189,207,209,199,183,176,178,181,176,178,178,176,177,186,183,181,178,133,130,130,133,133,133,133,176,181,183,186,183,183,181,181,181,181,183,191,191,183,178,176,176,178,183,189,189,183,178,178,178,178,181,183,181,176,129,129,173,178,181,178,173,125,115,114,123,129,131,176,176,173,131,181,189,191,191,186,181,176,173,125,119,121,129,170,129,127,125,122,122,173,183,183,168,119,121,170,178,183,176,166,165,170,173,173,173,176,178,173,128,126,127,176,189,196,194,183,170,169,170,129,127,127,129,173,129,125,123,125,123,123,173,181,186,191,194,191,189,191,202,204,196,183,133,127,128,133,189,202,204,199,191,187,189,191,191,196,199,194,189,181,178,176,133,132,132,133,178,178,176,176,183,186,183,178,173,124,122,121,127,129,173,178,178,133,176,178,176,176,183,191,196,202,199,196,194,191,194,196,199,199,199,196,195,195,196,202,204,202,204,209,212,212,209,204,196,191,189,186,141,139,139,140,189,204,209,209,209,212,212,212,212,212,212,212,215,217,217,217,215,212,212,209,207,199,191,194,199,202,199,199,199,199,196,191,186,181,181,181,131,117,114,119,133,181,183,183,189,189,186,186,189,181,178,133,129,129,131,135,137,183,191,202,204,204,202,202,199,199,199,202,204,204,207,215,225,76,85,115,194,207,207,204,204,207,209,207,199,194,186,185,186,194,199,202,204,207,209,209,204,199,191,186,191,194,194,196,207,209,209,204,204,204,207,207,207,202,199,196,199,199,194,186,185,194,204,209,207,202,200,204,209,209,207,209,212,212,209,209,209,209,209,207,207,207,209,207,202,196,194,191,189,189,189,194,196,196,194,194,194,194,191,191,196,199,199,196,191,191,191,186,183,186,189,189,191,191,191,191,189,189,191,194,194,194,194,191,189,189,191,191,191,191,191,191,191,190,191,196,202,204,204,202,199,194,194,194,194,194,199,199,194,194,189,183,186,189,191,189,186,186,183,181,178,178,183,191,194,191,191,191,191,194,191,185,183,186,189,186,186,183,179,177,177,183,191,196,199,202,199,194,191,191,191,196,204,207,204,194,186,181,181,186,199,202,196,191,186,137,137,137,137,183,194,202,202,196,191,189,191,191,194,191,190,191,191,186,137,135,137,181,181,181,183,189,196,202,204,204,199,196,196,199,199,199,202,207,209,207,209,212,212,209,207,207,204,204,202,202,199,196,199,199,199,196,199,204,209,207,204,196,195,195,196,202,204,207,209,209,209,209,215,215,215,215,215,217,220,217,217,222,225,225,217,217,217,217,217,222,225,225,225,222,222,217,222,225,225,222,217,215,217,222,225,222,222,222,222,222,217,208,208,215,215,213,213,213,215,217,215,217,217,212,204,204,209,215,215,215,217,215,215,212,212,209,209,212,212,212,212,212,212,212,212,212,212,209,209,209,212,209,209,212,215,217,215,212,209,209,209,212,212,212,212,212,212,212,212,212,212,212,212,212,209,207,205,207,209,212,215,217,217,215,215,215,217,217,222,225,225,228,225,222,215,212,209,209,207,207,204,202,202,204,207,209,212,217,217,215,217,222,225,228,230,233,235,235,230,228,217,212,209,209,212,215,217,217,217,217,217,217,217,212,204,196,191,190,190,191,189,143,189,191,194,194,199,202,202,204,207,207,209,209,209,209,209,209,209,212,212,215,215,215,212,212,212,215,215,215,212,212,209,209,209,209,209,209,209,207,204,199,194,191,189,191,191,189,189,189,186,181,176,129,127,129,127,125,123,123,125,131,178,186,189,189,189,186,183,178,176,176,178,181,186,186,183,178,133,133,133,133,135,137,186,196,209,222,228,230,233,233,235,235,235,235,238,233,222,215,215,215,215,228,243,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,254,255,255,251,235,233,246,255,254,243,243,241,221,217,233,248,251,241,233,241,255,254,209,191,189,207,222,209,194,191,196,194,178,113,97,95,97,95,87,83,83,81,79,79,87,101,113,157,163,121,115,105,83,67,67,77,91,113,186,212,228,230,228,225,225,225,225,222,217,217,217,215,202,137,139,212,222,212,196,145,209,233,238,241,243,246,251,251,238,228,228,222,212,207,207,217,233,235,225,212,202,189,129,120,119,123,137,199,217,230,233,228,233,233,207,129,115,108,110,123,125,129,189,207,225,230,233,230,225,217,215,217,220,222,217,215,212,209,209,207,207,207,209,207,207,207,199,192,192,199,209,215,217,217,217,217,217,212,207,202,202,194,138,136,139,191,199,202,200,200,200,204,204,203,203,204,204,199,194,192,196,207,212,212,212,204,143,137,194,207,207,205,205,207,209,212,209,202,196,196,191,185,186,199,207,204,204,207,209,209,209,207,204,203,204,209,212,212,209,209,209,207,209,212,215,212,207,203,203,207,215,209,192,190,191,194,143,122,117,186,202,202,127,112,114,137,199,207,204,198,198,204,207,204,202,202,199,199,202,204,209,212,204,139,137,141,141,189,196,199,204,209,212,212,207,202,202,202,204,202,199,199,199,207,209,204,191,187,187,196,209,212,207,204,202,196,195,195,196,202,204,207,204,204,204,202,200,204,215,220,212,207,207,212,215,217,222,222,220,215,204,196,194,196,207,215,217,222,217,217,215,215,215,212,212,212,215,222,225,225,225,228,230,228,228,228,228,228,225,225,225,225,222,217,215,212,212,212,212,209,207,207,209,212,215,215,215,217,215,215,215,212,209,209,209,212,212,209,207,205,205,209,209,209,209,209,209,212,217,217,215,215,212,212,212,212,215,215,215,217,217,215,204,196,195,202,209,209,204,202,204,209,215,217,217,212,207,204,202,199,196,196,202,204,207,212,222,225,222,215,211,212,217,222,225,230,233,235,235,238,238,238,238,238,241,243,246,246,233,199,121,97,75,67,73,85,97,125,220,235,238,235,235,235,235,235,238,241,243,246,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,241,225,207,194,191,209,238,238,215,202,235,246,228,194,173,160,150,99,99,147,173,191,196,191,189,186,186,181,173,168,160,142,129,129,129,144,165,183,0,0,0,0,186,0,222,225,225,235,255,255,255,235,225,222,215,209,225,254,255,255,255,228,212,209,204,204,204,209,215,215,209,194,183,178,183,189,189,181,173,176,186,196,194,191,186,178,0,168,168,168,165,157,142,134,134,137,0,0,0,0,150,150,144,139,142,0,155,157,0,160,0,0,0,0,178,0,186,181,0,160,157,0,152,152,0,178,194,207,222,228,230,230,230,233,230,229,230,235,238,238,238,241,243,0,0,0,0,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,243,238,235,233,230,217,196,186,181,181,191,209,212,207,204,207,212,0,0,0,0,0,0,0,0,204,199,194,189,181,173,163,160,160,163,165,165,160,155,113,111,111,115,121,125,168,170,176,181,183,183,189,194,202,209,215,217,222,225,230,230,225,225,222,217,215,215,215,215,215,215,212,204,199,191,141,135,129,129,129,135,143,202,215,225,228,228,228,228,228,230,233,233,233,235,243,248,254,255,255,255,255,255,255,255,255,255,255,255,255,246,233,228,230,233,235,235,235,233,233,233,233,230,230,228,225,217,215,212,208,207,207,208 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,204,194,191,191,191,194,194,196,196,196,191,189,187,189,194,196,199,196,196,194,194,196,202,202,199,196,196,196,199,199,196,196,196,199,196,194,194,196,199,202,202,202,202,199,199,196,196,195,196,199,202,202,202,202,202,202,202,204,204,202,196,186,170,121,170,189,191,189,181,176,170,127,170,181,191,191,186,183,183,183,183,186,189,186,181,181,181,186,189,191,194,196,204,215,222,222,215,207,196,181,117,109,113,178,186,181,181,186,181,125,115,119,129,178,186,196,209,209,202,186,176,176,174,173,176,178,174,176,189,189,183,176,131,130,131,176,178,178,178,178,176,176,178,178,178,176,133,131,129,176,189,189,178,173,173,176,181,183,186,186,183,183,183,183,181,181,181,178,173,127,127,170,176,173,127,119,113,111,113,117,123,125,127,127,131,178,186,189,186,183,178,173,131,129,125,127,173,176,170,129,127,123,122,122,170,178,173,121,118,121,176,183,186,181,170,168,170,173,176,176,178,178,176,128,126,127,181,194,202,199,186,173,173,178,176,129,128,129,170,170,127,127,129,123,123,170,176,178,181,181,181,181,186,196,196,189,178,132,129,129,133,183,194,199,199,196,194,194,196,199,199,199,194,186,181,178,176,133,133,133,133,133,176,133,173,173,173,173,131,131,129,127,120,122,127,176,181,178,176,176,176,132,133,186,196,199,202,202,199,196,196,196,196,199,202,202,199,195,195,196,196,199,202,202,204,207,207,207,204,199,196,194,191,189,141,139,138,140,199,204,207,209,209,212,209,209,207,207,209,212,217,217,217,215,212,212,215,212,209,204,202,202,199,199,199,196,196,191,181,178,178,176,131,121,114,113,117,131,133,176,181,191,194,189,189,189,181,178,133,131,131,137,181,183,186,191,199,204,202,199,202,202,204,204,204,199,199,202,209,215,91,105,135,204,212,212,209,207,209,209,204,199,199,196,191,189,191,196,202,207,212,215,209,202,191,183,189,196,199,196,199,209,212,209,204,204,207,209,207,204,204,196,191,194,199,196,189,186,196,207,209,207,200,200,204,209,207,204,204,207,207,207,209,212,212,209,209,209,209,209,207,204,199,199,199,194,189,189,191,194,196,194,194,196,196,194,194,196,199,202,199,196,194,191,186,181,181,183,186,186,189,189,189,189,189,191,194,196,196,194,191,191,191,191,191,189,189,189,191,191,191,191,196,202,202,202,199,196,194,194,194,194,194,196,196,189,182,181,179,181,186,191,191,191,189,186,186,186,186,189,191,194,191,186,183,186,191,194,191,189,189,189,186,186,186,181,178,178,181,189,194,199,199,199,199,194,190,190,194,199,202,196,191,186,179,178,181,196,204,202,194,189,137,135,135,136,181,194,202,204,196,194,194,194,194,191,190,190,191,191,183,135,133,135,137,135,134,135,183,191,202,204,204,204,202,199,196,199,202,207,207,202,196,202,209,212,212,207,207,204,204,202,199,196,196,199,202,202,199,199,202,204,204,202,199,196,196,199,202,204,207,209,209,212,212,215,215,217,215,215,215,217,222,222,225,228,225,222,217,217,217,222,225,228,228,225,222,217,216,217,225,225,222,217,215,217,225,225,225,225,225,225,225,222,215,215,217,217,215,212,213,215,215,215,222,225,222,209,207,209,215,215,217,215,215,212,209,207,205,207,209,212,215,215,215,215,212,212,215,212,212,212,212,212,212,212,212,215,215,215,212,209,209,209,212,212,212,212,212,212,212,212,212,212,212,212,212,209,207,207,207,207,209,212,212,212,212,215,215,217,222,222,225,228,228,225,222,215,212,209,209,209,209,204,196,196,199,204,209,215,217,217,217,217,222,225,225,228,233,233,233,230,225,217,212,209,209,212,215,215,217,217,217,217,222,217,215,207,196,191,190,191,191,189,143,189,191,194,196,199,199,202,204,207,207,207,207,207,207,209,209,212,212,215,215,215,215,212,212,212,215,215,215,212,212,209,209,207,209,209,212,212,209,207,199,194,191,191,191,191,191,191,189,186,181,133,129,125,125,123,121,119,119,123,129,178,186,189,189,189,186,181,178,173,173,173,178,183,183,181,135,132,133,131,131,133,135,139,191,204,222,228,228,230,230,233,233,235,238,241,235,225,215,215,215,215,225,238,255,255,255,255,255,255,255,255,251,252,255,255,251,248,250,255,255,255,251,235,238,255,0,255,255,255,255,228,222,233,246,248,248,241,241,246,230,191,186,183,202,215,207,191,189,189,168,115,101,96,105,117,113,95,85,81,79,78,79,91,105,113,119,163,168,165,125,113,89,81,81,91,107,176,212,230,235,230,230,233,230,228,225,215,209,209,207,204,199,204,217,217,204,147,135,135,147,222,241,243,243,248,246,233,228,235,235,217,196,145,196,222,233,220,199,141,135,127,121,119,121,133,194,212,217,215,199,215,225,199,135,121,113,112,119,119,123,137,202,222,233,238,233,228,225,225,225,225,225,225,217,212,209,209,209,207,207,209,207,207,207,202,196,196,202,207,212,217,217,217,217,217,212,204,202,202,194,139,138,189,202,204,202,202,202,204,209,209,204,204,207,202,192,191,194,202,209,212,209,209,199,125,122,143,207,207,207,207,207,209,209,207,202,199,199,194,186,187,202,209,207,207,209,209,207,204,204,204,204,209,209,212,212,212,209,209,207,209,215,217,215,209,203,204,209,215,209,196,194,196,199,196,139,141,196,202,196,131,117,120,141,199,207,204,199,198,204,204,202,202,202,199,199,204,207,209,212,202,131,130,135,137,139,186,191,204,209,209,207,202,194,194,199,202,199,199,202,209,215,212,202,189,185,185,189,202,207,207,204,199,196,195,195,196,202,207,209,209,207,209,207,202,204,217,220,215,212,215,217,217,217,217,217,215,209,199,192,192,196,204,209,212,217,215,215,215,212,212,211,211,211,215,217,222,225,228,230,230,228,225,225,225,225,225,225,225,225,222,215,212,209,209,209,209,209,209,209,209,212,215,212,212,212,212,215,217,215,209,208,209,209,209,207,205,205,207,209,212,212,212,212,209,212,217,220,217,215,215,215,215,215,215,215,215,217,217,217,209,199,196,202,207,204,199,199,202,207,212,215,215,212,209,209,209,207,202,202,204,204,204,207,215,220,222,215,212,212,217,222,225,230,235,238,238,238,238,238,235,238,241,246,251,251,235,191,115,95,75,65,69,81,99,135,222,233,233,233,235,235,238,238,241,241,243,246,251,255,255,255,255,255,255,255,254,251,251,255,255,255,254,235,225,215,204,209,0,248,235,204,191,243,246,225,199,168,107,99,95,101,150,176,191,199,196,181,173,173,157,147,150,152,142,137,144,152,157,170,186,0,0,0,0,0,204,212,217,222,235,255,255,255,228,222,222,209,203,215,246,255,255,254,230,217,212,209,209,215,217,217,217,212,202,183,173,176,181,178,168,160,160,173,183,186,186,186,181,0,165,165,168,168,157,142,134,133,137,0,0,160,0,150,147,142,139,142,150,155,0,0,0,0,0,0,0,0,0,0,0,181,168,168,165,0,152,155,168,186,202,215,225,228,228,228,230,230,230,233,235,238,0,0,0,0,0,0,0,255,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,248,246,243,241,238,230,207,196,189,189,202,217,222,215,209,209,212,0,0,0,0,0,0,0,0,207,204,202,194,186,176,165,157,155,157,160,160,157,152,113,111,111,115,121,125,168,173,178,183,189,189,191,196,207,215,222,225,228,230,233,233,228,225,222,217,215,212,212,212,212,212,209,204,196,191,139,133,129,127,127,133,141,202,215,225,230,228,225,225,225,228,233,233,233,235,243,251,254,255,255,255,255,255,255,255,255,255,255,255,254,243,230,225,225,228,230,230,230,225,225,225,228,228,228,225,222,217,215,212,209,209,209,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,204,196,191,191,194,194,194,196,196,196,194,191,189,191,194,196,199,196,194,192,192,194,196,199,199,199,199,202,202,202,199,196,196,199,199,196,199,199,202,199,199,202,199,199,199,199,196,195,195,196,199,202,202,204,204,207,207,209,207,196,183,176,170,168,173,186,194,191,186,181,176,170,176,189,196,196,191,189,189,191,191,194,196,191,186,181,178,178,181,183,183,186,194,207,217,217,215,209,196,135,113,107,114,189,194,183,183,189,189,178,127,127,176,186,194,204,209,207,196,183,176,173,173,174,178,178,177,183,199,199,189,135,131,131,176,181,186,189,189,183,178,176,176,176,176,133,129,128,127,131,181,178,127,123,125,129,176,178,181,183,183,186,186,183,181,178,176,173,129,127,127,173,173,125,119,117,114,113,114,117,119,118,117,121,131,183,183,181,178,173,131,129,127,127,127,173,178,176,127,127,129,125,123,125,170,173,127,120,118,123,186,194,194,189,181,173,173,176,176,176,176,178,176,170,129,173,183,191,194,194,181,173,176,186,186,178,129,127,128,129,170,129,129,123,125,173,176,131,129,127,127,129,178,186,186,178,176,133,133,176,181,186,191,196,202,204,204,204,204,202,196,189,194,194,183,181,178,176,133,131,129,129,131,173,131,130,130,130,131,173,176,125,104,120,178,189,189,186,181,178,133,131,133,186,196,199,199,199,202,199,199,199,199,202,204,204,202,199,196,196,196,199,202,202,202,202,202,202,202,202,199,196,194,191,189,143,143,189,199,204,207,209,209,209,207,207,205,205,207,212,215,217,215,212,209,209,215,217,220,215,207,202,199,196,189,121,97,98,117,131,178,176,127,123,117,116,123,131,133,133,176,183,186,186,183,183,181,181,181,181,181,186,191,189,189,194,199,199,196,194,196,202,207,209,207,199,194,196,202,199,123,129,191,207,215,215,212,212,212,209,207,204,207,204,199,194,189,194,202,209,215,217,212,199,181,178,186,196,196,196,202,209,212,209,204,207,209,207,204,204,202,194,187,189,194,194,186,186,199,207,209,204,202,202,207,209,204,202,202,203,204,207,209,215,215,212,212,209,209,209,207,204,202,202,199,196,189,186,186,189,189,186,189,194,196,196,194,196,199,202,202,199,194,191,186,181,181,181,183,183,186,189,189,189,191,191,194,194,194,194,191,191,194,194,194,189,186,186,189,191,194,196,199,202,202,199,196,196,194,194,194,196,194,196,196,189,182,181,181,182,183,189,191,191,189,189,191,194,191,189,191,191,189,183,181,182,189,194,196,194,189,186,183,186,189,189,186,183,186,189,194,196,199,199,199,196,191,191,196,199,196,191,191,189,181,177,179,194,204,202,199,194,183,137,135,135,181,191,199,202,199,196,196,196,194,191,191,191,191,191,183,134,134,135,137,135,134,134,181,191,199,204,207,207,204,202,196,196,202,204,202,194,187,191,202,209,209,207,207,204,207,202,199,196,196,199,199,199,202,199,199,202,202,202,199,196,199,199,202,204,207,209,212,215,215,215,217,217,217,215,215,217,222,217,222,225,225,222,222,225,225,228,230,230,228,225,222,216,216,217,222,222,222,220,217,220,225,225,225,225,222,222,225,222,222,222,225,222,217,215,213,215,215,215,217,222,220,212,209,212,215,215,215,215,212,212,209,207,205,207,209,215,217,217,217,217,215,215,215,215,212,212,212,215,212,212,212,209,209,212,209,208,209,212,212,212,212,212,212,212,212,212,209,209,212,212,212,209,207,207,207,207,209,209,209,212,215,215,217,217,222,225,225,228,228,225,222,215,212,212,209,209,209,202,195,194,195,199,207,215,217,217,217,222,222,225,225,225,230,230,230,228,222,215,212,209,209,212,212,215,217,217,217,217,222,222,215,207,196,191,190,191,191,189,143,189,191,194,196,199,199,202,204,204,207,207,207,207,207,207,209,212,215,215,215,215,215,212,212,212,215,215,215,212,212,209,207,207,207,209,212,212,212,207,202,196,191,191,191,191,189,191,189,186,178,131,127,123,123,121,119,117,117,121,129,178,183,186,186,186,186,181,178,173,131,131,176,181,183,181,176,132,133,131,130,133,135,137,186,202,217,225,228,228,230,230,233,235,238,241,241,233,228,220,215,215,222,228,238,248,255,255,255,255,255,255,254,254,255,254,250,251,254,255,255,255,238,233,255,0,0,0,255,255,255,235,228,230,235,238,241,233,225,217,196,179,176,174,183,196,191,181,181,178,160,111,107,113,168,165,111,89,85,81,78,78,79,89,101,113,119,163,165,165,168,168,125,119,103,103,111,127,196,225,230,230,230,233,235,233,228,217,207,204,204,207,207,207,209,202,149,147,135,130,130,149,233,241,241,243,243,233,233,243,248,230,196,141,145,212,222,212,186,133,131,131,125,123,125,129,129,127,135,186,189,207,228,199,139,129,119,112,108,104,104,111,137,207,225,230,233,233,230,230,228,228,228,228,222,212,209,209,209,209,209,212,209,207,207,204,202,202,207,207,212,217,217,217,217,217,209,199,196,202,199,191,189,202,212,212,209,204,207,212,215,212,207,207,209,199,190,189,194,204,209,207,204,204,191,120,118,139,207,207,209,212,212,212,212,209,207,207,204,199,190,190,204,209,207,207,209,209,207,204,204,204,207,209,209,212,212,212,212,209,207,209,212,215,215,209,207,207,209,212,209,202,204,207,209,207,199,202,204,202,194,137,129,137,194,202,204,204,199,198,202,204,204,204,202,196,199,204,207,207,204,194,131,129,135,137,137,139,189,207,209,204,196,186,139,141,194,199,199,199,204,215,222,215,204,191,187,187,191,202,209,209,204,202,199,195,195,196,202,207,212,212,209,209,209,207,209,215,215,215,220,222,222,222,222,217,215,212,204,194,191,192,199,204,204,207,212,215,212,212,212,212,211,211,212,215,217,220,225,230,230,230,225,222,222,222,222,225,225,225,225,217,215,209,208,208,209,209,209,207,207,209,212,212,212,211,212,212,215,220,220,212,209,209,209,207,207,207,205,207,212,215,215,215,215,212,212,217,220,217,217,217,217,215,215,215,215,215,217,220,217,215,204,199,202,204,202,199,199,202,207,209,215,215,212,209,212,215,215,209,209,212,212,209,207,209,212,215,212,211,212,217,222,228,230,235,238,238,238,235,235,233,235,238,243,248,251,246,220,127,97,71,64,67,75,93,131,212,228,233,233,238,241,241,243,243,243,243,248,255,255,255,255,255,255,255,255,255,251,248,254,255,255,246,238,233,228,225,233,0,255,238,202,191,225,225,209,196,173,103,93,91,95,105,163,183,199,202,173,150,150,140,134,135,142,147,152,165,168,165,0,181,0,0,0,0,0,207,212,217,217,230,246,251,222,212,215,217,204,200,204,220,233,230,230,222,217,215,207,209,220,215,207,207,204,196,181,165,163,165,163,157,115,150,157,168,173,178,183,181,0,0,163,168,168,155,139,134,134,139,0,0,165,160,152,144,142,142,147,152,150,150,0,160,168,0,0,0,0,0,0,0,189,181,176,170,0,152,152,0,181,199,212,222,225,225,228,230,230,0,0,0,0,0,0,0,0,0,0,0,255,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,251,248,243,235,222,209,199,199,209,222,225,217,215,215,0,0,0,0,0,0,0,0,0,209,209,204,196,183,173,160,152,150,150,152,152,152,150,113,112,112,115,121,125,168,173,181,189,194,196,202,207,215,225,228,228,228,230,233,233,228,225,222,220,215,212,209,209,209,209,209,204,196,145,137,133,127,127,127,129,141,202,215,228,230,228,225,222,222,228,230,233,233,235,243,251,255,255,255,255,255,255,255,255,255,255,255,255,254,241,228,222,222,222,225,222,222,215,215,215,217,222,222,222,222,217,215,209,209,212,215,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,202,199,196,196,196,194,194,194,194,194,196,194,194,194,196,199,199,194,191,191,192,194,196,196,196,199,202,204,204,202,199,196,196,196,196,196,199,202,202,199,199,199,198,198,199,202,202,196,195,196,196,199,204,207,209,212,212,209,204,181,125,123,127,127,127,170,186,186,181,181,178,176,176,186,196,196,191,191,191,194,196,199,202,199,191,183,178,176,176,135,133,135,186,199,207,209,207,204,194,178,121,117,183,207,204,189,183,186,189,181,127,125,129,183,196,204,207,202,189,178,174,174,176,181,181,178,183,196,209,209,194,178,131,133,181,186,191,196,196,194,189,181,176,174,176,176,131,128,127,129,176,129,121,119,121,123,129,176,181,183,186,186,186,181,176,170,129,129,127,125,127,170,129,121,119,121,121,119,119,123,121,118,118,129,186,191,186,181,173,129,127,125,125,125,127,170,176,173,126,125,127,127,127,170,176,170,123,119,119,127,191,199,194,186,181,176,173,178,181,183,181,176,176,178,181,181,181,178,178,178,173,170,178,194,196,186,170,125,126,170,173,170,125,122,127,178,178,129,126,125,125,127,176,178,178,176,132,133,183,191,191,191,191,194,199,204,207,209,207,202,186,177,194,207,189,183,181,133,127,125,125,129,133,176,173,131,131,131,131,173,176,125,105,123,194,204,199,194,186,178,176,133,178,189,194,196,196,196,196,199,199,202,202,204,204,204,202,202,202,199,199,199,202,202,202,202,202,202,202,202,202,196,191,143,143,191,196,202,207,209,212,212,209,207,205,205,207,207,207,209,215,215,215,212,209,209,215,222,222,217,212,202,196,183,119,95,88,93,115,176,186,181,176,176,176,133,133,133,176,176,135,181,183,186,183,183,183,186,189,186,189,191,191,191,191,196,202,199,194,192,194,202,207,212,209,199,194,191,194,191,189,194,204,209,215,215,212,212,212,212,209,209,209,207,202,199,196,199,207,212,215,217,212,196,178,177,183,191,189,191,202,207,212,209,204,207,209,207,204,202,199,189,186,187,189,186,183,186,199,207,207,204,202,202,207,209,207,203,203,203,204,207,212,217,217,215,212,212,212,209,209,207,204,202,199,194,191,189,186,183,137,133,135,183,189,191,191,194,199,202,202,196,191,186,183,181,181,183,183,186,189,191,194,194,194,191,191,191,191,191,191,191,194,194,191,186,181,181,183,189,196,199,202,202,202,202,199,196,196,194,196,199,199,202,199,191,191,189,189,186,189,189,189,189,186,186,191,194,191,187,186,189,189,183,181,181,186,194,196,196,191,183,182,182,186,189,189,189,189,189,191,194,194,196,196,196,194,191,194,196,194,189,186,189,183,179,179,191,202,202,199,196,189,181,135,135,181,194,196,199,199,199,199,196,194,191,189,189,191,189,183,135,135,181,181,137,135,135,181,189,196,202,204,204,204,202,196,196,196,196,194,189,187,191,199,204,207,207,204,204,202,199,194,194,196,199,199,199,202,204,204,204,202,199,199,199,199,202,204,204,204,207,212,215,215,212,215,217,217,212,212,215,215,215,215,217,222,222,225,225,225,228,230,230,228,225,222,216,216,217,222,222,222,225,225,225,222,222,222,222,222,222,222,222,222,222,222,222,222,217,217,217,217,217,220,220,217,215,215,215,215,217,217,217,215,212,209,207,207,209,215,217,217,217,217,215,212,212,212,212,212,209,212,212,212,212,209,207,207,209,209,209,209,209,209,209,209,209,212,212,212,209,209,209,209,212,215,212,209,207,207,209,209,209,212,212,215,215,215,217,222,225,225,225,225,222,217,215,212,212,212,212,209,199,194,194,195,199,207,215,217,217,217,222,222,225,222,222,228,228,228,225,222,215,209,209,209,209,212,215,215,217,217,217,217,217,215,207,196,190,190,191,191,143,141,186,191,191,194,196,199,199,202,204,204,207,207,205,205,207,209,212,215,215,215,215,215,212,212,212,215,215,215,212,212,209,207,207,207,209,212,215,212,209,204,199,194,191,189,189,189,189,189,186,178,129,125,123,121,119,117,115,115,121,129,178,181,183,186,186,186,183,178,173,129,131,176,181,186,181,176,133,133,130,130,131,133,133,141,199,215,225,228,228,230,230,233,233,238,241,243,241,233,222,212,212,212,217,225,235,246,254,255,0,0,255,255,255,255,255,254,255,255,255,255,254,233,233,255,255,255,255,255,255,255,238,228,228,228,225,230,225,215,207,189,179,174,176,182,186,181,176,181,183,176,0,157,176,183,109,87,80,83,81,79,79,79,83,93,109,119,163,160,121,168,181,189,191,176,125,123,125,135,199,215,217,222,228,233,233,230,222,209,202,199,202,204,202,199,147,147,199,145,133,130,139,230,243,243,243,241,235,238,248,254,241,207,143,143,196,207,204,189,135,133,133,125,127,133,129,125,123,127,181,194,212,225,137,129,129,123,112,107,104,104,110,123,139,199,215,228,233,233,233,230,228,228,228,222,215,207,207,209,209,212,215,212,207,207,207,204,207,209,209,209,215,215,215,217,217,207,189,143,199,207,202,202,209,217,217,215,212,209,215,215,212,207,207,207,196,189,189,194,204,207,202,202,199,145,128,125,139,207,209,212,215,217,217,215,212,209,212,209,204,196,194,204,207,207,207,209,209,209,209,207,207,207,207,209,212,212,215,212,209,207,209,212,212,212,212,212,209,209,207,207,202,202,207,209,209,204,209,209,202,194,189,191,199,204,202,202,202,198,198,199,204,207,209,204,194,196,202,204,204,202,191,139,137,141,139,139,186,196,209,209,199,186,137,136,139,194,204,204,202,204,212,217,215,207,199,196,194,196,207,212,212,209,207,204,199,196,196,202,207,209,209,209,209,209,209,209,212,209,212,222,228,225,225,225,217,212,204,199,194,192,196,204,207,204,204,212,212,212,212,212,212,211,211,215,217,217,217,222,228,230,228,222,220,217,217,217,222,225,225,225,217,212,209,208,208,209,209,207,204,204,207,212,212,211,212,215,215,215,220,220,212,209,209,209,207,207,207,207,209,215,217,217,217,215,212,212,215,217,217,217,217,217,215,215,215,212,215,217,217,217,217,209,202,199,199,199,202,204,207,209,215,217,217,215,212,215,217,217,215,215,220,222,217,212,212,212,212,211,209,212,217,222,225,230,238,241,238,238,235,233,231,233,235,241,246,251,254,243,194,107,71,63,63,67,79,107,145,220,233,238,241,243,246,246,246,243,246,251,255,255,255,255,255,255,255,255,254,254,251,0,255,254,243,238,241,238,235,243,0,255,235,199,189,202,209,202,191,168,105,95,93,94,97,107,157,194,204,168,140,139,142,138,135,140,152,163,170,170,168,0,176,0,0,0,0,0,0,217,215,212,217,228,217,207,202,207,209,207,204,212,217,217,202,199,202,204,199,191,196,207,199,189,186,186,186,178,168,163,160,157,115,111,111,147,155,160,168,176,178,0,0,0,0,163,150,139,137,139,144,0,0,0,0,152,144,142,147,152,155,152,150,0,165,176,176,168,165,0,0,0,0,196,186,178,168,0,152,152,163,183,199,215,225,225,225,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,248,246,238,230,215,204,207,215,222,222,222,220,220,0,0,0,0,0,0,0,0,0,212,209,204,194,178,165,155,147,144,144,147,147,147,115,113,112,113,115,119,123,127,173,181,191,202,207,212,222,228,230,230,228,228,228,233,233,228,225,225,222,217,215,209,207,207,207,207,204,196,143,137,129,127,125,127,131,141,202,215,225,225,225,222,217,220,225,230,233,233,235,243,254,255,255,255,255,255,255,255,255,255,255,255,255,254,241,230,222,217,217,215,215,212,209,207,207,209,212,215,215,215,215,209,207,207,212,217,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,202,204,202,199,199,196,194,192,192,194,196,196,196,196,196,196,196,196,192,194,196,199,196,194,196,199,204,204,204,202,199,196,196,196,195,196,199,204,204,199,198,198,198,198,202,204,204,202,199,199,196,202,207,209,212,212,209,202,186,117,109,117,165,168,124,125,168,168,170,176,178,178,178,183,191,191,191,191,194,196,199,199,204,202,196,189,181,176,131,131,131,133,183,194,196,191,189,194,191,183,178,189,212,222,212,196,189,189,191,189,133,125,129,183,194,199,202,194,183,174,174,176,181,183,181,177,183,202,212,209,191,135,131,135,186,191,194,196,199,196,194,186,176,174,176,178,133,129,128,131,173,127,121,120,121,123,127,176,183,189,189,186,186,181,173,127,126,127,125,125,125,125,121,119,121,127,125,119,123,173,178,173,176,191,196,196,194,189,181,173,127,125,125,125,125,127,170,170,127,124,125,127,173,178,178,168,123,121,123,170,186,189,183,176,176,173,173,178,189,194,186,176,176,186,189,183,178,173,170,169,169,169,178,194,196,191,173,126,127,176,181,173,123,122,170,183,181,131,127,127,129,178,181,181,181,178,131,130,191,199,199,196,191,191,194,199,204,209,209,204,179,166,186,212,186,181,176,127,123,124,131,178,183,183,181,178,176,176,176,176,176,176,123,131,196,209,207,196,186,181,181,183,186,189,191,194,194,194,191,191,194,196,202,204,204,204,204,204,204,204,204,204,204,204,202,202,202,202,202,202,202,196,143,141,141,189,202,209,212,215,215,212,212,209,207,207,207,207,207,209,212,212,212,209,209,209,215,217,217,215,207,196,181,125,109,100,103,131,183,186,189,183,181,183,183,178,133,133,176,176,178,183,189,191,186,183,189,191,191,189,189,189,189,189,194,202,204,204,196,194,196,202,207,209,207,196,189,186,186,189,202,207,212,212,212,209,207,204,207,212,212,209,207,204,202,204,207,209,209,212,215,215,209,196,182,181,186,186,182,186,196,204,209,209,207,207,207,207,202,199,194,191,189,191,189,186,186,191,202,204,204,202,202,202,207,212,215,209,207,207,209,209,212,217,217,217,215,212,212,209,207,207,204,202,199,196,194,191,189,183,133,127,125,129,135,181,183,191,199,202,199,191,186,183,179,179,183,186,189,191,194,196,199,199,194,191,191,189,189,189,191,194,194,191,189,181,131,129,133,181,191,196,199,202,199,199,199,199,199,196,199,202,202,202,199,191,191,194,191,191,191,191,189,189,186,186,189,189,189,187,186,187,189,186,182,182,189,194,194,191,191,186,182,182,183,186,189,189,189,189,189,189,191,189,191,191,194,191,191,194,191,186,183,183,186,183,181,189,199,202,199,199,191,183,135,135,183,191,194,194,196,199,199,196,191,186,186,186,186,186,183,137,137,183,186,181,135,135,137,183,191,196,199,199,202,199,196,194,191,189,186,189,191,196,199,204,207,207,204,202,196,194,194,194,196,199,199,202,204,209,212,209,202,199,199,202,202,202,202,202,204,207,212,217,215,209,209,212,215,209,207,209,209,209,209,212,215,215,222,225,225,228,228,228,225,225,222,216,216,220,222,222,225,228,230,228,222,220,222,222,222,222,222,222,222,222,221,222,222,222,222,217,217,222,222,222,222,222,220,217,217,222,222,222,217,215,212,209,209,212,215,217,222,217,215,212,212,209,209,209,209,209,209,212,212,212,207,205,207,209,212,209,209,209,209,207,207,207,209,209,209,209,207,207,209,212,215,212,207,204,207,207,209,209,212,212,212,212,215,217,217,222,222,222,222,217,217,215,215,212,212,209,207,202,196,196,196,199,204,212,217,217,217,217,222,222,222,222,225,228,228,225,217,215,209,207,209,209,212,215,215,217,217,217,217,217,215,207,196,190,191,191,189,141,139,186,189,191,191,196,199,199,202,204,204,207,207,205,205,207,209,212,215,215,215,212,212,212,212,212,215,215,212,212,209,207,207,207,207,209,212,212,209,207,204,199,196,194,191,189,189,189,189,186,178,131,127,123,121,117,115,113,115,121,129,178,181,181,183,183,183,183,178,173,129,127,173,181,183,181,176,133,135,131,130,131,133,133,139,196,215,225,228,228,228,230,230,233,233,235,241,243,233,212,203,203,207,209,215,228,238,248,255,0,0,255,0,255,255,255,255,255,255,255,255,255,235,238,255,255,255,255,255,255,255,241,233,228,225,215,225,228,225,215,199,191,191,194,199,194,183,0,0,0,194,168,173,181,183,83,79,81,81,81,83,85,85,83,91,107,157,163,121,117,123,183,196,202,196,189,176,125,124,178,199,207,209,217,228,228,228,222,215,204,198,196,198,199,196,196,196,204,199,141,134,141,230,251,251,243,241,235,238,246,254,246,225,199,141,139,191,202,199,141,135,131,123,123,129,133,126,125,131,189,202,215,215,123,124,129,135,127,129,189,204,143,129,133,191,212,228,233,233,230,228,225,225,225,222,212,207,207,209,209,212,215,212,209,207,207,204,207,212,212,212,215,215,212,212,215,207,139,127,196,209,209,207,212,217,217,222,215,212,212,212,207,204,204,204,194,190,191,196,204,204,204,204,202,191,137,135,145,207,212,212,217,222,222,217,215,212,212,212,207,202,199,204,207,204,204,204,207,212,215,212,209,207,207,209,212,215,215,215,212,209,209,212,212,209,212,212,212,209,207,204,196,196,202,207,209,209,217,212,202,196,196,202,207,207,202,200,202,199,198,199,204,209,215,207,191,191,202,207,204,202,196,194,194,194,186,189,196,204,209,209,199,186,138,138,186,199,209,207,199,196,202,209,207,204,202,202,199,199,204,212,212,212,212,209,207,202,202,202,204,204,207,207,209,209,209,209,207,202,204,220,225,225,222,220,212,202,199,199,196,196,204,209,209,207,207,209,212,212,212,215,215,212,212,217,225,222,222,225,228,230,228,222,217,217,216,217,222,225,225,225,217,212,209,209,209,212,209,204,202,202,204,209,212,212,212,215,215,215,217,217,212,212,209,207,207,207,209,209,209,215,217,222,222,217,212,212,212,215,215,215,217,217,215,215,212,212,215,217,217,217,217,212,204,198,198,199,204,209,209,212,215,220,222,217,215,215,215,215,215,217,225,228,225,220,217,217,217,215,212,215,217,217,222,228,235,238,238,238,238,233,231,231,235,241,243,248,251,243,209,123,83,65,63,64,71,91,123,209,233,241,243,248,251,251,246,246,246,254,255,255,255,255,254,255,255,251,248,248,248,0,0,254,241,233,235,238,235,243,0,255,230,194,183,191,207,202,186,119,103,99,99,99,95,97,107,178,202,173,147,140,168,168,147,147,160,165,165,168,170,170,0,181,0,0,0,0,0,235,225,209,207,207,202,202,199,204,209,215,230,241,233,220,186,176,170,173,168,123,170,181,181,176,173,173,176,178,176,173,163,119,115,110,109,110,147,152,0,168,170,0,0,157,163,160,150,142,144,152,0,0,0,0,0,157,150,147,152,163,165,163,0,0,173,183,183,176,0,0,0,0,194,199,191,178,0,0,152,0,165,186,204,0,0,228,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,248,243,238,228,212,207,212,220,225,222,222,220,220,0,0,0,0,0,0,0,0,212,209,207,199,186,173,157,152,144,142,144,144,111,113,113,113,113,113,115,119,123,125,170,181,194,204,215,225,230,233,230,228,225,225,228,230,230,225,225,222,225,222,215,209,204,204,204,207,202,194,143,135,127,125,125,127,133,143,202,212,217,222,222,217,217,222,225,228,230,233,235,241,251,255,255,255,255,255,255,255,255,255,255,255,255,254,243,230,222,217,215,212,209,159,157,155,155,204,207,207,209,209,209,207,203,204,209,217,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,204,204,199,199,199,196,194,194,194,196,199,196,196,196,196,191,191,196,199,202,202,199,194,192,194,199,204,202,199,199,199,199,199,199,196,199,202,204,202,199,199,199,199,199,202,204,207,204,202,199,199,204,209,209,212,215,194,168,121,97,92,113,189,189,168,121,121,124,165,170,176,178,178,178,183,183,183,186,189,196,199,199,204,204,196,189,183,176,126,129,131,181,186,189,186,131,129,189,191,186,189,202,215,217,215,207,194,186,189,194,181,131,133,183,191,194,191,186,181,174,174,178,178,181,181,177,181,199,207,199,183,135,135,183,191,196,194,194,196,194,189,183,176,174,176,178,178,133,131,176,176,129,125,127,127,127,129,173,183,186,189,189,189,186,178,129,127,129,129,127,125,116,115,116,123,131,131,119,125,176,183,186,189,194,196,196,196,194,191,181,131,125,125,125,125,127,129,129,129,126,125,127,178,178,173,176,181,183,181,181,178,173,168,127,168,170,169,169,186,186,173,170,181,191,194,183,178,176,173,170,170,170,170,170,176,176,170,129,173,178,181,176,127,170,181,186,181,176,131,129,178,186,191,186,186,183,126,118,194,202,202,196,191,189,189,196,204,209,209,202,176,174,186,176,110,123,125,125,178,194,199,202,199,194,183,181,186,186,189,196,194,181,129,181,194,202,207,189,181,183,189,191,191,191,194,194,194,189,186,186,186,189,194,202,207,207,204,204,204,207,207,209,209,207,204,202,204,204,204,202,199,194,143,141,141,143,202,212,215,215,212,212,212,212,212,209,204,202,202,204,207,207,207,209,209,209,215,212,209,207,194,178,129,119,115,123,183,189,186,181,178,178,176,181,181,127,128,132,176,178,183,189,194,194,191,189,191,194,191,189,186,183,183,186,194,202,207,209,207,207,207,207,204,202,196,186,182,181,182,186,207,212,212,209,209,207,202,199,204,209,207,204,202,202,202,204,209,212,209,207,209,209,202,194,189,191,194,186,181,182,191,202,209,212,209,207,204,202,196,190,191,194,196,196,194,191,191,196,202,207,207,204,202,204,207,212,217,215,209,209,215,215,217,215,217,215,215,212,209,207,204,204,207,204,199,196,194,194,194,189,137,129,122,120,122,131,181,189,196,199,194,186,183,181,178,179,183,189,191,196,199,202,204,202,196,194,191,189,187,189,191,194,191,194,191,135,119,115,118,129,183,194,196,199,196,196,196,199,199,199,199,202,204,202,196,189,189,194,194,191,189,189,189,186,186,189,189,189,191,191,191,189,189,186,183,183,186,189,191,189,189,189,186,182,182,183,186,186,186,189,189,191,191,186,186,186,191,194,191,194,194,189,182,183,186,186,183,186,191,194,196,196,189,186,181,181,186,189,189,191,194,196,196,194,189,186,185,185,185,186,189,186,186,186,186,181,135,131,131,133,181,186,191,194,196,196,194,191,186,183,141,191,196,199,202,204,207,207,204,196,192,192,194,199,199,196,199,202,207,212,215,212,204,202,202,202,200,199,200,202,207,212,215,215,215,209,204,207,212,212,204,202,207,207,207,209,209,212,217,225,225,225,225,222,222,225,225,217,217,217,222,225,228,230,233,233,225,222,222,222,222,225,225,225,222,221,221,222,225,222,217,215,215,217,222,222,222,225,222,217,217,217,222,222,222,215,212,209,212,212,215,217,222,217,215,209,209,207,204,204,207,207,209,209,212,212,209,207,209,209,209,208,208,209,209,207,207,207,209,207,207,209,207,205,207,212,215,209,204,202,202,204,207,209,212,215,215,212,212,215,215,217,217,217,215,215,215,215,215,215,209,207,207,207,207,204,199,199,204,212,215,215,215,215,215,217,217,217,222,225,225,225,217,212,207,207,209,209,212,215,215,217,222,222,222,217,215,207,196,194,196,196,189,138,138,141,189,189,191,194,196,199,202,204,204,207,207,205,205,207,209,212,212,212,209,209,212,212,212,212,212,212,212,209,207,207,207,207,209,209,212,212,209,207,202,199,196,194,191,189,187,189,189,183,178,131,127,123,119,115,113,111,113,121,170,178,178,178,178,181,183,181,178,170,127,125,129,178,181,178,133,176,176,133,130,133,135,135,139,191,209,225,230,230,228,230,230,230,230,233,238,235,222,203,200,202,204,209,212,225,235,248,255,0,0,0,0,255,255,255,255,255,255,255,255,255,248,241,251,243,246,255,255,255,255,254,241,235,225,215,222,230,230,225,228,235,235,230,225,212,199,0,0,0,209,202,183,173,160,97,87,93,91,95,97,93,87,89,95,107,160,163,117,109,109,173,194,196,194,191,194,131,121,181,199,191,196,212,217,215,212,215,217,209,199,195,196,199,202,204,202,145,139,137,135,145,228,251,254,243,241,235,235,243,251,248,235,212,143,125,129,204,212,199,141,131,123,117,121,133,135,133,139,196,207,217,207,125,123,133,194,196,194,204,233,233,215,207,207,225,235,235,233,230,225,217,217,222,217,215,209,209,207,209,212,215,212,209,209,207,204,209,215,215,215,215,215,209,204,212,209,111,88,141,209,212,209,209,212,217,222,217,212,207,204,204,207,207,202,199,196,196,202,207,207,204,207,207,199,191,191,199,207,212,215,217,222,222,217,215,215,215,212,209,207,204,209,212,207,199,192,198,209,217,217,212,209,209,209,212,212,215,215,215,215,215,212,212,209,209,212,209,207,207,204,195,194,199,207,209,209,212,209,199,195,199,204,207,204,204,202,202,202,202,202,204,212,217,212,183,185,202,207,207,207,204,202,202,199,199,199,202,202,204,204,199,191,186,141,186,199,212,209,196,192,195,196,199,199,202,202,202,199,199,207,212,212,212,215,212,209,207,207,204,202,202,207,209,209,207,204,202,196,196,212,215,217,217,209,199,198,198,202,202,204,209,212,209,207,207,209,212,215,217,222,222,217,217,222,225,225,225,228,228,228,225,225,222,217,217,222,222,225,225,222,217,212,209,212,212,212,212,207,200,199,200,207,209,209,209,209,212,215,215,215,215,212,209,204,204,207,207,209,212,215,220,222,222,222,217,215,212,215,215,215,215,217,215,212,212,212,212,215,217,217,215,209,204,198,196,199,207,212,209,212,215,217,222,217,215,212,212,212,215,217,222,225,225,222,222,222,225,225,225,222,217,216,217,228,233,235,235,235,238,235,231,231,235,241,243,248,248,243,228,129,83,71,65,71,89,103,119,212,238,243,246,248,251,251,248,246,248,255,255,255,255,254,248,246,246,243,241,238,241,0,0,251,235,220,220,225,228,238,255,255,235,199,183,186,194,194,168,107,99,99,101,101,97,85,107,170,178,178,178,183,194,186,165,157,163,163,157,163,168,170,173,181,189,0,0,0,0,251,243,222,202,194,194,196,202,207,215,0,0,255,241,215,178,163,117,113,113,109,111,121,168,176,176,173,173,181,186,178,163,117,111,110,109,110,147,150,155,163,0,0,0,157,163,157,150,0,155,0,0,0,0,0,0,165,0,155,157,165,176,0,0,165,178,189,191,183,170,0,0,170,186,196,191,181,0,0,0,0,160,181,0,0,0,0,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,243,241,233,225,212,209,217,228,228,225,222,220,215,209,209,0,0,0,0,0,207,209,207,199,191,181,165,155,150,147,144,142,109,109,111,113,113,115,115,115,117,0,127,173,176,186,204,217,225,230,230,228,222,222,222,225,225,225,225,221,222,225,225,217,209,204,203,204,204,202,194,141,133,125,123,125,127,133,141,196,209,212,215,217,217,222,222,225,225,228,230,233,238,246,255,255,255,255,255,255,255,255,255,255,255,255,255,243,233,225,217,215,212,159,157,155,153,153,153,155,204,204,202,204,204,203,204,209,217,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,202,202,196,196,194,194,194,196,199,202,202,196,196,196,194,189,190,196,202,204,204,202,196,194,196,202,204,202,199,199,199,199,199,199,199,202,204,204,202,202,202,202,202,202,202,202,204,204,202,199,199,204,207,207,209,212,186,123,119,117,111,117,189,209,194,120,120,124,165,170,173,176,176,170,170,173,176,181,189,199,202,202,204,202,196,186,181,131,122,125,131,183,189,189,181,125,123,178,186,183,186,204,215,217,217,212,194,179,181,189,183,176,178,186,189,189,186,186,183,181,181,183,178,177,178,181,183,194,194,183,178,181,186,191,194,196,194,194,189,186,183,181,178,176,176,178,178,133,133,176,176,129,127,131,131,129,127,129,176,183,186,189,191,186,176,170,173,176,176,170,129,123,118,116,125,178,181,125,125,173,181,186,191,194,194,194,194,196,194,186,173,127,125,127,125,127,129,129,170,129,127,173,181,178,176,186,199,204,196,186,173,125,118,118,123,170,170,169,170,170,165,166,173,183,189,181,176,181,183,186,183,178,168,121,107,118,127,176,178,181,178,176,173,181,186,186,183,178,173,131,178,189,191,189,186,186,130,124,194,202,204,202,194,186,186,196,204,204,204,199,186,191,196,117,88,113,131,186,204,212,215,215,209,199,181,178,186,191,191,196,194,181,129,176,186,189,189,179,179,181,189,191,191,194,194,194,194,189,185,185,185,185,189,196,207,207,207,204,204,207,207,209,209,207,204,204,207,207,204,199,194,191,189,143,143,194,204,212,215,212,212,212,215,215,215,209,202,196,196,199,202,202,207,209,209,204,204,199,196,194,131,121,125,123,125,178,191,194,178,123,118,131,176,181,181,130,130,133,135,181,189,196,202,202,199,196,194,194,194,189,186,183,182,183,194,202,207,212,212,212,212,209,202,194,186,183,182,182,185,194,207,207,204,204,207,207,202,199,202,204,202,199,199,199,202,207,212,212,202,196,199,199,194,191,196,199,196,183,179,182,194,204,209,212,209,204,199,196,191,190,191,196,199,199,196,194,194,199,204,209,207,204,204,204,207,209,212,212,212,215,217,217,217,217,215,215,212,209,207,202,199,202,207,204,202,196,196,196,196,194,186,133,123,119,120,129,183,191,194,194,186,181,181,181,179,181,186,191,194,199,204,207,207,204,199,196,191,189,187,187,189,191,191,194,194,137,118,114,117,129,181,189,194,196,196,196,196,196,199,196,199,199,202,199,194,189,189,194,196,194,191,189,186,183,186,189,191,191,194,199,199,194,189,183,181,181,183,186,189,189,189,191,189,183,182,183,186,186,189,189,189,191,189,183,181,183,189,191,191,194,199,194,183,183,183,183,182,183,183,186,189,191,189,189,186,186,189,186,183,189,191,194,194,194,194,191,189,185,186,191,194,194,191,191,189,186,181,133,129,129,130,135,181,186,189,191,191,189,186,140,141,191,199,202,202,204,207,209,204,196,192,192,196,202,202,199,199,204,209,212,215,212,207,204,204,207,202,200,200,204,209,215,215,215,215,207,203,204,209,209,204,202,202,204,207,209,209,212,217,225,222,222,222,220,222,225,225,222,217,217,222,225,228,230,233,233,230,225,225,222,222,222,225,225,225,222,222,222,222,220,215,212,212,217,217,217,222,225,222,215,212,215,217,222,217,215,209,209,212,212,212,215,217,217,215,212,209,204,199,202,207,207,209,212,212,212,209,209,209,209,208,208,209,212,209,207,207,207,207,205,205,209,207,205,205,209,212,204,199,199,199,202,207,209,212,215,215,215,215,215,215,215,215,212,212,212,212,212,215,215,209,207,207,207,209,204,202,202,207,209,212,212,212,212,212,215,215,217,222,225,225,222,215,209,207,207,209,209,212,212,215,217,222,222,222,217,215,207,199,196,199,199,191,138,137,139,186,186,189,194,196,199,202,204,204,207,207,207,205,207,207,209,209,209,209,209,212,212,212,212,212,212,209,209,207,205,207,207,209,209,212,212,209,204,202,199,196,194,191,189,187,187,189,186,181,173,127,123,119,115,111,109,113,119,127,173,176,176,178,181,181,181,176,170,127,124,125,173,178,176,176,178,178,133,130,133,135,137,139,191,209,225,230,230,228,228,228,228,228,228,230,230,222,209,204,204,204,207,212,225,233,246,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,238,233,224,255,255,255,255,255,255,241,230,222,215,215,225,230,233,238,246,243,238,230,215,199,191,191,199,212,212,191,160,111,99,93,97,105,103,97,91,91,97,107,157,160,119,109,102,107,173,191,186,170,117,129,178,181,191,194,133,183,204,215,209,204,207,215,217,209,199,199,204,207,207,196,143,141,137,134,137,207,243,251,246,243,238,235,238,248,248,238,215,141,121,122,202,215,207,194,135,123,111,109,121,135,139,191,202,209,215,207,133,127,133,137,137,137,191,217,228,225,220,220,235,241,238,233,228,225,217,216,217,217,217,215,212,209,207,209,212,215,209,209,207,207,209,215,215,217,217,217,212,207,204,189,97,74,97,191,207,209,212,212,217,222,222,212,204,203,207,212,215,212,207,202,202,207,209,207,202,204,207,207,204,204,209,212,212,212,212,215,215,215,215,215,215,215,212,207,209,215,222,217,202,194,198,209,217,217,215,212,209,209,209,212,212,215,215,215,215,215,212,209,209,209,207,204,202,196,194,194,202,209,209,207,207,204,196,194,195,199,202,204,207,207,209,209,209,207,209,212,217,209,183,182,196,207,209,209,207,204,204,204,204,204,202,196,196,199,199,194,191,186,186,194,207,209,202,195,195,195,196,196,196,199,202,196,194,196,202,207,212,215,215,212,209,207,204,199,199,202,207,204,202,199,196,192,192,202,207,209,212,209,199,198,202,207,207,209,212,215,209,207,209,212,215,217,222,225,225,222,222,225,225,222,222,225,225,225,225,225,222,217,217,217,220,222,222,220,215,212,209,212,212,215,212,209,204,200,200,204,207,204,204,204,207,209,209,212,215,215,209,204,202,204,207,209,215,220,225,225,222,222,222,222,222,222,220,217,215,215,215,212,212,212,215,215,215,215,215,212,207,202,198,198,204,209,209,212,215,217,217,215,212,209,209,212,215,217,217,220,220,222,222,225,228,230,230,228,222,217,220,228,233,233,233,235,235,235,233,233,235,238,243,248,251,251,243,141,85,75,71,79,97,119,194,225,235,241,243,246,248,251,248,248,254,255,255,255,255,246,239,241,241,235,228,225,230,0,0,233,217,204,204,212,215,220,233,243,243,230,207,178,176,168,115,101,95,93,95,101,99,92,107,152,160,176,199,209,207,191,165,155,155,150,147,157,165,168,170,176,181,191,0,0,0,255,254,238,212,194,192,196,204,217,0,0,0,255,230,207,173,121,113,107,105,101,103,113,123,168,173,176,183,191,194,183,163,115,111,111,111,150,155,157,160,165,168,0,0,0,157,157,152,0,160,0,0,0,0,0,0,176,0,0,0,168,178,0,0,173,183,194,196,189,173,155,0,165,181,189,186,181,173,0,155,0,0,173,0,0,0,228,228,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,246,241,238,230,222,215,215,0,230,230,225,222,217,215,209,209,0,0,212,207,207,209,209,204,196,189,178,0,152,150,147,144,109,107,107,107,109,111,113,113,113,113,0,127,173,176,183,199,215,222,225,222,217,215,215,217,222,217,222,222,222,222,228,228,222,212,207,204,204,204,199,147,141,133,125,122,123,125,129,139,149,204,209,212,217,222,222,222,222,222,225,228,230,235,246,254,255,255,255,255,255,255,255,255,255,255,255,255,248,235,228,217,215,212,159,155,153,153,151,153,202,202,202,153,202,204,204,204,209,217,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,186,196,194,192,191,192,196,202,204,204,202,196,196,196,191,189,189,194,199,202,204,204,202,199,202,204,204,202,202,199,202,199,199,199,199,202,204,204,204,202,202,204,204,202,202,202,204,202,199,199,199,204,204,204,212,215,189,123,163,178,183,176,186,207,199,165,163,168,170,168,170,170,170,165,165,168,176,181,189,199,202,202,199,196,194,186,178,129,123,124,129,178,186,186,181,125,123,131,178,178,181,196,209,215,212,207,194,179,181,191,189,181,186,194,194,194,191,194,196,194,194,194,183,177,181,189,191,194,189,183,183,189,194,199,202,199,194,189,183,181,181,183,186,183,178,176,176,133,131,133,131,129,127,129,131,129,123,121,127,178,183,183,176,125,123,173,183,189,183,176,173,131,123,117,131,186,186,176,131,131,176,181,186,191,191,191,189,191,191,186,176,131,131,129,127,129,173,178,176,129,129,181,189,181,181,191,207,207,196,181,168,120,117,119,170,181,176,169,173,176,168,166,169,173,178,174,174,178,183,189,191,186,173,124,112,119,126,173,176,173,127,125,170,178,183,183,183,181,178,178,181,189,194,191,189,189,183,176,194,202,204,204,191,179,181,196,202,202,199,199,199,209,215,123,91,119,186,204,215,217,220,217,209,191,131,129,178,183,186,189,186,133,122,125,178,183,183,181,179,181,183,189,189,191,194,196,194,189,189,189,189,186,186,194,204,207,207,204,204,204,204,204,204,204,204,204,207,207,207,199,191,189,191,194,194,199,207,212,215,212,211,212,215,215,215,209,202,195,195,199,199,202,204,207,207,196,189,186,189,183,116,112,119,127,133,181,191,189,133,121,113,131,178,183,189,189,183,178,181,183,194,202,204,204,202,199,196,194,194,191,191,186,182,183,191,199,204,212,215,215,212,209,202,194,186,185,186,194,199,202,204,202,196,199,204,207,204,199,199,199,196,196,199,202,204,209,212,207,194,191,191,189,187,191,196,199,194,182,179,183,196,207,209,212,209,202,196,194,191,194,196,196,199,199,199,199,196,199,204,207,204,204,204,204,204,204,207,209,215,217,217,217,217,217,217,215,212,209,204,199,196,199,204,207,202,199,199,199,199,196,194,183,129,121,122,133,189,194,194,189,181,179,181,181,181,186,189,194,196,202,207,207,207,204,199,196,194,191,189,187,189,189,189,194,194,183,125,119,123,133,181,189,194,196,196,196,199,199,196,196,199,199,199,194,189,186,186,189,191,194,191,186,182,182,183,189,191,194,196,202,202,196,189,181,179,178,179,183,189,191,191,194,194,191,189,189,189,189,189,186,189,189,186,181,178,178,183,186,183,191,202,202,191,186,186,183,182,182,182,182,183,186,189,191,189,189,191,186,183,183,189,191,191,196,199,199,194,189,189,194,196,196,194,194,194,191,186,135,129,128,130,133,137,183,186,189,189,189,186,140,140,189,196,202,202,204,204,207,202,196,194,194,199,202,204,202,202,207,212,217,217,215,209,207,207,209,204,204,204,209,212,215,215,215,212,207,203,203,204,207,204,202,198,198,202,209,212,212,217,222,217,217,222,222,222,222,222,222,222,222,222,220,222,225,228,228,230,228,225,225,222,225,225,228,228,225,225,225,222,217,212,211,212,215,215,215,217,222,220,215,212,212,215,217,217,212,209,209,212,215,212,212,212,215,215,215,209,202,199,204,207,209,209,212,215,212,212,209,212,209,209,208,209,212,212,209,207,207,207,205,205,209,209,205,205,209,209,204,199,198,199,202,204,209,212,215,215,215,215,215,215,215,212,209,209,209,209,212,215,215,212,209,207,207,207,204,204,207,207,209,209,209,207,207,209,209,212,215,217,225,225,222,215,209,207,207,209,212,212,212,215,217,222,222,222,217,215,207,199,196,199,199,194,141,138,139,139,139,186,191,196,199,202,204,204,207,207,207,207,207,207,207,207,207,209,209,212,212,212,212,212,209,209,209,207,205,207,207,209,209,209,212,209,207,202,199,196,194,191,189,187,189,189,189,183,176,129,125,121,115,109,107,111,117,123,127,170,173,176,178,181,178,173,168,127,124,124,170,176,178,178,183,178,133,131,133,135,181,183,191,204,217,228,228,225,225,222,222,222,225,228,235,235,228,215,209,204,207,212,225,233,243,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,239,234,233,255,255,255,255,255,243,228,212,204,199,207,222,235,243,248,248,238,230,217,202,191,186,186,191,202,207,183,113,103,97,95,97,99,89,85,91,97,105,115,165,160,115,103,100,103,176,191,183,114,105,111,133,181,178,125,115,129,199,212,207,200,199,204,212,215,209,207,212,217,209,194,145,147,143,137,139,202,235,246,246,246,241,230,230,241,243,233,207,141,120,119,189,207,209,204,189,123,107,97,97,109,123,137,194,207,212,207,194,139,135,129,126,129,191,222,230,228,215,202,228,238,235,230,228,225,222,217,217,222,222,217,212,207,204,204,209,212,209,207,207,207,209,212,215,215,222,217,215,207,191,129,115,86,105,143,202,209,215,217,215,217,217,215,207,204,209,217,222,217,215,207,207,209,212,207,196,195,202,209,212,212,212,215,212,211,211,211,211,211,212,215,217,217,209,205,207,217,225,220,207,199,200,209,217,217,215,212,209,207,207,209,212,215,215,215,215,215,212,209,209,209,207,204,199,192,191,196,209,212,207,202,202,199,196,195,195,196,204,209,209,212,212,215,215,212,212,212,212,209,189,185,191,204,209,209,204,199,202,207,207,204,199,194,191,194,194,194,191,189,189,199,209,212,212,207,199,196,196,195,195,196,199,194,189,189,194,202,212,215,212,209,209,207,204,199,196,196,199,202,199,196,194,192,192,196,196,202,207,207,199,199,207,212,212,212,215,217,212,209,209,215,222,225,225,225,225,225,225,222,217,215,215,217,222,222,222,222,222,222,217,217,217,217,222,222,217,212,209,212,212,215,215,215,212,207,204,207,207,204,203,204,204,204,204,209,215,215,209,204,202,202,204,209,215,217,222,220,217,217,220,225,228,228,222,217,215,212,212,212,215,215,215,213,215,215,212,212,209,204,199,199,204,207,207,209,215,217,215,212,209,207,207,209,215,217,217,217,217,222,222,225,225,225,228,228,228,225,225,225,228,230,233,233,230,233,235,235,235,235,238,243,246,248,241,129,83,83,85,89,101,133,222,230,230,233,241,241,243,243,246,251,254,255,255,255,255,241,238,241,241,230,215,212,225,0,228,220,209,199,196,199,194,178,131,196,230,233,212,123,115,109,101,97,93,88,87,93,99,168,176,160,155,165,199,220,212,183,155,147,144,142,142,155,163,163,160,160,0,183,209,235,246,251,254,246,225,202,194,199,209,0,0,0,0,255,228,204,168,119,109,103,101,99,101,109,115,119,163,178,196,207,204,194,168,119,115,115,152,157,165,168,0,173,176,173,163,155,0,157,0,0,160,0,160,0,0,168,0,181,0,0,0,170,181,181,181,183,191,199,202,191,0,155,152,160,176,183,183,181,178,0,0,0,0,173,0,0,0,222,222,225,230,0,0,0,0,0,0,0,0,0,0,0,0,238,238,243,248,255,255,255,255,255,255,255,255,255,255,248,243,246,254,255,251,243,238,233,228,222,217,225,0,230,225,222,220,220,215,212,212,215,215,215,209,209,212,212,204,196,189,178,165,155,152,150,147,109,107,105,105,107,109,113,113,113,115,0,129,176,178,183,199,217,225,222,217,213,213,215,217,215,212,215,217,222,225,228,228,222,215,209,209,209,207,199,147,141,133,123,122,122,123,127,135,143,196,207,212,217,222,222,222,217,222,225,228,230,235,243,254,255,255,255,255,255,255,255,255,255,255,255,255,254,241,230,222,215,209,207,155,153,151,151,151,153,153,153,202,202,202,202,204,209,217,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,191,194,192,191,192,196,202,204,204,202,199,199,196,191,189,190,194,196,199,204,207,204,204,204,204,204,202,202,202,202,202,199,199,199,202,204,204,204,202,202,204,204,204,204,204,204,202,199,199,202,202,204,204,217,228,178,121,163,176,189,191,181,163,161,170,176,176,170,165,164,165,168,165,168,178,189,189,189,194,199,202,199,196,191,183,176,131,126,127,127,129,131,176,131,125,122,125,131,176,183,191,202,204,199,194,186,181,186,189,183,183,191,199,202,202,199,202,207,209,207,207,194,183,186,196,199,196,191,189,189,191,194,199,207,207,196,186,183,181,183,189,194,189,178,133,133,133,131,131,131,131,173,173,131,129,121,117,118,123,123,115,112,111,115,176,194,196,191,183,181,173,123,117,178,189,191,186,178,176,173,176,181,186,186,183,183,186,186,186,183,181,181,178,173,178,186,191,186,170,129,181,189,178,173,183,196,196,183,168,125,121,121,170,186,191,183,176,186,194,183,176,170,173,176,174,174,176,176,173,176,178,176,170,127,127,129,170,173,127,117,108,125,173,178,181,183,183,183,186,191,196,199,199,194,194,196,191,199,202,202,196,181,174,178,194,202,202,202,202,207,217,222,186,127,176,194,204,212,215,217,215,204,181,123,121,129,173,176,181,183,133,119,120,181,191,189,186,183,181,183,186,189,189,191,194,194,194,194,196,194,189,186,191,202,207,207,207,204,204,202,202,202,204,204,207,209,209,207,202,191,191,194,199,199,204,207,212,215,212,212,212,215,212,209,204,199,195,195,196,199,199,202,204,202,189,137,137,186,183,113,110,117,127,133,178,176,129,127,127,124,183,183,183,191,194,189,181,181,189,196,202,204,204,202,199,194,190,191,194,194,189,182,183,189,196,202,207,212,212,209,204,202,196,191,191,196,204,207,204,204,196,194,195,202,207,207,202,199,194,192,194,196,202,207,209,207,199,191,191,191,187,186,191,194,194,189,181,181,186,199,207,209,209,207,202,194,194,196,196,196,196,199,202,204,204,199,199,202,204,204,202,202,199,199,199,202,209,215,222,217,215,217,217,215,212,209,207,202,196,194,196,202,204,202,202,199,202,202,202,199,191,137,129,129,181,194,196,194,189,181,179,181,183,183,186,191,194,199,204,207,209,207,202,196,194,194,191,189,189,189,189,189,191,194,186,178,131,133,178,183,189,194,196,199,199,199,199,194,196,196,196,196,191,189,186,186,183,183,189,189,183,182,182,183,186,191,194,196,202,199,194,186,181,179,179,179,183,189,191,189,191,194,196,194,191,189,186,186,186,186,189,186,181,178,178,135,131,131,178,196,202,199,194,191,186,183,183,183,183,183,186,189,194,194,194,196,189,183,183,186,191,194,199,202,202,196,194,194,196,199,196,196,196,196,194,189,181,131,131,135,183,186,186,189,189,189,189,186,140,139,141,194,202,204,202,202,204,199,196,194,196,202,204,207,207,207,209,215,222,220,215,212,209,209,209,209,209,209,212,215,217,215,212,209,207,204,203,203,204,207,204,196,196,199,209,215,215,215,215,215,217,217,222,222,222,217,222,225,225,222,217,215,217,220,225,228,228,225,225,222,225,228,228,228,228,225,225,222,217,212,212,215,215,217,217,220,222,220,215,212,212,212,215,215,215,212,212,215,215,212,211,211,212,217,215,207,199,199,204,209,209,212,212,215,212,212,212,212,212,209,209,212,212,212,209,209,207,207,207,207,209,209,207,207,209,209,204,199,198,199,202,204,209,212,215,215,215,215,215,217,215,212,209,209,209,209,209,212,215,215,212,209,207,204,204,209,209,209,207,207,204,204,202,202,204,204,209,215,222,222,217,212,209,207,209,212,212,212,212,215,215,217,222,222,217,215,207,199,196,196,199,196,189,139,139,139,139,141,191,196,199,202,204,204,207,207,207,207,207,204,204,204,207,209,212,212,212,212,212,212,209,209,209,207,207,207,207,209,209,209,212,209,207,202,199,196,194,191,189,187,189,191,191,186,178,170,129,125,117,107,105,107,113,119,123,168,173,176,178,178,176,170,168,125,123,124,127,173,176,181,183,181,176,133,135,137,183,186,194,202,212,222,222,217,217,215,212,215,225,235,243,246,238,222,209,204,207,215,228,235,243,251,0,0,0,0,0,255,255,255,255,255,255,255,255,255,251,255,255,255,255,255,248,230,217,212,202,194,192,198,225,254,255,255,241,215,202,191,186,185,186,186,186,183,178,157,107,99,95,95,91,77,73,78,93,103,103,107,115,157,117,111,103,109,173,189,186,119,109,114,127,125,111,108,109,121,189,207,209,200,196,196,200,209,207,199,209,222,209,145,145,196,204,207,209,225,238,243,246,243,235,222,220,230,241,235,209,191,120,117,123,143,202,209,202,123,107,96,91,90,95,119,139,199,207,212,212,204,189,132,128,137,235,243,233,217,141,115,191,233,238,233,228,228,228,225,225,225,225,222,215,207,202,199,204,207,202,202,204,204,207,209,209,212,215,215,209,202,133,119,133,129,133,191,202,207,215,222,215,212,215,217,215,212,212,212,215,217,217,212,209,212,215,207,194,191,196,209,212,212,212,215,212,211,211,211,211,211,212,215,217,217,209,205,205,212,217,215,209,204,209,217,222,217,212,212,209,205,205,207,209,212,215,215,215,215,212,209,209,209,209,207,199,192,192,202,212,212,204,199,198,199,202,202,199,202,209,215,212,212,212,215,215,212,212,209,209,209,199,191,194,204,209,209,199,196,198,204,207,204,196,191,191,191,191,191,191,196,202,207,212,215,215,212,204,199,199,196,195,196,196,189,185,186,191,202,212,215,212,209,209,209,207,202,196,194,196,196,196,196,196,196,196,194,190,191,196,199,196,199,207,215,212,212,217,222,217,215,215,222,225,225,222,217,220,225,228,222,215,212,212,212,215,217,217,222,225,225,222,217,220,222,225,222,217,212,209,212,212,215,217,217,215,212,209,207,207,204,203,207,207,204,203,207,215,212,207,202,199,199,202,207,209,209,209,212,209,209,212,222,225,222,217,215,212,209,209,215,215,215,213,213,215,215,212,212,212,207,202,199,202,204,207,209,212,215,215,209,207,205,207,212,215,217,217,220,222,222,225,222,222,221,222,225,230,230,228,225,222,225,228,228,228,230,238,238,233,233,235,235,228,209,139,93,81,99,115,109,107,139,233,233,226,230,235,235,233,235,238,246,251,254,254,254,254,246,243,246,243,225,209,208,222,233,230,225,215,207,202,194,178,123,115,119,178,189,178,115,103,95,91,93,89,86,84,89,95,233,217,183,160,165,186,207,191,157,109,109,109,109,109,152,163,163,153,151,152,168,202,222,230,235,243,238,222,202,199,0,0,0,0,0,255,255,230,202,165,117,107,99,97,97,99,103,107,109,115,173,204,217,217,207,186,168,163,163,163,165,170,176,176,181,183,183,176,0,0,157,0,0,163,165,160,155,0,168,181,186,0,0,0,176,181,186,189,194,202,207,204,194,0,157,0,160,176,186,186,183,181,178,173,0,0,178,196,207,212,212,212,212,220,222,0,0,0,0,0,0,0,0,0,0,0,235,238,241,248,255,255,255,255,254,254,255,255,248,238,228,225,230,241,248,246,238,233,230,225,222,222,230,235,230,222,218,218,220,217,215,215,215,217,215,215,215,215,212,207,196,189,181,168,160,155,152,147,111,107,105,105,107,111,113,115,115,115,0,173,183,186,194,209,228,230,228,222,215,215,217,217,212,204,207,215,222,225,228,228,222,217,217,217,220,215,202,147,141,133,123,121,121,123,125,133,139,147,202,212,215,217,217,215,215,217,225,228,230,235,243,251,255,255,255,255,255,255,255,255,255,255,255,255,255,246,233,222,215,209,157,155,153,151,149,149,151,153,202,204,204,202,202,202,209,215,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,194,194,194,194,199,204,204,204,204,204,202,199,194,190,191,194,196,202,204,207,207,204,204,202,202,202,199,199,202,202,199,199,199,202,204,204,202,202,202,202,204,204,202,202,202,202,199,199,202,202,204,207,217,233,83,109,121,157,168,186,178,150,150,163,173,176,170,165,164,165,165,165,173,194,196,186,183,186,191,196,199,194,189,178,131,131,173,173,127,122,121,123,123,123,123,125,133,186,194,196,196,194,189,181,176,178,181,132,128,178,194,196,202,202,196,202,212,217,215,212,199,189,194,202,199,191,189,189,189,189,189,189,199,204,199,189,183,181,183,191,194,186,176,132,133,176,176,133,176,181,186,189,189,186,176,121,120,121,114,108,112,114,125,186,199,202,199,194,186,131,121,121,189,189,186,189,183,176,173,176,178,181,181,181,181,181,181,186,191,191,189,183,183,191,199,202,194,129,125,173,178,170,125,168,178,178,170,125,123,125,168,181,189,189,178,176,189,196,194,186,181,178,183,181,178,176,169,165,166,170,173,173,173,170,170,170,170,125,116,105,125,173,176,181,183,183,186,189,196,199,202,199,196,194,194,191,196,196,194,189,178,174,181,202,204,207,207,209,212,215,212,183,129,133,191,204,209,212,215,212,196,131,121,121,129,133,176,176,183,183,128,129,191,196,191,191,189,183,186,189,191,189,189,191,194,196,199,202,199,191,186,189,196,204,207,207,204,202,202,202,202,204,207,207,207,207,207,204,199,199,199,202,204,207,209,212,215,215,215,215,212,209,207,202,199,196,195,196,199,199,199,202,199,186,136,136,186,183,113,111,123,133,176,133,125,121,125,186,191,191,183,183,191,189,177,177,183,194,199,202,202,199,199,196,194,190,191,196,196,191,183,183,191,194,196,202,204,204,202,199,199,196,194,199,204,207,207,204,202,196,194,194,199,207,207,202,196,192,192,192,196,202,204,207,202,196,191,196,196,187,185,189,191,191,186,182,183,194,202,207,209,207,202,196,194,194,196,199,199,196,199,204,207,207,202,198,199,204,207,204,199,198,198,199,199,207,217,222,217,215,215,215,209,207,204,202,199,194,191,191,199,202,202,202,202,202,202,202,202,199,189,139,139,189,196,196,194,191,186,183,183,183,183,186,191,196,202,204,207,204,202,196,189,189,191,191,189,189,191,191,194,194,191,189,189,186,181,181,183,186,191,194,199,199,199,196,194,194,196,196,194,191,189,186,186,182,182,183,186,183,183,183,186,189,191,194,196,199,196,189,183,183,181,183,186,189,189,189,182,183,189,194,196,191,186,186,186,186,189,189,189,186,183,181,131,128,127,130,189,199,196,196,194,189,189,189,189,183,183,186,191,196,196,199,199,191,183,182,186,191,194,196,196,196,196,196,196,199,199,196,196,196,196,191,189,183,181,181,189,191,191,189,186,186,186,189,189,183,140,141,194,202,207,204,204,202,199,196,199,202,204,207,209,212,209,209,209,212,215,212,212,209,209,212,212,212,212,215,217,217,217,212,209,209,209,207,207,207,212,209,199,198,202,212,217,215,209,209,209,212,217,222,225,222,217,217,222,222,217,215,215,215,217,222,225,225,225,222,222,225,228,228,228,225,225,225,222,217,217,217,217,222,220,217,222,222,222,215,215,212,212,212,212,215,217,217,217,217,215,211,211,212,215,212,202,196,199,207,212,212,212,215,215,212,212,212,212,212,212,209,209,209,209,209,209,209,209,209,207,209,212,212,212,212,212,207,202,199,199,202,204,209,212,212,212,212,212,215,217,217,215,209,209,209,209,212,212,212,215,212,209,207,204,207,209,212,209,207,204,202,202,200,200,200,200,204,212,217,217,215,209,209,207,209,212,212,212,212,212,215,217,217,217,217,212,207,202,196,196,196,196,191,186,141,139,139,186,191,196,199,202,204,204,207,207,207,207,207,204,202,202,204,209,212,212,212,212,212,212,209,209,209,207,207,207,207,207,209,209,209,209,207,202,199,196,194,191,189,187,189,191,191,186,181,173,170,129,121,107,105,106,111,117,121,165,170,173,176,176,176,170,127,125,123,123,125,129,173,178,181,181,178,178,178,181,186,191,194,199,209,217,217,215,212,212,211,215,228,241,246,246,235,222,209,207,212,222,233,241,248,251,0,0,0,0,0,255,255,255,255,255,255,255,255,254,254,255,255,255,246,233,230,222,215,222,217,195,194,199,228,255,255,248,207,186,183,183,185,189,194,189,178,168,155,113,109,101,95,95,91,75,73,77,93,99,97,96,103,117,165,176,176,168,176,186,183,176,125,125,129,123,111,108,108,111,127,196,209,209,202,198,200,212,202,187,190,204,196,140,141,199,217,235,241,238,238,238,238,235,225,209,209,228,243,248,235,209,129,119,120,127,189,217,222,125,113,101,95,95,105,125,137,189,199,209,217,217,207,196,194,241,254,246,222,204,127,101,125,228,235,235,230,230,233,230,228,228,228,225,217,209,202,199,199,199,198,199,204,204,202,204,202,204,209,209,207,196,113,109,137,139,141,196,204,207,212,217,212,209,212,215,212,207,204,202,204,212,217,215,212,212,212,202,191,191,196,207,209,209,212,215,215,215,215,215,215,215,215,217,222,217,215,212,212,212,212,212,212,209,215,222,222,215,212,212,209,207,205,207,209,212,215,215,215,212,209,209,209,212,212,209,204,196,199,207,212,209,202,198,198,199,207,209,207,209,212,215,212,212,212,215,215,215,212,209,207,209,207,202,202,207,209,207,199,196,198,204,207,204,199,194,194,194,186,141,189,202,207,209,207,209,212,212,204,202,202,199,199,199,194,185,183,186,191,199,207,209,209,207,207,207,207,202,199,194,194,196,196,196,196,196,196,191,189,189,191,194,194,196,207,212,212,212,215,222,222,217,217,225,228,222,215,212,215,222,228,222,215,212,211,211,212,215,215,217,222,222,217,217,222,225,222,220,215,212,209,212,215,215,215,215,212,212,209,207,207,204,204,209,212,207,204,207,212,209,202,194,192,194,202,204,204,203,203,207,207,205,207,215,217,215,209,209,209,209,212,217,217,215,215,215,217,217,215,215,212,207,199,145,191,202,209,212,215,215,212,207,205,205,207,212,215,217,217,222,222,222,225,222,222,220,221,225,228,230,225,220,217,217,222,225,222,228,235,238,233,233,235,230,207,131,105,81,79,113,129,123,119,141,235,235,228,228,233,233,231,231,233,241,246,246,246,248,251,254,254,254,243,222,208,205,222,233,235,233,228,220,212,199,181,125,117,113,113,113,115,105,95,87,87,91,89,87,86,95,101,222,204,178,157,160,176,176,155,105,103,109,150,150,147,155,176,178,160,151,150,155,186,204,212,220,225,217,204,196,202,0,0,0,251,254,254,246,222,202,121,111,103,97,93,93,95,97,101,105,109,119,189,215,225,225,209,194,189,186,181,176,176,178,181,183,186,189,183,170,0,0,0,0,168,176,0,155,0,165,181,189,189,181,178,178,183,191,196,204,209,212,204,194,181,0,0,165,181,196,196,186,181,183,178,0,173,186,199,204,204,202,199,196,204,204,207,217,0,0,0,0,0,0,0,0,0,235,238,246,254,255,255,255,254,248,246,246,241,228,215,207,207,215,230,241,241,235,230,228,225,222,228,235,238,233,225,218,218,222,217,217,215,215,217,215,215,217,217,212,204,196,189,181,173,163,157,152,150,113,109,107,105,107,109,113,115,115,117,123,178,191,196,204,222,235,238,233,228,225,222,222,217,209,199,199,207,215,222,225,228,225,225,228,228,228,220,204,194,141,135,125,122,121,123,125,133,139,147,202,209,212,215,215,213,213,215,222,228,233,235,243,251,255,255,255,255,255,255,255,255,255,255,255,255,255,248,235,225,215,209,157,153,151,149,149,148,149,153,204,209,209,204,202,202,207,209,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,194,199,199,202,202,204,204,204,207,207,204,202,194,190,191,194,199,202,204,207,209,207,204,202,199,199,196,196,199,199,199,199,199,202,204,204,202,199,196,199,199,199,199,199,199,199,199,198,199,202,204,207,215,228,0,81,119,117,115,165,181,176,161,161,163,168,170,170,170,168,163,163,170,189,186,123,125,170,178,189,189,181,176,127,125,173,186,191,176,122,121,122,123,127,127,129,181,199,209,207,202,194,186,176,172,176,133,124,121,176,191,189,189,189,189,194,207,209,209,207,196,194,202,207,196,183,178,181,191,191,183,176,176,183,191,189,183,181,183,189,189,181,132,132,178,183,181,176,181,191,202,207,209,209,202,194,186,178,121,113,131,178,183,189,194,199,199,199,189,129,125,131,186,178,178,181,183,181,178,178,178,181,181,178,178,178,181,186,191,194,191,189,191,202,207,204,191,129,123,127,170,127,124,125,125,125,125,123,121,123,176,186,183,170,118,117,183,196,194,191,186,183,186,183,181,176,172,168,169,173,181,181,176,173,129,125,125,127,127,170,183,181,178,178,178,178,181,183,191,194,196,196,202,199,176,176,181,186,189,186,181,183,196,209,212,212,209,215,215,207,189,125,109,111,183,207,212,212,212,207,181,119,121,131,181,183,181,133,176,183,196,202,202,199,196,199,191,183,186,194,194,191,186,189,191,194,199,202,199,191,183,183,191,199,207,207,204,202,202,202,204,204,207,207,207,204,204,207,207,207,207,207,209,209,212,215,215,215,215,215,212,209,204,202,202,199,196,199,199,196,199,199,194,183,136,136,189,183,114,115,178,186,183,176,126,123,176,202,202,196,189,186,194,183,168,172,191,199,202,202,196,194,196,199,199,194,194,199,202,196,191,191,194,194,194,196,199,199,196,195,196,196,199,204,209,209,209,204,202,199,195,195,199,202,202,199,194,192,194,194,196,196,202,204,202,196,196,199,199,189,185,187,191,191,189,186,191,199,204,204,202,196,191,189,189,189,194,199,202,202,204,204,207,204,202,199,199,204,209,207,202,199,199,202,202,209,215,220,215,212,212,209,202,199,196,196,194,191,190,191,196,199,202,202,202,202,202,204,204,202,199,194,194,196,199,194,194,191,186,183,186,183,182,186,191,196,202,202,202,199,191,186,181,181,186,189,189,189,191,194,196,194,191,191,194,191,186,183,183,183,186,191,194,196,194,191,191,191,194,196,196,194,191,189,189,183,182,183,186,186,186,186,189,191,194,194,196,196,191,186,183,183,186,189,191,191,191,186,179,178,182,191,194,191,189,186,189,189,189,191,191,189,186,186,135,130,129,131,186,194,194,194,194,191,191,194,191,189,189,189,191,196,196,199,199,191,183,182,183,189,191,194,191,191,194,196,199,199,196,195,195,196,194,191,189,189,189,191,194,194,191,189,183,182,183,191,194,189,186,189,199,207,209,209,207,204,202,202,202,204,207,209,212,215,212,208,207,207,208,212,212,215,215,215,215,215,215,217,220,222,217,215,215,215,215,215,212,215,217,217,207,202,207,212,215,209,204,202,204,207,215,225,228,225,217,217,215,215,215,215,215,217,222,225,225,222,222,220,222,222,225,225,225,225,225,225,222,222,222,225,225,225,222,222,222,222,217,212,212,212,212,212,212,217,222,222,217,217,215,211,211,215,212,204,196,194,199,209,215,215,215,215,215,212,212,212,215,215,212,212,212,209,209,212,212,209,209,209,207,207,209,212,212,215,212,209,204,202,202,204,207,209,212,212,212,211,212,217,222,217,215,209,209,212,212,212,212,212,212,212,209,207,207,209,212,212,209,207,204,202,200,200,199,199,200,204,212,217,217,212,209,207,209,209,212,212,209,209,212,212,215,217,217,217,212,207,202,196,194,194,194,191,189,186,141,141,189,194,196,199,202,204,204,207,207,207,207,204,202,202,202,204,207,209,212,212,212,212,212,209,209,209,209,207,207,207,207,207,207,209,209,207,202,199,196,194,191,189,189,189,189,189,183,178,176,173,170,123,113,106,106,111,117,121,125,168,170,173,176,176,170,165,125,124,124,125,129,173,173,176,178,181,181,178,178,183,189,194,199,207,215,215,215,212,212,212,220,233,241,243,238,235,228,222,215,217,225,235,243,248,251,255,0,0,0,255,255,255,255,255,255,255,254,246,244,248,255,255,255,235,230,233,233,241,255,255,209,202,207,228,251,255,235,191,0,182,186,199,215,215,194,0,0,157,157,157,109,101,101,101,89,79,79,87,95,99,103,115,163,176,183,181,176,178,183,183,181,176,133,178,181,129,115,109,108,111,129,202,212,212,212,215,228,209,187,189,194,147,140,140,147,212,235,241,235,230,228,225,220,207,202,204,222,238,246,243,230,204,137,125,125,139,225,235,186,121,113,117,131,135,133,133,137,186,196,207,212,212,204,209,251,246,233,217,204,139,91,89,129,212,230,233,233,233,235,233,230,230,228,225,215,207,202,199,196,195,199,207,202,196,196,196,199,204,207,207,199,108,103,129,139,189,202,209,209,209,207,207,209,212,207,194,143,143,189,196,209,217,217,209,209,209,199,192,195,204,212,212,212,215,217,217,217,217,217,217,217,217,222,225,222,217,215,215,209,204,202,204,207,209,212,212,209,209,212,212,207,207,209,212,215,215,215,215,212,209,207,209,209,209,209,207,204,207,212,212,207,202,199,199,199,204,207,209,212,215,212,212,212,212,215,217,217,217,212,209,207,202,196,202,212,212,207,204,199,202,204,207,204,202,199,196,191,136,133,141,199,207,204,204,204,207,204,202,202,202,202,202,202,194,185,185,189,191,194,202,204,204,204,204,207,204,202,199,196,191,191,194,196,196,194,194,194,190,189,194,196,194,196,204,212,209,207,212,217,217,215,215,222,222,217,212,212,215,225,228,225,217,212,212,212,212,212,215,217,220,217,212,215,222,222,215,207,204,204,207,212,215,215,215,212,212,212,209,209,207,204,207,212,212,209,207,207,209,204,196,190,191,194,202,204,204,202,202,207,207,205,207,212,215,209,207,207,209,212,215,217,217,217,215,217,222,217,215,215,212,209,196,140,140,191,207,215,217,215,212,207,205,207,209,215,217,217,217,217,217,220,222,222,222,222,222,225,228,228,222,217,213,213,215,217,220,225,230,233,233,235,241,238,222,145,121,85,81,101,119,123,125,141,222,230,228,228,230,233,233,231,233,238,243,243,243,243,246,254,255,255,238,215,209,207,215,228,233,238,233,225,217,209,191,176,125,113,101,97,99,95,89,85,85,87,89,91,99,113,119,176,170,155,107,103,109,113,105,97,101,152,176,173,163,170,196,202,191,170,153,153,165,191,199,204,204,196,191,194,207,225,238,246,246,233,225,217,207,199,115,105,99,95,92,91,93,95,99,101,103,105,119,191,222,238,225,209,204,202,196,189,183,181,183,183,186,186,183,176,0,0,0,165,178,183,0,163,0,165,181,189,189,186,183,183,189,194,0,0,0,215,204,191,183,173,165,173,189,207,207,196,186,183,178,173,176,189,199,202,196,186,178,178,186,189,191,204,225,230,233,235,241,241,241,235,233,235,241,246,255,255,255,255,254,248,241,230,217,207,199,194,194,204,225,241,241,235,230,228,228,230,235,241,243,238,230,225,225,222,220,217,215,215,215,215,217,222,220,212,199,191,186,183,176,168,163,155,152,115,113,109,105,107,107,109,111,111,113,0,178,194,202,212,230,238,238,235,233,230,228,225,217,207,199,198,202,209,217,225,230,233,235,238,238,235,222,204,149,145,139,133,125,123,125,129,135,143,151,204,209,212,215,215,215,215,215,222,228,230,235,243,248,254,255,255,255,255,255,255,255,255,255,255,255,255,246,233,225,217,209,157,153,151,149,149,148,149,202,212,217,215,207,202,204,207,209,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,191,196,202,204,204,204,204,204,204,204,204,199,194,191,194,196,196,199,202,204,207,207,204,202,199,195,195,195,196,199,202,202,202,202,204,202,199,196,195,196,199,199,199,199,199,199,199,199,199,204,207,209,212,225,0,55,170,157,115,117,178,196,186,163,160,165,173,173,170,165,159,159,168,178,111,97,107,117,127,176,170,126,126,123,122,176,196,204,194,131,123,125,127,129,129,127,186,207,215,212,207,199,189,176,172,176,176,128,127,181,186,131,131,176,181,189,194,194,191,191,191,194,202,202,183,133,133,181,194,194,183,173,172,176,181,183,181,179,181,186,183,176,132,133,183,189,183,176,178,196,209,212,212,209,204,204,199,189,129,123,181,189,191,191,194,196,199,194,178,129,173,181,181,174,174,181,186,189,189,186,181,178,178,178,178,181,183,186,189,186,183,186,194,202,202,194,181,127,123,125,125,125,125,125,121,121,125,127,121,125,183,191,183,121,110,105,173,189,189,186,183,181,181,178,178,181,181,181,186,194,196,191,183,173,127,123,125,176,194,204,202,191,178,173,170,170,173,178,183,186,189,191,207,209,78,105,123,178,189,194,194,199,207,209,209,209,207,207,202,133,125,123,105,99,109,199,212,215,209,194,107,101,121,183,194,191,183,131,129,131,199,207,204,204,202,199,186,178,181,191,194,189,182,182,186,191,196,202,199,191,183,181,186,194,204,207,204,202,202,202,204,207,207,207,204,204,204,207,209,209,209,209,212,215,215,212,212,209,212,212,212,209,207,204,204,202,202,202,199,196,196,194,186,181,137,181,194,189,119,127,191,199,194,183,178,183,189,191,196,191,189,189,196,194,173,181,199,204,204,199,194,194,196,199,199,189,186,196,202,199,199,199,196,192,192,192,196,199,199,196,196,199,202,204,207,209,207,207,204,204,202,199,199,199,199,196,192,194,196,196,194,194,196,199,199,199,196,196,196,189,189,194,196,194,189,186,191,196,199,196,194,189,186,185,183,183,189,199,204,204,204,202,202,202,204,204,202,204,207,207,204,202,202,202,204,209,215,217,215,212,209,207,196,194,194,194,194,194,191,194,196,202,204,204,204,204,204,204,204,204,204,204,202,202,199,194,191,191,186,183,183,183,183,186,194,196,199,199,196,191,183,179,178,179,181,183,186,186,191,194,199,199,196,194,194,191,189,186,183,183,183,189,191,194,191,189,189,189,191,194,196,196,194,191,191,189,183,183,186,189,186,183,183,189,191,194,194,194,189,186,183,186,189,191,191,191,191,186,182,179,181,186,191,191,189,189,191,189,189,189,189,186,183,183,183,181,178,181,191,194,191,189,191,191,191,194,194,191,189,191,191,196,196,199,199,194,186,183,186,186,189,189,191,194,196,199,202,199,196,195,196,196,194,191,189,191,194,194,194,191,189,186,182,182,183,194,196,194,189,191,199,209,212,209,207,204,204,202,204,207,209,212,215,217,215,209,207,207,209,215,217,220,217,215,215,215,215,217,222,222,220,217,215,217,217,217,217,217,217,220,215,209,212,215,212,204,151,151,202,207,215,225,228,222,215,212,215,215,215,217,217,222,222,225,222,222,220,217,217,217,222,222,222,225,225,225,222,222,225,225,228,225,225,220,217,217,215,209,208,209,209,212,215,217,222,222,217,222,217,212,212,215,212,199,192,192,199,209,215,215,215,217,215,212,212,212,215,215,215,215,212,212,209,212,212,209,209,207,202,202,207,209,212,212,212,209,207,207,207,207,207,209,212,212,212,212,212,217,222,217,212,209,209,212,215,215,212,209,209,209,209,209,209,212,212,212,209,204,204,202,202,202,202,202,204,207,215,217,215,212,209,207,209,212,212,212,212,209,209,212,212,215,217,215,212,204,202,196,194,191,189,189,189,186,141,186,191,194,196,199,202,204,204,207,207,207,204,204,202,202,202,204,207,209,212,212,212,212,212,209,209,209,209,209,207,207,207,207,207,207,207,204,202,199,196,194,191,189,189,189,186,183,181,178,176,173,173,127,119,111,109,111,115,121,123,125,165,170,176,176,173,168,125,125,125,168,170,170,170,170,176,181,181,176,135,181,186,191,196,204,212,212,212,212,215,215,220,233,241,243,243,243,243,235,225,217,222,228,235,243,251,255,0,0,0,255,255,255,255,255,255,255,254,246,243,248,255,255,251,233,235,238,238,254,255,255,217,215,222,228,238,241,217,186,182,185,194,209,225,225,0,0,0,0,202,194,155,147,160,165,111,93,85,89,99,113,160,168,165,163,165,165,170,181,189,189,181,176,178,194,209,196,129,117,109,108,115,141,204,212,222,233,241,233,220,209,207,202,145,140,141,194,217,230,228,217,212,209,204,196,196,207,220,228,235,238,235,228,215,143,127,135,220,233,215,131,121,125,135,133,127,125,131,137,141,191,202,207,204,196,209,207,212,209,202,133,73,67,71,135,228,235,235,233,233,230,228,230,230,225,217,212,207,202,196,196,204,212,202,191,189,194,199,202,204,207,202,116,111,129,135,191,207,215,215,207,205,207,209,207,194,139,136,137,140,145,204,215,215,207,204,207,207,202,207,212,215,215,215,217,217,215,212,215,217,222,222,222,225,225,225,220,217,212,204,145,137,141,199,196,189,189,196,204,212,212,209,209,212,215,215,215,215,215,212,209,207,207,207,204,204,204,209,215,215,212,207,204,202,202,199,196,196,204,209,212,212,212,212,212,212,217,222,222,217,209,199,189,135,189,212,215,209,209,207,204,204,202,202,202,199,196,189,131,129,137,196,199,199,202,202,199,196,199,202,202,202,202,199,196,191,189,191,191,194,202,204,204,204,204,207,207,204,199,194,189,189,194,199,196,194,192,196,194,194,199,202,196,194,199,207,204,203,204,209,212,209,209,212,212,212,215,217,225,228,228,222,217,215,215,217,217,217,217,217,217,212,211,212,217,215,202,194,194,195,202,209,215,217,215,212,212,212,212,209,207,204,207,209,212,209,207,207,207,202,194,191,192,199,204,207,204,203,204,209,209,207,207,212,212,207,204,204,207,209,212,212,212,215,217,220,222,217,215,215,215,212,202,143,139,140,194,209,215,215,212,209,207,209,212,215,217,217,217,215,215,215,217,217,217,220,222,222,225,225,222,217,213,213,213,215,217,225,225,228,235,241,243,246,246,243,230,113,83,87,99,117,129,141,196,215,225,228,230,235,238,235,238,241,246,246,246,241,238,243,255,254,222,204,209,215,215,217,228,235,233,222,217,215,202,181,121,107,97,89,87,87,85,83,83,81,83,95,113,165,170,115,109,101,91,85,87,95,95,93,99,168,202,199,183,194,209,209,196,183,165,155,160,178,186,186,183,181,186,196,212,228,233,238,228,199,191,199,204,202,113,103,97,97,95,92,93,95,97,99,99,99,107,170,220,241,228,212,209,209,204,199,194,191,189,189,186,183,183,176,0,0,0,176,186,189,181,0,173,176,183,189,189,183,183,186,191,0,0,0,0,215,204,191,183,178,173,178,194,212,215,209,199,191,181,173,173,183,196,196,189,173,160,163,170,173,170,181,204,217,228,233,238,241,238,233,228,230,238,246,255,255,255,255,254,248,235,212,194,186,183,183,186,199,222,241,243,238,233,233,233,235,238,243,243,241,235,230,228,222,217,217,215,215,215,215,217,222,222,209,196,186,183,181,178,173,165,157,155,155,117,113,107,105,105,105,105,105,109,0,178,191,202,217,233,238,238,235,235,235,233,228,222,209,202,198,199,207,215,228,235,241,246,251,251,241,225,207,196,147,143,137,133,129,129,133,141,151,207,212,215,217,222,222,222,217,217,217,225,230,235,241,248,254,255,255,255,255,255,255,255,255,255,255,255,251,241,230,225,217,212,207,153,151,149,149,148,151,204,217,228,225,215,207,207,209,209,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,191,199,202,202,202,199,199,196,199,199,196,194,194,196,196,194,194,196,202,204,204,204,202,199,195,194,194,195,199,202,202,199,202,204,202,199,196,195,196,199,202,199,202,202,202,202,199,199,204,209,209,207,225,0,49,191,183,160,117,163,183,178,163,163,168,173,173,165,160,156,157,176,181,102,85,103,114,121,129,129,126,127,124,123,178,199,204,199,173,127,129,129,129,125,122,189,207,212,209,207,204,191,176,173,176,178,176,178,186,178,121,127,133,181,186,183,176,174,181,183,189,194,186,128,127,133,181,189,186,181,176,178,183,183,179,179,179,183,183,181,176,133,176,186,186,178,131,176,194,207,209,207,204,204,207,204,191,131,129,178,189,191,191,194,199,199,191,173,129,181,183,178,176,183,186,191,196,196,191,186,181,176,173,176,183,189,189,183,179,179,183,191,196,191,178,129,125,123,123,119,119,123,125,121,123,170,181,178,181,191,194,183,123,113,111,127,176,176,176,176,176,173,170,178,186,189,191,196,199,199,194,183,173,125,124,173,196,209,212,207,191,176,168,168,168,170,176,178,181,189,189,212,215,57,78,105,173,194,204,207,209,207,199,199,202,199,191,129,109,119,133,131,94,93,123,202,212,204,125,75,79,117,189,194,191,181,130,129,128,183,196,199,202,199,191,134,133,178,189,191,183,181,181,183,189,194,199,199,191,181,137,137,186,199,204,204,202,202,204,204,207,207,207,204,202,204,204,207,207,207,209,212,215,212,209,204,204,204,209,212,212,209,207,207,204,202,202,199,196,194,189,181,137,181,186,199,194,131,178,194,199,191,181,183,191,178,119,133,183,183,183,194,199,194,204,204,204,204,196,194,191,194,194,183,135,136,186,194,196,199,202,196,192,192,194,196,202,202,199,196,196,196,196,199,202,204,204,204,204,204,204,202,196,196,196,194,196,199,199,194,189,191,194,194,194,191,191,191,191,196,204,204,196,189,186,186,191,191,189,186,185,185,185,183,182,186,196,204,204,202,199,199,204,209,207,202,199,202,204,204,204,204,204,207,207,212,215,215,209,207,202,194,192,194,199,202,202,199,199,199,202,207,207,204,204,204,204,202,204,207,207,207,204,196,191,191,189,183,182,183,183,186,189,194,196,196,196,194,186,179,178,178,179,179,181,183,186,189,194,199,199,196,194,191,191,191,189,183,183,186,189,191,191,191,189,189,189,189,191,196,196,191,189,189,186,183,181,183,186,181,178,181,186,189,189,189,189,189,186,189,189,191,189,189,191,191,191,191,186,186,186,189,189,189,191,191,189,186,186,183,182,182,183,183,186,189,194,199,196,191,186,183,181,183,189,191,191,189,189,191,196,196,196,199,194,191,189,189,189,189,191,194,199,199,202,202,199,196,195,196,196,196,191,189,191,194,194,189,186,189,189,186,183,186,194,196,194,189,189,196,207,209,209,204,202,202,202,204,209,212,215,217,222,217,212,212,215,217,225,225,225,222,217,215,215,215,217,222,225,225,222,220,217,217,217,217,217,217,222,225,222,217,217,212,202,150,151,202,207,212,222,222,215,211,212,215,217,217,217,217,222,222,225,225,222,220,217,217,217,217,217,222,222,225,222,217,217,222,225,225,225,222,215,215,215,212,208,208,208,212,215,217,217,217,215,217,217,215,212,215,217,209,194,191,192,202,212,217,217,217,217,215,212,212,215,215,217,215,215,215,212,209,212,212,209,207,204,199,200,204,209,212,212,209,209,209,209,209,209,209,209,212,212,212,212,212,215,217,215,209,208,208,212,215,217,215,212,209,209,209,212,212,215,212,209,207,204,204,204,204,204,204,207,209,212,215,215,215,209,207,207,207,209,212,212,212,209,209,209,212,215,217,215,209,204,199,196,194,191,189,189,189,186,186,186,191,194,196,199,202,204,204,207,207,207,204,204,202,202,202,204,204,207,209,212,212,212,212,209,209,209,209,209,209,207,207,207,207,207,207,204,199,196,196,194,191,189,189,186,183,181,178,176,176,173,170,168,123,119,115,115,115,117,119,121,163,168,173,176,173,168,165,165,165,170,173,170,129,127,173,178,181,176,134,135,181,189,194,202,207,207,207,209,212,215,217,230,241,248,254,255,254,243,222,215,213,215,222,233,246,254,255,255,255,255,255,255,255,255,255,255,255,255,255,252,255,241,225,225,233,230,225,241,251,216,217,230,235,230,225,217,204,189,185,186,189,202,217,217,0,0,0,0,238,222,176,170,196,191,163,107,95,95,105,155,163,163,117,111,113,123,176,191,196,189,183,181,189,220,230,215,186,135,119,110,110,123,189,207,225,241,246,243,246,243,225,209,196,141,140,147,209,222,222,209,202,196,194,145,194,212,222,225,230,235,235,233,228,204,129,129,199,222,220,186,127,125,124,121,120,123,131,135,137,186,199,207,199,133,123,124,139,139,123,93,68,65,68,137,241,243,238,230,228,217,217,222,225,222,217,212,209,204,199,199,209,215,202,143,141,194,202,199,199,207,204,133,129,141,133,189,207,217,217,209,207,209,207,199,189,138,135,136,138,141,196,209,212,202,199,207,212,212,215,215,217,215,217,222,217,212,211,212,215,217,222,222,225,228,228,222,217,212,199,137,130,129,145,142,138,138,189,202,209,212,212,215,217,217,217,217,215,215,215,209,207,204,204,203,203,204,212,217,217,212,209,207,207,204,202,195,194,196,207,209,209,212,209,209,212,215,222,225,222,212,194,127,121,127,212,217,212,212,209,204,202,199,196,196,196,196,196,135,131,139,189,141,186,194,199,194,192,196,202,202,202,202,199,199,196,196,196,196,199,204,204,204,207,207,209,209,207,202,191,186,186,191,202,202,199,196,202,202,202,207,204,196,192,194,204,204,202,203,204,207,205,205,207,207,209,215,225,230,230,228,222,217,220,222,222,222,222,222,225,222,215,211,212,217,212,196,191,191,194,199,209,215,217,217,212,209,209,209,207,204,202,202,204,207,209,207,207,204,202,196,194,199,207,209,209,207,207,207,212,212,209,209,209,209,204,199,199,202,204,204,202,204,207,215,217,222,217,215,215,217,215,209,204,143,136,138,145,204,209,212,209,207,209,212,215,217,217,215,215,215,212,212,212,215,217,217,222,222,225,225,222,217,215,215,215,222,225,225,228,238,243,243,243,248,251,248,137,85,85,91,119,141,143,145,204,222,230,235,238,241,241,243,246,246,246,246,241,230,228,241,241,202,149,212,225,217,212,217,230,228,220,217,220,207,181,111,97,93,87,83,83,85,83,81,76,79,95,117,170,178,87,87,85,84,84,89,91,90,89,93,163,215,217,202,209,212,199,181,176,165,155,157,173,178,177,176,176,186,204,217,222,225,222,199,165,165,189,204,207,117,105,101,99,97,93,93,95,95,95,95,95,103,168,222,233,217,199,202,207,209,207,204,202,199,196,189,186,181,0,165,0,165,183,191,189,183,181,186,186,186,186,183,182,182,183,191,0,0,0,222,217,204,191,183,181,178,183,199,212,217,217,212,202,186,173,168,176,186,189,183,165,152,152,160,163,157,163,186,209,222,230,235,238,238,230,225,225,233,246,255,255,255,255,254,246,222,194,176,170,173,176,183,196,222,243,248,243,241,238,241,241,241,241,0,241,235,230,225,217,215,215,212,212,212,212,217,222,220,207,194,183,181,181,178,173,165,157,155,157,119,115,109,105,103,103,103,105,111,0,178,191,204,217,233,238,235,235,238,235,230,228,222,212,204,199,199,204,215,228,238,248,254,255,255,248,230,209,199,149,145,139,135,133,131,135,145,204,215,217,217,222,225,228,225,222,217,217,222,230,238,243,248,254,255,255,255,255,255,255,255,255,255,255,255,248,238,230,225,217,215,207,155,151,149,149,149,151,204,220,230,230,222,212,212,212,215,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,189,199,199,199,202,199,196,194,196,196,196,194,194,194,194,192,192,194,199,202,202,202,202,202,199,196,196,196,199,202,202,196,199,204,204,202,199,199,202,204,204,204,204,207,207,202,202,202,202,212,199,173,207,0,51,183,209,194,168,160,160,163,168,170,173,178,176,160,156,156,163,186,199,183,115,121,119,119,129,176,189,186,170,129,183,196,196,183,127,129,173,178,125,121,123,196,209,212,207,207,207,196,178,172,174,181,181,183,189,183,129,130,176,186,189,176,168,172,178,178,178,186,176,116,121,181,183,179,179,183,194,196,191,181,178,179,181,183,186,183,178,176,178,183,178,129,127,133,189,199,204,204,203,204,212,207,189,176,176,186,189,189,191,194,196,196,189,178,173,173,173,176,183,194,196,199,202,199,194,191,186,176,131,178,183,189,186,181,178,178,183,186,183,178,170,121,120,123,123,113,109,113,117,121,123,173,183,181,181,189,189,176,170,176,183,178,176,170,169,170,173,170,129,176,183,189,191,194,196,196,191,186,178,127,125,176,196,204,204,199,186,170,168,170,173,176,178,178,181,183,196,207,181,46,64,83,131,204,207,207,207,204,191,189,189,89,100,123,113,123,176,125,87,89,105,127,191,183,67,57,79,129,183,186,178,133,131,131,130,176,186,191,191,189,135,131,133,186,191,191,186,182,182,183,189,191,196,199,194,183,135,132,132,183,199,204,204,204,204,204,204,204,207,204,202,199,202,202,202,204,207,207,209,209,204,199,198,198,204,209,212,209,207,207,207,204,202,202,196,189,183,137,136,183,189,194,194,135,127,129,183,176,176,186,181,123,121,133,178,176,181,191,202,207,207,204,202,199,194,191,194,194,186,135,133,135,186,194,194,194,199,196,194,194,196,199,202,202,199,196,194,190,189,194,199,202,204,204,204,204,207,204,199,196,196,202,202,202,199,194,189,186,189,186,186,189,189,191,194,199,207,209,199,189,183,183,183,186,186,186,186,186,186,186,185,189,199,202,202,199,202,204,212,212,204,196,195,199,204,207,204,207,209,207,204,204,209,212,207,199,196,194,192,196,207,212,209,204,204,204,204,204,207,204,204,202,199,199,199,202,204,204,202,199,194,191,189,183,182,183,189,191,189,189,189,191,194,194,189,183,181,181,181,179,181,183,189,189,191,196,199,196,191,191,191,191,189,183,186,189,191,191,194,191,191,191,189,189,189,191,191,186,183,183,178,178,178,181,181,179,179,181,186,189,189,187,187,189,191,194,194,191,189,186,189,191,194,194,194,191,189,186,185,186,191,191,189,189,189,186,183,183,183,183,183,186,191,196,196,191,181,131,129,133,183,191,191,189,187,191,194,196,194,196,196,194,191,189,189,191,199,202,202,199,202,199,196,195,195,196,196,196,194,194,196,194,189,185,183,186,191,189,189,191,194,191,189,186,187,194,202,204,207,204,199,198,199,202,209,215,217,222,222,220,217,217,222,222,225,225,225,222,222,217,215,215,217,225,230,230,228,225,222,222,220,217,220,222,225,228,228,225,225,212,202,151,151,199,151,199,207,212,212,212,215,222,222,217,217,217,222,225,228,225,222,222,222,222,217,217,217,216,217,217,217,217,217,222,225,225,222,215,212,212,212,212,212,209,209,212,215,217,217,215,212,215,215,212,212,215,215,207,194,192,196,204,212,217,222,222,217,215,215,215,215,217,217,215,215,212,209,209,209,212,209,207,202,199,200,204,209,212,209,207,207,207,209,209,212,212,212,212,212,212,209,209,212,215,215,209,208,208,212,215,217,215,212,209,207,209,212,215,215,215,209,207,204,204,204,207,207,207,207,209,212,215,215,212,209,207,204,207,207,209,212,212,209,208,208,209,215,217,215,209,204,196,191,194,196,191,189,189,186,186,189,191,194,199,199,202,204,204,204,207,207,204,204,202,199,199,202,202,207,209,209,209,209,209,209,209,207,207,207,209,207,207,204,204,204,204,202,199,196,196,194,191,189,186,183,181,178,178,176,176,173,170,168,125,121,119,117,113,111,113,117,121,165,173,176,173,168,165,125,165,168,168,168,127,127,170,178,181,178,134,134,137,186,196,202,202,202,202,207,209,212,215,225,238,248,255,255,251,235,217,213,213,212,213,225,238,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,235,217,222,0,0,212,217,216,213,225,248,243,225,209,202,199,207,209,194,186,194,204,202,0,0,0,0,241,209,202,209,217,189,165,147,103,101,105,109,109,111,111,113,160,181,196,204,202,196,186,183,207,235,243,248,246,209,194,127,110,109,137,215,238,246,248,246,254,251,228,196,143,145,194,212,220,217,209,147,141,143,141,143,196,215,225,228,228,230,233,233,230,215,139,127,141,222,215,202,139,127,122,116,117,124,127,129,135,189,204,207,141,121,119,129,131,123,113,83,69,75,121,215,246,246,235,225,215,212,212,213,215,217,217,217,215,212,207,207,209,207,194,139,140,196,204,202,191,204,202,128,131,137,137,196,215,225,222,217,215,215,207,194,189,191,191,141,141,143,194,204,207,196,194,199,209,215,215,215,215,215,217,222,217,212,211,212,215,217,217,222,222,225,225,225,222,215,202,139,133,134,143,142,140,142,194,204,209,215,217,222,222,222,217,217,215,217,217,212,207,204,204,207,209,212,215,217,217,212,204,202,204,207,204,196,194,195,202,209,209,209,209,209,212,215,217,222,222,209,191,120,116,127,209,215,212,209,207,202,199,196,196,196,196,199,202,194,189,189,141,138,138,189,194,194,194,202,204,202,199,199,199,199,199,199,199,199,202,204,204,207,209,212,215,212,209,204,194,187,187,191,199,202,202,202,202,204,204,207,207,202,196,196,207,207,204,204,204,209,209,205,207,207,207,212,225,233,230,228,222,222,225,228,225,225,225,225,225,220,217,217,217,215,212,207,199,196,199,204,209,217,222,220,212,209,209,207,204,202,202,199,199,204,209,209,207,204,202,199,199,204,209,215,215,212,212,212,215,212,209,207,207,204,199,147,145,194,202,202,199,199,204,212,215,217,217,215,215,217,215,212,212,204,143,136,135,142,202,209,209,207,207,209,212,215,212,212,212,209,209,209,209,212,215,217,217,222,225,228,228,222,222,222,222,228,228,228,233,241,243,243,241,241,243,243,225,109,89,97,139,196,202,204,212,220,225,228,233,238,246,251,251,246,241,241,241,228,217,215,153,144,147,220,230,215,208,212,225,225,220,217,220,212,189,105,91,87,87,83,81,81,79,77,77,81,95,115,121,107,83,80,82,84,87,99,103,91,88,90,99,121,220,243,235,225,196,165,165,160,150,163,183,189,183,176,174,191,209,209,209,209,202,176,113,113,173,194,194,121,105,101,101,97,95,93,95,93,91,89,89,97,163,207,215,178,165,186,207,212,209,209,209,207,199,194,189,183,0,0,0,176,189,194,191,186,186,189,191,191,186,183,182,182,183,189,196,0,215,217,215,204,194,189,183,186,194,204,212,217,222,217,207,186,168,165,168,173,181,181,168,151,147,150,157,0,0,178,199,215,228,235,241,238,228,217,222,230,243,254,255,255,255,248,233,196,165,119,119,163,173,183,196,217,241,248,246,246,246,248,246,0,0,241,241,238,230,222,212,211,212,212,211,211,212,217,222,217,207,194,183,178,176,173,168,163,157,119,119,119,115,111,105,103,103,103,107,0,129,183,194,207,220,230,235,233,233,233,228,225,222,217,209,202,196,150,199,212,228,238,248,255,255,255,254,233,212,202,149,145,141,137,133,131,135,145,207,220,222,222,225,228,228,228,225,222,222,225,230,238,246,248,251,255,255,255,255,255,255,255,255,255,255,254,246,235,228,222,217,215,209,204,153,151,149,149,151,204,217,230,233,228,217,215,217,217,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,165,189,194,194,196,196,194,194,194,194,196,196,194,194,196,196,194,194,196,199,202,202,202,202,202,202,199,199,199,202,202,199,195,195,202,204,202,199,199,204,209,207,207,207,209,209,204,202,202,204,204,191,105,61,0,0,111,209,202,186,165,152,159,178,176,173,181,178,168,159,157,163,183,204,202,189,183,127,113,117,176,191,191,178,176,186,191,183,121,121,173,183,181,120,119,123,202,215,215,212,212,212,207,189,161,169,181,186,186,189,183,132,132,176,189,196,194,178,178,181,181,181,189,176,115,120,191,189,179,178,183,194,196,191,183,183,183,183,186,191,191,186,181,178,178,133,127,126,127,178,189,199,204,204,207,212,209,194,183,186,189,189,189,191,194,196,191,186,183,176,132,173,181,191,199,202,204,202,196,194,191,186,176,130,173,181,186,186,179,178,181,189,189,183,181,170,120,119,121,119,105,103,104,109,117,123,129,170,122,127,181,181,129,170,189,196,194,186,181,176,170,129,129,170,173,176,178,181,183,186,183,183,183,178,129,125,129,181,189,189,186,178,169,170,178,183,183,186,183,183,186,196,202,186,66,78,89,119,178,127,173,199,202,196,191,186,87,93,103,102,109,121,113,91,96,113,119,125,119,65,70,127,186,181,133,131,176,181,176,133,181,189,189,183,135,131,131,135,189,191,191,189,189,186,186,189,189,191,196,194,183,137,132,131,133,189,202,204,204,204,202,202,202,204,202,196,194,194,194,196,199,199,202,207,207,202,199,198,198,202,209,212,212,209,209,209,207,204,202,194,186,137,137,137,183,189,189,183,127,122,121,125,129,176,183,176,127,125,129,133,178,186,194,204,207,207,202,196,186,183,186,194,194,186,181,139,191,202,199,194,196,199,199,196,196,196,199,199,199,196,194,194,189,187,191,199,204,204,204,204,204,207,207,204,204,204,204,204,207,204,196,186,183,186,189,189,189,189,189,194,196,202,207,202,189,182,181,183,186,186,189,191,189,189,191,194,196,204,202,199,199,204,212,217,212,199,194,194,196,204,207,207,209,212,207,202,202,204,204,199,196,196,196,199,202,209,212,209,207,204,202,202,202,204,204,202,199,198,198,198,198,199,199,202,202,202,194,189,186,182,186,191,191,189,187,186,186,189,191,191,191,191,189,183,181,183,189,189,189,189,191,194,194,191,191,191,191,189,186,189,191,189,189,191,194,194,194,191,189,186,186,186,183,183,181,133,131,135,181,183,183,181,183,186,191,189,187,187,191,194,194,191,186,183,183,186,191,194,191,194,194,191,186,185,189,191,191,191,191,191,191,189,186,183,181,135,133,135,186,189,183,133,125,125,131,183,194,196,194,191,191,191,191,189,194,196,196,191,191,191,196,202,202,199,199,199,196,195,195,195,196,196,194,194,194,196,194,189,183,183,186,191,194,194,194,194,191,189,187,187,194,199,202,202,202,199,198,199,202,207,212,217,217,217,217,222,222,222,222,222,222,225,225,225,222,217,215,217,225,230,233,230,228,225,222,222,220,222,222,225,230,230,228,225,212,202,151,199,151,148,148,199,209,215,217,225,228,222,216,216,217,222,225,225,225,225,225,225,225,222,217,217,216,216,217,217,217,222,225,228,228,222,215,211,211,212,212,212,212,209,212,215,217,217,215,212,212,209,209,209,212,212,207,196,196,202,207,212,217,222,225,225,222,217,215,215,215,215,215,215,212,212,209,212,212,212,209,204,200,202,207,212,212,209,207,204,207,207,209,212,212,212,212,212,209,208,208,209,215,215,212,209,208,212,215,217,215,209,207,207,209,215,215,217,215,209,207,204,204,207,207,207,207,207,207,209,212,212,212,209,207,204,204,204,207,212,212,209,208,208,209,215,217,215,209,204,194,189,189,194,194,191,191,189,189,191,194,196,199,199,202,202,204,204,207,207,204,204,202,199,199,199,202,204,207,209,209,209,209,207,207,204,202,204,204,204,202,202,202,202,202,202,199,199,196,194,189,186,181,178,178,178,178,178,176,173,168,168,165,123,121,117,113,109,109,113,119,165,170,173,173,170,165,123,125,165,165,127,125,127,170,176,181,178,176,135,178,186,194,199,199,199,199,204,209,212,215,225,235,246,254,255,248,238,230,222,215,213,215,225,233,243,251,255,255,255,255,255,255,255,255,255,255,255,252,252,255,241,225,0,0,0,0,238,0,0,255,255,251,217,202,199,207,228,228,207,194,202,215,207,196,0,0,222,204,191,199,207,204,183,168,150,105,101,101,99,99,105,115,165,183,196,207,209,209,204,191,189,209,235,243,251,251,233,220,199,125,121,194,228,243,251,248,248,255,251,209,141,140,143,207,225,228,215,194,129,125,129,131,137,194,212,225,228,228,230,233,235,241,233,194,125,135,217,215,207,196,186,139,133,135,139,125,125,129,186,204,209,191,127,128,141,129,117,111,87,74,93,207,238,248,243,228,215,212,211,211,212,215,220,222,222,222,222,217,212,204,196,143,139,140,199,204,199,189,199,202,133,129,129,141,204,222,228,228,225,222,217,209,199,199,202,204,196,194,196,199,204,202,192,190,194,204,209,212,215,215,215,217,217,217,215,212,212,215,217,217,217,222,225,228,228,225,220,207,194,145,191,194,191,191,196,204,209,215,217,222,222,222,222,217,212,212,215,217,215,209,207,207,212,215,215,215,217,215,209,199,191,191,196,202,199,196,196,204,209,209,209,207,209,212,212,215,217,215,207,194,133,126,189,207,209,207,202,199,196,195,195,195,196,199,202,204,199,194,191,186,139,140,189,194,194,199,204,207,204,199,199,199,202,199,199,196,196,199,202,207,212,212,215,222,217,212,204,196,190,190,194,199,199,199,199,199,202,204,209,212,215,212,207,207,204,207,207,209,215,215,209,207,207,207,212,225,233,233,228,225,225,228,228,222,222,222,222,220,215,212,217,220,217,217,215,209,207,207,207,209,217,222,225,215,212,209,207,202,202,199,198,198,202,207,212,209,209,207,204,204,207,209,215,217,217,212,209,209,209,209,209,207,204,196,143,139,142,194,199,202,202,207,209,212,215,215,212,212,217,217,215,212,209,202,143,139,142,196,207,207,207,207,209,212,212,209,209,209,207,207,204,207,209,215,217,220,222,225,230,228,225,225,228,228,228,228,228,233,238,241,241,238,235,235,235,228,127,99,99,129,199,217,225,222,217,215,213,222,230,241,251,251,243,237,237,238,230,212,151,144,143,149,217,230,217,211,212,220,222,217,217,225,220,194,107,91,87,85,79,77,77,75,77,77,83,97,111,113,103,85,82,83,87,95,109,115,101,91,89,93,111,222,248,238,230,220,191,181,173,165,189,212,212,207,194,189,199,204,202,202,202,194,168,112,111,163,183,117,105,97,94,95,97,95,93,93,91,87,85,83,87,103,123,168,115,119,183,209,212,209,209,212,209,204,199,194,189,183,0,173,181,191,196,191,186,189,191,194,191,183,182,183,183,186,189,196,202,209,212,212,207,199,191,186,189,196,207,215,222,225,222,209,189,168,163,160,0,0,178,170,152,147,148,0,0,0,178,189,204,222,235,241,233,215,209,215,230,241,251,255,254,246,233,204,170,113,107,111,119,0,181,199,215,235,243,246,248,251,251,0,0,0,0,241,241,233,225,215,212,212,212,212,212,212,217,222,217,204,194,186,181,176,173,168,0,119,119,119,119,117,111,107,105,103,105,111,0,176,189,199,207,217,228,233,233,228,222,220,217,215,212,204,199,150,149,151,209,228,238,246,255,255,255,254,235,215,204,151,145,141,139,133,130,133,145,209,220,222,222,225,228,228,228,225,225,225,225,233,241,246,251,251,254,255,255,255,255,255,255,255,255,255,254,243,233,225,217,215,212,207,204,153,151,149,149,151,204,215,230,233,230,225,222,222,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,183,191,191,189,191,191,189,191,191,194,196,199,196,196,196,196,196,196,199,199,202,202,202,202,202,202,199,199,199,202,204,199,194,194,196,199,196,196,199,204,209,207,207,207,209,209,207,204,204,207,204,194,75,47,0,0,19,191,196,194,176,147,159,178,170,168,176,181,173,165,163,163,178,202,207,202,196,176,112,111,170,183,181,125,123,127,125,115,113,116,173,189,191,123,121,129,199,215,222,217,215,215,212,202,148,165,178,183,186,186,183,178,176,178,189,204,209,202,191,186,183,189,196,189,122,125,194,191,179,179,186,191,191,189,189,191,189,189,191,196,199,194,186,178,133,133,129,127,126,129,181,191,199,199,204,207,202,194,191,194,194,186,186,191,194,194,189,183,191,178,132,178,191,199,202,207,207,202,196,196,194,183,131,128,129,176,183,183,181,181,189,196,191,186,181,170,119,119,125,127,113,108,108,113,121,125,123,119,119,123,170,170,125,127,186,196,194,189,183,173,123,119,125,170,173,173,129,170,170,123,120,129,176,125,113,115,127,176,181,178,176,173,170,176,186,186,189,191,191,189,191,196,202,196,123,111,95,61,29,41,113,189,202,204,202,194,97,101,111,102,102,107,117,111,123,127,121,123,131,119,129,194,191,133,131,176,189,189,178,133,181,189,186,181,134,132,133,178,186,191,191,191,189,186,186,189,189,191,196,191,183,181,135,131,131,139,196,202,204,202,200,200,202,202,199,191,189,186,189,191,194,196,199,204,204,204,202,199,199,202,209,215,215,212,215,215,212,209,204,194,183,135,134,135,186,189,189,178,125,123,129,178,183,186,186,181,178,178,124,129,183,196,204,207,209,207,202,191,181,179,183,191,191,191,194,202,209,212,204,196,199,204,204,202,202,199,199,196,194,194,196,196,190,189,194,199,204,209,209,207,204,207,209,212,212,212,209,209,209,204,194,183,139,186,194,194,189,187,189,191,194,196,204,202,189,181,181,186,189,189,189,191,191,194,199,202,202,204,199,194,194,199,207,212,209,199,194,194,196,204,209,209,212,212,207,202,202,199,196,194,196,199,199,202,204,204,207,207,202,199,199,199,199,199,202,204,202,199,199,198,196,196,198,202,207,207,202,194,189,186,189,194,191,189,187,186,186,187,191,194,196,196,194,189,186,186,191,191,191,189,189,189,191,194,191,189,189,186,189,191,191,186,186,189,194,194,194,191,186,183,181,181,183,183,178,131,129,131,178,183,183,183,183,189,191,191,191,189,191,194,191,186,182,181,181,182,186,189,191,191,191,191,191,191,191,191,191,194,196,196,196,191,189,183,178,131,129,130,133,135,131,125,124,127,135,186,194,196,196,194,191,186,183,183,189,194,194,191,191,191,196,199,199,196,196,196,196,196,196,196,196,196,194,192,194,196,196,191,186,185,186,191,196,196,196,194,194,191,191,194,196,199,199,199,199,199,199,199,202,207,212,215,217,217,222,222,222,222,222,220,222,225,225,228,225,217,215,217,225,230,230,228,225,225,222,220,217,217,217,222,228,230,228,222,215,207,204,204,199,149,148,151,207,215,222,230,230,225,216,216,217,222,225,225,225,228,228,228,228,222,217,216,216,217,222,222,225,225,228,230,228,225,215,212,212,212,215,215,215,212,212,212,215,215,215,212,209,209,209,209,212,215,212,204,202,204,209,212,217,222,225,225,225,222,217,213,213,213,215,217,215,212,212,212,212,212,209,204,202,204,209,212,212,209,204,204,204,207,209,212,212,212,212,212,209,208,208,209,212,217,215,212,209,212,217,215,212,207,205,207,212,215,217,215,215,209,207,204,204,204,207,207,204,204,204,207,207,209,209,207,204,204,204,204,207,209,212,209,208,208,212,215,215,212,209,204,194,142,142,189,194,194,194,194,194,194,196,196,199,199,202,202,204,204,207,207,204,204,202,199,199,199,202,204,204,207,207,207,207,207,204,202,196,196,199,199,196,196,199,199,199,199,199,199,199,194,189,183,178,178,176,178,178,178,176,170,168,168,165,125,121,117,111,108,108,111,119,163,168,168,170,168,163,123,123,125,125,127,125,127,170,173,176,176,176,178,178,183,191,194,196,196,199,202,207,212,220,228,233,241,251,255,254,246,238,228,217,217,222,228,230,233,246,255,255,255,254,254,255,255,255,255,255,255,250,251,255,246,233,233,0,0,0,255,255,255,255,255,255,217,202,199,212,230,228,212,207,217,230,222,204,209,228,199,173,0,178,181,183,183,178,160,109,103,99,98,98,101,155,176,194,204,209,212,212,209,202,196,215,230,235,243,248,243,238,225,196,189,209,233,243,248,248,248,251,243,217,199,191,143,199,217,220,209,199,141,129,125,121,127,143,212,228,233,233,233,233,238,251,248,207,116,117,191,204,204,202,204,212,212,209,209,135,131,135,191,209,217,212,196,202,199,129,117,109,89,81,101,225,241,246,235,222,215,215,215,217,222,222,225,225,225,222,222,222,215,196,143,140,139,141,199,202,196,135,141,196,141,133,128,191,209,222,228,228,228,225,217,212,207,207,209,209,204,202,204,207,212,207,192,190,196,207,209,212,215,215,217,215,215,217,217,215,215,215,215,215,217,222,228,230,230,228,222,212,202,199,199,196,196,196,202,207,212,215,215,217,222,220,217,212,209,209,212,215,212,209,209,209,212,212,212,212,215,212,207,196,189,187,190,202,204,202,202,207,209,209,207,207,209,212,212,212,212,207,202,196,191,194,202,207,204,202,199,196,195,195,196,196,199,202,204,204,199,194,194,194,191,191,194,194,194,202,209,209,207,202,202,204,202,199,199,196,196,199,204,212,215,215,217,225,220,207,202,199,194,191,196,202,202,199,199,199,199,202,209,217,222,220,212,202,200,204,209,212,215,217,212,209,209,209,215,225,233,233,228,225,225,225,222,217,215,215,217,215,209,207,212,217,222,220,215,215,212,212,209,207,209,217,222,217,215,212,207,204,202,199,198,196,199,207,215,215,215,212,209,209,207,209,212,217,215,209,204,207,207,209,209,209,204,199,145,139,139,142,194,199,204,209,212,212,212,212,209,212,215,217,217,215,215,209,199,147,147,199,204,209,209,209,212,212,215,212,209,209,207,204,203,204,207,212,217,220,222,222,225,225,222,222,225,225,225,222,225,228,235,238,238,235,225,212,217,222,204,111,101,111,143,220,233,233,222,215,213,216,225,235,248,251,243,237,237,241,235,217,148,144,148,209,225,233,228,217,217,222,225,222,220,225,220,194,109,91,87,83,77,75,75,75,75,79,87,99,105,109,107,95,87,85,87,91,105,113,101,91,89,91,111,217,241,230,225,233,222,204,199,204,220,238,238,225,215,207,202,196,196,196,199,194,178,117,113,119,163,101,99,97,94,95,99,99,95,95,91,87,85,83,83,87,95,99,103,117,199,217,217,209,209,212,212,207,204,199,194,189,183,181,186,194,196,194,189,191,194,196,191,183,182,186,189,189,189,194,199,204,207,209,207,204,196,189,189,194,207,217,225,225,222,209,191,173,160,155,157,0,181,176,165,151,152,165,176,176,181,189,202,217,235,233,215,202,202,217,233,243,251,251,246,228,207,176,150,105,101,105,113,0,183,204,217,230,241,246,248,254,254,0,0,0,0,246,243,238,230,222,212,212,212,215,217,217,222,225,217,204,194,191,189,181,176,168,160,119,119,121,121,117,113,109,107,107,109,115,125,181,194,202,207,215,228,233,230,225,217,217,215,212,207,202,196,150,149,151,212,230,241,248,255,255,255,254,238,222,207,199,147,143,139,133,131,135,147,209,220,225,225,228,228,230,228,228,228,225,228,235,243,248,251,251,254,255,255,255,255,255,255,255,255,255,254,246,235,225,215,212,209,207,155,153,151,149,149,151,204,215,228,233,230,225,222,225,228,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,189,194,191,189,186,183,183,186,191,194,199,199,202,199,199,196,196,196,199,202,204,202,202,202,202,202,199,199,202,202,204,202,195,195,196,196,195,196,199,204,207,207,204,207,212,212,209,207,204,204,207,186,41,47,0,0,0,79,173,191,186,159,168,173,165,160,165,176,173,168,165,163,176,196,204,202,196,181,119,113,115,121,117,107,109,121,125,119,116,116,127,186,196,181,129,131,189,207,217,217,217,215,215,207,168,173,176,176,181,186,189,186,183,183,189,199,207,202,191,186,186,191,199,194,129,131,189,189,181,183,191,194,189,189,191,196,196,194,194,196,199,196,186,178,176,133,133,131,127,129,176,181,181,186,194,194,186,183,196,207,202,176,131,186,191,191,189,194,196,176,132,183,199,204,204,209,209,207,204,207,199,181,129,127,129,131,178,183,183,186,191,194,189,181,176,125,118,119,173,186,196,199,191,181,178,173,123,118,121,123,127,126,124,126,173,178,176,170,121,97,89,103,121,170,178,176,129,129,127,117,114,125,129,111,104,108,127,181,183,178,173,170,173,181,189,186,186,191,194,191,194,196,204,209,212,194,107,5,0,28,127,191,202,209,207,196,129,133,186,129,117,117,176,176,181,176,123,127,178,178,183,189,178,129,181,202,199,189,178,133,178,186,186,183,178,135,135,183,189,189,183,183,183,183,186,189,189,191,194,189,137,135,137,132,131,181,191,196,199,202,202,202,204,202,196,189,186,185,186,191,194,196,199,204,204,204,204,202,199,202,207,212,215,215,215,217,217,215,204,194,181,134,133,135,186,191,189,178,125,127,194,202,196,189,178,181,186,181,124,131,194,207,212,209,207,204,202,194,182,179,183,189,191,194,202,209,212,212,202,195,199,209,209,207,204,202,196,194,191,191,196,199,194,191,196,202,204,209,212,209,207,209,212,215,215,215,209,207,199,189,137,135,137,186,191,191,189,189,189,183,186,194,202,196,189,183,183,189,189,189,189,191,194,199,204,204,202,199,196,192,191,192,202,209,209,202,195,194,196,204,209,212,209,209,207,204,202,196,192,192,196,202,196,196,199,199,199,199,199,199,199,198,196,198,202,204,207,204,202,199,199,198,199,204,209,209,207,202,196,194,194,196,194,191,191,189,189,194,196,196,199,196,196,194,189,189,191,194,191,189,186,189,191,191,189,186,186,186,186,189,189,186,183,189,191,191,189,183,135,133,135,178,183,183,178,131,129,131,135,178,181,181,186,189,194,194,191,189,189,189,186,183,182,182,182,183,186,189,191,191,191,196,199,199,194,194,194,196,199,199,199,194,189,186,178,133,130,130,131,129,124,122,125,131,181,189,194,196,194,194,189,181,177,178,186,189,189,186,189,191,194,196,196,194,194,194,196,199,196,196,196,194,194,194,194,196,199,199,194,191,191,194,191,191,194,196,196,196,196,199,202,202,199,198,198,199,202,202,204,209,212,215,217,222,222,225,222,217,217,222,222,225,225,225,217,212,209,212,222,228,228,228,228,225,222,222,217,215,215,216,225,228,228,222,217,215,212,212,209,199,150,199,207,212,217,230,235,230,222,217,220,222,225,225,228,230,230,230,228,225,217,217,217,222,225,225,228,228,230,230,228,222,215,212,212,215,215,217,222,217,215,215,212,212,209,209,209,209,209,212,215,215,215,212,209,207,209,212,217,222,222,225,225,225,217,215,213,215,215,217,215,215,215,212,212,209,207,204,204,204,207,209,209,207,204,204,207,209,212,215,215,215,215,215,212,209,209,209,212,215,217,215,212,215,217,212,207,204,205,209,215,217,217,215,212,209,207,204,203,204,207,207,204,203,203,204,207,209,209,207,207,204,204,207,207,209,209,209,208,209,212,215,215,212,209,204,196,143,142,143,194,196,196,196,196,196,196,196,199,199,199,202,202,204,204,204,204,202,199,199,196,199,199,202,204,204,207,207,207,204,202,196,194,191,194,194,191,194,194,196,196,196,199,199,199,194,186,181,176,176,176,178,178,178,176,170,168,168,168,163,123,117,111,108,108,113,121,163,163,163,163,165,123,121,119,121,125,125,125,127,129,170,131,173,176,178,178,181,186,191,194,194,196,199,204,212,220,228,233,238,248,254,251,243,235,228,225,225,228,228,228,230,241,251,254,254,254,254,255,255,255,255,255,255,252,251,254,254,246,241,0,0,255,255,255,254,255,255,255,235,207,199,207,215,209,204,209,228,235,222,202,202,215,186,163,157,165,170,183,196,186,165,147,105,101,99,99,103,117,178,199,207,209,209,215,217,215,215,225,233,233,235,243,243,243,235,215,207,217,233,241,243,246,246,246,235,220,212,204,189,143,199,207,209,212,207,139,121,118,120,133,207,230,238,238,233,233,241,255,255,225,113,112,125,143,199,207,217,235,235,228,225,215,207,204,212,228,233,233,230,235,222,137,121,109,91,87,107,215,233,238,230,217,217,225,228,228,228,228,230,228,225,222,222,222,212,196,140,139,139,189,202,207,199,132,131,137,186,141,139,199,209,215,222,225,228,225,215,209,209,212,215,215,207,202,202,212,222,209,196,194,207,212,212,212,215,217,217,215,215,217,217,217,215,212,212,212,215,217,225,228,228,228,225,215,207,202,199,194,194,194,196,202,209,212,209,212,215,215,212,207,207,207,209,212,212,209,209,212,209,207,207,207,209,209,204,196,191,191,194,204,204,204,207,209,209,209,207,207,207,209,209,212,209,204,196,194,199,207,207,207,204,202,199,196,196,196,199,199,202,204,207,207,202,196,199,202,199,196,194,191,194,202,209,212,207,207,207,207,204,199,196,199,199,202,204,209,212,215,220,222,212,199,194,196,194,196,202,204,204,204,204,204,199,199,204,215,220,215,207,200,199,202,207,209,215,217,215,215,215,215,217,228,230,230,225,222,222,222,217,215,215,215,215,212,205,204,207,217,222,217,212,209,209,209,207,204,204,209,215,217,217,215,207,204,204,202,199,198,202,209,215,217,215,215,212,212,209,209,212,215,212,207,204,203,207,209,209,209,207,204,199,191,143,143,191,199,204,212,215,212,212,209,209,209,215,217,217,215,215,212,204,199,196,202,207,212,212,212,215,217,217,215,212,209,207,204,204,204,207,212,215,217,217,217,217,215,215,215,217,212,212,212,217,225,230,233,233,230,207,132,133,212,217,135,105,111,135,209,230,235,233,228,222,222,225,235,246,248,246,241,241,243,243,228,204,151,212,230,238,241,238,235,235,238,238,235,230,225,215,189,111,95,89,85,79,77,75,75,75,81,91,99,105,111,115,109,95,87,85,89,103,109,99,91,90,95,119,209,225,215,209,238,235,220,217,222,228,235,238,222,212,207,194,183,189,196,196,191,183,165,117,113,111,101,97,97,95,97,99,101,101,101,95,89,87,85,81,81,83,87,99,168,217,230,222,212,212,215,215,212,209,207,204,199,194,191,194,199,199,196,194,194,199,199,194,186,183,189,191,189,189,191,196,199,202,204,209,209,202,191,186,191,204,215,222,222,215,202,186,168,155,150,0,170,186,189,181,165,163,176,183,183,186,199,209,222,233,225,202,192,196,222,235,246,248,243,228,199,176,157,109,101,99,103,113,168,194,212,225,230,238,246,251,255,255,0,0,0,0,248,246,241,233,225,215,212,215,222,225,225,228,228,217,204,196,196,194,186,176,168,163,121,121,121,119,115,113,111,111,113,115,121,129,181,191,199,207,215,225,230,230,225,222,217,215,212,207,202,199,196,151,204,217,235,243,251,255,255,255,254,238,225,209,199,147,143,141,135,135,139,149,209,220,225,228,230,230,230,230,230,230,228,230,238,246,248,251,254,255,255,255,255,255,255,255,255,255,255,255,248,238,225,215,212,209,207,204,153,149,148,149,199,204,215,225,230,230,225,225,228,230,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,189,196,194,191,186,181,181,186,191,194,196,199,202,202,199,196,194,195,199,204,207,204,202,199,199,199,199,202,202,202,202,202,199,199,196,196,195,196,199,202,204,204,204,207,212,212,209,207,207,207,228,202,71,13,0,0,0,0,27,176,186,173,176,178,170,160,163,168,168,168,165,163,176,191,196,196,191,181,129,121,111,111,109,107,115,170,183,183,173,123,125,173,186,178,131,128,131,189,204,212,212,212,209,204,199,189,173,170,181,191,191,189,189,186,189,194,194,191,183,181,181,183,183,178,130,131,183,183,186,191,194,191,186,189,196,202,202,199,194,194,191,189,186,181,178,176,133,131,131,131,176,133,131,176,183,181,127,123,189,215,191,106,107,183,191,189,191,199,196,133,131,186,204,207,207,209,212,209,209,207,194,176,130,131,178,178,178,181,186,189,191,191,183,178,176,127,120,125,186,199,204,209,207,199,191,183,170,122,127,129,129,129,129,170,129,115,107,115,107,79,75,87,117,173,181,183,178,176,173,119,117,178,176,119,108,111,127,183,189,186,178,176,176,183,186,178,176,186,186,189,196,202,207,209,220,196,119,10,0,71,191,194,194,199,196,186,178,189,204,207,215,220,215,204,194,183,129,131,178,176,176,176,129,129,194,212,199,181,178,133,135,183,191,191,186,178,181,189,191,186,137,134,135,137,183,189,186,183,183,137,133,134,135,133,135,186,191,194,194,199,202,207,207,204,194,189,186,186,186,189,194,194,199,202,204,204,202,202,199,199,204,207,212,215,215,220,222,217,209,196,186,137,134,178,189,194,191,135,121,127,199,204,194,133,129,181,191,186,183,191,204,209,212,209,202,198,202,196,189,186,183,186,189,194,204,209,212,204,196,194,199,209,209,209,204,199,196,191,189,189,194,199,196,196,199,202,204,209,215,212,209,209,212,215,209,202,194,183,131,130,131,135,183,186,189,186,189,191,183,129,133,191,196,189,183,189,191,189,189,191,196,199,196,199,202,202,196,194,196,194,194,196,204,207,207,204,196,195,196,204,207,207,207,204,202,202,202,194,191,192,196,202,194,141,141,191,194,194,194,199,202,202,198,198,199,204,209,209,207,204,204,204,204,204,207,209,207,202,196,196,196,196,194,191,191,194,196,196,199,199,196,194,194,191,186,186,189,191,191,189,186,186,186,186,186,183,183,181,183,186,186,186,183,186,189,186,135,127,123,125,133,181,186,183,181,178,135,135,135,135,135,181,186,191,191,194,191,189,186,186,183,183,186,186,189,189,189,189,191,194,194,199,204,204,199,194,194,196,199,202,202,196,191,186,181,181,178,133,131,129,127,124,129,135,183,189,191,194,194,191,186,178,176,177,183,183,181,179,183,189,191,196,199,194,194,194,199,199,199,196,194,194,194,194,194,194,196,199,196,194,191,191,189,189,194,199,202,199,196,196,204,204,199,196,196,202,204,204,207,212,215,217,217,222,225,222,217,216,217,222,225,225,222,217,209,204,204,207,215,225,228,228,228,225,225,222,217,216,215,216,222,225,222,222,222,222,222,222,215,204,202,204,207,207,212,228,235,235,230,225,217,217,222,225,228,230,230,228,225,222,220,217,217,222,225,225,225,228,230,230,225,217,215,212,215,215,215,217,225,225,217,212,209,204,202,202,207,209,212,212,212,212,212,215,212,212,212,215,215,215,215,217,222,222,222,222,217,217,215,215,215,217,215,212,207,204,203,203,204,204,204,204,204,202,202,202,209,212,215,215,215,215,215,215,215,215,212,212,215,215,215,217,217,217,215,209,205,204,207,212,215,215,215,215,212,209,207,204,204,204,207,207,204,203,203,204,207,209,209,209,207,207,207,209,209,212,212,209,209,208,209,212,212,212,209,207,196,143,142,189,194,196,199,199,199,199,199,199,199,199,199,202,202,204,204,204,204,202,199,196,196,196,199,202,202,204,207,207,207,204,199,196,191,191,191,189,189,189,194,196,196,196,196,199,196,194,186,178,176,173,176,178,178,178,173,168,165,168,165,163,123,119,111,108,109,115,121,160,160,121,121,121,119,117,117,119,123,125,127,127,168,128,128,129,133,176,135,135,181,186,191,191,194,196,202,207,215,222,228,235,243,251,248,238,233,233,235,235,233,230,230,235,243,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,248,255,255,255,255,215,212,248,255,251,217,199,196,194,186,191,204,222,228,209,189,189,194,181,163,157,181,186,194,202,181,163,147,105,103,105,105,109,155,183,204,209,207,212,222,225,225,228,233,235,233,230,235,238,241,241,228,222,228,235,238,241,241,243,241,228,207,202,199,186,141,191,199,207,215,209,143,121,119,118,123,194,228,241,238,235,238,246,255,255,235,117,113,117,135,196,212,230,243,243,233,233,246,246,238,235,235,238,241,246,251,238,196,129,115,99,95,111,196,217,228,228,222,225,228,230,230,230,230,233,230,230,225,222,217,215,202,186,141,186,194,202,209,207,135,130,134,186,191,194,202,207,209,212,217,225,222,212,207,209,215,217,215,207,199,196,209,212,204,196,202,212,217,215,212,215,217,217,215,215,217,217,217,215,212,211,211,211,215,217,225,228,230,230,225,215,207,202,189,139,137,141,194,202,204,204,207,207,207,204,202,202,204,207,209,212,212,212,212,209,204,202,204,204,204,202,199,199,199,204,204,207,207,209,209,212,209,207,207,204,204,207,209,207,204,199,199,204,207,209,209,209,204,202,199,202,199,202,202,204,204,209,212,207,204,204,207,204,199,191,189,190,196,204,207,204,204,207,207,202,196,196,199,202,204,204,204,207,212,220,217,204,192,192,196,196,199,202,204,204,204,207,207,204,202,204,209,212,207,202,200,200,202,207,209,212,220,222,225,225,222,225,228,228,225,217,215,215,215,217,217,215,215,215,212,207,205,207,212,217,212,204,196,196,202,204,204,204,207,212,215,215,212,204,202,204,207,204,202,207,212,217,217,215,212,212,212,212,212,212,212,209,207,204,203,204,207,209,209,209,207,207,207,204,202,202,204,212,215,215,212,212,209,207,207,212,215,215,209,209,212,209,204,202,204,207,212,212,215,215,217,217,217,212,209,209,209,209,209,209,212,212,215,215,215,215,212,212,212,212,204,203,204,212,222,228,230,233,228,204,131,128,143,207,194,127,127,139,202,222,235,235,233,230,228,230,233,241,246,246,246,246,246,243,233,220,217,228,241,248,248,243,243,248,251,248,243,235,228,217,194,119,99,93,89,83,77,75,75,77,83,93,103,111,119,173,170,107,91,85,89,103,109,103,99,99,107,173,212,217,198,191,233,241,230,228,225,215,215,212,196,191,186,174,172,183,199,194,183,178,168,119,109,101,97,93,93,95,95,95,101,107,105,97,89,87,85,81,77,77,83,99,176,222,235,230,222,217,217,217,217,217,217,217,212,207,199,202,204,202,199,196,199,202,204,199,189,186,191,191,191,187,189,194,194,194,202,209,215,207,189,185,186,196,207,212,207,202,194,181,163,152,147,0,173,189,196,191,0,173,183,191,191,194,207,215,228,235,225,196,191,194,215,233,246,246,230,202,176,160,147,107,105,105,0,160,183,209,225,230,235,241,248,254,255,255,254,248,0,0,248,246,238,233,225,217,217,222,228,230,230,230,228,217,204,199,202,199,189,178,168,165,163,123,121,119,115,113,113,117,121,123,0,0,176,183,194,204,215,222,228,228,228,225,222,217,215,209,207,202,202,202,209,228,241,248,251,255,255,255,251,241,228,212,202,149,145,143,139,139,143,151,212,222,228,233,233,233,235,233,233,233,230,233,241,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,251,241,230,217,215,212,207,204,153,149,148,149,199,204,212,225,230,230,228,228,230,235,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,191,199,196,191,189,183,183,189,191,191,194,199,202,202,199,195,194,195,199,204,207,204,202,199,199,199,202,202,202,202,202,202,202,202,199,199,196,196,199,199,202,199,199,204,209,212,209,207,207,209,217,191,83,0,0,0,0,0,0,150,173,173,176,183,178,165,160,163,165,165,165,168,173,183,189,189,183,181,173,123,109,101,103,115,129,186,194,194,183,129,125,125,129,127,129,127,124,127,183,194,196,196,196,196,191,183,166,165,183,196,194,189,185,185,186,189,186,183,178,178,176,133,130,129,128,131,178,183,189,189,183,178,181,191,202,207,207,204,196,191,183,181,178,178,178,176,131,131,131,133,133,133,176,181,186,178,111,102,110,186,109,95,98,181,189,187,187,196,191,132,131,186,204,207,207,207,204,202,196,183,131,129,133,186,194,186,178,181,186,189,191,191,189,183,186,186,181,183,196,199,202,204,207,202,196,186,176,173,178,181,186,189,189,189,170,102,83,105,115,99,82,89,111,129,183,189,183,181,176,122,121,173,173,170,127,121,125,176,186,189,181,178,178,181,176,121,113,125,181,186,191,194,194,186,186,127,123,103,95,131,191,191,181,173,125,127,181,199,212,217,220,222,225,217,207,194,183,181,178,128,126,128,129,133,191,199,186,135,135,132,133,189,196,199,194,183,186,194,196,189,135,133,134,137,186,189,181,135,134,133,133,134,137,137,183,194,194,189,191,196,202,209,209,202,191,186,186,186,186,189,191,191,194,199,202,199,199,199,199,199,202,204,209,212,215,217,217,215,212,202,194,186,181,186,194,196,196,181,117,125,183,186,127,119,131,191,199,196,194,199,202,204,207,207,202,198,199,202,199,194,186,183,186,196,207,212,212,204,195,194,196,204,204,202,199,196,191,189,187,187,194,199,199,202,202,202,202,207,209,207,204,204,204,204,196,183,129,127,127,128,135,189,191,186,137,137,183,186,133,121,129,194,194,183,182,191,194,189,187,194,204,204,196,189,191,191,189,191,194,199,204,209,207,204,199,199,196,196,199,204,204,199,199,199,199,202,202,196,192,194,199,202,191,138,137,141,191,189,189,196,202,202,202,199,199,204,207,209,207,207,207,207,204,204,204,204,199,194,191,191,194,191,189,186,189,191,194,194,196,196,194,189,189,186,181,179,183,186,189,189,186,183,181,178,181,181,178,135,135,178,181,181,178,181,178,133,125,120,120,123,135,189,189,186,183,186,189,189,183,178,178,183,189,191,191,191,191,189,189,186,186,186,189,189,189,189,189,189,191,194,196,199,204,204,199,196,196,199,202,202,199,196,191,189,186,186,183,135,133,135,178,135,133,178,183,189,191,194,191,189,181,177,176,178,183,183,181,179,183,186,191,199,199,194,191,191,196,199,199,199,196,194,194,194,191,186,186,191,191,189,189,189,186,189,196,202,202,199,195,195,204,207,199,196,198,202,207,204,207,215,217,222,222,222,222,222,216,216,222,225,225,225,217,212,204,200,200,204,212,222,225,225,225,225,225,222,222,222,222,222,217,217,217,217,222,225,225,217,215,209,209,212,209,207,209,225,233,233,228,222,215,215,217,225,228,228,228,225,222,222,220,217,217,222,222,225,222,225,225,225,222,217,212,212,212,212,212,215,222,222,215,212,207,202,199,199,204,209,215,215,209,207,207,209,209,209,212,212,215,212,212,212,217,222,225,225,225,222,215,215,215,217,215,212,207,203,202,203,203,204,202,202,202,200,200,202,207,212,215,215,215,215,215,215,217,217,217,215,215,215,217,217,222,222,215,209,205,205,209,215,215,215,212,212,212,209,209,207,204,207,207,207,204,204,204,204,207,209,209,209,209,207,209,212,212,212,209,209,209,209,209,209,212,209,207,202,191,142,141,189,194,199,199,199,199,199,199,196,196,196,199,199,202,202,204,204,202,202,199,196,196,196,199,199,202,204,207,207,207,204,199,196,194,191,191,189,189,189,191,196,196,196,196,196,196,191,186,178,176,173,176,178,178,178,173,165,165,165,165,163,121,119,113,109,110,115,121,160,121,119,117,117,117,115,115,117,121,125,165,127,168,129,128,129,173,176,134,135,137,183,189,191,191,194,196,202,209,217,228,235,243,251,248,243,241,243,246,243,235,233,238,246,251,255,255,255,255,255,255,255,255,251,243,255,255,255,255,255,255,243,241,255,255,255,255,202,189,202,246,246,209,191,186,178,0,178,191,204,209,196,183,181,181,170,157,160,204,196,0,168,165,157,147,107,109,111,113,115,163,191,207,207,204,212,225,230,228,225,228,228,222,217,217,225,238,243,238,233,233,238,238,241,238,235,230,217,202,196,196,189,141,186,189,199,209,212,207,202,133,125,129,194,225,238,241,241,246,248,251,246,212,123,113,113,127,196,215,230,238,238,233,238,255,255,248,243,241,241,243,248,251,241,204,137,123,111,107,117,133,196,217,228,230,228,228,230,230,233,233,235,235,233,230,225,222,217,209,196,194,194,196,199,199,199,186,134,137,191,199,202,204,207,209,212,215,222,217,212,208,212,217,215,209,204,199,196,202,199,194,199,209,217,222,215,215,215,215,217,215,215,217,217,215,215,215,212,211,212,215,217,225,230,235,235,230,217,212,204,141,123,113,119,133,183,191,194,196,199,199,199,198,198,202,207,209,212,212,212,212,209,204,202,204,204,202,199,199,202,204,204,204,204,207,209,209,209,209,209,207,204,204,207,207,204,204,204,207,207,207,207,207,209,207,204,204,202,202,202,202,202,204,207,212,209,209,209,212,207,199,191,187,187,191,196,196,194,196,202,204,199,194,191,196,202,204,202,202,204,209,215,215,199,191,194,202,202,199,199,199,196,196,204,209,207,204,204,209,209,207,204,204,202,204,207,207,212,222,228,230,230,230,230,228,225,222,215,213,213,213,217,222,220,217,215,212,209,207,207,209,212,209,194,125,123,135,145,199,204,207,209,212,212,207,199,198,202,209,209,209,209,215,215,212,209,209,207,207,207,209,209,209,207,207,207,204,204,207,207,209,209,209,209,209,209,209,209,212,215,215,212,209,209,207,204,204,209,212,212,207,205,209,212,209,204,202,204,207,209,209,215,217,217,217,215,212,212,212,215,215,212,212,212,215,217,215,217,215,215,217,215,204,202,203,209,220,228,230,233,230,222,143,134,137,145,196,194,141,141,149,215,233,238,235,233,233,233,233,238,241,243,246,248,246,241,235,230,230,233,241,248,246,241,243,248,248,238,230,228,228,225,207,131,107,97,95,91,79,74,75,79,83,93,105,119,173,202,199,125,101,89,85,91,103,105,107,109,119,191,215,215,189,185,228,241,238,233,222,202,199,199,194,186,177,172,173,189,204,194,178,173,127,119,109,101,93,87,85,89,91,93,101,109,109,99,89,85,83,79,76,75,77,91,165,212,230,233,230,225,222,220,222,225,225,225,217,212,207,207,207,207,204,202,202,204,207,202,194,191,191,194,191,189,191,194,191,190,196,209,217,212,0,183,186,194,199,196,191,186,183,173,157,147,147,157,176,191,199,191,0,178,189,196,196,202,212,222,233,238,233,209,195,194,204,225,241,238,222,191,170,157,150,144,0,0,0,0,204,222,233,238,238,243,248,254,255,255,251,243,0,0,248,243,235,233,228,228,228,230,233,233,233,230,228,217,207,204,204,199,189,176,173,173,170,168,163,121,117,115,119,123,127,127,0,170,173,181,191,202,209,217,220,225,228,228,222,217,217,215,209,207,204,207,215,230,246,251,254,255,255,255,251,243,233,217,204,199,149,145,143,145,147,202,215,225,233,235,238,238,238,235,235,235,233,235,243,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,254,243,233,225,217,212,207,202,151,148,147,149,199,204,212,222,230,230,230,230,233,238,241 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,196,202,194,189,189,186,189,191,191,190,194,199,202,202,199,196,196,199,202,204,204,204,202,199,199,199,202,202,202,202,202,202,202,199,199,199,199,199,199,199,196,196,196,202,207,212,209,207,209,215,212,186,67,0,0,0,0,0,0,152,163,168,173,176,173,163,157,160,165,170,173,173,176,178,181,181,178,181,181,170,100,92,94,117,183,196,199,199,183,170,125,124,127,129,173,131,124,125,131,178,181,181,181,181,181,178,164,163,178,189,189,189,185,185,186,183,181,181,181,181,178,176,133,131,131,133,176,181,181,176,129,129,178,196,207,209,209,209,202,191,178,131,131,176,176,176,131,131,133,133,176,181,191,191,191,183,111,99,104,173,113,100,105,183,189,187,189,191,186,132,131,183,199,204,202,199,196,189,178,128,126,129,181,191,191,181,178,183,189,191,194,194,191,189,191,191,189,191,194,194,191,191,194,196,194,186,178,181,186,194,196,199,199,199,191,121,86,106,123,125,113,105,111,125,183,186,181,178,173,125,123,123,121,170,176,129,123,170,181,183,178,177,178,181,170,110,106,111,176,183,170,127,115,109,119,125,176,183,194,196,196,189,176,123,119,121,186,207,215,215,215,217,222,220,212,196,186,183,178,128,126,127,129,133,183,183,181,181,178,133,135,189,199,202,199,194,194,202,202,191,181,135,135,181,189,191,181,134,134,134,135,181,181,183,189,196,196,189,189,194,199,207,204,196,186,181,183,183,183,186,189,191,194,196,196,196,199,199,199,199,202,204,207,212,212,212,212,215,215,209,202,194,191,194,196,196,196,178,111,116,123,115,105,109,183,196,194,194,194,196,196,196,199,202,202,202,202,202,202,196,189,183,189,199,207,212,212,207,199,196,196,199,199,196,196,194,191,189,187,187,191,196,202,204,204,199,199,204,204,199,194,191,194,191,183,131,128,128,130,137,189,199,199,189,133,134,137,133,119,119,133,194,191,182,181,186,191,189,189,196,204,204,191,185,186,189,189,189,196,202,209,212,207,196,194,195,202,204,207,207,202,196,195,196,199,204,204,199,196,199,202,202,194,139,136,138,186,189,186,186,191,196,202,204,202,204,207,207,207,204,204,204,202,202,202,202,196,191,186,189,189,183,137,181,183,189,189,189,189,191,189,186,183,181,178,178,181,183,186,186,186,178,133,133,135,135,131,127,127,131,133,129,127,127,125,123,122,121,122,129,181,189,189,183,183,186,191,196,196,189,183,186,189,189,191,191,191,194,194,191,189,186,186,186,186,183,186,189,191,194,196,199,202,199,199,196,196,199,199,199,199,196,191,189,189,189,186,178,178,186,189,186,181,181,183,189,191,194,189,183,178,176,177,183,189,186,183,181,181,183,189,196,196,189,183,183,191,196,202,204,202,196,196,191,186,181,181,183,186,183,181,183,186,189,194,199,202,199,195,196,204,207,199,196,198,204,207,204,209,217,225,228,225,225,222,222,217,217,222,222,225,222,217,212,204,200,200,202,209,217,222,222,222,222,222,220,222,225,228,225,217,217,217,217,222,225,222,215,212,212,217,217,212,205,207,217,228,228,222,217,215,217,222,225,228,225,222,220,217,220,222,222,217,217,222,222,217,217,222,222,222,217,215,212,209,207,207,207,212,215,212,212,209,207,202,202,207,212,217,217,209,199,199,202,204,207,209,212,215,212,212,212,215,217,225,225,225,222,217,215,215,215,215,212,207,204,204,204,204,204,202,202,200,200,202,202,204,204,209,212,215,215,215,215,215,217,217,217,217,217,217,222,222,217,215,212,209,212,215,215,215,212,212,209,209,212,212,209,207,207,207,207,207,207,207,207,207,207,209,209,207,207,209,212,212,209,209,209,209,209,209,212,212,209,204,196,143,140,140,143,194,196,199,202,202,199,199,196,196,196,199,199,202,202,202,204,202,202,199,196,196,196,196,199,202,204,207,209,209,204,202,196,196,194,191,189,189,189,194,196,196,196,194,194,194,191,186,181,176,173,176,178,178,176,168,125,125,163,163,123,121,119,115,111,111,113,117,119,119,117,115,115,113,113,113,115,119,123,165,168,170,170,170,173,173,176,134,135,137,183,186,189,189,191,194,199,207,215,225,233,246,254,255,251,251,248,243,238,238,241,248,254,255,255,255,255,255,255,254,255,255,243,233,241,254,255,255,255,251,225,224,248,255,255,255,202,187,191,209,212,189,183,183,178,177,177,178,189,199,196,183,178,168,160,152,157,209,186,151,148,155,152,144,107,111,152,155,155,163,183,194,189,189,204,225,233,228,225,217,212,207,202,200,209,230,243,241,235,238,238,241,243,241,235,228,215,204,202,204,199,191,139,133,186,212,222,230,241,217,199,194,207,225,238,243,248,248,241,222,196,137,125,114,112,121,191,209,217,222,225,228,238,248,251,248,246,243,241,246,254,254,238,207,186,178,135,127,123,125,181,209,230,235,233,230,230,230,233,233,235,235,233,230,228,225,222,212,199,199,199,194,189,186,191,191,186,189,196,202,207,209,212,215,215,215,217,217,215,212,217,215,207,199,202,202,199,194,186,186,199,215,222,222,217,215,215,215,215,217,217,217,215,215,215,215,215,215,217,222,225,228,230,235,235,230,217,215,209,191,109,95,99,111,119,125,137,191,196,199,198,198,199,204,207,209,209,209,212,212,209,207,204,202,202,199,199,202,202,202,202,202,204,207,207,207,209,209,212,212,207,202,204,204,204,207,209,215,209,204,204,204,207,207,207,207,204,202,202,202,204,204,207,207,209,209,212,212,209,204,194,189,189,190,191,190,189,191,199,204,199,194,191,196,199,202,202,202,199,202,207,207,196,192,199,207,207,202,199,194,192,194,202,209,212,209,209,209,209,209,207,204,199,202,207,207,209,222,230,230,230,233,230,230,225,220,215,212,212,215,222,225,222,217,212,212,212,209,207,207,209,207,191,113,112,117,127,145,202,207,209,212,209,199,195,194,199,207,209,212,212,212,212,209,207,207,207,204,202,202,204,204,207,207,207,207,204,204,207,209,212,212,212,209,209,209,209,209,209,209,207,204,204,202,200,202,207,212,212,207,207,207,209,209,204,202,204,207,207,209,212,217,217,217,215,215,215,215,215,215,215,212,215,217,217,220,222,222,220,222,225,215,207,207,212,222,225,230,235,235,233,212,142,139,142,194,202,149,145,196,215,233,241,238,235,235,235,235,238,241,241,243,246,246,243,238,235,235,238,241,243,243,239,243,248,238,209,202,212,222,225,215,183,113,101,99,97,85,75,75,79,83,87,101,125,189,215,215,186,119,101,87,84,93,107,121,129,178,199,209,202,189,189,228,241,241,238,228,209,204,204,207,199,183,178,186,199,209,199,186,183,178,127,119,111,95,87,84,84,87,91,97,101,103,95,87,85,83,79,76,75,75,85,111,199,225,233,230,225,222,222,222,225,228,225,222,215,209,209,212,212,209,207,204,204,204,202,196,194,194,194,194,194,194,194,191,189,191,209,220,215,0,185,186,191,189,183,178,173,168,163,150,144,0,165,181,194,202,194,181,183,196,199,202,209,222,230,238,243,238,228,209,202,207,220,235,235,222,199,178,165,0,0,0,0,0,0,217,228,238,241,243,243,246,248,251,251,246,238,238,0,248,241,235,233,235,238,241,241,238,235,233,230,225,215,209,207,204,196,186,176,176,178,178,176,170,163,123,121,125,168,170,170,170,173,176,181,186,194,199,207,215,222,228,228,222,220,217,217,215,212,209,209,215,233,248,255,255,255,255,255,251,246,238,222,212,207,202,151,149,149,151,207,217,230,238,241,241,238,238,238,238,235,235,235,243,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,254,246,235,225,217,212,204,153,151,148,147,149,199,207,212,217,228,228,228,228,233,238,241 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,191,199,202,194,189,191,194,194,196,194,191,194,199,204,204,202,202,204,207,204,204,204,202,202,202,199,202,202,204,204,204,202,202,199,196,196,199,202,199,196,196,194,194,194,199,204,207,207,207,209,215,207,163,0,0,0,0,0,0,69,178,168,170,168,163,160,156,156,160,168,178,183,181,178,176,176,173,176,186,196,194,127,93,93,123,189,196,199,196,186,173,129,127,131,173,178,176,129,128,131,173,173,131,131,176,186,194,174,168,176,178,181,189,189,189,186,178,133,178,186,189,186,189,194,196,189,181,178,176,131,126,124,125,183,207,212,212,212,212,207,194,176,130,129,131,176,178,176,133,176,178,183,189,199,194,194,191,176,110,125,207,191,178,183,189,191,191,194,191,181,131,131,181,191,194,194,191,191,186,178,129,128,131,183,186,177,177,178,189,194,196,196,194,189,181,178,181,181,183,183,178,176,173,176,183,186,183,181,181,186,189,194,196,196,204,207,199,129,119,123,170,129,121,121,173,181,176,173,173,173,170,129,121,112,129,176,129,125,173,181,178,176,176,181,183,181,117,109,117,129,170,93,97,98,101,121,186,196,199,202,207,204,194,181,127,119,121,186,207,212,215,217,220,222,222,212,194,181,181,181,176,131,129,129,133,181,183,186,191,191,183,183,191,196,199,199,196,199,202,202,191,186,183,183,183,189,191,186,181,181,181,181,183,183,186,189,196,196,191,189,191,196,202,199,191,181,179,181,183,186,189,191,194,194,196,196,196,199,199,199,202,202,204,207,209,209,209,209,212,215,215,207,199,196,196,194,189,186,123,101,109,117,111,100,111,202,196,187,189,191,194,194,192,194,199,202,202,204,204,202,199,194,194,199,204,204,209,209,207,202,199,196,196,196,196,196,194,194,194,191,191,191,194,199,204,204,199,198,199,199,194,186,139,139,139,135,131,135,183,189,191,196,202,202,191,133,135,135,117,110,115,133,189,189,183,182,183,189,189,191,196,202,202,189,186,189,194,196,196,196,202,207,207,202,195,194,199,204,209,212,209,202,195,195,196,199,204,204,202,199,199,199,199,194,186,139,138,141,189,185,182,183,191,202,204,204,204,207,207,202,196,196,196,199,199,199,199,199,194,189,186,181,135,134,135,186,191,189,186,183,186,186,183,183,181,179,178,181,186,186,186,183,135,132,132,133,133,127,124,125,126,127,123,121,121,121,122,125,127,131,178,186,189,186,182,181,183,191,199,202,196,189,186,189,189,191,191,191,194,196,196,194,191,189,186,183,182,183,189,191,194,196,196,196,196,196,196,196,196,196,196,194,191,189,186,186,189,186,183,186,191,191,189,189,189,186,189,191,194,189,181,177,177,183,191,194,191,189,186,181,179,183,189,189,181,178,179,189,199,207,209,207,202,196,191,183,181,181,182,183,181,181,181,139,186,194,199,202,199,196,199,204,204,202,198,199,204,207,204,209,220,225,228,228,228,222,222,217,217,222,222,222,222,217,215,209,202,200,202,209,215,220,222,222,222,217,215,215,217,222,222,217,217,222,222,222,225,222,215,212,215,225,225,217,207,207,215,222,220,215,215,217,225,225,225,225,222,217,217,217,222,222,222,217,216,217,217,217,217,222,222,222,217,212,209,207,204,200,200,207,209,212,212,215,212,212,212,215,217,222,222,212,199,196,198,199,202,207,212,215,215,212,212,215,217,222,225,225,222,222,217,215,215,215,212,209,207,207,207,207,204,204,202,202,202,202,202,200,202,204,209,212,212,215,215,212,215,217,222,217,217,217,222,217,217,215,215,215,217,215,215,212,212,209,209,209,212,212,212,209,209,209,209,207,207,209,209,207,207,209,209,207,207,209,209,209,207,207,207,209,212,215,215,217,215,207,199,189,141,141,189,194,199,202,202,202,199,199,196,196,196,196,199,199,202,202,204,204,202,199,196,196,196,196,199,202,204,207,209,209,207,202,199,199,196,194,194,191,191,194,196,196,196,194,194,191,189,186,181,176,173,176,176,176,173,168,125,125,163,123,121,119,117,115,111,109,111,113,117,117,117,115,113,113,111,111,113,117,123,165,168,173,173,176,176,176,176,176,135,178,181,186,186,189,189,191,196,204,212,217,230,241,254,255,255,254,243,230,230,238,248,254,255,255,255,255,255,255,255,254,251,246,233,224,220,221,228,251,255,243,217,216,243,255,255,215,195,194,194,196,191,178,181,191,191,189,178,176,178,196,202,191,176,157,152,0,163,196,0,151,151,152,150,142,107,144,150,152,113,113,157,165,163,168,189,217,233,233,230,222,209,202,199,198,202,225,238,241,238,238,238,238,241,243,241,235,222,204,200,207,215,209,137,123,126,212,228,233,238,233,225,217,220,230,238,243,243,238,215,137,126,127,131,129,119,0,199,212,212,209,212,222,233,235,238,241,243,241,243,251,255,255,246,217,199,199,207,204,183,129,181,209,230,238,235,230,228,225,225,228,233,235,233,230,230,228,225,212,202,199,199,189,182,183,191,194,194,194,196,202,209,215,217,222,222,217,217,217,217,220,222,212,196,189,194,202,199,189,181,182,196,215,222,222,222,217,215,212,212,215,217,217,215,215,215,217,217,222,222,225,228,228,228,230,233,230,225,228,228,215,113,91,91,97,101,109,123,189,199,204,204,204,207,207,207,204,204,204,207,207,207,204,202,199,199,202,202,202,199,196,199,199,204,207,207,207,209,212,215,215,209,202,202,204,207,209,212,215,209,203,203,203,204,207,209,207,204,202,202,204,207,207,204,202,204,209,212,215,212,207,202,194,194,194,194,190,189,190,196,204,204,196,191,194,196,199,202,202,199,194,196,199,196,194,202,209,207,202,196,194,192,194,202,209,212,212,209,209,212,209,207,199,196,199,207,207,209,220,228,230,230,233,233,230,225,220,215,213,213,217,225,228,225,215,209,209,212,209,207,204,207,207,196,113,112,116,125,145,199,207,209,209,207,199,194,194,198,204,209,209,209,209,212,209,207,204,204,202,199,198,199,202,207,207,207,207,207,204,207,212,215,215,212,209,209,209,207,204,204,207,207,202,200,200,200,202,207,212,215,215,209,207,207,204,202,204,207,207,207,212,215,217,222,217,217,215,215,212,212,212,212,215,217,217,220,222,225,225,225,228,230,230,225,217,217,222,228,230,235,238,233,217,196,143,143,145,196,204,202,207,220,233,238,238,238,235,235,235,238,241,243,243,246,248,248,246,243,238,241,241,241,243,241,246,248,233,195,192,204,212,220,212,189,117,103,103,105,91,81,77,81,81,83,95,121,181,209,212,199,189,176,107,91,95,123,204,212,204,202,199,194,195,198,225,233,235,238,238,230,220,217,222,217,196,194,202,204,207,204,204,209,204,189,173,125,105,95,85,82,84,89,91,89,93,89,85,85,85,83,81,77,76,85,109,194,225,230,228,222,222,222,222,225,225,225,222,215,212,215,215,215,215,209,207,204,204,202,199,199,196,196,196,196,194,194,190,189,191,207,217,215,0,186,189,189,186,176,165,160,157,152,144,147,0,173,186,199,209,202,189,191,202,204,207,217,233,238,241,241,241,235,228,217,217,228,238,238,230,209,191,0,183,0,0,0,0,0,228,230,238,243,246,246,246,246,248,246,241,234,235,246,248,243,238,241,243,248,251,248,243,233,228,225,220,215,209,207,204,199,183,176,178,181,181,178,176,173,168,168,173,176,176,176,173,176,178,181,181,183,189,196,209,222,230,230,225,222,220,217,215,212,209,209,217,235,251,255,255,255,255,255,254,248,241,228,217,217,212,202,196,151,202,212,222,233,241,246,243,241,241,241,238,238,235,238,243,248,248,254,255,255,255,255,255,255,255,255,255,255,255,255,251,246,235,228,222,212,204,199,151,148,148,149,202,207,209,217,222,225,225,225,230,235,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,199,204,199,199,194,196,199,196,204,199,199,202,204,204,207,207,209,209,209,207,204,207,204,202,199,199,199,202,204,204,204,202,199,194,194,196,199,202,199,194,191,194,194,194,196,199,199,202,204,212,215,209,150,0,0,0,0,0,29,173,189,176,163,157,157,156,157,157,160,173,186,186,181,181,176,170,168,173,189,199,202,202,183,125,127,181,194,199,196,183,129,129,176,170,131,173,173,129,129,173,131,131,129,129,173,194,204,207,194,181,176,181,189,191,191,186,129,126,176,194,194,189,196,207,207,196,186,181,178,133,126,124,126,202,215,217,215,215,215,212,199,181,130,129,131,181,181,178,178,183,191,194,196,199,194,190,191,191,189,194,204,207,196,191,189,191,194,196,191,176,131,132,181,189,186,183,186,186,183,181,176,176,178,181,183,181,183,186,191,194,196,199,194,178,173,173,177,178,176,127,115,117,115,119,129,178,178,181,183,186,183,186,194,199,204,204,196,181,173,176,181,189,189,183,181,178,169,170,127,127,170,176,112,77,113,123,125,173,183,186,183,181,183,186,186,186,178,127,170,125,101,81,100,117,178,194,207,207,202,204,212,209,194,183,178,127,127,186,209,215,217,217,217,217,217,207,183,129,131,181,183,135,133,135,181,191,196,202,202,199,196,196,196,196,196,196,196,199,202,196,189,183,186,189,189,191,189,189,189,189,183,181,181,181,189,191,194,196,191,186,189,194,196,194,191,183,179,179,181,186,191,196,199,199,196,196,202,202,199,196,202,204,207,207,209,207,207,207,212,215,212,209,202,194,191,186,181,178,125,113,114,116,116,119,181,196,196,187,187,194,196,194,194,196,199,202,202,204,207,204,202,202,204,204,202,204,207,207,202,199,194,191,194,194,199,199,199,199,202,202,196,191,191,194,199,202,199,199,199,196,194,183,134,134,135,135,137,181,189,196,196,196,196,199,194,133,137,131,108,102,115,135,186,189,189,186,186,189,194,194,199,202,199,191,189,194,199,202,202,199,196,196,199,199,199,199,199,204,209,215,209,202,195,195,196,199,204,207,202,199,196,194,191,191,191,186,141,186,186,185,183,183,191,202,204,204,204,204,204,196,186,183,189,194,196,196,199,199,199,194,186,135,134,135,183,189,194,191,183,183,186,186,186,183,183,181,181,183,186,186,183,178,135,135,135,135,133,127,125,126,127,129,127,125,125,127,131,135,181,183,186,189,189,183,181,181,183,191,199,202,196,191,189,189,191,191,189,189,189,191,194,194,194,194,194,186,183,183,189,194,196,196,194,194,194,196,196,196,196,196,194,191,189,183,181,181,183,186,186,186,189,189,189,194,194,191,189,191,194,189,181,181,183,191,194,194,194,194,191,183,179,179,181,181,178,179,183,191,202,209,212,207,202,194,189,183,183,186,186,186,183,181,138,137,138,191,199,202,202,199,199,202,202,202,202,202,202,202,202,209,215,222,225,228,225,217,215,217,222,222,222,222,222,222,222,215,207,202,202,207,212,217,217,222,222,217,212,209,209,212,215,215,217,222,225,222,217,217,222,217,222,225,225,225,217,215,212,215,215,215,217,225,228,230,228,220,216,216,216,217,222,225,222,216,216,216,217,222,225,225,225,225,217,212,209,207,202,199,199,202,207,209,212,212,215,215,217,222,222,225,225,217,204,198,198,202,204,209,215,217,217,217,215,212,215,217,225,225,222,222,217,217,215,212,209,207,207,207,207,207,207,204,204,202,202,202,200,200,202,204,207,209,209,209,212,212,215,217,222,217,217,217,217,215,215,215,215,217,217,217,215,212,212,209,209,209,212,212,215,212,212,215,212,209,207,209,209,207,207,209,209,207,207,209,209,207,204,207,207,212,215,215,217,222,217,212,207,202,194,189,189,196,199,202,204,204,202,199,196,196,196,196,199,199,199,202,202,204,204,202,199,196,196,196,196,199,202,207,209,209,207,204,202,199,199,196,196,196,196,196,196,196,196,196,194,191,189,186,181,176,173,173,173,173,168,165,125,125,163,121,119,117,115,113,109,109,109,111,113,113,113,113,113,111,109,109,111,117,121,125,168,170,173,176,176,176,176,176,135,178,181,183,186,189,189,191,196,204,209,217,228,238,246,251,254,248,230,224,229,243,254,255,255,255,255,255,255,255,255,251,251,243,230,221,220,218,218,235,255,248,217,220,235,235,207,202,209,251,215,196,183,174,183,209,212,202,183,176,178,202,207,191,165,0,160,173,168,176,173,170,165,163,155,142,106,109,147,111,105,101,101,107,115,160,173,204,233,241,246,238,217,204,202,204,212,228,235,238,241,241,241,241,241,246,248,243,222,200,199,209,220,212,183,123,121,135,215,230,238,238,238,233,230,238,243,235,209,186,125,123,124,129,189,207,212,209,228,230,217,209,209,215,215,222,228,233,235,235,243,254,255,255,255,233,217,215,220,217,204,194,191,212,235,238,238,235,228,222,217,222,230,233,230,230,230,228,228,217,207,202,196,186,182,183,191,196,196,194,192,199,209,215,222,222,222,217,216,216,217,225,220,209,194,186,186,191,196,187,183,183,194,209,215,217,222,222,217,209,204,207,212,217,222,217,217,217,222,222,225,228,228,225,222,225,230,230,230,233,238,230,135,101,89,83,81,91,115,191,204,212,217,217,215,212,207,204,202,202,202,199,199,199,199,196,199,202,202,196,194,194,196,199,204,207,209,207,207,209,212,212,209,199,194,199,209,212,212,212,207,204,203,203,203,204,207,209,204,202,202,207,209,207,202,199,199,204,212,215,212,207,204,199,196,196,196,194,191,191,194,202,204,199,191,190,191,194,199,204,199,194,194,192,192,194,204,207,204,199,196,194,194,196,202,207,212,212,209,209,212,212,207,198,198,202,212,215,215,220,228,230,233,230,230,228,222,217,215,215,217,222,225,228,222,212,204,204,204,204,202,200,202,207,207,141,129,133,141,191,194,196,204,204,207,204,199,199,202,204,209,207,207,207,212,212,209,204,204,204,199,196,198,202,204,204,204,207,209,209,212,215,217,215,209,207,207,209,207,204,204,207,207,202,200,202,207,212,212,215,217,220,215,207,204,204,202,202,207,207,209,217,222,222,220,217,215,215,215,212,212,212,215,217,217,220,222,222,225,225,225,228,230,233,230,225,225,228,228,230,233,235,233,222,207,199,196,147,143,209,215,217,225,233,238,238,235,233,233,233,235,238,241,246,248,251,251,251,246,243,241,241,241,241,246,246,248,233,196,196,202,202,202,202,191,125,103,101,105,95,89,83,79,81,87,103,115,125,191,199,202,220,225,194,176,191,212,230,238,238,225,209,202,204,215,222,221,225,238,243,243,235,230,228,222,215,215,209,204,203,212,217,222,220,209,194,181,115,103,85,80,83,89,89,89,89,87,85,83,83,85,83,81,83,93,123,209,230,230,225,222,220,221,225,225,225,225,222,222,217,217,217,220,217,215,212,209,204,202,204,204,204,202,199,199,196,194,190,190,194,204,212,209,199,194,191,189,186,176,160,152,152,147,144,0,165,176,189,0,212,207,199,199,204,212,215,225,235,241,241,238,238,238,235,233,233,235,241,243,238,222,204,196,0,0,0,0,0,0,235,235,243,246,248,251,248,248,246,243,238,234,235,246,251,248,248,251,255,255,254,251,241,230,220,215,215,212,207,207,207,202,186,174,181,183,181,178,178,183,181,178,178,181,181,181,178,178,178,178,177,177,183,194,207,220,230,233,228,225,222,215,212,215,212,212,222,235,251,255,255,255,255,255,254,248,241,228,225,225,222,207,199,199,207,217,228,238,246,248,246,243,243,243,241,241,241,241,246,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,251,246,238,233,222,212,207,202,151,149,149,196,202,207,209,215,217,222,225,228,230,233,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,202,199,196,196,199,204,202,202,202,202,204,204,204,207,207,207,207,204,207,209,209,204,199,194,194,196,199,202,204,204,202,199,192,192,194,199,202,199,194,191,191,191,191,196,196,196,199,204,209,217,217,178,0,0,0,0,0,0,152,168,152,150,155,157,168,170,170,168,173,178,181,176,176,178,176,127,125,170,186,196,196,181,127,125,176,189,196,191,129,123,126,173,170,129,129,127,126,126,127,131,129,127,127,131,189,196,199,194,183,176,178,183,186,186,178,126,125,181,196,194,189,194,202,202,191,183,181,181,176,131,127,133,207,215,217,215,215,217,217,207,189,178,176,181,183,181,178,178,186,199,202,204,202,196,191,191,191,189,194,199,199,189,183,183,186,194,194,189,133,132,176,183,186,183,178,176,178,178,178,181,181,186,189,191,191,189,186,189,194,199,199,191,173,172,177,183,178,131,119,112,111,111,114,123,129,173,181,189,186,181,183,194,202,202,196,189,186,186,189,194,199,199,194,189,181,178,178,129,123,127,173,113,86,110,121,170,183,191,191,191,189,194,194,186,183,176,170,173,117,107,98,121,178,194,204,209,207,204,204,209,204,191,183,181,178,181,199,212,217,217,217,215,209,209,199,181,127,123,123,127,127,135,186,191,199,207,209,209,207,204,204,202,199,199,196,199,199,199,194,183,182,183,189,189,189,189,191,191,191,183,179,178,181,186,189,191,194,189,181,183,189,191,191,189,183,181,179,181,186,191,199,202,202,196,194,199,199,196,195,199,204,207,207,207,204,207,207,209,209,207,204,199,189,186,181,178,178,131,123,123,127,129,133,183,194,196,189,187,194,196,194,196,199,202,204,204,204,207,207,207,204,202,194,191,202,207,207,202,199,194,191,191,191,194,196,202,204,207,207,202,194,189,189,194,199,202,202,199,199,191,137,133,134,137,137,137,181,189,194,196,196,196,199,199,191,181,125,112,114,133,183,186,189,189,189,189,194,199,199,204,207,202,194,191,191,199,204,204,199,191,187,189,196,202,202,199,202,207,209,207,202,196,196,196,199,202,202,199,199,196,191,187,189,189,189,189,186,186,186,186,186,194,199,204,202,199,202,202,194,182,181,183,191,194,196,196,199,199,196,189,137,135,178,186,191,191,189,183,183,186,186,183,186,186,186,186,186,189,186,183,181,181,181,181,183,181,133,131,133,178,186,186,183,181,181,183,183,186,186,186,186,189,183,181,181,186,194,199,202,199,194,191,189,189,191,186,183,182,183,189,191,194,199,199,191,183,183,191,196,196,194,192,192,194,194,194,194,194,194,194,189,183,137,137,137,181,183,186,189,189,189,191,194,196,191,191,191,194,191,189,189,191,194,194,194,194,196,196,189,183,181,181,179,179,183,191,199,204,209,209,207,202,191,183,182,186,191,191,189,189,186,139,137,137,189,199,202,202,202,199,199,199,199,202,202,199,198,202,209,215,217,220,222,217,213,213,217,222,225,225,222,222,225,225,222,212,207,204,207,212,215,215,215,215,215,212,207,207,207,209,212,215,222,225,222,217,217,222,225,225,225,225,228,228,225,217,215,217,220,225,228,230,230,225,222,217,216,217,222,222,225,222,217,217,217,222,225,225,228,228,225,215,209,209,207,202,199,200,202,207,209,209,209,212,215,217,222,217,222,225,222,212,204,202,207,212,217,222,225,225,222,215,212,212,217,222,225,222,222,222,217,215,212,212,209,207,207,207,207,204,204,204,202,202,202,202,202,204,207,209,209,209,207,209,209,212,217,222,215,215,217,215,215,215,215,215,217,222,222,215,212,209,209,209,212,212,215,217,217,217,217,215,209,207,207,207,204,204,204,207,207,207,209,207,204,204,204,207,212,215,217,217,222,217,215,212,207,199,191,189,194,199,204,207,204,202,199,199,194,194,196,196,196,199,199,202,202,202,202,199,196,194,194,196,199,202,207,209,209,207,204,202,199,199,196,199,199,199,196,196,196,196,196,194,191,189,186,181,176,173,173,170,168,168,165,125,163,123,121,119,115,113,111,109,109,107,107,109,109,111,111,111,111,109,109,111,115,119,123,125,127,168,170,173,176,176,176,178,178,181,183,186,189,191,194,196,202,209,215,228,238,243,243,246,243,233,229,233,243,251,251,254,255,255,255,255,255,255,254,251,251,243,241,235,225,221,233,255,255,254,230,225,215,209,222,251,255,230,199,0,176,209,241,228,207,189,177,183,196,199,183,0,0,0,0,186,178,178,186,181,176,0,150,107,142,147,109,101,97,97,103,113,155,168,189,225,251,255,255,233,209,207,215,222,228,233,238,243,243,243,243,243,248,251,248,235,212,204,209,217,212,186,124,122,129,202,228,241,246,246,241,235,241,243,233,207,129,124,129,202,217,225,230,230,241,251,248,228,209,209,209,212,215,225,230,233,235,238,248,255,255,255,243,230,225,225,220,209,199,199,222,243,246,241,235,222,217,220,225,230,233,230,228,228,228,228,222,209,204,199,191,186,183,182,186,196,194,190,194,209,215,217,222,225,222,216,216,217,225,222,217,204,194,186,186,191,191,189,189,199,209,215,215,217,217,215,209,202,202,209,222,225,222,222,217,222,222,225,225,225,225,222,222,230,230,230,235,238,228,191,117,95,77,67,75,103,186,207,217,217,217,215,215,209,207,204,202,196,194,194,194,191,191,196,202,199,196,192,194,199,204,207,212,212,207,204,204,207,209,204,194,186,191,207,215,209,207,207,204,204,204,204,204,204,207,207,204,204,207,207,207,204,199,196,202,204,204,204,204,202,191,189,194,199,202,199,199,199,202,202,199,194,190,190,191,199,204,202,196,194,192,191,194,202,204,202,196,196,196,199,199,202,207,209,212,209,209,212,212,207,202,202,207,215,222,222,225,230,233,233,233,230,225,215,211,211,215,217,217,222,225,217,209,202,200,200,200,200,200,204,209,212,204,194,191,194,191,187,186,190,199,204,204,204,204,204,207,207,209,207,207,212,215,209,207,207,207,204,202,202,204,204,204,207,209,212,212,215,215,215,212,207,205,207,209,207,204,204,207,207,202,200,204,209,215,215,217,222,217,215,207,204,204,196,192,196,204,212,217,225,222,217,215,215,212,212,212,215,217,217,217,215,217,217,220,222,222,222,222,225,228,228,225,228,230,230,230,230,233,233,225,215,209,207,202,196,215,222,222,225,230,235,235,235,233,233,231,233,233,238,243,246,248,251,251,246,243,239,239,241,243,246,246,246,233,207,196,194,186,183,191,196,181,101,95,101,103,95,87,83,85,93,105,113,115,131,183,196,230,246,246,243,235,241,251,255,255,248,233,222,220,225,225,222,225,241,248,248,246,241,235,228,222,222,220,212,209,222,228,230,225,215,199,183,119,101,85,83,87,91,89,89,89,89,85,83,83,83,83,85,91,107,183,220,233,233,228,225,222,225,228,230,228,228,225,225,222,220,222,222,222,217,215,212,207,202,204,209,209,207,204,204,199,194,191,190,194,199,204,204,202,199,196,194,189,176,157,147,144,144,147,157,168,176,186,199,212,209,207,207,209,217,225,230,235,238,238,235,235,235,235,238,0,241,243,246,243,230,217,212,0,0,0,0,0,0,243,243,248,248,251,254,254,251,248,246,241,235,238,251,255,255,255,255,255,255,254,248,241,228,215,209,207,207,209,209,209,204,194,183,186,186,183,181,186,194,191,183,181,181,181,181,178,178,178,0,0,178,186,196,204,215,225,228,225,222,220,215,215,217,217,217,222,235,248,255,255,255,255,255,248,246,241,233,230,235,230,215,202,199,207,220,230,241,248,251,248,246,246,246,246,246,246,246,251,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,251,246,241,233,225,215,207,202,199,196,196,196,202,207,209,212,217,222,225,228,230,233,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,191,194,199,202,202,204,202,202,202,204,204,204,204,204,204,196,199,207,212,209,204,196,192,191,192,196,199,202,202,199,196,192,192,194,199,202,199,194,191,191,191,191,194,196,196,199,202,207,228,225,215,194,0,0,0,0,0,79,144,142,144,163,173,183,191,191,183,173,168,165,165,168,173,170,123,119,121,129,178,178,129,123,123,170,183,189,183,127,124,127,181,181,176,173,129,126,125,125,127,129,127,127,131,178,178,178,178,176,173,173,178,183,181,131,127,129,189,196,189,183,191,194,194,189,181,178,178,178,133,133,178,202,209,209,212,215,222,222,212,196,186,186,186,181,178,177,178,186,196,204,207,209,202,191,189,189,187,189,194,191,185,182,183,186,191,189,181,133,133,178,181,181,178,133,132,132,133,176,181,186,191,196,199,196,191,186,189,196,204,202,194,177,178,196,196,178,125,119,115,114,115,121,125,125,125,170,181,178,176,183,194,199,196,189,186,189,194,199,202,202,199,196,191,186,186,183,127,114,122,170,123,106,115,129,181,183,186,191,191,191,196,202,189,178,170,129,170,119,113,113,181,189,191,202,207,209,207,204,199,194,189,183,183,186,196,209,215,212,212,212,207,199,194,189,181,131,122,120,120,122,178,196,202,204,209,212,209,207,207,207,204,202,199,199,202,202,199,191,183,182,182,186,189,191,191,194,196,191,183,179,179,183,189,189,189,189,179,177,179,186,189,191,189,186,181,181,181,189,194,199,202,202,194,191,194,196,196,195,199,204,204,202,202,202,204,207,204,202,199,199,194,186,181,176,133,176,176,133,178,176,133,131,178,189,194,194,189,189,189,189,191,199,207,207,204,202,204,207,204,196,139,138,189,202,207,204,202,199,194,191,191,190,190,194,202,207,207,209,207,199,189,186,191,199,202,204,202,199,191,135,133,137,183,181,181,183,189,196,199,199,202,204,204,202,183,127,127,181,191,191,191,186,186,189,191,199,204,207,207,207,202,196,191,191,194,202,204,199,189,185,186,194,202,202,199,202,202,202,202,199,196,196,195,196,196,196,196,199,199,191,186,186,189,189,189,186,185,186,189,194,194,199,204,202,198,198,199,196,186,182,183,191,196,196,196,196,196,194,189,183,181,181,186,189,186,182,181,183,186,186,183,186,189,189,189,191,191,189,183,186,186,186,186,189,186,183,181,183,191,196,199,194,189,186,186,186,186,186,185,186,186,186,183,183,189,194,199,202,199,196,191,189,189,189,186,182,182,182,186,189,194,199,202,196,189,189,194,199,199,194,192,192,194,194,191,191,191,191,191,189,183,181,137,137,137,181,183,191,194,191,191,191,196,196,194,194,196,196,194,194,194,194,194,194,194,196,194,189,186,186,186,183,183,189,196,199,202,204,204,204,202,191,182,181,186,191,191,189,186,186,183,137,138,189,196,199,202,202,199,199,199,198,199,202,198,195,204,212,215,215,217,217,215,212,212,217,225,228,225,217,217,222,228,228,217,207,204,207,212,212,212,212,212,212,212,209,207,207,212,215,217,222,222,225,222,222,225,225,225,222,222,228,230,230,225,217,220,225,228,230,228,228,225,225,222,217,217,220,222,222,222,222,222,222,222,222,225,225,225,222,215,209,207,204,202,202,202,204,207,209,209,209,212,212,215,217,215,217,225,225,217,212,212,215,222,225,228,228,228,222,215,209,209,215,222,222,222,222,217,217,215,215,215,212,209,207,207,204,204,202,202,202,202,204,204,207,209,209,209,209,209,207,204,207,207,212,215,212,215,217,215,215,215,215,215,222,222,222,217,212,209,209,212,212,215,217,222,217,217,217,215,209,207,207,204,202,200,200,202,204,204,202,202,202,204,207,209,212,215,215,217,217,217,217,215,209,202,194,189,191,199,204,207,204,202,199,196,194,191,191,194,194,196,196,199,202,202,199,196,194,194,194,194,199,202,207,209,209,207,204,202,202,199,199,199,199,199,196,196,196,196,196,194,191,189,183,181,178,173,170,168,127,127,125,125,123,123,121,119,115,113,111,111,109,109,107,107,107,107,109,109,109,109,109,111,115,119,119,121,123,125,127,129,131,176,178,181,181,181,186,189,191,194,194,196,202,207,215,228,235,238,238,238,241,241,238,238,238,241,246,251,255,255,255,255,255,255,255,254,255,255,255,254,238,228,233,248,255,255,228,207,204,217,251,0,254,225,199,183,183,0,255,238,209,189,178,181,186,183,0,0,0,0,0,196,183,183,191,186,183,178,0,144,144,150,142,101,96,97,103,113,152,157,173,202,248,255,255,233,207,207,217,222,222,230,238,243,246,243,243,243,246,248,251,248,233,215,215,217,209,176,122,124,183,209,228,241,248,248,246,243,246,248,243,233,215,199,215,235,238,238,241,243,251,255,254,233,215,0,215,215,225,230,235,241,241,238,246,255,255,254,246,238,233,228,215,199,191,196,220,246,251,243,225,204,207,222,233,235,233,230,228,225,228,228,217,209,209,207,199,194,183,176,178,194,196,189,190,209,215,217,222,225,222,217,216,217,225,228,228,217,204,191,183,186,191,191,196,207,212,215,212,209,212,212,209,202,202,209,217,225,228,225,222,222,225,228,225,222,222,217,222,230,230,230,233,233,225,204,178,111,79,57,59,79,131,204,217,215,212,215,215,212,209,207,202,194,189,191,191,191,191,194,196,196,194,192,194,199,207,212,215,215,209,204,199,202,204,202,189,182,186,204,212,209,207,207,207,209,212,209,204,204,204,204,204,202,204,207,207,204,199,196,196,194,191,191,196,199,182,182,187,196,202,204,204,204,204,199,196,196,191,190,191,199,204,202,196,194,194,194,196,199,202,202,199,199,204,207,204,202,202,207,209,209,209,212,209,207,204,202,207,215,222,225,228,228,230,233,235,230,222,212,209,211,215,217,217,217,217,215,207,202,202,202,200,202,204,209,212,215,212,207,202,199,194,187,185,187,194,202,204,207,204,204,204,207,209,209,209,212,212,212,209,209,209,212,212,212,209,207,207,209,212,212,212,215,215,215,212,209,207,207,209,207,202,202,202,202,200,200,202,209,212,215,217,222,217,212,207,207,204,194,190,191,204,212,220,222,222,217,217,215,212,212,215,217,220,217,215,212,215,217,217,220,217,217,217,217,222,225,225,228,230,233,233,230,230,230,228,220,215,217,215,215,222,225,225,225,228,233,235,235,235,235,233,231,233,235,241,243,246,248,246,243,241,241,241,243,246,246,243,238,228,212,189,181,181,181,189,199,186,95,92,97,103,99,91,89,93,103,115,119,117,127,135,189,225,248,255,255,254,251,255,255,255,255,243,230,228,228,225,225,233,243,251,251,246,246,241,233,228,225,228,225,225,233,235,233,225,215,199,186,127,107,97,101,103,99,93,87,86,87,85,85,83,83,83,85,91,117,199,225,233,235,233,230,228,230,233,233,233,230,228,225,222,222,225,225,225,222,217,212,207,204,204,209,212,209,209,207,202,196,191,191,194,194,196,196,202,204,202,196,191,178,157,144,139,142,150,163,173,178,186,199,207,207,207,209,215,222,228,230,233,235,235,235,234,234,238,243,0,0,243,246,243,235,230,228,0,0,0,0,0,251,251,251,251,251,254,255,255,254,251,248,246,243,246,255,255,255,255,255,255,254,246,243,241,233,217,204,200,203,209,212,209,207,202,196,194,191,191,191,196,204,199,186,181,181,181,181,181,181,183,181,181,186,196,202,207,212,217,225,222,222,220,217,217,220,222,222,225,238,248,255,255,255,255,251,246,243,243,238,238,243,238,222,204,202,207,220,235,246,251,251,251,248,248,248,248,251,251,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,243,241,233,225,215,209,204,202,199,196,199,202,207,209,212,215,217,225,230,233,235,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,178,191,191,194,202,204,202,202,204,204,204,204,204,202,195,196,204,209,207,202,196,192,192,194,196,199,202,199,199,194,194,194,196,202,204,202,199,194,194,191,190,191,194,196,196,199,209,225,228,233,255,0,0,0,0,0,83,147,144,150,165,181,189,199,202,194,173,160,157,160,163,123,121,119,119,122,127,129,127,127,125,125,129,176,181,178,173,173,183,196,199,191,183,181,181,129,126,127,129,127,127,131,127,119,119,125,129,131,176,183,189,183,173,131,178,191,191,178,183,191,194,194,189,181,178,178,178,133,131,133,194,199,202,207,215,217,215,204,191,183,181,181,176,178,181,183,189,196,202,209,212,202,189,186,189,189,191,191,189,186,186,186,189,186,178,131,131,176,178,176,176,178,176,132,132,133,178,186,191,196,196,199,196,191,189,191,199,207,204,196,189,194,199,194,127,121,123,125,125,127,170,173,127,124,125,129,129,129,178,189,191,189,181,183,189,199,204,207,202,196,194,191,189,194,189,125,106,123,181,181,127,123,129,176,173,173,178,183,183,194,204,194,176,129,128,131,127,117,119,186,189,182,186,204,209,204,194,186,186,191,194,189,189,196,207,204,196,196,199,191,186,181,178,178,178,131,123,123,125,183,199,207,209,212,212,209,207,207,209,207,202,199,199,202,202,199,191,186,183,183,186,189,191,194,196,199,194,186,181,186,194,191,189,186,183,179,178,183,191,194,194,191,186,183,183,186,191,196,199,199,196,194,191,194,199,199,202,204,202,196,194,191,194,202,204,204,196,194,191,186,135,133,131,131,133,178,181,183,178,125,121,127,186,194,194,191,187,186,186,189,199,209,209,202,196,202,202,189,133,131,136,194,202,204,202,194,191,191,191,191,190,189,191,202,207,207,207,207,202,189,185,191,202,207,207,204,196,189,137,135,183,189,186,183,189,194,199,202,204,204,204,207,199,186,181,186,196,199,199,196,189,186,189,196,202,207,209,207,202,199,199,196,191,194,202,207,204,194,187,189,196,202,204,204,202,199,196,196,196,196,195,195,196,194,194,194,196,199,194,189,187,189,191,189,186,186,186,191,196,196,199,204,202,198,198,202,199,191,186,191,196,199,199,199,196,194,191,189,186,183,183,186,186,183,181,181,183,189,189,186,189,191,191,191,191,189,186,186,186,189,189,189,189,189,189,189,189,194,202,202,196,191,189,186,186,186,185,185,186,186,186,186,186,189,194,196,199,199,196,194,191,191,191,189,186,183,186,189,191,191,196,199,196,194,191,194,199,196,194,194,196,196,194,189,189,189,189,189,189,186,183,183,137,137,137,186,194,194,191,186,189,194,199,199,199,196,196,194,194,194,194,194,194,194,191,183,181,183,189,191,189,189,189,194,194,196,199,199,202,199,194,186,183,189,194,194,189,183,183,183,139,183,191,196,199,202,202,196,196,202,199,199,204,199,198,207,212,215,215,217,217,215,213,215,217,225,228,225,217,216,217,225,225,215,207,204,207,212,212,209,209,207,207,207,207,207,209,215,217,217,217,222,225,225,225,225,222,222,220,220,225,233,233,228,222,222,225,228,228,225,225,225,225,222,217,217,217,222,220,220,222,222,222,222,222,222,222,222,217,212,207,204,204,204,204,204,207,207,209,212,212,212,215,215,212,212,212,217,225,225,222,217,222,225,228,228,225,225,222,215,207,207,215,217,222,222,222,222,217,217,217,215,215,212,209,207,207,207,202,200,200,202,204,207,209,209,209,209,209,207,204,202,199,194,199,207,212,215,217,215,215,215,215,215,222,225,225,222,217,215,212,215,215,217,222,222,217,217,215,212,209,209,207,207,202,200,200,202,202,202,196,194,202,204,207,209,212,212,215,217,217,217,217,217,215,207,199,191,191,199,204,207,204,202,199,196,191,191,189,191,191,194,196,196,199,199,196,194,194,194,194,194,199,202,204,207,209,209,207,204,202,199,199,199,202,199,196,196,196,196,194,194,191,186,183,181,178,176,170,127,125,125,125,123,121,121,121,119,117,115,113,111,111,109,107,106,106,106,107,109,109,109,109,113,117,119,119,119,119,121,125,127,170,176,178,181,181,181,186,189,194,196,196,199,202,207,215,228,233,235,233,233,235,241,243,241,235,234,241,251,254,254,255,255,255,255,255,255,255,255,255,255,246,235,228,217,228,230,215,202,203,217,248,255,230,209,196,191,0,0,255,246,207,183,177,178,0,0,0,0,0,0,0,194,186,183,183,181,183,183,170,155,152,152,142,99,97,98,105,111,113,113,157,178,207,243,246,212,200,202,209,215,217,0,0,243,243,241,243,243,243,243,248,248,235,215,215,222,209,126,121,127,207,225,233,238,243,248,251,251,248,248,243,238,243,230,233,243,243,241,243,246,248,251,246,230,225,228,230,230,235,235,241,248,248,243,243,246,241,235,230,233,233,225,204,183,173,178,204,241,248,238,199,168,176,217,238,235,225,217,222,225,228,225,212,207,212,215,207,196,183,176,176,191,196,189,190,204,212,217,222,225,222,222,217,222,225,225,228,217,202,186,135,137,183,189,196,209,215,215,207,204,207,209,207,202,200,204,215,222,228,228,225,225,225,225,222,217,217,215,217,228,230,228,228,228,222,215,196,127,83,53,48,51,115,202,220,217,212,212,215,209,207,207,202,191,187,191,196,196,194,194,194,194,194,192,194,199,209,217,217,217,212,207,202,199,202,202,196,186,186,202,209,209,209,207,207,209,212,212,207,204,202,199,199,199,202,204,207,207,202,199,194,190,187,187,194,199,182,182,186,194,202,204,204,207,204,199,196,199,196,191,194,202,202,199,196,199,199,202,204,204,204,204,207,207,209,209,207,202,202,204,207,209,209,209,207,204,202,202,207,217,225,225,222,217,222,230,233,230,222,212,211,212,217,217,217,215,215,212,207,204,207,207,204,204,209,212,212,212,212,209,207,207,202,196,194,194,196,199,204,207,204,204,204,204,209,209,209,212,212,212,212,212,212,212,215,215,212,209,212,212,212,212,212,215,217,217,215,212,209,209,209,207,204,202,202,202,200,200,202,207,212,215,220,222,217,212,209,209,207,199,191,194,207,215,220,222,217,217,217,217,215,215,220,220,217,212,211,212,217,220,222,222,220,217,217,217,222,222,225,225,230,233,233,230,228,230,228,222,220,222,225,225,225,225,225,228,230,233,235,235,235,235,235,235,238,241,243,243,243,246,243,241,241,241,243,243,246,246,241,212,209,215,186,176,179,183,196,199,135,93,91,95,105,105,101,103,111,123,135,181,181,183,186,196,220,238,248,254,251,251,254,255,255,255,235,222,222,222,222,225,235,246,248,246,243,243,241,238,235,230,230,230,230,233,235,233,228,217,207,196,183,125,123,125,119,113,101,85,85,89,91,91,95,99,91,82,89,125,207,225,233,238,235,233,233,235,238,238,235,233,230,228,225,225,228,228,228,225,222,217,209,207,207,209,212,212,212,209,202,196,194,194,194,194,191,191,199,202,202,196,191,178,160,144,138,139,147,165,178,186,191,196,202,202,204,207,212,222,228,230,230,233,235,235,234,234,238,246,248,243,241,241,241,238,235,235,0,0,0,0,0,0,255,255,254,251,255,255,255,255,255,255,254,251,254,255,255,255,255,255,255,243,238,239,243,238,222,204,199,202,209,209,209,209,207,204,202,199,199,202,207,209,202,189,183,181,181,181,186,191,191,191,191,199,209,212,212,212,217,225,228,225,225,222,220,222,225,225,230,241,251,255,255,255,254,248,246,246,248,246,248,248,243,228,209,204,209,220,238,248,254,251,251,251,251,251,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,246,241,235,228,222,212,207,204,202,199,199,204,207,209,212,215,217,225,230,235,238,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,142,181,183,194,194,196,199,202,202,202,204,204,202,195,195,202,204,202,199,196,196,196,196,199,202,202,199,196,196,196,196,199,202,204,204,199,196,194,191,190,190,191,194,194,196,204,215,222,233,255,0,0,0,0,45,176,155,152,160,168,176,183,196,199,189,165,157,157,160,123,123,122,123,168,176,176,170,129,173,181,178,173,173,173,173,173,181,191,202,204,196,189,189,196,186,173,173,170,129,129,127,115,113,115,123,127,131,178,191,196,189,183,183,189,196,189,178,186,191,191,189,183,181,183,183,181,133,130,130,181,183,189,199,207,204,194,186,183,178,133,132,176,186,196,202,196,194,199,207,204,191,178,178,186,191,191,189,189,189,189,186,183,176,131,129,130,133,176,176,178,186,186,178,132,133,181,189,194,194,194,191,191,191,194,199,204,207,204,196,191,189,189,178,123,121,127,129,127,129,173,176,173,127,125,123,123,125,170,181,183,181,178,181,191,202,207,207,202,196,194,194,196,207,202,183,119,186,199,199,189,121,112,115,121,127,129,170,176,186,196,186,129,128,129,131,131,125,125,186,189,181,185,196,194,189,176,133,181,199,202,194,181,183,191,189,181,183,183,181,181,133,132,135,181,183,186,186,183,183,194,207,212,209,207,207,207,209,212,209,202,196,191,194,199,199,196,194,191,189,189,191,191,194,196,196,194,189,189,194,202,196,191,189,186,186,194,202,202,202,199,194,189,186,186,189,194,196,194,191,191,191,191,194,199,204,209,209,202,189,181,178,181,191,202,202,196,191,186,176,120,120,127,131,133,181,186,183,133,119,117,127,196,199,194,191,187,186,187,191,202,212,212,199,191,194,191,136,131,133,189,199,202,204,194,186,186,189,191,194,194,191,196,204,207,204,204,207,202,189,185,194,207,212,209,204,196,189,183,183,191,191,189,191,194,199,204,204,204,204,204,202,194,191,191,194,199,202,199,194,186,186,191,199,204,209,207,202,196,196,199,196,194,196,202,207,207,204,199,196,199,204,207,204,199,194,189,191,194,196,196,195,196,194,191,191,194,196,196,196,191,194,196,196,194,191,191,196,196,194,196,204,204,199,199,204,202,194,191,196,202,202,199,196,194,191,189,189,189,186,186,183,186,183,182,183,186,191,191,191,191,191,191,191,189,186,183,186,189,189,191,189,189,189,191,191,191,196,199,199,194,189,189,189,189,189,185,185,186,189,189,189,189,191,194,194,196,196,196,194,194,191,191,191,189,189,191,194,196,191,190,194,196,196,194,194,196,194,196,199,202,202,196,191,189,189,191,189,189,189,186,183,181,137,181,186,191,191,186,179,179,189,199,199,199,196,196,194,194,194,194,189,189,189,186,179,177,181,191,199,196,194,191,189,191,196,199,199,196,196,196,194,194,196,199,196,189,183,181,139,183,189,194,196,199,202,199,189,189,204,204,199,207,207,202,209,212,215,215,215,215,215,215,215,217,225,225,222,216,216,217,222,222,215,207,207,209,212,212,212,207,204,199,199,199,204,209,215,217,217,217,217,225,225,225,222,222,222,220,220,228,235,235,228,225,225,225,225,222,217,222,222,222,217,215,215,217,217,217,217,217,217,217,217,222,222,222,222,215,212,207,204,207,207,209,207,207,207,209,212,209,209,209,209,204,204,207,212,217,225,222,215,217,225,225,222,222,225,222,212,205,205,212,215,217,217,222,222,222,222,217,215,215,212,209,209,212,209,207,202,202,202,204,207,209,209,209,207,207,204,204,202,191,186,187,199,209,215,217,215,212,212,212,215,222,222,225,222,217,215,215,215,222,225,225,225,222,217,215,212,212,209,207,207,204,204,204,204,204,199,194,192,199,204,207,209,209,212,215,217,222,222,222,217,215,209,202,196,196,199,207,209,207,202,199,196,191,189,189,189,191,194,196,196,199,199,196,194,194,194,194,196,199,202,204,207,209,209,207,204,204,202,199,202,202,202,199,196,194,194,194,191,189,186,183,181,178,176,173,127,125,123,123,121,119,119,119,119,119,117,115,113,111,109,107,106,106,106,107,109,108,108,111,115,119,121,119,118,118,119,123,129,173,178,181,181,179,181,183,189,191,196,199,202,204,207,212,222,230,233,230,228,230,235,241,238,234,235,243,251,251,251,251,255,255,255,255,255,255,255,255,254,246,238,217,202,202,228,225,209,204,209,215,217,204,194,194,199,0,0,255,233,196,181,177,178,178,176,186,207,212,202,194,199,191,181,0,176,181,186,176,163,160,155,142,101,99,101,107,144,109,108,111,160,173,209,220,207,199,202,209,215,0,0,0,0,0,241,0,243,241,241,238,235,215,199,207,225,220,183,165,186,212,225,233,238,243,248,255,255,251,241,228,226,228,226,230,243,246,243,243,243,243,238,225,217,228,241,243,238,235,233,235,246,248,243,235,230,222,215,212,225,233,225,199,176,163,168,189,225,238,225,165,109,111,209,238,235,212,207,209,217,228,222,202,196,209,217,209,199,191,182,182,194,199,192,194,204,215,222,225,222,222,222,222,225,222,217,217,207,189,132,128,130,135,186,196,212,217,212,202,200,202,207,204,200,200,202,207,215,225,228,225,225,225,222,217,215,215,213,215,222,228,225,225,228,228,222,202,125,81,51,45,45,95,194,222,222,215,212,212,207,202,202,199,189,187,189,196,199,199,199,196,194,194,194,194,199,209,215,217,217,215,212,207,202,199,204,207,199,196,204,209,212,209,207,202,204,207,207,204,202,199,194,191,194,202,204,204,204,204,204,199,194,189,189,196,204,196,194,196,199,202,204,207,207,204,196,196,199,202,196,196,202,199,196,199,202,204,207,207,204,204,207,204,202,199,202,204,202,202,204,207,209,209,207,204,202,200,202,209,217,222,217,207,199,204,217,225,228,222,215,215,217,217,217,215,212,215,212,207,207,209,209,207,207,212,215,215,212,212,209,209,209,209,207,207,207,199,202,204,207,204,204,202,204,204,207,209,212,212,212,212,212,212,212,212,212,212,215,215,215,215,212,212,212,215,217,217,215,209,209,209,207,207,204,204,204,202,202,204,207,212,217,222,222,215,212,209,212,215,207,202,207,212,217,220,220,217,217,220,220,217,220,222,220,212,211,211,215,217,222,222,222,222,220,217,220,222,225,222,225,228,230,230,228,228,228,225,222,222,225,228,228,222,222,225,228,230,230,230,230,228,233,238,238,243,246,246,243,241,243,243,238,238,241,241,235,235,238,230,186,191,228,207,178,178,191,207,204,133,99,94,99,113,119,125,129,135,183,191,199,202,202,204,220,228,238,243,246,251,251,251,254,255,243,215,199,207,207,207,222,238,246,246,241,238,235,238,241,243,238,230,226,226,230,230,230,228,222,217,212,191,181,181,176,131,127,113,85,89,101,105,107,125,186,119,82,95,176,212,228,235,238,241,238,235,238,241,238,235,233,230,228,228,228,230,230,230,228,225,220,215,212,209,209,212,212,212,207,199,196,196,196,196,194,190,190,194,199,199,194,186,178,163,150,142,139,0,168,189,199,199,199,196,199,202,207,212,217,225,230,230,233,235,238,235,235,241,248,248,243,238,238,238,238,238,0,0,0,0,0,0,0,0,0,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,238,235,241,248,246,230,212,202,203,204,207,207,209,209,209,207,207,207,209,215,212,202,191,189,183,181,183,194,202,207,204,202,209,217,222,217,215,217,225,230,230,228,225,222,225,225,230,233,241,251,254,254,254,254,251,251,251,254,254,254,254,246,233,220,212,215,225,238,248,254,254,251,251,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,248,246,243,238,233,225,217,212,207,204,202,202,204,209,212,212,212,215,225,233,238,241,241 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,103,157,176,189,194,199,199,202,202,204,202,196,195,196,199,199,196,196,199,202,202,202,202,202,199,199,199,199,199,199,202,202,202,199,196,196,194,191,190,191,194,194,194,202,209,220,230,255,0,0,0,0,71,186,152,160,186,186,178,183,194,194,176,159,157,159,160,163,170,186,196,196,194,189,181,181,191,199,191,183,176,170,127,129,178,186,194,196,191,186,194,199,194,186,181,176,170,129,125,116,114,118,127,129,127,131,183,191,189,186,189,189,191,186,181,183,189,186,178,176,178,186,191,183,176,131,130,133,129,133,186,194,189,178,178,183,183,176,132,133,189,202,207,199,191,191,196,191,178,129,129,178,186,186,183,181,181,181,178,133,131,131,131,128,129,176,183,191,196,196,186,176,133,181,189,191,191,189,189,191,191,196,202,207,209,204,194,183,176,176,176,129,129,173,129,125,125,129,173,173,170,125,122,120,122,127,176,178,178,181,186,194,202,209,209,204,199,196,199,204,212,212,202,194,202,207,207,202,113,97,101,121,129,127,127,170,176,178,129,125,128,173,173,131,176,181,186,189,186,189,186,181,133,127,125,133,191,196,186,174,173,178,181,179,181,183,181,181,133,131,132,181,191,199,202,194,186,191,204,212,209,207,207,207,209,212,207,196,189,187,190,196,202,202,199,196,196,194,194,191,191,194,196,194,191,189,196,199,196,191,186,186,196,212,215,209,207,202,191,186,186,189,189,194,194,189,186,186,191,194,194,199,204,209,212,202,183,131,127,129,183,194,196,194,191,181,127,112,115,127,176,181,186,189,181,131,122,122,189,209,207,196,191,187,189,189,191,202,209,209,196,183,183,183,137,181,199,202,199,202,202,191,183,185,189,191,196,202,202,202,204,204,202,202,202,199,186,186,199,212,212,209,204,194,186,182,183,191,194,194,196,199,202,204,204,204,202,199,196,194,196,196,196,199,199,191,185,185,186,191,199,207,207,204,199,192,194,196,196,196,196,202,207,209,209,209,207,204,204,204,202,189,141,140,186,191,196,199,199,196,191,190,191,194,196,199,199,196,196,196,199,199,196,194,194,194,194,196,202,204,199,199,202,199,194,194,199,204,202,196,194,194,194,191,191,189,189,186,186,189,189,189,189,186,186,191,194,194,191,189,189,183,181,181,186,191,194,194,191,189,189,191,191,191,194,196,194,191,189,189,194,194,191,189,189,189,189,191,191,191,191,194,194,194,194,196,194,194,194,191,191,191,194,194,196,196,191,189,190,194,194,194,194,196,196,199,202,204,204,199,196,194,194,194,191,191,189,189,186,181,137,137,183,186,186,181,178,178,183,191,194,194,194,194,194,196,196,191,183,181,183,183,179,177,181,191,199,202,199,194,189,189,194,199,196,194,194,194,196,196,199,199,196,191,183,138,138,139,186,191,194,194,196,191,135,133,196,204,202,207,212,209,209,212,212,212,212,209,209,212,215,217,222,222,217,217,217,217,220,217,215,212,212,215,215,215,215,209,204,196,148,196,202,209,215,217,222,222,225,228,230,225,222,222,222,220,220,228,235,230,225,222,222,225,222,215,215,215,217,217,215,212,212,215,215,217,215,212,212,215,217,222,222,222,217,215,212,209,207,207,209,209,207,204,207,209,209,207,204,202,199,196,196,199,204,212,215,212,207,209,217,217,215,215,222,222,212,204,204,209,215,217,217,217,222,222,222,222,217,215,215,212,212,212,212,209,207,204,204,204,204,207,207,207,207,202,202,204,202,191,185,186,196,209,215,215,212,209,209,209,212,217,222,222,222,217,215,215,217,225,230,230,230,228,222,217,212,209,207,204,204,207,209,207,207,204,199,194,196,202,207,207,209,209,212,212,215,222,222,217,215,215,209,204,202,202,204,207,209,207,204,199,196,191,191,189,189,189,194,196,199,199,199,196,196,196,196,196,196,199,202,204,204,207,209,209,207,204,202,202,202,202,202,199,196,194,194,194,191,189,186,183,181,178,176,173,127,125,121,119,119,117,117,119,119,119,117,115,113,109,109,107,107,107,107,109,109,109,109,111,115,119,121,121,119,117,118,123,129,176,181,181,181,181,181,181,183,189,194,199,202,204,207,212,217,228,230,230,228,225,228,233,235,235,243,248,251,248,248,248,251,254,255,255,255,255,255,251,246,243,235,215,196,207,255,255,230,209,196,192,195,196,194,199,207,0,0,241,228,191,181,178,181,183,181,183,183,0,168,181,207,199,181,0,178,186,189,183,173,165,155,139,103,103,139,147,150,142,107,108,152,165,196,217,217,212,215,225,228,0,0,0,241,241,241,241,243,241,235,228,212,196,189,199,215,222,207,191,186,191,204,225,238,243,248,255,255,251,238,226,222,225,222,225,235,243,248,246,243,238,222,200,199,215,238,243,235,225,222,225,235,241,233,222,212,204,202,212,235,246,233,196,168,163,163,176,202,225,209,117,104,107,194,230,228,212,202,199,204,222,215,191,186,204,215,209,204,199,196,196,202,204,199,199,204,217,225,225,222,222,222,225,225,222,215,209,196,178,130,126,129,183,194,202,215,217,212,202,200,202,204,204,200,200,204,207,207,215,222,225,225,225,222,217,215,215,213,213,217,225,228,228,228,233,228,202,117,77,55,46,47,69,127,215,220,215,212,207,202,200,202,199,191,187,187,191,202,207,204,199,199,202,202,202,202,209,212,212,215,215,215,212,204,198,202,209,215,215,212,212,215,212,204,198,198,199,204,202,199,194,190,189,191,202,207,204,202,207,207,207,202,196,194,199,207,209,207,204,202,202,204,207,207,204,199,196,202,202,202,199,202,202,202,202,204,207,207,202,194,196,199,194,186,185,191,202,207,209,207,209,212,212,209,207,204,202,204,209,209,207,199,187,185,191,202,212,217,217,215,215,212,212,209,207,207,209,207,204,203,207,207,207,207,209,212,215,215,212,212,212,212,212,212,209,209,204,204,207,207,204,204,202,202,204,209,212,212,212,212,212,212,212,209,208,209,212,215,215,212,215,215,212,212,212,215,215,212,207,207,207,207,207,209,209,207,204,207,209,209,215,220,222,217,215,212,209,212,217,212,209,212,215,217,222,222,220,220,222,222,217,220,220,217,212,211,212,215,217,222,222,222,222,222,220,222,225,225,222,222,225,228,228,228,228,225,222,222,222,225,228,225,220,220,222,225,225,222,222,222,217,225,233,238,243,246,246,241,241,243,241,235,233,233,228,217,212,217,207,183,191,233,228,189,176,186,215,215,191,121,109,113,131,186,196,196,196,191,191,194,196,199,215,233,238,241,246,248,251,251,251,251,248,233,199,185,194,189,189,209,233,243,243,238,233,230,231,238,243,241,230,225,226,228,228,228,225,220,215,209,196,189,183,176,176,176,127,99,103,111,111,117,181,204,181,89,117,186,212,230,238,241,241,238,235,238,238,238,235,233,230,228,228,230,230,233,233,230,228,222,217,215,209,207,209,0,0,0,0,199,199,202,199,196,191,190,190,196,196,189,183,178,168,155,150,0,0,0,0,209,207,202,196,199,202,207,212,217,228,230,233,233,235,238,238,235,241,248,248,243,238,238,238,241,241,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,251,248,248,248,248,248,243,239,239,248,255,251,238,222,207,204,204,204,204,209,212,212,209,212,215,217,217,212,204,194,189,183,178,183,199,212,220,217,212,217,225,228,225,220,220,225,230,230,228,228,225,225,225,230,233,241,246,248,251,254,255,255,255,255,255,255,255,255,251,241,233,225,225,228,238,248,254,255,255,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,248,246,243,241,235,230,225,217,212,207,204,204,207,209,212,212,209,215,225,233,238,241,243 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,181,189,194,194,196,199,202,202,199,196,196,196,196,199,199,199,202,202,202,199,199,199,202,202,202,202,202,202,202,202,199,196,196,196,191,191,194,199,196,194,199,207,217,238,255,0,0,0,0,0,85,152,173,199,199,178,176,189,189,168,159,160,163,160,165,178,196,202,204,202,196,191,189,196,202,194,186,181,173,125,123,170,176,181,183,181,181,191,196,194,189,181,173,170,170,170,127,121,123,129,129,124,127,176,181,181,181,178,174,174,177,177,178,181,181,176,174,176,186,191,183,181,183,178,131,121,123,176,178,176,176,181,191,191,183,133,133,181,191,196,191,183,181,183,178,131,128,128,131,176,181,178,133,132,133,133,133,176,176,133,129,130,178,191,202,202,202,194,183,181,183,189,189,189,186,189,194,194,194,199,209,212,207,194,178,174,176,181,183,181,178,129,125,125,129,173,176,170,127,123,121,123,170,178,178,178,181,186,194,199,207,209,207,204,202,202,204,212,212,204,202,202,207,209,207,173,101,103,127,173,126,126,129,131,129,126,125,173,178,176,173,186,191,186,183,181,186,178,176,131,124,121,122,131,181,183,174,172,176,183,186,186,186,183,181,135,131,131,178,194,202,202,194,189,191,202,209,209,209,207,207,209,209,202,191,187,187,190,199,204,202,196,196,202,202,196,194,191,194,196,196,194,191,194,196,196,191,186,186,202,217,212,204,202,196,185,183,185,189,189,191,191,186,183,186,191,194,194,196,199,204,209,202,183,125,119,129,186,194,191,189,186,176,121,115,118,131,176,176,181,186,176,133,131,178,194,204,207,202,194,191,194,194,196,202,207,204,191,179,179,183,191,202,209,207,202,204,204,194,185,187,194,196,202,207,209,209,204,202,202,199,196,191,181,186,202,212,209,204,202,196,186,178,179,189,194,194,199,199,199,199,202,202,199,196,194,194,196,199,196,196,194,186,182,183,186,194,202,207,207,202,196,194,194,194,194,194,196,202,209,212,212,212,209,207,202,196,191,141,140,140,141,191,196,202,202,196,191,190,194,202,204,202,202,199,199,196,199,202,202,196,191,191,191,194,199,199,199,196,196,196,191,191,194,199,199,194,191,196,199,196,194,191,189,189,189,189,191,194,191,181,135,183,194,194,191,189,186,181,178,181,189,194,196,196,194,189,189,189,189,189,191,194,194,191,191,191,196,196,194,191,191,194,191,191,194,194,194,194,194,194,196,196,196,196,194,194,191,194,194,194,194,194,191,190,191,191,189,191,196,199,202,202,204,204,202,202,199,199,199,196,194,194,191,191,189,183,137,135,135,135,137,181,181,183,189,189,189,189,191,191,191,196,199,196,183,181,182,183,181,179,181,189,194,199,202,199,191,189,191,191,189,189,191,194,194,196,194,194,196,194,186,138,138,139,183,189,191,194,196,189,129,127,137,196,204,207,209,209,207,209,209,212,209,209,209,212,217,217,217,215,215,217,222,222,215,213,215,217,217,217,215,215,215,212,204,149,148,149,202,209,215,217,225,230,233,233,235,230,225,225,225,222,225,233,235,228,215,215,217,222,217,212,209,212,215,212,212,209,209,209,212,212,209,207,209,215,217,222,217,215,212,212,212,209,207,209,212,209,204,204,204,207,207,204,202,199,196,195,195,196,202,209,212,204,198,204,212,212,211,212,222,222,212,204,204,207,212,215,217,217,217,222,222,225,222,222,217,212,212,212,215,212,212,209,207,207,204,202,204,204,204,199,199,204,207,199,190,191,204,209,209,212,212,209,207,207,212,215,217,222,222,217,215,215,222,228,233,233,230,228,222,215,212,209,207,204,204,207,207,204,199,196,194,196,202,204,207,207,209,209,212,212,215,217,217,215,212,209,209,207,204,207,207,207,209,209,207,202,196,194,191,189,189,191,194,196,199,202,199,199,196,196,196,196,199,199,202,202,204,207,209,209,207,204,202,202,202,202,202,199,196,194,194,191,191,189,186,181,181,178,176,173,168,125,121,119,117,115,117,119,121,119,119,115,113,109,107,107,109,109,111,111,111,113,113,115,117,121,123,121,119,118,119,123,168,176,181,183,186,183,183,181,181,183,189,194,199,204,207,212,217,228,233,233,228,217,217,222,228,238,248,254,248,246,246,246,248,248,251,254,255,255,251,243,238,233,228,209,196,215,255,255,235,207,191,189,196,209,207,212,215,0,0,248,246,202,186,181,183,189,191,186,178,163,160,165,202,202,194,186,196,202,196,186,178,168,155,142,139,142,147,155,157,150,140,140,147,163,189,217,230,230,228,233,235,0,0,235,238,238,238,241,241,238,228,212,196,189,189,194,202,204,199,186,168,163,181,212,233,241,246,254,255,251,243,235,235,235,228,226,230,241,251,251,241,228,209,198,196,209,233,235,222,213,213,222,228,230,222,212,202,189,191,212,243,251,228,183,163,163,160,155,173,207,199,157,107,105,157,199,215,212,207,191,186,212,207,185,181,191,207,209,207,204,202,204,207,207,202,199,207,217,228,228,225,222,222,225,225,225,215,212,202,189,178,173,186,204,204,207,215,217,212,204,202,204,204,202,202,204,209,209,205,205,212,217,222,222,217,222,222,217,215,213,217,225,230,230,230,233,233,215,170,89,65,51,49,59,103,199,215,217,212,207,204,204,202,202,199,191,187,191,204,209,207,202,202,207,209,207,207,209,209,207,209,212,215,215,207,196,195,204,222,228,222,217,217,212,204,198,196,199,204,202,196,190,189,190,194,202,204,202,202,204,204,207,209,204,199,199,202,207,207,204,202,202,202,204,204,202,199,199,199,204,204,204,204,207,209,209,207,207,204,196,189,189,191,189,183,181,189,209,220,217,215,215,215,215,212,209,207,202,204,202,196,191,186,183,182,187,196,207,212,215,215,209,207,204,202,202,202,204,204,203,202,204,207,204,202,202,207,212,215,215,212,212,212,212,212,212,209,209,209,209,207,204,202,202,202,204,209,212,212,209,212,215,215,212,209,209,209,215,215,212,209,212,209,209,207,209,212,212,209,207,204,204,207,207,209,209,207,204,207,209,212,215,217,217,212,209,209,207,212,215,212,207,209,215,217,222,222,222,222,222,220,215,215,215,215,215,215,215,217,217,220,222,222,222,222,222,225,228,225,222,221,222,225,230,230,228,225,220,222,225,228,228,225,221,221,222,220,217,215,215,215,215,222,230,233,238,243,243,239,241,243,241,233,225,222,209,191,135,139,139,186,199,217,220,196,178,183,209,222,215,194,181,186,196,207,215,222,215,202,190,187,189,190,212,238,243,243,246,251,254,254,254,251,248,233,207,189,186,131,125,186,220,235,241,241,235,230,229,233,241,241,230,226,226,230,230,233,230,217,207,207,202,194,178,173,176,183,181,129,123,115,109,111,131,189,176,111,133,186,204,228,241,243,241,235,235,235,235,235,233,230,228,228,228,230,233,233,233,233,228,225,220,215,209,207,207,0,0,0,0,0,204,204,204,199,194,190,191,194,194,186,181,178,0,163,0,0,0,0,0,215,212,204,199,199,202,207,209,217,228,233,233,230,233,235,238,235,238,246,248,243,238,238,238,241,243,246,251,255,0,0,0,0,0,0,0,255,255,255,255,255,255,255,251,243,235,230,228,233,235,238,241,246,251,255,255,251,235,225,212,207,204,203,204,209,215,215,215,215,222,225,222,215,207,199,191,178,174,181,202,217,228,225,222,225,230,233,230,228,225,228,230,230,230,230,228,222,217,225,233,241,246,248,248,254,255,255,255,255,255,255,255,255,254,248,243,238,233,233,238,246,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,246,246,243,238,235,230,225,220,212,209,204,204,207,209,212,212,209,215,225,235,241,243,243 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,189,194,194,192,194,199,202,199,196,196,196,196,196,196,199,202,202,202,199,199,202,202,202,204,202,202,202,202,202,199,196,196,196,194,194,196,199,199,196,196,202,212,248,255,5,0,0,0,0,0,168,181,189,189,172,168,176,178,170,165,168,168,165,168,178,189,196,199,199,194,189,189,194,196,194,191,189,181,125,120,125,129,170,173,176,178,189,191,189,183,173,129,170,176,178,181,170,127,127,125,124,127,176,178,178,181,177,173,173,178,181,178,178,181,178,174,176,183,189,186,186,191,183,131,118,119,125,125,125,131,183,191,191,181,133,133,176,181,183,181,176,176,176,131,129,129,131,129,131,176,176,131,132,133,178,181,181,178,176,176,176,183,196,202,204,204,202,194,189,186,183,183,183,183,189,194,191,191,196,207,212,204,194,181,176,178,186,189,186,178,129,127,129,173,176,178,176,173,173,173,176,181,181,176,170,173,178,186,194,199,202,204,204,199,199,199,202,199,194,194,196,204,212,209,199,113,111,170,170,126,126,129,128,129,128,128,181,183,178,181,189,189,181,176,130,133,133,176,131,124,121,120,124,178,186,176,172,176,186,186,183,183,181,178,135,132,132,178,189,196,196,191,189,191,199,207,209,209,209,209,209,207,202,196,191,194,196,202,204,202,195,195,199,202,196,194,191,196,202,204,199,194,191,196,196,194,189,186,202,212,204,199,196,189,183,182,186,194,191,191,189,186,183,189,194,196,194,191,191,199,207,204,183,113,109,178,194,196,186,181,178,129,120,121,125,131,129,125,128,131,128,133,183,189,189,194,202,204,202,196,199,199,199,202,207,204,194,179,182,194,204,209,207,204,204,207,209,199,191,194,202,202,204,209,212,209,202,199,199,196,191,183,137,181,199,207,204,199,202,202,189,177,177,183,194,196,199,196,196,196,196,199,196,194,189,189,191,196,199,194,186,183,183,185,189,196,204,207,207,202,199,196,196,194,194,191,194,202,207,212,209,209,207,204,199,191,186,186,141,141,186,194,199,204,207,202,194,194,202,209,209,204,202,202,202,199,202,204,204,196,191,189,191,196,196,196,194,191,191,191,186,182,183,189,191,189,191,199,204,202,196,191,189,189,189,189,191,191,183,129,119,127,186,194,191,183,178,178,135,181,189,194,196,196,194,189,187,187,187,187,191,196,199,196,194,194,196,196,194,194,196,196,194,191,194,196,196,194,194,194,196,199,199,199,196,194,194,194,196,194,191,191,191,194,194,189,187,189,196,204,204,204,202,202,199,202,202,202,199,199,196,196,196,194,191,183,137,134,133,133,135,183,191,196,196,191,183,181,186,189,189,194,199,199,191,186,186,183,181,181,183,183,186,194,199,199,191,183,137,137,181,186,194,194,194,194,191,191,196,196,194,186,183,186,189,194,196,196,202,196,131,122,125,189,202,204,204,204,204,204,207,209,209,209,212,217,222,217,215,212,212,217,225,222,215,212,215,217,217,215,212,212,212,209,202,149,148,149,202,207,212,215,225,230,233,233,233,230,228,228,230,230,233,235,235,225,213,212,215,220,217,209,204,204,207,209,207,207,204,207,207,207,204,202,204,209,215,217,215,209,207,209,212,212,209,212,212,209,202,202,202,207,209,207,204,199,199,196,196,199,204,209,209,202,196,199,207,212,212,215,222,222,212,204,204,207,209,212,215,215,217,217,222,225,228,225,222,215,212,215,215,215,215,215,212,212,207,199,199,199,199,198,199,204,209,204,199,204,209,209,207,209,209,207,207,207,209,215,217,217,222,222,217,217,225,230,233,233,228,225,217,212,212,209,209,207,204,207,204,196,191,190,191,196,204,207,207,207,207,209,212,212,215,217,215,209,207,207,204,204,207,209,209,207,207,209,207,202,196,194,191,191,191,191,194,196,202,202,202,199,199,196,196,199,199,199,199,202,204,207,209,209,207,204,202,202,202,202,202,199,196,194,191,191,189,186,183,183,181,176,173,170,168,127,123,119,115,115,117,119,121,121,121,117,113,109,109,109,111,111,113,113,115,115,115,117,119,121,123,123,121,119,121,123,127,170,178,186,189,189,183,178,137,137,183,191,196,202,207,212,220,228,233,230,225,215,211,212,222,238,251,254,246,243,243,246,246,246,248,251,254,254,246,235,228,222,212,202,196,199,255,255,225,199,190,191,217,235,235,235,233,0,0,255,255,217,196,186,186,191,194,191,181,170,160,156,178,194,207,209,0,0,204,189,181,173,157,147,147,147,152,157,163,157,144,142,150,157,178,209,228,230,228,228,230,233,235,238,238,238,235,235,233,228,215,199,186,189,194,196,189,178,168,157,153,155,173,204,225,238,241,246,248,246,246,246,246,241,233,228,230,241,254,251,230,217,207,202,207,228,238,233,216,211,215,225,230,225,217,212,199,181,178,191,212,212,189,168,160,157,150,140,150,191,191,165,111,93,89,101,183,204,202,181,168,204,204,185,181,186,199,207,209,202,194,196,202,202,199,199,207,217,225,228,228,228,228,228,228,225,222,222,215,209,207,207,215,215,212,207,212,215,212,207,204,204,202,202,202,209,215,215,207,204,207,212,217,217,217,222,225,222,220,217,222,225,230,230,230,233,235,233,204,115,79,57,50,59,91,189,217,225,220,215,212,209,204,204,204,199,194,196,207,209,204,199,202,207,212,209,207,207,207,204,204,209,212,212,204,195,192,199,222,230,225,217,217,212,207,199,199,202,207,204,196,191,191,194,199,202,202,199,199,199,202,204,209,209,202,191,191,199,204,202,200,200,202,204,204,202,199,199,202,204,207,204,204,209,212,212,209,209,204,194,186,185,191,191,185,185,194,215,228,228,222,217,222,222,217,215,212,207,204,199,191,187,187,189,189,191,196,204,212,215,215,207,199,196,195,196,199,204,204,203,203,204,207,204,202,200,202,207,209,212,212,212,212,215,215,215,212,212,212,212,207,204,202,202,204,207,212,212,209,209,215,217,217,212,209,212,215,212,212,207,207,209,207,204,204,207,212,212,212,209,207,207,204,204,204,204,204,203,207,209,209,212,212,212,207,207,207,207,212,215,209,203,204,212,217,222,222,222,222,220,217,215,211,211,212,220,225,222,217,217,217,220,222,225,225,225,225,228,225,222,221,222,228,230,233,228,222,217,222,228,230,228,225,222,222,222,217,213,212,213,215,217,225,228,230,233,241,243,241,243,243,238,225,215,209,196,135,127,129,130,183,196,196,199,191,189,189,202,222,225,215,209,215,212,217,228,233,230,217,199,190,190,190,212,235,243,246,248,251,254,255,255,255,254,243,228,209,189,123,119,124,199,225,238,246,246,238,233,235,241,243,241,235,230,233,235,238,238,225,215,215,209,199,176,173,181,189,189,189,178,119,108,108,121,176,135,131,183,189,199,222,241,246,243,235,233,230,233,233,230,228,228,228,230,230,233,235,233,233,230,225,220,215,209,204,207,0,0,0,0,0,207,207,207,202,196,191,191,191,191,183,178,176,168,0,0,176,0,0,0,217,215,209,202,199,199,204,209,217,228,230,233,230,230,233,235,235,238,246,248,246,238,235,235,235,241,246,251,255,0,0,0,0,0,0,0,255,255,255,255,255,251,243,233,222,209,204,207,215,225,233,243,251,255,255,255,243,230,217,212,209,207,204,204,212,0,222,217,222,228,230,228,217,209,204,191,176,170,176,199,222,230,230,230,235,238,238,235,233,233,230,230,230,230,230,225,216,215,217,233,243,248,248,251,255,255,255,255,255,255,255,255,255,255,254,251,248,243,241,241,246,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,246,243,241,238,233,228,225,222,215,209,207,207,207,209,209,209,209,215,225,235,241,243,246 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,186,202,194,192,192,199,199,199,196,196,199,199,196,196,199,202,202,202,202,202,202,202,199,199,199,199,202,202,202,199,196,196,196,196,194,194,199,199,196,195,196,215,243,255,35,0,0,0,0,0,85,170,176,181,186,181,173,170,170,168,168,165,168,170,176,183,194,196,194,189,186,186,191,194,194,196,196,191,176,121,119,120,125,176,181,189,191,186,178,176,129,127,173,183,186,186,183,176,127,124,124,125,131,178,181,183,186,191,196,196,194,181,178,178,176,176,178,189,194,194,186,181,176,125,119,119,121,120,121,127,178,186,181,131,129,131,176,178,176,173,174,178,176,129,125,129,176,133,133,176,176,132,176,181,178,181,183,183,183,183,183,186,196,202,207,209,202,194,189,181,177,177,177,181,183,189,189,191,199,207,207,199,191,186,181,178,183,186,181,173,129,173,178,181,181,183,183,183,189,191,186,181,176,170,169,170,170,170,189,183,170,194,199,194,189,191,189,181,181,183,194,202,209,212,112,93,107,170,176,131,127,129,129,129,173,176,181,183,183,183,186,181,176,133,133,133,133,131,129,127,127,129,131,181,186,178,174,176,183,186,181,178,178,181,135,132,133,181,186,191,191,191,194,196,199,202,207,209,209,209,207,204,204,204,202,199,199,202,204,202,195,194,196,196,191,190,191,196,204,207,202,196,194,194,194,191,189,191,199,202,199,194,191,189,185,189,199,204,199,189,181,183,186,189,191,194,191,189,186,196,207,207,109,87,102,186,204,196,176,133,178,133,127,127,133,133,127,125,127,127,125,176,189,191,191,194,191,191,196,202,199,196,196,199,202,202,202,202,199,202,207,212,209,204,203,207,209,204,202,202,204,204,204,207,207,204,202,196,194,189,181,137,135,137,189,196,196,196,202,204,194,182,179,183,194,199,202,199,196,194,194,196,194,191,189,182,182,189,194,191,183,183,186,189,194,202,207,207,204,199,199,199,196,196,194,191,191,199,207,209,207,204,199,194,191,189,189,189,141,141,189,194,199,202,207,207,204,204,207,209,209,207,204,204,202,199,202,204,202,196,191,189,194,196,196,194,191,190,191,191,186,181,179,183,189,191,196,199,202,202,196,191,189,186,186,189,186,181,131,119,112,115,178,186,189,133,121,129,133,135,189,191,191,191,189,189,187,189,189,189,191,196,199,199,196,194,194,194,191,191,194,196,196,194,191,196,196,194,194,196,199,199,196,194,194,191,191,194,196,196,194,190,191,194,191,189,187,189,196,204,204,202,202,199,199,199,202,202,202,199,199,199,199,196,191,186,181,135,133,133,137,191,202,202,194,186,137,137,183,186,189,191,196,199,199,196,194,186,183,183,183,183,186,191,194,191,183,135,132,132,136,186,191,194,194,191,191,191,196,199,199,194,194,194,196,196,196,199,202,202,191,116,114,189,194,194,199,196,202,204,204,207,209,212,215,217,217,215,211,211,212,220,225,222,215,213,215,217,215,212,212,215,215,209,204,199,199,199,202,207,209,212,217,225,228,228,228,228,228,230,230,230,233,233,230,222,215,213,217,222,217,207,198,195,198,202,204,202,199,196,202,202,199,198,199,207,212,215,212,207,205,209,212,212,212,212,212,207,202,200,202,207,212,209,207,204,204,202,202,204,209,212,209,199,196,199,207,212,217,217,222,217,212,207,207,207,207,209,215,215,215,217,222,225,228,228,225,222,222,222,222,217,217,215,215,215,212,202,196,196,198,199,199,204,204,199,202,204,207,204,204,209,209,207,207,207,212,215,217,217,217,217,222,225,228,230,230,228,225,222,215,212,209,209,209,207,207,207,199,191,190,190,191,199,204,204,202,202,204,209,212,212,215,217,215,209,207,204,203,204,204,207,207,207,207,207,204,202,199,196,191,191,191,194,196,196,199,202,202,199,196,196,196,196,196,196,199,202,204,207,207,209,207,204,202,202,202,202,199,196,194,191,191,189,186,186,183,183,181,176,170,168,168,127,125,121,117,115,117,117,121,160,160,119,115,111,109,109,113,113,113,115,117,117,117,117,119,121,123,123,123,123,123,123,125,129,178,186,191,189,183,136,136,136,183,189,194,199,207,212,217,225,230,230,225,212,211,212,220,233,241,246,246,243,241,243,243,246,248,251,254,251,235,222,217,209,196,195,196,199,212,230,209,0,194,207,230,0,0,0,0,255,255,255,255,222,204,199,199,194,186,183,183,176,163,157,163,183,207,222,225,0,207,189,178,176,173,168,157,155,150,152,157,157,152,150,155,163,181,204,222,225,225,225,222,228,0,0,246,241,233,225,212,204,199,181,170,186,196,189,176,168,160,155,153,160,183,207,222,230,235,241,243,241,243,248,248,248,238,228,222,235,254,233,212,204,202,209,230,243,248,243,225,217,222,233,233,217,212,212,199,176,160,155,168,176,168,160,155,144,139,139,152,189,196,178,105,79,71,63,69,165,178,173,178,207,207,194,186,191,199,204,207,191,165,161,183,194,196,202,212,217,222,225,228,230,230,233,230,228,225,222,222,222,222,220,222,217,212,207,209,215,212,207,204,202,202,202,204,209,215,217,215,209,207,212,215,217,217,222,228,228,225,228,228,228,228,228,228,230,235,235,225,194,107,55,51,55,65,123,222,228,228,225,217,212,207,204,204,204,204,207,207,204,199,198,199,207,209,209,207,207,209,209,204,204,207,207,202,196,198,209,225,228,220,212,212,212,209,207,204,204,204,204,199,196,196,202,202,202,196,194,194,196,196,196,202,209,207,181,160,186,202,204,202,202,202,204,199,199,198,199,202,204,204,202,202,207,212,212,207,204,202,196,190,190,202,196,186,186,199,215,228,225,222,222,225,228,228,222,215,209,204,199,196,199,204,204,202,196,196,202,209,215,212,202,195,192,194,196,199,202,204,207,209,209,207,204,202,200,202,204,207,207,209,212,212,215,217,217,212,212,215,212,209,202,200,200,204,207,209,209,209,212,215,215,212,207,209,212,215,212,207,207,207,209,207,204,204,209,212,215,212,209,207,207,204,200,200,202,204,204,204,207,209,209,209,207,207,204,204,207,212,217,215,204,203,209,217,222,220,217,217,217,215,212,211,212,215,222,225,225,222,220,217,217,220,222,225,225,225,222,222,222,222,225,230,230,230,228,222,217,222,228,230,230,225,225,225,222,217,213,213,217,222,228,228,225,228,233,238,241,241,243,248,243,225,209,202,196,189,131,181,132,129,181,183,182,191,202,196,189,207,222,225,230,228,222,222,228,235,233,225,212,204,202,204,215,228,238,246,251,251,251,254,255,255,255,248,238,222,204,133,121,122,129,202,233,246,254,254,246,243,246,246,243,238,233,233,235,235,235,228,220,220,212,189,178,183,194,194,194,186,135,125,111,109,119,135,191,204,204,199,204,222,243,248,243,235,230,229,230,230,230,228,228,228,228,233,235,235,233,230,230,228,222,215,209,207,0,0,0,0,0,209,209,209,209,207,199,194,186,181,178,176,173,168,0,0,168,178,0,0,209,215,215,209,204,196,195,199,209,225,228,225,225,228,230,233,233,235,241,246,251,246,238,233,231,233,238,243,251,0,0,0,0,0,0,0,0,255,255,255,255,251,235,225,209,199,191,191,199,209,225,235,246,254,255,255,255,238,222,215,209,207,204,204,207,0,0,0,228,230,235,238,233,220,212,207,194,176,169,0,199,225,235,235,238,243,246,243,241,238,233,230,230,230,228,225,217,216,216,222,241,248,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,246,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,248,243,241,238,230,228,225,222,215,212,209,207,209,209,207,207,209,215,225,233,241,246,246 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,194,199,191,194,199,199,199,199,199,202,202,199,199,202,202,202,202,202,202,204,199,198,199,199,199,202,202,199,194,191,194,196,196,194,196,199,199,196,196,196,212,233,255,0,0,0,0,0,0,61,152,173,191,207,207,194,178,168,165,165,165,168,170,176,183,194,199,194,189,186,186,189,194,194,196,202,202,196,181,121,114,113,181,191,196,194,183,129,125,123,129,181,189,191,194,191,181,131,125,125,127,129,176,181,186,191,199,209,209,199,183,178,176,176,176,183,194,202,196,183,176,176,176,127,123,122,121,122,127,133,178,129,125,126,131,178,183,181,176,176,181,176,125,122,127,178,178,133,176,176,176,183,189,183,183,186,186,183,186,186,189,191,191,199,204,202,191,183,178,176,176,177,181,183,186,189,194,199,204,202,194,186,183,181,181,183,181,176,129,129,176,181,183,186,189,186,186,194,196,189,178,173,173,176,176,170,125,129,113,89,117,178,181,183,183,178,127,127,178,191,191,173,115,106,99,115,181,186,186,183,178,176,176,178,178,181,183,186,189,183,176,132,176,181,178,176,133,131,133,176,178,183,191,194,186,178,178,181,183,181,178,178,178,133,133,178,183,186,189,191,196,199,199,196,196,196,202,204,204,199,199,202,207,204,199,199,202,204,202,195,194,196,196,191,191,194,202,207,207,202,196,196,191,190,191,191,194,196,194,194,191,194,194,191,196,204,209,204,128,128,178,186,186,186,191,189,183,186,194,186,95,77,78,121,204,207,181,120,125,181,183,176,176,183,183,133,129,129,129,129,181,189,189,191,189,181,133,181,194,194,189,189,189,191,199,207,207,207,209,212,215,212,207,204,207,207,204,204,207,207,204,199,196,199,204,204,196,183,133,132,133,135,135,183,189,191,196,202,204,196,189,186,191,199,204,204,202,199,196,194,191,191,189,183,181,181,183,191,189,185,185,189,194,199,204,204,204,199,196,196,199,199,196,194,191,191,202,207,207,204,199,194,191,189,189,191,186,141,186,191,194,196,199,204,209,209,209,209,209,209,207,207,204,199,196,199,199,196,191,189,189,194,199,199,196,194,191,191,194,191,183,182,186,191,194,196,196,196,199,196,191,186,186,183,183,183,178,133,121,113,115,131,183,181,116,108,113,121,131,186,189,186,186,186,189,189,191,191,191,191,194,196,196,196,194,191,191,190,189,191,194,196,196,196,196,199,196,196,199,199,196,191,190,191,191,191,194,199,199,194,191,191,194,194,191,189,191,196,199,199,202,202,202,199,199,204,204,204,202,202,199,196,194,191,186,186,183,181,181,186,196,202,194,137,132,135,183,186,186,189,191,194,194,196,194,191,183,182,183,186,186,189,191,191,189,181,136,134,135,181,189,191,191,191,189,189,191,196,199,199,196,196,199,202,199,194,194,196,199,191,121,118,191,191,191,196,196,202,207,207,209,212,215,217,217,215,215,211,211,212,222,225,222,217,217,217,217,212,209,212,215,217,215,209,204,207,209,209,209,209,209,212,217,222,225,222,225,228,228,228,225,225,228,225,222,222,225,225,228,225,212,199,196,198,199,202,195,191,191,195,199,202,199,199,207,212,212,209,205,205,209,212,212,212,212,209,207,202,200,202,207,212,212,207,207,207,204,202,202,207,209,209,204,199,204,209,215,217,217,217,215,212,209,209,209,207,207,212,217,217,217,222,225,228,228,228,225,225,228,225,217,212,209,212,217,215,207,199,196,198,199,202,202,199,198,199,204,204,202,204,207,207,207,207,207,209,212,215,217,222,222,225,228,228,230,228,225,222,220,215,212,209,209,209,207,207,204,196,191,191,194,196,202,204,202,199,202,204,209,215,215,215,217,215,212,209,207,204,204,204,207,207,207,207,204,204,202,199,196,191,190,194,196,196,196,199,202,202,199,196,196,196,196,196,196,199,202,204,207,207,207,207,204,202,202,202,202,199,196,194,191,189,189,186,186,183,183,181,176,170,168,168,168,165,121,117,115,115,117,121,163,163,160,117,113,109,111,113,115,115,115,117,117,117,117,119,160,123,123,123,123,125,125,127,129,176,186,191,189,183,178,136,181,186,194,199,202,207,209,215,222,228,230,228,217,215,215,212,209,215,228,238,241,241,241,243,248,248,246,246,248,235,225,212,202,194,194,196,196,202,217,217,209,217,222,228,235,0,0,0,255,255,255,255,233,222,215,204,191,181,178,178,176,165,157,157,170,194,212,217,212,204,191,183,183,186,186,176,157,150,150,152,155,152,155,165,176,189,204,212,217,225,225,217,217,0,0,0,246,228,212,202,194,186,170,164,181,186,173,155,157,157,157,165,181,199,212,225,230,233,235,241,241,248,254,254,251,241,225,209,209,217,196,191,186,179,196,235,246,248,248,246,238,238,241,230,204,191,191,189,170,147,103,105,144,147,147,144,139,138,144,165,191,202,191,160,79,67,61,63,91,150,173,207,217,209,194,191,196,199,202,204,181,156,153,163,186,196,204,215,217,217,222,225,230,233,233,230,225,222,217,215,217,217,220,217,217,215,209,209,212,207,202,202,204,204,204,207,207,212,215,215,212,212,212,217,217,217,225,228,230,230,230,230,228,226,226,228,230,235,238,238,228,183,61,51,51,57,115,215,222,225,225,225,222,212,204,204,204,207,209,207,199,198,198,202,207,212,209,205,207,212,209,204,204,204,204,204,202,204,212,222,225,217,212,212,215,215,209,207,204,202,202,199,196,196,199,199,196,191,189,186,186,183,176,181,194,196,173,159,169,199,207,209,207,204,204,202,199,198,199,202,202,199,199,202,204,204,204,202,199,202,204,204,209,212,199,186,186,194,207,217,222,225,225,228,228,225,217,212,207,207,204,204,209,217,215,207,199,199,204,209,212,209,199,194,194,196,202,202,202,202,207,212,209,207,204,202,202,202,204,204,204,207,209,209,212,215,215,212,215,215,215,209,204,202,204,207,209,207,209,209,209,212,209,207,204,207,212,212,209,207,207,207,207,207,204,207,209,212,212,209,204,204,202,202,200,200,204,207,207,207,207,207,207,207,207,207,204,204,207,212,215,215,207,204,209,217,220,217,215,215,212,212,215,215,215,220,225,228,225,222,220,217,215,217,220,222,222,220,217,217,222,225,228,228,228,228,225,220,217,220,228,233,230,228,228,228,228,222,217,217,222,228,230,230,230,230,235,238,241,241,243,248,248,233,212,199,194,194,199,209,191,134,178,186,189,202,207,196,187,204,225,233,238,233,228,228,230,233,235,230,228,222,217,215,217,225,238,248,254,254,251,251,254,255,255,251,241,228,199,178,129,127,129,186,220,238,254,255,255,251,248,246,241,233,228,225,225,228,230,225,222,220,207,189,189,199,204,202,196,186,133,125,119,119,131,186,202,207,204,204,215,230,243,246,243,235,230,230,230,230,228,225,225,225,228,230,233,235,233,233,230,230,225,217,212,207,0,0,0,0,212,209,209,212,215,207,199,189,178,173,168,165,163,160,157,0,165,176,186,196,207,215,215,209,202,196,194,196,209,225,228,222,222,225,230,233,233,238,243,248,251,246,238,233,231,233,238,246,251,0,0,0,0,0,0,0,0,255,255,255,255,246,228,212,191,181,178,183,199,215,228,238,248,254,255,255,254,235,222,215,212,207,204,204,209,0,0,0,233,235,241,241,233,222,215,212,199,181,172,174,196,222,235,241,243,246,248,243,241,241,238,233,233,230,228,222,220,222,225,233,246,251,251,251,254,255,255,255,254,254,255,255,255,255,255,255,255,255,255,255,251,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,246,243,238,233,228,225,222,217,212,209,209,209,207,207,207,212,217,228,235,241,246,246 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,202,194,196,199,199,199,199,199,202,202,202,202,202,199,202,202,204,204,204,202,199,199,202,202,202,202,196,191,190,191,196,196,196,199,199,202,199,196,199,215,233,246,0,0,0,0,0,0,59,99,168,194,212,215,209,191,173,168,170,168,165,170,176,183,194,199,199,194,189,187,191,196,194,194,202,207,207,196,170,113,107,186,199,202,194,178,123,119,120,129,183,191,194,196,196,186,176,129,129,131,131,131,176,181,183,194,209,209,196,181,176,176,133,176,181,191,196,191,178,133,181,191,191,178,131,127,129,129,129,131,129,126,126,133,181,186,183,181,178,133,125,123,125,133,181,178,133,133,176,183,191,196,194,191,191,189,183,186,189,191,189,181,181,189,191,186,181,178,177,178,183,191,191,186,189,191,194,196,194,189,178,173,176,178,178,173,128,127,129,176,181,181,186,189,186,186,189,189,178,129,170,178,183,183,173,121,115,89,78,87,113,127,176,181,173,121,117,129,178,129,108,108,112,123,191,196,194,196,194,189,183,181,181,181,181,183,189,189,186,176,133,178,183,181,181,183,189,189,186,186,194,202,199,191,181,178,183,189,186,183,178,132,131,133,181,189,191,194,196,199,202,202,199,195,195,199,199,194,189,191,199,204,204,199,199,202,204,202,196,195,199,199,196,194,196,202,204,202,196,194,196,194,190,191,194,196,194,189,189,189,194,194,194,196,202,202,194,124,127,183,189,181,181,186,186,133,131,131,108,86,79,89,189,199,191,120,115,123,189,191,183,181,189,191,183,176,131,133,178,183,183,181,183,181,132,128,129,183,189,187,186,186,187,194,202,202,204,207,209,212,209,207,204,202,199,196,202,207,209,204,196,191,194,202,199,186,132,128,128,133,135,135,181,189,194,199,202,199,196,194,191,196,202,204,204,204,199,194,189,189,186,186,183,183,183,186,191,191,189,186,191,196,202,204,202,199,199,196,199,199,202,199,194,189,194,204,207,204,199,196,194,189,189,191,191,189,186,191,194,196,196,196,202,207,209,209,209,209,209,207,207,204,196,194,194,194,189,185,185,189,191,194,196,196,196,194,194,194,194,191,191,194,194,196,196,194,194,196,196,191,189,186,183,183,183,181,181,135,123,123,133,181,176,114,107,112,119,131,186,186,186,186,186,189,191,194,194,191,191,194,194,194,196,196,196,191,190,189,189,191,196,196,196,199,199,196,194,196,196,194,190,191,194,194,194,196,202,202,196,191,191,194,196,196,194,194,194,196,199,202,204,202,199,202,204,207,204,204,202,199,199,196,194,191,191,191,189,189,191,199,196,137,125,125,133,191,194,191,191,191,191,189,189,189,183,182,182,186,189,189,189,191,194,189,183,181,181,186,189,191,194,191,189,187,187,191,196,202,202,196,196,199,202,196,189,189,191,194,189,139,137,202,202,196,202,202,207,209,212,215,222,222,222,217,217,215,215,212,215,222,225,225,222,222,222,217,211,209,212,217,217,215,209,207,212,217,217,215,212,209,212,215,217,222,222,225,228,230,225,224,225,228,228,222,217,222,225,228,230,222,209,199,199,202,202,195,191,191,195,202,204,204,204,207,209,209,207,205,205,209,212,209,209,209,209,207,204,202,202,207,209,212,209,207,207,204,202,199,202,207,209,209,207,209,212,215,215,215,215,215,212,215,212,209,207,209,215,222,222,222,225,225,228,228,228,228,228,228,225,215,204,204,212,217,215,209,202,199,202,202,202,199,199,196,199,202,202,202,202,204,204,207,207,207,207,209,215,217,222,222,225,225,228,228,228,225,225,222,217,212,209,209,209,209,209,207,199,194,196,199,202,204,202,199,196,199,207,212,215,215,215,215,215,215,212,209,209,207,207,207,207,207,207,207,204,202,199,196,191,191,194,196,196,196,199,202,202,199,199,196,196,196,196,196,199,202,204,204,207,207,204,204,202,202,202,202,199,196,194,191,189,186,186,183,183,183,181,176,173,168,168,168,125,121,115,114,114,117,121,163,165,160,119,115,111,111,113,115,115,115,117,117,119,119,121,160,123,121,121,123,125,127,168,173,178,183,189,189,186,181,181,186,191,199,202,204,207,209,212,217,228,230,230,225,225,220,207,151,153,215,233,241,241,241,243,248,246,241,238,243,241,235,222,207,196,195,196,195,199,217,230,238,243,230,215,212,228,0,0,243,246,246,235,228,228,217,196,183,183,183,181,181,173,0,0,0,181,196,0,212,209,204,196,191,191,194,189,163,150,148,150,152,152,157,168,181,189,199,207,215,225,228,217,207,202,0,0,248,228,209,196,189,181,165,163,173,173,152,139,147,155,165,181,194,207,215,222,228,228,230,235,238,248,255,255,255,241,217,194,181,163,152,173,181,178,181,209,228,233,246,251,248,246,235,215,191,173,165,168,160,105,91,87,93,99,137,142,142,147,155,170,186,196,189,176,134,77,62,63,81,139,181,225,225,199,183,183,194,196,199,199,183,159,155,161,186,199,209,215,215,215,217,222,228,230,233,228,222,215,209,209,209,212,215,215,215,217,215,212,209,199,194,202,207,209,209,209,209,212,215,215,215,215,217,222,222,225,228,230,230,230,230,228,228,226,228,228,228,230,235,241,238,209,67,53,51,61,111,204,212,215,222,228,225,215,204,203,203,207,209,207,199,196,198,204,212,215,207,204,205,209,209,207,204,202,196,199,202,207,212,222,225,220,215,215,215,215,209,207,202,199,196,196,194,191,194,194,191,189,186,183,181,174,169,172,183,191,178,164,166,196,212,217,212,207,207,204,202,202,202,202,202,199,199,202,196,194,194,196,196,202,209,220,225,209,196,187,187,194,202,209,217,225,225,228,225,217,209,207,207,207,209,212,217,222,217,209,204,207,212,215,212,207,202,199,202,207,212,207,202,202,207,212,212,209,207,207,204,204,202,202,204,204,204,204,207,212,212,212,215,217,215,209,204,204,209,209,207,207,209,209,207,207,204,204,203,204,209,212,212,209,207,204,204,204,204,207,209,209,209,207,202,202,202,202,202,204,209,209,207,204,204,202,202,204,207,209,207,202,202,204,209,209,207,204,209,215,217,217,215,212,211,211,215,217,220,222,225,225,225,222,220,217,215,215,217,217,217,217,215,217,222,225,228,225,225,222,222,217,216,217,228,235,233,230,230,230,230,225,222,222,228,230,233,235,235,238,238,238,241,241,241,243,243,233,215,199,191,191,204,209,202,186,183,189,202,212,217,207,196,212,233,241,243,238,235,233,235,235,235,233,233,230,228,222,222,228,241,251,254,254,251,251,251,254,255,251,241,225,129,129,176,178,178,189,215,233,246,254,255,251,248,241,233,225,217,215,209,215,228,230,228,228,222,209,209,220,217,212,207,199,181,129,125,127,137,189,196,196,196,207,225,238,241,241,238,235,230,230,230,228,225,225,225,225,225,228,230,233,233,233,233,233,228,222,215,209,0,0,0,0,209,207,209,212,215,207,194,183,173,165,157,155,152,150,150,152,0,170,181,191,202,212,215,209,202,196,195,196,209,222,225,217,217,225,230,233,233,238,243,248,248,246,241,235,233,238,243,246,248,254,0,0,0,0,0,0,0,255,255,255,255,246,225,207,183,173,173,183,204,222,233,241,248,251,255,255,251,241,230,222,215,209,204,204,209,0,0,0,238,238,241,241,233,225,220,217,204,186,174,176,196,220,235,243,246,248,248,243,243,246,243,238,238,235,230,228,228,230,235,243,251,254,254,251,251,251,251,251,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,248,246,241,235,230,225,222,215,212,209,209,209,209,207,209,212,222,228,235,241,243,246 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,204,207,199,202,202,199,199,199,202,202,199,196,196,196,199,202,204,204,202,202,204,204,204,204,202,199,191,191,194,199,199,199,202,202,204,204,199,199,217,235,73,19,55,67,45,51,65,83,101,160,191,209,217,217,204,178,170,176,176,170,173,176,183,191,199,202,202,196,194,196,199,194,192,199,204,204,196,186,123,114,191,202,204,194,178,123,119,120,170,186,196,202,202,199,189,178,173,178,183,183,129,127,129,176,183,191,191,189,183,178,176,133,132,133,178,181,133,130,132,183,194,196,189,181,176,176,131,128,129,133,131,133,183,186,186,186,183,178,123,107,120,133,186,183,176,133,133,176,183,194,199,199,199,199,194,189,189,191,194,191,178,176,178,179,181,181,178,178,183,189,196,194,181,183,186,183,183,183,178,170,169,172,173,173,129,127,128,173,178,178,176,178,183,178,173,178,173,127,125,129,181,186,181,170,125,123,105,84,89,107,119,129,170,123,101,99,121,178,123,102,108,173,196,207,202,196,196,196,194,189,186,186,183,181,183,186,189,191,186,181,181,183,181,183,194,202,202,194,194,199,204,199,191,181,178,183,191,191,189,178,132,133,178,186,191,194,196,199,199,202,202,199,199,199,202,199,186,183,186,196,204,204,204,204,207,207,204,199,199,202,202,199,194,194,199,199,196,192,194,199,199,194,191,194,194,189,183,183,183,186,183,183,183,186,181,131,127,133,194,194,179,177,183,189,131,123,117,111,115,115,105,113,123,123,119,118,178,196,199,191,189,191,194,191,183,178,178,181,181,178,176,177,178,133,129,130,186,191,194,191,189,189,189,191,191,194,199,199,199,202,202,199,194,186,183,194,207,209,202,191,189,189,189,186,135,130,129,131,137,137,137,183,191,199,202,202,199,196,194,194,194,196,202,202,196,194,189,185,186,189,189,189,191,189,189,191,191,189,189,191,196,202,204,202,202,199,196,199,202,204,199,189,186,194,204,204,199,196,194,191,191,191,194,194,194,191,194,194,196,194,196,199,202,204,207,209,209,209,204,202,199,194,191,189,189,185,183,186,191,191,189,189,191,194,191,189,189,194,196,196,196,196,194,194,191,189,189,189,189,183,183,183,183,183,186,189,189,178,133,178,181,178,125,117,123,129,178,186,189,186,186,189,189,191,194,194,191,191,191,194,196,196,196,196,196,194,191,191,194,194,194,194,196,196,191,189,189,191,191,191,196,199,199,196,199,202,199,196,191,191,194,199,202,202,199,196,194,196,202,204,204,199,202,207,207,207,204,202,202,202,202,199,196,194,194,191,191,191,196,194,135,127,126,135,194,199,196,191,191,191,189,186,183,183,183,186,191,191,189,189,191,194,191,186,181,186,191,191,191,194,194,189,189,189,191,196,202,202,199,199,199,199,194,186,185,189,191,194,202,202,212,209,207,209,207,207,212,217,225,230,228,225,225,222,222,217,217,222,225,225,225,225,225,225,217,212,211,212,217,217,212,209,209,215,222,222,222,222,217,215,215,215,217,222,228,230,230,228,225,228,230,228,212,202,204,212,222,228,225,212,204,202,202,204,204,199,196,202,207,207,207,207,209,209,209,207,207,207,209,209,209,209,207,207,207,207,204,204,207,209,209,209,207,204,202,199,198,199,204,209,212,212,212,212,209,209,209,212,212,215,215,215,212,209,212,215,222,225,225,225,225,225,228,228,228,228,225,222,212,202,204,212,215,212,207,202,202,202,204,202,202,202,198,199,204,204,202,204,204,204,204,207,204,207,209,212,217,222,222,222,222,225,225,228,228,228,225,217,212,209,209,209,209,209,209,202,196,196,202,207,209,204,196,196,202,207,212,212,212,209,212,215,215,217,215,215,212,209,209,209,209,209,207,204,204,202,196,194,194,199,202,202,202,202,202,202,202,199,196,196,196,196,196,199,202,202,204,204,204,204,204,202,202,202,202,199,196,194,189,189,189,186,183,183,181,178,178,173,170,168,168,125,121,115,114,114,115,121,165,165,163,157,115,113,113,115,115,115,115,117,117,119,119,121,160,123,121,120,121,125,127,170,176,178,183,189,189,186,181,181,186,191,196,199,204,207,212,215,222,228,230,230,228,225,222,207,151,151,209,230,235,235,235,238,243,243,235,233,235,241,241,233,215,202,196,196,196,199,215,230,243,248,233,212,207,209,212,204,196,207,220,217,212,212,202,0,181,186,194,194,191,183,176,173,0,173,0,0,0,230,217,207,199,196,196,194,176,155,148,150,152,155,157,168,178,183,191,204,215,228,230,215,196,0,181,0,248,233,212,202,194,178,165,163,165,160,139,95,131,144,160,178,191,202,204,207,212,217,225,228,230,238,255,255,255,228,199,173,152,105,101,165,186,179,174,172,177,212,241,248,251,241,215,196,186,168,152,150,144,95,83,81,83,89,129,142,152,155,155,157,163,165,165,157,139,81,65,67,91,152,202,228,222,186,170,170,189,194,194,191,191,181,168,176,189,199,209,212,212,212,215,222,228,230,230,225,222,215,209,208,208,212,215,217,220,222,222,215,207,194,189,199,209,209,209,209,212,215,217,217,215,217,217,222,222,225,230,230,228,228,228,228,228,228,228,228,225,222,225,233,238,222,75,57,59,73,105,186,204,212,222,228,225,215,204,202,203,204,209,209,204,199,199,207,215,217,209,204,205,209,212,212,207,194,181,183,196,202,207,217,222,222,215,215,212,212,207,204,202,199,196,194,191,189,191,194,196,194,191,186,183,176,172,174,186,194,189,173,169,191,209,217,215,209,209,209,207,207,207,207,202,199,199,196,189,186,189,196,199,204,215,225,217,191,189,194,196,199,204,207,212,212,215,220,222,215,207,205,207,212,215,215,217,222,215,212,212,215,217,220,215,209,204,204,207,209,209,207,202,202,204,207,209,209,212,212,212,209,204,204,204,204,202,200,202,209,209,209,212,215,215,212,207,207,209,209,204,204,209,209,207,204,204,204,203,204,207,212,215,215,209,207,204,204,204,204,207,209,207,207,204,204,202,202,204,207,209,209,207,204,202,199,199,202,207,209,207,202,200,200,202,204,207,204,204,209,212,215,215,212,212,215,217,220,220,222,222,222,220,217,217,215,212,212,215,215,215,215,215,217,217,222,222,222,222,222,222,216,215,217,228,235,235,233,230,230,228,225,222,222,228,230,235,238,241,241,241,241,243,243,241,233,222,212,202,191,186,186,191,196,199,191,183,189,204,215,228,222,204,215,233,241,246,243,243,241,238,238,235,233,230,230,228,225,228,235,243,254,255,255,255,254,251,254,255,251,238,220,124,126,176,186,189,196,212,222,225,235,241,243,241,235,228,217,209,207,204,208,230,235,235,238,243,238,238,238,235,230,230,228,212,189,135,135,181,189,194,192,196,212,233,241,243,241,241,238,233,230,230,225,222,222,225,225,222,225,228,233,233,235,235,235,233,225,217,209,207,207,209,209,207,202,204,207,207,199,189,181,170,163,152,144,144,144,144,147,0,0,173,183,196,207,212,207,202,199,196,199,207,217,217,215,217,225,228,230,230,233,241,246,246,243,238,238,238,243,246,248,248,251,255,0,0,0,0,0,0,255,255,255,255,248,230,209,186,170,168,183,204,222,235,241,246,251,254,255,254,246,238,233,222,212,204,204,209,0,0,0,243,243,241,241,235,228,225,222,207,186,174,176,196,217,235,246,248,248,246,243,246,254,251,243,238,235,235,235,238,241,243,246,251,254,254,254,251,251,251,251,251,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,254,251,248,243,238,233,225,217,215,212,209,209,209,209,209,209,212,222,228,233,238,243,243 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,235,202,202,202,199,199,196,196,199,196,194,192,192,194,199,202,202,202,202,207,207,207,207,204,202,196,196,202,204,204,202,202,204,204,207,207,207,209,209,73,222,220,196,176,189,191,168,160,173,191,209,222,225,209,181,170,176,181,178,173,173,178,183,194,199,202,199,196,199,199,194,194,199,202,196,191,186,173,121,191,207,207,191,173,129,123,123,173,186,196,207,207,199,189,176,173,181,191,194,176,125,125,131,133,131,133,181,183,183,181,176,132,130,132,132,128,129,132,181,186,191,189,186,186,183,133,128,131,178,178,181,189,186,181,183,186,186,125,100,102,176,189,183,176,176,176,133,178,186,196,202,207,209,204,196,189,189,194,191,181,178,179,181,186,183,181,181,181,186,189,186,173,173,176,173,173,178,176,172,172,173,176,173,129,128,173,183,183,181,173,173,173,125,122,124,127,126,126,170,181,183,176,127,131,181,183,127,115,115,121,125,123,91,68,70,117,204,183,103,112,186,202,207,199,194,196,196,191,191,191,194,191,186,183,183,186,191,191,189,189,189,186,186,191,202,202,196,194,196,196,194,189,183,178,178,189,194,194,191,186,186,189,191,194,196,202,202,199,196,196,199,204,207,204,196,186,185,189,199,207,209,209,209,209,209,207,202,202,202,202,199,196,194,194,196,194,194,196,204,207,196,189,189,186,178,135,135,135,133,131,131,133,133,129,126,127,178,199,199,182,179,189,194,178,125,123,127,183,181,95,80,108,123,129,178,194,199,199,199,199,196,196,196,194,189,186,186,183,178,176,177,183,181,176,183,194,199,199,199,199,196,194,189,189,191,191,190,191,194,196,194,186,135,135,183,199,202,194,183,181,135,133,133,132,132,135,183,186,186,186,189,194,199,204,202,202,199,196,191,189,189,194,196,194,191,189,185,186,194,196,194,191,189,186,186,186,186,186,189,196,202,204,204,202,196,194,196,199,196,183,129,131,189,202,204,199,194,194,194,194,196,196,196,196,191,189,189,191,194,196,196,199,202,207,209,212,209,204,199,196,191,189,189,186,186,186,189,194,194,189,189,189,183,135,132,137,189,191,194,194,191,189,189,183,178,135,178,178,178,181,183,186,189,189,191,191,186,181,181,181,178,133,133,178,181,183,189,189,189,189,189,189,191,191,191,191,191,194,196,196,196,196,196,199,196,196,196,199,196,191,189,191,191,183,181,182,189,194,196,199,199,199,196,199,202,199,196,191,194,196,202,204,207,204,199,191,191,196,202,202,202,204,207,209,207,204,202,202,202,202,202,199,196,194,191,189,189,191,191,189,183,137,181,191,199,196,191,194,194,191,189,186,186,189,191,194,194,189,186,187,191,194,189,181,186,194,194,194,196,196,196,194,194,194,196,199,202,202,199,196,194,189,185,185,189,194,199,204,204,209,212,209,212,207,205,209,217,228,233,230,228,225,225,222,222,222,222,222,225,225,225,225,225,222,215,215,217,217,215,212,212,215,222,222,222,225,228,222,217,212,209,215,222,230,233,230,228,228,230,230,222,204,145,143,147,207,217,215,204,202,202,202,207,209,207,202,202,207,209,209,212,209,209,209,207,207,207,209,209,209,207,207,207,207,207,207,204,204,207,209,209,207,202,199,199,199,202,204,209,212,212,212,207,205,204,207,209,212,215,215,212,212,215,215,217,222,225,225,225,225,225,225,228,228,228,222,222,212,204,202,204,204,202,196,196,196,202,204,204,204,204,202,204,204,204,202,204,204,204,204,204,204,204,207,212,217,217,217,217,222,225,225,225,225,225,222,217,215,212,212,212,209,209,207,199,194,194,202,209,212,204,196,196,202,207,209,209,208,208,208,209,215,217,217,217,215,212,212,212,212,212,209,207,204,202,196,194,194,202,204,204,202,204,204,204,202,199,199,196,196,196,196,199,202,202,204,204,204,204,202,202,202,202,202,199,196,191,189,189,189,186,183,181,178,178,178,176,173,170,168,165,121,115,114,113,115,121,165,168,165,157,117,113,113,115,115,115,115,117,117,119,119,121,160,123,121,120,120,123,127,170,176,181,186,189,189,183,181,179,183,189,191,196,202,209,215,217,225,228,230,225,222,217,209,153,145,147,204,222,233,233,231,233,238,241,238,233,233,235,238,233,217,204,199,199,202,199,207,217,233,243,235,222,215,207,199,195,195,204,215,212,202,194,183,0,182,191,202,207,199,186,178,176,0,0,0,0,0,243,225,209,204,204,202,196,186,163,152,152,155,157,0,163,176,183,194,209,222,233,230,215,202,183,181,0,246,235,217,207,194,178,168,168,165,150,124,83,87,126,142,157,170,181,186,189,196,207,217,222,215,228,251,255,246,196,165,147,105,100,101,176,191,179,173,170,177,209,238,248,251,233,196,183,181,160,137,131,95,85,81,77,75,77,85,126,144,139,131,131,134,134,131,129,124,83,77,87,137,168,209,228,215,183,160,152,186,191,191,189,191,191,189,183,186,196,204,207,209,212,215,222,228,230,228,225,222,217,212,209,212,217,222,225,225,228,225,220,209,194,189,202,209,209,207,209,212,215,215,215,215,215,217,220,222,225,228,230,228,228,228,228,228,225,225,222,217,215,220,228,238,230,81,61,69,81,97,165,199,215,225,228,222,212,207,203,203,207,212,212,209,204,204,209,217,217,215,207,209,212,212,212,204,183,168,173,191,196,202,212,217,215,209,207,207,207,207,204,202,202,202,199,191,189,191,196,202,204,196,191,186,181,178,183,189,191,189,183,176,189,199,209,212,212,212,212,209,209,209,207,204,199,194,189,186,186,191,202,207,209,217,222,204,186,189,207,212,212,209,207,204,199,199,209,217,215,209,207,212,215,215,212,212,215,212,212,215,217,220,217,215,209,207,207,207,204,199,199,202,202,202,202,202,204,212,217,217,215,212,209,209,207,204,200,202,204,207,204,204,209,212,212,209,209,209,207,202,202,207,209,207,204,204,204,204,204,207,212,215,215,212,209,207,207,204,204,207,209,209,209,207,204,202,202,202,204,207,207,204,202,199,196,196,199,207,212,209,207,202,200,202,204,207,207,199,199,204,209,212,212,215,217,217,220,222,222,220,217,217,217,217,215,212,212,215,215,215,215,217,217,215,215,217,220,222,222,222,217,216,217,228,235,233,230,230,228,225,222,222,222,228,230,235,238,241,238,238,238,243,243,233,212,191,176,127,127,178,189,194,194,199,196,183,189,202,212,233,228,209,212,228,238,246,246,246,246,243,241,235,230,226,226,228,233,241,246,251,254,255,255,255,255,254,254,255,251,241,222,191,181,189,194,199,204,212,209,202,207,215,225,230,230,225,215,209,205,203,208,228,235,235,238,246,246,248,251,248,246,246,243,235,202,191,191,191,196,199,199,207,225,235,241,243,248,248,243,235,230,228,225,222,222,222,222,222,222,225,230,233,235,235,235,233,228,220,212,207,207,209,207,204,196,194,196,196,194,186,178,170,160,147,139,137,137,139,142,150,0,0,176,189,199,202,199,196,196,196,199,204,212,215,215,217,222,228,228,228,230,235,241,243,241,238,238,243,246,248,248,248,254,255,255,0,0,0,0,0,255,255,255,255,255,238,215,189,168,160,176,196,215,230,238,246,248,254,255,255,251,246,241,230,217,207,207,212,0,0,0,246,243,241,241,238,233,233,228,209,183,173,178,199,220,233,241,248,251,248,246,248,255,255,246,238,235,238,241,246,246,246,246,248,251,254,254,254,254,254,254,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,254,254,251,248,246,241,235,228,217,212,209,209,209,209,209,209,209,212,217,225,230,235,241,241 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,194,202,204,202,196,196,196,199,199,196,192,191,191,194,196,196,196,199,204,204,204,204,207,207,204,204,209,209,209,207,204,199,196,199,207,209,204,173,194,222,207,202,189,199,204,202,191,186,191,204,217,217,207,189,178,173,176,173,170,170,170,176,183,194,199,199,199,199,194,191,199,204,202,189,181,173,123,115,176,207,209,170,115,127,125,121,127,181,194,204,204,196,186,173,172,181,191,194,178,127,125,129,127,123,125,181,189,189,186,181,176,131,132,133,131,133,178,178,181,189,194,194,191,186,133,129,176,181,181,183,186,181,179,179,189,194,181,103,84,121,183,183,181,181,181,178,178,183,191,202,207,209,204,194,183,181,183,186,183,186,196,202,199,196,189,183,178,178,176,131,125,129,131,173,173,178,178,176,176,173,173,173,173,170,176,183,186,181,176,176,176,125,122,124,129,170,173,176,181,178,131,127,129,181,189,189,176,129,131,176,131,100,75,76,115,186,176,113,131,191,202,204,199,194,194,194,191,194,196,202,199,191,183,183,186,189,186,189,199,202,194,189,189,194,196,196,194,194,191,191,189,183,178,177,183,196,204,202,199,196,196,194,196,204,207,204,196,194,191,196,202,202,196,189,189,189,196,204,209,209,209,212,212,209,204,202,202,202,202,202,199,194,191,194,196,199,204,209,209,194,183,183,181,131,125,125,125,127,127,127,129,131,129,128,128,181,202,204,189,183,186,183,131,127,131,178,183,133,92,83,123,181,194,196,199,199,199,202,204,202,196,196,196,194,189,186,183,181,178,181,186,189,186,191,199,202,202,202,204,204,199,194,191,194,194,191,191,196,196,189,137,135,135,181,186,186,137,135,135,132,131,132,133,133,135,183,189,191,189,186,189,194,199,202,202,199,196,189,182,182,189,194,196,196,194,189,191,196,196,194,189,189,189,186,186,186,186,191,199,204,207,204,199,191,186,186,186,135,119,116,121,139,199,204,199,196,194,196,199,199,199,196,194,189,186,185,187,194,196,196,199,202,207,209,212,209,204,199,196,191,189,189,189,186,189,194,194,194,191,189,186,137,130,128,133,183,183,186,189,186,181,181,178,133,133,134,135,135,178,183,194,199,196,191,191,189,181,181,178,178,135,181,183,186,186,189,191,191,191,191,189,191,191,191,191,191,194,196,196,196,196,196,196,199,199,202,202,199,191,183,183,183,182,181,182,191,199,199,196,196,196,196,199,202,202,199,194,196,199,204,207,207,207,202,191,187,189,196,202,204,207,209,207,207,204,202,199,199,199,199,202,199,194,189,186,186,189,191,191,191,183,181,186,196,196,191,196,199,199,196,194,194,194,196,194,194,189,186,186,189,194,189,183,186,194,196,196,199,199,202,199,196,196,196,199,202,202,199,191,189,186,185,186,191,199,202,202,199,202,207,212,212,209,205,207,215,228,230,228,225,222,222,222,222,222,222,222,222,222,222,225,225,222,217,217,222,222,217,217,217,222,222,217,215,217,225,222,212,207,204,209,217,228,233,233,230,228,228,228,217,207,147,141,143,149,202,199,147,147,196,202,207,209,202,198,198,202,207,212,212,212,209,209,209,209,209,207,207,209,209,207,207,207,207,207,207,204,204,209,209,207,202,199,199,199,202,204,207,209,212,212,207,204,204,207,212,215,215,215,212,212,215,217,217,217,222,225,225,225,225,225,225,228,228,222,217,215,207,202,196,195,195,194,194,196,202,202,202,204,207,207,207,204,202,202,204,204,202,204,204,204,207,209,212,215,217,217,222,222,225,225,225,222,222,222,217,215,215,215,212,209,207,199,191,189,190,199,209,209,202,194,196,204,209,209,209,208,208,208,209,212,217,217,217,217,215,212,212,212,212,212,209,207,202,196,192,194,202,204,204,204,204,204,204,202,202,199,199,199,199,196,199,199,202,202,202,202,202,202,202,202,202,202,199,196,191,189,189,189,186,183,181,176,176,176,176,173,173,170,165,123,117,114,114,115,121,165,168,165,160,117,115,115,115,115,115,115,117,117,119,119,121,160,123,121,120,120,121,125,168,173,178,183,186,186,183,179,179,181,186,189,194,202,209,215,217,222,225,225,222,217,212,199,144,141,143,149,212,230,233,233,233,235,238,241,238,235,230,230,228,215,204,202,204,204,196,196,202,215,241,246,238,225,209,202,202,204,215,222,212,199,189,186,189,191,196,204,209,204,186,176,176,176,0,0,0,248,235,217,212,215,212,207,199,191,168,157,155,157,157,157,163,181,191,204,217,230,235,230,215,209,202,196,217,235,235,225,204,186,168,170,176,165,139,87,77,85,121,134,144,155,165,173,178,189,202,217,222,212,217,248,255,230,176,152,139,134,101,139,196,215,194,186,191,196,207,230,246,246,217,178,165,152,97,89,91,87,83,79,75,69,67,71,77,81,79,81,87,124,129,131,129,131,137,150,142,142,160,204,217,209,189,157,83,183,189,191,189,191,194,191,178,176,189,199,204,207,212,215,222,228,230,228,225,225,222,222,222,225,228,228,228,230,228,225,217,207,186,186,204,212,212,207,207,209,212,209,207,209,212,215,215,215,220,225,228,228,225,225,228,225,222,215,212,209,209,217,228,235,233,87,69,73,83,89,105,191,220,228,228,217,212,207,204,204,207,212,212,212,209,209,212,215,217,215,215,215,212,209,207,199,176,168,176,191,194,194,204,212,209,204,202,204,204,204,204,204,204,207,204,196,191,189,196,204,204,199,191,186,181,181,186,189,189,186,183,183,189,194,204,212,212,215,212,209,209,207,204,202,199,191,186,189,191,199,209,215,217,217,215,202,196,207,220,222,217,209,207,207,196,194,204,212,212,204,204,212,215,215,209,209,212,212,212,212,215,215,212,212,209,209,209,207,202,194,196,202,207,207,202,196,199,207,215,217,217,217,215,217,215,209,204,202,204,204,202,202,207,212,212,209,207,207,204,199,202,204,209,209,207,207,204,204,204,207,209,209,209,209,209,209,209,207,207,209,209,209,209,207,204,202,199,199,199,199,202,199,199,196,196,196,199,204,209,212,209,207,204,204,207,209,207,199,196,202,207,207,209,212,215,217,220,222,222,220,217,217,217,217,215,212,212,215,215,215,215,215,215,212,212,212,217,222,225,222,220,220,222,228,230,230,228,230,228,225,222,222,225,228,230,233,235,235,235,235,238,241,238,217,191,129,115,103,103,125,199,207,209,209,204,191,194,202,209,233,230,215,215,225,235,248,251,248,248,246,243,238,233,228,226,233,243,251,255,255,255,255,255,255,254,251,254,254,251,241,230,222,212,207,204,204,207,212,207,196,196,202,212,222,228,225,217,215,212,209,217,230,235,233,238,243,246,251,255,251,248,246,235,217,189,191,196,199,202,204,207,215,225,230,233,241,251,254,243,235,230,228,225,222,217,217,220,217,222,225,228,233,235,235,233,233,228,222,215,209,207,207,204,199,191,186,189,191,189,183,178,170,160,147,137,134,134,134,139,147,0,0,165,176,186,191,189,186,189,191,196,202,209,212,215,217,222,225,225,225,225,230,238,241,241,238,241,246,248,248,248,251,255,255,255,255,0,0,0,0,255,255,255,255,255,243,217,183,160,152,163,181,199,217,233,241,243,251,255,255,255,251,246,235,225,215,212,215,0,0,0,246,243,243,241,241,238,238,233,215,189,178,183,202,215,225,233,243,251,251,248,251,255,255,248,238,235,238,243,248,248,246,243,243,248,251,254,255,255,255,255,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,251,251,251,248,246,246,243,235,228,217,212,209,207,209,209,209,209,209,209,212,220,228,233,235,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,147,196,202,202,196,196,202,207,209,204,199,194,192,194,194,194,194,196,202,202,199,202,207,209,209,212,212,212,215,215,204,191,182,183,194,202,181,107,212,207,204,207,189,196,204,207,207,191,183,191,199,191,186,189,183,173,168,168,169,169,169,170,178,189,196,199,199,194,186,186,196,207,199,178,129,121,116,112,117,191,204,101,89,117,117,113,117,173,186,194,194,189,178,172,170,176,186,186,173,125,125,127,125,123,127,191,202,196,194,191,183,176,176,181,183,181,178,176,181,196,204,199,186,176,129,131,183,186,183,186,186,183,181,181,189,196,191,119,92,125,178,181,183,186,186,189,189,186,189,191,191,189,181,131,127,129,178,183,186,194,207,209,207,202,194,186,178,131,129,125,123,125,131,176,178,176,176,173,170,129,129,170,176,176,176,178,181,176,176,183,189,176,125,127,173,178,181,181,181,178,176,176,173,178,189,191,186,183,189,191,189,186,178,125,121,127,129,131,181,191,199,204,204,196,194,194,194,194,199,204,202,191,183,182,183,186,181,183,196,202,196,191,191,191,194,194,191,189,189,189,189,186,181,181,189,202,209,207,202,199,194,194,199,207,207,202,196,194,191,191,191,189,186,185,189,194,199,204,207,207,209,209,207,204,199,199,196,199,202,204,202,196,189,191,196,202,207,209,207,189,181,189,186,127,117,115,119,125,129,127,127,129,131,133,135,181,194,199,191,186,183,176,127,126,129,133,176,129,113,121,186,199,202,204,204,199,199,202,204,202,196,196,196,194,189,181,181,181,181,186,191,191,191,194,196,199,199,199,199,202,202,196,196,199,199,196,199,202,196,183,134,135,181,181,135,131,131,135,137,137,137,183,181,135,135,181,183,186,181,133,133,183,194,199,199,199,196,189,182,181,183,194,199,199,196,191,191,194,194,186,183,186,189,189,186,189,191,196,204,207,204,199,191,183,181,181,135,121,115,116,127,186,199,202,199,196,196,196,202,202,202,196,194,191,187,186,187,194,199,202,202,204,207,209,212,212,209,204,199,194,191,189,189,186,189,194,194,191,189,189,186,137,132,131,181,183,183,181,183,183,178,178,178,135,135,181,183,178,135,181,191,199,199,194,191,189,183,181,181,135,178,183,186,186,189,189,194,194,194,191,191,191,191,191,194,194,194,194,194,194,194,196,196,196,199,202,202,199,189,182,181,182,183,186,189,196,199,199,196,196,196,196,202,204,204,202,199,202,204,204,204,207,207,204,194,187,186,191,199,202,204,204,202,202,199,199,196,194,194,196,202,199,194,189,186,186,186,186,186,183,179,179,186,196,199,199,202,204,207,204,202,196,196,196,194,196,194,187,187,191,194,191,189,191,194,199,199,196,199,199,202,199,196,196,199,199,199,194,189,186,185,185,186,194,199,199,196,191,191,202,209,217,217,207,207,215,225,228,225,222,221,222,225,228,228,225,225,222,222,222,225,225,222,215,217,225,225,222,222,222,222,217,215,211,212,217,215,207,202,202,207,215,222,225,228,228,225,225,225,222,215,209,147,146,149,149,147,145,145,149,202,209,209,202,196,196,199,204,212,212,212,212,209,209,209,209,207,207,209,209,207,207,207,207,207,207,204,204,207,212,207,202,202,202,202,202,202,204,209,212,212,207,204,204,209,215,217,217,215,212,212,212,215,215,217,225,225,225,225,222,225,225,228,228,222,217,217,212,202,194,194,196,195,195,199,202,202,200,202,204,207,207,204,199,199,202,202,202,202,204,204,207,209,212,215,215,217,217,222,225,225,225,222,217,217,217,217,217,217,215,209,202,194,190,189,191,202,207,204,194,194,199,207,212,212,212,209,209,209,209,212,215,215,215,215,212,212,215,215,215,212,209,207,204,196,194,196,204,207,207,204,204,207,204,204,202,199,199,199,199,196,199,199,202,202,202,202,202,202,202,202,202,202,199,196,191,189,189,189,186,183,181,176,173,176,173,170,170,170,168,123,117,115,114,115,121,165,168,163,121,119,115,115,117,117,115,115,117,117,117,117,119,160,123,123,121,120,121,123,127,168,176,181,183,183,181,179,179,183,186,191,196,204,209,212,215,215,217,217,217,217,212,202,145,142,142,147,204,228,238,238,238,235,238,243,243,235,225,222,217,212,199,196,204,204,191,189,191,204,243,255,254,235,217,212,215,220,225,222,212,202,196,199,204,207,204,202,202,199,181,174,178,181,181,0,0,139,108,67,0,116,75,43,11,0,0,0,0,0,0,0,0,0,25,67,126,137,142,118,63,63,69,60,68,0,137,118,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,79,81,67,79,215,255,189,19,0,0,0,0,0,65,160,67,27,19,0,3,83,194,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,3,0,0,0,25,53,65,53,0,0,0,19,35,35,35,35,7,0,0,9,55,69,69,79,97,111,160,163,157,151,150,150,155,163,178,178,173,165,163,155,105,73,27,0,0,35,87,87,75,71,79,79,71,61,55,63,67,69,71,83,99,105,111,117,119,165,168,160,150,138,139,147,155,176,202,186,0,0,0,0,0,0,9,165,183,165,111,99,99,93,87,87,89,93,101,111,117,121,125,165,165,123,121,105,99,99,81,47,42,50,63,53,49,71,99,109,100,96,99,101,103,105,107,109,113,109,93,71,61,65,83,91,79,67,65,56,54,60,69,65,62,62,67,77,87,109,170,173,186,178,173,121,109,106,109,109,96,89,95,102,109,121,186,202,191,115,105,113,173,189,181,109,89,101,173,105,96,105,121,115,103,105,121,189,189,176,170,178,189,189,176,125,121,123,127,178,127,127,123,113,106,107,117,178,178,170,163,163,168,178,191,196,199,204,204,196,181,125,124,127,124,120,117,123,129,131,127,121,121,120,115,114,119,123,173,123,113,101,99,105,107,105,99,99,103,113,113,111,111,111,119,119,107,95,93,91,85,77,68,68,70,73,67,65,67,71,71,71,81,89,103,101,93,83,79,79,81,83,78,76,77,79,79,78,81,97,101,105,109,105,99,93,97,99,95,89,83,83,91,95,93,89,77,65,65,65,73,83,93,95,93,99,103,105,107,103,101,101,107,105,95,91,91,99,105,111,111,113,119,125,173,183,186,119,51,0,0,0,0,0,0,23,77,91,99,99,83,78,81,88,127,135,120,115,120,137,230,235,233,233,233,228,224,220,213,213,221,238,255,255,255,255,255,255,255,254,251,254,248,235,209,183,173,117,105,81,57,53,79,83,75,71,71,91,168,196,195,187,192,196,196,207,225,217,217,238,255,255,255,255,255,255,243,186,77,50,61,83,80,83,95,99,127,139,183,191,230,255,255,251,212,199,196,186,131,123,123,121,121,121,125,181,196,204,194,191,189,173,155,137,95,83,73,61,47,33,25,31,35,29,23,19,11,0,0,0,0,0,0,0,0,0,0,0,0,3,5,5,11,21,31,35,45,55,69,73,79,85,91,91,90,95,107,157,170,160,156,168,183,191,183,183,202,212,217,222,222,230,238,0,0,255,255,255,255,235,160,49,0,0,0,0,0,0,15,55,87,105,168,204,215,204,194,178,152,89,69,64,67,0,0,0,163,155,155,153,155,155,155,147,67,17,7,10,19,25,39,61,103,178,189,181,183,199,199,183,152,144,144,157,181,181,163,144,144,152,0,0,0,204,0,196,196,194,196,212,0,246,0,238,222,217,220,246,255,255,255,255,255,251,247,243,247,251,255,255,255,255,255,255,255,243,217,204,204,202,194,191,141,135,135,127,127,121,113,113,111,95,69,49,33,23,22,23,23,23,23,17,15,19,43,59,77,85,89 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,170,199,204,202,202,207,215,217,215,209,202,196,196,194,194,194,196,199,198,198,199,204,209,212,212,212,215,217,217,207,186,178,178,191,183,79,73,170,183,191,178,181,186,194,204,207,189,170,178,183,160,157,173,178,170,168,169,170,170,170,173,178,189,194,196,196,189,183,183,194,202,191,123,117,117,125,115,115,173,191,93,74,117,117,111,116,176,186,189,183,178,173,172,172,176,181,178,127,125,127,129,129,129,186,207,209,207,202,199,194,183,181,186,186,183,135,133,181,202,209,199,133,127,127,176,189,191,186,189,194,194,191,189,191,199,194,176,129,181,181,181,186,186,189,196,194,186,181,176,129,118,109,107,113,118,178,189,189,191,204,207,202,196,191,186,178,131,125,123,123,125,131,176,178,173,127,125,127,127,129,170,176,178,178,178,176,174,176,186,191,181,129,129,173,181,183,183,181,181,186,189,189,186,191,194,191,191,196,196,194,191,189,181,173,131,176,178,181,186,194,204,204,199,196,194,194,194,196,199,196,189,182,182,183,183,181,178,181,189,194,196,196,191,189,189,186,185,186,186,183,183,189,191,196,202,207,204,199,196,194,191,196,202,199,196,196,196,194,189,185,185,185,186,189,194,199,202,204,204,207,209,204,196,194,191,194,196,202,207,204,194,187,189,196,202,204,204,199,181,178,194,191,127,113,112,115,127,131,129,126,127,131,178,181,181,186,189,186,183,183,178,133,129,126,127,131,176,176,189,199,204,204,207,207,204,199,202,202,199,196,194,194,194,189,181,181,183,186,189,191,194,194,194,191,194,199,196,196,196,196,194,194,196,196,196,199,202,191,134,131,135,186,181,129,128,131,181,186,191,194,196,191,186,186,186,135,131,130,128,129,137,194,199,199,199,199,191,183,182,186,194,196,199,194,185,185,191,189,181,177,178,183,186,186,189,194,199,204,202,199,191,183,181,137,137,135,123,119,129,186,194,196,199,199,199,196,199,199,202,202,199,196,196,194,189,189,194,199,202,204,207,209,209,212,215,215,212,202,196,191,189,186,186,189,191,191,186,186,183,181,181,181,186,189,189,183,181,183,183,178,178,186,183,183,189,189,181,134,134,183,194,194,189,189,191,186,183,183,178,181,186,189,189,189,189,191,194,191,191,191,191,194,194,196,196,196,194,191,194,194,196,199,196,199,199,196,194,186,182,181,186,191,196,199,199,199,199,199,202,202,202,204,207,207,204,202,204,207,207,204,202,207,207,199,189,187,189,196,199,199,196,194,194,196,196,196,194,192,194,199,199,194,191,189,186,185,186,186,183,181,183,194,202,204,204,204,207,209,209,204,199,196,196,194,199,199,194,194,196,196,194,194,194,196,202,199,196,191,194,196,199,199,199,199,199,196,189,185,185,186,186,189,196,199,199,191,187,187,194,209,217,222,212,212,220,228,228,225,222,222,225,228,230,233,230,228,228,225,225,225,225,217,212,215,222,225,225,222,217,212,212,212,211,211,212,209,199,196,199,207,212,215,217,217,217,217,222,225,225,225,222,220,212,207,202,149,147,147,199,204,212,212,207,199,198,199,204,209,209,212,212,212,212,212,209,205,207,209,212,209,207,207,207,207,207,207,204,207,212,209,204,204,204,202,202,204,207,209,215,215,209,205,205,209,215,217,217,215,209,209,209,212,212,217,225,228,225,222,222,225,225,228,225,222,216,217,215,204,195,195,204,199,199,202,204,202,200,200,204,207,207,204,199,196,199,202,202,202,204,207,209,209,212,212,212,212,215,222,225,225,225,222,222,217,217,217,217,217,215,209,202,194,191,191,194,202,204,196,190,192,199,209,215,215,215,215,215,212,212,212,212,212,212,212,212,212,212,215,215,212,212,209,204,199,196,202,207,212,212,209,209,207,207,204,202,202,199,199,196,196,196,199,199,202,202,202,202,202,202,199,199,202,199,196,191,189,189,186,186,183,181,176,173,173,173,168,168,170,168,125,119,115,115,117,121,165,168,163,160,119,117,117,117,117,115,115,115,117,117,117,119,123,163,163,123,121,121,123,125,127,173,178,183,183,183,181,181,186,191,196,199,207,212,212,209,209,212,215,215,217,217,215,207,199,149,151,204,230,243,243,241,238,241,246,246,233,217,216,222,212,147,137,143,199,189,186,186,202,251,0,255,251,235,230,230,228,225,217,209,204,207,215,222,217,207,196,191,186,174,174,181,183,0,0,209,105,67,61,75,116,73,31,0,0,0,0,0,0,0,0,0,0,25,69,118,126,126,77,54,54,77,73,68,0,142,134,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,51,57,47,118,215,251,241,144,19,0,0,0,0,47,73,37,0,0,0,0,134,194,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,61,47,0,0,0,0,7,33,81,134,0,0,0,35,55,63,65,49,0,0,0,21,73,89,79,83,97,111,160,163,157,155,155,155,163,181,186,181,170,157,144,101,73,29,0,0,0,0,69,71,63,63,67,67,59,43,33,35,43,47,49,55,61,65,79,95,107,119,165,160,156,151,155,160,168,178,196,181,0,0,0,0,0,0,0,93,155,101,93,95,99,99,85,76,76,81,97,115,168,170,168,165,123,123,105,101,105,163,117,67,54,63,57,45,42,55,91,111,111,103,101,105,107,109,107,109,109,109,95,71,54,51,55,65,65,57,67,58,56,65,75,69,65,67,75,89,99,119,173,178,186,183,173,121,109,109,121,173,115,102,103,109,103,109,173,191,121,89,77,101,101,89,77,55,49,55,109,109,101,101,105,103,107,111,119,181,194,181,178,189,196,196,189,125,115,119,127,178,176,123,121,115,111,112,119,178,183,181,178,178,178,178,178,181,196,202,196,191,181,129,131,183,183,127,123,125,127,125,117,115,121,121,121,119,120,123,173,173,109,95,93,99,101,97,89,87,95,107,111,113,121,121,160,119,101,87,81,85,85,77,67,67,75,81,69,65,67,71,69,71,75,81,93,93,93,85,79,75,75,81,87,87,85,85,80,78,81,93,92,95,99,95,87,77,77,87,89,87,83,87,95,97,93,85,61,58,60,63,73,81,83,85,91,99,107,109,103,98,97,99,105,103,91,89,91,99,105,105,111,115,123,183,191,194,186,113,51,0,0,0,0,0,0,0,45,83,105,119,119,107,93,92,125,183,127,120,120,125,204,222,230,233,233,238,243,243,243,246,238,241,246,248,255,255,255,255,251,248,248,241,233,212,191,168,97,81,77,47,0,0,0,19,81,69,61,79,173,209,202,191,195,209,215,222,222,215,217,251,255,255,255,255,255,255,254,204,93,52,73,83,73,74,95,109,127,127,121,131,215,255,255,248,212,199,196,189,178,123,121,119,121,117,123,178,196,202,194,183,181,173,155,144,129,83,65,49,37,25,17,25,31,29,23,17,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,31,41,45,49,57,71,73,73,79,87,91,93,101,147,160,163,157,156,168,183,183,183,182,202,207,212,209,209,222,230,251,0,255,255,255,255,228,152,41,0,0,0,0,0,0,0,17,59,85,157,196,212,202,194,178,165,147,89,73,77,0,0,0,165,163,155,163,165,160,165,160,87,39,15,15,15,11,11,29,87,170,189,183,183,196,199,191,163,151,150,157,181,181,165,150,144,147,0,0,0,0,0,0,0,196,0,207,0,0,0,222,215,209,212,241,255,0,255,255,255,251,247,247,247,251,255,255,255,255,255,255,255,235,212,202,202,194,194,191,141,135,127,127,125,119,111,111,111,95,69,49,43,23,23,23,23,31,23,17,14,15,29,51,71,83,89 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,189,202,202,202,212,217,217,220,215,207,202,199,196,194,196,196,199,198,198,199,199,204,207,209,207,212,217,217,209,191,181,182,199,111,0,0,59,155,168,150,165,181,191,199,202,176,146,165,165,156,155,168,173,170,169,173,176,173,173,178,183,186,186,189,191,191,186,186,196,202,178,94,87,115,199,168,119,125,178,170,168,189,181,127,176,196,194,183,176,176,176,178,178,178,176,129,125,127,129,176,183,189,196,204,209,207,204,202,199,194,186,183,181,178,135,134,135,194,204,194,133,129,129,181,194,194,189,189,194,196,194,196,204,202,194,189,191,194,186,181,186,189,191,194,191,181,133,131,125,117,108,104,112,105,202,202,191,183,106,189,176,183,189,189,181,173,127,123,123,127,125,127,173,129,122,121,125,176,181,176,173,176,181,181,181,176,176,181,186,183,178,173,178,181,183,186,186,186,189,191,189,189,189,191,191,194,191,191,189,189,191,189,183,181,181,181,183,186,194,204,204,202,202,194,191,191,194,196,194,189,183,183,183,181,176,174,174,181,191,199,196,191,185,182,182,185,186,186,183,186,191,194,194,196,196,196,196,196,191,186,191,194,194,194,196,199,194,185,183,186,194,194,194,196,202,204,204,207,209,209,202,194,189,186,189,196,204,207,202,191,186,191,199,204,202,199,181,123,127,186,191,121,111,112,121,133,178,131,127,127,131,181,183,178,178,178,178,177,177,178,178,133,126,126,131,181,191,207,209,204,204,207,207,202,199,196,191,191,191,194,196,196,191,186,183,186,186,186,189,194,194,191,189,191,194,196,194,191,191,189,189,189,191,191,191,191,178,133,133,135,183,133,128,131,178,181,186,194,196,194,191,189,191,186,130,128,129,130,137,191,199,202,202,199,199,194,189,186,189,191,194,196,186,178,179,189,191,181,176,177,178,181,183,189,196,202,202,196,191,186,183,181,181,181,137,137,181,186,191,196,199,202,202,202,196,196,196,199,202,202,199,202,199,194,191,194,196,199,202,207,209,209,209,215,217,215,207,196,191,189,186,186,189,191,189,186,186,181,178,179,183,186,189,186,183,183,181,181,181,183,189,189,189,191,189,183,135,134,178,183,186,183,186,189,189,186,183,183,183,186,186,186,186,186,191,194,191,190,190,191,194,196,199,199,196,194,191,191,194,196,196,196,196,194,189,186,183,183,189,194,196,199,199,199,199,199,199,202,202,202,204,204,204,202,202,202,204,204,202,202,202,204,199,194,189,189,194,199,199,194,191,191,196,199,202,199,194,194,199,199,196,194,191,189,189,189,191,191,191,191,196,204,207,204,204,204,207,209,207,202,196,196,199,199,199,199,199,199,196,194,194,199,202,204,202,194,189,187,194,199,199,199,199,199,194,189,185,186,191,191,196,199,202,199,194,187,187,194,207,217,217,217,215,222,225,225,228,228,228,228,230,233,235,233,233,230,228,225,217,217,215,209,209,212,217,222,222,215,211,211,212,212,212,212,207,147,144,194,204,207,209,212,212,212,212,215,225,228,228,225,225,222,220,212,204,199,202,204,209,215,215,212,207,202,204,207,207,209,209,212,215,215,215,212,207,207,209,212,212,209,207,207,207,207,207,207,209,209,209,207,204,204,204,207,209,212,212,215,212,207,205,205,209,215,217,217,212,209,208,208,209,215,217,225,225,222,222,222,225,228,228,225,217,217,217,215,204,195,194,196,199,202,207,207,204,202,204,207,207,207,207,202,196,196,199,202,204,207,212,212,212,212,212,212,212,215,217,222,222,222,222,222,222,217,215,215,215,212,207,202,196,194,194,196,202,202,194,191,194,204,212,217,217,217,217,217,215,212,212,212,212,212,212,211,211,212,212,215,215,212,209,207,204,204,207,209,215,215,212,212,209,209,207,204,202,199,196,196,195,196,196,199,202,202,204,204,204,202,199,199,202,202,196,191,189,189,186,186,183,181,178,176,176,173,168,168,168,165,125,121,117,117,119,160,165,168,165,160,119,117,117,119,119,117,115,115,115,115,117,119,123,163,163,123,121,121,121,123,127,170,176,181,186,186,186,186,189,194,199,204,209,212,212,209,209,212,215,215,217,217,217,215,215,212,202,202,228,243,246,238,235,238,248,248,241,233,230,235,225,196,128,122,132,141,183,186,199,246,0,0,0,248,246,248,238,225,215,212,0,0,0,233,225,207,191,183,178,174,174,181,181,178,186,202,121,71,37,31,51,67,37,0,0,0,0,0,0,0,0,0,0,19,47,63,67,69,63,51,51,73,126,118,0,0,191,31,0,0,25,0,0,0,0,0,0,0,0,0,0,0,0,0,1,15,8,4,21,129,215,241,212,163,37,0,0,0,0,0,0,0,0,0,0,147,150,85,79,0,0,0,0,0,0,0,5,19,0,0,0,0,0,0,0,0,0,0,0,0,0,51,71,31,0,0,0,0,5,39,73,75,0,0,0,43,63,85,87,67,0,0,0,55,83,83,89,89,93,103,147,155,155,163,160,160,168,178,178,163,155,144,99,59,0,0,0,0,0,0,43,55,51,53,59,53,47,39,26,26,29,43,43,40,37,41,57,79,105,107,113,160,168,170,178,181,183,183,186,163,43,0,0,0,0,0,0,41,89,93,93,99,150,111,79,70,73,87,111,165,176,176,176,170,170,123,107,121,181,199,181,107,81,69,57,43,41,53,91,113,113,105,97,101,109,107,101,97,95,93,83,69,63,51,49,54,57,56,63,65,69,75,73,65,62,71,89,103,113,160,173,186,186,173,119,109,103,109,173,183,121,113,107,101,97,103,123,123,97,72,67,69,75,79,71,53,47,43,77,115,115,85,71,95,113,113,115,178,196,189,176,189,202,204,196,173,117,117,127,176,123,113,113,117,115,114,119,127,127,127,125,178,181,127,121,129,191,202,196,181,178,178,189,194,194,189,181,129,123,115,113,113,115,121,127,125,123,123,123,173,113,95,91,91,94,97,89,85,89,107,111,121,160,121,160,119,101,75,73,79,79,71,67,71,83,87,81,67,65,63,63,65,67,75,87,91,91,85,79,71,71,69,79,85,87,93,93,83,91,97,97,95,91,79,69,65,67,73,83,85,83,87,95,95,89,69,59,58,60,65,75,81,80,81,87,93,99,103,99,97,97,99,101,99,91,89,91,99,105,111,115,123,178,183,173,170,165,113,59,0,0,0,0,0,0,0,31,81,111,173,194,199,176,119,129,196,186,129,125,129,139,212,225,235,241,254,255,255,255,255,254,254,255,255,255,255,255,255,248,241,233,225,207,194,202,181,35,29,49,35,0,0,0,0,0,5,9,51,189,228,220,199,204,212,215,215,215,217,228,255,255,255,255,255,255,255,255,233,207,202,191,95,62,67,97,135,183,121,108,114,207,255,255,251,217,207,202,194,178,127,123,119,113,103,111,170,196,202,191,183,181,173,163,150,129,79,59,39,25,15,13,13,17,15,13,11,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,29,39,45,47,51,57,67,73,73,73,77,87,95,109,152,160,157,157,157,170,176,181,183,194,204,207,207,204,209,222,228,238,0,0,251,254,255,228,150,35,0,0,0,0,0,0,0,0,21,59,137,183,202,202,183,173,183,189,147,77,77,0,0,0,0,165,173,173,168,160,160,163,144,53,15,11,7,0,0,15,73,155,173,178,191,199,199,199,178,153,151,163,181,181,163,152,0,0,152,0,0,0,0,0,0,0,0,0,0,0,0,215,194,191,202,0,0,255,255,255,255,251,251,251,251,251,251,255,255,255,255,255,251,233,209,194,191,191,194,194,191,183,127,121,121,119,113,111,105,91,75,61,49,33,31,23,31,23,23,17,14,15,25,43,63,77,89 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,186,194,194,204,209,212,215,215,209,204,199,196,194,196,196,199,202,202,202,199,199,199,202,202,207,212,215,215,202,191,196,217,101,0,0,0,81,83,73,91,173,194,199,191,138,129,150,163,160,160,168,173,170,173,178,178,176,178,183,186,182,182,183,194,196,194,194,199,202,186,101,80,103,194,186,173,170,176,173,186,202,194,181,186,199,191,129,125,173,181,181,178,178,173,127,125,127,131,181,194,199,199,202,204,204,202,202,202,196,189,181,178,178,135,135,178,191,196,189,135,133,135,186,196,196,191,191,196,194,189,199,209,199,189,191,189,183,134,178,189,194,191,191,191,183,176,131,129,129,131,131,121,123,202,202,191,111,80,123,131,178,183,186,178,129,121,121,123,125,123,125,170,170,124,125,173,191,196,183,127,127,178,186,186,181,176,176,183,189,189,186,181,183,186,186,189,191,191,186,183,182,182,183,186,189,186,186,185,186,189,189,189,186,183,181,183,186,194,199,202,202,199,191,186,189,191,194,194,194,194,191,186,178,174,173,174,181,191,199,196,191,185,185,189,196,194,189,186,189,191,191,189,186,189,194,196,199,191,185,185,189,191,194,194,196,191,185,183,191,199,202,199,202,204,207,207,207,209,209,202,189,181,135,181,189,196,202,199,191,187,191,202,207,196,135,114,114,119,127,119,110,111,125,178,191,189,178,131,127,131,181,186,181,177,177,178,177,177,178,181,178,133,133,181,189,196,209,209,204,202,202,199,194,189,183,173,176,183,191,196,196,194,189,183,181,181,183,189,189,183,176,181,186,191,194,191,186,183,181,181,181,183,181,178,178,135,181,181,178,181,135,133,181,183,183,186,189,186,181,178,181,181,178,130,129,131,181,191,202,204,204,202,199,196,194,194,191,189,189,191,194,189,179,181,191,194,183,177,177,177,178,181,186,196,199,196,194,189,183,183,183,186,189,189,189,189,189,191,194,199,202,204,202,196,195,195,196,199,202,202,202,202,199,194,196,196,199,202,204,204,204,207,212,215,212,204,194,189,189,189,189,191,194,191,191,189,183,178,179,183,181,137,181,181,183,181,181,181,183,186,189,189,189,189,186,181,178,178,181,181,181,183,186,186,183,186,186,183,183,183,181,181,183,189,194,191,190,190,191,194,194,196,196,194,191,191,190,191,191,194,194,191,189,186,186,186,189,191,196,199,199,199,196,196,199,202,202,202,202,204,204,204,202,200,202,202,202,199,199,199,202,199,194,189,187,189,196,199,194,190,190,194,199,204,204,202,199,202,202,202,199,194,191,191,191,194,196,196,196,196,202,204,204,203,204,207,209,207,202,199,199,202,202,199,196,196,194,194,196,199,202,204,202,199,194,189,187,189,196,199,199,196,196,191,186,185,186,191,196,202,207,204,199,194,190,190,196,207,212,215,217,217,222,225,225,228,233,233,233,233,235,235,235,233,228,225,222,215,215,212,209,207,209,215,222,217,215,215,212,212,209,209,212,207,146,143,147,202,207,204,207,209,209,212,217,225,228,225,222,222,222,225,222,212,207,204,207,209,212,215,212,212,209,207,207,207,209,209,212,215,217,217,212,207,207,209,212,212,212,209,209,209,209,209,209,212,212,212,209,207,204,207,209,215,215,215,215,212,209,207,207,212,215,217,215,212,209,209,209,212,215,217,225,225,222,215,217,225,230,230,228,225,222,222,215,204,195,195,196,199,202,207,207,204,204,207,209,207,207,207,202,194,194,196,202,204,209,212,212,212,212,212,212,212,212,215,215,215,217,222,222,222,217,215,212,212,209,204,202,199,199,199,199,196,196,194,196,202,209,215,217,217,217,217,217,215,212,209,212,212,215,212,212,211,211,212,212,215,215,212,209,207,207,209,212,215,215,215,212,209,207,207,204,204,202,199,196,195,195,196,199,202,202,204,204,202,199,196,196,202,202,199,194,191,189,186,183,183,183,181,178,176,170,168,127,165,165,125,121,117,117,119,160,165,168,165,160,121,119,119,119,119,119,115,114,114,115,117,119,123,163,163,123,121,120,121,123,125,129,173,178,186,189,189,191,194,196,199,202,207,209,212,209,207,212,215,215,215,215,215,217,217,215,204,200,225,241,241,235,234,238,248,254,251,248,248,251,241,212,133,124,126,135,186,189,199,230,0,0,0,0,254,255,251,235,225,0,0,0,0,241,222,202,191,186,183,176,174,178,178,178,183,196,45,37,7,7,51,124,90,0,0,0,0,0,0,0,0,0,0,0,25,39,39,39,63,92,63,108,142,160,0,0,183,31,3,47,126,23,0,0,0,0,0,0,0,0,0,0,0,0,41,37,8,0,15,126,194,202,160,118,0,0,0,0,0,0,0,0,0,0,41,142,81,0,0,0,0,0,0,0,0,0,0,35,51,29,0,0,0,0,0,0,0,0,0,0,0,45,57,0,0,0,0,0,0,17,25,11,0,0,0,55,73,89,126,93,0,0,15,57,79,83,83,83,91,103,103,144,155,163,163,160,168,173,168,155,144,105,65,0,0,0,0,0,0,0,43,51,55,59,59,47,41,39,29,26,29,45,51,42,39,40,51,77,101,105,111,160,176,178,189,189,186,178,181,160,61,0,0,0,0,0,0,11,77,144,103,147,157,150,79,72,79,115,173,173,178,178,176,176,173,165,121,168,189,199,189,165,101,81,63,48,45,65,99,111,105,95,93,97,105,101,89,83,81,81,77,63,65,55,53,61,57,57,65,69,75,75,65,61,62,79,99,113,119,170,173,183,183,160,109,95,90,93,115,121,109,101,91,91,91,97,109,109,89,74,74,89,111,115,97,69,52,52,109,121,109,43,1,9,93,105,103,111,121,125,125,176,189,196,194,176,119,115,121,121,113,108,111,119,121,119,117,121,121,115,115,115,119,119,119,121,181,196,194,186,183,189,194,199,194,189,189,181,125,117,115,115,121,125,181,183,176,123,123,173,115,101,93,93,94,97,91,85,89,107,111,121,160,157,165,157,103,81,73,73,71,69,71,83,89,87,81,71,67,63,61,63,67,75,81,85,85,77,71,65,61,61,53,65,81,97,105,103,99,97,93,91,87,77,65,63,64,69,75,83,83,87,95,95,85,69,61,61,75,81,85,85,83,85,91,93,97,97,99,101,101,101,103,99,93,89,83,93,99,111,115,168,178,170,170,170,173,176,113,0,0,0,0,0,0,0,37,83,125,194,215,222,209,183,176,199,199,186,139,125,129,204,230,241,255,255,255,255,255,255,255,255,255,255,255,255,255,255,246,220,189,176,173,186,225,238,23,17,29,23,0,0,0,0,0,0,0,45,181,228,228,220,220,222,222,225,225,225,248,255,255,255,255,255,255,243,243,243,235,235,222,117,70,74,119,194,194,121,110,118,202,254,255,251,228,215,207,189,176,123,115,105,95,87,93,170,196,202,191,183,183,173,163,142,85,71,51,33,15,5,0,0,1,0,0,0,3,0,0,0,0,0,0,0,0,0,0,0,0,11,21,29,39,47,47,53,55,61,71,73,68,67,71,83,95,109,152,157,147,157,168,176,176,178,183,194,204,204,204,202,204,215,230,238,0,0,238,251,251,228,157,49,1,0,0,0,0,0,0,0,7,41,91,165,194,196,183,173,202,222,173,83,83,0,0,0,0,173,181,181,176,165,170,178,155,67,21,11,1,0,0,9,67,155,173,183,196,204,204,199,173,153,151,163,176,170,163,0,152,152,152,165,0,0,0,0,0,0,0,0,0,0,0,0,194,191,204,0,0,0,255,255,255,255,255,255,255,251,251,251,255,255,255,255,243,220,207,194,186,186,191,194,191,183,135,127,121,121,119,111,97,87,81,69,53,43,33,33,33,31,23,17,15,15,25,43,57,77,83 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,183,181,191,204,207,207,207,207,202,199,196,196,199,199,204,204,207,204,204,199,198,198,199,204,207,212,212,207,207,215,225,101,0,0,11,79,74,63,83,160,186,194,181,135,130,147,157,160,163,165,168,168,173,178,181,178,181,189,189,182,182,186,194,199,199,199,202,207,202,183,99,111,173,186,181,181,181,181,191,199,189,173,178,183,124,114,123,170,176,131,125,125,127,125,125,127,133,189,204,207,202,202,202,202,200,202,202,199,191,183,178,178,178,178,183,194,196,186,135,133,135,189,204,204,196,196,204,196,186,186,194,186,181,183,181,129,128,135,191,196,194,191,191,186,178,133,131,131,176,178,131,133,186,194,191,107,76,112,127,131,173,173,127,117,115,118,123,123,122,125,170,170,129,173,183,196,199,181,115,110,119,181,189,186,178,178,189,196,199,194,183,186,189,186,189,194,194,186,182,181,181,182,186,189,191,189,185,185,186,189,191,189,183,181,181,181,183,191,196,196,191,186,183,189,194,194,196,202,202,199,189,183,176,176,181,189,196,199,194,191,189,194,202,207,202,194,191,194,194,191,186,185,189,194,196,196,191,185,185,189,191,194,194,194,191,185,185,194,199,202,204,204,207,207,207,207,209,207,199,183,129,123,127,135,183,189,196,194,189,189,191,191,131,117,113,114,119,119,114,111,125,194,199,204,199,189,135,129,133,183,189,183,181,181,183,183,186,189,191,189,186,186,189,191,194,199,202,199,194,189,186,181,176,129,125,131,181,191,196,196,194,189,181,174,174,178,183,178,129,127,131,181,189,191,189,183,135,133,133,178,186,183,135,178,183,194,186,177,178,181,183,189,186,183,186,183,178,174,176,177,181,178,135,133,137,189,199,207,207,204,199,196,194,194,194,191,186,185,189,194,191,185,186,196,196,186,181,178,178,178,181,186,194,196,194,189,186,183,183,186,189,194,196,194,189,186,189,194,196,202,202,202,199,196,195,196,196,199,199,204,204,202,199,199,202,199,199,202,202,202,207,212,212,207,199,191,189,189,191,194,194,196,196,194,191,186,181,181,183,135,131,132,137,183,183,183,183,186,186,186,186,186,189,189,186,183,181,178,178,178,183,186,183,181,183,183,183,181,181,181,181,183,189,194,191,190,190,191,194,194,191,190,190,190,191,194,191,190,191,191,189,186,189,191,191,191,191,194,196,196,196,196,196,199,202,202,204,204,204,204,204,204,202,202,202,199,199,198,199,199,196,194,191,187,187,191,194,194,189,189,191,196,202,204,204,204,204,204,202,199,194,191,191,194,196,199,199,196,199,202,204,204,204,204,207,209,207,202,202,204,204,204,202,196,191,191,194,199,202,204,202,199,194,194,191,187,189,194,199,196,194,191,191,189,186,186,191,196,204,207,204,199,194,191,194,202,204,209,212,217,220,222,225,228,230,233,235,233,235,235,235,233,230,228,225,222,215,212,209,209,207,209,212,215,215,215,215,212,209,209,209,209,209,194,145,194,204,204,204,204,207,209,215,222,228,225,222,217,217,222,225,225,217,209,207,207,207,209,209,212,215,215,212,209,204,204,209,212,212,212,209,209,207,204,207,209,212,215,215,215,215,215,212,212,212,212,212,209,204,204,207,212,217,217,215,212,212,212,212,212,215,217,217,215,212,209,209,212,215,217,222,225,228,217,213,213,222,230,233,233,230,228,222,215,204,199,199,204,204,207,209,207,207,207,207,209,209,207,204,196,190,189,191,196,204,207,212,212,212,212,212,212,212,212,212,212,212,212,215,222,222,220,217,212,209,207,204,202,204,204,202,196,191,145,194,202,207,212,217,217,217,217,217,217,212,209,209,212,215,215,215,215,212,212,212,212,215,215,215,212,209,209,212,215,217,215,212,209,207,207,207,204,204,202,199,196,196,196,196,199,202,202,202,202,199,196,195,196,199,202,199,194,191,189,186,183,183,183,181,178,173,170,168,127,165,125,123,121,117,117,119,123,165,168,165,163,121,119,119,121,121,119,117,115,115,115,117,119,123,163,123,121,120,120,121,123,127,129,129,176,181,186,191,194,194,194,194,194,199,204,207,204,204,209,209,209,209,209,209,215,217,215,204,202,222,235,238,235,234,238,248,255,255,254,254,254,243,220,141,128,127,139,196,199,202,222,255,0,0,0,254,255,255,251,238,0,0,0,248,238,212,199,196,202,194,181,174,176,178,181,183,191,13,7,0,0,61,150,103,0,0,0,0,0,0,0,0,0,0,0,5,25,25,33,108,189,152,134,152,191,0,178,118,37,37,124,147,31,0,0,0,0,0,0,0,0,7,13,13,35,71,53,19,8,27,113,147,137,61,9,0,0,0,0,0,0,0,0,147,202,191,160,69,0,0,0,0,0,0,0,0,0,0,51,124,113,49,23,15,7,0,0,0,0,0,0,0,57,57,0,0,0,0,0,0,0,0,0,0,0,0,61,89,126,131,137,0,0,37,63,73,89,89,89,97,99,97,99,144,163,168,163,168,168,163,155,137,89,31,0,0,0,0,0,0,7,29,45,57,63,57,47,47,47,39,29,29,47,57,57,51,51,57,77,103,113,115,157,168,178,181,189,178,178,181,173,89,13,0,0,0,0,0,11,65,152,157,163,165,155,87,81,111,181,186,181,178,176,176,176,178,173,165,168,176,181,176,165,111,101,93,77,73,87,107,109,97,91,93,97,103,95,83,77,78,79,71,47,51,61,63,67,57,55,63,69,75,75,65,61,65,87,107,155,168,173,173,178,173,160,109,93,84,85,103,115,101,89,84,88,95,95,95,95,89,89,107,191,220,212,157,85,69,77,111,121,119,47,0,5,73,93,93,91,95,111,163,176,178,189,189,173,119,115,117,117,111,106,106,115,127,121,115,117,121,115,109,103,103,109,115,115,125,186,186,181,189,194,202,204,199,189,189,181,129,125,123,127,131,181,196,194,183,125,123,125,119,107,105,101,97,97,89,84,89,99,107,113,157,157,165,163,107,89,79,73,68,69,83,101,95,81,73,79,79,73,63,61,63,69,75,79,77,65,57,54,55,47,33,37,61,93,109,107,99,91,89,81,79,73,65,63,67,69,69,71,73,83,91,95,89,79,77,79,89,91,95,95,89,89,91,93,97,97,99,103,107,105,99,99,93,83,80,81,89,103,160,168,168,170,170,186,202,217,209,47,0,0,0,0,9,23,47,91,176,209,228,230,215,196,176,183,196,202,189,117,110,129,225,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,238,181,109,89,99,168,225,248,67,19,13,3,0,0,0,0,0,0,15,79,196,228,222,220,230,230,246,238,238,248,255,255,255,255,255,255,238,235,241,243,243,235,222,125,80,85,129,202,202,183,123,131,199,230,246,243,241,228,207,189,176,121,107,93,83,80,87,157,186,194,186,183,183,173,152,95,73,61,43,21,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,23,41,45,47,49,51,53,55,59,71,75,73,68,67,71,83,95,142,152,150,147,150,170,178,183,178,181,189,202,199,196,191,194,212,230,251,0,0,238,238,251,228,168,63,9,0,0,0,0,0,0,0,0,33,85,157,183,194,183,183,222,233,189,91,85,0,0,0,0,181,181,191,181,173,178,186,163,83,41,19,5,0,0,19,81,160,183,191,199,209,204,191,163,153,156,163,170,170,0,0,163,157,152,160,0,0,0,0,0,0,0,0,0,0,0,0,0,209,217,0,0,0,0,251,251,255,255,255,255,254,251,248,251,251,251,251,243,220,209,194,183,183,186,191,191,183,176,127,127,121,113,105,95,87,81,73,49,33,33,33,33,35,31,23,17,19,25,43,57,71,83 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,147,186,199,202,202,202,199,199,199,199,202,204,204,207,207,209,209,207,204,198,198,199,202,207,207,202,202,209,222,248,93,0,0,43,152,152,105,142,155,163,176,173,155,152,165,147,152,163,165,165,170,178,183,183,178,181,189,194,189,189,191,194,199,202,202,204,207,204,196,170,119,123,178,181,183,178,176,178,178,125,117,125,170,124,116,170,125,115,113,114,115,123,131,131,176,181,194,209,212,204,200,200,200,200,202,204,202,194,186,181,178,178,178,181,191,199,191,181,135,178,196,215,212,199,196,204,204,189,135,135,181,181,181,181,127,128,186,196,196,194,189,189,186,181,176,130,128,128,130,131,133,133,183,191,173,113,119,127,129,129,129,119,113,113,119,127,125,122,125,129,129,129,176,183,189,189,170,111,107,112,129,183,183,181,183,194,204,204,196,186,186,189,186,189,191,191,186,183,183,186,189,194,196,199,194,189,186,186,189,189,189,183,179,179,179,178,181,189,186,178,178,181,191,196,194,196,202,204,202,196,189,186,183,189,196,199,196,194,194,196,199,204,204,202,196,194,194,194,191,189,186,189,191,191,194,189,186,189,194,196,196,196,196,194,189,189,194,196,199,202,204,204,207,207,207,209,207,199,181,123,112,112,121,133,186,196,194,189,181,123,105,109,119,125,123,123,123,125,133,191,199,204,207,204,194,181,131,133,186,191,189,186,186,189,194,194,199,202,199,194,189,189,189,191,196,196,196,191,181,173,173,129,125,125,131,183,191,194,191,189,186,181,174,173,176,176,131,127,127,130,178,183,186,186,178,133,131,131,181,194,181,133,181,189,191,181,176,181,189,191,194,189,183,183,181,177,176,178,186,191,191,186,183,183,191,202,207,207,202,196,194,191,189,189,186,185,185,189,196,196,191,191,196,196,191,186,181,178,135,178,186,194,196,194,189,186,186,186,189,191,194,194,191,186,185,189,194,196,196,199,202,199,199,196,196,194,194,199,202,204,202,202,204,204,199,199,199,202,202,204,209,209,204,199,194,189,189,194,196,196,196,196,194,191,186,183,186,183,133,128,129,135,186,186,186,186,189,189,186,183,183,186,189,191,191,186,181,181,181,186,189,186,181,181,181,178,178,178,181,183,186,191,194,191,190,190,191,194,191,190,189,189,191,199,199,196,191,191,189,189,189,194,196,196,194,194,196,196,196,196,194,194,196,202,202,204,204,204,204,207,207,204,204,202,202,199,199,199,199,196,196,194,191,187,189,191,194,190,190,194,196,196,196,202,204,204,204,202,196,191,189,191,194,196,199,199,199,199,202,202,202,204,204,207,207,207,202,204,207,209,209,204,196,190,190,194,199,202,202,199,194,191,191,189,189,189,196,199,194,189,189,191,191,189,191,194,199,202,202,199,194,191,191,194,199,204,207,212,215,222,225,228,228,230,233,233,233,233,233,233,233,230,228,225,225,222,212,207,204,204,207,209,212,209,209,209,207,207,209,207,207,209,204,199,204,207,204,204,207,209,212,222,225,225,222,217,216,217,222,225,228,222,215,212,212,209,209,209,215,217,217,215,209,202,202,204,207,207,202,202,202,202,202,204,207,212,215,215,215,215,215,212,212,209,207,204,204,202,204,207,215,217,220,215,215,215,215,217,217,222,217,217,212,209,207,209,212,217,222,222,228,228,217,212,212,217,228,230,230,230,228,222,215,209,204,207,209,209,209,209,209,207,204,207,209,209,207,202,191,189,189,190,196,202,207,209,212,212,212,212,212,212,212,212,211,211,211,215,220,222,222,217,215,209,204,204,204,204,207,202,194,144,145,196,204,212,215,217,217,217,222,222,217,212,209,209,212,215,217,217,217,217,215,212,212,215,215,215,215,212,212,215,217,217,215,212,207,204,204,204,204,202,202,199,196,196,196,199,199,199,202,202,202,199,196,196,196,199,199,196,194,191,189,186,183,183,183,181,178,173,129,127,127,127,125,123,119,117,117,119,123,165,168,168,163,160,121,121,121,160,121,119,117,117,117,117,121,123,163,163,121,120,120,121,125,127,127,127,129,176,181,189,194,194,191,190,190,194,199,202,202,202,204,207,207,204,204,207,212,217,215,207,207,222,235,238,237,237,243,251,255,254,248,246,243,241,222,145,131,137,202,209,207,204,215,238,254,0,0,254,255,255,255,246,0,238,243,238,217,199,196,209,222,204,186,176,174,178,181,186,189,0,0,0,0,23,51,23,0,0,11,0,0,0,0,0,0,0,0,0,5,25,51,142,209,183,134,142,183,176,118,63,51,98,124,95,17,5,0,0,0,0,0,0,0,31,33,29,41,63,47,27,21,47,100,100,41,0,0,0,0,0,0,0,0,0,0,139,202,191,160,116,59,1,0,0,0,0,0,0,3,45,116,137,121,59,37,25,11,0,0,0,0,0,0,19,67,103,7,0,17,9,0,0,0,0,0,0,0,37,79,134,150,142,129,0,0,23,63,79,89,91,93,97,97,93,91,99,152,168,170,173,176,168,144,89,51,0,0,0,0,0,0,0,0,23,43,51,53,45,33,39,55,55,35,29,43,61,69,71,71,71,83,111,155,157,157,160,170,181,186,178,173,181,186,157,75,0,0,0,0,0,13,45,91,165,176,170,157,147,147,173,199,194,186,183,176,176,176,178,178,170,168,163,165,168,165,155,107,99,87,81,89,103,105,99,93,95,99,103,101,89,83,85,83,51,23,29,49,67,67,57,55,57,63,69,75,73,69,75,95,113,170,183,183,183,178,173,173,119,95,82,84,109,160,113,93,86,93,107,97,89,87,91,105,181,220,238,225,163,85,69,75,97,109,113,63,29,36,95,105,99,87,87,109,176,189,189,189,189,176,121,119,119,119,113,106,102,111,123,121,115,115,121,121,115,103,100,107,115,115,119,127,125,125,129,189,204,207,199,189,183,181,181,131,131,183,189,196,202,202,194,176,123,123,119,113,115,107,97,91,89,83,87,97,105,111,113,155,155,107,97,87,81,73,68,71,91,103,95,73,70,81,93,91,71,63,60,63,69,75,71,63,53,52,55,45,29,30,43,77,101,103,99,83,79,79,77,73,69,69,71,73,69,63,61,63,71,87,89,89,87,91,97,97,97,97,89,89,91,91,93,97,97,103,107,101,93,93,91,83,77,77,85,103,163,181,168,170,183,196,217,241,220,95,21,11,37,55,51,51,77,113,204,235,246,230,215,183,115,113,127,196,189,110,99,117,217,248,255,255,255,254,255,255,255,255,255,255,255,255,255,255,233,123,83,74,77,99,168,191,99,23,0,0,0,0,0,0,0,0,59,170,217,228,199,202,220,230,246,246,248,251,255,255,255,255,255,254,234,234,241,243,243,235,222,181,97,97,135,196,202,194,183,183,199,215,233,243,243,228,212,196,183,168,117,95,83,79,81,101,165,176,183,189,183,170,137,79,63,51,33,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,45,61,73,63,57,55,55,59,69,75,81,81,69,67,75,87,99,142,147,150,144,157,176,186,183,176,176,181,199,196,186,170,183,209,235,0,0,0,230,238,251,228,183,83,27,7,0,0,0,0,0,0,0,35,89,155,173,178,173,183,222,233,191,124,91,0,0,0,183,178,178,181,181,176,181,186,173,101,67,39,15,1,11,37,87,168,191,196,209,209,199,191,163,156,163,170,176,176,0,0,170,160,152,152,0,0,0,194,0,0,0,0,0,0,0,0,0,220,238,0,0,0,0,0,243,251,254,255,254,251,243,243,235,241,243,243,235,220,204,194,178,176,178,183,183,183,176,176,170,163,113,105,91,87,81,73,49,33,33,33,39,43,35,23,23,25,29,43,57,71,77 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,202,202,202,199,199,199,202,202,204,207,209,207,207,207,209,209,204,199,198,199,204,204,194,170,178,204,215,220,55,0,0,160,199,204,178,170,157,144,155,165,165,176,181,139,150,165,173,173,178,186,191,189,181,178,183,191,196,194,196,196,199,202,204,202,202,196,189,178,125,121,170,176,178,123,112,119,123,116,115,123,176,186,191,186,115,109,110,114,119,129,186,191,194,194,202,209,209,202,200,200,202,202,204,207,204,199,189,181,178,135,131,129,178,194,196,189,181,183,202,217,209,191,186,194,194,183,133,135,183,191,194,196,134,134,196,202,196,191,189,183,181,178,176,131,128,128,130,176,133,129,131,129,178,196,178,176,176,181,178,127,117,119,176,178,170,127,127,127,127,125,127,129,170,129,123,117,113,117,123,129,173,178,183,194,204,204,199,191,186,183,186,183,178,178,183,186,189,191,196,199,202,202,196,194,191,189,186,186,183,183,181,181,179,178,179,183,178,172,173,183,194,196,191,194,202,204,202,199,196,191,191,196,199,196,194,191,196,199,199,199,199,199,196,196,194,194,194,194,191,186,185,186,186,183,183,191,199,199,196,196,196,194,191,191,191,194,194,199,202,202,204,207,207,209,207,199,183,121,110,109,113,133,196,202,189,135,127,107,97,101,189,189,178,129,131,181,194,196,199,202,207,207,199,186,131,130,181,189,189,189,189,191,196,199,202,204,202,194,189,189,186,189,196,196,196,191,178,131,129,125,125,127,173,181,189,189,189,186,183,183,178,176,176,133,131,131,178,178,183,186,186,183,178,176,133,132,183,189,120,118,178,183,183,181,181,194,199,194,191,189,186,186,183,178,181,189,196,199,202,199,191,189,189,196,204,204,199,194,191,189,186,185,183,183,186,194,199,199,194,194,196,196,191,186,181,135,135,178,186,194,196,194,191,191,191,191,191,191,191,189,186,185,186,191,194,194,196,199,199,202,202,202,196,194,194,194,199,202,202,204,204,204,199,196,199,199,191,191,202,207,204,202,196,191,191,194,196,196,194,194,191,191,189,186,189,189,135,129,130,137,189,191,189,186,186,186,183,181,179,183,189,191,191,189,183,183,186,189,189,189,186,183,181,178,178,178,181,183,186,191,194,191,190,190,191,194,194,191,191,191,196,202,204,199,191,186,183,186,191,196,202,199,199,199,199,202,199,196,194,194,196,199,202,202,204,204,204,204,207,207,204,204,204,202,202,202,199,199,199,199,196,191,189,191,194,191,194,199,196,192,192,195,199,202,202,199,194,186,183,186,191,196,199,199,202,202,202,202,204,207,207,207,209,207,204,207,212,212,209,204,196,190,189,191,196,196,196,196,191,189,189,186,186,189,194,194,189,183,186,191,194,194,196,199,202,199,196,194,194,189,187,187,194,202,207,207,209,217,225,228,228,228,230,230,228,230,230,230,230,228,228,228,230,225,212,202,199,199,202,204,207,204,199,194,194,202,209,209,205,207,207,209,212,212,207,209,212,212,215,217,222,222,222,217,217,217,222,225,228,228,225,225,222,217,215,215,215,217,217,215,209,204,199,202,204,202,199,196,199,199,202,204,207,209,212,215,215,215,212,209,207,202,200,199,199,202,204,209,215,220,222,217,215,217,222,225,225,222,217,215,209,204,202,204,209,215,217,222,225,228,222,213,212,215,222,225,225,225,222,217,217,215,209,212,215,215,215,212,209,204,204,204,207,209,209,202,196,191,191,194,199,204,207,207,209,212,212,212,212,212,212,212,211,211,212,215,222,222,222,217,212,209,207,207,207,207,204,199,147,145,196,204,207,212,212,215,217,222,222,222,217,212,209,209,212,217,217,222,222,222,222,217,215,215,215,215,212,212,215,215,217,222,217,209,207,204,204,204,204,202,199,199,196,196,196,199,199,199,202,202,202,202,202,199,199,199,196,196,194,191,189,186,183,183,183,181,176,173,129,127,127,127,125,123,119,117,115,117,121,165,168,168,165,160,121,121,160,160,160,119,117,119,119,119,123,163,165,163,123,120,121,123,125,127,127,125,125,129,178,183,191,194,191,189,189,191,199,199,199,199,204,207,207,204,204,207,212,217,217,212,212,222,233,238,238,241,246,251,254,254,243,237,237,238,230,204,143,196,207,207,199,196,202,217,235,246,248,255,255,255,254,246,238,238,235,222,202,191,194,212,222,204,186,176,176,178,181,183,183,0,0,0,0,0,0,0,23,108,95,25,0,0,0,0,0,0,0,0,0,25,90,129,152,142,121,142,183,142,53,39,51,87,95,43,17,11,0,0,0,0,0,7,31,33,13,0,21,41,41,41,47,92,100,47,5,0,0,0,0,0,0,0,0,0,0,0,124,144,137,118,111,45,0,0,59,129,121,116,116,134,139,137,105,55,37,19,0,0,0,0,0,0,0,25,113,126,105,57,45,3,0,0,0,0,0,0,75,105,116,134,142,142,129,0,0,0,89,95,89,89,89,91,93,91,89,95,144,163,176,176,176,165,134,63,11,0,0,0,0,0,0,0,0,43,49,45,41,30,25,30,57,75,55,35,43,57,69,77,79,77,85,111,165,173,168,176,178,189,189,178,169,170,181,168,101,11,0,0,0,0,0,11,53,163,178,176,170,170,183,199,199,199,191,183,178,176,176,181,181,173,163,157,160,163,160,107,95,71,63,63,71,85,99,107,105,101,99,105,139,101,89,95,89,29,11,20,39,63,71,65,63,54,54,65,81,91,91,93,101,155,173,191,194,186,183,183,183,173,103,85,87,119,186,173,115,101,113,157,103,89,87,95,113,194,220,230,212,163,85,68,69,89,89,53,43,55,109,163,173,119,93,88,107,181,196,196,194,189,176,165,121,121,121,119,111,105,111,121,117,109,111,117,121,119,107,104,113,119,119,121,125,117,114,119,178,199,207,202,194,181,131,131,181,181,189,194,196,199,202,196,178,123,121,115,115,115,105,93,89,85,83,84,93,101,107,113,111,105,95,81,79,79,73,69,71,83,95,87,69,67,79,99,139,89,71,62,63,69,73,71,59,54,55,61,47,32,32,45,73,93,93,91,81,75,75,77,77,73,77,87,85,73,59,52,54,59,79,89,93,89,91,97,97,101,97,93,85,85,85,87,91,97,101,101,99,91,91,89,87,83,85,93,105,163,163,157,160,170,194,209,217,202,105,55,47,63,87,95,103,170,209,235,254,254,228,199,121,102,100,111,183,199,115,103,117,207,241,254,255,255,255,255,255,255,255,255,255,255,255,255,255,220,117,83,77,75,73,63,57,47,1,0,0,0,0,0,0,0,0,49,142,196,199,157,170,194,212,225,235,235,248,255,255,255,254,255,243,234,235,241,255,255,238,225,202,131,129,189,199,194,189,189,189,199,220,246,254,248,228,215,204,202,186,173,115,89,80,81,93,111,160,176,183,183,160,126,73,55,39,19,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,108,73,63,57,59,59,69,77,85,81,73,75,85,93,103,144,147,147,147,157,178,186,183,176,173,181,194,196,176,160,168,204,0,0,0,0,230,235,241,233,196,137,59,25,9,0,0,0,0,0,3,45,89,147,155,157,157,168,202,222,183,126,91,0,0,0,194,173,165,170,170,168,173,181,178,155,89,57,19,5,11,37,81,165,191,199,209,209,199,189,170,168,176,183,186,189,0,0,170,157,148,150,160,173,186,189,0,0,0,0,0,0,0,0,209,215,217,241,0,0,0,0,235,243,251,251,251,243,235,235,220,220,220,220,220,209,204,191,178,176,176,178,176,176,176,176,170,163,113,105,91,87,81,75,53,39,33,33,43,43,43,33,25,25,35,43,55,63,75 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,225,215,204,202,202,204,204,207,207,207,207,204,202,202,204,207,204,202,199,202,207,204,173,103,147,196,199,147,61,71,137,196,196,202,194,186,168,135,144,157,163,181,178,140,150,173,183,183,186,194,199,196,186,176,173,183,194,196,194,194,196,199,202,199,191,183,181,183,176,127,125,127,170,123,110,113,119,117,119,127,181,189,194,183,117,111,117,125,127,133,186,196,202,202,204,207,207,202,202,202,202,202,204,207,207,199,191,183,178,135,129,125,126,178,186,189,183,181,194,204,191,135,133,125,109,114,131,178,189,199,212,212,194,191,202,202,196,189,186,183,178,135,135,176,131,131,176,186,176,127,118,106,114,194,189,189,194,199,196,183,173,178,191,191,181,173,170,129,129,123,115,117,119,119,121,121,121,117,113,117,125,170,178,186,199,204,202,196,186,181,181,178,173,173,178,189,191,194,199,202,202,199,196,194,194,191,186,181,178,181,181,181,181,181,183,183,173,170,173,183,191,191,186,189,196,202,202,199,196,196,196,196,196,194,191,191,196,202,196,191,191,196,199,196,194,194,196,199,194,186,183,186,186,181,181,189,202,202,199,196,194,194,191,191,189,186,189,196,199,202,202,207,207,207,204,199,186,129,115,112,121,189,207,207,117,99,107,103,99,109,207,199,183,135,181,191,199,199,196,202,207,207,202,189,131,129,178,191,194,191,191,196,202,207,204,204,202,196,191,189,186,183,189,194,194,186,176,127,124,124,125,131,176,178,183,189,189,189,186,186,186,181,176,133,176,183,189,189,189,189,186,181,178,176,178,183,186,133,104,104,131,183,183,189,194,204,199,191,189,189,189,191,189,189,191,194,196,199,202,204,196,189,189,194,199,199,196,191,191,189,186,185,183,185,191,196,202,202,196,191,191,191,189,183,135,133,133,178,186,194,196,196,196,196,196,196,194,191,189,186,185,186,189,194,196,196,196,196,199,204,207,204,202,196,191,191,194,196,199,202,204,202,196,196,196,191,182,181,191,204,207,204,199,194,194,194,196,194,191,191,194,194,191,189,189,189,181,133,135,183,189,194,191,186,183,186,181,179,178,181,186,191,194,191,189,189,189,186,186,189,189,186,183,181,178,178,181,183,189,191,194,191,190,190,191,194,194,196,196,196,199,199,199,191,183,137,137,183,191,196,199,199,199,199,202,202,199,196,192,192,194,196,199,202,202,202,202,204,204,204,204,204,207,207,207,204,202,199,202,204,202,196,191,191,194,194,202,204,202,194,191,194,199,199,199,196,189,139,136,139,189,194,196,199,202,202,202,202,204,207,207,209,209,209,207,209,215,212,209,202,194,190,190,191,194,194,194,194,189,186,186,186,185,189,191,189,183,182,183,189,191,191,194,199,202,199,194,194,196,191,185,183,189,202,204,202,204,212,222,225,225,228,228,228,228,228,228,228,228,228,228,230,230,225,207,196,194,196,199,199,202,199,191,139,138,191,207,209,205,205,207,212,217,215,212,215,217,217,215,215,217,222,222,222,217,215,217,222,228,233,233,233,230,225,222,217,215,215,212,209,207,204,196,194,199,199,196,195,196,202,204,207,209,212,212,212,212,209,209,207,202,200,199,198,199,202,204,209,215,220,222,217,217,222,225,228,225,222,215,212,207,202,200,202,204,207,212,215,222,225,222,217,215,217,222,222,222,222,217,217,217,217,215,215,217,217,215,209,207,202,202,202,204,207,207,204,202,199,199,202,204,204,204,207,209,212,212,212,211,212,215,215,215,212,215,220,222,222,215,212,209,209,209,209,209,209,204,196,143,145,202,209,209,212,212,215,217,222,222,222,215,212,209,209,212,217,222,222,222,225,225,222,217,217,217,215,212,212,215,217,222,222,217,212,207,204,204,204,202,202,199,196,194,196,196,196,199,202,202,204,204,204,204,202,202,199,196,196,194,191,189,186,183,183,183,181,176,170,129,127,127,127,125,121,117,115,115,117,121,163,168,170,168,163,160,160,160,163,160,121,119,121,121,121,123,165,165,125,123,121,123,125,127,127,127,125,125,127,173,181,189,191,191,191,191,196,202,202,199,199,202,207,207,204,204,207,215,217,217,215,215,220,228,233,235,238,243,248,251,254,246,237,235,238,238,222,207,204,202,194,183,183,189,199,215,243,251,255,255,251,246,241,238,235,230,215,199,189,191,202,209,202,0,0,181,181,183,181,181,0,0,0,0,0,0,9,152,196,150,11,0,0,0,0,0,0,0,0,0,33,87,90,90,118,134,176,191,134,39,19,23,31,79,49,29,5,0,0,0,0,45,173,142,27,0,0,0,35,47,53,103,121,111,51,13,0,0,0,0,0,0,0,0,0,0,0,108,134,129,118,111,29,0,17,134,178,183,170,163,152,144,129,113,69,57,33,0,0,0,0,0,0,0,61,144,163,152,134,98,31,0,0,0,0,0,0,126,124,121,124,124,142,131,118,0,0,131,137,95,83,70,71,85,91,93,99,144,160,168,168,165,152,97,45,0,0,0,0,0,0,0,57,93,63,49,43,37,30,29,41,71,101,81,59,55,61,69,75,83,81,91,107,170,181,183,191,196,196,194,178,169,169,170,173,144,19,0,0,0,0,0,0,5,93,163,176,181,189,199,199,199,191,191,189,183,183,183,186,178,165,115,152,152,152,107,87,63,43,45,53,59,73,95,144,144,99,96,103,142,103,93,95,97,47,17,24,41,61,67,65,65,57,54,57,83,109,150,109,105,113,170,189,194,183,173,183,186,173,107,88,90,155,191,183,173,157,173,170,109,91,91,97,113,191,212,220,212,181,105,77,75,91,79,42,37,97,189,189,189,176,107,91,99,163,194,196,189,176,163,165,160,165,165,165,123,117,121,119,111,101,101,109,111,115,119,119,119,121,178,186,181,117,113,116,127,189,202,199,189,129,127,127,129,170,181,183,181,191,196,194,176,121,117,115,113,105,93,83,85,85,84,84,89,99,105,111,111,103,81,77,77,79,75,69,69,71,77,75,66,66,71,93,139,95,83,75,75,75,73,65,63,63,65,63,53,39,40,55,69,77,75,71,71,73,75,79,79,87,93,101,99,83,59,52,51,56,71,89,93,87,87,93,97,101,97,93,85,77,79,87,97,101,101,101,99,93,93,91,91,97,101,103,103,109,107,105,111,163,186,202,204,183,105,71,45,49,81,121,207,241,243,248,254,248,212,125,109,104,110,121,196,202,123,107,115,196,228,241,255,255,255,255,255,243,243,255,255,255,255,255,255,207,121,97,89,81,55,13,0,0,0,0,0,0,0,0,0,0,0,0,29,99,157,75,89,168,196,215,225,228,233,235,251,251,254,255,255,243,235,235,243,255,233,225,212,204,196,204,207,202,194,191,189,196,215,246,255,248,228,215,207,212,204,191,165,105,87,85,93,101,150,157,173,165,144,85,63,45,23,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,105,67,61,56,57,59,69,75,85,83,83,85,93,103,147,150,147,147,147,163,178,183,183,173,173,176,194,196,176,147,160,202,0,0,0,0,230,230,235,235,215,168,118,55,27,7,0,0,0,0,7,53,118,139,138,138,139,155,194,215,181,134,0,0,0,0,194,173,155,155,160,155,160,173,186,178,144,67,25,5,4,15,67,155,183,199,215,209,199,191,183,183,183,186,194,196,0,189,168,152,147,146,157,170,189,0,0,0,0,0,0,0,0,0,186,183,191,202,0,217,217,0,220,235,235,235,235,235,220,212,212,212,220,220,212,204,194,186,178,178,176,176,176,170,170,165,165,157,113,105,95,87,81,75,55,43,39,43,43,43,39,33,33,35,35,43,53,63,71 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,186,196,204,207,209,209,209,207,207,204,204,199,198,198,202,204,202,199,204,207,204,109,93,107,199,194,178,178,199,199,191,191,196,204,194,165,122,134,150,160,181,168,142,150,173,186,189,191,196,207,207,202,183,168,170,186,191,189,186,189,194,196,191,178,173,176,186,186,176,111,109,125,176,123,113,117,123,127,173,176,129,127,127,127,129,176,178,176,176,181,191,199,204,204,207,204,202,204,204,202,202,204,207,207,199,191,183,178,178,133,128,128,135,181,186,183,181,181,178,129,129,135,125,103,106,121,178,189,207,222,222,207,194,196,199,194,189,186,186,181,181,183,186,183,181,183,183,127,119,116,109,114,176,191,202,209,209,207,196,189,189,194,196,186,178,176,173,173,127,105,105,113,119,121,123,121,112,107,110,123,176,183,186,194,196,196,194,186,181,178,176,174,178,186,194,196,196,199,199,199,196,191,189,191,189,183,176,173,176,178,173,131,181,186,181,173,172,176,183,183,183,178,178,183,191,194,191,191,194,194,191,191,189,186,189,194,196,194,190,191,194,196,196,194,196,199,202,199,191,189,191,191,183,182,191,202,204,202,199,196,194,194,191,186,181,183,196,202,202,204,207,207,207,202,194,186,135,129,129,181,199,207,196,96,92,99,109,113,127,204,199,181,134,181,194,199,199,199,202,204,204,202,189,133,131,186,196,199,196,196,199,207,209,207,207,202,196,191,189,183,181,183,186,183,178,131,125,123,123,127,173,173,173,178,186,194,194,191,189,189,183,178,178,181,189,189,186,183,183,183,181,178,178,181,186,181,129,111,113,186,194,194,194,196,199,189,176,183,189,191,189,186,186,186,189,186,191,199,202,196,189,189,196,199,199,194,191,191,191,189,189,189,189,191,194,196,196,194,186,183,181,181,135,131,129,133,178,189,194,194,194,194,196,199,199,196,191,189,186,186,191,194,196,196,196,196,196,199,204,209,209,204,199,191,190,190,191,194,199,202,199,196,194,194,186,178,179,191,204,207,202,202,199,194,194,196,194,194,194,196,199,196,189,189,191,186,183,181,186,191,196,196,191,186,183,181,179,179,183,189,194,196,196,194,189,186,181,179,183,189,189,183,181,178,178,181,186,189,191,194,191,190,190,191,194,194,196,196,196,194,191,186,181,137,136,181,186,189,191,194,196,196,196,199,199,196,194,192,192,192,196,199,199,199,199,199,202,202,202,202,202,207,209,207,204,199,199,202,204,207,202,194,191,194,199,204,209,207,202,196,199,202,199,199,194,186,136,135,137,189,194,194,199,204,204,202,202,204,204,204,207,209,209,207,209,212,212,209,202,196,191,191,194,194,194,194,191,189,186,186,186,186,186,189,186,183,182,183,186,186,186,185,186,194,196,196,199,202,196,187,186,191,204,207,202,200,207,215,222,222,225,228,228,228,230,230,228,228,225,228,228,228,217,199,147,194,199,196,196,196,194,143,137,135,139,202,209,207,207,207,212,215,215,215,212,215,215,212,215,217,225,225,222,215,213,215,222,230,235,235,233,230,225,222,215,209,207,204,207,207,204,192,190,192,196,196,195,199,204,209,212,215,215,215,212,212,209,209,207,207,204,204,202,204,207,207,209,215,217,222,222,222,225,228,228,225,217,212,209,207,204,202,202,202,204,207,212,215,222,225,225,225,225,225,222,222,222,217,217,222,222,217,217,217,217,212,207,202,202,202,202,202,199,199,199,202,204,204,204,204,204,204,204,207,209,212,212,211,212,215,217,222,222,222,225,225,215,209,204,204,207,209,212,212,209,204,147,137,139,196,209,212,212,212,215,217,222,222,215,212,212,209,212,212,217,222,222,222,225,225,222,222,222,222,215,212,212,215,217,222,225,217,212,207,204,204,204,202,199,196,194,194,194,194,196,199,202,202,204,204,204,204,204,202,202,199,199,196,194,189,186,183,183,183,178,176,170,127,127,168,127,125,121,117,115,115,117,119,163,168,170,168,163,160,160,163,163,163,121,121,121,121,121,123,163,163,125,123,123,125,165,127,127,127,125,123,125,129,176,183,189,191,194,196,199,202,199,194,194,199,207,207,204,204,207,215,217,217,215,217,222,225,228,230,233,238,243,248,254,248,238,235,238,241,238,225,212,199,189,181,179,181,189,202,230,241,251,251,246,243,243,241,235,228,209,194,183,181,189,199,0,0,0,0,191,186,183,181,0,0,0,0,0,5,0,168,196,126,0,0,0,0,0,0,0,0,0,0,45,45,25,25,108,142,176,176,108,33,11,2,6,95,95,37,0,0,0,0,0,0,220,173,17,0,0,21,47,85,92,111,129,129,118,90,41,0,0,0,0,0,0,0,0,0,142,183,150,134,139,163,0,0,31,126,168,191,199,173,163,152,142,121,118,111,75,51,35,0,0,0,0,41,118,155,163,144,105,65,57,37,15,0,0,0,13,98,124,126,124,124,131,129,87,0,0,63,131,131,83,67,64,71,93,99,137,142,152,160,152,142,134,87,45,0,0,0,0,0,0,0,73,144,75,51,45,49,53,53,67,95,139,97,81,77,77,77,85,101,107,107,152,178,189,191,194,202,202,194,186,178,178,186,196,181,49,0,0,0,0,0,0,0,31,93,170,189,191,196,199,191,191,191,194,194,189,183,181,170,150,104,104,109,109,91,59,33,33,39,53,59,71,91,139,139,99,96,103,147,139,91,93,103,87,43,41,51,63,67,65,67,73,57,55,81,152,176,152,101,101,150,173,178,173,170,173,183,160,109,91,93,155,178,173,173,178,173,157,107,97,101,103,107,160,191,212,215,204,163,101,91,91,83,55,59,111,181,181,178,181,117,93,89,107,176,189,163,119,115,119,119,121,165,178,178,165,165,115,101,95,99,105,101,109,125,168,121,121,191,209,202,129,119,119,127,189,199,199,183,127,123,124,125,127,127,127,125,178,183,189,173,117,115,113,107,95,79,75,83,89,87,87,89,95,97,107,111,103,83,78,81,89,85,73,69,70,77,75,67,69,73,85,91,91,91,89,87,79,67,60,61,71,75,69,53,45,49,65,69,69,67,66,67,73,79,87,89,93,103,142,139,85,65,57,57,65,81,89,89,85,87,93,99,105,103,97,89,77,77,91,103,139,107,103,99,99,95,89,93,103,105,99,91,85,87,95,111,170,194,202,194,183,117,81,33,22,35,109,217,246,233,225,230,225,186,111,104,113,173,183,202,212,137,113,115,194,228,238,255,255,255,255,248,241,238,243,255,255,248,248,248,222,170,113,105,91,53,7,0,0,0,0,0,0,0,0,0,0,0,0,0,61,93,32,43,103,178,199,215,217,220,225,235,251,255,255,255,243,233,225,225,233,212,207,222,215,220,220,217,220,209,196,189,191,212,246,251,248,228,207,205,212,209,191,168,109,95,93,107,109,142,142,150,139,89,75,53,35,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,61,57,56,56,59,69,75,81,87,89,99,137,147,155,152,147,147,150,170,176,178,176,173,173,181,194,196,178,147,157,0,0,0,0,0,222,228,230,235,225,191,157,116,51,19,0,0,0,0,13,65,129,139,138,138,147,165,196,215,189,147,0,0,0,0,202,173,155,152,152,152,155,170,191,186,155,81,39,11,2,5,55,147,178,191,209,209,199,191,183,183,183,183,196,207,0,181,163,150,144,144,152,170,189,204,0,186,168,157,0,0,0,178,165,157,157,163,183,194,204,0,212,212,217,220,220,212,209,209,207,212,212,212,204,194,186,183,183,178,176,170,127,165,165,165,163,157,155,111,97,87,81,75,61,49,43,43,43,43,35,33,33,35,39,43,51,59,63 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,204,209,209,209,209,207,204,204,204,199,196,196,199,202,202,202,204,209,207,101,90,152,207,196,183,186,194,196,196,196,194,199,191,142,94,125,144,163,178,157,134,139,165,186,191,194,202,212,217,217,199,165,123,173,183,183,186,191,196,194,183,170,127,168,178,186,186,95,94,113,189,178,106,110,121,170,181,176,115,111,117,173,189,191,186,183,183,183,189,196,202,202,202,199,199,204,204,202,199,202,204,204,199,189,134,132,135,183,183,183,189,189,191,191,189,181,132,125,127,191,209,120,113,123,181,199,217,225,217,204,190,190,196,194,189,191,191,186,189,196,204,199,189,186,181,119,117,119,131,176,178,194,207,215,212,204,199,196,194,194,196,191,183,176,173,176,129,99,98,107,121,125,127,125,117,108,111,170,194,194,189,186,183,186,189,183,176,173,176,186,194,196,199,199,199,196,196,196,194,191,187,189,189,181,173,170,173,173,121,119,173,186,181,172,173,178,181,181,178,176,176,177,181,183,178,181,183,183,183,183,183,183,183,189,191,191,190,191,196,196,196,194,196,196,199,199,199,196,196,194,189,189,199,204,204,204,204,202,196,191,186,178,133,178,196,202,202,204,204,204,199,194,186,181,137,178,183,194,202,202,131,97,95,109,121,127,181,196,191,133,132,178,194,199,199,199,199,199,199,196,189,178,181,194,202,204,202,199,199,207,209,207,204,196,186,183,189,189,183,181,178,173,131,129,127,125,127,131,131,129,129,176,186,194,194,191,189,186,183,181,183,189,189,183,178,177,178,178,178,178,178,176,176,133,131,129,186,204,202,196,186,186,186,174,170,181,191,191,178,131,131,135,178,181,189,199,204,196,191,191,196,202,199,196,194,194,194,194,194,194,191,191,189,189,189,186,137,131,127,127,127,129,129,131,181,189,191,191,189,189,194,196,199,199,191,189,189,191,194,196,199,199,202,199,196,196,202,207,207,202,199,194,190,190,191,194,199,202,202,196,196,196,186,182,183,196,204,204,202,202,199,196,194,196,196,196,196,199,202,196,187,187,189,191,189,186,186,194,199,202,196,189,186,183,181,183,186,194,199,204,202,196,191,186,179,178,179,186,186,181,181,178,181,186,189,191,191,194,191,190,190,194,194,194,194,191,189,183,137,135,136,137,183,189,191,189,187,189,191,194,194,196,196,196,194,194,194,194,196,199,199,196,196,196,199,199,196,199,202,204,207,207,204,199,199,202,207,209,204,194,189,191,202,207,209,209,209,209,207,207,202,199,194,186,137,136,139,189,191,194,199,204,207,204,202,204,204,204,204,207,207,204,204,207,209,207,202,196,191,191,191,191,194,194,191,189,186,189,189,189,189,189,191,189,189,191,189,186,185,182,181,185,194,199,202,204,202,196,191,199,207,207,202,202,207,212,217,222,225,228,230,230,230,230,228,225,225,222,222,217,204,147,145,196,199,199,194,191,191,145,138,135,138,194,207,209,209,207,207,209,212,209,204,204,209,212,215,222,225,228,225,217,215,217,225,233,233,230,225,222,220,217,212,204,199,199,202,207,204,194,190,192,199,199,199,204,209,212,217,217,217,215,212,209,209,212,212,212,212,212,212,215,212,209,212,212,217,217,222,222,225,228,228,222,215,212,209,209,209,207,204,204,207,209,212,215,217,225,230,230,228,228,225,228,225,222,222,222,222,222,222,222,217,209,204,199,199,202,202,199,191,145,191,199,204,207,204,204,204,204,204,207,209,212,212,212,215,222,222,225,225,228,228,222,212,204,202,203,207,212,212,212,209,202,141,131,130,141,202,209,212,215,215,217,222,217,209,207,209,209,212,212,215,217,222,222,222,222,225,225,225,222,217,215,212,212,215,222,222,222,215,209,207,204,202,202,199,196,194,194,194,194,196,196,199,202,204,204,204,204,204,204,202,202,202,199,194,191,186,183,183,181,178,173,170,129,168,168,127,125,121,117,115,113,115,119,123,165,168,168,165,163,160,163,163,163,123,121,121,121,121,123,163,125,125,125,125,165,168,168,168,127,125,123,123,125,129,178,186,191,194,196,199,199,194,191,191,196,204,207,207,204,207,212,215,215,215,217,225,225,222,225,230,235,243,251,254,251,243,238,238,243,246,241,225,209,196,186,182,182,189,202,215,233,248,0,0,248,246,241,233,217,202,181,168,165,173,191,0,0,0,0,0,196,189,186,0,0,0,5,13,23,47,108,126,31,0,0,0,0,0,5,0,0,0,0,33,13,0,13,82,108,126,111,77,39,19,6,6,113,100,43,11,0,0,0,0,173,183,95,7,13,47,82,85,0,79,92,118,137,155,163,137,45,19,0,0,0,47,139,157,189,255,248,181,150,170,255,0,0,45,108,137,181,209,204,186,165,150,129,121,118,118,121,137,92,49,51,53,87,118,129,137,49,7,31,59,57,39,3,0,0,0,47,124,142,134,118,116,113,53,0,0,37,89,131,93,68,64,71,91,129,129,134,142,142,134,126,95,83,53,0,0,0,0,0,0,0,45,129,124,71,65,67,65,65,77,99,101,97,91,101,103,103,111,157,168,160,168,189,194,183,183,189,194,194,186,194,204,225,238,238,101,0,0,0,0,0,0,0,0,73,173,191,189,189,189,186,181,181,183,189,189,183,178,160,106,103,106,107,107,85,43,19,17,27,41,53,65,85,137,139,137,139,147,163,144,95,95,139,101,69,65,71,73,73,69,75,87,69,55,75,152,181,155,99,96,107,155,160,157,157,173,173,157,115,107,103,115,160,160,173,173,173,152,103,101,103,97,95,101,160,202,222,209,176,111,101,97,89,91,101,109,157,176,176,189,163,95,83,91,163,178,119,111,109,111,113,117,160,165,165,165,160,113,99,95,99,105,101,107,168,186,121,119,196,225,217,199,181,129,178,189,199,199,189,127,125,125,125,124,124,124,122,123,176,178,163,121,121,115,103,81,70,70,85,97,95,89,95,99,97,105,111,109,95,87,93,99,91,77,73,83,89,81,70,75,79,79,83,85,91,93,87,79,65,60,63,77,75,61,43,41,51,71,77,77,71,71,73,75,81,87,95,99,139,147,139,83,65,65,67,79,83,85,81,81,87,97,137,142,139,101,89,73,71,87,99,139,139,139,105,105,97,83,83,93,97,85,65,67,81,101,163,191,204,204,199,186,165,99,33,15,20,61,176,209,199,194,207,207,173,111,107,115,176,183,186,212,212,139,137,207,228,235,255,255,255,254,241,243,238,243,255,255,251,251,251,246,204,173,157,105,69,17,0,0,5,5,0,0,0,21,33,0,0,0,1,59,87,18,22,91,173,189,202,207,215,217,228,251,255,255,255,233,215,207,207,215,199,202,222,230,228,230,228,228,209,191,187,194,215,246,251,248,228,209,207,212,209,191,165,105,95,107,155,152,142,99,89,81,75,63,45,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,0,0,0,65,59,57,56,56,57,59,67,75,83,93,131,144,152,150,150,147,147,157,170,176,176,173,172,173,181,194,196,176,147,160,0,0,0,0,0,220,220,228,233,225,204,186,157,85,41,9,0,0,0,23,79,150,157,150,150,160,178,204,215,186,150,152,0,0,0,215,191,163,147,152,155,155,163,181,186,160,93,55,19,5,5,47,101,173,191,204,209,199,191,183,176,170,176,194,207,196,176,165,160,148,146,152,170,194,204,207,186,160,0,0,0,0,0,157,147,147,155,170,191,204,209,207,212,217,217,217,209,204,203,204,209,209,204,202,191,183,176,178,176,176,127,165,121,121,121,157,155,155,111,105,91,81,75,61,55,49,43,43,43,33,23,25,33,35,43,51,57,61 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,212,207,207,207,204,199,202,202,204,199,196,196,199,199,202,204,204,212,209,96,97,189,202,199,178,181,186,186,199,196,196,196,186,147,130,135,150,165,168,139,118,125,155,183,196,199,204,212,222,225,215,183,117,115,170,181,189,191,196,194,178,168,165,125,165,176,178,89,91,95,181,176,59,77,111,125,183,181,89,97,119,183,194,194,191,189,189,186,189,194,196,196,194,194,199,202,204,202,199,199,204,207,202,189,130,126,135,189,191,191,189,194,196,196,194,189,183,186,196,204,202,189,186,194,202,204,212,217,209,191,187,190,196,194,194,199,202,194,194,207,215,207,194,189,186,127,119,127,178,178,183,191,196,121,106,110,181,196,199,199,202,199,186,176,170,173,125,103,95,103,121,127,170,176,181,181,173,191,207,204,186,173,172,178,189,115,123,127,173,194,196,196,196,199,199,196,196,194,194,191,191,189,186,176,169,173,178,129,117,119,173,186,183,173,172,176,181,181,181,178,177,178,178,176,174,174,174,174,176,181,183,182,182,186,189,191,191,199,204,204,202,196,191,186,186,189,194,194,191,186,186,191,199,204,207,209,209,209,196,135,127,125,127,135,189,194,196,194,194,189,186,181,137,137,178,178,183,191,196,194,98,105,117,127,133,181,183,181,134,133,135,186,194,196,196,194,191,191,191,189,186,181,183,194,202,204,204,199,199,202,207,204,199,183,129,129,183,194,186,173,131,131,131,131,131,131,129,127,125,123,131,191,194,191,189,189,186,181,181,181,183,186,181,178,177,178,178,178,178,178,133,129,128,128,129,133,191,204,196,172,164,172,176,176,176,183,191,189,129,126,128,133,178,183,194,204,207,202,194,191,194,199,202,199,196,196,194,194,191,191,189,186,183,137,137,135,129,122,120,121,125,131,131,131,181,186,189,189,186,186,189,194,199,202,196,189,191,191,191,196,202,204,204,199,194,189,189,194,196,194,194,196,194,191,194,196,199,202,204,204,202,199,191,185,186,196,204,204,202,202,199,196,196,196,199,199,199,199,199,189,185,185,189,196,194,191,191,196,202,204,199,194,186,183,183,186,189,194,202,207,204,196,189,186,183,181,183,183,183,181,178,181,186,189,189,186,189,191,191,191,191,194,194,194,191,189,183,135,133,133,136,183,189,194,194,189,186,187,191,194,196,194,194,194,196,196,199,199,199,202,199,196,194,194,196,196,196,196,199,202,202,204,202,202,202,202,207,207,204,196,189,189,196,204,207,209,212,212,212,209,209,204,196,186,139,139,183,189,191,194,199,207,209,204,202,204,204,204,204,204,204,204,204,204,204,204,202,196,191,189,186,189,189,196,196,191,189,191,191,189,191,194,194,196,196,196,194,194,191,186,183,185,191,199,202,204,204,204,202,202,204,207,202,202,207,212,217,222,225,228,228,230,233,230,228,225,222,217,212,207,194,145,145,194,199,199,194,145,145,145,143,139,141,194,204,209,209,207,202,199,199,196,194,194,199,207,215,222,225,225,225,225,222,222,225,228,228,225,217,215,215,215,209,199,196,198,202,207,207,202,199,202,204,204,207,209,212,215,217,217,215,209,209,212,209,212,215,215,215,215,217,217,217,215,212,212,215,217,217,220,222,217,217,217,215,209,209,212,209,212,212,212,212,215,217,222,222,225,230,230,228,225,225,228,228,225,225,225,225,225,225,225,220,212,204,199,199,199,199,196,145,143,143,194,204,207,207,204,204,204,202,204,204,209,212,215,222,225,225,228,228,228,225,217,209,204,202,203,209,215,215,212,209,199,139,130,129,133,147,207,212,215,217,217,217,215,207,205,207,209,209,212,215,217,222,225,222,225,228,228,228,225,222,217,212,212,212,215,217,217,215,212,207,204,202,199,199,196,196,194,194,194,194,196,199,202,204,204,204,204,204,202,199,199,199,199,196,191,189,186,183,181,176,173,170,170,170,168,127,125,121,115,113,112,113,115,121,163,165,168,165,163,163,163,165,165,163,123,121,121,121,123,163,165,125,125,165,168,173,173,170,127,123,122,122,123,127,176,186,191,194,194,194,194,191,189,191,199,204,209,207,204,204,207,209,212,217,222,228,225,222,222,228,238,243,248,251,251,248,246,246,248,251,251,238,228,212,202,194,194,199,207,217,238,0,0,0,0,248,238,228,215,196,178,163,155,165,196,0,0,251,238,222,207,191,189,7,0,0,0,25,25,31,43,37,0,0,0,0,64,56,7,0,0,0,0,0,0,7,25,33,11,11,39,64,37,17,7,11,37,49,37,23,0,0,0,0,186,116,11,0,33,134,126,82,35,41,85,103,131,178,186,157,121,53,9,0,0,55,139,160,189,233,254,215,160,160,191,0,13,53,71,111,150,204,230,209,186,160,144,126,118,114,116,121,116,105,98,87,100,111,118,108,33,0,13,51,57,43,7,0,0,0,15,118,147,131,116,77,77,55,21,11,43,89,131,91,71,70,81,91,129,131,131,134,126,126,131,134,87,55,1,0,0,0,0,0,0,47,131,142,134,126,79,65,59,73,99,137,91,91,105,150,157,173,178,176,170,178,191,189,179,176,181,196,196,191,212,233,248,255,246,196,1,0,0,0,0,0,0,0,79,178,191,186,183,181,178,177,174,178,183,183,183,170,160,150,150,152,152,150,93,49,17,13,17,21,29,47,79,137,150,160,168,170,163,147,142,134,142,134,85,81,91,89,67,67,79,85,67,55,69,105,168,152,99,94,99,109,150,155,160,170,157,115,155,157,155,150,155,155,157,157,157,157,109,97,89,85,85,89,147,199,222,204,173,111,103,91,87,95,155,173,163,163,173,178,173,95,77,83,173,189,113,113,109,105,106,113,119,119,117,119,119,113,99,93,93,97,105,115,186,186,119,113,178,209,217,215,196,181,178,189,199,199,189,183,181,181,168,127,165,165,125,123,124,165,176,181,176,121,101,71,65,68,97,109,103,101,109,107,99,101,111,155,107,97,95,95,85,79,89,97,91,81,73,73,73,81,85,89,91,89,87,75,73,65,65,79,71,49,33,29,45,71,79,79,71,75,83,89,89,87,91,134,139,139,95,69,61,61,63,69,71,70,77,85,93,99,142,144,139,95,79,59,55,71,85,95,97,103,147,137,93,77,69,75,81,73,58,60,89,157,191,202,204,204,196,186,165,101,49,25,26,55,109,181,194,204,212,204,173,119,123,129,127,121,133,212,228,215,207,225,241,243,254,255,254,246,241,238,238,241,246,248,243,243,251,255,255,255,189,152,99,57,41,55,77,33,0,0,3,17,13,0,0,0,7,53,41,20,20,93,157,170,189,199,204,217,225,228,235,238,215,194,191,191,196,199,199,207,222,233,222,230,238,235,217,199,196,204,220,246,254,254,243,225,225,225,204,183,165,105,95,103,160,160,150,97,77,65,63,55,43,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,0,0,0,95,95,65,59,57,56,57,57,59,61,67,77,89,129,137,134,142,142,139,142,157,170,170,176,173,173,176,181,194,191,170,160,0,0,0,0,0,209,212,220,228,220,212,204,196,178,139,71,31,7,0,0,35,111,152,165,155,150,157,178,202,194,168,152,160,0,0,0,230,199,163,144,144,155,160,160,170,173,160,131,67,27,11,7,29,93,170,189,191,196,199,196,183,170,163,170,194,204,194,181,176,176,168,160,160,168,186,194,194,176,157,0,0,0,0,0,0,150,150,165,0,0,209,0,209,212,220,233,220,212,204,204,204,204,199,191,191,183,176,176,170,170,165,163,121,121,121,157,155,155,155,155,107,95,81,75,69,61,55,49,49,43,33,23,23,23,33,41,45,49,55 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,207,204,199,196,191,186,191,199,202,199,198,198,199,202,204,207,207,209,207,140,144,194,199,194,163,170,178,178,189,196,199,194,173,144,137,147,163,176,173,129,124,130,160,189,202,204,204,209,217,222,217,204,119,87,97,186,189,189,189,181,173,168,121,115,119,178,189,91,95,121,178,125,79,91,113,119,170,170,91,101,178,194,202,196,191,191,191,189,189,191,194,194,194,194,196,199,202,202,199,199,204,209,207,196,133,129,181,194,194,191,186,191,196,199,196,194,194,199,202,204,202,191,189,194,199,199,202,202,194,190,191,199,202,196,191,196,202,196,196,207,212,207,194,189,186,178,176,183,186,181,181,183,129,113,106,111,131,194,202,202,204,204,191,131,127,170,129,117,101,113,129,176,181,183,186,183,189,199,209,207,186,174,174,179,181,103,115,121,127,181,186,189,194,196,199,196,194,191,194,194,191,186,181,170,173,189,183,117,116,123,176,183,178,172,172,176,183,186,186,181,181,183,181,176,174,174,174,174,174,181,183,183,183,186,189,191,194,202,209,209,207,199,191,183,181,183,186,186,135,133,181,191,202,204,207,209,215,209,181,123,121,122,124,127,131,131,133,133,133,133,131,133,135,178,135,178,181,186,189,186,113,121,131,135,183,186,186,178,178,183,189,194,196,199,199,194,186,183,181,179,179,179,181,189,199,204,204,199,199,202,204,202,186,129,126,129,181,186,173,121,123,131,176,173,129,127,123,121,120,123,176,191,191,186,189,189,186,178,176,176,176,176,176,178,181,181,183,183,183,178,129,126,127,129,131,133,181,186,178,169,165,172,181,186,189,194,194,181,129,133,186,189,191,194,199,204,204,199,191,189,191,196,199,199,196,194,191,191,189,186,186,183,181,137,137,135,129,122,120,122,133,137,133,131,135,181,183,186,189,186,186,189,196,202,199,194,191,191,191,196,204,207,202,196,189,139,135,139,183,183,186,194,199,199,199,199,199,202,202,202,202,199,191,186,189,196,202,202,202,199,199,196,199,199,202,204,202,199,194,189,187,189,194,199,199,196,199,202,204,204,202,194,186,183,183,183,183,189,196,202,199,194,189,186,186,189,189,186,186,183,183,183,186,189,186,186,189,191,191,191,191,194,194,194,189,186,181,136,136,137,186,191,191,196,196,191,189,191,194,199,199,199,196,196,196,199,202,202,202,204,202,194,191,191,196,196,196,196,196,199,199,199,202,202,202,202,204,204,202,196,189,186,191,196,202,207,209,212,212,212,209,204,196,189,183,183,183,186,189,191,199,207,209,207,202,204,207,207,207,204,204,204,204,202,199,199,199,196,194,189,183,183,189,199,204,196,191,191,189,187,191,194,196,196,196,199,199,199,196,194,191,191,194,196,199,202,202,207,204,202,204,204,199,199,202,204,212,217,222,225,228,230,233,230,228,222,217,212,209,202,194,143,137,137,194,202,196,145,145,145,189,189,191,196,204,209,209,204,199,194,191,187,186,186,191,199,209,217,222,222,225,225,225,222,222,222,225,222,215,211,212,215,209,199,196,199,204,207,209,209,209,209,207,207,207,209,215,222,222,222,217,212,212,215,212,212,212,212,212,212,215,217,217,215,215,215,215,215,217,217,215,209,207,209,212,212,209,209,209,212,217,217,222,222,225,225,225,228,230,228,225,224,225,225,225,225,225,228,228,228,228,225,220,212,202,199,196,196,196,194,145,143,143,191,202,207,207,204,204,202,202,202,204,207,212,217,225,228,228,228,228,225,222,215,209,204,203,207,212,215,215,212,207,199,143,133,132,137,147,202,207,212,215,222,222,215,209,207,207,207,209,209,215,217,225,225,225,228,230,230,228,225,225,222,215,212,212,215,217,217,215,209,204,202,202,199,199,199,196,196,194,194,194,196,199,202,202,204,202,202,202,202,199,196,196,196,196,191,189,186,183,181,176,173,173,170,170,168,127,123,119,117,113,112,113,115,119,123,163,165,165,165,163,163,165,165,165,163,123,121,121,123,165,168,168,168,168,170,173,176,173,168,125,123,123,123,125,131,183,191,194,194,191,191,189,189,191,196,204,207,207,204,204,204,209,215,217,225,228,225,222,222,228,235,241,246,248,251,254,254,254,251,254,251,248,241,230,217,207,204,207,215,228,238,255,0,0,0,251,235,230,225,209,194,176,163,0,0,0,0,255,238,225,209,191,189,13,0,0,0,0,25,13,13,13,5,0,0,0,0,103,23,0,0,0,0,0,0,23,31,5,0,0,27,64,37,5,0,0,5,5,0,13,0,0,0,194,199,85,0,0,0,118,118,21,0,21,47,98,137,194,212,186,131,49,3,0,0,23,45,85,105,139,170,160,116,71,69,51,53,59,63,105,150,199,217,209,194,173,168,152,126,114,116,121,131,126,108,61,59,100,111,100,33,5,17,41,41,27,13,13,13,0,5,59,124,121,77,77,113,79,49,43,63,89,121,83,71,70,81,95,134,134,134,134,126,126,129,134,126,73,47,0,0,0,0,0,0,61,139,150,142,134,93,73,65,79,139,139,91,91,105,157,176,189,194,178,170,178,183,183,176,176,186,202,202,212,233,241,238,233,228,181,0,0,0,0,0,0,0,3,139,189,196,189,181,177,177,177,177,183,191,194,183,176,160,155,165,165,160,152,99,49,11,2,11,15,13,25,71,137,160,170,173,173,173,163,150,144,142,134,91,93,95,83,61,65,79,73,57,53,65,91,109,109,99,96,101,109,150,157,173,173,155,112,150,173,173,157,113,109,107,107,109,109,101,85,79,79,85,101,157,194,215,204,176,157,111,91,84,89,152,176,163,163,163,163,155,91,80,86,176,194,160,155,113,106,105,107,113,113,113,113,111,107,93,85,84,89,101,119,181,178,113,108,168,204,215,204,186,173,173,181,189,189,183,183,189,189,183,181,181,181,181,178,176,178,183,191,191,173,107,71,64,68,91,111,111,109,150,111,107,111,160,160,107,95,95,95,89,91,99,101,89,77,69,69,73,85,91,91,91,93,89,79,79,77,77,77,55,33,23,21,35,65,79,83,77,83,95,93,91,89,95,134,101,97,83,63,58,59,61,65,71,79,89,99,137,134,137,142,131,87,71,54,51,55,75,85,87,95,99,89,51,29,45,61,65,65,73,87,147,181,191,191,196,196,189,170,163,107,87,55,57,89,117,191,212,228,228,207,173,165,176,173,123,117,131,202,222,225,225,238,251,255,255,255,254,254,248,238,234,235,235,230,220,220,220,243,251,238,173,142,134,83,77,131,170,118,0,0,0,0,0,0,0,0,3,41,41,31,39,81,89,85,155,194,204,222,207,189,176,123,107,109,170,194,204,199,194,199,212,222,220,222,238,254,248,225,215,215,230,248,255,255,254,246,248,238,202,178,155,97,87,103,160,160,144,89,69,53,51,53,39,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,13,33,51,61,67,98,98,71,65,63,59,61,59,59,61,67,73,87,93,97,97,129,131,131,142,157,170,170,176,173,176,176,181,183,178,163,160,0,0,0,0,0,212,220,225,228,217,204,199,196,186,160,121,61,27,13,13,41,108,150,157,150,131,139,157,183,181,160,152,168,0,0,246,235,202,157,121,121,144,147,147,152,155,152,93,65,27,5,1,19,73,155,173,178,183,196,199,189,170,160,168,186,199,194,181,176,181,176,168,165,176,186,186,176,165,147,0,0,0,0,0,0,157,0,0,0,0,0,209,209,212,217,233,233,217,209,204,204,202,191,189,186,181,176,165,165,163,163,119,119,119,157,157,155,155,155,155,144,95,81,75,75,69,61,55,49,49,35,23,20,23,33,43,49,49,49 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,194,194,186,183,182,182,191,199,199,199,202,202,202,204,207,209,207,202,178,178,196,199,191,147,131,150,176,181,196,189,118,121,131,139,157,178,191,189,131,131,144,170,194,204,204,204,207,212,215,222,222,165,0,0,79,181,181,173,165,165,125,109,95,107,125,194,176,176,178,173,168,127,173,173,127,173,181,123,178,191,202,204,196,191,191,191,191,191,191,196,196,199,196,196,196,196,199,196,196,204,209,209,199,181,134,186,196,194,189,185,189,196,196,194,199,204,209,209,209,204,194,187,191,194,194,194,194,194,199,207,212,209,199,186,181,189,189,191,199,207,204,194,186,186,186,194,199,196,183,179,181,176,127,125,176,191,202,207,207,209,204,189,127,124,129,176,173,129,181,191,194,189,183,173,127,181,196,207,207,194,183,183,189,183,105,116,122,127,129,129,176,181,189,194,196,194,189,183,183,181,176,170,129,170,186,176,115,117,127,176,178,176,173,176,181,183,186,189,186,183,183,181,176,176,178,178,176,176,178,183,186,186,189,191,189,194,202,209,212,209,204,196,189,183,181,178,133,126,129,183,196,199,194,191,191,189,131,124,124,125,131,131,125,125,125,124,125,127,129,128,128,133,135,135,133,135,178,183,183,178,183,186,189,191,194,191,186,189,194,196,199,202,202,204,199,189,183,181,181,179,181,186,189,196,202,204,202,199,199,196,189,133,127,127,176,181,131,120,118,121,173,178,131,120,117,118,119,120,125,181,186,178,178,183,186,183,178,131,127,127,129,178,181,176,178,183,186,189,183,131,127,131,176,176,178,176,174,173,173,176,186,191,191,196,196,181,120,125,183,199,202,196,196,196,199,194,191,186,183,186,191,194,194,191,190,191,189,189,189,189,186,186,186,186,186,137,129,123,127,181,183,135,131,133,137,181,186,189,186,185,185,191,196,196,191,191,190,191,196,204,204,202,194,186,137,133,133,133,135,183,194,202,202,202,199,199,199,199,199,202,199,191,186,186,194,196,196,196,196,196,199,199,204,207,207,207,202,196,194,194,196,196,199,199,199,202,204,207,204,202,194,189,186,186,183,182,183,189,191,194,191,189,189,191,191,191,189,189,186,186,186,186,186,186,186,189,191,191,191,191,194,194,194,191,186,181,183,189,194,194,191,191,194,196,196,196,196,199,202,204,202,199,199,199,202,199,199,199,202,202,194,189,189,194,199,199,199,199,199,199,199,199,202,202,202,202,202,202,196,191,186,189,191,196,202,204,209,212,212,209,204,199,194,189,183,139,139,139,186,194,204,209,207,204,204,207,207,204,204,204,204,204,202,199,198,199,199,196,189,183,182,186,199,204,199,194,191,189,187,191,194,194,196,196,199,202,202,199,199,199,196,194,194,196,199,202,204,202,196,199,199,194,191,147,196,204,212,217,222,225,228,230,230,228,222,215,209,207,204,199,139,127,126,141,199,196,191,145,189,189,191,196,199,204,207,209,207,202,196,189,187,186,187,189,194,204,209,215,217,222,225,222,217,215,215,217,217,215,211,212,212,209,204,202,202,207,209,212,212,212,209,209,207,207,209,215,217,225,225,222,217,217,217,215,215,215,212,212,212,212,215,215,215,217,217,217,217,217,215,212,203,200,202,209,212,209,208,209,215,217,222,222,220,217,222,225,228,228,228,225,224,225,225,228,225,225,225,228,228,230,228,217,209,204,199,196,194,194,191,191,144,144,194,204,207,207,204,204,202,199,199,202,207,212,215,222,225,228,228,225,222,217,215,209,207,204,209,215,217,215,209,204,199,147,143,141,145,196,202,204,207,212,217,222,217,212,209,209,209,209,212,215,222,225,225,225,228,230,230,228,225,222,222,217,215,212,215,215,215,212,207,204,202,199,199,199,199,199,199,196,196,196,196,199,202,202,204,202,202,202,202,199,196,196,196,194,191,189,186,183,181,178,176,173,170,168,127,125,123,119,117,115,113,113,115,117,121,123,165,165,165,165,165,168,168,165,163,163,123,123,125,168,170,170,170,170,173,173,176,176,173,168,127,125,125,125,129,178,189,191,194,194,191,189,189,191,196,202,204,207,207,204,204,207,212,217,222,225,222,217,217,225,233,238,241,243,248,254,255,255,254,251,251,254,251,243,235,228,222,225,228,230,228,235,255,0,255,254,241,235,235,233,217,199,176,0,0,0,0,254,228,0,207,191,183,0,13,33,0,51,39,17,13,21,5,0,0,0,0,152,79,0,0,0,0,0,0,23,23,5,0,0,23,41,23,0,0,0,0,0,0,11,0,0,0,176,173,31,0,0,0,0,0,0,0,0,41,0,0,0,225,204,131,29,0,0,0,0,0,0,31,87,108,57,25,11,25,69,105,105,113,139,186,207,209,202,194,194,194,183,144,121,131,142,150,144,108,53,45,59,103,95,29,7,11,27,27,9,5,39,59,31,11,39,103,105,73,77,113,113,71,69,87,89,73,70,70,79,89,131,142,142,139,129,118,118,118,118,126,121,118,67,41,0,0,0,15,61,134,147,142,134,131,93,89,137,147,139,88,86,103,157,176,183,189,181,173,178,186,183,183,189,209,225,225,233,246,233,178,142,160,142,0,0,0,0,0,0,0,17,150,196,204,196,183,183,183,183,186,196,207,209,202,178,163,160,163,150,101,99,85,39,1,0,3,5,0,2,43,131,160,170,173,173,170,163,150,147,142,97,91,91,91,79,63,55,57,53,50,51,63,81,97,99,97,99,107,147,150,157,173,183,170,150,160,186,191,160,101,87,85,91,97,95,85,75,75,79,91,150,173,186,204,204,194,181,163,99,84,87,111,163,152,150,157,157,111,89,83,91,163,189,178,163,155,113,107,106,107,113,113,107,107,99,89,84,83,85,95,115,163,119,108,109,178,204,204,196,186,178,178,183,183,181,181,181,189,199,199,194,189,194,191,196,191,189,189,194,194,178,113,71,64,66,85,111,152,150,160,147,147,168,176,165,103,91,89,95,93,93,99,95,85,75,68,69,79,85,91,89,89,89,89,81,81,79,77,57,23,15,15,14,21,57,85,126,93,95,97,131,131,99,99,134,97,85,69,61,60,59,61,69,81,93,139,147,147,139,134,97,91,83,63,54,50,54,69,81,77,75,73,49,11,5,25,49,55,69,103,168,183,189,186,186,194,196,186,165,163,165,113,107,107,117,176,202,222,235,228,194,119,119,121,113,101,103,121,189,215,225,230,254,255,255,255,255,255,255,255,248,241,241,235,220,196,178,170,173,189,191,147,87,85,73,73,118,152,77,0,0,0,0,0,0,0,0,29,59,61,53,67,75,57,35,65,155,194,215,204,165,104,98,91,99,125,202,212,207,186,176,189,204,215,222,241,255,255,246,228,222,230,246,251,255,254,254,254,225,183,163,113,87,81,103,165,160,144,89,65,51,51,51,45,23,5,0,0,3,0,0,0,0,0,9,11,9,7,7,7,9,15,25,33,47,57,61,67,98,98,71,65,63,61,61,59,63,67,67,73,87,124,126,134,134,131,131,142,157,173,176,176,173,176,176,181,178,168,160,160,0,0,0,0,0,228,228,230,228,217,199,196,199,196,183,150,79,41,17,13,29,65,124,139,129,111,111,126,157,160,160,160,189,207,0,0,246,202,155,87,82,118,134,134,147,152,144,87,59,23,0,0,3,47,93,152,165,178,191,196,189,170,160,160,176,189,189,181,176,181,186,173,168,176,176,176,168,147,139,0,0,0,0,0,0,0,0,0,0,0,0,204,202,209,217,220,220,217,212,209,204,202,189,186,183,181,170,163,163,163,157,119,113,113,155,155,155,155,155,147,139,95,87,81,79,69,61,59,55,53,43,33,23,23,33,43,49,49,49 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,183,196,189,183,182,182,186,194,199,202,202,202,202,204,207,207,202,199,191,191,199,202,191,142,0,0,147,147,129,33,0,63,124,144,163,186,202,202,147,137,144,170,194,207,207,204,202,207,212,222,225,181,0,0,0,95,121,119,121,168,168,99,79,85,89,207,207,202,191,176,176,176,178,176,170,181,191,189,191,196,202,202,194,191,191,191,191,191,194,196,199,202,199,196,194,196,196,194,194,199,207,207,196,183,137,189,194,191,186,183,186,196,191,187,196,212,217,215,207,199,191,189,191,194,194,194,196,202,209,215,217,215,207,183,174,179,186,191,196,202,202,194,186,183,189,196,204,199,186,181,181,181,176,176,189,199,207,209,209,207,196,176,124,124,129,176,181,183,196,204,202,191,178,126,122,126,181,196,202,196,191,191,194,196,127,129,170,129,127,123,125,127,170,183,194,194,181,170,127,127,123,125,125,117,108,110,115,119,170,178,176,173,178,186,189,183,186,189,186,183,183,181,178,178,181,181,178,133,176,183,189,194,196,194,191,191,199,207,209,207,202,196,189,181,135,131,126,126,133,194,202,194,135,125,122,117,114,119,127,183,196,191,125,124,124,124,127,131,133,131,129,129,129,129,129,131,135,181,186,194,196,196,194,196,199,199,196,196,196,199,202,204,204,204,199,191,189,189,191,191,191,194,194,194,199,204,202,199,196,189,178,133,133,178,181,133,125,121,121,129,176,173,123,116,115,119,123,123,176,186,181,129,131,181,183,181,176,127,126,125,126,181,183,128,127,133,183,191,191,183,178,181,183,186,189,183,176,176,183,191,199,199,199,199,196,129,111,120,183,204,202,194,191,191,189,186,183,181,181,183,189,191,191,190,190,191,194,194,196,194,194,194,194,196,196,189,181,137,183,189,186,137,133,135,181,181,186,186,186,185,183,186,191,191,190,191,191,194,196,202,204,199,194,189,137,132,131,130,132,183,194,199,199,196,196,196,196,199,199,202,199,194,189,186,191,194,191,194,194,196,199,202,207,209,212,212,207,202,196,196,196,194,191,194,196,199,202,202,199,196,194,194,194,189,186,183,183,186,189,191,191,191,194,194,191,191,189,189,189,189,186,186,185,186,186,189,191,191,191,191,194,196,194,194,191,189,189,194,199,196,194,191,194,199,199,199,202,202,204,207,204,202,202,202,202,199,196,196,199,196,191,187,187,194,199,199,199,199,199,199,199,199,199,199,202,202,202,202,199,191,183,183,189,194,196,202,204,207,204,204,202,202,199,194,189,139,138,138,139,191,202,207,204,204,204,207,207,204,204,202,202,204,202,202,199,199,199,196,191,183,181,182,191,199,196,191,191,194,196,194,194,194,194,196,202,204,204,202,202,202,199,194,194,194,194,202,199,189,141,145,191,145,143,143,147,202,209,215,217,217,222,228,230,228,222,215,209,207,207,204,145,128,127,141,202,199,194,189,143,143,191,196,202,202,204,209,209,204,196,189,187,191,196,194,196,199,202,207,212,217,220,217,215,209,209,212,215,215,212,212,212,212,212,209,207,207,207,209,209,209,209,209,207,207,207,209,215,222,225,222,217,217,222,217,215,217,217,215,212,209,209,209,215,217,225,225,225,222,215,209,202,200,202,209,215,212,209,209,215,220,222,220,216,213,215,222,225,228,225,225,225,225,228,228,228,225,225,225,228,230,228,217,212,207,202,199,196,194,191,194,191,194,199,204,207,207,204,204,202,199,199,202,207,212,215,217,225,225,225,222,215,215,215,209,207,207,212,215,217,215,209,204,199,196,194,194,196,202,204,204,204,209,215,217,217,215,212,212,212,215,215,217,222,225,225,225,228,230,230,228,222,222,217,217,215,215,215,215,215,209,207,202,199,199,199,199,199,199,199,196,196,196,196,199,202,204,204,202,202,202,202,199,196,194,194,194,189,186,186,186,183,181,178,176,173,170,168,125,123,121,121,119,117,115,115,117,119,123,163,168,168,165,168,168,168,168,165,125,123,125,165,168,173,173,173,173,173,176,176,173,170,168,127,125,125,125,129,178,186,189,191,194,191,191,189,191,194,199,202,207,207,202,202,204,207,209,212,217,217,215,215,222,230,235,238,241,243,251,254,254,251,251,251,254,255,255,254,248,246,243,241,233,218,217,233,248,254,251,246,241,243,243,233,215,191,183,0,0,0,238,212,0,202,0,176,0,0,13,39,0,0,87,79,64,0,0,0,0,0,191,98,7,0,0,0,0,0,0,0,0,5,23,53,37,11,0,0,0,0,0,0,69,0,0,137,108,79,0,0,0,0,0,0,0,0,0,41,0,0,137,178,165,85,9,0,1,1,0,0,0,5,41,37,0,0,0,3,59,129,144,165,217,243,243,225,209,194,194,194,170,129,113,131,157,165,142,98,47,43,53,85,59,13,0,0,13,21,0,0,45,87,55,35,49,69,105,100,74,77,108,83,118,124,116,70,70,79,124,142,155,155,147,134,126,118,118,118,113,118,131,139,144,118,39,0,0,21,57,87,137,134,134,137,129,129,139,155,144,91,91,142,157,170,176,181,178,173,186,199,204,202,209,230,235,225,233,233,194,51,17,45,83,5,0,0,0,0,0,0,29,160,196,204,199,191,183,191,189,194,207,217,217,202,186,170,170,150,85,55,59,63,31,0,0,3,5,0,0,21,85,170,181,173,163,147,139,142,142,137,95,85,83,85,81,65,48,44,47,50,57,67,83,97,99,97,99,107,109,109,150,173,186,186,191,194,194,194,170,89,77,78,85,95,91,77,73,75,83,101,157,160,160,189,202,196,186,173,105,91,91,105,111,111,109,147,150,103,88,87,95,113,176,189,189,178,165,155,107,106,111,113,113,107,99,93,87,85,89,95,107,113,109,109,121,196,204,199,196,196,194,189,183,168,125,123,127,183,199,202,199,194,194,196,199,194,189,189,194,199,189,155,77,69,70,89,115,170,170,165,157,160,178,183,176,107,87,82,87,91,93,91,89,77,69,68,69,73,79,83,79,83,83,87,81,81,79,71,37,13,10,13,12,17,57,131,150,142,129,126,131,137,134,137,137,93,77,67,69,67,65,65,69,87,95,147,157,152,139,129,95,95,87,81,69,59,59,75,79,65,51,49,33,8,5,29,67,77,91,155,181,183,170,170,183,194,196,194,176,176,189,186,170,168,170,191,202,217,222,204,163,115,117,115,85,57,65,105,189,220,230,238,255,255,255,255,255,255,255,255,255,255,255,246,228,196,170,156,153,178,207,165,87,69,53,57,77,111,47,0,0,0,0,0,0,0,0,47,73,47,33,61,87,55,7,15,67,155,212,217,191,157,101,96,104,181,209,212,207,173,105,103,170,202,222,241,255,255,246,222,217,220,230,243,243,246,246,243,202,163,105,95,83,81,144,178,170,152,91,65,51,51,55,51,37,25,19,23,21,13,0,0,0,0,15,17,23,21,29,33,39,45,53,55,57,61,67,98,98,98,98,71,63,61,61,59,63,67,67,73,87,124,131,139,142,144,142,150,170,173,176,176,173,173,176,173,173,163,160,168,0,0,0,0,0,0,230,235,230,217,204,204,215,215,196,165,111,37,13,1,13,35,71,111,105,71,71,81,129,139,152,160,189,215,0,0,246,212,157,82,79,83,124,134,152,152,134,87,59,23,1,0,0,19,67,131,165,183,196,196,183,163,157,160,168,186,194,189,186,191,186,168,165,168,168,165,150,139,126,126,0,0,0,0,0,0,0,0,0,0,0,0,0,204,209,217,217,217,212,209,204,194,189,181,181,178,170,163,163,163,155,111,111,111,111,113,155,155,155,144,139,97,95,87,81,69,61,59,55,55,47,35,23,23,37,49,49,49,49 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,199,191,186,183,183,189,194,202,202,202,199,199,202,202,202,199,199,199,199,202,204,191,124,0,0,0,0,0,0,0,49,137,150,165,181,196,194,152,137,142,163,189,204,207,204,202,202,209,212,207,199,67,3,23,49,107,117,123,181,189,119,81,67,66,225,212,204,196,183,178,178,176,170,170,183,196,196,196,199,202,199,191,190,190,191,191,191,194,196,196,196,194,194,194,194,194,191,191,196,202,199,191,183,181,191,194,191,189,186,191,196,186,182,189,204,209,199,189,181,181,189,194,194,192,192,196,204,212,215,215,215,215,202,182,182,189,194,199,202,199,191,183,183,183,189,196,196,191,186,186,178,173,173,183,196,207,209,209,204,181,125,124,125,129,173,181,183,191,196,189,176,170,129,126,126,176,189,191,186,181,183,191,194,183,181,181,176,173,127,123,117,103,87,85,101,113,119,121,121,121,125,123,112,102,107,115,125,176,178,173,170,178,186,189,186,186,183,178,176,178,183,183,183,181,178,133,132,133,183,194,202,204,199,191,191,196,204,204,202,196,186,135,129,127,126,126,127,178,191,191,135,125,123,122,120,117,120,127,181,191,189,125,123,124,127,133,178,181,137,135,129,128,128,129,131,137,186,191,199,199,196,196,199,202,202,202,202,199,199,202,204,204,199,191,186,189,196,202,202,202,199,196,196,199,202,202,199,199,194,189,191,196,191,133,121,123,131,183,183,178,131,123,120,121,131,176,178,189,194,173,120,123,181,183,176,131,126,127,129,131,189,189,128,126,128,181,194,199,196,191,191,191,194,199,194,186,183,189,196,202,204,204,204,204,186,124,127,196,207,202,191,189,186,183,178,178,181,181,183,189,191,191,191,191,191,196,199,202,202,199,196,196,199,199,194,189,191,196,194,189,183,181,183,183,183,186,186,189,186,186,189,191,191,190,194,194,194,196,202,202,202,199,194,183,133,131,130,132,186,196,199,199,196,196,196,196,196,199,199,199,194,189,189,191,191,190,191,194,196,202,204,207,209,209,207,204,199,196,194,189,187,186,189,194,199,199,199,196,194,194,196,194,191,189,189,189,189,189,191,194,196,196,194,191,189,189,189,189,189,186,185,185,186,186,189,191,194,191,191,194,194,194,194,194,191,191,194,196,196,194,191,191,196,202,202,199,202,207,207,204,204,202,202,202,199,196,194,194,194,189,187,187,191,196,199,199,199,199,196,196,196,194,196,199,202,202,204,204,194,183,139,189,194,196,199,202,199,196,194,196,202,204,202,194,186,139,138,139,191,202,204,204,202,204,204,204,204,202,202,202,202,204,204,202,199,196,194,191,183,181,181,183,189,189,189,194,202,204,199,194,191,191,196,202,207,207,202,199,196,194,191,194,191,189,194,189,135,132,139,145,145,144,144,194,204,212,215,215,211,212,222,225,225,220,212,209,207,207,207,204,145,141,196,204,204,199,191,143,141,143,194,199,202,204,209,207,202,191,187,187,194,199,199,199,196,196,202,207,215,215,212,209,209,209,209,209,215,217,215,215,217,217,217,215,209,209,209,212,212,212,212,209,207,207,212,217,225,228,225,217,215,217,215,215,220,222,222,217,209,208,208,212,222,230,233,230,225,217,212,207,204,207,212,215,217,215,212,215,222,225,222,216,215,215,217,222,222,222,225,228,230,230,230,228,225,225,225,228,230,228,217,212,209,207,202,199,196,196,196,196,199,202,204,204,204,207,204,202,199,199,202,207,209,212,215,217,222,222,217,215,215,215,212,209,209,212,212,215,215,209,204,199,196,196,199,204,207,209,209,209,212,215,217,217,217,217,217,217,217,222,222,222,222,222,225,228,230,230,225,222,217,217,217,217,215,215,215,212,209,204,202,199,199,199,199,199,199,199,199,196,196,199,199,202,204,204,202,202,202,199,196,194,194,194,194,189,186,186,186,186,183,178,176,176,173,168,127,125,125,123,121,119,117,115,117,119,123,163,168,168,168,168,170,173,170,168,165,125,125,165,168,173,173,173,176,176,176,176,173,168,127,125,125,125,127,170,178,183,186,189,191,191,189,189,191,194,196,199,204,202,199,196,199,204,207,209,215,215,215,215,222,228,233,235,238,241,243,246,246,248,248,251,254,255,255,255,255,255,254,248,238,225,218,222,233,246,251,248,0,246,246,235,222,199,191,0,0,243,233,209,202,199,186,176,0,0,0,27,0,0,0,0,116,56,0,0,0,209,173,64,17,0,0,0,0,0,0,0,0,17,79,87,56,11,0,0,0,0,0,37,155,207,176,87,39,17,0,0,0,0,0,0,0,0,0,64,85,85,85,85,49,9,0,0,0,0,0,0,0,0,0,0,0,0,0,13,103,147,186,217,251,255,255,248,212,183,160,152,121,53,47,95,142,134,105,55,45,51,85,59,27,0,7,0,0,0,0,0,27,55,55,59,90,98,105,116,105,77,79,108,124,131,124,83,89,129,144,160,168,160,142,126,118,118,126,126,118,118,126,137,147,131,59,23,15,35,61,71,77,91,126,126,91,88,99,155,155,144,107,157,168,168,170,173,165,170,191,220,222,222,225,233,230,212,212,215,155,11,0,3,51,21,0,0,0,0,0,0,53,163,196,204,204,189,176,183,186,194,207,217,217,202,186,170,170,99,33,9,19,41,31,5,3,21,25,15,5,21,81,189,189,173,142,93,87,95,134,134,95,85,85,83,73,55,46,43,48,57,69,83,99,147,109,99,99,107,107,109,150,173,186,194,202,183,170,173,150,85,75,78,89,101,95,77,74,79,91,103,107,105,142,176,194,186,163,150,103,97,99,144,152,150,111,111,111,97,89,89,91,99,155,189,202,196,189,165,113,107,107,113,111,107,97,91,89,93,95,95,95,95,107,119,191,207,204,196,202,204,202,189,165,115,109,109,117,168,183,189,189,183,183,181,181,176,176,178,189,194,189,157,91,81,87,99,152,170,176,165,160,168,178,183,183,157,89,77,80,85,85,83,77,75,75,69,73,73,79,77,77,77,81,83,83,81,73,63,35,14,12,17,19,31,71,142,152,147,139,134,137,137,134,137,137,93,77,73,83,85,81,71,71,81,93,131,144,144,129,124,126,131,131,129,91,85,83,85,81,57,43,45,49,37,35,71,97,144,144,144,147,107,105,109,160,173,196,204,204,204,204,196,178,168,170,170,178,194,196,176,119,119,176,176,69,45,48,89,189,222,225,230,248,255,255,255,255,255,255,255,255,255,255,255,235,199,170,160,178,230,255,189,81,55,39,51,108,79,53,35,17,0,0,0,0,0,0,29,59,21,3,43,142,79,0,0,9,57,186,222,228,207,183,119,176,202,212,209,199,115,79,63,87,176,220,248,248,248,233,215,204,202,212,217,225,225,225,215,186,150,91,89,83,81,160,196,186,160,97,69,51,51,55,55,49,39,37,35,33,23,17,13,17,23,27,29,33,37,49,61,67,95,103,92,67,67,69,98,98,103,98,73,63,61,61,59,63,67,67,73,79,121,131,144,150,150,147,150,157,170,168,168,168,170,173,173,173,163,163,170,189,202,194,194,0,0,222,230,230,228,215,217,225,225,207,168,111,31,3,0,0,17,43,65,65,61,59,71,111,118,129,152,183,215,0,248,246,212,157,85,79,83,124,147,155,152,131,81,65,37,13,0,3,15,47,116,170,191,196,189,173,160,155,157,168,181,194,199,204,202,186,160,147,150,155,150,129,118,116,118,0,0,0,0,0,0,0,0,0,0,0,0,0,202,204,209,209,212,209,209,204,194,186,181,181,170,165,163,163,157,113,111,105,105,105,111,147,155,155,147,144,137,95,87,75,69,61,55,55,53,49,43,33,33,43,47,49,49,49 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,196,191,189,186,189,196,202,202,199,194,194,196,196,196,196,199,202,199,204,207,163,0,0,0,0,0,0,0,0,15,129,147,155,168,178,176,155,139,142,157,181,196,202,202,202,199,199,191,186,194,199,191,183,117,121,121,165,183,202,209,207,64,34,209,196,191,186,181,181,178,170,129,173,186,196,199,199,202,202,199,194,191,190,190,190,190,191,191,189,183,183,189,194,196,194,191,189,191,196,194,189,183,183,194,196,196,196,196,199,196,185,182,187,194,181,127,125,131,183,194,199,196,194,194,199,207,215,215,212,212,212,209,202,194,191,196,199,196,191,186,183,183,181,181,186,194,196,196,194,183,173,172,176,189,199,204,204,194,131,123,124,127,129,131,176,176,176,131,125,123,127,173,178,178,183,186,178,129,129,173,176,176,176,176,178,183,183,178,129,117,85,57,48,56,81,113,129,173,176,173,125,118,119,123,123,176,178,176,170,129,173,178,181,183,183,178,170,169,173,186,191,186,181,176,133,133,176,183,196,207,207,202,191,189,191,196,196,194,186,131,125,123,124,126,127,129,135,181,135,125,124,127,131,131,125,125,129,133,178,133,124,125,131,135,181,183,183,183,183,137,135,135,137,183,191,199,204,204,202,196,196,199,204,204,202,202,202,202,202,202,196,189,181,181,189,199,207,207,207,202,202,202,199,196,196,199,204,204,204,204,204,189,119,111,121,181,191,189,181,173,173,173,176,178,183,186,194,191,123,114,119,178,183,173,129,127,173,178,183,194,194,181,129,129,181,194,199,199,196,196,196,199,202,196,189,186,186,191,199,202,204,207,207,196,181,186,199,207,199,189,183,178,134,135,181,183,181,183,191,196,196,194,191,191,194,199,199,199,194,194,194,194,191,183,181,183,189,186,183,181,183,186,186,183,186,189,189,191,191,194,196,196,194,196,196,196,196,199,202,202,202,199,194,186,135,133,139,191,202,204,202,199,196,196,196,196,194,194,194,191,189,191,194,194,191,191,194,199,204,207,207,209,207,199,196,194,191,189,187,186,186,191,194,196,196,196,196,196,196,194,191,189,189,191,194,194,194,194,196,199,196,194,191,189,189,189,189,186,185,185,186,186,189,191,194,194,191,191,194,194,191,191,194,194,194,194,194,196,196,191,189,191,196,199,199,202,204,204,202,202,202,202,202,199,196,194,191,191,189,189,189,191,194,196,196,196,194,194,191,191,190,191,196,199,202,207,207,196,139,139,189,194,196,199,199,194,186,183,189,196,204,204,199,191,183,183,186,191,199,204,202,202,204,204,204,202,202,202,202,202,204,204,202,196,194,191,189,186,183,183,183,183,183,189,194,202,204,199,194,190,190,191,199,204,207,202,196,189,185,189,194,191,187,189,143,134,132,141,199,202,199,199,204,212,217,215,212,209,209,212,217,222,217,212,207,205,207,209,215,212,207,207,209,204,202,191,143,141,141,189,194,199,204,209,207,199,191,189,189,194,199,199,199,196,196,202,207,209,209,207,207,209,209,208,209,217,222,222,217,220,225,225,217,209,209,212,215,217,217,215,212,209,212,217,225,230,230,225,217,215,215,215,215,222,225,228,222,215,209,208,212,222,230,233,230,225,220,215,217,217,217,215,217,217,215,212,215,225,228,228,225,222,222,222,222,220,222,225,230,230,233,230,230,228,225,225,228,228,225,217,215,215,209,204,202,202,202,199,199,199,202,202,199,199,204,204,202,199,199,199,202,207,209,209,212,215,215,215,215,215,215,215,212,209,209,209,209,212,209,207,202,199,196,202,207,212,212,212,212,215,217,222,222,222,222,217,222,222,225,225,222,222,222,228,230,233,230,228,222,222,217,217,217,215,215,215,212,209,207,202,202,199,199,199,199,199,199,199,196,196,199,202,204,204,204,202,202,199,196,194,194,194,196,194,191,189,186,186,186,183,181,178,176,173,168,168,127,165,165,123,121,117,115,117,119,123,165,168,170,170,170,173,173,173,168,168,165,165,165,168,170,173,173,173,176,176,176,173,168,125,124,125,127,129,173,176,181,183,186,189,189,189,189,189,191,194,196,199,196,194,194,199,204,207,209,215,220,217,217,217,225,230,233,235,238,241,241,243,243,246,248,251,255,255,255,255,255,251,246,233,225,220,225,241,255,255,255,254,251,243,233,217,202,191,196,222,238,233,217,207,199,186,176,0,0,0,13,0,0,0,0,137,134,152,183,191,152,82,43,21,5,0,0,0,0,0,0,0,48,87,79,31,17,7,0,0,0,37,118,176,176,111,56,61,17,0,0,0,0,0,0,0,0,0,92,103,72,43,29,15,0,0,0,1,0,0,0,0,0,0,0,0,0,31,57,126,163,196,225,243,255,255,233,168,118,100,71,47,25,25,55,103,92,51,45,45,51,57,43,0,0,25,13,0,0,0,0,5,29,47,61,111,111,105,121,116,105,108,116,131,139,137,131,137,144,155,163,168,155,134,126,126,126,126,131,134,129,129,129,134,131,83,67,67,73,71,65,71,77,87,126,91,86,99,150,155,144,107,152,163,157,155,152,155,165,186,220,222,222,222,225,225,203,204,202,147,11,0,0,31,33,0,0,0,0,0,0,43,129,183,204,204,191,176,183,186,194,202,212,217,204,186,170,160,77,11,0,4,31,31,11,17,39,55,41,23,29,81,189,189,160,126,77,71,79,89,95,95,91,91,85,63,46,47,51,65,79,91,101,155,181,157,99,95,101,107,147,157,183,194,194,178,87,69,95,107,87,77,82,97,147,142,85,79,85,97,97,85,81,95,152,176,157,103,91,91,91,97,144,155,155,152,111,107,97,91,91,91,95,150,189,204,202,183,165,113,111,107,105,101,93,87,86,89,93,95,91,89,90,107,178,207,220,209,202,209,215,207,183,117,106,103,105,109,121,165,165,163,121,121,121,119,113,117,160,173,176,168,115,103,107,152,115,152,165,160,150,157,173,178,183,186,170,93,77,79,85,87,83,75,77,81,81,81,79,79,77,72,77,81,83,79,67,55,41,31,19,19,35,55,71,124,137,144,142,147,147,137,131,129,129,134,126,87,83,95,95,89,83,79,79,79,89,129,93,89,91,126,134,139,137,131,129,126,91,77,51,43,49,69,81,91,99,144,157,144,93,81,71,75,83,97,109,168,196,212,212,207,199,178,168,117,115,115,163,170,165,168,186,207,196,85,48,48,95,189,215,215,215,233,248,255,255,255,255,255,255,255,255,255,255,241,196,163,160,191,228,238,129,49,37,23,37,71,59,39,45,41,0,0,0,0,0,0,3,25,7,1,33,129,75,0,0,0,9,103,204,228,228,209,194,194,202,204,194,181,99,59,33,51,107,207,238,248,235,230,215,194,186,191,199,207,199,194,189,173,107,91,89,77,85,168,207,196,165,129,71,49,49,57,61,55,45,41,43,41,37,35,39,43,49,45,43,45,55,67,113,126,131,131,121,103,98,98,100,98,103,103,103,73,71,71,69,69,71,75,73,79,116,131,144,150,150,147,142,142,147,147,155,155,165,168,170,170,160,163,178,194,196,186,186,0,0,212,225,230,228,217,217,217,215,196,160,77,27,0,0,0,5,25,43,49,45,53,63,71,103,105,126,168,207,0,248,230,202,157,113,81,116,134,155,152,134,113,73,61,45,25,9,7,11,39,113,170,189,189,178,170,160,160,160,168,176,186,194,196,194,173,142,118,118,129,118,108,100,100,113,137,0,0,0,0,0,0,0,0,0,0,0,0,0,204,204,204,204,209,209,202,189,181,178,176,170,163,157,157,155,111,105,97,95,97,105,144,155,155,155,147,139,137,87,75,67,61,55,55,55,49,47,43,43,43,43,47,49,49 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,170,191,189,186,191,194,199,199,194,190,191,194,191,190,194,196,199,199,204,202,45,0,0,0,0,0,0,0,0,0,95,134,150,160,165,165,157,150,147,155,168,183,191,194,194,189,178,165,168,183,196,199,194,183,165,160,165,181,204,217,225,68,0,103,113,165,170,176,178,173,129,170,181,189,191,194,199,202,202,199,199,196,196,194,191,191,191,186,137,133,134,183,194,196,194,189,189,191,194,194,189,186,186,196,202,202,204,207,204,196,187,189,204,196,129,121,125,183,199,207,209,207,204,202,204,212,215,215,212,215,215,215,209,199,191,191,191,189,183,183,189,189,181,179,181,191,199,204,204,191,178,174,174,178,183,186,189,181,131,124,123,125,131,173,173,131,129,127,123,123,129,183,186,186,186,183,173,128,128,129,128,125,125,126,176,189,191,186,181,176,117,77,65,71,101,176,194,196,183,129,119,123,186,199,191,186,178,170,128,128,129,129,131,178,178,173,169,168,173,189,194,186,181,178,181,183,186,191,196,202,202,194,186,181,183,186,186,183,135,127,125,125,127,133,133,131,133,135,129,124,125,131,135,131,133,133,133,133,135,133,133,183,186,189,186,183,183,186,191,191,191,191,191,196,202,207,212,209,204,199,199,202,202,202,199,199,202,202,199,194,186,179,179,181,191,199,207,209,207,204,204,204,202,196,191,191,196,199,196,189,176,119,111,115,127,183,191,186,181,178,178,176,173,131,176,183,191,189,127,116,120,176,183,176,129,131,178,186,194,199,199,191,178,133,181,194,199,199,196,196,199,202,199,194,186,183,183,186,191,196,204,207,204,194,186,186,189,191,189,186,178,133,133,135,186,189,183,186,194,199,199,196,191,186,186,189,189,186,181,181,183,186,183,178,176,177,181,183,181,181,183,189,189,183,186,183,186,189,191,196,199,199,196,196,196,196,199,199,199,199,196,199,199,199,191,189,189,196,204,204,204,202,196,194,194,191,191,191,194,191,191,194,196,194,191,194,196,202,204,207,207,207,204,196,194,194,191,191,191,189,189,191,194,196,196,194,196,199,199,194,189,187,189,194,196,196,196,196,196,199,196,194,191,191,191,191,189,185,185,186,189,191,191,194,196,194,191,191,191,191,191,191,194,194,194,194,196,199,196,191,139,137,186,196,202,204,204,199,196,199,199,202,202,199,196,196,191,191,194,194,194,191,194,196,196,194,194,191,190,189,190,191,196,199,199,204,207,199,183,137,189,196,199,202,199,191,137,131,135,189,199,204,202,194,189,189,189,194,199,202,202,202,204,204,204,202,202,199,199,202,202,202,202,199,196,191,191,191,191,189,186,183,186,191,196,202,202,199,194,190,190,191,196,204,207,202,194,185,182,186,194,194,189,191,194,143,143,202,212,212,212,212,215,217,217,215,211,211,209,209,212,217,217,212,209,207,207,209,217,217,215,215,212,207,202,194,189,141,140,141,191,202,207,207,204,199,196,196,196,196,196,199,199,199,199,202,204,202,202,202,204,209,209,212,215,220,225,222,217,217,225,225,215,209,207,212,217,222,222,222,217,215,215,222,228,233,233,230,222,217,217,215,215,217,225,228,228,222,215,212,215,217,225,228,225,225,222,220,225,228,225,217,215,215,211,211,215,225,228,230,228,228,228,225,222,220,221,225,230,233,233,230,230,230,228,228,225,225,222,217,215,215,212,207,204,204,204,199,198,199,199,196,192,194,199,202,199,196,194,194,196,199,202,204,207,209,212,215,217,217,215,215,212,209,207,205,205,207,209,209,204,202,202,204,212,215,212,211,211,215,222,225,225,222,217,217,217,222,225,225,225,225,225,228,230,233,230,228,222,217,217,217,215,215,215,215,215,209,207,204,202,202,199,199,199,199,199,199,199,199,199,202,204,207,207,204,202,196,194,192,192,194,196,196,191,189,189,189,186,183,181,176,173,170,168,127,127,165,165,125,121,117,117,117,119,123,165,173,173,173,173,173,176,173,173,173,170,168,168,173,173,173,172,173,176,178,178,176,170,127,125,125,127,129,129,173,176,181,183,183,183,183,183,186,189,189,194,196,194,194,194,199,204,207,209,215,215,217,215,215,217,225,230,233,235,238,241,241,243,246,248,251,254,255,255,255,254,248,241,225,212,212,230,254,255,255,0,255,254,241,230,217,202,189,186,202,225,228,215,207,194,181,173,0,0,0,0,0,0,0,124,118,134,116,69,79,43,13,23,0,0,27,0,0,0,0,0,31,79,56,7,0,13,31,25,13,33,98,134,126,82,53,64,98,27,0,0,0,0,0,0,0,0,27,105,113,98,69,35,15,0,0,15,15,0,0,0,0,0,0,0,25,57,108,129,144,170,202,225,238,243,233,186,118,53,47,47,29,18,22,49,61,61,57,49,39,23,5,0,0,0,31,27,0,0,0,0,0,0,23,47,105,121,121,121,124,121,121,129,134,139,139,139,150,150,144,142,142,142,134,129,129,126,118,126,134,137,131,126,126,131,126,124,126,126,77,65,65,67,77,93,129,129,137,150,144,102,102,109,150,147,109,111,152,165,181,207,220,209,222,225,209,204,212,204,155,25,0,0,17,43,15,0,0,0,0,29,43,79,163,196,204,191,178,183,186,191,199,207,212,209,196,178,155,77,9,0,3,27,25,0,3,39,59,41,23,25,61,131,144,139,87,70,68,71,83,89,83,79,87,87,63,46,49,73,87,97,107,152,191,207,181,99,93,99,147,157,178,194,199,186,107,55,52,69,101,95,83,87,101,157,150,93,83,91,101,89,69,67,81,142,152,105,89,79,75,79,85,99,144,144,105,97,97,97,95,93,91,99,160,196,202,189,160,113,113,113,111,101,93,86,84,85,87,95,97,91,87,90,109,186,215,225,220,217,228,228,217,189,117,106,106,109,115,121,121,121,115,115,115,113,107,105,105,109,115,115,107,95,91,113,176,163,150,163,150,148,148,173,186,183,183,168,101,82,83,93,97,85,77,83,89,87,83,81,79,73,71,72,81,83,75,59,37,25,25,23,25,39,67,81,126,142,150,150,157,150,137,125,122,126,134,131,126,95,129,126,93,87,81,79,77,77,81,77,77,81,118,131,134,129,118,118,121,83,57,37,37,49,63,81,97,134,144,155,144,93,67,49,49,57,69,83,113,189,207,207,207,204,191,168,115,103,105,113,163,173,186,204,207,168,85,51,53,103,181,194,189,194,220,238,251,255,255,255,255,255,255,255,255,255,235,196,163,142,144,97,61,7,9,13,9,1,11,15,11,9,3,0,0,0,0,0,0,0,3,3,1,23,81,61,0,0,0,11,91,183,215,228,220,202,186,186,181,163,107,79,45,21,29,87,194,230,248,248,233,204,178,155,155,173,183,173,163,160,152,97,89,83,71,81,170,212,196,165,129,69,49,51,61,69,59,51,45,47,49,47,53,57,65,69,67,67,69,98,121,137,144,150,142,131,121,108,108,105,105,103,108,108,105,103,77,77,79,108,81,83,113,129,139,152,155,150,139,130,131,131,137,144,152,155,168,165,163,153,160,178,196,196,186,186,0,0,0,220,228,228,215,199,186,170,160,126,65,23,0,0,0,0,17,29,31,35,43,57,65,65,65,103,139,196,235,248,225,194,168,134,121,144,165,163,155,124,69,55,47,37,23,9,6,11,47,121,155,165,170,173,170,170,168,168,163,168,168,168,168,168,150,118,103,100,100,95,82,74,82,100,126,0,0,0,0,0,0,0,0,0,0,0,0,0,204,202,202,202,204,204,202,189,181,178,170,170,163,157,157,155,144,105,95,95,95,95,105,147,157,163,157,144,137,87,75,69,61,61,63,61,55,53,53,49,43,43,43,49,49 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,150,173,183,191,196,199,191,189,190,191,190,187,191,194,196,199,202,189,0,0,0,0,0,0,0,0,0,0,63,131,150,160,163,165,163,157,152,152,157,165,170,178,178,168,152,150,155,168,181,186,178,157,113,117,168,181,196,207,196,65,0,75,70,107,125,176,170,129,129,178,194,194,191,194,199,202,199,199,202,202,202,199,196,194,191,189,135,131,131,181,194,194,191,189,189,191,194,194,191,189,191,202,204,204,209,209,204,194,191,204,225,212,127,121,183,207,215,217,217,217,215,209,209,215,212,212,215,217,222,217,209,199,189,186,186,189,189,191,199,191,183,179,183,191,199,207,207,194,183,181,178,178,176,176,178,176,131,125,122,124,176,183,178,176,173,131,131,178,191,196,191,183,178,176,173,131,131,131,127,124,123,124,173,191,191,186,183,181,183,186,183,181,181,189,196,196,127,113,112,117,181,202,202,189,173,128,129,170,128,128,129,173,176,176,172,172,181,191,194,186,183,186,191,194,194,196,196,194,189,186,181,135,135,178,178,133,131,131,133,178,181,181,178,133,178,178,131,125,125,127,127,129,135,135,133,135,183,191,199,194,194,194,189,183,183,189,196,199,196,196,196,199,202,207,209,209,207,202,202,202,199,196,195,196,199,202,196,186,181,179,181,186,191,202,207,209,207,207,204,204,202,199,191,183,181,133,119,82,81,92,115,131,183,189,189,183,178,178,173,127,124,124,129,181,189,194,183,129,131,181,183,181,131,173,178,189,196,199,199,191,181,176,183,194,196,196,194,194,196,199,196,191,186,183,183,183,183,189,199,204,199,191,183,133,132,133,178,181,181,134,133,178,189,194,189,191,196,202,202,196,189,183,181,181,137,131,129,130,135,183,186,181,179,181,189,191,189,183,189,191,191,186,183,182,182,183,189,194,199,199,196,194,194,196,199,199,196,194,191,194,199,202,199,194,194,194,199,202,202,196,194,191,189,186,189,191,194,196,194,196,196,196,191,194,199,204,204,204,204,204,202,199,196,196,196,199,199,196,194,191,194,194,194,194,194,196,196,194,189,189,191,194,196,196,194,196,196,196,196,194,194,194,194,194,189,186,186,191,194,194,194,196,196,196,194,191,194,194,191,191,194,196,196,196,196,196,194,189,131,127,133,191,199,202,202,194,194,194,199,202,202,202,199,199,194,194,196,199,196,194,191,194,194,194,194,191,191,190,191,196,199,196,196,202,207,199,183,137,189,199,202,204,202,191,131,127,129,186,199,202,202,196,194,194,194,196,199,202,200,200,202,204,202,202,202,199,199,199,199,202,202,202,199,194,194,194,196,194,189,186,189,194,199,199,199,199,196,191,190,191,199,204,207,202,196,186,183,186,196,199,194,196,204,204,204,212,217,217,217,222,222,217,215,212,212,212,212,211,212,217,220,215,212,209,209,212,217,217,215,215,215,209,202,194,189,141,140,141,189,202,207,204,199,199,199,202,202,199,199,199,202,202,204,204,202,199,198,200,204,209,215,217,222,225,225,222,215,215,217,220,212,207,205,207,212,217,225,225,222,217,215,217,222,230,233,230,225,222,222,217,215,215,217,222,228,228,222,217,215,217,217,222,222,222,222,225,228,230,225,222,217,212,211,211,215,222,225,228,228,228,228,228,225,221,220,222,228,233,233,233,230,230,228,228,225,222,220,215,215,215,209,207,207,204,204,198,198,199,199,194,192,192,199,202,199,194,191,191,191,194,196,202,202,204,209,212,215,215,215,215,212,209,205,205,205,207,212,212,209,204,204,209,212,215,212,208,209,215,222,225,222,217,216,216,216,217,222,225,228,228,228,228,230,230,230,225,222,217,215,215,215,212,215,215,215,212,207,207,204,202,199,196,196,196,196,196,199,199,199,202,204,207,207,204,202,196,192,192,192,194,196,194,191,189,189,189,186,183,178,176,173,129,127,127,127,127,125,123,121,117,117,119,121,125,168,173,173,173,173,176,176,176,173,176,176,173,173,173,176,176,173,173,176,176,176,176,170,127,125,125,127,127,127,129,173,181,183,178,176,176,178,181,183,186,191,196,194,194,194,199,202,204,207,207,209,209,212,212,217,225,228,233,235,238,241,243,243,246,248,248,254,255,255,255,251,243,235,222,205,203,217,254,255,255,0,255,254,241,228,217,204,186,176,173,189,199,196,189,178,173,173,0,0,0,0,31,0,116,85,66,64,0,0,13,13,1,13,0,0,100,48,0,0,0,0,48,61,11,0,0,0,5,0,5,25,79,87,31,0,11,66,69,0,0,0,0,0,0,0,0,0,27,103,129,121,92,69,41,23,15,23,19,0,0,0,0,0,0,49,105,108,116,134,142,163,204,235,248,243,212,165,129,71,55,53,41,23,25,43,55,92,95,57,31,0,0,0,0,0,13,39,33,0,0,0,0,0,0,27,90,131,134,129,129,129,129,129,131,131,131,134,142,137,124,121,124,126,134,134,129,89,71,81,121,137,129,129,126,126,121,85,87,87,73,65,65,71,77,126,144,157,163,155,144,102,102,109,109,109,107,111,160,170,181,199,207,209,225,233,228,225,228,215,163,35,0,0,13,57,51,0,0,0,0,95,65,85,160,189,199,183,168,168,183,186,194,204,207,202,196,178,160,89,25,3,11,31,21,0,0,21,41,27,12,16,29,47,79,87,81,75,70,75,83,83,71,61,73,85,73,53,57,81,97,142,152,170,196,207,183,101,95,103,155,183,194,202,199,183,93,50,48,65,107,103,87,83,93,150,152,101,85,89,89,71,53,55,77,103,152,137,85,75,72,75,83,91,91,91,81,78,87,97,103,97,93,103,163,194,189,160,113,107,113,113,113,103,93,86,85,85,93,99,101,97,90,93,109,178,204,217,220,228,233,228,209,183,121,111,111,115,123,163,123,117,111,109,115,113,107,102,102,105,109,105,93,84,82,105,168,163,152,165,165,150,148,173,186,183,176,163,139,95,95,137,99,89,83,89,95,89,87,81,79,72,71,72,77,81,79,59,31,22,23,23,25,35,49,69,87,142,152,160,157,147,131,125,122,126,134,134,134,131,131,131,126,93,87,87,85,81,77,65,65,81,89,124,124,85,69,69,71,57,31,13,21,41,47,63,83,97,142,152,155,105,75,43,40,47,51,69,107,189,199,204,207,209,199,178,119,105,99,103,117,173,194,196,176,101,71,53,57,89,125,173,176,191,217,241,255,255,255,255,255,255,255,255,255,255,233,196,170,142,59,13,0,0,0,9,1,0,0,7,0,0,0,0,0,0,0,0,0,0,3,13,21,43,73,55,13,9,29,63,165,191,215,228,220,194,168,113,105,97,79,59,37,15,13,63,183,228,248,248,225,186,105,85,77,89,101,93,85,83,85,79,79,77,69,81,170,212,196,165,129,69,53,57,69,77,71,59,53,55,59,63,63,69,100,121,126,129,129,131,137,144,150,152,147,139,131,121,118,111,111,116,113,116,113,111,111,108,108,111,116,113,124,137,152,163,160,150,137,127,127,129,131,139,152,155,165,163,155,151,160,186,202,202,194,0,0,0,0,217,220,209,196,170,126,113,79,65,41,17,0,0,0,0,9,17,21,25,35,51,57,51,45,59,121,183,0,246,215,194,181,163,157,170,181,181,163,121,61,39,29,25,19,9,6,15,53,121,152,152,160,170,170,170,168,168,163,160,160,150,142,139,121,100,77,74,74,66,56,53,69,98,118,0,0,0,0,0,0,0,0,0,0,0,0,0,202,202,202,202,202,202,202,189,181,178,170,165,163,157,155,155,107,97,95,93,93,95,105,147,163,165,163,155,137,87,81,75,75,73,69,69,63,61,55,49,43,43,43,49,55 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,147,170,178,191,199,194,191,194,191,190,190,194,194,196,204,207,165,0,0,0,0,0,0,0,0,0,0,37,126,150,163,168,170,165,157,155,157,155,151,152,155,155,150,150,144,144,147,160,170,155,111,108,109,160,176,183,183,173,73,73,79,101,121,125,127,170,129,170,178,194,199,196,196,199,202,196,196,199,202,202,202,199,194,194,194,183,132,131,135,189,191,189,187,189,191,196,196,194,191,199,204,204,204,209,209,202,191,191,199,207,191,106,107,196,212,222,222,222,222,222,215,209,209,212,212,212,215,215,212,207,199,186,181,183,191,199,204,202,194,186,181,183,189,194,199,196,186,183,183,183,181,176,176,176,178,173,123,119,127,191,199,194,183,178,178,181,183,191,196,191,144,155,168,173,176,173,129,128,129,129,129,176,183,186,176,129,173,186,191,189,186,189,191,189,178,121,114,114,123,176,189,194,183,170,128,173,176,129,128,129,173,176,173,176,181,191,194,191,183,186,191,191,194,194,196,196,189,181,178,181,181,135,134,135,135,135,133,135,189,186,181,178,181,181,178,131,127,125,125,125,129,135,178,133,178,196,207,204,194,191,191,189,186,189,191,196,199,196,196,196,199,202,202,204,207,204,202,204,202,199,196,196,199,204,204,199,189,183,183,186,189,196,204,207,209,207,204,202,199,202,204,191,125,127,127,93,69,85,109,125,176,186,189,181,178,173,131,127,125,126,173,186,189,189,189,186,183,186,186,186,183,173,131,176,183,189,191,194,189,181,178,183,189,194,194,194,194,194,196,194,194,191,183,186,183,181,183,189,194,191,181,133,131,131,132,133,181,186,183,178,183,194,199,196,196,202,202,199,191,186,183,183,183,137,129,126,127,135,189,191,189,191,196,199,199,194,189,189,196,196,191,183,182,182,186,189,194,196,199,194,192,194,196,196,196,196,191,190,191,199,204,202,196,191,191,196,199,199,194,191,189,186,185,185,189,196,199,196,199,199,196,191,191,199,204,204,202,202,199,196,196,199,199,202,202,199,196,191,189,191,194,194,194,191,194,191,191,189,189,191,191,194,194,196,196,194,194,194,194,196,196,196,194,191,189,194,194,194,194,196,196,196,196,194,196,196,196,194,194,194,196,199,199,196,194,191,183,129,125,126,135,189,196,196,191,191,194,196,202,202,199,199,199,199,199,199,196,194,191,190,190,191,194,196,196,196,196,199,199,199,196,196,199,202,196,186,136,189,199,202,204,199,183,128,125,129,189,202,204,199,196,196,196,199,202,202,202,200,202,204,202,202,200,202,202,199,198,199,202,202,202,196,194,192,194,194,191,189,189,191,196,199,196,194,194,194,194,191,194,199,204,204,204,202,196,189,191,199,204,204,207,209,209,207,209,217,222,222,222,217,215,212,215,215,217,215,212,212,215,217,217,215,212,212,215,217,215,212,212,212,209,202,194,189,141,140,141,191,199,204,204,199,199,199,199,202,199,199,199,202,204,207,207,204,199,198,202,207,215,222,225,225,225,222,217,212,209,215,217,215,209,207,207,212,217,225,225,222,217,215,212,217,225,230,228,225,225,222,217,215,212,212,215,222,225,225,217,215,217,222,225,225,225,225,228,230,228,225,222,220,217,215,215,215,217,222,228,230,230,230,230,228,222,220,222,228,233,235,233,230,228,228,225,225,222,222,217,215,212,209,209,207,204,202,199,199,202,199,196,194,196,199,202,199,194,191,191,191,191,194,196,199,202,207,209,209,212,212,212,209,209,207,207,209,212,212,215,212,209,207,209,212,215,212,208,209,217,222,222,217,217,217,216,217,217,217,217,225,228,228,230,230,230,228,225,222,217,215,215,212,212,212,212,212,209,207,207,204,202,199,199,196,196,195,196,199,199,202,204,207,207,207,204,199,196,194,194,194,194,194,191,191,189,189,189,186,181,176,173,129,129,127,127,127,127,125,121,119,119,119,121,125,125,165,173,176,176,176,176,176,176,176,178,178,176,173,176,176,178,176,176,173,173,170,168,127,125,124,124,125,127,125,125,127,173,178,176,131,131,133,176,178,181,189,194,194,191,194,196,196,199,202,202,202,204,207,215,222,225,228,233,235,238,241,241,243,246,248,248,251,255,255,255,248,235,225,217,208,202,200,212,251,255,255,255,248,238,228,217,209,191,176,165,163,165,160,157,168,186,189,0,0,0,0,23,126,163,134,79,7,0,0,0,7,5,11,0,0,152,124,48,0,0,5,43,40,0,0,0,0,0,0,0,0,19,13,0,0,0,0,0,0,0,0,0,0,13,25,33,41,35,85,155,0,95,72,85,41,19,15,15,5,0,0,0,0,0,37,87,45,43,59,118,147,194,235,246,233,207,189,165,147,116,71,98,103,59,49,47,49,61,57,21,0,0,0,0,0,0,45,118,33,0,0,0,0,0,13,100,137,137,137,126,121,121,121,124,118,121,121,116,79,73,81,116,121,129,134,129,81,68,71,85,121,129,129,129,121,116,83,75,73,67,65,71,77,87,137,157,170,170,160,147,107,105,103,101,103,107,152,160,165,173,183,202,222,230,238,238,233,233,228,181,43,0,0,0,57,77,29,0,0,0,57,85,139,163,178,189,173,164,165,173,173,183,196,196,183,178,176,155,139,87,49,31,43,41,0,0,0,29,27,15,13,17,31,47,69,81,83,81,85,85,77,61,59,67,77,71,71,81,87,99,147,157,176,189,191,181,155,109,107,157,199,202,191,178,173,147,54,55,87,103,103,87,59,71,93,147,139,85,81,71,49,46,53,79,152,173,144,91,73,75,79,89,89,85,80,76,75,87,105,109,103,93,97,150,163,155,113,107,105,107,113,113,111,99,95,95,99,101,105,107,107,101,99,101,115,181,202,209,220,233,225,202,178,123,117,117,121,121,163,163,121,109,109,109,113,113,107,105,109,109,105,93,84,82,91,109,150,152,170,176,163,147,163,181,183,176,157,152,152,139,101,91,85,85,91,95,89,87,85,85,77,77,77,75,81,73,55,37,25,22,22,25,37,53,69,87,137,152,157,150,147,137,131,129,134,134,131,131,129,131,139,134,124,91,124,129,124,85,63,65,85,85,118,116,63,49,49,45,23,9,3,8,41,63,73,83,95,131,139,147,144,81,39,35,41,51,69,111,194,207,207,212,217,207,189,165,115,89,75,87,117,178,173,113,95,69,57,49,57,91,121,181,191,225,251,255,255,255,255,255,255,255,255,255,248,233,217,222,196,67,7,0,0,0,9,9,0,0,15,15,0,0,0,0,0,0,0,5,19,15,19,35,63,77,61,43,75,97,186,196,207,217,228,228,194,155,97,87,69,35,35,31,9,0,7,107,233,233,246,209,155,83,45,9,15,37,51,49,45,45,55,65,65,65,85,178,212,204,170,129,75,59,59,75,85,77,63,59,65,71,73,73,73,113,139,147,139,139,139,144,150,152,152,150,150,144,134,126,121,124,124,121,116,113,108,105,105,79,108,105,113,121,137,155,163,160,150,139,130,127,129,137,147,165,165,165,156,155,160,170,191,202,204,202,202,0,0,0,209,209,194,160,121,65,53,45,37,25,9,0,0,0,0,0,1,9,21,35,51,43,25,21,35,103,168,212,217,199,194,194,194,194,194,191,191,170,113,47,29,25,23,23,19,15,25,61,131,160,160,160,163,170,160,155,155,163,168,160,142,126,111,95,74,48,25,35,35,33,27,53,92,118,0,0,0,0,0,0,0,0,0,0,0,0,0,202,202,202,204,209,209,204,202,189,181,170,165,163,157,155,144,105,97,95,95,95,97,105,147,163,165,163,155,137,87,87,87,87,81,75,69,69,63,55,49,43,43,49,49,55 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,155,168,178,189,194,194,191,191,191,191,196,199,199,209,225,152,0,0,0,0,0,0,0,0,0,0,0,47,139,163,173,173,165,152,155,165,160,150,148,151,155,160,160,152,142,107,150,176,176,163,104,100,108,168,176,176,176,181,178,173,181,181,168,125,129,129,170,181,191,199,199,199,202,202,194,189,191,199,202,199,194,192,194,194,189,137,134,139,189,191,189,189,191,194,196,199,196,196,202,202,199,196,199,199,196,191,191,191,189,121,90,94,202,217,225,222,222,225,225,217,209,207,207,207,204,204,207,204,199,191,181,133,135,191,202,207,202,196,186,179,181,183,189,189,189,186,186,186,183,183,181,181,181,183,181,129,124,181,207,209,199,186,181,178,173,122,122,173,173,155,160,170,178,178,131,128,129,183,189,183,176,129,125,121,120,127,181,189,186,183,183,183,176,129,173,186,186,173,170,173,178,178,170,129,176,178,173,170,129,129,131,173,173,178,186,186,181,178,183,186,186,186,191,194,191,186,178,178,183,178,134,135,183,181,178,133,135,183,183,178,181,181,181,135,129,127,127,127,125,129,178,183,186,189,199,204,199,189,183,186,189,189,191,196,196,196,194,194,196,202,202,202,199,202,202,202,204,204,196,195,196,204,209,209,202,194,189,186,189,191,199,204,209,212,209,207,202,199,199,194,129,120,124,129,115,99,121,131,176,178,178,181,178,176,131,127,126,126,131,186,194,191,186,178,178,181,186,186,186,181,173,131,173,178,181,181,183,181,181,181,183,186,191,191,194,194,194,196,199,199,194,186,186,183,181,179,181,186,183,178,133,133,133,133,133,181,186,183,181,189,199,204,204,202,202,199,194,191,189,189,191,194,189,137,131,133,183,191,194,194,194,199,202,204,199,194,194,196,199,194,189,183,183,189,191,196,196,196,194,191,192,196,196,196,196,194,191,191,199,204,202,191,183,186,191,196,196,194,191,189,186,186,186,191,196,202,202,199,199,194,191,191,199,202,202,199,196,195,195,199,202,202,204,204,199,191,187,187,189,191,194,194,191,191,191,189,186,186,189,189,191,194,196,196,194,192,192,194,196,199,196,194,191,191,194,196,194,194,194,194,194,196,199,196,196,196,196,196,196,196,196,199,196,194,191,186,131,125,126,129,137,189,194,191,191,191,196,199,199,199,196,196,196,196,196,196,194,191,190,190,190,191,194,196,199,199,199,199,196,196,196,196,196,196,189,137,186,196,202,202,186,131,127,127,133,191,199,202,199,196,199,199,199,202,202,202,204,204,204,204,202,202,207,207,204,199,199,202,202,199,196,192,192,194,194,191,189,189,189,191,196,196,192,192,194,196,196,199,202,204,204,204,204,204,199,199,204,207,209,209,212,209,207,209,215,222,217,212,209,209,212,215,222,222,222,217,217,217,222,220,217,215,212,215,220,217,212,207,207,204,202,194,189,141,140,141,189,194,199,202,199,196,196,196,196,196,196,199,202,204,207,209,209,204,202,204,209,215,225,228,222,209,196,147,196,202,209,215,217,215,212,212,215,217,225,222,217,212,209,207,209,215,222,225,225,225,217,215,212,211,211,212,217,222,222,217,215,217,222,225,228,228,228,228,228,228,228,225,225,225,222,220,217,222,225,228,230,233,233,230,228,222,222,222,228,233,235,233,230,228,225,225,225,222,222,222,217,212,209,209,209,207,202,202,202,204,202,199,196,199,199,199,196,194,191,191,189,189,191,196,196,199,204,207,209,209,212,209,207,209,209,209,212,215,215,215,215,212,209,212,212,215,212,211,212,222,225,222,217,222,222,217,217,217,216,217,225,230,230,230,230,230,228,225,222,217,215,215,212,212,212,212,212,209,207,204,204,202,199,199,196,196,196,196,199,199,202,204,207,209,207,204,199,196,196,196,196,194,191,191,189,189,189,189,186,181,176,173,129,127,127,168,168,127,123,119,118,119,121,123,165,165,165,170,173,173,176,176,176,178,178,178,181,178,176,176,178,178,178,176,170,168,127,127,125,124,124,125,125,125,123,119,119,125,129,129,129,129,173,133,133,133,181,189,191,191,194,196,196,196,199,199,199,202,209,217,225,225,228,230,235,238,241,243,246,246,248,251,251,254,255,255,246,225,211,212,215,209,203,204,225,251,255,254,246,235,228,222,217,207,194,178,168,160,152,152,173,196,199,0,0,0,0,33,152,199,186,79,0,0,0,7,7,11,0,98,144,0,0,79,17,5,11,17,5,0,0,0,0,0,0,0,0,7,7,0,0,0,0,0,0,0,0,0,0,27,90,103,69,13,27,155,163,85,35,43,35,19,15,29,37,29,17,3,0,0,0,0,0,0,19,100,129,155,202,228,228,217,217,212,186,129,103,116,124,113,61,44,41,49,49,15,0,0,0,0,0,0,17,43,3,0,0,0,0,0,19,87,129,142,137,113,100,103,103,79,71,71,69,63,55,57,63,73,81,121,134,134,81,69,71,85,118,121,129,129,129,116,85,75,73,67,65,71,81,91,137,157,173,170,147,103,101,101,93,93,93,103,111,155,155,163,176,196,222,230,238,241,233,228,215,181,69,0,0,0,63,168,144,0,0,0,21,77,139,155,163,173,173,168,168,168,168,173,183,178,168,163,160,155,165,152,73,33,49,63,41,0,0,31,39,23,17,17,25,37,61,81,83,83,91,95,83,59,53,67,67,64,67,87,97,107,155,170,183,189,189,189,181,168,150,157,194,194,170,155,170,147,69,71,89,101,142,93,45,48,75,147,150,89,73,61,50,48,53,89,181,173,83,70,71,77,85,91,89,85,80,76,76,91,144,152,147,105,97,105,109,107,105,105,104,103,104,111,113,113,111,111,111,109,111,113,115,113,107,99,101,115,178,196,209,225,215,194,168,123,121,117,117,163,165,165,121,115,109,109,113,119,119,117,115,115,109,95,85,84,87,103,109,150,165,170,160,147,157,168,170,160,155,152,152,137,93,85,83,83,89,89,89,81,85,121,126,85,83,75,63,51,37,27,25,23,22,25,41,67,81,124,131,144,150,150,147,137,131,129,134,134,126,91,124,131,139,134,121,91,124,129,129,116,65,65,85,116,118,113,55,41,33,15,8,4,3,11,49,85,129,126,91,83,85,93,103,87,51,35,36,47,77,117,212,220,209,215,222,215,199,170,111,63,37,41,77,109,109,97,83,69,53,45,42,50,75,121,194,233,255,255,255,255,255,255,255,231,238,248,243,243,255,255,255,173,37,0,0,0,1,7,0,0,25,39,0,0,0,0,0,0,0,23,92,53,27,35,75,144,152,144,170,181,186,181,196,215,228,230,207,170,103,93,69,24,27,29,9,0,0,47,160,178,202,204,165,65,1,0,0,0,5,13,15,23,45,59,63,65,87,178,212,204,176,142,81,65,65,75,85,83,71,65,69,77,81,79,77,121,142,155,147,144,144,144,144,150,152,150,155,147,137,129,126,124,126,124,116,103,75,75,73,73,75,103,105,121,137,157,165,160,152,144,139,131,134,144,168,173,173,173,165,170,170,178,194,204,212,217,220,0,0,220,217,202,170,126,67,35,27,27,27,19,7,0,0,0,0,0,0,1,15,31,43,29,13,7,21,65,157,196,199,196,194,202,212,209,202,191,173,144,69,47,31,29,29,37,37,39,49,105,152,178,173,170,170,160,152,142,147,160,160,150,129,111,100,77,48,17,13,13,20,17,17,35,85,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,204,204,209,209,209,202,189,181,170,165,163,155,147,139,137,95,95,95,95,97,137,144,157,163,163,147,137,95,87,87,87,87,75,69,67,61,53,43,43,43,49,49,53 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,157,168,173,183,189,189,189,191,194,196,199,204,209,220,90,0,0,0,0,0,0,0,0,0,0,0,0,79,152,165,168,152,137,152,168,163,144,144,152,165,176,170,152,142,103,144,176,176,168,103,97,106,165,170,170,173,186,181,176,178,181,127,125,129,170,173,181,191,199,199,202,204,202,191,187,190,199,202,196,192,192,194,196,194,189,189,191,194,194,194,194,194,196,199,199,196,196,196,196,194,192,194,196,199,204,196,189,191,196,112,108,204,217,222,222,220,225,225,215,204,202,204,204,196,194,196,191,186,183,133,129,130,183,196,199,196,191,183,181,183,189,191,189,189,191,194,194,191,191,191,189,183,186,189,181,176,194,209,209,196,183,181,176,123,114,113,123,173,172,178,186,186,181,173,131,178,196,199,189,176,127,125,123,121,125,176,183,181,178,176,170,125,127,173,186,183,173,127,127,129,173,170,129,170,176,178,173,129,127,127,129,129,131,131,129,127,133,176,176,178,181,186,186,183,176,133,178,181,178,134,181,194,186,181,135,133,135,178,178,183,183,181,135,131,131,131,133,131,131,135,186,189,191,191,194,191,183,182,182,186,191,196,199,202,199,194,194,196,202,204,199,196,194,194,196,202,202,196,192,194,202,209,209,204,196,191,189,191,196,199,204,212,215,212,207,199,199,196,186,126,122,127,176,176,176,178,181,181,178,177,178,181,178,173,129,126,127,176,189,196,194,186,177,177,178,183,186,186,181,176,176,181,183,183,179,179,179,181,183,186,186,191,194,196,194,192,196,202,202,194,186,189,189,181,179,179,183,183,181,178,178,135,132,132,135,181,178,178,189,196,202,202,204,204,199,194,191,191,194,199,202,202,196,191,194,194,194,196,194,194,196,202,204,202,196,196,196,199,196,191,186,186,189,194,196,196,196,194,192,194,196,199,199,202,202,196,196,199,199,191,137,132,133,183,196,196,196,191,189,189,189,191,196,199,202,202,202,199,194,191,191,194,199,202,199,195,194,196,202,202,202,204,204,199,189,185,186,189,194,196,196,194,194,194,191,189,186,186,189,191,194,196,194,192,192,192,194,196,196,194,194,194,194,196,196,194,194,194,192,194,199,202,199,196,195,196,196,196,196,196,196,196,194,194,191,183,131,128,129,133,183,191,194,194,194,194,196,199,196,194,194,194,194,194,194,194,194,191,191,191,191,191,194,196,199,199,196,196,196,196,195,195,196,191,137,181,191,199,196,129,127,129,133,183,191,191,194,199,202,202,199,199,199,202,204,207,207,207,204,204,207,209,212,209,204,202,199,199,196,194,194,194,194,196,194,191,189,187,189,194,194,194,194,196,199,202,204,207,207,204,204,204,207,204,207,207,209,207,209,209,209,209,209,215,215,212,204,204,204,209,217,222,225,222,217,222,225,225,222,215,215,212,212,217,217,209,202,200,202,202,199,191,143,140,140,141,191,194,196,196,194,191,194,194,194,194,196,199,202,207,212,212,209,209,207,209,215,225,228,217,196,134,126,130,141,202,212,217,222,217,215,212,215,217,222,217,209,204,202,202,204,209,217,222,222,217,212,212,211,212,212,215,217,217,217,215,215,217,222,225,225,225,228,228,228,228,228,230,230,230,228,228,228,230,230,230,233,230,228,222,222,222,225,228,233,235,235,233,230,228,228,225,225,222,222,217,215,212,209,209,207,204,204,204,204,202,199,196,196,196,194,194,194,191,191,189,189,191,194,194,194,199,204,209,212,212,207,207,209,212,215,215,215,215,215,212,212,215,215,217,217,215,215,217,225,228,225,222,225,225,222,222,217,217,222,228,230,230,230,230,230,228,225,222,217,215,215,212,209,209,212,212,209,207,204,202,202,199,199,199,196,196,196,199,202,204,207,209,209,209,204,202,199,196,196,196,194,191,189,186,186,186,186,186,183,178,173,129,129,168,168,168,127,125,121,119,119,121,125,165,165,165,168,170,173,176,176,178,178,181,181,181,178,176,176,178,178,176,173,168,127,127,127,127,125,125,127,127,123,117,113,111,115,119,123,127,129,131,131,129,128,133,186,189,189,191,196,196,196,199,199,199,202,209,217,225,225,225,228,230,235,241,243,246,246,248,251,254,254,255,255,246,228,212,215,230,233,212,205,212,241,255,255,251,243,235,230,225,217,209,202,186,170,160,163,0,202,202,0,0,0,7,25,98,144,126,17,0,0,0,13,0,0,0,129,142,0,0,0,48,23,13,0,0,0,0,0,0,61,108,27,11,13,5,0,7,11,17,0,0,0,0,0,0,0,0,95,35,0,0,61,92,0,0,9,29,35,43,95,124,105,45,21,0,0,0,0,0,0,0,57,111,129,147,165,176,204,228,233,186,113,100,116,124,121,113,55,55,57,49,15,0,0,0,0,0,0,0,13,0,0,0,0,0,7,47,61,100,124,113,55,51,55,61,63,63,55,55,49,43,43,51,57,57,71,118,129,85,71,73,116,118,121,129,129,129,121,124,124,118,73,69,77,77,77,89,144,163,152,99,77,77,81,93,93,93,97,105,113,113,155,176,199,222,230,233,230,225,204,186,170,93,23,0,3,63,225,225,0,0,0,7,57,93,147,163,173,173,178,173,168,168,170,168,168,168,160,105,105,165,152,63,27,30,75,79,0,9,45,65,55,37,31,31,43,67,83,83,83,91,95,83,51,52,73,67,59,61,85,101,150,170,181,191,191,191,191,189,176,157,157,178,173,150,150,150,109,93,89,89,95,150,99,32,33,67,152,157,134,79,69,59,51,51,57,101,89,63,64,73,83,91,91,85,85,85,81,81,97,152,163,163,147,99,99,99,99,103,105,103,102,103,111,155,160,157,155,115,113,115,157,157,157,113,99,97,107,121,181,199,215,204,189,168,123,121,116,117,170,181,165,121,117,115,115,113,163,160,155,155,115,109,101,87,84,91,103,109,150,165,170,163,157,157,160,155,144,139,139,137,99,93,91,83,80,83,87,87,81,79,118,126,118,126,121,55,25,27,27,25,22,22,33,61,81,87,124,126,137,142,147,147,137,131,129,129,129,89,85,85,129,137,129,87,83,118,121,116,85,67,65,77,81,85,75,47,35,29,15,12,17,23,35,73,121,131,126,87,83,73,33,0,75,81,51,45,77,107,176,222,230,215,215,222,222,209,178,109,51,26,24,41,77,89,81,69,69,57,48,45,44,50,99,204,243,255,255,255,255,255,255,241,213,225,235,235,243,255,255,255,196,53,0,0,0,0,0,0,0,19,53,35,9,0,0,0,0,0,0,103,92,27,27,105,173,209,217,212,212,134,77,150,191,220,230,220,194,170,113,97,39,37,31,1,0,0,0,55,73,105,209,207,63,0,0,0,0,0,0,3,21,43,55,59,65,87,173,207,209,183,150,87,71,69,73,79,85,79,71,69,75,79,79,77,121,147,157,147,144,139,137,142,142,150,150,155,147,134,126,122,124,126,124,113,103,71,71,69,69,75,103,108,121,137,155,163,160,160,152,147,139,147,157,176,183,183,183,181,183,186,191,194,204,222,230,238,0,238,228,220,199,157,81,47,25,21,21,23,21,11,5,1,0,0,0,0,0,7,25,33,19,3,0,5,45,129,168,189,196,202,212,217,215,194,173,144,73,53,47,47,47,45,47,53,55,87,121,160,0,178,173,170,160,144,134,142,150,150,129,111,95,82,56,19,7,0,5,9,12,12,33,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,204,204,204,204,204,202,191,186,178,165,163,155,144,137,97,95,91,91,95,95,137,144,155,163,157,144,137,95,87,87,87,87,75,69,63,55,49,43,38,43,49,49,49 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,157,157,163,170,178,183,183,186,191,191,196,204,202,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,121,137,111,90,134,168,160,137,137,152,170,173,163,142,95,73,67,101,152,152,109,109,168,178,173,169,169,170,168,117,112,115,119,123,170,173,176,183,189,196,199,202,204,204,194,189,191,202,204,199,194,194,196,196,196,199,199,199,199,199,199,199,199,202,199,199,194,192,192,192,192,192,196,204,212,215,207,196,207,230,191,125,199,215,222,217,217,222,222,212,199,196,202,202,194,191,191,186,137,137,131,128,129,137,189,191,189,186,183,189,199,204,202,196,194,199,204,207,199,194,191,186,181,183,181,133,176,189,196,194,189,183,181,178,127,116,116,173,191,196,199,202,194,183,176,178,189,202,199,186,173,131,170,129,123,121,173,181,178,170,127,123,122,127,129,129,126,125,125,126,127,173,173,170,128,170,181,181,173,127,123,123,125,127,126,125,124,125,127,131,133,133,133,131,129,129,131,176,178,178,135,183,194,183,178,133,129,129,131,178,183,186,183,181,181,181,183,186,183,135,133,178,186,189,187,189,191,189,183,183,189,196,202,204,204,202,196,194,194,199,202,199,196,192,192,192,196,199,195,192,192,196,204,204,202,196,191,191,194,196,199,204,209,215,212,202,194,196,199,189,133,131,135,178,186,189,183,181,181,181,178,181,186,183,178,131,127,129,178,189,194,194,189,181,178,181,183,186,186,183,181,183,186,189,186,183,179,179,183,186,189,189,191,196,199,194,194,196,199,199,191,183,189,186,181,181,183,186,186,183,181,181,135,132,132,135,178,178,177,183,186,189,191,199,202,202,199,196,194,196,202,207,209,207,204,204,199,196,196,196,196,199,204,204,202,199,196,196,196,196,191,186,186,189,194,196,196,196,196,194,196,199,199,204,207,207,202,196,194,186,135,131,130,132,181,194,196,196,194,191,191,191,194,196,199,199,196,196,194,194,191,191,189,194,199,199,195,195,199,204,204,202,202,199,196,187,186,189,194,196,199,196,196,196,196,194,191,186,186,189,191,194,196,194,194,194,194,196,196,194,194,194,194,194,194,196,196,196,194,192,194,199,202,196,195,196,199,199,196,196,196,196,196,196,196,196,191,183,135,133,135,183,189,194,194,194,196,196,196,194,191,189,189,191,191,194,196,196,196,194,191,191,191,194,194,196,196,196,199,199,199,196,196,199,194,133,135,186,194,191,131,129,135,186,191,189,183,186,199,207,207,204,202,199,202,204,207,207,204,204,204,207,212,215,212,207,204,202,199,196,194,194,194,196,196,196,194,191,189,189,191,191,191,194,196,202,204,207,207,204,199,199,202,202,204,207,207,204,204,207,207,209,209,212,212,209,204,203,203,207,212,217,222,222,217,217,222,228,225,217,215,212,212,212,215,215,207,200,200,204,207,204,196,189,140,140,141,189,191,194,194,191,191,191,191,191,191,191,191,196,202,209,212,215,212,209,207,212,222,228,217,199,136,125,128,137,147,207,215,217,215,209,204,204,209,217,217,212,204,200,198,198,202,209,217,217,215,212,212,212,212,212,212,212,215,215,215,215,215,220,225,225,225,225,228,230,230,230,230,230,230,230,230,230,230,230,228,228,228,217,215,217,222,225,230,233,235,235,233,230,230,230,228,225,222,217,217,217,217,215,212,209,207,207,207,204,202,199,196,196,191,189,189,191,191,191,189,189,191,191,189,189,194,204,212,215,212,207,205,209,215,217,217,217,215,212,209,212,217,222,222,222,222,222,222,225,225,225,225,225,225,222,217,217,217,217,225,228,230,230,230,230,228,225,217,215,215,212,212,209,209,209,209,209,207,204,202,202,202,199,196,196,196,196,199,202,204,207,209,209,209,207,202,199,199,199,196,196,191,189,186,183,183,186,186,183,178,173,170,129,168,168,168,168,125,123,121,121,121,123,125,165,165,168,168,173,173,176,178,181,181,183,183,181,176,176,178,178,176,173,168,127,127,127,127,165,125,125,125,121,115,110,109,109,111,119,123,127,129,129,128,127,129,183,189,189,191,196,196,196,196,196,196,202,209,217,222,222,217,217,225,228,235,241,246,246,246,251,251,251,254,254,248,241,233,235,246,251,241,215,209,235,255,255,255,251,243,235,228,222,217,215,207,194,181,178,0,0,199,13,13,13,11,0,0,0,0,0,0,0,31,48,0,0,0,155,134,95,0,0,66,66,25,0,0,0,0,0,48,173,168,87,33,17,0,0,64,92,64,13,0,0,0,0,0,0,0,61,21,0,0,0,0,0,0,0,23,98,134,168,0,139,74,11,0,0,0,0,0,0,0,25,53,61,61,43,49,147,212,204,152,103,100,124,124,116,124,129,121,105,57,3,0,0,0,0,0,0,13,25,13,0,0,0,0,85,103,35,25,47,41,35,37,49,61,65,57,49,43,39,33,29,31,31,27,39,65,85,73,67,81,121,126,129,129,129,129,129,137,139,131,75,69,77,77,74,74,93,144,137,74,68,71,85,101,105,103,103,103,109,113,160,183,204,230,238,233,225,202,178,160,163,147,57,0,0,9,183,202,0,0,0,0,29,85,155,170,183,183,183,173,168,173,176,168,164,168,160,100,98,139,105,53,24,30,81,87,17,33,71,89,91,85,75,61,67,87,93,93,83,85,83,65,47,52,83,81,61,64,87,142,157,181,191,196,199,191,170,170,170,168,170,178,173,157,150,150,107,95,93,89,95,139,81,31,26,57,147,160,150,95,79,77,53,48,46,57,71,67,79,91,91,91,91,85,83,85,87,91,105,155,173,163,147,103,97,99,103,107,113,111,107,107,152,165,178,165,155,113,113,117,157,163,163,119,109,101,107,119,178,194,204,204,194,178,168,123,121,121,181,168,117,111,115,121,157,119,157,119,117,115,115,115,103,89,84,91,105,111,152,178,181,176,168,160,157,144,142,139,139,101,95,95,97,89,83,83,87,87,73,67,85,118,118,147,137,5,0,0,37,29,21,21,49,113,85,85,87,124,131,134,139,139,131,124,124,124,91,85,77,75,85,89,89,81,81,118,116,85,113,83,75,63,57,57,49,31,29,33,39,47,59,55,57,83,126,131,93,79,77,51,0,0,47,109,101,97,194,217,217,238,238,225,215,222,222,217,191,111,59,29,23,31,61,85,79,65,69,69,79,87,65,53,83,186,233,255,255,255,251,254,254,238,225,234,235,215,215,246,255,230,131,29,0,0,0,0,0,0,0,3,39,47,41,37,15,0,0,0,0,0,5,0,7,65,155,220,246,233,230,29,0,29,173,207,230,230,217,202,189,165,99,77,53,0,0,0,0,17,37,69,212,248,79,0,0,0,0,0,0,3,23,45,55,59,63,85,168,204,212,194,157,126,77,71,75,79,85,85,77,71,71,75,75,73,116,142,150,147,139,137,137,137,142,150,150,150,139,129,122,121,124,126,124,116,103,71,71,66,69,75,105,113,124,137,152,163,160,160,160,160,157,163,176,186,196,202,199,202,199,196,191,194,202,222,238,254,251,251,238,220,199,155,79,43,23,19,21,27,29,23,17,13,7,0,0,0,0,5,23,27,15,0,0,0,11,65,147,178,204,212,220,215,199,170,147,105,53,47,57,63,85,59,55,53,79,98,131,160,0,178,178,170,152,134,129,129,142,142,124,103,85,61,25,5,0,0,0,1,12,17,35,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,204,202,202,202,202,202,194,189,181,170,157,147,139,126,95,87,87,87,89,95,97,137,144,155,155,144,137,95,87,87,87,87,75,63,61,55,49,43,38,43,47,49,49 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,137,155,163,170,178,178,178,183,189,196,202,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,95,72,0,79,170,168,139,139,157,170,165,150,124,75,43,35,79,109,150,163,186,196,196,186,176,169,170,170,113,106,108,117,127,170,173,176,181,186,194,199,204,204,204,196,194,199,202,202,199,199,202,202,199,202,202,204,204,202,202,202,202,202,202,202,199,194,194,192,192,194,196,202,212,225,225,222,209,212,217,189,181,199,215,217,215,215,217,217,207,196,191,196,196,191,191,196,196,189,186,137,131,131,135,183,183,183,186,191,199,209,217,212,207,204,207,209,204,194,178,178,181,181,178,131,127,130,176,176,133,183,186,183,183,178,127,131,196,207,207,207,202,194,183,178,183,194,202,196,181,129,125,125,119,116,119,170,181,176,127,123,122,122,127,170,129,126,125,127,129,129,176,181,176,128,129,183,189,181,129,122,121,123,131,173,129,126,125,127,129,129,128,126,125,127,129,131,133,178,178,135,135,178,133,129,128,127,127,129,181,191,194,191,191,194,194,194,194,191,181,133,133,183,189,191,194,196,191,189,189,194,199,204,204,204,204,202,194,194,196,199,196,196,196,194,194,194,199,199,196,195,196,199,196,194,191,191,191,194,194,196,199,204,209,207,199,194,194,199,191,183,183,181,178,186,191,181,178,181,186,186,186,189,186,181,173,129,173,183,191,191,189,186,183,183,183,186,189,189,186,186,186,189,189,189,186,181,181,183,189,191,191,191,194,196,194,194,194,191,191,186,178,181,133,133,178,183,189,186,183,181,181,178,135,178,183,189,189,186,181,178,178,181,191,199,202,202,199,199,202,204,209,209,209,209,204,199,196,199,202,202,202,207,204,202,196,196,196,196,196,191,186,186,189,191,194,196,196,196,196,196,199,202,207,209,209,202,191,186,181,135,133,133,135,181,189,194,194,191,189,189,191,194,194,194,191,189,189,191,191,191,189,187,191,196,199,196,199,204,204,204,202,202,196,194,191,191,194,196,199,199,196,196,196,196,196,191,186,183,186,191,194,194,194,194,194,194,194,194,194,192,194,196,194,194,194,196,199,196,194,196,199,199,196,196,199,202,202,196,196,196,196,196,196,194,194,194,191,189,183,183,183,186,189,191,194,196,199,196,194,189,187,187,189,191,194,196,199,196,196,194,194,194,194,194,196,196,199,202,202,202,199,199,202,196,133,131,137,135,181,137,183,191,194,194,186,136,139,199,212,212,209,207,204,207,207,209,207,204,204,202,202,209,212,212,207,204,202,199,196,194,192,192,194,196,199,199,196,194,189,189,189,191,196,199,202,207,209,204,199,196,196,196,199,202,204,204,202,196,199,199,204,209,212,209,204,203,204,204,207,212,215,217,217,216,216,222,225,225,217,212,212,212,212,215,215,209,204,207,212,212,207,199,191,143,140,141,186,189,189,186,186,186,189,189,189,189,189,189,194,202,209,215,217,215,209,209,212,217,225,222,217,212,147,141,143,194,204,212,215,209,204,202,202,204,215,217,212,204,200,199,198,200,207,215,215,212,212,212,215,215,212,212,212,212,217,217,217,217,222,225,225,225,228,230,230,233,233,230,228,225,225,225,228,228,225,225,225,222,212,211,212,217,225,230,235,238,235,233,233,233,233,230,225,217,216,217,222,225,222,215,209,207,207,207,204,202,202,199,194,191,186,186,189,191,189,186,141,141,141,141,141,189,202,212,215,212,205,205,209,215,217,217,215,212,207,204,207,217,225,225,225,225,225,222,217,222,222,225,225,225,222,217,216,216,217,217,225,228,228,228,228,228,222,217,215,212,212,209,209,209,209,209,207,207,207,204,204,202,199,196,195,195,196,199,202,204,207,209,212,212,209,204,202,202,199,199,196,191,189,186,183,183,183,183,183,178,176,170,129,168,170,170,168,127,127,125,123,123,123,125,125,125,165,168,170,173,176,178,181,183,186,186,181,176,176,178,178,176,173,168,127,127,168,168,168,165,125,125,123,119,113,110,109,110,117,121,125,127,129,129,131,176,183,186,186,191,194,196,196,199,196,199,202,209,215,220,217,215,215,217,225,233,241,243,246,246,246,248,248,248,243,243,246,254,255,255,255,255,238,217,233,255,255,255,255,248,241,233,228,228,230,225,215,199,0,0,0,202,39,33,19,0,0,0,0,0,0,0,64,134,124,95,0,152,183,129,85,0,0,87,98,40,0,0,0,0,0,90,173,126,66,66,51,0,17,152,134,79,17,0,0,0,0,0,0,33,41,21,0,0,0,0,0,0,0,13,0,0,0,207,157,85,9,0,0,0,0,0,0,0,5,19,29,13,4,15,105,186,176,142,116,124,142,124,111,121,147,137,105,39,0,0,0,0,0,0,23,33,45,31,0,0,0,5,77,53,0,0,0,21,41,55,67,113,108,65,49,37,29,23,17,13,11,7,21,47,67,67,59,73,121,129,131,131,131,129,131,137,134,85,67,62,71,77,74,71,79,93,83,71,67,75,105,157,157,115,105,103,113,119,173,191,222,238,246,233,209,191,178,160,160,147,67,3,0,0,129,155,0,0,0,0,1,79,170,196,204,199,183,173,173,181,189,176,170,176,163,103,99,103,101,73,35,53,95,97,69,69,87,134,144,147,137,85,75,87,131,97,83,75,71,53,47,53,93,97,77,77,99,150,170,183,189,191,191,170,148,146,155,170,178,186,186,173,160,155,109,99,93,89,89,85,55,40,34,71,142,157,150,101,83,77,63,53,52,67,89,101,157,155,97,91,85,81,81,83,87,93,142,152,155,152,109,103,99,99,107,113,155,113,113,113,157,178,178,160,113,109,111,115,115,117,119,119,115,115,115,121,178,196,204,204,194,183,181,168,163,163,168,160,110,107,111,157,165,157,113,111,108,111,115,115,107,93,84,87,103,111,163,178,186,183,173,163,157,144,144,142,139,101,93,93,93,89,83,77,83,81,67,65,79,83,116,124,21,0,0,0,39,39,27,35,71,116,85,85,124,137,142,139,139,134,131,131,129,124,118,85,75,69,69,71,71,69,81,124,121,85,124,126,75,37,17,17,15,15,23,39,53,67,77,69,67,87,129,131,85,31,0,0,0,13,71,181,189,191,246,254,241,241,246,235,220,217,222,222,202,123,85,47,33,41,63,85,81,63,55,65,109,176,119,83,83,111,176,217,233,228,230,238,246,248,241,246,235,186,163,170,170,134,53,7,0,0,0,0,0,0,0,11,39,41,35,41,25,0,0,0,0,0,0,0,0,0,67,183,217,220,228,1,0,0,157,199,220,230,230,212,204,194,181,155,83,17,0,0,0,0,31,69,217,255,150,0,0,0,0,0,0,3,25,47,59,59,63,81,163,202,212,202,168,139,81,75,75,79,85,121,83,71,71,73,69,69,79,134,142,131,131,129,129,137,142,150,150,147,139,126,122,122,126,134,131,131,118,105,75,69,69,98,105,116,124,137,152,163,160,163,170,173,173,178,186,194,204,209,209,209,204,196,191,191,196,222,238,254,254,251,238,228,202,163,87,55,27,21,23,35,49,41,31,25,17,1,0,0,0,5,23,27,15,1,0,0,0,31,126,183,204,212,212,199,181,147,113,63,47,51,87,98,98,87,77,53,79,105,144,0,0,0,0,173,155,131,118,121,131,131,124,103,74,46,15,0,0,0,0,0,12,25,53,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,209,204,202,202,202,202,202,189,181,170,157,144,137,124,87,87,83,83,87,87,95,137,139,144,144,144,137,137,124,124,124,87,75,67,61,55,49,43,43,43,49,49,49 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,152,168,178,178,173,178,189,199,196,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,39,0,37,173,181,160,155,165,170,168,147,124,87,75,75,142,150,157,178,196,204,204,199,186,176,178,178,121,109,110,121,170,176,176,176,181,183,191,199,207,207,204,199,199,202,202,199,198,202,207,204,202,202,204,204,204,202,204,202,202,202,202,199,199,196,199,199,199,196,199,207,217,228,228,225,209,196,183,181,189,202,209,215,215,215,212,209,202,194,190,190,190,189,191,202,209,209,196,189,183,181,181,181,181,183,191,196,202,212,217,217,212,209,209,199,189,135,128,131,191,196,191,132,127,130,133,132,132,183,186,186,189,186,183,189,204,209,209,207,199,189,181,183,189,194,189,186,178,125,116,113,112,113,116,127,173,129,125,123,123,123,129,173,176,178,189,194,178,127,173,181,178,129,129,181,189,183,173,123,123,131,189,196,191,183,176,176,176,133,129,127,128,133,133,133,133,178,181,178,135,135,131,128,128,128,128,135,194,202,204,204,204,204,202,196,191,189,181,133,135,186,194,196,194,194,196,196,196,199,202,204,204,204,207,204,199,196,194,194,194,196,202,199,196,196,199,204,202,199,196,196,194,194,191,190,190,190,191,191,194,199,202,202,196,191,194,194,189,186,186,181,178,186,189,181,179,183,194,196,194,191,186,178,131,128,173,186,191,186,178,178,178,181,186,186,189,189,189,189,191,191,191,189,189,183,183,186,191,194,194,191,191,189,189,186,181,129,129,131,125,125,121,125,131,181,183,183,181,181,181,181,178,186,194,199,199,196,186,181,181,186,191,196,202,207,204,204,204,207,207,209,209,209,204,199,196,199,202,204,207,207,204,199,194,194,199,199,196,191,189,186,186,189,191,194,194,194,194,194,196,199,204,207,204,196,189,183,183,181,137,133,133,135,186,191,194,194,189,187,187,189,191,189,186,186,186,186,189,191,189,187,191,196,199,199,202,204,204,204,202,199,199,196,199,199,199,202,199,196,194,191,191,191,191,189,183,181,183,186,189,189,191,191,189,191,191,194,194,194,196,196,196,194,194,196,199,199,196,196,196,196,194,196,202,204,202,196,196,196,196,196,194,191,190,191,194,194,191,189,186,183,183,186,189,194,196,196,194,189,187,189,191,194,196,199,199,199,199,199,196,196,196,196,196,196,199,202,202,202,199,202,202,194,133,127,123,112,123,137,194,196,196,191,139,136,183,202,212,215,215,212,212,209,209,209,207,207,207,202,199,204,209,209,204,202,199,199,196,194,192,192,194,199,202,204,202,196,191,191,191,194,199,202,202,207,209,207,199,196,196,194,196,199,204,202,199,194,190,190,191,202,209,209,204,204,207,209,209,212,215,217,217,216,216,222,225,225,217,215,215,215,215,215,212,207,207,215,217,215,209,202,194,189,141,141,141,141,139,137,137,139,141,143,143,143,189,191,196,207,215,220,222,217,215,215,217,217,222,228,235,238,230,217,207,204,209,215,215,209,207,203,203,207,215,217,212,207,204,204,202,204,209,212,212,212,212,212,215,215,215,215,212,215,220,222,222,222,225,228,225,225,228,230,230,233,230,228,225,221,218,220,222,222,222,222,222,222,212,209,211,217,225,230,235,238,235,235,235,235,235,233,228,220,216,217,225,228,225,217,212,209,209,207,204,202,202,199,194,191,189,186,189,189,189,186,137,133,135,137,139,189,199,212,217,212,205,205,209,212,215,215,212,209,204,203,204,215,225,228,225,225,225,217,215,215,222,228,228,228,225,217,217,217,216,216,217,225,228,228,228,225,222,217,215,212,212,209,209,209,209,209,207,207,207,207,204,202,199,196,195,195,196,202,204,204,207,209,212,212,209,207,204,202,202,199,196,194,189,186,183,181,181,183,181,178,176,173,129,129,170,170,168,168,127,125,123,122,123,125,125,125,165,168,170,173,176,178,181,183,186,186,183,178,176,178,178,176,173,168,168,168,168,168,168,165,125,125,125,123,119,115,113,113,117,121,125,127,129,176,178,181,186,186,186,191,194,196,196,199,202,202,204,209,215,217,215,212,215,215,222,230,238,243,246,243,246,248,248,246,241,242,248,255,255,254,251,255,254,241,248,255,255,255,255,251,246,241,241,0,243,235,225,202,183,0,0,212,108,51,17,0,0,0,0,0,0,11,134,191,186,152,142,155,152,98,85,0,69,87,87,11,0,0,0,0,0,38,59,3,27,98,137,100,134,199,142,37,5,0,0,0,17,25,39,82,82,21,0,0,0,0,0,0,0,0,0,0,255,228,157,87,15,0,0,0,0,0,0,19,19,13,4,4,4,21,103,155,173,168,150,147,150,124,108,116,131,113,47,0,0,0,0,0,0,0,17,33,45,33,0,0,0,0,9,0,0,0,0,41,100,121,129,134,124,71,49,37,29,23,17,11,5,5,21,45,59,53,57,71,121,126,129,129,131,137,137,131,85,65,57,57,67,81,81,76,76,79,74,71,71,91,152,170,168,155,109,111,117,163,178,199,230,238,246,233,209,202,186,178,170,147,67,13,0,0,89,168,0,0,0,0,0,71,181,212,215,199,183,173,176,191,194,189,183,176,170,150,100,100,101,87,75,85,134,101,97,93,97,134,157,157,144,91,74,81,97,93,81,75,65,53,51,65,95,137,97,103,155,170,183,181,170,170,170,155,146,143,155,170,183,191,186,173,170,157,150,109,99,89,83,65,51,48,52,87,139,139,101,91,79,69,69,71,71,95,144,152,173,155,95,91,85,81,81,83,85,91,103,142,107,105,103,103,105,107,111,147,155,113,113,113,157,165,165,115,108,107,111,115,113,111,113,115,119,119,119,163,181,199,215,204,194,181,181,181,165,163,160,117,115,111,115,160,165,157,113,107,107,109,115,115,107,93,84,87,103,109,150,170,178,176,163,157,147,144,155,155,142,99,89,87,85,83,77,77,77,75,73,67,65,63,65,57,13,0,0,0,41,51,53,69,83,83,81,85,129,144,152,150,147,142,139,139,137,129,121,85,75,69,67,67,68,69,87,131,121,85,118,126,51,0,0,0,0,11,33,53,59,71,75,57,55,77,87,19,0,0,0,0,0,69,144,207,215,215,246,254,241,241,251,241,225,216,216,222,215,181,109,81,59,53,67,81,79,55,0,49,101,181,181,105,85,77,75,95,117,181,209,230,254,255,246,243,233,173,97,71,71,65,41,3,0,0,0,0,0,0,25,53,53,27,17,21,19,0,0,0,0,0,0,0,0,0,0,27,129,194,212,55,0,21,157,196,209,220,222,222,209,202,189,176,157,79,0,0,0,0,33,87,209,248,176,17,0,0,0,0,0,3,29,53,63,59,63,81,155,196,212,212,176,139,89,83,81,81,85,121,85,77,71,71,65,63,69,113,121,116,85,118,129,137,142,150,150,147,137,126,122,129,134,142,147,139,131,116,100,69,69,71,105,113,124,139,152,163,0,0,0,181,183,186,194,199,204,215,217,217,207,199,191,194,202,225,238,255,255,251,251,238,217,181,126,67,37,27,31,49,65,61,49,35,21,3,0,0,0,5,23,29,19,1,0,0,0,31,0,0,217,212,202,186,157,121,100,57,53,63,100,108,113,105,85,69,85,121,0,0,0,0,0,0,160,134,113,111,118,118,113,95,69,25,5,0,0,0,0,0,7,20,53,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,217,209,204,202,202,202,202,202,194,189,170,157,144,124,87,83,81,81,81,81,87,91,97,137,137,139,139,139,137,137,137,137,124,81,69,63,55,55,49,43,49,55,55,55 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,163,168,168,173,186,196,165,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,121,155,152,155,163,163,163,144,137,155,189,199,189,157,160,178,196,202,199,189,181,176,173,168,119,117,121,127,173,181,181,183,183,186,191,199,204,204,204,202,202,204,204,199,198,202,207,207,202,199,202,202,204,204,204,202,199,199,199,199,199,196,199,202,202,196,199,209,222,225,222,217,199,109,91,109,186,196,204,209,212,209,204,199,194,191,191,190,190,191,194,199,204,207,196,194,191,189,183,179,179,181,191,194,196,204,207,204,199,199,196,127,131,133,131,181,209,215,209,196,181,178,183,181,183,189,186,183,189,191,191,199,207,207,207,199,191,183,181,186,191,189,178,176,131,125,117,115,116,117,121,125,127,125,125,129,129,127,170,178,181,183,194,199,176,121,125,176,181,170,128,173,178,181,173,129,131,186,204,207,204,196,191,189,189,189,186,181,183,186,183,178,178,181,186,186,183,181,135,131,133,135,178,189,204,209,209,209,209,209,204,194,186,183,183,183,183,191,196,196,194,194,196,202,204,204,204,204,204,207,207,207,207,202,196,191,189,194,199,199,196,196,202,207,204,196,194,194,196,196,196,194,190,190,191,196,196,196,194,194,191,189,189,186,185,186,186,181,178,186,189,186,186,194,199,202,199,196,189,181,173,129,176,191,194,183,177,176,178,181,183,186,189,189,189,194,196,194,191,191,186,181,181,183,189,194,194,189,181,178,181,178,127,114,116,120,118,117,119,123,129,133,135,135,135,135,178,135,178,189,199,202,202,199,194,191,191,196,199,199,202,207,207,207,207,204,204,207,209,209,207,204,202,199,199,204,207,207,204,196,194,194,202,204,202,196,191,189,186,186,186,189,189,189,189,191,191,196,199,202,196,189,186,189,189,183,133,130,131,133,186,194,199,199,194,189,189,189,189,186,186,186,186,183,183,186,189,191,194,194,196,202,204,204,202,199,199,199,199,199,199,199,204,204,202,196,191,186,186,189,191,186,181,137,137,137,135,135,181,183,183,183,189,194,194,196,196,199,196,191,194,199,202,199,196,194,194,191,194,196,202,202,199,196,196,196,199,196,194,191,190,191,194,196,196,196,191,186,182,182,183,189,194,194,194,191,191,191,194,194,196,199,199,199,199,202,202,199,199,196,196,196,199,199,196,196,196,196,196,191,135,127,116,107,119,183,196,196,189,139,137,139,191,204,209,212,212,212,212,212,209,207,209,209,209,202,198,199,204,204,202,199,196,196,196,194,194,194,196,199,204,204,204,196,194,194,196,199,202,202,202,209,212,209,204,202,199,194,192,196,202,202,196,194,190,189,189,196,207,209,209,212,212,212,212,212,215,217,217,217,217,220,222,225,225,222,217,215,215,215,212,207,207,215,217,215,207,199,194,189,143,141,139,139,137,136,135,136,139,141,143,189,191,196,204,212,220,225,225,222,217,220,222,222,225,230,238,243,238,228,220,215,215,215,212,212,209,207,207,209,215,217,215,212,209,209,207,207,207,207,207,207,209,212,212,215,215,217,220,222,222,222,222,222,225,225,225,222,225,228,230,230,230,228,222,220,218,220,225,225,222,221,222,222,212,211,211,215,222,228,233,235,235,235,235,238,235,233,228,222,217,222,225,225,222,217,215,212,209,207,204,202,202,199,196,191,186,141,141,186,191,186,135,130,131,133,139,189,199,212,217,215,207,205,207,209,212,212,209,209,209,204,204,217,228,228,225,228,225,217,213,213,222,228,230,230,228,225,222,222,217,216,217,222,228,228,228,225,222,217,215,212,212,209,207,207,209,209,207,207,204,204,204,202,199,196,196,196,199,202,204,207,209,212,212,212,212,209,204,204,202,199,196,194,191,186,183,181,181,181,181,178,176,173,170,170,173,173,170,168,127,125,123,122,123,125,165,165,168,168,173,173,176,178,181,183,186,189,183,178,178,178,178,176,173,170,168,168,168,168,168,165,165,125,125,123,121,119,117,115,117,121,125,127,170,178,181,183,186,183,186,189,194,196,199,202,204,204,204,207,212,215,212,212,215,215,217,228,235,243,243,243,246,248,251,246,242,243,251,255,251,241,241,254,255,255,255,255,255,255,255,255,255,255,0,0,246,238,225,199,181,0,204,217,118,49,7,0,0,0,0,0,0,0,90,183,183,134,95,87,56,40,0,0,103,103,85,0,0,0,0,0,0,0,0,0,21,129,230,222,194,173,79,7,0,0,0,0,19,39,92,111,92,13,0,0,0,0,0,0,9,105,204,254,254,196,124,45,0,0,0,0,0,11,51,53,47,27,15,7,15,29,95,147,186,199,186,152,131,121,113,124,129,95,29,0,0,0,0,0,0,0,0,13,33,27,0,0,0,0,0,0,0,0,27,87,129,142,139,129,118,71,63,49,43,29,23,17,7,7,25,47,57,51,53,67,85,118,118,118,124,131,137,131,75,62,58,60,71,126,134,97,83,79,75,77,95,147,165,168,163,155,115,117,119,165,181,204,230,238,238,233,225,212,212,215,189,147,63,17,0,0,83,155,61,0,0,0,0,47,170,207,215,202,183,173,183,191,194,196,189,170,160,150,105,100,101,101,95,103,142,134,101,99,97,134,157,157,139,91,74,83,93,91,81,75,73,71,71,77,91,99,139,168,189,191,196,181,147,105,109,150,152,155,170,183,178,173,170,157,157,155,157,157,142,93,77,61,57,61,83,97,101,87,73,77,73,63,67,51,37,75,150,152,152,144,101,134,99,91,91,91,93,91,95,95,93,97,99,105,107,109,111,147,113,113,113,113,155,165,157,109,105,108,115,155,115,109,107,109,113,113,115,163,191,207,215,204,189,168,165,168,165,121,115,121,165,181,170,165,163,119,113,108,107,109,115,115,109,101,89,99,107,111,150,163,160,150,144,107,107,144,157,155,139,95,87,81,79,79,83,83,77,75,75,59,47,45,47,33,21,9,11,15,27,63,85,116,83,83,80,81,124,137,144,150,150,150,147,147,142,137,129,89,77,69,69,68,68,71,118,131,116,69,67,59,0,0,0,0,11,27,49,59,69,71,75,55,35,35,0,0,0,0,0,0,17,87,168,207,220,235,246,248,243,248,255,255,235,215,212,217,222,202,125,109,95,77,69,79,71,53,40,44,69,109,163,121,105,75,45,37,57,99,0,230,246,241,225,228,225,183,83,41,33,45,39,3,0,0,0,0,0,33,92,111,85,21,3,9,17,11,0,0,0,0,0,0,0,0,0,0,3,168,194,163,85,95,173,191,202,202,209,212,204,194,186,189,204,191,69,0,0,0,13,93,199,217,170,33,0,0,0,0,0,3,29,61,67,63,65,81,152,194,212,212,183,150,91,89,89,87,85,121,121,83,73,67,61,59,63,73,77,71,71,85,129,144,152,150,147,139,131,129,126,129,142,150,157,147,139,121,100,66,64,68,98,108,124,142,152,163,0,0,0,189,189,189,194,199,204,215,228,225,212,207,204,202,212,230,251,255,255,255,251,251,225,191,139,73,53,35,35,59,71,71,57,35,21,1,0,0,0,3,23,29,21,3,0,0,11,98,0,0,225,222,202,176,144,116,90,63,82,90,105,113,121,121,103,77,98,0,0,0,0,0,0,0,0,144,111,98,98,98,95,77,56,21,1,0,0,0,0,0,0,7,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,217,212,209,204,202,202,202,202,202,189,170,155,139,124,87,81,77,75,77,81,81,87,95,97,137,137,137,144,144,144,144,144,137,87,75,69,61,55,53,49,53,55,61,61 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,137,150,165,165,173,108,40,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,33,108,144,142,129,134,139,155,168,178,181,160,155,168,186,191,181,160,165,168,123,119,117,123,170,170,173,183,189,189,189,186,189,194,199,202,202,200,200,204,204,199,199,202,207,204,199,196,199,202,204,204,204,202,199,196,196,199,196,194,194,196,196,191,199,215,225,222,215,217,217,110,58,75,181,196,199,202,204,202,194,191,189,189,196,196,196,199,196,189,186,189,191,191,194,191,183,181,179,181,189,191,191,194,189,129,107,98,101,99,121,183,189,199,215,215,212,209,199,191,189,186,183,181,178,178,186,191,194,199,204,202,199,191,181,179,181,189,191,189,178,131,129,129,173,178,178,178,176,170,127,127,170,178,178,173,173,181,183,170,115,113,114,114,119,170,181,178,129,128,129,170,173,176,183,196,207,209,204,202,196,194,191,194,196,191,186,186,191,191,191,191,191,191,191,189,186,178,181,183,183,194,204,209,209,209,209,207,202,191,183,183,191,194,194,194,196,196,196,196,199,204,209,209,209,207,207,207,207,209,209,207,202,191,187,187,194,196,194,194,196,202,196,191,191,194,199,202,202,196,194,194,196,199,199,194,186,183,183,186,186,183,185,191,191,181,178,183,189,194,199,199,202,202,202,196,191,186,178,176,186,196,194,183,178,178,181,183,183,186,189,191,191,196,199,199,194,189,183,176,176,178,183,186,186,181,173,172,178,178,121,111,113,121,118,117,123,129,133,133,133,133,135,135,135,135,178,189,196,199,199,199,196,191,194,196,199,196,199,204,207,207,207,204,204,207,207,209,209,209,204,199,198,202,204,204,202,196,191,196,204,207,204,196,191,189,186,186,185,185,186,186,186,189,189,191,196,196,191,186,191,194,191,181,132,130,133,183,194,199,204,202,199,194,191,189,186,186,186,189,186,182,182,183,189,194,194,191,194,202,204,202,199,196,194,196,196,196,194,196,204,207,204,199,191,186,185,186,191,191,186,181,137,134,132,131,135,137,137,181,186,191,196,196,194,194,191,189,189,194,199,199,194,191,191,191,194,196,199,199,199,196,199,199,202,199,194,191,191,196,196,196,199,199,196,189,183,182,182,183,189,194,194,194,191,191,194,194,196,196,196,199,199,202,204,202,202,199,196,196,196,194,191,191,194,194,191,186,181,133,123,114,137,191,196,191,181,133,133,186,196,204,207,207,207,209,209,209,207,204,207,209,209,202,198,198,202,202,199,196,194,194,194,194,194,194,196,199,202,204,202,196,194,196,202,207,204,202,202,209,215,212,209,207,202,194,191,194,202,202,199,199,196,191,191,199,207,212,215,217,217,215,215,215,215,215,215,217,217,217,222,225,228,228,222,217,215,217,215,209,209,215,217,212,202,196,194,191,189,141,139,139,137,136,135,137,139,143,189,191,196,202,209,217,222,225,225,222,222,222,222,225,228,233,235,238,235,230,222,217,212,212,209,209,209,207,209,212,217,222,217,215,212,209,207,207,204,203,203,204,207,209,209,212,217,222,225,225,222,220,220,220,222,222,221,221,225,228,230,230,230,225,222,220,222,228,230,230,225,222,225,225,217,215,215,215,220,225,230,235,235,235,235,238,238,235,230,225,222,225,225,225,220,215,215,215,209,207,204,202,202,199,194,189,141,138,138,141,191,191,137,131,131,133,139,189,199,209,217,215,207,205,207,209,209,207,207,212,217,212,212,222,230,230,228,228,225,215,213,213,222,230,233,230,230,228,225,225,222,217,217,222,225,228,225,222,222,217,215,212,212,209,207,207,209,209,207,207,204,204,202,202,199,199,199,199,202,202,204,207,209,212,212,212,212,207,204,202,202,199,196,194,191,186,183,181,181,181,178,178,176,173,173,173,173,173,170,168,125,123,122,122,123,125,127,168,168,170,173,176,178,181,183,186,189,189,186,181,178,178,176,176,173,170,168,127,168,165,165,125,125,125,121,121,121,119,117,115,115,119,123,125,129,176,178,181,183,183,183,189,194,196,199,204,204,202,199,202,207,209,209,209,215,215,217,225,233,238,241,241,241,246,246,246,243,246,251,251,243,238,238,251,255,255,255,255,255,255,255,255,255,255,255,248,241,230,215,196,183,189,204,212,45,13,0,0,0,0,0,0,0,0,0,108,124,40,0,0,0,5,0,0,0,134,111,17,0,0,0,0,0,0,0,0,27,134,241,241,183,66,0,0,0,0,0,0,5,39,103,126,82,13,0,0,0,0,7,59,74,113,157,196,181,116,43,17,0,3,0,0,0,0,255,108,47,37,33,21,7,19,61,165,204,215,189,131,108,108,121,131,131,113,47,0,0,0,0,0,0,0,0,0,7,7,0,0,11,33,33,27,45,53,61,121,137,142,131,121,113,103,73,65,55,43,37,27,17,13,25,41,51,45,47,65,73,81,75,83,113,137,144,131,85,69,67,69,77,134,142,137,99,99,89,95,147,160,165,163,152,115,113,111,113,119,181,209,235,238,238,238,233,230,241,248,228,155,63,23,0,1,57,91,63,0,0,0,0,21,163,204,207,202,186,178,183,186,191,196,189,168,160,160,150,139,139,139,139,142,142,134,101,134,99,137,157,157,144,95,85,93,97,87,75,71,79,85,89,85,91,97,147,189,199,199,199,170,101,96,101,155,181,189,191,183,168,150,109,109,147,147,150,160,150,95,85,75,71,87,101,101,95,73,57,61,69,57,55,0,0,19,142,163,163,152,155,157,157,152,144,144,142,99,91,91,91,97,105,109,111,111,111,147,113,113,113,113,157,165,160,115,109,113,157,165,117,109,104,107,109,109,108,119,186,209,207,191,165,119,160,165,160,115,113,160,189,207,202,183,163,113,113,111,111,113,152,152,109,101,101,107,113,150,150,152,147,107,105,105,107,144,157,142,101,93,87,85,79,83,89,89,87,81,67,39,31,37,37,27,23,31,17,9,15,71,139,129,81,83,81,81,85,121,131,139,147,150,147,147,144,142,137,121,85,73,73,71,73,85,126,126,77,51,41,27,0,0,0,19,37,47,53,55,59,69,81,55,17,0,0,0,0,9,61,63,77,107,181,199,215,246,254,254,254,248,255,255,241,216,212,225,225,217,181,121,111,95,89,85,69,49,43,46,57,87,119,181,173,99,45,21,0,0,0,0,230,228,215,213,217,194,83,33,19,29,19,0,0,0,0,0,0,41,95,103,53,3,0,1,17,15,0,0,0,0,0,0,0,0,0,0,0,134,181,181,155,152,173,176,186,194,202,207,204,196,189,196,233,241,178,9,0,0,0,83,170,181,150,41,0,0,0,0,0,15,43,65,71,63,63,77,144,186,212,212,191,157,126,126,131,87,85,87,93,91,75,71,59,53,51,63,61,61,65,75,126,144,152,150,142,139,139,129,129,137,144,160,157,157,139,116,100,65,64,68,98,108,129,142,152,163,0,0,0,194,191,189,186,199,204,215,228,228,225,215,212,209,215,230,238,254,255,251,251,238,225,191,139,73,55,37,45,59,73,71,59,35,17,0,0,0,0,3,25,33,25,3,0,0,39,0,0,217,233,222,199,170,134,116,100,90,90,100,105,116,134,144,121,98,113,0,0,0,0,0,0,0,0,152,111,90,79,77,69,59,35,15,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,0,0,209,204,202,191,194,189,186,170,155,137,113,81,77,75,75,75,75,81,87,87,95,95,137,137,137,144,152,155,144,137,87,75,69,69,61,55,49,55,61,61,61 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,108,147,129,79,77,79,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,163,63,29,129,139,144,150,157,157,152,150,152,163,168,102,69,76,117,119,121,123,168,176,176,178,186,189,186,189,189,189,189,194,199,202,200,199,202,202,199,199,202,204,202,196,195,196,202,204,207,207,204,196,195,196,199,196,189,183,183,186,186,196,215,222,215,209,209,212,202,121,121,183,196,196,196,194,191,189,189,189,194,204,207,207,199,191,181,137,181,189,191,191,189,189,186,183,186,189,189,191,194,189,131,113,99,96,100,129,189,196,204,209,199,199,204,204,199,189,131,105,95,109,129,178,183,191,194,194,191,189,183,179,179,186,199,202,194,181,128,128,181,191,189,189,189,191,189,176,176,181,183,178,173,176,183,178,115,103,105,110,112,115,125,176,178,173,124,120,124,131,178,189,196,204,207,207,202,202,196,189,186,189,183,131,129,189,196,199,199,199,194,194,191,191,189,189,189,186,191,199,207,209,209,207,202,194,189,186,189,194,194,194,191,194,199,202,196,194,202,207,212,212,209,207,204,204,207,209,209,207,196,189,186,189,191,194,196,194,191,190,190,191,194,199,202,199,194,192,196,199,199,196,186,179,178,179,183,186,186,191,196,194,181,133,133,181,196,207,204,202,202,199,194,183,178,181,186,194,199,194,186,181,183,186,186,183,186,186,191,191,196,199,196,194,189,181,174,174,178,186,186,183,178,173,174,183,178,120,116,178,178,121,120,127,135,183,181,181,181,181,178,178,181,186,191,194,196,196,196,196,189,183,189,194,196,199,202,204,207,207,207,207,207,209,209,212,212,207,202,199,199,202,199,194,191,191,194,202,207,204,196,191,189,186,185,185,186,186,189,189,186,189,191,196,194,191,194,199,196,189,183,181,186,191,196,199,202,204,202,199,194,189,186,185,185,186,186,183,182,182,183,186,186,183,183,191,202,202,199,199,196,194,194,194,192,191,194,202,207,204,199,191,186,186,189,194,194,194,191,189,181,134,134,181,186,181,137,181,189,191,191,189,186,183,183,181,183,191,196,194,191,191,194,196,199,199,196,196,199,199,202,204,202,196,194,194,196,199,199,199,199,196,194,191,186,183,183,189,191,194,191,189,189,189,191,191,194,194,196,196,199,202,202,199,196,196,194,191,191,190,190,191,194,189,183,186,183,181,183,191,194,191,183,133,131,133,186,199,202,202,202,204,207,207,207,204,204,204,207,204,199,198,199,199,196,194,194,192,192,194,196,196,191,191,194,196,199,196,196,199,202,207,209,207,199,202,212,215,212,209,209,204,194,192,199,204,204,204,202,199,202,204,209,215,215,217,217,217,215,212,212,212,212,215,217,217,217,217,225,230,230,225,217,215,217,215,212,212,217,215,204,194,189,189,191,189,141,141,186,141,137,136,137,139,141,143,194,202,209,217,222,217,217,222,225,225,222,222,225,230,233,235,233,230,225,217,212,212,215,212,209,209,207,207,209,215,215,215,215,209,207,204,204,203,203,204,204,207,209,212,212,215,222,225,228,225,220,218,220,220,222,222,225,228,230,230,230,228,222,220,222,225,230,233,233,228,225,228,228,228,222,220,217,222,228,233,235,235,235,235,238,238,235,233,228,228,228,228,225,222,215,212,212,209,209,207,204,202,196,194,189,186,138,137,139,191,194,141,133,133,137,139,186,199,212,217,217,209,207,207,209,209,207,204,215,222,222,222,228,230,233,233,230,225,217,213,215,225,230,233,230,230,228,228,228,225,222,217,217,225,225,225,222,217,217,217,215,212,209,207,207,207,209,207,207,204,204,202,202,199,199,199,202,202,204,207,209,209,212,212,212,209,204,202,199,196,196,194,191,189,186,183,183,183,181,178,176,176,176,176,176,176,173,170,168,127,125,123,123,123,125,127,127,168,170,173,176,178,183,186,186,189,189,186,183,181,178,176,176,176,170,127,127,125,125,125,123,123,121,119,119,119,119,117,115,115,117,117,119,125,129,176,178,178,181,186,191,196,199,204,207,207,199,196,198,204,209,209,212,217,222,222,225,228,235,238,235,238,241,243,243,242,243,246,246,243,238,238,248,255,255,255,255,255,255,255,255,255,255,254,243,233,220,204,191,189,191,196,0,7,0,5,7,0,0,0,0,0,0,0,17,56,5,0,0,0,0,0,0,0,0,129,64,0,0,0,0,0,0,0,0,23,118,191,178,66,0,0,0,0,0,0,0,7,61,121,103,43,9,0,0,0,0,21,43,66,105,113,105,87,29,17,37,72,108,0,0,0,255,255,17,0,0,0,0,0,7,95,202,222,204,155,92,55,79,113,124,131,134,124,49,0,0,0,0,0,29,9,0,0,0,0,0,19,33,74,77,87,105,108,129,147,142,139,129,126,121,118,71,55,43,37,31,17,17,19,25,33,37,45,57,71,73,73,83,121,142,144,126,85,85,85,71,77,87,126,129,137,142,137,139,150,165,165,155,115,115,109,103,103,113,173,222,246,248,246,246,238,233,246,255,255,202,77,33,13,21,51,79,63,0,0,0,0,0,178,212,202,196,196,178,183,183,186,186,183,170,168,168,163,155,152,152,152,152,142,137,101,134,134,134,144,157,150,131,91,89,91,81,65,62,77,95,97,97,97,139,165,189,199,196,181,150,99,97,107,170,196,199,189,168,147,107,101,99,101,107,150,150,150,142,99,89,85,89,142,142,89,61,55,57,59,55,25,0,0,17,173,176,189,194,173,173,173,173,173,152,147,105,91,95,99,105,105,144,150,155,150,113,113,113,112,152,165,178,178,165,155,155,165,160,117,109,104,113,119,115,109,113,178,199,194,163,113,115,165,168,121,112,112,160,194,212,217,199,165,113,109,107,105,109,152,152,113,107,105,105,107,111,150,150,104,102,105,107,144,157,155,101,89,87,87,91,85,85,91,131,129,91,79,23,16,27,31,23,22,31,27,7,19,71,85,85,81,83,81,80,79,83,124,134,139,142,144,144,142,142,137,131,118,83,73,75,116,124,126,113,53,35,35,35,15,0,15,43,55,51,47,43,45,51,71,81,25,0,0,0,89,79,71,85,103,165,189,189,202,235,254,255,255,255,255,255,241,233,235,241,238,217,194,119,107,107,111,103,69,46,47,57,67,97,170,202,189,113,49,21,37,93,0,209,230,233,225,225,215,173,83,51,31,15,0,0,0,0,0,0,0,35,100,111,39,0,0,13,23,9,0,0,0,0,0,0,0,0,0,0,0,113,173,181,173,163,147,160,170,181,196,209,215,207,202,207,235,255,255,97,0,0,0,69,147,147,87,43,0,0,0,0,19,49,69,79,79,63,60,75,144,178,204,212,191,165,139,137,137,95,85,93,131,126,81,71,59,51,45,45,45,49,61,69,83,137,144,142,142,139,139,137,131,137,147,160,157,147,131,111,98,69,100,103,105,113,129,0,0,0,0,0,0,0,0,0,183,186,204,215,228,228,228,225,217,212,204,202,209,230,238,238,235,230,217,181,129,71,55,43,45,59,71,71,59,33,13,0,0,0,0,7,41,63,35,9,0,5,0,0,204,225,225,212,191,157,124,108,100,95,105,100,108,131,152,150,134,124,144,0,0,0,0,0,0,0,0,0,0,95,77,69,59,48,30,13,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,191,189,186,183,181,163,144,124,113,81,75,75,69,75,75,75,81,87,87,95,137,137,137,144,155,155,144,124,87,75,73,69,61,55,49,55,61,61,61 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,74,61,77,95,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,9,0,111,137,144,144,150,155,153,151,150,153,152,101,73,75,108,121,173,178,178,183,183,186,189,183,181,183,186,189,189,196,204,204,200,199,202,202,196,196,202,204,202,196,196,199,204,207,209,209,204,196,194,195,199,196,189,179,181,183,183,191,207,209,199,191,196,204,196,137,135,183,191,194,186,135,137,186,191,191,196,207,212,207,196,186,137,137,181,189,191,191,189,189,191,191,191,191,191,194,199,202,196,186,129,98,107,183,199,204,212,209,199,196,199,199,194,181,119,73,40,76,105,129,181,189,191,189,186,186,186,181,183,194,204,209,202,189,131,128,178,191,194,191,191,191,202,199,191,189,181,127,121,170,183,186,176,127,173,123,113,113,119,129,176,173,125,121,124,131,183,191,196,204,209,207,204,204,196,181,129,129,127,125,126,186,199,204,204,202,199,196,194,194,194,191,189,186,186,189,194,202,204,204,199,194,191,191,194,194,194,191,190,191,199,202,196,192,194,202,207,209,212,207,204,202,204,207,209,209,204,194,189,189,191,194,196,194,190,189,190,194,196,199,199,196,194,192,194,196,196,191,181,178,177,178,179,183,189,194,196,191,135,131,131,176,194,204,207,207,204,196,183,173,131,178,189,196,199,194,186,181,183,186,183,186,189,186,186,191,194,189,183,183,186,181,176,176,181,186,183,178,176,176,181,186,183,129,131,194,189,125,121,127,178,189,191,191,186,181,178,181,183,186,191,196,196,196,194,191,183,183,186,191,194,194,199,204,204,207,209,212,209,207,204,209,207,204,202,199,199,196,189,187,189,191,196,199,202,202,199,196,194,194,191,189,186,189,189,191,189,189,194,196,196,196,196,199,194,191,189,194,199,199,202,202,204,204,204,199,189,185,183,183,185,186,183,183,183,183,183,183,182,182,182,186,196,199,199,196,194,192,194,194,192,192,194,199,202,202,199,194,189,189,191,196,196,196,196,196,194,186,183,189,189,181,136,136,183,186,186,186,183,183,181,135,135,181,191,194,191,191,194,196,199,199,196,196,199,199,202,204,202,199,196,199,199,202,202,202,199,199,196,194,191,189,189,191,194,194,191,183,139,139,183,186,189,191,191,194,194,196,196,196,194,191,191,191,191,190,190,191,194,189,183,186,186,186,191,194,194,186,135,132,132,137,191,199,202,200,200,202,202,204,207,207,204,204,202,202,198,198,199,199,196,192,192,192,192,196,199,196,191,189,189,189,189,191,196,202,207,209,207,204,199,202,209,212,212,209,207,202,196,196,202,204,204,202,202,202,204,209,215,217,217,217,217,215,212,209,207,207,209,215,217,217,216,217,228,233,233,228,222,215,217,217,217,217,217,209,194,142,142,143,189,143,139,141,143,186,139,137,135,134,135,141,194,204,212,217,217,215,215,217,222,222,222,222,225,230,233,230,228,222,222,217,215,215,217,215,212,212,207,204,204,207,207,204,207,207,204,204,204,204,204,207,209,212,212,215,215,215,217,222,225,225,222,222,222,225,228,228,230,233,233,233,230,225,220,220,222,225,228,233,230,228,225,228,230,230,228,225,222,225,228,233,235,235,235,235,235,235,235,230,228,228,225,222,217,215,215,212,212,209,207,207,204,199,196,194,191,189,141,139,186,191,194,186,139,139,139,139,186,202,209,215,215,212,209,209,212,212,204,203,209,217,222,228,230,233,233,233,230,225,217,215,217,228,230,230,228,230,230,228,228,228,222,215,215,217,222,222,222,217,217,217,215,212,209,207,207,207,209,207,207,204,204,202,199,199,199,202,202,202,204,207,209,212,212,212,212,209,204,199,196,196,194,194,191,189,186,186,183,183,181,178,176,176,176,176,176,176,173,170,168,127,125,125,123,125,125,127,127,168,170,173,178,181,183,189,189,189,186,186,186,183,178,176,176,176,173,168,127,125,125,125,123,121,119,117,117,117,117,115,113,115,115,115,117,121,127,170,176,178,181,186,191,199,204,207,207,207,202,198,199,204,209,212,215,222,228,228,225,228,233,235,235,238,241,243,243,243,243,246,243,238,235,238,246,254,255,255,255,255,255,255,255,255,255,254,246,235,225,207,191,181,181,186,0,11,17,21,21,5,0,0,0,0,0,0,0,5,0,0,11,11,0,0,0,0,0,152,108,48,0,0,0,0,0,0,0,25,64,21,0,0,0,0,19,25,0,33,85,69,92,111,69,27,7,0,0,1,11,15,23,66,85,64,31,23,1,1,69,0,0,0,1,29,255,255,0,0,0,0,0,0,0,59,170,170,139,92,35,35,49,95,105,116,137,139,92,11,0,0,0,0,17,0,0,0,0,0,0,0,25,74,85,87,87,87,121,147,150,142,142,142,139,126,103,55,47,37,31,25,19,19,23,29,33,45,65,71,73,73,116,131,144,137,85,75,85,75,65,63,77,126,129,137,139,139,139,155,165,152,103,101,109,109,103,99,103,165,222,248,254,248,246,241,233,246,255,255,235,152,59,35,35,51,69,57,0,0,0,0,0,93,183,202,204,196,186,177,177,186,186,186,178,168,160,150,139,105,142,152,152,139,101,95,95,97,97,137,157,150,99,85,73,69,69,63,69,83,103,137,103,139,152,178,191,191,183,155,107,98,100,150,183,199,199,189,157,109,101,89,79,83,107,157,155,142,107,101,95,89,91,103,103,89,67,57,58,59,57,0,0,1,33,181,202,189,140,137,160,173,160,155,155,147,91,93,101,105,105,105,144,155,157,155,155,113,113,152,160,165,178,178,165,157,155,155,155,115,109,107,113,157,157,115,119,181,196,178,113,106,113,165,168,117,112,112,160,189,207,209,199,170,155,113,107,105,105,111,152,113,107,104,102,102,104,111,111,104,102,105,107,144,144,142,91,83,82,87,93,93,91,131,147,147,144,129,31,16,16,23,25,27,39,59,51,57,51,51,71,77,83,81,81,81,85,124,129,129,126,137,137,129,129,129,126,118,85,83,116,126,129,118,71,53,43,49,75,108,51,39,49,57,55,47,39,36,42,67,81,23,0,0,29,65,75,71,91,147,178,199,194,199,220,246,248,243,243,248,248,241,241,241,248,246,230,194,119,111,113,125,113,81,55,65,93,105,119,181,189,173,91,39,23,51,109,178,0,230,243,233,202,186,152,83,71,57,27,1,0,0,0,0,0,0,0,100,142,113,43,35,41,43,29,0,0,0,0,0,0,0,0,0,5,47,126,163,176,173,163,157,160,178,189,204,225,233,225,217,207,225,255,255,191,25,0,0,69,147,147,89,43,1,0,0,13,49,75,89,129,91,77,63,81,147,178,194,202,191,168,147,139,137,137,95,134,139,139,89,73,59,47,41,37,37,39,49,59,75,126,142,142,142,147,147,137,137,137,142,152,157,147,131,116,105,105,113,116,116,121,0,0,0,0,0,0,0,0,0,0,0,186,204,215,228,228,228,217,212,199,183,173,181,202,217,220,220,225,217,191,131,71,53,43,53,65,73,73,55,25,7,0,0,0,0,3,49,98,65,29,19,29,0,0,215,225,225,207,181,144,108,90,90,105,113,116,124,155,170,163,152,147,163,0,0,0,0,0,0,0,0,0,0,0,85,79,77,69,46,15,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,189,181,178,176,170,163,144,124,113,79,75,69,69,69,69,75,75,81,87,95,95,137,137,137,144,144,137,124,87,81,75,69,61,55,51,55,61,61,61 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,92,66,46,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,142,144,142,150,165,173,176,163,160,165,170,160,119,121,168,186,191,189,191,194,191,189,181,178,179,183,186,191,196,204,204,202,200,202,202,196,196,202,204,202,196,196,199,204,209,209,209,204,196,194,195,199,199,191,181,181,181,179,189,199,189,114,114,131,183,189,189,186,183,181,137,125,121,127,186,194,194,194,199,202,199,191,181,136,137,183,189,191,191,189,189,191,194,194,191,191,194,202,207,209,204,191,113,125,199,209,212,217,217,209,202,202,202,196,183,176,99,54,73,107,131,181,189,191,189,189,189,189,186,189,194,202,207,204,196,181,131,173,186,194,194,194,196,204,204,202,196,181,115,109,129,178,183,191,207,204,183,123,117,123,127,170,176,176,129,129,178,189,196,202,207,209,207,204,202,191,128,124,126,127,127,131,191,202,207,207,207,202,199,196,196,194,194,191,186,181,179,181,191,199,202,199,194,194,196,199,196,194,191,190,191,199,199,196,191,191,194,199,204,209,207,204,202,202,204,209,209,207,199,194,191,191,194,199,199,194,191,194,196,194,194,196,196,196,194,196,196,196,194,186,181,181,181,179,181,186,191,191,186,178,132,132,181,196,204,207,209,204,189,131,129,130,176,189,196,199,194,183,178,178,178,181,189,191,186,181,181,133,127,127,133,181,183,181,176,178,183,181,176,133,176,186,189,191,183,186,196,191,131,127,131,181,191,199,196,186,178,178,181,186,186,191,196,199,196,191,183,137,183,189,194,191,191,196,202,204,207,209,212,207,199,191,196,196,194,196,199,202,196,189,186,189,194,196,196,199,202,202,199,202,202,199,194,189,189,191,191,189,191,194,199,196,196,196,196,194,189,189,194,202,204,204,204,204,207,207,199,186,183,185,186,189,191,189,186,186,186,186,183,186,186,186,186,191,194,196,196,194,194,194,196,199,199,199,199,199,199,196,194,194,194,196,196,196,195,199,202,202,196,191,191,186,137,135,135,181,186,189,189,189,191,186,137,134,137,186,191,191,191,194,196,199,199,196,196,196,196,199,202,202,202,202,202,202,204,204,204,202,199,196,194,191,191,191,194,194,194,189,139,138,138,139,183,186,189,189,189,189,191,191,191,191,191,191,191,191,191,190,191,194,189,183,186,189,189,191,196,194,186,137,135,181,189,194,202,204,202,200,200,202,204,207,207,204,202,199,199,198,198,199,199,196,192,192,194,196,199,199,199,194,191,189,187,185,186,196,204,207,204,204,202,199,202,207,209,209,207,202,196,196,202,204,202,199,199,202,202,204,209,215,217,217,215,212,209,207,204,199,199,204,212,222,222,217,222,228,233,233,228,222,217,217,222,222,222,215,196,139,140,143,189,141,138,138,139,143,189,143,141,136,133,134,139,191,199,202,207,209,209,212,215,217,222,225,225,228,228,228,222,215,212,212,215,215,215,217,217,212,209,204,199,199,199,198,198,199,202,204,204,204,204,207,207,207,212,215,217,217,217,217,225,228,228,228,228,228,230,230,230,233,233,233,230,228,222,220,220,225,228,228,230,230,228,228,230,233,233,233,230,228,228,230,230,233,233,233,233,235,235,233,230,228,228,220,212,207,209,212,215,215,212,207,204,202,199,199,196,194,189,186,189,189,189,186,186,141,141,139,139,186,202,209,212,212,209,209,212,215,215,204,200,204,212,222,230,233,233,230,230,230,225,222,217,222,228,230,228,228,228,228,228,228,228,222,212,209,215,222,222,222,217,217,217,217,212,209,207,207,207,207,207,207,204,202,202,199,199,199,199,202,202,204,207,209,209,212,212,209,207,204,199,196,196,194,194,191,189,186,183,183,183,181,178,173,173,173,176,176,173,173,170,168,127,125,125,125,125,125,125,127,168,170,176,178,183,186,189,189,189,189,189,189,183,178,176,178,178,173,170,168,165,165,165,123,121,119,119,117,117,115,111,111,113,115,113,115,119,123,129,176,178,178,183,189,196,204,204,204,204,204,204,204,204,209,212,217,225,230,230,228,228,233,235,235,241,243,243,243,246,248,248,246,235,234,238,243,251,255,255,255,255,255,255,255,255,255,254,248,243,233,217,194,177,176,178,189,23,37,37,33,17,0,0,0,0,0,0,0,0,5,48,66,23,0,0,0,0,191,126,100,108,61,0,0,0,0,0,0,0,0,0,0,0,0,0,59,82,41,85,113,100,95,105,95,43,29,27,23,21,13,7,21,98,85,17,0,0,0,0,0,0,0,41,31,108,248,255,0,0,0,0,0,0,0,0,29,43,53,49,34,32,39,55,79,92,121,124,79,11,0,0,0,0,0,0,0,0,0,0,0,0,25,98,111,100,87,83,100,131,139,142,150,152,152,139,124,71,57,43,37,31,25,31,33,33,39,51,65,79,73,73,83,129,137,126,71,67,69,69,57,53,65,87,126,129,137,142,147,155,150,101,77,77,93,111,111,99,101,170,228,254,255,254,248,246,241,241,255,255,235,178,85,47,35,23,31,17,0,0,0,0,0,0,55,225,212,204,196,189,183,177,186,186,178,163,101,98,98,99,102,139,139,101,87,83,85,89,93,134,157,147,91,61,53,53,60,75,91,103,142,137,105,144,165,181,189,183,168,109,100,99,105,155,189,199,199,191,170,150,107,81,69,74,107,173,157,142,95,95,95,95,95,97,97,83,73,67,69,63,55,0,0,23,59,150,186,160,134,133,152,170,142,137,150,150,105,105,105,105,105,105,107,155,165,165,155,113,152,165,178,178,165,165,157,115,113,113,113,111,107,104,107,115,157,163,186,202,202,168,109,106,109,165,168,117,112,112,160,189,199,199,183,168,163,157,113,105,99,105,109,113,109,105,103,103,104,109,111,107,107,107,105,105,103,95,83,82,82,91,97,99,134,147,157,152,144,93,49,17,14,16,27,45,63,83,142,116,27,27,63,81,83,81,81,81,83,85,83,77,77,116,81,77,73,77,77,111,75,83,113,121,121,118,108,77,77,77,121,129,73,53,51,57,55,49,40,40,47,59,55,23,0,15,23,37,59,79,99,155,186,207,199,199,207,222,222,222,215,220,228,233,233,235,241,243,238,207,133,119,121,127,111,81,61,87,119,178,178,176,165,107,67,39,33,69,160,178,196,235,246,233,183,152,121,85,121,77,41,13,0,0,0,0,0,0,0,37,142,157,111,79,47,43,37,3,0,5,9,11,5,0,0,0,23,69,126,150,173,181,176,165,176,189,196,212,235,241,233,217,209,209,225,254,228,101,15,7,53,97,144,87,35,0,0,5,37,73,93,139,157,150,89,77,87,152,178,194,202,186,165,147,147,147,144,144,139,139,139,91,75,63,47,41,37,35,36,41,49,63,89,137,142,144,147,147,139,137,137,142,152,152,147,139,124,116,113,118,118,118,121,0,0,0,0,0,0,0,0,0,0,0,186,204,217,230,233,228,212,199,186,160,144,163,191,207,209,209,217,217,191,131,67,43,43,53,71,105,73,55,25,3,0,0,0,0,0,47,116,116,65,51,67,0,0,225,225,215,199,163,116,82,57,82,108,126,134,152,0,191,181,170,165,170,199,0,0,0,0,0,0,0,0,0,0,103,98,95,90,69,33,0,0,0,0,12,9,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,181,170,165,165,165,163,144,134,113,79,75,69,69,69,69,69,75,79,85,93,95,137,137,137,137,137,137,124,87,81,81,75,69,61,55,55,57,61,57 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,66,64,92,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,134,142,137,130,139,176,189,186,173,165,170,181,181,173,165,170,189,196,196,199,204,196,189,181,179,179,181,186,189,194,202,204,202,202,202,199,196,196,202,202,202,199,199,202,204,207,207,204,202,199,196,196,202,202,196,191,181,174,174,196,204,121,102,111,129,178,183,194,196,181,133,131,122,120,125,183,191,191,189,189,191,191,186,181,136,136,181,186,191,191,191,191,194,194,194,189,189,191,199,207,207,204,194,181,191,209,215,215,217,222,222,215,209,207,199,183,189,207,186,121,133,178,183,186,189,189,189,191,191,189,189,191,194,196,199,199,189,176,133,178,189,194,196,202,199,202,204,199,117,95,117,170,170,129,183,204,202,186,176,176,186,181,170,170,173,173,176,186,196,202,204,207,207,204,199,191,133,123,123,131,178,178,183,196,204,207,209,207,204,202,202,199,199,196,191,183,178,178,179,183,191,199,202,199,196,199,202,202,199,194,191,191,196,196,194,192,192,194,196,202,207,207,204,202,202,204,207,207,204,199,194,189,186,191,199,202,199,196,194,191,191,191,194,196,196,199,199,202,202,196,191,189,189,189,186,183,186,186,183,186,186,181,176,191,199,202,204,204,199,181,129,129,131,178,189,194,196,189,181,176,131,127,131,186,191,183,133,123,120,120,123,129,178,183,181,133,133,178,176,133,133,178,189,194,194,189,189,194,191,183,181,186,189,196,202,196,183,178,178,186,191,191,191,194,196,194,186,135,133,137,189,194,194,191,194,199,202,202,207,207,202,190,187,190,191,190,194,202,204,202,194,189,191,196,196,196,199,202,202,202,204,207,204,196,191,191,191,191,189,189,191,196,194,194,196,196,191,187,186,191,199,204,207,204,202,202,202,194,185,185,191,194,196,199,196,191,189,183,183,186,189,191,189,186,186,189,191,194,196,196,196,202,209,209,204,199,196,196,196,196,196,196,196,196,196,196,199,202,202,202,196,189,183,137,136,137,181,186,191,191,194,196,194,186,137,135,135,181,186,189,194,196,196,194,196,199,199,196,196,199,202,204,202,204,204,207,207,207,204,202,196,194,191,191,191,194,194,194,189,183,139,139,139,183,186,189,189,189,189,191,191,190,191,191,194,194,196,194,194,194,194,191,189,191,191,191,191,196,194,186,181,181,189,194,194,199,204,204,202,200,202,204,204,204,204,202,202,199,199,199,199,199,196,194,194,196,196,199,202,199,196,194,194,191,186,186,196,204,204,202,199,199,202,204,204,207,209,204,196,191,194,202,202,196,194,199,204,204,207,207,212,215,212,209,204,202,202,199,198,198,202,209,222,225,222,225,228,230,230,225,222,217,217,222,225,228,217,194,138,143,196,196,141,137,138,141,189,191,194,191,143,139,141,143,191,191,194,196,204,207,212,215,217,222,225,228,225,225,217,212,208,207,208,212,212,212,215,212,209,204,199,198,198,198,198,198,199,202,202,204,204,204,204,204,204,207,209,215,217,222,225,228,230,230,228,228,230,233,233,230,230,225,225,225,228,225,222,225,228,228,230,230,230,228,230,233,235,235,233,233,233,230,230,230,230,233,233,235,235,238,235,230,228,225,215,205,204,205,212,215,217,215,209,207,202,199,199,196,194,189,189,191,189,186,141,139,141,139,137,135,186,199,207,207,207,207,209,212,217,215,204,202,203,209,222,228,228,230,230,230,230,225,225,225,228,228,228,225,225,228,225,222,225,228,222,208,205,212,217,217,222,222,217,217,217,215,209,207,207,207,207,207,204,204,202,202,199,199,199,199,199,202,204,207,207,209,212,212,209,207,204,199,196,196,194,194,191,186,183,181,181,181,178,176,173,131,170,173,173,173,170,170,168,168,127,125,125,125,125,125,127,168,173,176,178,183,186,189,189,189,189,189,189,183,178,178,181,181,176,173,170,170,170,168,165,121,119,119,117,115,111,109,109,113,115,113,113,117,123,129,176,176,176,178,186,194,199,199,199,202,204,207,207,207,207,212,220,228,230,230,230,233,235,238,241,243,243,242,243,248,251,254,248,241,235,238,246,254,255,255,255,255,255,255,255,255,255,251,248,243,235,222,202,186,178,183,191,25,37,43,43,23,0,0,0,5,0,0,0,0,11,69,87,5,0,0,129,160,85,9,38,108,59,0,0,0,0,0,0,0,0,0,0,0,0,0,82,95,61,59,74,41,41,92,103,92,69,41,21,0,0,0,21,95,95,27,0,0,0,0,0,0,246,31,31,98,142,126,0,0,0,0,0,0,0,0,0,13,49,92,55,35,32,43,79,105,124,124,82,37,0,0,0,0,0,0,0,0,0,0,0,13,69,134,150,147,129,100,87,100,124,142,157,160,157,152,142,126,103,57,43,37,43,47,51,45,43,51,65,71,65,59,65,73,83,81,67,65,69,63,54,50,55,65,73,79,134,147,147,107,91,69,65,66,83,107,111,103,107,173,230,255,255,254,254,255,246,246,251,248,225,173,93,67,37,3,1,1,0,0,0,0,0,0,0,251,225,212,220,217,202,186,186,186,178,152,98,94,95,99,101,103,101,95,83,83,85,89,91,134,144,144,85,55,51,53,61,81,95,99,99,101,103,144,165,178,181,170,147,101,99,100,109,157,181,191,199,191,170,157,150,81,64,67,101,170,157,103,95,95,95,99,95,91,89,83,77,79,83,71,51,0,0,0,55,97,152,160,160,142,147,160,142,99,95,99,144,144,105,105,105,101,105,150,176,189,163,152,113,165,178,178,165,165,155,113,109,109,113,111,109,104,104,109,119,181,202,215,207,178,115,109,115,165,168,157,112,113,157,181,189,183,170,165,163,163,113,99,97,98,109,113,150,155,113,113,111,111,150,147,147,107,105,97,91,89,83,83,89,95,99,134,147,147,147,131,95,87,63,29,16,16,29,53,73,116,142,79,20,25,69,113,113,79,76,76,79,79,75,65,61,65,65,58,56,63,75,77,73,73,67,67,105,118,126,129,139,129,121,108,63,57,63,61,55,55,55,59,57,51,39,35,33,11,8,15,61,95,144,157,178,199,199,191,196,204,209,204,204,207,212,222,222,218,222,235,238,225,212,202,194,176,111,81,65,103,181,199,186,170,157,109,87,61,59,103,176,183,191,230,246,220,160,134,121,131,150,144,59,17,3,0,0,0,0,0,0,0,95,137,113,79,36,34,43,51,77,79,39,13,0,0,0,0,11,37,65,121,173,189,183,168,181,196,199,212,233,235,228,217,217,209,212,241,251,209,89,27,37,65,81,75,23,0,0,19,57,91,142,163,170,168,142,89,95,152,170,186,194,183,163,147,152,160,160,152,139,131,126,91,75,63,51,45,41,39,37,37,41,59,83,134,137,142,147,150,144,137,137,142,150,150,147,139,129,121,113,118,116,116,121,0,0,0,0,0,0,0,0,0,0,0,199,212,225,233,235,228,212,191,168,134,126,144,181,202,207,207,207,199,165,87,57,35,43,59,79,113,105,59,25,3,0,0,0,0,1,53,126,126,100,65,111,0,0,217,212,196,176,137,90,52,49,79,108,134,147,170,0,0,199,186,183,183,207,0,0,0,0,0,0,0,0,0,0,0,118,113,111,92,56,9,0,0,5,25,20,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,178,165,163,157,163,157,144,137,113,103,75,69,63,63,63,67,69,75,81,87,95,134,137,137,137,137,137,124,124,87,81,77,75,69,61,61,57,55,55 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,74,66,1,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,137,142,127,124,130,176,189,183,176,168,168,170,173,165,163,173,191,196,196,204,207,196,186,183,181,181,186,189,189,191,196,199,202,202,202,199,196,199,202,202,202,199,199,202,202,204,204,199,199,202,202,202,204,202,199,191,179,172,179,217,215,112,101,121,178,178,181,191,189,131,128,133,131,127,133,183,186,186,186,189,194,196,194,186,137,135,136,183,189,189,189,191,191,191,189,186,186,191,196,199,199,194,191,194,207,215,222,217,217,217,217,217,204,202,194,179,181,199,196,189,186,181,181,183,186,186,189,191,191,189,189,186,186,189,191,194,189,181,132,132,181,191,196,199,196,196,189,107,80,77,123,173,129,119,113,117,176,181,181,189,202,196,125,119,121,127,176,186,196,202,202,199,196,191,183,133,127,125,127,176,178,183,191,199,204,209,209,209,207,207,204,202,202,199,191,183,179,181,186,183,189,199,204,202,199,196,199,202,199,196,191,191,196,196,196,194,196,196,196,199,204,204,202,200,200,202,204,204,204,199,191,139,136,139,194,202,202,194,190,190,191,194,196,199,199,202,202,202,202,196,194,191,194,196,196,194,189,182,181,186,191,186,181,189,194,194,194,194,186,176,130,131,176,181,189,191,191,183,176,131,127,124,124,178,186,181,131,123,121,122,125,129,176,181,178,125,125,131,133,135,178,183,191,194,194,191,191,191,191,191,194,196,196,196,196,191,183,183,189,191,196,196,191,189,189,189,183,135,131,133,183,194,196,194,196,199,199,196,199,202,199,190,189,196,194,191,194,202,207,204,199,196,196,196,199,202,204,204,202,200,202,207,204,199,194,191,191,189,186,187,189,194,192,192,194,199,194,187,187,191,196,202,204,202,199,196,194,186,185,189,196,199,202,204,202,196,186,179,178,181,183,186,183,181,181,183,186,191,196,199,199,204,212,215,209,204,199,199,196,196,194,194,191,194,196,196,199,196,196,199,196,194,189,189,186,186,183,183,186,191,194,196,196,191,183,135,130,130,133,183,191,194,194,194,196,199,199,196,196,199,202,202,202,204,207,209,209,209,204,199,196,194,191,191,191,191,194,194,194,191,189,186,186,186,186,186,189,191,191,194,194,194,194,196,196,199,199,199,196,196,196,194,194,194,191,186,186,189,189,186,181,183,189,191,189,191,199,202,202,204,204,204,204,204,204,204,204,202,202,202,199,199,199,196,196,196,196,196,196,199,196,199,202,199,191,187,194,202,204,202,199,196,199,202,204,209,209,207,196,187,191,199,196,191,191,202,209,212,209,209,212,212,212,207,199,199,199,199,199,199,202,207,215,222,222,222,225,228,228,228,222,217,216,217,225,230,228,212,199,204,209,204,191,139,143,191,194,196,199,196,191,191,194,196,194,194,194,196,202,209,215,215,217,217,222,225,222,217,212,209,207,207,208,209,207,207,209,209,207,202,199,198,202,204,204,204,204,204,204,204,204,204,202,200,200,202,204,209,215,217,222,225,228,228,228,228,228,230,230,230,225,221,221,224,228,228,225,222,225,228,228,228,228,230,230,233,235,230,228,228,230,230,230,230,233,233,235,235,238,238,235,233,230,228,220,209,205,207,212,217,222,217,212,209,204,199,196,196,196,194,194,194,191,186,139,139,139,137,135,133,141,196,202,202,204,204,209,215,222,222,212,207,209,215,222,222,217,225,230,230,228,225,225,228,228,228,228,225,225,225,222,217,222,222,217,207,204,209,215,217,222,222,217,217,215,215,212,207,207,207,207,204,204,202,202,199,199,196,199,199,199,202,202,204,207,209,209,209,209,207,204,199,196,196,194,194,191,186,183,181,181,181,178,176,131,129,129,170,170,170,170,170,168,168,168,127,125,125,125,125,127,168,170,173,178,181,186,189,189,186,186,189,189,183,178,178,183,183,181,176,176,176,176,176,170,123,121,119,117,113,109,109,109,113,115,113,113,115,121,129,176,176,176,178,183,191,194,196,194,196,204,209,209,207,207,212,222,228,230,230,233,235,238,243,246,246,242,242,243,248,254,255,254,246,235,233,243,251,255,255,255,255,255,255,255,255,255,254,246,241,230,222,212,207,204,196,194,17,23,37,43,33,5,0,0,11,11,0,0,0,0,27,17,0,0,38,126,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,134,134,90,36,26,15,19,45,98,64,35,17,0,0,0,0,15,72,113,144,116,0,0,0,0,0,116,37,31,66,74,0,0,0,0,0,0,0,0,0,1,39,131,155,113,35,25,32,79,124,137,124,95,74,37,15,9,0,0,0,0,7,11,7,11,37,116,160,194,194,163,118,51,55,116,150,165,160,157,157,157,139,124,69,53,51,51,59,59,53,45,51,59,59,51,45,47,51,59,67,69,69,69,63,57,53,52,50,51,65,89,139,101,81,67,61,62,66,77,103,111,109,113,181,230,254,255,254,254,255,254,248,255,248,209,168,107,93,65,13,3,13,3,0,0,0,0,0,0,251,246,238,246,243,217,194,181,176,178,163,137,103,137,139,152,152,139,97,87,85,89,87,83,91,99,99,85,69,61,63,60,63,69,83,89,97,103,144,152,168,168,155,109,100,101,107,147,155,170,181,183,176,155,150,150,89,67,69,107,170,150,103,95,89,93,89,89,85,85,83,85,95,134,95,73,37,31,0,19,97,176,194,160,150,139,170,142,85,79,83,97,105,97,97,101,97,101,150,181,196,178,155,113,157,165,165,165,160,155,109,107,107,113,113,115,113,109,113,157,181,199,204,199,181,163,119,160,170,170,157,115,113,117,165,170,170,165,163,157,155,111,99,99,105,115,150,157,170,170,168,152,150,111,109,109,107,107,97,89,89,89,89,89,87,91,93,134,147,134,126,93,93,83,57,31,23,27,43,69,116,118,53,25,30,75,113,116,81,76,76,77,79,71,61,56,57,59,58,58,69,116,111,67,53,33,33,63,124,134,131,131,131,118,65,51,51,63,71,61,59,55,45,33,23,25,41,73,23,11,29,79,142,144,152,165,189,194,191,192,196,204,212,212,215,220,228,222,218,220,225,241,243,246,238,230,215,129,97,91,168,209,220,191,170,168,173,163,101,97,165,194,189,191,0,0,225,165,144,134,144,168,165,103,17,7,0,0,0,0,0,0,0,33,95,87,66,37,43,82,113,137,124,79,5,0,0,0,0,0,0,0,51,152,181,163,152,160,178,189,204,228,233,225,217,217,217,212,225,251,251,207,89,61,53,59,59,19,0,0,25,71,139,168,178,186,183,157,137,131,144,165,186,183,176,163,155,160,168,163,152,134,93,83,81,69,57,51,49,49,45,41,41,41,59,83,97,134,142,147,150,144,139,139,142,150,150,139,134,129,121,113,108,108,111,113,0,0,0,0,0,0,0,0,0,0,0,204,212,230,235,241,228,204,176,139,113,79,124,170,199,199,191,181,163,124,61,35,37,59,77,118,118,103,55,25,7,0,0,0,0,11,67,147,137,100,65,105,0,0,215,196,178,150,111,57,47,49,74,105,124,152,178,0,0,0,196,191,196,209,228,0,0,0,0,0,0,0,0,0,0,0,0,129,108,79,30,0,0,14,27,27,7,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,170,163,155,147,155,155,144,137,113,103,75,69,61,61,59,61,61,69,79,87,95,95,137,137,124,124,134,137,124,87,87,81,77,75,71,63,57,51,49 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,157,160,139,131,144,168,170,170,170,173,170,168,165,164,164,178,194,196,199,202,199,183,178,183,183,186,189,191,191,191,191,194,199,199,199,196,195,199,202,202,202,202,199,199,199,202,202,199,202,204,204,204,204,202,196,191,186,183,202,222,196,108,107,127,178,181,183,189,189,131,128,137,183,183,186,191,191,191,191,199,204,209,207,196,186,137,137,186,189,186,186,183,181,181,179,179,183,189,191,191,189,189,189,196,207,215,217,220,212,207,204,196,183,183,183,179,179,183,189,189,186,181,181,186,189,186,186,186,186,186,186,182,181,182,183,186,183,178,132,132,176,183,191,194,189,183,123,97,83,78,95,125,173,121,101,100,119,173,178,186,183,111,107,115,125,129,131,181,191,196,194,189,183,181,133,129,131,178,181,176,131,135,191,202,204,207,209,207,207,207,207,204,202,199,191,186,186,191,196,191,194,199,202,202,196,191,191,196,196,194,189,191,196,199,196,196,202,202,199,196,199,202,202,200,200,200,202,204,204,199,191,137,134,135,186,196,196,190,189,191,196,202,202,202,204,202,199,196,199,199,196,196,199,202,202,202,194,182,181,183,189,183,178,181,183,181,181,181,178,176,133,176,178,181,186,189,183,176,131,131,131,125,125,176,186,183,178,131,127,125,127,129,133,178,176,122,122,127,133,181,186,189,194,191,191,194,194,194,194,194,196,196,196,191,189,186,186,191,196,196,199,196,189,183,183,186,183,135,131,131,181,194,196,196,196,199,199,196,196,199,199,194,194,199,196,194,194,202,207,207,204,202,199,196,196,204,209,209,202,199,200,204,204,202,196,194,194,189,186,187,189,194,192,192,194,199,196,191,191,194,199,202,202,204,202,196,189,185,185,191,196,199,204,204,202,196,186,178,177,178,178,179,179,181,181,183,189,194,196,199,199,204,209,212,209,207,202,199,196,196,194,191,189,189,194,196,196,194,191,194,196,194,194,196,199,194,189,186,186,191,196,199,199,199,194,181,131,128,130,181,191,194,196,196,196,199,199,196,196,199,202,202,202,204,207,209,209,209,204,199,194,191,191,194,191,191,191,194,196,194,194,191,189,189,186,186,189,191,196,196,196,196,196,196,199,199,199,199,196,196,196,194,194,194,189,181,137,181,181,137,137,181,186,186,186,185,189,194,196,202,204,204,204,204,204,204,207,207,204,202,199,199,199,199,196,194,194,191,194,194,196,199,202,202,194,189,191,199,204,204,202,195,195,199,207,209,209,207,199,189,189,191,143,142,191,204,215,217,215,215,215,215,212,204,199,199,199,199,202,202,204,204,207,212,215,217,222,225,228,230,228,217,216,216,222,228,228,222,212,215,215,207,196,191,194,199,199,202,199,191,140,141,196,202,202,199,199,202,204,209,215,215,215,215,217,222,222,217,212,212,209,209,212,209,207,207,207,204,202,202,202,207,212,215,212,209,209,209,209,207,204,204,202,200,200,202,202,207,209,209,215,217,222,225,225,225,225,228,228,228,225,221,222,225,230,230,225,222,222,225,228,228,230,230,233,235,233,222,220,222,225,228,230,233,233,235,235,235,235,235,235,233,233,230,228,222,215,212,215,222,222,217,215,209,204,202,199,196,196,196,196,196,191,141,137,135,135,133,133,133,139,191,191,191,202,207,215,217,225,225,222,215,217,225,225,217,212,215,228,230,228,228,228,228,228,228,228,225,225,222,217,216,217,222,215,208,205,208,212,217,222,222,217,217,215,215,212,209,207,207,207,204,202,202,199,199,196,196,196,196,199,199,202,204,207,209,209,209,209,207,204,199,196,196,194,194,191,189,186,183,183,183,181,176,131,129,127,129,129,170,170,168,168,168,168,127,127,125,125,125,127,168,170,173,176,181,183,186,186,186,186,191,191,183,178,181,186,186,183,181,178,178,181,181,176,168,123,119,117,113,111,109,109,111,113,111,111,111,117,127,173,176,178,181,183,189,189,191,191,194,202,209,212,209,209,215,222,228,228,228,233,238,241,243,248,246,243,243,243,248,254,255,255,246,233,230,235,246,248,251,255,255,255,255,255,255,255,255,255,238,228,222,222,225,222,204,191,0,5,23,41,37,7,0,0,5,11,0,0,0,0,0,0,0,0,0,59,48,0,0,0,0,0,0,0,150,48,0,0,0,0,0,0,0,0,0,217,191,126,39,19,15,29,92,103,0,0,0,0,0,0,0,15,95,157,212,194,43,0,0,0,255,108,74,59,66,39,0,0,13,31,15,0,0,0,0,41,152,204,0,129,35,25,32,79,116,131,116,95,95,74,31,11,0,0,0,0,9,23,23,19,43,129,173,207,207,168,108,19,33,90,142,163,168,160,157,157,139,124,69,57,51,51,59,65,57,51,49,53,51,43,43,43,43,47,59,69,75,69,63,63,63,59,50,47,54,73,89,81,67,61,61,67,77,93,109,117,117,119,178,222,246,246,243,246,255,255,254,255,248,228,181,163,155,95,47,23,35,23,0,0,0,0,0,0,225,246,251,246,243,217,194,176,176,178,178,173,163,163,157,163,163,152,103,95,89,85,79,74,77,85,85,79,81,81,69,56,52,60,83,103,142,144,147,152,165,157,150,109,109,111,147,147,147,113,155,170,168,109,107,113,107,89,99,170,170,150,99,89,89,85,84,81,84,85,89,93,137,150,155,152,150,61,0,37,97,176,194,142,87,71,69,0,3,77,87,95,91,85,85,97,97,97,109,176,196,181,160,152,155,157,155,155,155,113,105,99,101,111,115,117,157,157,119,157,165,178,181,178,168,163,160,165,181,181,165,157,115,115,115,163,170,168,157,109,101,99,99,105,115,160,157,168,170,176,176,163,111,105,103,107,107,144,107,95,95,97,101,93,81,75,77,91,131,131,129,95,93,87,79,53,33,31,43,69,81,65,41,32,45,65,71,77,81,79,77,79,79,75,65,58,59,67,71,73,121,139,118,47,9,2,5,47,124,134,116,111,118,108,59,39,43,57,63,63,53,27,0,0,1,9,35,67,61,49,69,95,137,105,144,165,183,194,191,192,196,212,233,233,238,241,241,233,228,228,235,238,241,246,248,246,225,199,125,123,207,225,212,178,163,165,181,183,165,157,176,196,186,189,0,0,243,202,168,144,131,144,152,111,39,21,9,0,0,0,0,0,0,0,13,27,41,49,82,116,139,155,155,108,23,0,0,0,0,0,0,0,5,81,147,139,133,137,163,178,199,225,233,225,215,215,215,215,215,233,251,248,212,150,67,59,59,27,0,0,29,77,147,178,194,194,191,168,147,95,131,152,176,176,168,157,155,155,163,160,144,93,83,81,75,59,47,47,51,55,51,45,45,43,59,83,97,134,137,147,155,144,139,139,142,150,144,139,134,131,129,118,108,105,107,113,0,0,0,0,0,0,0,0,0,0,0,204,220,235,243,241,225,191,150,116,67,65,77,142,173,170,155,131,116,67,35,31,53,73,121,137,129,103,55,29,13,1,0,0,5,25,108,165,155,111,65,98,0,0,215,196,168,126,98,56,53,53,82,100,116,147,181,0,0,0,212,209,209,217,228,228,0,0,0,0,0,0,0,0,0,0,0,0,116,98,61,20,5,14,25,25,14,7,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,163,144,144,144,144,137,124,113,103,73,67,59,55,55,55,61,69,75,81,93,124,137,137,124,124,137,137,134,121,87,81,81,81,77,69,55,49,45 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,82,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,165,173,155,147,152,155,137,143,160,176,178,173,165,165,170,178,191,194,194,191,181,168,173,181,183,186,191,194,191,186,186,189,194,196,196,195,195,199,202,200,200,202,199,198,198,198,199,202,204,207,207,204,202,196,191,191,194,189,191,196,127,112,116,131,178,189,199,202,202,194,183,183,189,191,194,202,209,207,196,191,199,204,204,199,191,186,189,191,191,183,179,178,178,179,179,181,186,191,191,186,183,186,191,196,204,207,209,215,207,196,194,189,183,183,183,182,182,182,183,186,186,183,183,191,191,189,186,182,182,183,183,182,179,181,183,183,181,178,176,133,176,181,186,183,126,127,127,181,191,85,88,123,178,178,111,107,121,173,178,181,113,94,99,127,183,176,131,176,186,191,189,183,178,176,133,176,181,186,183,135,129,130,191,199,204,207,207,207,207,207,209,207,202,194,189,189,194,196,199,199,196,196,196,196,194,191,191,191,191,189,187,189,194,196,196,196,202,204,199,194,194,199,202,202,202,202,204,207,204,199,191,139,135,135,183,194,194,190,189,191,199,204,207,209,209,202,194,189,194,202,202,202,202,204,204,202,194,186,186,186,183,178,178,178,176,174,174,176,178,178,178,176,176,178,181,183,178,131,127,133,178,133,131,178,183,181,176,127,117,117,123,129,133,178,135,125,123,127,135,183,191,191,191,189,191,196,199,196,194,194,194,194,194,191,186,186,189,194,196,196,196,194,183,182,183,183,137,133,131,133,183,194,196,196,199,202,199,196,194,194,194,194,194,196,196,194,196,199,204,204,204,199,196,194,196,204,212,212,204,202,202,202,204,202,199,196,194,191,189,189,194,196,194,194,196,199,196,191,191,194,199,202,202,204,204,196,186,185,186,191,194,196,199,202,202,196,189,183,181,181,179,179,181,183,186,191,196,199,199,199,202,204,207,207,209,207,204,199,196,196,194,189,186,186,191,194,194,191,191,191,194,194,194,199,204,202,194,191,191,196,199,202,199,199,199,191,183,133,133,181,189,196,199,196,196,196,196,196,196,199,202,204,204,204,207,209,209,207,202,196,191,190,191,194,196,194,194,194,196,196,196,194,191,191,189,189,191,194,196,199,199,196,194,194,196,196,199,196,196,194,191,191,194,191,186,137,136,137,137,136,135,137,183,186,186,185,183,185,191,199,202,204,204,204,204,204,204,207,204,202,196,196,199,199,196,194,191,190,190,191,191,196,199,199,196,194,191,196,204,207,204,195,194,196,207,209,207,202,196,194,191,143,140,140,191,204,215,220,217,215,217,217,215,207,204,204,204,202,204,207,207,204,203,207,212,215,215,217,225,230,228,222,216,216,222,225,225,222,217,215,209,204,202,202,199,199,199,199,199,143,135,134,143,202,202,202,202,204,209,212,215,215,217,217,222,222,222,215,215,215,215,215,212,209,207,207,204,199,196,199,204,209,217,222,217,212,209,209,209,207,204,202,202,202,202,204,204,207,207,207,209,215,217,222,222,217,217,225,225,228,228,228,228,230,233,230,225,222,222,228,230,230,233,235,238,238,233,222,220,220,222,225,230,233,235,235,235,233,233,233,233,233,233,233,233,230,225,217,215,217,217,217,215,212,207,204,202,199,199,199,199,196,189,137,133,131,131,131,133,135,139,186,140,141,196,207,217,222,222,225,225,222,225,228,228,217,211,211,222,228,228,228,228,228,228,225,228,228,225,222,217,216,217,217,217,212,209,209,212,215,217,222,217,217,215,215,212,209,207,207,207,204,202,202,199,199,196,196,196,196,199,199,202,204,207,207,209,209,209,207,204,199,196,196,194,194,191,189,186,186,183,183,181,178,173,129,127,127,129,129,168,168,168,170,170,168,127,125,125,125,127,127,168,170,173,178,181,183,183,183,186,191,191,186,178,181,186,189,186,181,181,181,183,183,181,173,125,119,115,113,111,109,107,109,109,109,107,107,113,123,170,176,181,183,186,183,183,186,191,194,202,212,215,215,215,217,225,228,228,228,233,235,238,241,246,251,251,248,246,248,251,255,255,243,231,230,233,241,243,248,255,255,255,255,255,255,255,255,255,241,230,225,230,233,225,202,183,0,0,5,25,27,7,0,0,0,0,0,0,0,0,0,0,0,0,0,5,11,0,0,0,0,0,0,0,255,246,139,0,0,0,0,0,0,0,0,255,207,137,64,32,85,173,163,113,0,0,0,0,0,0,7,29,105,155,204,181,0,0,0,255,233,108,74,69,74,17,0,0,0,61,39,0,0,0,0,105,204,0,0,144,77,43,43,47,79,116,124,108,95,72,25,5,0,0,0,0,0,17,25,11,31,134,178,209,202,144,69,0,0,33,87,139,165,165,157,150,139,124,103,63,57,57,65,65,59,51,45,45,45,47,47,51,47,47,59,67,69,69,63,67,77,77,69,55,61,79,95,91,73,65,67,91,107,115,168,178,173,165,181,209,235,238,238,246,255,255,255,255,248,228,199,183,170,165,79,41,37,35,13,0,17,0,0,0,129,228,246,241,217,209,194,186,176,178,176,173,160,139,137,105,139,103,97,95,89,85,77,71,72,79,81,79,79,81,69,56,54,69,95,150,165,163,155,155,168,168,157,155,155,157,157,150,107,101,107,155,170,109,93,95,103,147,170,173,150,101,89,84,84,85,85,84,89,95,95,93,97,144,157,176,183,101,53,73,97,150,163,142,11,0,0,0,0,73,93,93,83,73,77,91,97,96,107,163,176,176,165,165,155,113,105,105,113,107,97,96,98,107,113,117,157,157,157,157,157,157,163,163,119,115,119,160,170,181,181,165,117,112,112,157,181,181,117,93,81,79,87,103,152,163,157,150,155,155,168,163,111,102,102,103,111,157,157,105,105,142,142,99,81,73,75,85,97,131,131,129,93,89,83,65,47,45,55,65,53,33,33,39,45,59,63,73,79,79,77,77,79,77,71,63,59,67,71,77,121,131,67,13,0,0,3,57,124,113,53,47,53,41,21,20,33,49,55,47,23,3,0,0,0,1,19,55,85,89,91,97,101,107,147,165,189,199,199,194,202,230,243,248,251,241,241,235,241,243,246,238,238,238,241,233,222,204,196,202,225,225,199,160,115,157,173,183,183,165,165,173,155,160,0,0,241,215,176,124,0,71,131,124,59,39,15,0,0,0,0,0,0,0,0,0,27,79,105,124,139,155,160,139,100,51,47,31,0,0,0,0,0,51,121,139,137,152,170,181,196,217,228,225,209,199,199,207,212,209,220,235,228,186,89,69,63,33,0,0,21,71,142,178,194,194,183,165,137,87,85,131,160,168,157,155,147,147,155,152,142,93,91,81,71,57,47,47,55,61,57,49,45,49,59,87,134,137,142,147,155,144,139,139,142,144,142,139,139,137,137,126,108,108,111,113,0,0,0,0,0,0,0,0,0,0,0,212,220,238,243,241,225,186,139,103,57,53,69,124,139,124,83,69,61,45,31,27,53,79,129,139,137,113,67,43,25,13,9,15,21,41,118,181,165,116,57,65,0,0,212,204,176,134,103,87,87,90,90,90,113,147,0,0,0,0,0,241,241,228,228,217,209,0,0,0,0,0,0,0,0,0,0,0,0,108,90,46,14,5,14,20,20,20,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,163,144,137,137,137,124,124,113,103,69,61,55,53,49,49,55,61,69,81,87,124,137,137,124,134,137,137,137,121,81,81,81,83,81,71,55,45,43 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,100,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,157,144,144,155,151,105,135,157,178,181,170,165,170,173,176,181,186,183,176,166,165,173,183,186,189,194,194,189,182,181,183,191,196,196,195,196,199,202,200,200,202,202,199,198,198,199,207,209,209,204,202,199,196,191,189,191,133,117,129,127,123,131,131,129,189,207,207,204,199,191,189,191,194,199,209,222,212,186,176,177,182,189,191,191,194,194,194,189,181,179,179,186,194,196,194,196,196,194,183,181,186,191,194,196,194,196,202,202,196,196,199,207,202,191,183,183,183,186,186,186,186,186,191,191,186,183,182,182,186,189,189,183,186,189,183,178,178,178,176,176,178,178,124,110,125,191,222,215,91,97,176,189,199,207,199,181,183,189,181,117,103,108,173,181,178,178,178,183,186,183,181,181,178,176,178,178,135,133,131,129,131,189,196,199,199,204,207,207,207,207,207,196,186,183,189,194,196,196,199,196,191,191,194,196,196,194,194,194,189,187,187,191,194,194,194,199,202,196,191,191,199,204,204,204,207,207,207,204,196,189,186,137,137,186,196,199,191,190,194,199,204,207,212,212,202,185,181,189,202,207,204,204,204,204,196,189,189,191,186,178,176,181,181,176,174,174,176,181,181,178,133,131,133,176,176,131,127,127,133,181,178,133,176,178,176,127,105,103,108,117,129,135,181,181,135,131,133,178,186,191,189,189,191,194,196,196,194,194,194,191,191,194,191,189,189,191,191,189,191,191,186,182,183,183,137,129,129,133,137,189,194,196,199,202,204,202,194,189,186,186,189,191,194,196,196,196,196,196,196,196,196,194,192,194,204,212,212,209,204,202,202,202,202,202,199,196,194,194,194,196,196,196,196,199,202,199,191,186,186,191,199,202,202,202,196,186,186,189,191,191,194,196,199,199,199,194,191,189,189,186,186,186,186,191,196,204,204,199,199,204,204,204,207,209,209,204,199,196,194,194,189,186,186,189,189,191,191,189,189,191,194,194,199,202,202,196,194,194,196,199,196,194,194,196,196,194,191,186,186,191,199,202,194,191,191,194,194,196,202,204,207,207,204,204,207,207,204,199,194,191,191,194,199,202,199,199,199,199,199,199,196,194,194,191,191,191,191,194,196,196,196,192,192,192,196,196,196,196,191,190,190,191,191,189,181,181,181,181,137,137,183,186,189,191,189,183,183,186,194,199,202,204,204,202,202,202,207,204,202,196,195,196,199,199,199,196,191,190,190,190,194,196,196,196,196,191,196,204,207,202,196,195,196,207,209,199,189,189,191,191,143,140,141,194,207,215,217,215,215,217,217,215,209,207,209,207,202,204,209,212,207,204,207,212,215,212,215,220,225,225,217,217,217,222,225,225,228,225,215,204,202,204,207,202,199,196,196,194,143,134,133,141,196,202,202,204,209,212,215,217,217,217,217,217,222,222,215,215,215,217,215,212,207,204,204,204,198,195,198,202,209,217,225,217,212,209,209,207,204,202,202,202,202,202,204,207,207,207,207,209,212,215,217,215,215,217,222,228,228,230,230,230,230,230,228,225,222,225,230,233,235,238,241,241,238,235,228,222,222,225,228,228,230,233,235,235,233,230,230,230,230,230,228,230,233,230,220,215,215,217,215,215,212,209,204,202,199,199,199,199,196,189,137,131,130,131,133,135,137,186,141,138,139,194,207,215,217,215,217,222,225,228,228,228,222,212,211,215,222,225,225,225,225,225,225,225,228,228,222,217,217,217,217,217,215,212,209,209,215,217,222,222,217,215,215,212,209,207,207,207,204,202,199,199,199,196,196,196,196,199,199,202,204,207,207,209,207,207,207,202,199,196,194,194,191,191,191,189,186,183,183,181,178,173,129,125,125,125,127,168,168,168,170,170,168,127,125,125,125,127,127,127,168,170,176,178,181,183,183,186,191,191,183,178,181,189,189,186,181,181,181,183,183,183,176,125,117,113,113,113,111,107,107,107,105,103,103,109,119,127,170,178,186,186,183,182,183,191,196,204,212,217,217,222,225,228,230,228,228,230,233,235,238,246,254,255,254,248,243,243,248,251,241,231,231,238,241,243,248,255,255,255,255,255,255,255,255,255,246,233,230,230,230,220,196,176,0,0,0,13,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,181,0,0,0,0,0,0,0,0,255,183,126,92,92,212,255,194,85,0,0,0,7,35,47,41,47,95,121,147,147,0,0,255,255,129,66,27,39,59,0,0,0,0,0,87,35,0,0,29,0,204,0,0,0,129,100,64,29,15,64,108,95,64,17,0,0,0,0,0,0,0,11,11,0,11,118,160,191,170,98,27,0,0,0,9,55,131,150,144,139,139,126,103,69,69,71,73,71,63,45,42,45,45,53,59,61,59,59,59,59,61,61,61,65,77,126,126,77,79,99,144,139,91,81,91,113,160,176,191,204,194,181,189,209,230,235,238,254,255,255,255,255,248,225,199,186,181,183,134,41,27,45,65,83,67,37,0,0,5,207,209,204,207,204,194,186,168,163,163,163,134,91,89,89,87,77,75,77,89,89,77,72,74,87,91,85,79,81,75,65,69,89,105,150,176,178,168,168,168,176,170,170,181,181,170,150,105,97,99,113,168,99,75,71,89,109,170,160,109,89,81,81,84,89,95,97,95,101,101,97,95,103,142,150,157,155,89,91,97,144,150,181,5,0,0,0,3,147,105,97,75,61,63,85,97,97,105,155,155,163,165,160,155,107,102,102,105,101,96,96,99,107,113,115,115,115,119,119,157,157,163,157,113,109,109,115,160,170,181,168,117,112,109,115,181,181,115,81,73,72,76,91,111,157,113,107,109,152,165,152,111,103,103,107,147,168,168,157,155,155,152,101,87,75,75,83,91,97,131,131,129,126,85,65,55,59,63,57,33,28,32,45,51,63,75,81,79,75,67,69,73,71,67,61,53,55,53,57,67,65,31,3,2,2,21,69,103,37,1,1,21,13,7,12,37,57,49,21,5,0,0,0,0,0,19,73,93,129,95,97,105,155,165,176,183,194,199,199,209,233,248,248,248,235,225,228,238,243,248,246,246,246,246,238,225,215,217,225,230,225,199,163,115,155,163,168,173,152,142,95,71,79,0,0,199,191,160,69,41,50,131,144,85,31,0,0,0,0,0,0,0,0,0,0,13,77,105,124,139,147,160,163,147,121,105,87,25,0,0,0,0,35,126,165,176,183,194,196,202,207,207,207,207,195,195,199,204,194,194,202,199,168,85,69,63,29,0,0,11,61,131,170,183,183,176,157,134,77,73,85,150,160,155,150,139,139,147,144,134,93,91,83,75,59,47,51,61,65,61,55,49,55,65,93,142,144,150,157,150,139,137,137,142,142,134,134,139,139,137,129,118,111,116,121,0,0,0,0,0,0,0,0,0,0,0,220,0,238,243,241,225,191,147,111,57,53,63,108,108,69,59,49,45,33,27,27,37,67,121,139,139,129,118,71,45,29,27,33,41,57,124,183,176,118,51,43,0,0,207,215,196,163,126,113,113,116,105,100,116,152,0,0,0,0,0,255,255,255,248,228,215,209,0,0,0,0,0,0,0,0,0,0,0,0,100,61,20,5,12,17,25,33,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,163,144,137,137,137,124,113,105,98,69,61,55,49,47,47,49,55,69,75,87,124,137,137,124,124,134,134,124,87,81,78,81,83,81,69,55,45,43 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,92,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,121,139,163,183,168,173,181,173,152,150,160,173,173,168,170,173,170,168,166,173,189,191,191,194,199,199,191,183,181,182,189,194,196,196,199,202,202,200,200,202,202,202,199,199,202,209,212,207,202,202,199,196,194,191,119,107,91,98,129,181,183,126,124,129,194,199,194,189,186,189,191,196,202,212,222,212,179,173,173,177,181,183,189,194,196,196,189,181,179,183,196,204,207,204,202,199,194,186,181,183,186,189,191,190,190,194,199,202,204,212,222,215,199,189,189,191,191,191,189,186,189,189,189,186,183,183,183,189,194,199,196,194,191,186,181,181,178,174,173,174,176,125,127,189,204,215,209,194,181,191,202,207,209,207,202,196,194,186,129,125,131,129,131,176,181,183,186,183,181,181,183,183,181,176,128,121,118,121,128,181,194,194,189,186,196,204,204,199,199,196,186,178,178,183,186,189,194,196,194,189,189,194,196,196,196,196,196,191,189,191,196,196,194,194,196,196,191,187,189,196,204,204,204,204,207,207,204,194,183,139,139,183,194,202,204,196,191,194,202,207,209,215,212,199,179,174,186,204,209,204,204,207,202,189,185,186,189,183,133,176,183,186,181,176,176,178,178,178,176,131,129,129,127,125,123,125,129,176,178,176,133,176,178,133,123,104,106,115,131,181,183,186,186,189,186,183,183,186,191,187,186,189,194,196,196,191,191,191,190,191,194,194,191,194,194,189,187,189,189,183,183,189,137,120,120,129,181,189,194,196,196,199,202,202,199,191,139,138,139,186,191,196,199,202,199,195,195,196,199,199,196,192,194,202,209,212,209,207,204,202,202,202,202,199,199,199,199,196,194,194,191,191,196,202,204,199,186,179,181,191,202,199,196,194,191,191,189,189,189,194,196,195,199,207,199,186,186,186,186,189,189,186,196,204,204,202,202,202,202,204,204,204,207,207,204,202,194,191,191,191,189,189,186,183,186,183,183,183,189,194,196,196,196,199,196,196,194,194,194,191,187,189,194,196,196,194,191,191,196,202,199,191,190,190,191,194,196,202,204,207,207,204,202,202,199,196,194,194,194,196,199,202,202,204,202,202,202,202,199,196,196,194,194,191,191,191,194,196,196,194,192,192,192,196,196,196,199,194,189,189,194,196,194,189,183,183,183,183,186,189,191,194,194,194,189,186,189,191,194,196,199,202,202,202,204,207,204,202,199,196,196,196,199,204,207,202,194,190,190,194,199,199,196,196,196,202,207,207,202,196,199,202,207,207,194,182,181,187,194,194,191,196,207,215,215,215,212,215,215,217,217,215,212,215,209,202,204,209,215,215,212,212,215,215,212,211,212,215,217,217,222,225,225,225,225,230,233,222,212,207,207,207,204,196,194,191,191,143,139,139,191,199,202,204,207,207,212,217,217,212,209,207,209,212,215,215,212,215,217,217,209,202,202,203,204,202,199,202,202,207,215,222,217,215,212,209,204,204,204,202,202,199,198,204,209,209,209,209,209,207,207,209,207,207,215,225,228,230,233,233,230,228,225,225,222,222,225,228,230,233,233,235,235,233,230,228,225,225,228,228,228,228,230,233,233,233,230,230,230,228,225,225,228,228,228,222,217,217,217,217,217,212,209,204,202,199,199,196,194,191,186,139,135,131,133,135,137,186,191,189,139,139,194,207,212,212,212,217,225,228,228,230,228,222,212,211,212,217,217,222,225,225,225,225,225,228,228,222,217,217,215,215,215,212,212,209,209,212,217,217,217,217,217,215,212,209,207,207,207,204,202,199,199,199,199,199,199,199,199,199,199,202,204,207,207,207,207,204,202,199,196,194,191,191,191,191,189,186,183,181,178,176,173,131,127,124,124,125,127,168,168,170,170,168,125,124,124,125,127,127,125,125,168,173,176,181,183,186,186,189,189,183,178,181,189,189,186,181,179,181,183,183,181,173,123,115,113,115,115,113,109,107,105,103,102,103,107,115,121,127,176,186,189,186,183,189,196,204,207,209,212,217,222,225,230,233,230,230,233,235,235,241,246,251,254,248,238,225,215,228,238,233,233,235,241,241,241,246,255,255,255,255,251,254,255,255,255,243,233,228,228,230,225,207,186,0,0,7,17,17,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,0,0,0,255,225,100,11,0,0,0,0,0,23,142,255,255,126,108,134,0,0,202,100,27,0,0,0,0,47,92,85,85,121,121,108,116,0,0,255,155,37,11,17,25,0,0,0,0,0,0,126,87,74,121,0,0,155,131,0,0,131,105,69,17,0,15,74,72,0,0,0,0,0,0,0,0,0,23,0,0,0,39,77,100,85,25,0,0,0,0,0,0,21,37,63,124,139,124,103,69,111,126,121,105,65,45,42,45,49,53,59,67,61,61,55,45,49,61,63,59,75,126,126,87,89,147,155,139,101,101,109,160,176,183,196,204,207,191,191,220,222,230,246,254,255,255,255,255,241,207,181,176,168,170,134,41,15,35,85,142,73,37,23,0,0,0,0,137,199,202,194,176,163,156,157,163,150,101,101,99,79,62,60,67,83,93,87,79,91,105,105,91,85,83,81,81,91,101,147,165,178,181,168,168,168,181,181,176,181,189,168,109,107,97,89,99,99,71,67,71,83,109,157,173,150,101,89,89,93,101,107,103,97,103,142,101,103,142,103,92,95,134,137,97,95,101,173,194,83,57,47,19,47,144,147,95,65,54,55,75,101,107,107,109,111,107,107,107,107,105,102,102,105,101,99,101,109,117,117,113,113,113,115,119,163,165,165,157,115,113,107,107,115,160,168,165,115,112,112,115,165,170,111,81,75,73,74,85,105,115,109,101,107,155,165,150,109,107,107,107,111,157,168,170,165,155,142,105,91,79,75,77,87,95,131,129,129,126,85,77,67,69,69,63,39,29,33,57,63,71,108,81,81,75,65,61,65,69,65,61,53,39,27,27,31,27,11,5,5,17,41,53,25,0,0,0,21,19,15,21,53,73,51,21,15,3,0,0,0,7,41,129,144,131,93,95,142,165,176,165,168,181,189,199,209,222,233,241,233,225,222,228,235,243,248,251,255,255,255,255,243,228,225,235,233,225,202,173,119,107,107,107,107,101,75,53,45,65,163,181,173,165,144,55,0,50,144,134,45,1,0,0,0,0,0,0,0,0,0,0,0,35,87,116,124,129,155,165,155,142,134,144,118,17,0,0,0,49,144,189,199,220,220,209,209,191,181,191,202,202,202,199,186,178,168,176,157,73,60,65,63,13,0,0,1,61,129,163,170,168,160,147,93,71,61,73,91,144,142,139,131,139,147,144,134,93,91,81,65,53,47,51,61,67,67,63,61,65,83,131,142,150,152,152,142,129,124,131,134,134,131,131,139,131,129,129,126,118,124,129,0,0,0,0,0,0,0,0,0,0,0,230,0,238,241,235,225,191,160,121,92,57,55,69,67,63,61,55,37,31,23,19,23,41,73,129,150,150,139,126,77,69,75,105,69,69,126,176,176,111,33,23,0,0,207,233,215,191,165,144,134,134,124,124,134,163,0,0,0,0,0,0,0,255,255,255,241,228,0,0,0,0,0,0,0,0,0,0,0,0,105,72,25,7,12,17,25,35,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,144,139,139,139,137,113,105,98,69,55,49,43,43,43,43,49,61,75,87,124,134,137,134,124,87,87,87,87,81,81,81,81,75,61,51,45,43 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,40,33,14,30,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,139,168,194,196,194,186,160,147,150,165,176,170,165,164,165,168,173,181,194,202,199,194,196,202,202,196,191,183,182,183,189,191,196,202,204,202,200,200,202,202,204,202,202,204,207,209,204,199,199,202,202,199,178,123,121,107,109,129,178,178,128,126,129,189,194,189,183,185,189,191,199,202,204,209,207,196,202,202,194,186,183,186,194,202,202,191,183,181,183,191,199,204,207,204,199,191,186,181,181,181,183,191,194,196,199,204,207,209,215,222,215,202,191,191,194,194,191,191,189,189,189,189,189,189,189,189,191,196,199,196,194,189,183,183,186,186,181,174,176,186,199,202,204,207,209,207,204,202,202,204,207,209,212,207,199,191,181,129,127,129,129,131,176,183,189,189,183,178,178,183,186,183,178,128,121,118,122,130,186,196,194,181,179,186,196,191,183,178,135,133,133,178,183,186,189,191,194,191,189,186,189,191,191,194,196,202,199,196,196,199,199,196,196,194,191,189,187,189,194,199,199,199,202,204,207,204,196,186,139,183,189,199,204,202,194,187,189,199,204,209,215,212,196,179,178,191,207,209,207,207,204,196,186,185,186,183,133,129,176,186,186,181,176,133,176,176,176,133,133,133,129,122,119,119,122,127,131,133,178,181,183,189,186,183,181,186,194,196,196,194,194,191,191,189,186,186,189,191,189,186,187,194,199,199,194,191,190,190,194,196,194,194,196,196,191,189,194,194,191,189,189,133,122,123,181,191,196,199,199,199,199,199,199,196,189,139,138,139,186,191,199,202,202,199,199,199,202,202,202,199,194,194,199,207,209,207,207,207,204,204,202,199,199,202,202,199,199,196,191,189,187,191,202,204,199,191,181,181,186,191,191,189,189,194,194,191,189,191,191,196,196,199,204,196,133,129,181,183,186,186,189,199,207,207,202,202,202,204,204,204,202,202,202,202,196,189,186,189,191,189,189,186,183,181,137,136,136,183,191,194,191,194,194,196,194,194,194,191,189,187,189,194,196,196,194,189,191,196,202,199,194,191,190,191,194,196,199,202,204,204,202,199,196,194,192,192,194,196,199,202,202,202,202,202,199,199,199,199,196,196,196,196,191,191,191,191,194,194,194,194,194,194,196,196,196,199,196,194,194,196,196,196,196,194,191,191,191,194,194,194,196,196,196,194,194,191,191,191,191,194,196,199,202,204,204,202,199,199,199,196,195,199,209,212,209,199,191,191,196,199,202,199,199,199,202,207,207,207,202,202,204,207,207,194,181,179,191,199,204,204,212,217,222,215,212,212,212,217,222,222,222,217,215,209,204,204,212,217,220,217,215,215,215,212,211,211,215,217,222,222,222,220,222,225,230,230,228,222,215,212,212,207,199,191,189,189,189,189,191,199,202,202,204,207,209,212,215,215,207,202,199,199,204,207,209,209,212,217,215,207,202,202,204,209,209,209,207,204,204,209,215,215,212,212,209,207,207,207,202,198,198,198,204,209,209,209,209,207,204,203,203,203,204,212,222,228,230,233,233,228,225,222,222,225,225,228,225,225,228,230,230,230,228,228,225,225,225,228,228,228,228,230,233,233,233,230,230,228,225,225,222,222,222,221,222,222,222,222,220,217,212,209,204,199,196,196,194,191,189,186,139,133,131,133,135,137,186,194,191,140,139,189,204,209,209,209,217,228,228,228,228,225,222,212,212,212,215,217,217,222,222,222,222,225,225,225,222,217,217,215,212,212,212,209,209,209,212,215,217,217,217,215,215,212,209,207,207,207,204,202,199,199,199,199,199,199,199,199,199,199,202,204,204,207,207,207,204,202,199,196,194,191,191,191,191,191,186,183,181,178,176,173,131,127,124,123,125,127,168,168,168,170,168,125,123,124,125,127,127,125,125,168,173,178,181,183,186,186,189,186,181,176,181,186,189,186,181,179,181,181,183,178,168,121,115,113,115,115,115,111,109,107,103,103,103,107,113,119,123,131,181,186,189,189,191,199,207,207,204,207,212,215,222,228,230,233,233,233,235,238,241,246,248,248,241,225,155,147,151,215,230,235,241,241,238,233,233,246,255,255,248,241,242,255,255,255,235,222,217,222,228,228,220,207,19,13,17,19,23,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,0,0,0,0,121,170,59,0,0,0,0,0,0,0,0,66,170,199,105,142,0,0,194,100,39,29,41,35,0,0,27,69,85,100,113,95,66,87,0,0,178,87,13,4,19,27,0,0,0,0,0,0,134,87,103,163,194,176,111,95,0,142,100,69,35,6,0,9,37,25,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,131,124,103,105,118,134,129,105,57,45,45,49,45,47,53,59,55,55,47,38,39,57,69,63,63,75,87,87,89,139,142,99,91,101,111,157,173,186,202,204,196,181,196,222,230,230,246,255,255,255,255,255,235,194,173,165,163,168,150,53,11,11,41,63,21,9,13,0,0,0,0,131,202,209,202,186,160,148,148,163,163,163,163,160,89,62,60,66,79,91,91,89,97,147,150,105,99,99,93,93,93,101,147,165,165,165,168,173,178,181,170,157,155,152,109,99,95,87,81,81,73,53,57,81,101,150,160,173,173,157,109,107,109,109,142,101,93,97,101,97,103,137,95,89,90,134,134,93,83,89,152,181,147,95,87,71,139,181,147,85,59,54,57,81,105,105,101,101,99,96,96,98,103,107,107,107,113,113,109,111,117,157,157,111,101,101,107,115,163,165,163,163,163,119,107,105,107,157,165,165,117,115,112,112,157,168,157,99,87,77,76,85,105,111,103,96,101,113,152,105,99,101,101,99,101,107,163,176,170,155,107,101,87,77,75,77,83,97,134,142,131,126,93,85,77,77,77,75,59,39,51,77,63,55,75,113,111,79,67,63,63,65,61,57,49,33,19,13,13,9,5,4,11,27,45,43,19,0,0,1,27,41,45,47,63,100,61,35,27,33,33,23,17,19,49,137,155,139,97,97,144,165,165,157,157,168,181,191,191,196,204,212,225,235,235,235,238,243,251,255,255,255,255,255,255,248,243,248,246,233,212,186,163,105,87,73,75,85,71,55,54,152,228,212,173,150,111,52,41,57,131,95,17,0,0,0,0,0,0,0,0,0,0,0,0,7,61,105,108,108,121,144,142,131,147,173,189,168,39,0,0,13,118,191,204,207,209,209,209,196,170,157,186,202,202,186,168,155,152,142,97,71,62,73,63,19,0,0,9,65,93,147,160,160,152,147,93,65,56,61,77,89,91,129,97,144,147,144,134,93,83,77,61,49,45,46,55,63,67,65,65,75,91,131,137,142,150,147,139,124,122,129,134,134,127,131,139,129,125,126,126,124,131,139,0,0,0,0,0,0,0,0,0,0,0,230,0,246,241,235,215,181,139,116,92,57,49,55,57,55,55,55,45,33,23,15,15,23,53,113,139,152,139,129,118,134,157,160,131,116,137,163,147,63,15,9,0,0,196,233,230,202,186,165,152,144,134,147,163,0,0,0,0,0,0,0,0,255,255,255,255,248,0,0,0,0,0,0,0,0,0,0,0,0,111,74,33,20,17,20,27,43,66,0,0,0,0,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,144,144,144,137,124,105,98,61,55,43,43,35,35,43,49,61,75,81,124,124,137,137,124,87,87,87,87,87,81,81,75,69,55,49,41,41 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,43,56,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,139,160,186,194,189,178,159,151,155,173,178,170,165,164,165,173,186,196,204,207,202,196,199,204,202,196,194,186,182,182,182,186,194,202,204,202,200,200,202,202,204,204,202,202,204,207,199,195,195,199,204,207,131,183,207,181,125,129,133,178,135,133,178,189,191,186,183,185,189,191,199,199,194,196,207,215,225,217,204,191,183,186,196,204,204,191,181,181,181,183,186,194,202,202,194,189,183,181,137,178,181,191,199,202,202,204,209,209,207,207,207,196,189,189,191,191,191,191,191,189,186,189,191,196,199,199,199,199,196,191,189,189,186,189,191,194,189,186,189,199,207,209,209,209,207,204,202,202,202,204,207,212,217,212,199,186,173,126,124,125,129,176,181,186,189,189,181,174,173,176,183,186,183,135,131,133,181,191,196,196,189,179,177,181,186,178,131,127,127,133,181,186,191,196,199,196,194,191,189,186,183,186,189,194,196,202,204,202,199,196,196,196,196,194,191,189,189,189,189,191,194,196,196,199,204,207,202,194,189,189,191,196,199,196,189,186,187,191,199,207,212,209,199,185,185,196,204,207,207,204,199,191,191,194,191,178,128,128,178,186,183,176,131,131,133,176,133,133,133,176,133,123,119,120,121,123,127,176,183,191,196,199,199,196,196,199,204,207,204,202,199,196,194,191,189,189,191,194,191,187,187,194,202,202,196,194,194,194,194,196,194,194,199,196,191,194,196,199,196,191,189,183,181,191,199,202,204,204,202,199,199,199,199,196,191,183,139,186,189,194,202,204,204,202,204,204,207,204,202,199,196,199,202,207,207,204,202,204,204,204,196,194,196,202,202,196,196,196,191,186,186,189,196,199,194,191,186,183,137,137,181,183,186,191,196,194,194,194,194,196,196,199,199,181,118,118,135,183,181,181,191,199,204,207,204,204,207,207,207,202,199,198,199,196,191,185,185,186,189,189,183,183,181,181,136,135,135,181,189,191,191,191,194,194,194,194,194,194,189,189,189,194,196,194,189,189,189,194,196,196,194,194,194,194,194,196,199,202,202,202,196,194,194,192,192,192,194,196,199,199,199,199,196,194,194,194,196,199,199,199,199,199,194,191,191,191,191,194,194,194,194,196,196,196,196,196,199,202,202,202,199,199,202,202,199,196,194,194,194,196,196,199,199,199,199,196,194,191,190,191,196,199,202,202,199,196,194,196,199,196,196,199,212,215,212,204,199,196,199,202,202,202,202,199,202,204,207,207,207,207,207,209,209,202,187,186,202,209,212,212,215,217,215,212,209,209,212,215,220,222,222,217,215,212,207,209,212,217,222,222,222,217,215,212,212,212,215,222,225,220,212,209,215,222,225,228,230,228,225,222,215,209,199,191,189,189,194,199,204,207,207,204,204,207,209,212,215,212,207,204,199,199,199,202,202,202,209,215,215,212,207,207,207,209,212,212,209,204,203,204,207,209,209,209,209,209,215,209,199,196,198,202,207,207,209,209,209,207,204,202,202,204,209,209,215,222,228,228,228,225,220,220,225,228,230,230,225,222,222,225,225,225,222,222,225,225,225,225,228,228,228,230,233,233,230,228,228,225,225,225,222,220,218,220,222,225,225,222,217,215,212,209,204,202,199,196,194,189,189,141,135,131,130,135,135,135,141,194,194,186,140,186,199,207,207,209,217,225,225,222,217,217,217,212,212,215,215,215,217,222,222,222,222,222,225,225,222,217,215,212,212,209,209,209,209,212,212,215,215,215,215,215,215,212,209,207,207,207,204,202,202,202,202,202,202,202,202,202,202,202,202,202,202,204,204,207,204,202,199,196,194,194,194,191,191,189,189,186,181,178,176,173,131,127,124,124,125,127,168,168,168,168,168,125,124,124,125,127,127,125,125,168,173,178,181,183,186,186,189,186,178,176,181,189,191,189,183,181,181,181,181,176,125,121,117,115,115,115,115,115,113,109,107,103,105,107,111,117,123,129,176,183,191,194,194,199,207,207,204,204,204,207,215,222,228,230,233,233,235,241,243,246,248,246,238,217,147,135,137,149,212,230,241,238,230,222,220,225,243,248,243,239,242,255,255,254,225,212,211,212,217,222,222,217,45,23,13,17,31,37,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,11,0,0,0,0,0,0,0,0,0,13,64,82,87,207,0,233,111,69,74,103,105,85,13,0,0,27,69,95,72,29,17,31,87,105,87,29,5,11,37,66,25,13,0,0,0,168,77,31,41,111,129,113,79,69,77,69,27,15,7,0,5,29,37,15,0,0,0,0,0,0,0,0,0,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,139,134,116,111,124,129,121,92,51,49,53,57,45,39,35,45,47,51,41,35,35,47,61,57,45,55,71,79,79,79,79,79,81,91,101,109,157,178,202,204,173,127,196,230,230,238,254,255,255,255,255,255,233,202,189,183,176,163,150,73,15,0,3,11,0,0,0,0,0,0,0,176,209,217,212,186,160,144,148,163,170,170,176,176,142,81,69,75,81,93,97,97,103,157,165,144,144,147,139,97,88,89,103,150,150,152,168,178,181,181,170,150,109,103,105,101,93,87,83,75,59,47,51,87,150,170,173,186,194,183,170,157,150,150,109,95,91,93,93,93,97,105,97,92,95,142,142,91,78,78,95,142,142,142,147,147,181,194,103,73,57,57,71,99,144,101,97,97,95,93,96,99,107,113,152,117,155,117,113,115,155,165,163,115,107,100,101,109,119,157,119,163,181,165,113,107,115,160,168,168,160,115,112,109,115,165,163,113,101,91,87,95,109,109,101,93,93,99,99,91,89,89,90,90,93,97,147,170,165,109,103,101,91,81,77,83,93,147,157,155,144,129,129,93,83,77,81,81,73,55,65,71,45,29,47,81,113,111,73,65,63,63,55,43,29,21,17,15,13,9,9,9,27,45,57,63,55,37,29,29,27,45,59,51,51,63,61,47,41,53,53,43,43,39,55,129,144,144,134,103,142,152,113,111,107,113,168,170,127,126,135,196,217,235,251,255,254,251,254,255,255,255,255,255,255,255,255,255,255,246,222,202,165,101,67,49,51,61,69,63,71,160,222,196,157,121,71,55,57,108,124,59,1,0,3,7,0,0,0,0,0,0,0,0,0,0,25,90,100,95,100,118,126,129,144,173,202,207,150,33,1,9,67,165,168,139,142,176,186,181,134,71,129,186,199,170,137,131,134,97,85,73,73,79,71,35,7,3,25,75,93,142,155,152,152,157,134,69,55,57,69,73,79,89,97,139,147,137,95,85,81,71,59,47,44,45,49,61,67,69,77,85,91,97,99,134,142,147,142,124,122,124,129,129,131,139,139,129,124,124,126,124,134,142,147,155,0,0,0,0,0,0,0,0,0,233,0,246,243,235,207,163,121,98,85,51,39,39,45,45,37,45,45,37,27,15,11,19,35,103,137,139,121,111,129,163,189,199,165,137,137,137,77,29,7,3,0,0,183,225,233,217,194,176,157,144,144,155,181,0,0,0,0,0,0,0,0,0,0,0,255,255,255,251,0,0,0,0,0,0,0,0,0,0,116,82,56,27,27,33,35,46,74,100,126,152,168,189,202,212,209,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,147,144,144,137,124,105,98,61,49,35,33,35,35,39,49,61,75,81,93,124,137,137,134,124,87,121,87,87,81,77,71,63,55,41,39,37 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,79,46,0,0,0,0,9,1,0,0,0,0,0,0,0,0,0,33,142,144,142,150,165,160,153,160,163,160,165,176,178,173,168,168,170,181,191,199,204,202,196,194,199,202,196,189,189,189,186,183,181,182,191,204,207,202,202,202,202,204,204,204,204,204,202,202,196,194,194,196,207,217,125,199,212,186,129,129,133,181,183,181,183,191,191,186,185,189,191,191,191,191,189,191,209,225,228,215,199,186,181,186,194,199,196,186,181,181,183,181,179,183,189,191,189,186,181,135,134,135,183,191,196,196,196,202,207,204,196,196,196,191,189,189,189,191,194,194,191,186,183,183,189,196,202,202,202,196,191,186,189,191,194,194,194,194,194,196,199,202,202,204,207,207,207,202,199,199,202,204,207,212,217,209,191,181,131,129,125,125,178,186,186,189,189,186,178,173,173,176,181,183,181,181,183,189,196,199,196,191,183,178,178,181,137,129,123,122,125,137,189,191,194,202,204,199,194,189,183,181,181,186,191,196,199,202,202,196,191,194,194,196,196,194,191,191,191,189,187,187,191,194,196,196,199,204,204,199,199,196,194,191,191,191,191,187,187,189,194,202,207,209,202,194,194,199,204,204,204,202,194,189,196,202,191,133,127,129,183,189,183,133,129,127,131,176,176,133,132,176,178,131,127,127,125,122,127,183,194,202,202,204,204,199,196,199,204,207,207,202,199,194,194,194,191,191,194,196,196,191,189,194,199,196,191,191,196,196,196,196,194,194,196,194,191,194,196,196,196,191,189,191,199,207,207,204,207,207,204,202,199,196,196,196,194,189,186,191,194,196,204,207,204,202,202,204,204,204,202,199,202,204,204,207,207,204,202,202,202,202,195,194,195,199,199,194,194,196,194,186,186,189,194,194,191,189,186,181,135,135,136,181,183,191,194,196,196,196,199,194,194,194,183,116,113,119,181,183,137,181,196,202,202,204,202,204,207,209,209,204,199,198,199,199,194,189,186,189,189,186,181,135,135,137,181,137,137,183,189,194,194,194,196,196,194,194,191,191,191,189,191,196,196,191,189,186,189,191,194,194,194,196,196,196,196,196,199,199,199,199,196,196,194,194,194,194,194,194,194,196,196,194,192,191,191,192,194,196,199,199,199,199,194,191,191,194,194,194,194,194,194,194,194,194,192,194,199,204,204,202,199,202,204,204,202,196,191,191,194,196,199,202,202,202,202,199,196,191,190,191,196,199,199,196,194,191,191,194,199,196,196,199,209,212,212,207,202,199,199,202,199,199,202,202,199,202,204,207,207,207,207,209,212,209,202,199,207,212,215,212,209,207,205,205,209,209,209,212,215,217,217,215,215,215,215,215,215,222,225,228,225,222,217,215,212,212,215,222,225,215,204,199,202,212,222,228,228,228,225,225,222,212,202,194,189,191,196,204,209,212,212,209,207,207,209,209,209,209,209,209,207,202,199,199,199,199,207,215,217,215,215,212,209,207,207,209,209,207,203,204,207,209,209,207,207,212,217,212,198,195,202,207,209,209,209,209,212,209,207,203,204,215,217,215,209,212,217,217,217,215,215,217,222,230,233,230,222,217,217,220,217,217,215,217,222,225,228,228,230,230,230,230,233,233,228,225,225,222,222,225,222,220,220,220,225,228,222,217,215,212,212,209,207,204,202,199,194,191,189,141,135,130,133,137,137,135,139,191,196,194,186,189,196,204,204,209,215,222,222,215,212,212,212,207,209,212,215,217,217,222,222,217,222,222,222,222,217,215,215,212,209,209,209,212,212,215,212,212,212,215,215,215,212,209,209,207,207,207,204,202,202,202,202,202,202,202,202,202,202,202,199,199,199,202,204,204,204,202,199,196,194,194,194,194,191,189,189,186,183,181,176,176,173,129,125,125,127,129,168,127,127,127,127,125,124,125,127,127,125,124,125,168,173,178,178,181,181,183,186,183,176,176,183,191,191,189,183,181,181,181,178,173,125,123,121,119,115,115,117,117,117,113,109,107,107,109,111,115,123,127,131,181,191,196,196,199,209,209,207,204,203,204,209,222,228,230,230,233,235,241,243,246,246,246,238,217,143,130,130,135,145,215,233,235,228,221,217,217,230,243,246,246,251,255,255,241,222,212,211,212,209,212,215,215,49,33,23,23,37,43,23,5,11,19,27,31,17,0,0,0,0,0,0,0,0,0,0,0,7,17,0,0,0,0,0,0,0,0,0,0,0,0,15,33,90,241,0,176,100,121,186,194,144,121,53,13,0,7,23,37,15,0,0,0,23,29,17,0,0,5,56,87,0,0,0,255,168,61,7,0,0,0,19,79,103,64,33,29,15,4,0,5,29,74,74,31,0,0,0,0,0,0,0,0,0,0,0,0,5,19,0,0,0,0,0,0,0,0,0,0,0,0,0,116,139,134,118,111,118,118,111,67,57,51,57,59,53,39,30,32,41,51,47,41,38,39,43,43,40,45,63,73,67,53,57,73,81,81,79,79,91,115,186,194,120,121,194,228,230,243,255,255,255,255,255,255,238,228,215,207,176,150,97,81,25,0,0,0,0,0,0,0,0,0,53,194,225,241,228,199,160,148,148,163,168,173,181,189,173,142,101,101,95,103,142,139,144,170,170,150,147,160,147,93,82,82,89,142,144,144,150,165,168,170,157,150,109,102,109,152,101,95,95,85,65,42,47,81,157,178,186,202,202,191,173,173,160,150,109,97,92,93,93,95,103,144,142,103,144,160,157,97,80,77,83,89,87,97,142,160,181,173,87,71,61,65,89,144,147,101,101,101,99,99,101,107,155,165,165,160,157,155,115,115,155,165,176,165,119,109,101,101,107,113,115,163,196,181,119,113,157,160,168,170,163,115,112,112,113,115,115,113,109,105,97,103,111,115,103,95,92,95,97,91,88,89,90,88,89,92,107,160,160,107,101,101,101,93,89,91,101,157,168,160,144,139,142,126,83,77,79,81,79,65,57,45,31,26,39,69,111,105,73,65,59,51,41,29,15,16,23,25,23,25,29,37,53,65,92,105,103,65,51,35,27,41,51,41,42,63,75,61,53,45,36,37,51,69,81,124,137,137,101,101,101,103,103,99,101,105,113,123,131,133,189,191,199,228,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,246,204,170,155,91,53,25,22,23,45,67,73,118,144,137,118,63,59,65,108,126,108,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,74,85,77,85,103,121,131,155,173,181,168,129,51,9,5,19,35,47,9,13,41,55,65,51,9,25,124,165,137,87,87,95,89,73,73,87,89,83,63,45,35,57,85,99,142,152,150,157,163,142,71,56,56,61,67,73,83,97,131,137,95,85,79,73,69,61,49,45,46,55,65,69,75,85,91,91,91,91,97,131,142,142,129,122,122,126,134,134,142,139,129,124,124,126,124,137,142,147,155,0,0,0,0,0,0,0,0,0,235,0,246,243,235,202,142,98,77,51,41,31,31,35,33,33,37,55,51,33,17,9,11,27,67,126,129,111,105,139,181,212,209,173,147,124,116,57,19,5,0,0,0,173,225,246,220,202,186,163,144,139,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,251,0,0,0,0,0,0,0,0,0,0,124,98,66,48,46,48,48,59,74,98,118,147,165,183,202,212,209,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,144,139,137,124,113,98,59,43,33,23,31,33,39,49,61,75,81,121,124,137,142,137,137,134,124,124,87,81,81,75,63,55,45,41,37 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,66,46,0,0,0,17,20,0,0,0,48,0,0,0,0,0,79,176,157,147,150,157,153,148,155,170,178,178,181,178,176,173,176,181,186,191,196,199,194,189,190,196,199,189,185,187,191,194,189,183,183,191,204,204,202,202,204,204,204,204,207,207,204,204,204,196,194,194,196,209,222,106,186,191,131,126,129,176,181,189,186,189,194,196,194,194,199,199,186,181,181,181,189,204,215,212,196,183,181,186,194,196,194,186,179,179,186,189,186,183,181,179,181,186,183,135,133,133,178,189,194,191,186,189,194,199,196,189,189,189,189,189,191,191,194,194,194,189,181,135,135,181,186,191,194,191,189,183,186,191,196,196,194,194,194,196,199,199,196,194,194,192,192,194,199,202,204,202,204,204,207,207,189,129,127,133,176,131,133,189,194,189,189,189,183,176,174,174,178,181,183,181,183,189,194,202,202,196,191,186,183,186,183,133,122,119,121,125,137,189,189,191,199,202,196,189,183,179,178,181,186,194,196,196,196,189,183,181,189,194,196,194,194,196,196,194,189,187,189,196,199,196,194,196,199,199,199,199,196,194,191,191,194,196,194,191,194,196,202,207,209,209,204,202,204,204,202,199,196,191,189,194,194,181,128,128,178,189,191,186,176,127,125,129,176,178,133,132,176,178,178,178,181,135,129,135,191,202,204,204,204,202,196,194,196,202,204,207,202,196,191,190,191,194,194,196,199,199,196,194,194,191,183,181,183,191,196,196,196,194,191,191,189,187,191,196,196,194,191,189,194,202,204,204,204,204,204,204,199,196,196,196,199,196,191,191,194,196,199,202,207,204,202,199,196,199,202,199,199,202,207,209,209,207,207,207,204,202,202,199,196,196,199,196,192,192,196,194,189,189,194,194,194,191,189,183,137,135,135,181,183,189,191,194,196,194,194,199,196,191,183,121,113,116,133,183,183,137,186,202,202,199,199,199,202,207,212,212,207,202,198,199,202,199,196,194,194,194,186,137,131,130,135,181,183,183,186,189,194,196,196,196,194,194,191,189,189,189,191,194,196,196,191,186,189,191,194,194,194,194,196,194,194,191,194,196,199,199,196,199,199,199,196,194,194,191,189,189,191,194,194,192,191,192,194,196,196,196,199,199,196,191,191,194,194,194,194,194,194,194,194,194,192,192,194,199,202,202,199,199,199,202,202,196,194,191,191,196,196,199,202,202,202,202,199,194,191,190,191,196,199,196,194,191,190,190,194,196,196,196,199,204,204,204,202,202,199,199,199,198,199,204,204,204,202,202,204,204,207,204,207,212,212,207,207,209,212,215,209,204,203,204,207,209,209,209,212,212,215,215,215,215,215,217,217,217,222,225,228,225,217,215,212,212,215,217,220,222,215,202,196,198,207,222,228,228,228,228,228,225,220,209,199,194,194,196,204,212,215,215,212,209,209,207,204,204,204,207,209,204,199,196,196,199,202,209,215,215,217,215,212,209,207,207,207,209,209,207,207,209,212,209,204,203,207,215,209,196,195,204,212,212,209,212,212,215,212,209,207,212,222,228,217,209,209,209,209,212,212,215,217,225,228,230,228,222,217,217,217,217,215,213,213,217,222,228,233,233,233,230,230,230,230,228,225,222,222,222,222,225,222,222,225,228,225,217,209,209,209,209,212,209,207,204,202,196,194,191,186,137,135,137,141,141,139,139,189,194,194,191,189,194,199,202,207,212,217,215,209,209,209,207,203,204,209,215,217,222,222,222,217,217,217,222,222,222,217,215,212,212,212,212,212,215,215,215,215,212,212,212,212,212,209,209,207,209,207,207,204,202,202,202,202,202,202,202,202,202,202,199,199,199,202,204,204,202,202,199,196,196,196,196,194,191,189,189,186,183,181,178,176,173,129,127,125,127,129,127,125,125,125,125,125,125,125,127,127,127,125,127,170,176,178,181,181,181,183,183,178,176,176,183,191,189,186,181,181,178,178,176,170,165,125,123,119,115,114,115,117,117,113,109,107,107,109,109,113,119,125,127,176,186,194,196,199,209,212,209,207,204,204,212,222,228,230,230,233,235,241,243,243,243,243,235,215,143,129,128,131,143,212,230,233,230,225,222,220,230,243,251,251,255,255,251,235,222,215,215,215,209,205,207,0,0,73,65,49,45,37,19,5,5,19,39,64,56,17,0,0,0,0,0,0,0,0,0,0,40,40,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,0,212,144,124,173,212,202,186,186,186,134,39,9,7,9,0,0,0,0,1,5,0,0,0,0,37,103,111,126,170,202,59,0,0,0,0,0,0,150,165,100,56,72,95,37,23,35,72,103,103,79,37,0,0,0,0,0,0,0,0,0,0,0,0,19,0,0,0,0,0,0,0,0,0,0,0,0,0,90,121,108,92,92,103,108,95,65,51,39,39,51,59,51,35,32,39,41,47,51,49,43,39,40,45,45,55,65,53,47,52,75,91,81,67,53,55,75,119,178,123,127,199,222,222,243,255,255,255,255,255,255,241,235,235,217,176,89,79,75,41,0,0,5,0,0,0,0,0,0,17,160,196,225,238,217,186,163,156,163,173,181,189,199,189,173,165,155,142,155,168,157,157,170,160,105,144,160,147,93,82,80,89,144,150,144,107,107,144,147,150,152,147,105,152,176,152,109,107,93,69,42,48,93,183,194,194,207,202,194,183,173,173,157,147,103,97,97,101,103,144,152,152,144,152,176,173,137,87,83,87,85,85,93,155,181,186,150,65,61,71,85,105,150,144,107,109,155,155,113,113,155,165,178,178,178,165,165,155,115,115,155,165,178,165,115,101,100,101,109,119,178,196,178,117,115,115,115,157,165,165,157,117,157,117,115,109,107,107,105,105,109,115,152,109,101,99,107,109,103,97,101,101,95,90,92,105,155,155,103,101,105,107,101,97,97,144,157,168,160,144,142,147,129,83,77,83,85,75,65,41,25,27,43,61,67,73,75,71,59,49,41,33,21,17,25,27,25,23,37,55,67,69,69,67,63,65,63,53,41,37,45,45,39,44,73,116,108,69,53,34,33,57,83,89,121,126,93,91,91,91,93,93,99,105,105,107,123,191,209,204,186,179,204,243,255,255,255,255,255,255,255,255,255,255,255,255,255,255,209,117,106,107,99,59,27,17,12,23,77,87,72,73,75,63,55,55,100,131,121,87,47,13,0,0,0,0,0,0,0,0,0,0,0,0,0,7,37,37,31,61,95,121,142,160,168,155,118,63,23,0,0,0,0,0,0,0,0,0,5,5,0,0,15,75,77,67,73,85,85,70,73,95,137,131,95,87,75,87,142,142,147,152,144,150,157,137,69,56,57,61,61,71,83,95,126,95,79,73,67,67,67,63,57,53,57,65,73,77,85,85,91,95,90,90,90,95,139,142,129,122,124,129,134,142,144,139,129,125,126,126,124,131,139,139,150,0,0,0,0,0,0,0,0,0,0,0,246,243,233,194,131,87,69,39,33,25,25,29,33,37,47,61,55,33,15,5,7,19,53,111,118,111,109,155,196,212,202,173,147,124,108,57,21,7,3,0,0,173,225,246,228,212,191,165,140,144,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,246,243,0,0,0,0,0,0,0,0,147,126,100,82,66,61,61,61,59,74,92,108,129,150,168,191,196,202,202,209,217,0,0,0,0,0,0,0,0,0,0,0,0,163,157,147,137,124,124,113,98,55,43,23,21,23,23,33,49,61,75,81,121,124,137,144,144,144,144,137,124,87,81,81,75,69,57,49,49,43 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,40,0,0,0,12,22,22,0,1,35,0,0,0,0,0,85,150,155,152,155,160,157,155,163,176,186,189,186,181,176,176,183,191,194,194,196,199,194,187,187,194,196,186,183,189,196,202,196,189,186,194,202,204,202,202,204,202,202,204,204,207,207,207,207,202,195,196,199,207,217,67,119,129,127,129,133,178,183,191,191,191,196,202,204,209,212,207,189,179,178,178,183,194,196,186,178,177,181,199,209,207,194,181,179,181,189,196,199,194,186,179,183,189,186,137,133,134,181,189,191,186,182,182,186,191,189,183,183,183,186,191,191,194,194,191,189,181,135,133,133,134,178,181,183,181,178,181,186,191,194,194,194,194,196,202,202,196,191,191,191,190,190,192,196,204,204,202,199,196,196,189,125,115,115,123,127,129,178,191,194,191,189,189,183,176,176,181,183,186,189,194,196,194,199,202,204,202,196,191,191,194,191,135,121,119,121,129,181,186,186,189,194,196,191,186,181,179,181,183,186,189,189,186,183,135,133,135,186,194,196,196,196,199,199,196,194,191,194,199,204,199,194,192,194,194,194,194,194,194,194,196,196,199,199,199,199,202,207,212,215,215,212,207,204,199,191,186,181,178,178,178,135,129,127,129,181,189,191,189,178,125,124,129,176,181,178,176,178,178,178,181,186,186,183,186,194,202,202,202,202,199,194,194,194,199,204,207,204,196,191,191,194,196,196,199,202,204,202,199,194,186,178,177,181,191,194,196,196,194,189,189,187,186,189,194,191,191,189,189,194,202,199,199,199,199,199,202,199,194,194,196,199,199,194,196,199,202,202,204,204,204,202,195,195,196,199,199,196,199,204,209,209,209,209,209,202,199,199,202,199,199,196,196,194,194,194,194,191,194,199,199,196,194,189,183,137,136,137,186,191,194,194,194,194,191,189,189,194,194,131,116,118,137,186,183,135,137,194,204,202,196,195,196,202,207,212,212,209,204,199,199,202,202,199,202,202,202,194,137,130,129,133,181,183,183,183,189,191,194,194,191,189,189,186,186,186,189,191,194,196,191,183,181,189,196,199,196,194,196,194,191,186,186,189,194,196,196,196,199,202,202,199,196,191,189,187,189,191,196,196,194,194,196,199,199,196,196,196,196,194,191,191,194,196,196,196,196,194,194,194,194,194,194,196,196,196,194,194,196,196,196,196,194,191,194,196,196,199,199,202,202,202,199,196,194,191,191,194,196,196,194,191,191,190,191,194,194,194,196,202,202,199,198,198,198,198,199,198,198,199,204,207,207,207,204,204,204,204,202,202,207,207,204,204,207,209,212,209,207,205,209,215,215,212,209,209,212,215,215,215,212,215,215,215,217,217,222,225,222,215,212,212,212,215,217,217,217,215,207,198,198,207,222,230,230,228,228,228,228,225,217,207,199,194,196,204,212,215,215,215,212,207,204,202,202,204,204,204,196,190,189,194,202,207,209,212,212,212,212,209,209,209,209,209,212,209,207,207,209,215,212,204,202,203,209,207,198,196,207,212,215,212,215,217,217,217,215,212,212,222,225,217,209,204,204,207,209,212,215,222,225,228,225,222,220,217,217,217,217,215,213,213,215,222,225,230,233,230,230,228,228,228,225,225,222,220,217,222,225,225,222,222,222,217,209,205,205,207,209,209,209,209,207,202,196,194,191,189,141,139,141,189,189,186,141,189,191,194,189,189,191,196,199,204,209,215,212,209,207,207,204,202,203,209,215,217,222,222,217,217,217,217,217,222,222,222,217,215,215,212,215,215,215,215,215,215,215,215,212,212,212,209,207,207,209,209,207,204,204,202,202,202,202,202,202,202,202,202,199,199,199,202,202,202,202,202,199,196,196,196,196,196,191,191,189,186,183,183,181,178,176,131,127,127,129,129,127,125,124,124,125,127,127,127,127,168,170,168,170,176,181,181,181,183,183,183,181,176,173,178,183,186,186,181,178,178,178,178,176,170,165,165,125,121,117,115,117,117,117,111,107,106,107,107,107,109,115,121,127,133,181,189,194,199,209,212,209,207,204,204,212,225,230,230,233,233,235,241,243,243,241,241,238,222,145,129,128,133,151,212,228,233,233,233,233,235,243,248,251,248,251,254,248,235,222,217,217,217,212,207,207,0,0,0,142,108,49,33,17,7,11,23,37,59,37,11,0,0,0,0,0,0,0,0,0,0,40,53,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,144,121,124,155,155,144,204,243,255,255,155,53,35,23,15,0,0,0,9,15,9,0,0,11,87,134,137,142,170,168,56,0,0,0,0,0,0,163,209,170,137,163,194,131,72,72,61,64,82,92,66,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,49,74,55,55,59,85,95,95,59,39,19,13,31,51,53,47,39,33,21,25,41,49,43,43,49,55,51,51,59,53,50,61,81,91,81,63,48,43,51,91,123,178,189,207,222,222,243,255,255,255,0,255,255,246,241,241,217,165,75,65,67,49,7,0,7,0,0,0,0,0,0,0,11,27,118,194,212,202,186,163,160,178,191,202,199,189,178,165,155,163,168,168,157,168,176,144,91,99,147,147,101,86,86,103,165,165,150,99,94,95,103,109,147,152,150,170,191,181,152,109,99,69,48,58,157,202,202,194,202,209,202,194,183,173,160,150,109,101,101,103,150,157,160,152,142,142,157,157,103,91,97,103,97,93,139,181,202,189,95,56,57,75,97,150,152,109,106,150,176,183,176,165,165,178,189,189,191,189,181,165,115,107,107,113,163,165,119,107,100,107,115,165,181,181,157,115,115,115,109,112,160,168,165,168,181,165,115,109,104,107,105,105,109,115,152,113,107,105,113,152,109,109,111,113,107,99,97,105,111,109,101,101,107,107,101,96,97,101,152,160,157,157,163,157,142,83,83,89,121,73,53,23,17,25,63,69,61,61,67,67,59,45,33,29,25,29,31,23,16,17,39,92,113,108,67,51,37,39,53,61,61,53,47,43,41,49,100,116,111,111,113,77,59,75,81,83,89,85,79,71,77,85,97,99,99,111,107,107,123,196,212,204,179,172,186,228,255,255,255,255,255,255,255,255,255,0,255,255,255,248,168,102,102,163,176,147,67,49,21,43,134,144,116,79,116,75,63,67,142,163,108,51,45,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,1,25,87,113,131,150,165,142,85,27,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,11,39,59,71,85,89,75,85,144,170,178,170,152,142,144,157,155,152,152,99,97,137,87,59,53,58,61,60,67,87,126,126,87,79,69,65,66,67,65,63,63,69,77,89,91,87,85,91,95,93,90,90,91,131,139,129,124,131,137,137,142,144,142,131,129,134,134,124,124,129,139,150,0,0,0,0,0,0,0,0,0,0,0,246,241,228,189,129,87,43,33,23,17,21,29,37,51,65,69,59,31,11,0,0,11,29,65,103,111,118,157,196,209,194,173,155,137,116,63,33,15,7,0,0,178,233,246,228,212,202,170,144,147,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,243,243,228,0,0,0,0,0,0,0,147,124,100,85,74,69,66,61,59,66,82,100,118,139,157,173,181,183,186,202,209,0,0,0,0,0,0,0,0,0,0,0,0,0,163,147,137,124,113,105,98,59,43,23,17,17,21,33,49,61,75,81,121,134,137,144,155,155,152,144,137,87,81,75,75,69,57,55,49,49 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,12,22,0,0,77,66,33,9,0,0,0,0,0,121,144,152,157,160,163,165,165,170,183,191,194,186,178,176,181,191,199,199,199,202,204,202,192,191,194,194,187,186,194,202,202,199,191,186,191,202,204,202,202,202,202,199,202,202,204,207,207,207,202,196,196,199,202,207,24,103,123,129,176,178,183,186,191,191,194,202,207,212,217,222,215,202,189,181,177,178,183,183,177,176,177,191,215,228,222,204,181,179,181,186,194,204,202,194,189,189,191,189,137,134,134,181,186,189,189,183,182,183,183,182,181,181,181,183,189,191,191,191,189,183,135,134,134,134,135,178,178,135,135,135,178,189,194,191,191,194,199,199,199,199,196,194,194,196,199,202,202,204,204,202,196,191,186,186,183,125,114,114,118,119,123,178,189,189,189,186,186,181,178,178,181,183,189,196,204,204,202,202,202,204,202,196,194,191,194,196,189,131,125,129,183,189,191,189,189,191,189,183,181,183,189,189,186,181,137,133,128,129,131,132,133,183,194,199,199,199,199,202,204,202,199,196,199,202,199,194,192,194,194,194,191,191,191,194,194,196,202,204,204,204,209,215,217,217,215,209,202,191,183,135,135,135,135,135,135,133,131,129,131,135,178,181,183,133,123,122,127,178,186,186,183,181,181,177,177,178,189,194,194,196,199,199,199,202,199,194,194,194,196,202,204,204,199,194,196,199,202,199,199,202,202,199,191,186,181,178,181,189,194,194,194,196,194,189,189,187,187,189,189,186,189,189,189,196,204,202,199,199,199,199,199,196,192,192,196,202,199,196,196,202,207,207,204,204,204,199,196,196,199,202,196,191,191,199,207,209,209,209,207,199,196,196,199,199,196,196,196,194,191,191,189,191,196,199,199,199,196,194,189,183,181,181,191,196,199,196,196,194,189,183,182,186,191,135,123,181,199,191,135,125,133,199,207,199,195,195,196,202,207,212,212,209,204,199,199,202,202,199,199,204,202,196,181,130,129,131,137,183,186,186,189,191,194,194,189,186,183,182,183,189,189,191,191,191,186,135,134,183,196,199,196,196,196,191,186,182,182,183,191,194,194,196,199,202,202,199,196,191,189,187,189,194,199,199,196,196,199,202,199,196,196,196,196,196,194,194,194,196,196,196,196,196,194,194,194,194,196,199,194,183,137,183,191,196,194,191,191,190,191,196,196,199,199,199,199,199,199,196,194,191,191,194,194,194,194,194,194,194,194,194,191,191,196,204,204,199,198,198,198,199,199,199,198,198,202,204,207,207,204,202,202,199,198,199,204,204,203,203,207,207,207,212,215,215,217,217,217,212,209,209,212,212,215,212,212,212,212,215,217,222,222,222,215,212,207,209,212,215,217,217,217,222,215,204,204,212,222,228,228,228,228,228,228,228,222,209,199,194,196,204,209,212,212,209,204,199,196,199,204,207,204,199,191,186,185,191,204,212,209,207,204,204,204,204,207,209,212,212,215,212,207,207,209,215,215,207,203,204,207,207,202,202,207,212,215,215,217,222,222,222,217,212,209,209,212,212,207,199,196,199,204,207,212,220,225,225,222,217,215,217,217,217,220,217,217,217,215,217,220,222,225,228,228,228,228,225,225,225,222,220,217,217,222,225,220,215,212,209,207,205,205,205,207,209,209,209,207,204,199,191,189,143,186,186,189,194,194,191,191,191,194,194,191,189,191,194,196,199,207,212,209,207,207,207,207,204,204,209,215,217,222,222,217,217,215,215,217,217,222,217,217,215,212,212,212,212,212,212,215,217,217,215,212,212,209,209,207,207,209,209,207,204,204,204,204,204,204,204,204,202,202,202,202,202,202,199,199,199,202,202,199,199,199,199,199,196,194,191,189,186,183,183,183,181,176,131,129,127,129,129,127,125,124,124,125,127,127,127,127,170,173,173,176,181,183,183,183,183,183,183,178,173,173,178,183,183,183,181,178,181,181,178,176,173,168,165,125,121,119,117,119,119,117,113,107,107,109,111,109,109,113,121,127,133,178,186,194,202,204,204,207,204,202,202,209,225,230,233,233,235,238,241,241,241,241,243,241,228,151,131,129,133,147,155,215,230,238,243,243,248,254,255,254,246,246,248,246,235,228,220,222,225,222,215,217,0,0,0,137,75,45,33,25,23,33,0,64,64,37,11,0,0,0,0,0,0,0,0,0,0,11,48,43,5,0,0,17,5,0,0,0,0,13,19,7,5,39,51,47,53,85,92,0,0,243,255,255,255,209,131,111,103,0,98,43,37,43,43,43,43,64,124,160,160,137,134,150,155,90,11,0,0,0,0,0,0,0,215,170,144,152,105,53,27,1,0,21,66,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,47,51,55,74,85,92,98,95,59,31,0,0,13,29,41,41,41,27,0,0,0,21,29,43,57,63,57,51,55,61,71,79,91,89,81,67,50,44,46,69,111,178,194,207,222,230,254,255,255,255,0,255,255,251,248,246,228,165,75,65,67,61,17,0,0,0,0,0,0,0,0,0,0,0,19,116,176,194,196,178,163,181,196,202,199,189,178,160,144,155,163,147,142,168,176,105,82,85,99,107,101,93,95,142,173,176,152,99,93,92,94,99,107,147,150,157,183,189,111,95,99,83,65,93,178,202,202,194,199,212,209,194,178,160,155,109,103,97,97,103,150,160,152,107,97,103,147,105,83,73,91,103,103,101,142,173,194,163,77,55,58,75,105,163,152,102,100,150,189,196,189,165,165,176,189,196,199,196,189,165,113,103,101,106,115,157,119,109,107,113,119,157,163,157,155,155,160,115,108,109,160,165,165,168,181,168,115,109,107,107,105,105,109,111,115,109,107,105,113,152,109,109,150,150,113,107,105,107,109,105,101,103,107,105,99,94,94,101,157,168,165,165,163,157,129,83,83,124,137,79,47,17,13,21,43,37,33,49,65,71,63,47,33,29,27,31,31,19,15,16,43,92,98,90,59,41,25,25,45,67,100,61,49,45,51,57,57,61,103,124,152,142,111,69,57,65,75,79,69,61,67,89,105,111,111,117,117,115,170,196,209,199,179,176,181,220,251,255,255,255,255,255,255,255,255,0,255,255,255,233,123,102,111,212,230,204,147,89,61,69,129,0,0,163,165,155,131,121,173,202,121,33,33,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,87,111,116,124,131,116,29,0,0,0,0,0,0,0,0,0,0,0,0,5,9,0,0,0,21,71,91,126,95,89,93,152,183,202,191,173,163,165,165,155,152,139,89,79,83,77,56,53,63,69,67,77,129,139,137,126,79,71,66,67,69,69,69,69,77,93,131,95,87,85,91,95,97,93,90,89,97,139,131,129,139,142,142,142,142,142,137,137,144,139,124,120,122,129,150,176,186,0,0,0,0,0,0,0,0,0,246,235,217,181,134,95,56,27,15,12,19,29,45,90,108,103,59,29,11,0,0,5,15,31,53,71,111,157,189,202,194,173,157,147,124,77,51,23,15,0,0,0,233,246,228,217,202,176,147,152,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,248,243,228,215,0,0,0,0,0,165,147,118,100,85,77,69,66,56,46,59,66,82,100,121,139,147,157,165,173,186,202,212,217,0,0,0,0,0,0,0,0,0,0,0,163,155,137,124,113,105,98,61,47,31,17,14,17,31,49,61,75,81,124,134,142,155,155,155,155,155,137,87,75,69,63,61,55,51,49,49 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,53,0,0,105,98,53,0,0,0,0,0,72,160,155,155,163,168,170,168,168,173,186,194,194,183,176,176,186,196,202,202,204,204,207,207,207,202,196,194,187,189,196,202,202,199,191,186,189,196,202,204,204,202,199,199,202,202,204,207,207,207,202,199,199,199,196,194,0,91,121,133,181,183,183,186,191,191,194,202,212,217,225,225,222,215,204,189,178,177,181,181,181,183,194,209,230,235,230,212,189,186,183,181,186,199,202,199,194,189,183,183,137,134,135,178,183,191,199,196,191,189,186,183,181,181,181,183,189,189,191,191,189,183,178,135,181,183,186,183,135,134,133,134,181,191,196,194,189,194,199,199,195,196,199,202,204,204,202,202,202,199,196,194,186,178,176,181,183,176,123,121,123,120,129,183,186,183,181,181,183,178,135,135,178,183,194,204,207,207,207,204,204,204,199,196,194,190,191,199,196,189,181,186,194,196,194,191,189,186,181,136,136,183,194,194,186,137,132,129,119,126,131,133,135,181,189,196,199,202,202,207,209,209,204,199,196,196,194,194,194,196,196,196,194,191,189,186,189,194,199,202,202,204,209,217,222,217,209,199,181,131,129,131,135,183,186,189,186,183,183,181,133,130,129,131,176,125,121,122,131,186,194,196,189,186,186,181,176,177,186,196,199,199,199,198,199,202,199,196,199,196,196,202,204,202,199,196,199,204,202,199,196,196,194,186,135,134,135,178,189,196,199,194,194,196,196,194,191,189,189,191,189,186,191,191,189,199,207,207,202,202,199,199,196,194,192,192,196,202,202,199,199,204,209,209,207,204,202,202,202,202,202,202,194,190,190,196,204,209,207,207,204,199,196,196,196,196,195,196,196,194,191,187,187,189,194,196,199,199,196,196,194,189,181,181,189,196,199,199,196,194,189,183,181,183,189,183,137,194,204,191,123,120,133,204,207,199,195,195,199,204,207,209,209,207,202,202,204,204,202,198,198,199,199,194,137,131,130,133,137,186,189,191,189,191,191,194,191,186,182,182,183,189,191,191,191,189,181,133,131,181,196,199,196,194,194,191,186,182,181,183,189,194,194,194,196,199,202,199,196,194,191,189,191,196,199,202,199,196,199,199,199,196,194,196,199,199,199,196,194,191,194,196,199,199,196,196,194,194,196,196,189,131,126,133,189,194,194,191,190,190,191,191,196,196,196,196,199,199,199,196,194,194,191,191,191,191,194,194,194,194,194,191,189,189,196,207,207,204,199,199,199,202,202,199,198,198,199,202,204,207,204,202,199,198,198,198,204,204,204,204,207,205,205,212,217,222,217,217,217,212,207,207,209,209,209,209,212,212,212,215,217,222,222,217,212,207,204,204,209,217,217,217,217,225,222,215,212,217,222,222,228,225,225,222,225,222,215,209,199,194,196,202,209,209,209,204,195,194,194,196,204,209,207,202,191,186,185,191,207,215,209,199,194,194,196,199,202,207,212,212,215,212,207,205,209,215,215,209,207,204,209,209,207,207,209,212,215,217,222,225,225,225,222,212,204,199,202,204,202,149,147,147,147,196,204,215,222,225,222,215,212,212,212,215,220,222,222,222,217,215,215,215,217,222,225,228,225,225,225,225,225,222,217,217,222,222,217,212,209,207,207,209,207,207,209,212,212,212,209,207,199,191,141,141,143,189,191,194,194,191,194,196,199,199,194,189,189,194,196,199,204,207,207,204,204,207,209,207,209,212,215,217,222,222,217,217,215,215,215,215,217,215,215,212,212,209,209,209,209,212,215,217,217,215,212,212,209,207,207,207,209,209,207,207,204,204,204,204,204,204,204,202,202,199,202,202,199,199,196,199,199,202,199,199,199,199,199,199,194,191,189,189,186,186,183,181,176,131,129,127,129,129,127,125,124,124,125,127,125,125,127,170,173,173,176,181,183,183,181,181,181,178,173,170,173,181,186,186,183,183,181,181,181,181,178,176,170,165,123,121,119,119,119,119,117,113,109,109,113,115,113,111,115,123,131,176,181,186,196,202,199,199,202,202,202,202,212,225,233,235,235,238,241,241,241,238,238,243,241,230,155,133,130,135,139,143,151,220,241,251,254,254,255,255,255,243,242,246,246,241,235,228,228,228,225,217,222,0,85,77,63,45,39,45,49,49,51,0,0,98,82,31,0,0,0,0,0,0,0,0,0,0,0,17,48,17,11,79,124,66,3,0,0,0,27,37,7,0,0,0,0,23,35,45,0,0,0,255,255,255,194,0,0,0,0,0,142,116,105,105,105,105,126,165,181,142,87,66,100,126,100,31,0,0,0,0,0,0,163,207,144,23,9,3,0,0,0,0,0,31,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,74,92,108,108,108,111,111,111,85,33,13,0,0,0,13,21,31,25,0,0,0,0,0,27,57,65,55,48,51,71,89,134,95,75,67,67,59,51,48,63,95,127,189,207,235,251,255,255,255,255,255,255,255,255,255,255,235,181,89,73,83,77,23,0,0,0,0,0,0,0,0,0,0,0,33,83,150,176,196,178,163,170,181,183,189,189,181,165,144,142,103,99,103,157,170,101,80,82,93,101,101,93,99,142,165,165,152,105,97,94,94,94,95,101,109,150,170,176,95,80,93,101,89,107,173,186,191,186,194,209,209,194,173,157,147,103,96,94,96,103,152,160,150,101,96,101,107,91,68,65,71,85,97,97,91,139,142,101,77,61,75,75,107,176,163,100,97,109,178,194,189,178,165,165,178,189,189,178,165,155,109,103,103,107,115,157,115,109,109,115,119,117,116,155,157,168,168,157,111,115,165,157,115,157,168,160,109,105,109,113,107,111,111,111,111,109,107,105,111,109,105,105,111,150,150,111,107,107,109,109,103,103,150,107,97,93,94,147,168,176,170,157,147,139,91,77,77,121,137,121,59,18,14,20,23,21,23,53,71,105,100,57,37,31,35,35,33,25,17,21,39,47,41,35,39,33,15,9,31,53,67,67,55,51,63,59,37,35,75,144,165,142,75,51,39,37,49,63,63,57,69,97,160,165,165,170,181,181,186,202,204,209,204,196,199,220,246,255,255,255,255,255,255,255,255,255,243,238,235,212,125,106,163,222,238,204,144,97,87,79,73,0,0,238,222,191,157,134,160,202,92,19,19,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,98,113,108,108,116,95,7,0,0,0,0,0,0,0,0,0,0,0,9,25,35,37,0,0,27,121,155,144,134,129,97,147,183,199,186,168,163,165,165,152,142,99,79,67,73,71,56,56,69,79,79,89,147,147,144,126,85,73,71,71,71,71,71,75,87,126,131,95,85,85,85,129,131,97,93,89,95,139,137,137,144,150,150,142,144,142,139,144,147,142,126,120,120,131,150,176,186,0,0,0,0,0,0,0,0,0,243,233,209,170,129,95,64,27,15,12,17,25,45,90,108,98,55,29,11,1,0,1,7,15,27,45,71,137,183,202,196,181,165,147,124,113,63,29,19,0,0,0,233,246,228,217,209,183,157,165,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,251,243,228,215,209,0,0,0,0,168,147,118,100,82,77,69,61,46,27,46,64,74,92,105,116,126,139,147,160,173,186,196,202,0,0,0,0,0,0,0,0,0,0,0,0,155,137,124,121,105,98,61,49,35,17,14,16,23,47,61,75,87,124,137,144,155,155,163,163,160,144,124,81,69,61,55,51,49,49,49 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,168,72,0,0,0,0,9,126,142,150,157,173,176,170,168,168,173,183,191,191,183,173,173,186,194,199,199,202,204,202,202,207,204,199,194,189,194,199,204,202,199,194,186,182,189,199,204,207,204,199,204,209,204,207,209,204,204,202,202,204,204,196,186,38,107,127,133,186,186,183,186,189,191,196,207,217,222,225,228,228,222,212,196,179,179,183,186,191,202,209,222,233,241,230,209,207,207,191,179,181,183,191,209,204,134,132,135,137,134,135,183,186,196,204,207,202,196,191,189,183,183,183,189,194,191,189,191,189,186,181,181,183,189,191,186,178,133,133,178,183,186,189,191,189,194,202,202,199,196,202,209,209,204,199,194,189,186,186,181,174,173,176,176,128,133,181,133,178,183,183,181,181,179,179,179,183,178,133,133,133,183,196,207,209,207,207,207,207,207,204,204,202,196,196,199,194,186,183,186,191,194,191,186,183,181,137,136,136,186,191,191,189,183,181,137,135,135,181,183,181,137,183,191,202,207,209,212,212,209,207,204,199,191,189,191,196,199,196,194,191,191,186,185,186,189,191,194,196,196,204,212,215,209,196,183,128,126,129,135,189,196,202,199,196,196,194,191,181,133,133,178,133,123,122,131,183,194,202,202,199,194,191,189,183,183,189,194,199,202,202,199,199,202,202,202,202,199,199,202,204,202,196,194,196,204,202,194,194,194,186,135,134,133,134,181,191,199,199,196,194,196,202,199,194,191,191,191,186,189,194,194,196,204,209,209,207,204,204,202,199,194,192,192,196,199,202,202,204,207,207,207,204,204,204,204,204,202,202,199,191,191,191,196,202,204,207,207,202,202,204,202,199,196,196,199,199,196,191,187,187,191,194,196,196,199,199,199,199,196,186,177,183,189,194,196,194,189,186,186,186,191,194,186,137,191,202,122,117,122,186,202,204,196,196,199,204,207,207,207,207,204,202,202,209,207,202,196,196,199,196,189,137,131,131,131,137,189,194,194,191,189,191,196,196,191,186,183,183,189,191,196,196,191,183,134,131,183,196,196,194,194,194,194,191,186,183,183,186,189,189,191,196,202,202,204,202,199,196,194,196,196,199,202,202,196,196,199,196,194,194,196,199,196,196,196,191,191,191,194,196,199,202,199,196,196,194,194,183,93,120,127,183,194,196,194,191,191,191,191,194,194,194,194,196,202,199,196,196,194,191,189,191,194,194,191,194,194,194,191,189,189,194,202,207,204,199,199,202,204,202,198,198,199,204,204,204,202,204,204,202,199,199,202,204,207,207,209,209,207,207,212,217,217,217,215,215,207,205,207,209,208,208,209,212,212,212,212,217,222,222,215,209,204,202,202,207,217,222,215,207,212,222,215,217,222,222,222,225,225,222,222,217,215,212,207,202,196,196,199,204,209,209,199,195,194,195,196,199,204,207,204,196,189,187,191,207,215,204,192,190,192,194,196,199,207,209,212,209,209,207,209,212,215,212,207,204,204,207,209,212,212,212,209,212,217,222,225,228,228,225,212,196,144,145,149,149,149,147,146,144,146,202,212,217,222,222,215,207,205,207,209,215,217,222,222,217,212,212,212,212,215,217,225,225,222,222,225,225,222,216,216,217,220,220,215,212,209,212,215,215,212,212,215,215,215,212,209,202,191,140,139,140,143,191,191,191,191,194,196,202,202,194,186,186,191,199,202,204,204,204,202,202,204,207,209,212,212,215,217,217,217,217,217,215,215,215,215,215,215,215,212,212,209,207,207,209,215,215,217,217,215,212,212,209,209,207,209,209,209,207,207,204,204,204,204,204,204,204,202,202,199,199,199,199,196,196,196,199,202,202,202,202,202,199,199,196,194,191,191,189,189,183,181,176,131,129,127,127,127,127,125,125,125,125,124,124,124,125,127,170,170,173,176,181,181,178,176,176,173,170,170,173,178,186,186,186,186,186,183,181,178,176,176,173,168,125,121,119,119,119,119,117,113,109,109,113,117,117,117,119,123,129,178,186,191,196,199,196,196,202,202,204,207,215,228,233,235,238,243,246,243,235,230,230,238,238,230,212,137,131,141,147,145,145,151,225,251,255,255,255,255,254,239,238,243,254,254,251,243,235,228,222,217,217,215,41,36,36,36,45,95,108,100,90,0,0,0,116,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,118,142,118,9,0,0,0,21,23,0,0,0,0,0,23,0,0,248,255,255,255,255,202,0,0,0,0,155,178,189,0,0,181,147,126,134,160,144,98,59,51,60,90,98,56,0,0,0,0,0,0,51,95,56,7,1,0,0,0,0,0,0,29,48,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,45,92,116,116,111,116,118,129,121,95,45,25,0,0,0,0,1,25,25,0,0,0,0,0,0,63,71,55,45,48,71,129,139,95,63,54,59,71,69,57,65,95,119,181,222,243,255,255,255,255,255,255,255,255,255,255,255,233,189,93,0,142,93,65,0,0,0,0,0,0,0,0,0,0,19,73,124,131,155,186,189,163,150,159,168,181,194,183,170,144,95,95,93,97,144,147,99,85,85,99,107,107,95,95,99,142,150,101,107,109,103,101,95,95,99,111,157,181,168,85,79,95,150,109,109,170,173,160,157,173,191,194,194,183,173,150,103,96,94,97,109,157,160,152,103,96,96,101,81,66,65,67,72,83,83,60,66,83,77,77,91,87,91,150,178,163,103,102,111,163,189,194,196,189,178,165,160,155,113,111,111,111,109,111,115,117,119,115,108,105,113,157,119,116,157,163,165,155,157,157,160,157,111,109,115,168,160,105,104,109,113,113,113,115,115,115,113,113,111,107,103,101,102,107,113,150,111,103,105,111,155,109,109,152,152,99,91,94,155,176,183,163,129,87,85,79,77,77,83,121,121,79,51,23,20,20,25,41,69,105,126,126,69,39,33,45,45,37,29,27,29,29,19,5,0,11,21,6,3,9,47,63,67,55,47,57,49,0,0,113,163,165,126,53,31,23,22,29,41,63,77,97,163,191,191,186,191,196,194,194,194,202,209,220,225,225,215,215,228,243,255,255,255,255,255,255,255,233,225,209,202,183,163,165,204,215,165,105,99,137,81,64,62,241,255,225,186,142,98,61,53,45,29,19,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,85,118,124,121,113,108,82,13,0,0,0,0,0,0,0,0,0,0,0,29,65,77,75,57,45,71,137,170,155,134,129,97,139,168,181,176,168,155,157,165,160,152,99,79,67,65,65,58,58,75,91,137,142,150,147,139,95,79,73,73,73,75,77,75,75,87,93,131,131,91,83,85,129,137,134,97,95,99,139,144,144,152,152,150,150,139,147,147,144,152,152,142,126,124,142,155,165,186,0,0,0,0,0,0,0,0,0,246,228,202,163,113,87,64,31,19,13,13,21,31,45,61,63,47,29,13,1,0,0,0,3,17,29,57,124,183,204,196,189,165,139,137,124,73,41,27,41,111,183,230,248,233,217,202,186,178,186,212,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,248,228,217,215,0,0,0,0,0,150,121,100,82,74,69,61,25,22,25,59,74,79,90,100,108,116,139,147,165,173,183,181,181,176,170,170,168,0,163,155,155,155,163,163,155,144,137,124,113,98,67,55,47,23,17,17,23,43,61,81,87,124,137,144,155,155,163,163,163,155,137,113,75,69,61,55,55,49,49 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,131,64,0,0,0,0,0,137,152,155,163,183,178,160,165,170,176,181,186,183,178,170,168,183,191,196,196,202,204,199,198,202,204,202,196,194,196,204,207,204,199,196,189,183,189,199,202,196,196,196,202,209,212,209,202,196,199,199,202,207,204,186,115,69,119,129,133,183,189,183,186,186,181,189,207,222,225,228,230,230,228,215,199,183,181,186,189,199,212,222,225,228,230,222,207,202,207,194,179,179,181,186,204,202,133,131,135,137,135,135,137,183,191,202,202,199,194,186,183,183,189,191,194,196,191,189,191,189,183,181,181,181,183,189,189,183,135,135,183,189,189,186,186,191,199,207,209,207,204,204,207,204,202,194,183,179,179,181,181,176,176,178,129,112,117,131,178,183,186,183,181,181,183,186,189,186,178,133,132,132,181,196,204,204,204,204,207,207,209,209,209,207,204,202,196,191,183,181,183,186,186,183,135,133,135,137,181,183,189,189,186,186,189,186,183,183,183,186,186,183,181,183,194,204,209,212,215,215,212,207,202,196,191,185,185,189,194,194,191,191,191,186,186,189,189,186,186,189,189,191,191,194,189,183,133,130,130,133,183,196,204,207,204,202,202,199,194,189,189,191,194,183,127,127,178,189,196,202,202,199,196,196,194,191,191,194,196,199,202,202,199,199,202,204,204,204,202,202,202,202,196,191,191,196,199,196,194,196,194,186,178,135,135,178,186,194,199,202,199,196,196,202,199,194,186,183,181,137,186,194,196,199,204,209,209,207,207,207,204,199,194,192,192,194,196,199,202,204,207,202,196,199,202,207,209,209,204,199,196,194,191,196,199,202,202,204,202,202,204,207,204,202,199,202,204,204,199,194,191,191,194,196,196,196,199,199,196,199,196,189,178,178,181,181,186,186,183,183,189,194,196,199,191,181,183,137,97,112,129,196,202,199,196,199,202,204,204,204,204,204,202,202,204,207,207,199,198,198,199,199,189,137,135,133,135,183,191,194,194,189,186,191,196,196,191,186,183,183,186,194,199,202,196,186,133,131,186,199,199,196,194,196,196,196,194,189,186,186,186,186,189,196,202,204,204,204,202,199,199,202,202,202,202,199,199,199,199,196,194,194,196,196,194,194,194,191,191,191,194,196,202,204,204,199,194,191,189,137,89,115,127,181,191,196,196,196,196,196,194,194,194,194,194,196,202,199,196,196,194,191,189,189,194,191,191,194,194,191,187,186,187,189,196,204,202,199,199,202,204,202,199,199,202,204,202,202,202,204,207,207,204,204,204,207,207,209,212,212,212,212,212,215,217,215,215,212,207,207,209,215,212,209,209,209,209,209,212,215,217,217,209,204,202,200,200,204,215,222,212,143,135,199,212,222,225,222,222,225,225,222,222,217,215,212,212,207,204,202,202,202,207,212,209,207,204,202,196,195,196,202,204,199,194,191,196,207,212,204,194,192,194,196,196,199,204,207,207,207,204,204,207,212,215,212,207,202,202,204,209,212,215,212,209,209,215,217,222,228,230,228,215,194,141,141,144,147,196,199,149,145,147,202,212,217,217,217,215,207,205,205,207,209,215,217,217,217,212,211,212,212,212,215,217,217,215,217,222,225,222,217,216,216,217,222,222,217,215,215,217,217,217,215,215,217,217,215,212,204,194,141,139,140,141,143,189,186,189,189,194,199,199,189,183,183,189,199,204,207,207,202,196,196,199,204,207,209,212,215,217,217,217,217,217,215,215,215,215,215,215,215,215,212,209,207,207,209,215,217,217,217,215,215,212,209,209,209,209,209,209,209,207,204,204,204,204,204,204,202,202,202,199,199,199,199,196,196,196,199,202,202,204,202,202,202,199,196,194,191,191,191,189,183,181,176,173,129,127,127,127,125,125,125,125,125,124,124,124,125,127,168,168,170,173,178,178,176,173,173,170,170,169,173,178,183,186,186,186,186,183,178,176,176,176,176,170,165,123,121,119,119,119,115,111,109,109,113,117,119,121,123,125,127,176,186,194,199,196,196,199,204,204,207,209,215,225,233,235,241,246,246,238,225,218,220,230,235,230,215,141,135,143,149,149,145,143,153,230,246,251,254,255,251,238,237,246,255,255,255,255,235,220,212,212,212,212,41,37,37,39,51,108,126,108,82,82,0,0,103,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,118,134,103,0,0,0,0,17,17,0,0,0,0,0,27,0,0,255,255,255,225,178,178,0,0,0,129,121,157,207,0,0,0,157,116,111,137,144,118,77,57,57,74,77,31,0,0,0,0,0,0,0,0,0,5,13,0,0,1,7,0,0,21,31,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,64,103,118,111,98,100,118,137,137,121,87,51,25,0,0,0,1,25,35,19,0,0,0,0,0,57,111,75,63,59,73,89,137,101,73,59,69,93,93,83,91,111,125,181,222,251,255,255,255,255,255,255,255,255,255,255,255,243,207,142,101,142,91,51,0,0,0,0,0,0,0,0,0,0,15,67,116,116,124,168,189,170,150,153,161,176,199,194,176,144,101,95,91,93,103,105,91,89,85,97,107,103,93,89,89,93,83,69,97,150,152,152,109,105,109,152,155,152,109,85,82,99,113,150,150,157,157,157,157,160,160,173,178,183,173,157,109,96,95,101,147,157,160,150,105,96,94,97,91,77,73,79,85,89,69,57,61,75,77,85,144,142,105,155,176,163,111,109,155,163,189,196,199,199,183,165,155,111,104,104,107,111,113,115,117,157,157,115,109,109,157,178,178,178,178,155,103,103,115,117,117,115,109,109,117,170,165,109,105,113,155,117,155,155,157,157,155,157,155,113,105,101,102,107,113,113,111,106,107,157,163,155,155,165,152,101,95,99,160,173,168,142,87,79,79,79,77,77,70,75,79,85,73,51,31,27,37,61,103,113,131,131,69,37,33,47,49,43,39,33,29,15,3,0,0,5,23,7,4,13,47,63,67,51,39,45,37,0,0,121,163,147,77,33,18,16,20,35,63,85,99,152,183,202,199,191,191,199,199,196,194,202,215,233,241,225,199,137,137,209,243,255,255,255,255,255,255,243,225,217,202,183,163,157,168,160,109,142,152,144,81,65,67,173,215,181,142,92,45,29,27,25,21,19,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,129,144,129,116,111,98,35,5,0,0,0,0,0,0,5,0,0,0,29,116,144,137,129,121,129,147,157,144,131,96,96,131,150,163,168,160,155,155,165,165,160,99,85,73,65,65,59,58,79,137,152,155,150,139,126,87,79,73,67,71,71,75,73,75,79,91,93,91,83,75,75,91,99,131,97,95,99,139,144,144,144,150,150,147,139,139,139,142,144,152,150,142,139,147,155,165,186,0,0,0,0,0,0,0,0,0,0,0,199,150,103,77,64,35,25,15,13,15,21,25,33,37,33,23,11,0,0,0,0,0,9,23,45,124,186,204,199,189,165,137,129,124,108,57,43,63,124,183,225,246,233,212,194,186,186,202,212,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,241,225,217,0,0,0,0,176,160,126,100,82,74,69,61,25,22,25,53,64,74,82,90,100,108,124,139,157,165,165,168,168,163,163,163,163,155,155,155,144,144,155,155,152,144,137,124,113,103,69,67,55,33,23,23,23,47,61,81,87,124,137,144,144,155,163,168,170,163,144,124,81,69,61,55,55,49,49 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,170,157,160,186,165,143,160,176,181,186,186,181,173,168,168,181,189,194,199,202,204,198,198,202,207,207,204,202,202,207,209,202,202,196,189,183,186,196,199,178,111,121,183,199,209,199,189,186,189,191,196,199,189,117,102,106,176,173,129,176,186,186,186,178,122,125,199,212,222,228,228,230,225,212,199,194,191,191,196,204,212,215,217,217,217,209,191,181,191,189,181,183,186,189,196,194,181,135,181,186,186,183,181,183,189,191,189,186,183,181,179,183,191,196,196,196,191,186,189,186,181,137,137,135,135,181,189,189,181,137,186,191,189,183,186,191,202,209,212,212,209,202,196,189,186,186,181,179,179,186,189,183,186,186,133,113,117,131,178,181,183,186,186,189,194,199,199,194,183,135,133,133,183,196,202,202,202,204,207,209,212,212,209,209,209,204,194,183,181,181,181,181,181,133,130,130,132,137,181,189,189,186,183,183,186,183,181,183,183,186,186,183,183,189,199,204,207,209,212,215,212,207,199,196,191,186,183,183,189,191,191,194,196,196,196,199,196,186,183,139,137,136,136,137,137,137,137,137,137,135,137,189,202,204,202,199,199,194,189,189,199,204,202,189,133,133,186,194,199,202,202,196,196,196,196,196,194,194,196,199,202,202,199,199,202,202,202,204,204,204,202,196,191,189,191,194,196,194,194,196,194,186,183,183,183,186,191,196,202,202,199,196,196,196,196,191,183,136,134,134,181,191,196,194,196,202,207,207,209,209,204,199,196,194,194,194,196,196,199,204,204,196,194,195,199,207,212,209,202,196,196,194,194,196,199,202,202,202,199,202,202,204,204,202,202,204,207,207,204,199,196,196,199,199,199,199,199,196,189,189,191,189,181,178,135,134,135,178,181,183,186,191,194,196,191,186,189,135,96,116,183,202,202,196,199,202,202,202,202,204,204,202,202,204,207,207,204,202,198,199,199,196,189,139,181,181,183,189,194,194,191,186,186,189,191,189,186,183,186,186,186,194,199,202,196,181,131,129,183,196,199,199,196,196,199,199,196,194,191,186,185,185,189,196,202,204,204,207,204,204,202,202,204,202,196,196,199,199,199,196,194,194,194,194,191,189,191,191,191,194,196,199,202,204,204,199,194,191,191,181,91,114,127,137,189,196,199,202,202,199,196,196,196,196,196,199,202,199,194,194,194,189,183,186,189,191,191,196,196,194,187,186,186,189,194,199,202,199,199,199,202,202,202,202,202,202,202,200,202,209,212,212,209,207,207,207,209,209,212,215,215,215,215,215,215,215,212,212,209,209,212,215,215,212,209,207,207,207,207,212,215,212,207,204,202,200,200,207,215,217,209,131,121,137,215,228,225,217,217,217,222,222,217,217,217,215,212,209,207,204,199,195,199,212,217,217,217,209,199,194,194,199,202,199,199,199,202,207,209,207,202,199,199,196,199,202,207,207,204,204,204,204,207,209,212,209,204,202,199,202,204,209,212,212,209,209,212,215,217,222,228,228,220,202,142,141,143,145,196,202,202,149,196,204,212,217,217,217,215,209,207,205,207,209,212,215,217,215,212,212,212,212,209,209,212,212,209,212,217,222,222,217,216,216,217,225,225,225,225,225,225,225,222,217,217,217,217,217,215,209,202,191,141,141,143,143,143,142,142,189,191,196,199,189,185,185,191,199,204,204,204,199,195,194,196,202,204,207,212,215,215,217,217,217,217,217,215,215,215,212,212,215,215,212,209,208,208,209,212,215,217,217,217,215,212,209,209,209,209,209,209,209,207,207,204,204,204,204,202,202,202,199,199,199,199,199,199,199,199,199,202,202,204,204,202,202,199,196,194,194,194,194,191,186,183,181,176,131,129,127,127,125,125,125,127,127,127,125,124,125,127,127,168,168,170,173,176,173,173,170,170,169,170,173,178,183,186,186,186,183,181,178,176,176,176,173,170,165,123,121,121,121,119,113,109,108,109,115,119,121,121,125,127,129,176,186,194,196,196,196,199,204,207,207,209,215,222,228,235,241,243,241,230,220,216,218,228,233,230,215,147,139,147,151,147,139,133,137,207,233,243,248,251,251,243,241,248,255,255,255,255,230,209,202,202,205,212,75,73,53,37,35,51,95,90,45,39,45,82,79,33,7,0,0,0,0,0,0,0,0,0,0,5,0,0,48,111,118,82,3,0,0,0,9,17,0,0,0,0,0,27,0,0,255,255,255,143,140,186,251,0,186,95,35,95,0,0,0,0,131,74,66,126,160,163,137,87,61,74,69,13,0,0,0,0,0,0,0,0,0,5,13,0,0,0,79,61,21,11,9,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,11,23,64,92,118,98,77,77,111,137,147,139,126,105,57,39,31,21,15,27,45,39,0,0,0,0,49,77,124,126,87,79,73,77,89,99,91,89,101,115,117,111,115,123,173,189,222,251,255,255,255,255,255,255,255,0,255,255,255,255,215,142,79,81,65,17,0,0,0,0,0,0,0,0,0,0,0,47,75,108,126,170,189,181,165,165,168,186,204,194,160,101,99,95,83,83,97,105,95,89,79,87,101,101,93,89,83,71,49,46,83,152,178,181,168,152,152,157,107,83,79,87,93,101,109,113,109,109,150,173,173,160,157,155,159,173,173,157,109,101,101,107,150,157,157,144,97,93,96,109,142,105,142,142,103,97,73,60,63,75,79,89,144,144,107,144,152,111,111,150,163,178,194,196,199,199,191,178,157,107,104,104,109,113,115,115,117,157,163,119,115,119,165,181,191,191,168,93,73,81,101,107,109,109,109,109,115,165,165,115,115,157,163,160,160,163,163,173,168,173,170,155,111,105,103,107,113,150,111,107,111,157,163,160,168,173,160,150,147,157,165,168,165,142,89,81,79,77,77,71,69,67,70,79,85,77,59,49,51,67,103,111,113,103,57,29,27,35,41,41,39,39,27,11,0,0,0,39,45,9,5,9,41,61,61,45,21,27,31,3,2,71,129,111,49,21,17,21,37,67,97,144,152,163,183,199,196,181,181,183,191,196,196,204,220,241,241,220,137,122,122,137,222,254,255,255,255,255,255,248,235,225,212,189,163,157,157,108,106,165,183,142,77,65,63,71,129,118,63,45,33,21,15,15,15,15,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,129,144,129,116,116,108,74,25,3,0,0,0,0,0,9,0,0,0,0,73,134,147,147,147,142,137,131,126,95,96,96,99,137,150,157,147,144,155,165,170,163,139,91,79,73,69,59,58,79,142,152,150,147,126,89,81,75,67,63,65,69,71,71,73,77,87,87,77,69,65,69,75,89,97,97,95,99,139,137,137,137,142,142,142,139,139,138,138,144,152,150,150,147,150,155,165,186,0,0,0,0,0,0,0,0,0,0,0,204,163,113,85,69,51,31,21,13,9,11,13,21,23,23,17,9,0,0,0,0,0,3,19,35,118,186,207,199,183,155,129,124,124,116,73,69,108,147,189,215,230,220,204,186,186,194,212,222,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,230,217,215,0,0,0,0,176,165,142,108,92,77,74,66,37,25,25,35,56,56,66,82,90,100,108,126,147,157,163,163,163,163,163,160,155,155,155,152,144,144,144,155,144,144,137,124,113,105,75,75,61,43,33,31,33,49,69,81,87,87,124,137,144,155,163,168,170,163,144,124,81,69,61,61,55,49,43 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,121,137,150,170,155,143,157,173,181,189,189,178,170,168,173,181,189,194,199,202,202,198,199,204,207,207,207,204,204,207,204,202,202,199,194,183,178,183,194,25,0,0,49,123,173,121,165,170,178,181,181,178,127,115,107,117,178,131,124,127,178,186,186,129,108,113,186,202,212,222,222,222,215,204,202,209,207,202,202,204,204,204,207,212,212,199,179,177,181,183,183,191,191,189,189,189,183,183,191,196,202,199,191,191,189,186,182,181,181,181,181,182,189,191,196,196,191,183,183,181,135,134,135,134,133,135,186,189,181,137,181,183,181,181,186,191,199,207,212,212,209,199,186,176,176,178,181,181,183,189,189,189,189,191,186,135,178,183,178,177,181,186,189,196,202,202,202,196,186,181,181,181,189,202,204,202,202,204,207,209,209,209,209,207,209,204,186,179,181,186,186,186,181,133,130,130,133,137,183,191,194,189,183,183,183,183,178,181,183,189,189,189,189,196,202,204,204,207,209,215,215,207,196,191,196,194,185,183,186,191,194,199,207,207,207,207,199,191,186,139,137,137,137,181,181,183,183,183,181,135,133,137,194,202,196,194,191,183,135,181,199,204,196,181,132,176,189,196,202,204,199,194,194,196,196,196,196,194,196,199,202,199,196,196,199,199,199,202,207,207,202,194,189,189,191,194,191,189,191,194,191,186,183,186,191,194,199,202,204,202,199,196,195,195,196,194,186,137,134,134,181,189,189,189,189,191,196,204,207,207,204,199,194,194,194,196,196,196,199,202,202,196,194,195,199,207,209,207,199,196,196,196,196,196,199,202,204,204,202,199,199,202,202,202,202,204,207,209,207,202,199,199,199,199,199,196,196,191,181,135,181,183,178,135,135,135,178,178,178,181,186,189,191,191,186,189,196,196,129,131,189,202,202,199,202,204,204,204,204,202,202,204,204,204,207,207,207,204,202,199,196,191,183,183,183,186,189,191,194,194,189,186,186,183,181,179,179,186,191,191,189,191,196,199,194,135,129,128,135,189,194,199,199,196,199,196,196,196,194,189,186,186,191,196,199,202,204,207,204,204,202,202,202,199,194,191,196,199,196,194,191,191,191,191,189,187,189,187,191,196,202,204,204,202,199,196,196,196,194,137,106,118,127,137,186,196,202,204,204,202,199,199,199,196,196,196,199,199,194,191,189,183,181,181,186,189,191,196,199,196,194,189,187,187,189,194,196,202,202,202,202,202,204,204,204,204,202,202,207,212,215,212,209,207,207,207,207,209,212,215,217,215,215,215,215,212,209,209,212,212,212,212,212,209,209,207,207,205,205,207,212,212,207,207,207,207,209,212,215,215,207,123,113,133,217,228,228,222,215,215,215,215,215,217,217,217,212,207,204,204,196,190,192,204,217,225,222,212,204,199,199,204,204,202,202,207,207,209,209,209,209,204,199,196,199,204,209,207,204,204,204,204,207,212,212,207,202,199,199,198,199,204,209,209,209,209,212,212,212,215,222,225,222,209,194,145,147,147,196,204,207,204,204,212,215,217,217,217,215,212,207,207,207,207,212,215,217,215,215,215,217,215,212,209,209,209,208,209,217,220,217,217,217,220,222,225,228,228,230,230,230,228,225,222,222,222,222,220,217,212,204,196,191,191,191,189,143,142,143,189,194,199,199,194,187,191,196,199,196,192,192,196,199,195,196,202,204,207,209,212,215,217,217,217,217,217,215,215,215,212,212,215,215,212,209,208,208,209,212,215,222,222,217,215,212,209,209,209,209,209,209,209,207,207,207,204,204,204,202,202,199,198,198,198,199,199,202,202,202,202,202,202,202,204,202,202,202,199,196,194,194,194,194,191,189,183,178,173,131,129,127,125,124,125,168,168,168,127,125,125,127,127,127,168,168,170,170,170,170,170,170,170,170,173,178,181,183,183,183,183,181,176,173,173,173,173,170,165,123,121,119,119,117,113,109,109,111,115,119,121,121,127,129,131,176,183,191,196,196,195,199,204,209,209,212,215,222,225,233,238,241,238,233,225,222,222,228,233,230,215,151,145,149,153,147,132,129,132,153,225,238,243,248,254,254,254,255,255,255,255,251,233,209,200,199,204,215,129,126,0,0,0,0,63,87,51,32,29,59,92,79,21,0,0,0,0,0,0,0,0,0,0,0,7,13,37,103,118,92,31,0,0,0,0,19,25,31,35,19,9,35,0,0,255,255,255,137,140,209,255,251,108,9,0,0,0,0,0,0,113,56,25,92,152,170,150,87,51,66,69,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,113,53,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,0,0,0,0,0,0,9,23,29,56,72,90,66,31,33,77,121,147,147,137,126,105,85,59,41,27,35,47,53,33,0,0,0,55,113,124,126,126,121,79,73,79,91,101,101,111,160,160,117,121,168,173,189,222,246,255,255,255,255,255,255,255,0,255,255,255,255,243,160,67,69,59,25,39,5,0,0,0,0,0,0,0,0,0,15,67,116,157,186,196,181,178,181,181,191,202,176,80,74,89,77,62,67,97,144,101,89,73,76,93,107,107,95,79,61,41,41,71,147,178,189,176,170,168,168,91,56,59,89,109,111,101,89,83,95,155,183,191,178,170,159,160,173,170,150,103,103,113,157,170,170,152,105,94,93,101,150,150,150,152,142,97,91,75,65,69,79,85,91,144,150,147,107,99,95,103,152,176,189,196,196,196,199,199,189,165,111,105,107,111,115,115,117,117,157,163,119,115,163,178,181,186,186,119,73,68,72,91,97,97,103,109,103,109,157,163,157,157,163,168,165,176,173,176,176,178,178,170,155,111,107,103,103,109,113,107,107,147,157,157,168,176,178,173,170,170,170,168,165,165,152,99,91,85,73,69,77,75,70,70,81,118,116,79,65,61,61,67,67,65,49,31,19,17,21,27,29,33,31,25,13,3,0,27,85,57,25,7,9,29,41,43,27,4,4,17,12,10,29,49,45,33,23,31,55,89,144,155,163,155,152,163,181,181,168,123,168,181,194,196,204,222,241,241,215,135,120,121,131,209,246,255,255,255,255,255,243,225,215,202,178,163,170,173,147,147,194,217,150,77,55,45,39,53,49,37,33,33,27,15,12,19,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,95,105,108,108,108,100,74,15,0,0,0,0,0,0,0,0,0,0,0,43,111,131,144,160,147,129,93,93,95,131,139,137,147,150,147,137,101,142,155,170,170,155,99,89,83,77,65,63,81,131,144,142,129,89,85,81,73,61,57,61,67,69,71,73,79,89,85,71,63,62,63,67,73,89,97,95,95,131,134,129,137,134,134,133,133,139,139,138,138,142,150,150,147,147,155,165,186,0,0,0,0,0,0,0,0,0,0,0,215,181,139,100,85,74,51,25,13,5,5,7,11,15,17,13,11,0,0,0,0,0,3,13,29,111,183,204,196,178,155,124,118,124,121,116,124,147,173,194,209,222,215,199,186,194,202,222,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,248,217,209,207,0,0,0,0,186,168,147,116,95,82,74,66,56,25,19,21,25,25,41,72,74,82,100,116,139,147,155,155,163,163,160,155,155,155,152,144,137,137,144,144,144,144,137,124,113,105,105,105,69,49,39,33,43,55,69,75,81,81,87,134,144,155,163,168,170,163,144,124,81,69,61,55,55,49,43 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,134,155,155,153,157,163,173,183,183,170,157,157,170,178,186,194,196,196,199,199,204,209,212,209,207,207,204,202,199,199,202,202,202,196,121,53,27,0,0,0,15,99,103,94,103,123,173,178,173,125,121,121,127,131,176,127,121,123,133,189,196,135,110,114,181,191,199,207,207,207,204,199,204,217,212,194,194,199,202,202,204,209,207,199,183,181,183,186,191,196,196,191,189,189,186,189,194,202,207,204,191,191,189,186,183,183,183,183,183,183,183,186,191,196,191,137,134,137,135,133,135,135,134,135,183,186,183,181,183,181,177,178,183,189,196,202,204,204,204,196,183,177,176,177,179,183,189,189,189,186,186,189,189,186,186,183,178,177,181,186,189,194,196,199,196,194,189,183,186,186,194,204,207,204,204,204,207,207,207,207,207,207,207,199,181,178,189,199,202,202,196,191,183,183,186,186,189,194,199,202,194,189,183,181,178,178,183,189,191,191,194,196,202,207,204,207,209,215,212,202,189,186,194,194,189,185,191,194,196,204,209,207,204,202,194,186,186,189,191,194,194,191,189,186,186,186,183,181,137,183,191,194,189,186,183,133,130,133,191,194,183,132,131,176,191,199,202,202,196,191,191,194,196,199,196,196,196,199,202,199,194,194,196,199,199,199,204,204,199,191,186,189,191,191,189,186,186,191,189,183,183,189,196,202,202,202,202,202,196,195,195,196,199,199,194,183,137,137,183,186,186,186,186,189,191,199,204,204,202,199,194,194,194,194,196,196,194,194,196,199,196,196,199,204,207,202,195,195,196,199,199,199,202,207,209,207,204,199,199,199,202,202,204,204,209,212,209,204,202,199,199,196,194,194,194,183,134,132,134,135,134,134,181,186,183,181,178,181,186,191,191,189,183,186,199,204,196,186,189,194,202,207,209,209,209,209,207,202,202,204,204,204,204,207,207,204,202,199,196,189,182,183,186,189,189,191,194,191,186,189,189,183,179,178,179,189,194,196,191,191,194,196,191,137,132,130,133,137,186,196,199,196,194,191,194,196,194,191,189,191,194,194,196,199,204,204,204,204,202,199,199,196,190,190,194,196,194,191,190,190,191,191,189,189,189,187,191,196,204,207,204,199,196,196,196,196,186,131,120,125,133,183,189,196,204,207,207,202,199,199,199,195,194,195,196,196,191,186,183,181,179,181,189,191,194,196,199,199,196,194,189,187,187,189,194,202,204,204,202,202,202,207,207,207,207,207,209,212,212,209,209,207,205,205,207,207,209,215,215,215,212,212,212,209,209,212,215,215,212,209,204,204,207,209,209,207,205,207,212,212,209,209,209,215,215,215,212,207,196,118,113,145,215,225,228,225,215,212,212,212,215,215,215,217,212,207,204,204,196,190,190,202,215,222,217,212,209,209,212,212,209,207,207,209,209,209,207,209,209,202,196,194,196,207,212,212,207,207,207,207,212,215,215,209,204,202,199,198,199,204,207,209,209,209,212,212,209,209,212,217,215,209,204,207,207,199,199,207,212,209,212,215,217,217,217,217,215,212,209,207,207,209,212,217,217,217,215,217,222,222,215,212,212,209,209,212,217,222,217,217,222,222,220,217,222,225,230,235,235,230,228,225,225,225,225,222,217,212,207,199,196,194,194,194,189,143,189,191,196,202,204,199,194,196,199,199,194,190,190,196,204,202,202,204,202,202,207,209,212,215,217,215,215,215,215,212,212,212,215,215,215,212,209,209,209,209,212,215,222,222,217,215,212,209,209,209,209,209,209,209,209,207,207,207,204,202,202,199,199,198,198,199,199,202,202,204,202,199,199,202,202,204,204,202,202,199,196,194,194,194,194,194,189,186,181,176,131,129,127,125,125,127,129,170,168,127,127,127,127,168,168,168,168,168,129,129,170,173,173,173,173,176,181,183,183,183,183,181,178,176,170,170,170,170,168,165,123,121,119,117,115,113,111,109,113,117,121,121,121,127,173,176,181,183,189,196,199,199,202,207,212,215,217,222,225,228,233,238,241,241,241,238,235,233,233,235,230,215,153,149,151,212,209,143,131,133,147,215,233,243,248,254,255,255,255,255,255,255,254,241,225,212,207,212,217,121,129,0,0,0,0,0,118,103,51,45,92,111,92,33,0,0,0,0,0,0,0,0,0,0,0,0,0,13,66,111,118,77,0,0,0,15,37,53,100,121,100,49,49,0,0,255,255,186,127,144,204,209,137,0,0,0,0,0,0,0,181,131,64,14,33,98,126,108,31,13,43,74,59,43,0,0,0,0,0,0,0,0,0,0,0,0,0,72,74,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,23,27,23,23,23,19,0,0,0,17,77,118,137,134,126,118,113,105,51,25,25,35,41,45,21,0,0,5,55,77,113,87,121,89,89,79,78,81,91,107,157,160,121,121,127,173,189,228,251,255,255,255,255,255,255,255,0,255,255,255,255,255,194,81,0,73,83,186,165,0,0,0,0,0,0,0,0,0,0,19,69,147,178,178,165,170,178,181,186,191,142,67,59,89,69,52,57,97,147,101,79,70,73,97,150,163,105,83,53,41,41,71,144,165,168,168,168,170,168,79,51,54,95,157,155,101,73,67,83,160,194,194,194,191,183,183,183,157,101,95,103,157,173,173,173,160,109,101,96,105,144,109,105,105,91,74,75,75,69,73,85,99,150,178,194,181,150,95,91,93,109,163,189,194,189,189,191,199,189,165,111,106,107,109,113,113,113,111,113,115,113,113,157,181,186,186,178,113,75,69,73,85,83,83,91,103,103,109,157,168,170,170,178,178,176,178,176,176,181,178,178,168,113,109,103,97,91,97,111,113,111,147,157,163,176,183,191,191,191,186,170,155,147,150,152,144,129,85,67,63,77,83,83,83,118,134,129,108,69,61,57,55,55,47,31,19,15,15,15,17,19,19,23,21,15,9,7,13,39,51,37,19,13,15,17,21,5,0,0,13,17,12,11,21,25,33,39,59,118,147,163,157,155,142,103,105,157,165,157,118,123,129,186,194,204,222,241,241,225,199,133,131,194,217,246,255,255,255,255,248,225,209,189,170,117,111,170,191,165,155,191,217,163,87,47,33,29,41,29,13,27,35,33,19,15,27,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,25,56,82,100,90,85,45,0,0,0,0,0,0,0,0,0,0,0,7,35,71,116,139,160,157,134,94,125,139,165,165,165,163,163,152,103,98,98,144,155,163,155,139,97,95,93,77,69,81,131,137,126,87,81,85,81,69,57,54,59,69,71,73,79,87,93,89,75,65,62,61,62,67,89,97,97,99,131,129,129,129,134,134,133,133,147,147,144,144,142,142,142,139,147,147,155,186,0,0,0,0,0,0,0,0,0,0,0,225,199,168,129,100,82,61,29,13,5,0,1,5,11,17,19,15,3,0,0,0,0,0,5,21,79,176,196,183,173,147,121,116,124,129,137,155,173,189,194,202,215,215,204,196,202,220,246,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,230,207,199,196,186,0,0,170,176,173,150,118,100,82,69,66,56,25,13,13,13,17,23,41,64,72,82,100,116,139,147,152,155,155,155,155,152,144,144,142,137,137,137,144,144,142,137,124,113,105,105,105,75,55,43,43,49,55,67,69,75,81,87,124,144,155,163,168,170,163,144,124,81,69,61,55,49,43,33 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,134,152,160,160,160,163,168,173,170,157,148,147,153,168,178,189,186,181,183,189,202,207,209,209,209,207,204,199,196,196,202,204,209,220,95,0,0,0,0,19,99,115,107,98,102,168,183,186,178,127,123,127,176,181,183,131,124,125,178,199,209,196,126,127,181,183,182,183,186,191,196,202,209,209,183,129,181,194,204,207,207,204,204,204,204,194,189,189,194,194,191,191,194,191,189,191,196,202,207,199,186,181,183,189,191,191,186,183,183,186,183,183,186,196,194,135,132,135,135,134,135,137,137,137,183,186,189,191,194,186,178,177,181,191,199,202,196,189,189,191,189,183,181,181,186,191,196,202,196,186,183,186,183,183,181,181,183,186,189,189,186,189,194,196,196,194,189,189,191,191,196,202,207,207,204,204,204,204,204,204,204,207,204,191,179,181,196,209,212,212,212,207,202,202,199,196,191,196,202,204,199,191,183,178,176,177,183,189,191,191,191,194,199,204,204,204,207,209,204,191,179,179,186,191,189,189,194,199,202,204,204,194,186,186,183,183,189,194,202,204,204,199,194,191,191,191,194,194,194,191,186,179,178,181,178,130,129,131,181,183,176,132,132,183,194,199,202,199,191,190,190,194,196,199,199,199,196,199,199,196,192,192,194,196,199,199,202,202,194,186,186,186,189,189,189,183,181,186,186,183,183,189,196,202,199,196,199,199,196,195,196,199,202,202,196,186,181,183,186,189,189,189,191,194,194,196,202,202,202,199,196,196,194,194,196,194,191,190,194,196,196,196,199,202,202,196,194,195,202,202,199,199,204,209,212,209,204,202,199,202,202,204,204,207,209,212,209,204,202,199,196,194,191,191,189,181,133,133,135,135,133,134,183,191,191,181,177,178,181,186,189,186,183,186,196,202,199,194,191,191,199,209,212,212,209,209,207,204,202,199,202,202,202,204,204,204,202,202,199,189,182,183,189,189,189,191,191,189,186,189,191,186,181,181,183,191,194,196,194,191,194,196,194,189,181,135,135,134,137,189,194,189,186,186,189,191,194,194,194,194,194,194,194,196,199,202,202,202,199,196,196,194,191,190,191,194,191,191,191,190,191,191,189,189,189,191,194,196,199,202,202,202,199,199,196,191,133,127,127,135,186,191,196,199,207,207,204,199,196,196,196,195,194,195,196,194,186,183,183,183,181,183,191,194,194,191,194,199,199,196,191,189,187,187,194,202,204,204,202,199,202,207,209,209,209,209,209,209,207,209,209,207,207,207,207,209,212,215,215,212,212,212,212,209,212,215,215,215,212,204,194,196,209,215,217,215,209,209,215,215,212,209,212,217,222,215,207,202,194,129,131,222,225,225,228,228,215,209,209,209,212,215,215,215,215,209,204,204,202,192,194,204,215,217,215,212,212,215,217,215,212,209,209,209,209,207,204,204,202,194,145,145,194,207,215,215,209,207,207,207,212,217,220,215,209,204,202,202,202,207,209,212,212,212,215,215,209,208,209,212,209,204,203,212,212,204,202,207,212,212,215,215,215,215,215,215,215,212,209,209,209,209,212,217,217,217,217,217,222,222,217,215,215,215,215,217,225,225,222,217,222,222,215,212,215,217,228,233,235,233,230,228,228,228,228,225,220,212,204,199,196,196,196,194,189,189,189,191,194,199,204,204,199,196,196,199,196,192,191,199,207,207,207,204,199,196,202,207,209,212,212,212,212,212,212,209,212,215,217,217,215,209,208,209,212,212,212,215,217,217,217,215,212,209,209,209,209,209,209,209,209,209,207,207,204,202,202,199,199,198,198,199,199,202,202,204,202,199,199,202,202,204,204,204,202,199,194,191,191,191,191,191,189,186,183,178,173,131,129,127,125,127,129,168,168,127,125,127,127,168,168,168,168,128,128,129,173,173,176,176,178,181,183,186,186,183,183,181,178,173,168,127,168,168,168,165,125,123,121,119,117,117,115,113,115,117,121,121,121,125,173,178,183,183,189,196,202,204,207,209,212,217,222,225,228,233,235,238,241,243,246,246,243,238,235,238,235,222,207,151,153,220,233,233,209,145,147,157,225,241,248,254,255,255,255,255,255,255,254,241,233,230,230,225,220,114,121,0,0,0,0,0,0,126,126,134,134,108,59,27,17,0,0,0,0,0,0,0,0,0,0,0,0,0,25,111,126,90,15,0,29,92,100,108,126,147,147,116,95,0,0,255,255,140,124,144,163,121,27,0,0,0,0,0,0,255,235,168,98,17,17,37,61,48,0,0,3,48,61,66,29,0,0,0,0,0,0,0,0,0,0,0,0,0,7,3,0,0,0,0,19,7,0,0,0,0,0,0,0,0,13,0,0,0,0,0,0,0,0,7,21,15,0,0,0,0,0,0,0,0,0,19,45,90,90,90,105,113,51,20,14,20,23,41,43,5,0,5,43,65,71,71,79,95,95,79,74,73,77,103,157,165,165,123,123,127,189,228,251,255,255,255,255,255,255,255,0,255,255,255,255,246,178,81,65,0,144,194,157,0,0,0,0,0,0,0,0,0,0,0,19,57,116,124,126,155,170,176,186,183,142,73,70,155,83,52,57,97,144,91,76,73,77,101,163,173,150,89,61,45,45,83,147,150,147,109,147,157,155,67,49,54,105,181,170,105,69,65,81,170,194,194,199,199,194,202,194,113,89,89,101,150,160,173,173,160,157,147,109,111,144,109,144,144,89,72,74,79,77,75,85,150,194,215,215,196,155,97,87,85,91,103,155,176,178,189,189,189,178,157,113,106,109,111,113,113,111,109,107,107,101,101,113,178,196,178,113,99,87,85,89,85,79,79,83,97,109,115,165,189,199,194,186,178,176,176,176,176,176,178,173,157,109,105,99,89,82,89,109,160,160,157,157,176,194,202,199,199,196,186,168,144,97,95,99,144,139,81,51,47,63,75,81,121,137,142,129,108,69,57,53,53,51,41,21,17,17,17,17,15,15,14,15,15,13,11,9,9,11,19,17,11,9,7,7,11,4,1,4,25,29,19,11,21,35,47,59,81,124,131,142,144,139,97,95,99,113,157,117,118,123,129,183,194,209,233,243,248,241,233,217,217,228,243,254,255,255,255,255,243,225,202,181,115,99,93,152,204,191,160,165,186,168,126,53,33,29,29,7,0,9,33,45,45,37,39,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,23,66,72,43,45,35,0,0,0,0,0,0,0,0,0,0,0,0,25,57,73,121,147,155,134,126,131,155,176,181,181,183,181,165,137,98,97,101,142,147,139,137,137,137,137,85,75,85,129,129,83,81,81,85,85,73,57,54,59,71,77,75,79,89,126,126,87,75,65,61,61,67,85,97,101,101,131,129,129,134,134,134,133,133,147,147,144,144,144,142,138,135,139,147,155,186,0,0,0,0,0,0,0,0,0,0,0,228,212,194,160,118,82,59,27,13,1,0,0,3,11,19,25,23,11,0,0,0,0,0,0,13,69,157,183,181,165,147,121,116,124,137,155,173,194,196,194,196,212,215,212,212,212,230,246,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,228,207,191,189,176,160,160,168,176,168,150,118,95,77,61,37,27,13,9,5,5,9,13,23,35,45,74,92,108,126,139,144,155,155,155,152,144,144,144,137,124,124,137,142,144,137,137,124,113,105,105,105,75,55,43,43,47,55,61,69,69,75,87,134,144,155,163,168,170,163,144,124,113,75,55,49,43,39,33 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,142,157,165,165,170,176,170,168,168,160,151,147,152,165,176,183,173,109,103,99,109,176,194,204,207,204,199,196,196,196,199,202,204,207,53,0,0,0,33,115,119,121,115,111,121,183,194,199,196,183,170,125,129,183,189,183,176,178,189,199,207,204,196,191,191,183,179,178,181,189,199,209,209,114,98,110,181,199,204,204,199,194,196,207,215,202,191,189,191,137,125,181,196,194,189,191,196,202,202,194,137,131,132,183,191,191,186,183,183,186,186,182,183,194,196,186,135,135,135,137,181,181,181,183,186,189,191,196,199,194,181,179,183,196,207,204,183,131,132,178,186,191,194,196,199,202,204,209,209,194,186,183,179,179,179,181,189,196,199,196,191,191,194,196,196,196,194,196,202,202,202,204,207,207,207,204,204,202,202,204,204,202,196,183,179,186,202,212,217,217,217,212,209,209,207,202,194,194,196,199,196,191,186,178,176,177,183,186,186,183,186,189,191,194,194,194,199,199,194,183,177,178,183,189,189,189,194,199,204,204,194,135,132,137,189,191,196,199,202,207,204,202,199,199,202,202,202,202,202,194,181,177,178,183,178,131,131,176,181,178,176,178,181,189,196,196,199,196,191,190,191,196,199,202,202,202,202,199,196,194,191,191,194,199,199,202,202,199,191,186,183,183,183,186,186,181,178,183,189,186,186,191,199,199,191,191,196,199,196,196,196,202,202,199,191,183,179,181,189,194,194,194,196,196,196,196,199,202,202,202,199,199,199,196,194,191,190,190,191,191,189,191,194,199,199,195,194,196,204,204,202,202,204,209,212,209,204,202,199,199,202,202,204,204,207,209,207,204,202,202,199,196,194,191,189,183,135,137,183,181,135,135,186,194,191,183,181,178,178,178,181,181,183,189,191,191,191,196,199,196,199,207,209,207,202,202,204,204,199,195,195,196,202,202,202,202,202,202,199,191,186,186,189,189,189,191,191,189,189,191,191,186,181,181,186,191,191,194,194,194,194,196,196,194,191,191,186,135,134,181,186,183,183,183,186,189,191,194,194,194,191,191,191,194,196,199,199,196,196,194,194,191,191,191,191,191,194,194,194,191,194,191,189,189,189,194,196,199,202,202,202,202,202,202,194,186,131,131,137,189,196,202,202,202,207,207,202,194,191,194,196,196,196,199,199,194,186,183,183,186,183,186,191,194,194,189,191,196,199,196,194,191,191,191,194,199,202,202,199,199,204,209,212,209,209,207,204,204,204,207,207,209,209,209,212,212,215,215,215,215,212,215,212,212,212,217,212,209,209,199,189,191,209,222,228,225,222,220,222,217,212,212,215,217,217,212,204,202,202,204,222,238,230,225,225,222,215,209,207,209,209,212,212,212,212,209,207,207,204,199,196,204,209,212,212,209,209,212,215,215,212,209,204,199,204,207,207,204,199,145,144,144,191,204,215,217,215,209,207,207,209,215,222,222,215,207,204,202,204,209,212,215,215,215,217,217,215,209,209,209,207,202,202,209,215,207,202,207,212,212,212,212,209,209,209,212,212,212,212,212,212,212,215,215,215,215,215,215,217,222,217,215,217,217,217,222,225,222,217,215,217,215,212,211,212,217,225,230,230,233,230,230,230,230,230,228,222,212,204,202,199,199,196,191,189,189,191,191,194,199,204,207,204,199,199,199,202,202,199,202,204,207,207,202,194,191,199,204,207,209,209,209,209,209,209,209,209,215,222,222,217,209,208,209,212,215,215,217,217,217,215,215,212,209,209,209,209,209,209,209,209,209,207,207,204,202,202,199,199,199,199,199,202,202,204,204,202,199,199,199,202,204,204,204,202,196,194,190,190,190,191,191,189,186,183,178,173,131,129,127,127,127,129,129,127,125,125,127,168,170,170,170,168,128,128,129,173,176,178,178,181,183,186,189,189,186,183,181,178,170,127,126,127,127,168,168,165,165,125,123,123,121,119,115,115,119,121,123,123,125,131,178,183,186,191,196,202,204,204,207,212,217,225,228,233,238,241,241,243,246,248,246,243,241,241,246,248,233,217,157,153,215,238,248,243,215,153,153,209,230,243,254,255,255,255,255,255,255,254,241,233,228,228,228,225,121,129,144,0,0,0,0,129,134,137,142,124,64,13,13,31,17,0,0,0,0,0,0,0,0,0,0,0,0,11,108,129,100,37,37,124,157,150,134,142,163,176,168,137,139,0,255,255,202,144,155,124,47,7,0,0,0,0,0,255,255,228,139,87,31,17,11,15,5,0,0,0,0,21,56,19,0,0,0,40,17,0,0,0,0,0,0,0,0,3,5,17,17,11,17,25,9,0,0,0,0,0,0,0,5,13,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,23,37,85,108,53,22,19,22,25,45,53,45,41,51,57,65,65,65,75,89,89,79,74,74,89,113,168,176,170,123,117,123,189,235,255,255,255,255,255,255,255,255,255,255,255,255,254,207,152,81,56,63,150,142,31,0,0,0,0,0,0,0,0,0,0,0,19,37,45,53,67,129,165,168,173,173,142,83,91,183,142,65,67,97,97,81,79,79,89,107,163,170,150,103,77,49,49,95,165,150,103,91,97,150,111,63,52,59,152,189,181,109,79,74,87,150,186,194,199,194,199,202,194,103,81,84,101,113,150,157,160,160,160,160,152,150,150,152,163,163,97,73,74,89,85,75,79,155,202,215,204,176,109,93,91,85,83,85,99,155,173,183,189,178,165,155,113,113,119,119,157,119,119,115,109,101,101,100,100,157,186,113,76,78,99,113,113,91,79,79,83,97,109,115,181,199,207,202,186,178,163,163,173,173,173,173,173,157,107,105,101,87,81,85,111,165,160,111,111,178,209,215,199,189,181,173,168,147,101,90,90,131,129,73,45,41,45,51,61,87,131,134,118,79,65,55,47,49,55,41,19,17,23,27,21,17,17,17,17,15,13,13,9,9,5,3,3,3,3,3,7,11,11,15,37,53,57,45,35,47,61,77,79,85,83,83,89,137,137,99,95,99,113,157,157,123,168,181,186,196,215,241,254,255,251,251,251,251,255,255,255,255,255,255,255,248,233,209,189,123,93,71,97,204,212,157,139,152,144,87,63,33,23,7,0,0,1,33,92,137,124,85,41,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,59,7,0,9,15,9,0,0,0,0,0,0,0,0,0,0,0,13,35,53,75,129,134,129,126,131,155,168,176,189,196,196,178,152,100,100,103,139,101,97,91,95,97,95,77,69,79,85,85,79,71,81,87,89,75,57,54,59,71,77,75,79,79,93,126,91,83,71,65,62,67,89,131,101,101,137,137,129,137,134,139,133,133,139,142,144,144,152,150,142,134,139,147,155,186,0,0,0,0,0,0,0,0,0,0,0,233,222,207,178,126,74,43,21,11,0,0,0,1,11,23,31,35,25,1,0,0,0,0,0,13,63,150,176,170,165,147,121,116,124,137,160,183,202,202,194,189,202,209,212,212,220,230,246,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,207,196,189,176,160,150,160,168,165,147,116,92,69,37,25,19,9,0,0,0,0,7,13,23,35,47,82,100,116,126,142,152,155,152,144,144,144,137,134,113,113,124,137,142,137,137,121,105,75,79,81,75,55,43,33,43,49,59,61,69,75,87,137,144,155,163,168,170,163,144,137,113,75,55,43,33,33,33 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,155,155,170,176,176,191,189,178,170,173,173,170,168,170,173,183,189,170,96,82,73,79,92,115,186,196,196,196,199,196,191,194,191,181,160,9,0,0,0,35,87,97,105,109,119,170,181,191,199,204,202,186,129,124,178,186,186,189,191,189,186,189,202,207,204,199,189,182,181,186,194,207,222,209,86,72,108,207,204,199,194,189,186,189,202,209,204,191,189,186,120,108,118,183,189,186,186,191,196,196,189,133,129,130,137,186,186,183,183,186,186,186,182,182,194,199,196,189,137,181,186,186,186,186,191,194,199,196,196,196,196,191,189,196,207,215,207,135,127,128,133,183,194,204,209,209,204,199,199,199,191,189,183,181,181,181,183,189,196,202,199,196,194,194,196,199,204,204,207,209,209,207,209,209,209,204,202,202,202,202,204,204,196,186,179,179,189,202,209,212,217,217,215,212,209,209,204,196,191,191,194,194,194,194,189,181,181,183,183,181,181,181,183,183,183,186,186,189,191,189,179,177,181,186,191,191,189,191,196,202,199,183,131,131,189,204,209,209,207,204,204,204,202,202,204,207,207,204,202,202,191,183,186,199,194,183,178,181,183,183,181,181,183,186,191,194,194,196,196,191,191,194,199,204,204,204,204,204,202,199,194,191,192,196,199,202,204,204,202,194,186,186,186,186,183,186,181,178,183,189,191,191,196,202,196,186,186,191,196,194,194,196,199,199,194,186,179,178,179,191,199,199,196,196,196,199,199,199,202,204,202,202,202,202,199,194,191,190,194,194,189,186,187,191,196,199,196,196,199,207,204,202,200,204,209,209,204,199,196,196,196,196,196,199,202,204,204,204,204,204,204,202,199,196,194,191,186,183,186,191,189,178,178,189,194,191,186,183,183,181,178,178,178,181,189,189,183,183,196,207,207,202,202,204,199,196,196,202,204,199,194,192,196,202,202,199,199,202,202,199,194,189,189,191,189,189,191,191,191,191,191,189,183,178,179,183,189,189,191,191,194,194,194,194,194,196,199,196,183,134,135,178,178,181,183,186,189,189,191,191,191,189,189,191,191,194,194,194,194,191,191,189,189,191,194,194,194,196,196,196,196,196,194,189,187,189,194,196,199,204,204,204,202,199,199,191,183,135,181,186,194,202,207,204,204,207,204,199,191,191,191,196,202,204,204,202,194,186,183,183,186,183,186,189,191,189,189,189,194,196,199,196,199,199,196,196,194,194,196,199,202,204,209,212,209,207,204,203,203,203,204,207,209,209,212,212,215,215,215,215,215,215,215,215,212,212,215,207,204,202,194,187,191,215,228,233,230,228,228,225,217,212,215,217,217,217,209,204,204,209,215,225,233,228,217,215,212,212,207,204,207,207,209,209,209,209,209,204,204,204,204,202,204,204,207,207,207,207,209,212,212,207,202,189,143,194,204,207,207,199,145,144,145,194,204,217,222,217,215,212,207,209,215,217,222,217,209,204,204,207,209,215,215,215,215,217,222,217,212,209,209,209,203,203,212,217,212,207,209,212,212,212,209,209,208,208,208,209,212,212,215,215,217,217,215,215,215,215,215,217,217,217,217,217,217,217,225,228,225,217,215,215,212,211,211,215,222,225,228,230,233,233,233,233,233,233,230,225,215,209,204,204,202,196,191,191,191,194,194,194,196,204,212,212,207,202,202,204,204,202,199,202,204,204,196,144,144,196,204,207,207,207,207,207,207,207,209,212,217,222,225,217,212,209,212,215,215,215,215,215,215,215,215,212,212,209,209,209,209,209,209,209,209,209,207,204,204,202,199,199,199,199,202,202,202,204,202,202,199,198,199,202,204,204,204,202,199,194,191,190,190,191,191,189,186,183,178,176,173,131,129,127,129,129,127,125,123,123,127,168,170,170,170,168,168,129,170,173,176,178,181,183,186,189,189,189,183,183,183,178,173,127,126,126,127,127,168,170,170,168,165,127,125,123,119,119,121,123,123,123,125,129,133,181,189,194,196,199,199,199,202,207,215,225,230,233,238,238,241,243,246,246,243,241,243,246,254,255,246,230,212,151,157,228,246,248,238,217,207,207,217,241,254,255,255,255,255,255,255,255,248,230,217,212,217,225,134,129,129,126,0,0,0,126,121,118,111,82,23,0,0,27,59,0,0,0,0,0,0,0,0,0,0,0,0,17,108,134,111,51,79,142,186,173,163,163,189,207,225,217,207,0,255,255,255,225,165,105,41,13,0,0,0,7,155,228,212,111,43,29,11,0,0,0,0,0,0,0,0,0,25,5,0,0,40,142,147,95,17,0,0,0,0,0,72,35,31,66,82,59,25,11,0,0,0,0,0,0,0,0,0,0,0,0,7,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,108,92,45,43,53,55,65,67,71,111,121,75,77,77,77,79,129,134,99,91,97,111,165,176,173,123,115,113,119,189,235,255,255,255,255,255,255,255,255,255,255,255,255,241,202,170,152,67,69,157,65,0,0,0,0,0,0,0,0,0,0,0,19,61,57,34,29,39,121,165,168,160,147,95,79,89,176,155,89,89,103,95,85,85,91,99,107,147,147,142,103,85,61,61,147,178,155,101,85,87,109,105,63,53,73,168,191,181,113,95,87,83,103,173,194,191,178,194,202,191,93,79,84,107,113,113,152,157,160,160,152,150,150,152,160,176,173,97,73,74,91,85,73,73,101,176,194,189,152,99,95,97,97,91,85,91,105,163,189,189,178,165,160,165,165,178,178,176,165,176,176,163,115,113,101,98,115,163,85,64,70,99,178,165,97,85,87,91,97,103,115,168,194,207,202,186,165,119,119,160,157,157,155,157,117,113,111,111,97,85,89,113,165,157,106,109,186,215,209,191,173,165,163,163,155,144,95,90,95,93,67,43,40,43,44,45,75,113,111,77,73,69,57,45,47,55,47,29,23,31,37,31,25,21,23,23,17,13,13,9,7,3,2,3,5,3,1,3,5,5,19,57,95,105,98,63,77,113,118,116,85,80,78,81,129,144,103,97,99,113,157,157,168,181,191,194,202,222,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,246,235,209,178,99,57,59,163,189,99,67,77,87,75,71,31,11,0,0,0,9,59,168,202,183,111,47,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,35,0,0,0,0,9,7,0,0,0,0,0,0,0,0,0,0,9,31,45,67,116,126,129,134,142,152,155,165,181,196,204,194,170,144,142,142,99,91,85,83,83,89,83,65,58,63,75,73,67,67,75,85,124,79,57,54,59,71,77,73,73,73,87,89,91,85,77,69,63,73,89,134,101,101,137,137,129,134,134,139,142,137,137,137,142,152,160,152,142,137,139,147,157,186,0,0,0,0,0,0,0,0,0,0,0,235,225,215,186,134,74,40,17,7,0,0,0,0,9,21,27,31,27,9,0,0,0,0,0,17,59,137,160,160,152,124,83,83,116,129,155,183,202,202,189,187,194,204,204,212,220,222,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,207,191,189,170,160,150,150,160,150,129,108,85,66,35,19,9,1,0,0,0,0,0,7,13,23,39,74,98,116,126,137,144,144,144,144,142,137,137,124,113,113,124,137,137,137,137,124,105,75,75,81,75,55,43,33,33,43,55,61,69,75,87,137,144,152,155,163,163,163,144,137,121,75,49,33,23,23,23 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,139,157,170,183,189,191,196,196,194,189,183,178,178,181,183,186,194,199,204,204,189,117,100,68,69,163,181,186,202,207,194,176,173,165,111,99,3,0,0,0,0,49,91,103,111,121,168,170,178,191,199,196,186,176,176,178,183,189,194,194,191,181,179,191,199,202,196,189,186,189,191,196,207,217,215,111,115,191,215,207,194,183,183,183,183,186,194,191,189,194,186,121,119,124,137,186,185,182,185,189,191,186,135,130,132,137,183,186,189,191,189,186,186,182,182,189,194,196,191,186,191,202,202,196,199,207,212,209,202,196,194,194,196,199,209,217,222,209,186,134,178,178,178,186,199,212,215,202,181,129,130,178,186,186,186,186,189,186,186,189,194,196,196,194,192,196,207,212,212,212,209,207,207,209,212,212,204,202,202,204,204,204,202,191,181,178,179,191,202,207,209,215,215,215,212,209,207,204,199,194,191,191,191,194,194,191,189,186,183,181,181,181,183,181,181,189,194,191,189,191,191,181,178,181,191,196,194,189,189,191,196,189,134,132,183,202,209,212,212,209,207,207,207,204,204,204,204,207,207,204,199,189,183,191,202,194,178,178,183,183,178,176,181,183,186,186,183,186,194,196,191,189,196,202,204,202,202,202,204,207,202,194,192,194,199,202,202,204,207,202,196,191,191,191,191,186,181,178,181,181,183,189,194,202,202,194,189,186,189,186,183,186,194,196,191,189,186,183,181,183,191,196,199,196,196,196,199,199,202,202,204,204,202,202,202,199,191,190,191,196,196,191,187,189,191,196,199,199,199,204,204,202,200,200,202,207,209,204,196,191,191,191,191,189,189,196,202,204,204,204,204,204,202,199,196,194,194,191,183,183,189,189,181,181,191,196,191,186,186,186,183,178,178,178,178,186,186,182,181,189,207,212,204,199,199,198,196,198,202,202,199,195,195,196,202,199,199,202,204,202,199,194,194,191,191,189,189,189,191,194,194,194,189,183,181,181,183,186,183,186,189,191,191,191,194,194,196,199,199,191,134,132,135,178,178,181,186,186,183,183,183,186,186,186,189,189,189,189,189,191,191,189,189,187,187,191,196,196,196,199,196,196,199,199,191,191,194,196,199,199,202,202,199,199,196,194,191,183,181,183,189,194,199,202,199,202,204,207,199,194,191,194,199,204,207,202,194,189,186,186,183,183,183,183,186,189,189,186,183,186,196,199,199,202,204,202,196,192,192,194,199,199,199,202,209,212,209,207,207,204,204,204,207,209,212,215,215,212,212,212,212,212,212,215,212,212,212,209,207,202,196,192,192,204,217,230,233,233,230,228,225,222,215,212,215,217,215,209,207,209,217,217,222,222,217,209,204,204,207,207,204,204,207,207,207,207,207,207,204,204,204,204,204,199,199,204,204,204,207,212,209,207,196,135,133,136,143,202,209,207,204,199,194,194,199,209,217,225,225,222,215,212,212,215,220,220,215,212,204,204,207,209,212,215,215,209,215,222,222,217,212,209,209,204,209,217,222,215,209,207,209,212,212,212,209,208,208,208,209,212,215,215,217,225,225,222,217,217,217,217,217,222,217,217,222,222,222,225,230,230,228,225,215,211,211,215,222,225,228,228,230,235,235,235,235,235,233,230,225,222,215,212,209,204,194,191,194,196,196,196,196,196,204,212,215,209,204,204,204,202,194,194,199,204,202,194,143,143,196,204,207,204,202,202,207,209,209,212,215,217,222,225,222,217,215,215,215,215,215,215,215,215,217,217,215,212,212,212,209,209,209,209,209,209,209,209,207,204,202,202,199,199,199,202,202,204,204,202,202,199,198,198,199,202,204,207,204,202,196,194,191,191,191,191,189,189,183,178,178,176,176,131,129,129,129,127,125,123,123,125,168,168,170,170,168,168,129,129,173,176,181,183,186,186,191,191,186,181,181,181,181,176,168,126,126,126,127,168,173,173,168,127,127,127,125,123,123,123,123,123,123,125,125,129,176,186,194,194,194,196,196,196,202,209,222,228,230,233,238,241,243,246,243,241,241,246,248,254,254,246,230,207,150,151,222,243,243,238,233,222,215,228,241,254,255,255,255,255,255,255,255,255,235,215,207,209,215,85,83,83,79,0,0,0,108,100,90,66,39,13,0,0,17,48,0,0,0,0,0,0,0,0,0,0,0,17,39,92,111,100,51,51,134,163,163,173,199,207,215,235,255,251,255,255,255,255,225,129,53,41,27,7,0,0,43,131,131,43,9,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,40,134,139,64,0,0,0,0,21,113,64,35,74,95,66,11,0,0,0,0,0,0,0,0,0,0,0,0,0,7,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,142,144,118,95,108,126,129,129,137,144,142,126,121,87,87,129,147,147,144,155,157,157,157,117,112,109,112,119,189,243,255,255,255,255,255,255,255,255,255,255,255,255,241,228,241,196,134,89,63,5,0,0,0,0,0,0,0,0,0,0,0,15,124,173,63,11,47,155,181,181,168,139,83,69,68,95,155,163,157,103,93,85,85,99,99,103,144,101,89,84,89,83,91,155,181,168,101,82,81,111,99,60,57,89,176,196,189,150,101,82,79,89,170,186,173,160,191,202,178,93,84,90,109,113,113,150,152,157,152,150,150,152,160,160,157,150,103,91,89,101,85,75,73,63,77,150,163,152,107,95,93,97,97,83,77,91,155,189,199,199,191,189,178,178,191,189,165,165,181,191,183,165,121,113,109,163,178,79,61,69,107,178,160,101,97,103,101,101,109,115,165,189,199,199,186,163,113,111,115,117,109,107,113,115,155,152,152,111,103,105,113,165,111,106,168,204,217,209,189,170,155,147,147,144,134,95,90,99,91,67,51,51,57,49,57,79,81,67,51,57,71,69,47,45,59,65,53,43,49,55,47,37,27,27,27,21,11,9,7,7,7,5,7,9,3,0,0,0,0,0,0,7,98,103,111,111,118,121,116,85,82,79,81,97,137,97,91,97,113,157,119,160,183,194,194,196,222,251,254,248,241,246,251,251,255,255,255,255,255,255,255,255,255,248,225,189,113,61,33,27,47,47,41,51,69,75,63,35,11,0,0,7,0,251,243,196,137,85,47,45,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,72,33,1,0,0,0,0,15,19,5,0,0,0,0,0,0,0,0,0,25,45,71,113,118,129,155,168,155,155,152,170,194,215,212,191,163,144,101,93,81,77,78,79,81,75,59,55,58,61,61,58,60,71,81,87,79,57,52,55,69,75,73,71,71,73,79,85,85,77,73,73,83,95,134,101,101,137,129,129,125,126,134,142,139,139,137,137,152,160,157,144,137,139,150,165,186,0,0,0,0,0,0,0,0,0,0,0,0,233,220,199,157,98,46,15,5,0,0,0,0,9,19,19,15,11,3,0,0,0,0,0,13,53,118,150,150,121,77,67,63,73,116,147,178,196,196,189,189,194,199,204,204,212,230,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,199,178,168,163,152,144,142,142,139,116,100,82,66,35,15,5,0,0,0,0,0,0,0,9,13,25,47,90,116,139,142,144,144,142,137,137,134,124,121,105,105,113,124,137,137,137,124,113,79,75,75,69,55,43,27,26,33,49,59,69,75,113,124,137,144,155,155,160,155,144,137,113,69,43,23,21,21,23 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,150,163,176,194,199,199,199,202,199,194,189,183,186,189,194,196,199,202,204,207,207,207,204,160,160,176,173,117,207,215,173,59,91,105,113,115,61,83,117,79,39,47,87,105,113,160,168,168,170,176,178,178,178,181,183,183,186,194,196,196,191,181,178,177,179,186,189,189,194,196,196,199,196,191,181,129,137,196,207,199,156,151,178,186,182,181,186,186,186,191,189,137,133,133,137,186,185,183,185,191,194,186,137,135,137,181,183,186,191,194,189,186,186,183,182,183,186,189,189,194,196,204,209,207,207,215,217,215,207,199,196,194,196,202,212,222,222,212,204,202,202,189,133,131,181,196,204,194,135,126,125,131,183,191,191,191,191,189,186,186,189,194,196,194,194,199,209,215,215,209,202,196,196,204,209,207,207,204,202,204,204,204,196,186,181,183,189,196,202,207,212,212,212,212,209,209,207,204,199,194,191,191,194,194,194,191,189,186,183,181,181,181,183,186,189,194,199,196,186,189,191,186,183,186,189,194,191,189,186,186,183,135,133,135,194,207,207,207,209,209,207,207,207,207,204,202,202,204,207,207,199,189,186,186,183,129,131,181,186,176,169,170,176,181,186,186,181,178,183,189,186,186,191,202,204,202,199,198,202,204,202,199,196,199,202,202,202,202,204,204,202,199,196,196,194,183,178,135,178,181,181,181,186,196,196,191,183,183,181,178,176,183,191,191,186,186,186,189,189,186,189,191,194,196,196,196,196,199,199,199,202,202,199,196,196,191,189,187,191,196,196,191,189,191,194,196,199,199,202,207,207,202,200,200,202,207,207,202,196,191,191,191,189,187,187,194,202,204,204,204,204,202,199,196,194,194,196,191,135,129,133,181,181,186,194,196,191,186,183,186,183,177,177,177,178,186,189,185,183,189,202,204,199,199,199,199,199,202,202,199,196,196,199,199,199,196,199,202,207,204,202,196,196,194,191,189,187,189,191,194,196,196,194,189,186,186,183,183,181,183,189,191,191,191,194,194,194,199,202,196,178,134,178,178,178,178,183,183,181,179,181,182,182,183,189,189,187,189,191,194,196,194,194,189,187,189,196,199,199,199,196,199,202,202,196,194,194,199,202,199,196,194,191,194,191,191,189,183,186,189,191,191,191,196,196,202,207,207,202,199,196,196,196,199,196,191,183,183,186,186,186,186,186,186,186,186,186,186,135,135,189,194,199,202,202,202,194,191,191,194,199,199,198,198,204,209,209,209,212,212,212,209,212,215,215,215,212,212,209,207,207,209,212,212,212,212,212,209,207,202,196,194,199,212,225,230,233,230,228,228,225,217,211,211,215,217,215,212,212,217,225,225,222,215,204,196,194,199,204,207,207,204,199,194,196,202,207,207,204,204,204,204,202,194,192,196,202,204,212,212,207,196,139,133,132,136,189,204,209,209,204,202,202,202,204,215,222,225,225,222,217,215,215,217,222,217,215,212,207,204,207,209,209,212,209,204,215,225,225,217,215,212,209,207,212,217,222,215,207,204,204,209,209,209,209,209,209,209,212,215,215,217,222,230,233,230,228,225,225,222,222,222,225,225,225,225,228,230,233,235,233,228,217,215,215,222,228,230,230,230,230,230,233,238,241,238,230,225,217,225,222,215,212,204,194,191,196,199,199,199,199,199,204,209,215,209,207,204,202,194,187,189,196,202,204,196,144,144,196,204,204,202,199,199,204,209,212,215,217,222,222,225,222,222,217,217,215,215,215,212,212,215,217,217,215,215,212,212,212,212,209,209,209,212,212,209,209,207,204,204,202,199,199,202,204,204,204,202,202,199,198,198,199,202,207,207,204,202,199,196,194,194,191,191,191,189,183,181,178,178,176,173,129,129,129,127,125,123,123,125,127,127,168,168,168,129,170,170,173,176,181,186,186,189,191,189,183,181,178,181,178,173,168,127,127,127,126,168,173,173,170,168,168,168,127,127,127,127,125,125,123,125,127,131,178,186,191,194,194,194,194,196,199,207,215,222,222,228,235,241,246,246,246,246,246,248,248,248,246,238,222,155,149,150,215,233,238,238,238,238,238,243,251,255,255,255,255,0,0,255,255,255,238,222,212,207,207,50,75,137,134,126,0,118,103,87,51,39,31,7,0,0,5,31,9,0,0,0,0,0,0,0,0,0,0,13,33,35,41,45,45,45,92,108,118,142,183,191,186,196,225,241,255,255,255,233,129,35,13,21,27,21,15,29,85,95,51,29,13,0,0,0,0,0,0,0,0,0,0,0,0,15,0,0,0,0,0,59,90,25,0,0,0,0,21,79,79,74,108,108,39,0,0,0,0,3,0,0,0,0,0,0,0,0,0,0,21,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,160,178,144,98,105,118,108,118,144,157,147,137,126,87,79,89,99,137,147,157,157,155,157,115,112,110,113,125,196,243,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,235,173,89,41,9,3,0,0,0,0,0,0,0,0,0,0,0,67,194,176,69,134,178,189,186,168,131,79,66,65,77,142,178,165,101,91,85,91,99,97,97,101,87,80,84,103,109,152,173,181,168,101,84,84,109,97,63,60,97,176,191,183,111,93,80,76,87,155,178,160,157,178,194,173,103,91,101,115,157,152,152,150,113,110,109,110,157,173,173,152,150,152,150,150,144,89,71,59,54,58,99,157,152,107,95,87,83,81,76,75,81,109,178,199,199,204,199,178,178,181,181,165,163,178,191,183,168,165,119,115,178,186,93,68,78,119,178,119,111,115,121,111,109,109,117,168,189,199,202,191,168,113,105,109,111,105,104,113,157,170,168,163,115,115,115,113,113,107,109,178,209,215,202,189,170,150,99,97,97,97,95,90,93,91,81,77,83,77,61,61,75,79,57,35,35,49,55,41,35,55,71,69,57,51,55,53,41,33,33,31,23,9,6,6,9,21,23,19,15,1,0,0,0,0,0,0,0,5,71,103,111,118,118,111,85,87,87,83,87,93,91,88,93,107,111,107,115,181,194,202,204,225,246,248,233,229,235,243,243,254,255,255,255,255,255,255,255,255,243,199,117,97,57,23,3,1,9,21,45,65,69,57,39,25,11,13,67,0,0,248,163,103,85,77,69,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,103,77,59,56,19,0,0,0,1,45,103,53,7,0,0,0,0,0,0,0,0,31,67,81,85,126,157,178,168,152,140,152,183,215,222,202,173,144,99,87,79,77,76,79,77,71,59,55,58,61,60,58,59,65,75,81,79,61,52,56,75,83,79,73,71,72,73,77,85,85,85,83,87,97,134,142,139,139,129,129,124,126,131,142,139,139,137,137,152,160,157,142,134,137,147,165,186,0,0,0,0,0,0,0,0,0,0,0,0,230,225,207,173,108,51,17,7,0,0,0,0,9,21,21,13,3,0,0,0,0,0,0,11,43,79,121,126,81,63,55,55,59,77,137,173,194,194,183,181,194,196,204,212,230,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,163,150,150,144,129,118,118,111,95,85,77,69,37,19,9,0,0,0,0,0,0,0,5,11,19,43,82,108,137,142,142,137,137,137,124,124,124,113,105,105,113,124,134,137,137,137,113,105,75,69,69,55,43,27,24,31,47,55,67,75,113,124,137,142,144,152,152,144,137,124,113,61,39,21,17,17,17 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,157,165,178,199,209,207,204,204,202,196,191,191,191,194,196,202,199,199,199,202,207,209,207,202,204,196,181,51,87,81,9,0,53,89,194,228,99,178,225,255,99,67,89,109,121,165,170,168,166,166,166,168,173,181,183,183,186,191,196,194,189,183,178,176,177,181,186,194,202,204,207,212,199,133,125,129,137,191,194,183,151,146,178,186,183,182,183,183,183,186,186,191,191,137,137,186,189,189,196,204,202,194,183,183,181,181,183,189,191,189,189,186,186,183,181,181,183,189,199,202,199,199,202,204,209,215,215,215,209,202,196,194,196,202,209,212,215,215,215,220,212,189,127,124,127,135,186,189,181,130,128,133,183,191,194,194,194,191,189,189,191,196,196,194,191,196,204,212,209,202,191,183,183,191,199,202,204,204,202,202,202,196,186,181,189,194,196,196,199,207,212,212,212,212,209,207,207,202,196,189,186,191,194,194,191,189,186,186,183,183,181,181,183,189,194,199,199,189,181,183,191,191,189,189,186,183,183,181,139,137,133,131,132,183,202,207,207,207,209,209,207,207,207,207,204,199,196,199,204,204,196,189,189,189,135,126,131,186,191,176,168,169,176,183,189,189,181,133,132,133,176,181,189,196,202,202,199,198,198,199,202,202,202,202,204,204,202,202,202,204,204,202,199,196,191,186,178,133,131,133,135,135,135,183,186,183,181,181,183,179,178,186,189,183,181,181,186,189,189,183,183,186,189,191,194,194,194,194,194,196,199,199,194,191,191,191,189,189,191,194,194,191,191,194,194,196,196,199,202,207,207,204,202,202,202,202,202,202,196,194,191,191,189,187,189,196,204,207,204,204,202,199,196,194,191,191,194,189,131,124,125,133,183,191,194,194,186,181,181,181,181,177,178,178,181,189,194,191,191,196,199,196,194,196,202,204,204,204,202,194,194,196,199,199,196,194,196,204,209,209,204,199,199,196,194,189,187,189,191,196,199,199,196,194,191,189,186,183,181,181,189,191,194,194,194,194,194,196,202,199,186,181,183,186,183,183,186,186,182,181,181,182,182,183,189,189,189,191,196,202,204,202,199,194,189,189,194,199,199,196,194,196,199,199,196,194,191,191,191,189,186,183,181,186,189,186,183,181,183,189,191,191,191,194,196,202,207,207,202,202,202,199,194,189,183,137,137,137,183,186,189,191,191,189,186,183,183,137,123,119,131,186,196,202,202,199,194,192,191,194,196,199,198,198,202,207,209,212,215,215,215,212,212,215,215,215,212,209,207,204,204,204,209,209,207,209,212,212,207,204,202,199,204,215,225,230,230,230,228,225,222,215,209,211,215,222,222,215,215,222,225,225,217,207,191,190,192,196,202,204,207,202,192,186,187,196,207,209,204,204,204,204,199,192,191,194,199,204,209,212,204,189,138,138,141,194,204,209,209,204,200,202,204,207,212,222,225,225,222,222,217,212,212,215,217,217,215,212,209,207,209,209,207,207,204,203,215,228,225,217,217,215,207,204,207,212,212,209,204,203,204,209,209,207,207,207,209,215,217,217,217,217,225,230,235,235,233,228,225,225,222,222,225,225,228,228,228,230,233,235,233,228,225,225,228,233,235,238,235,233,230,228,228,238,243,235,228,215,212,225,225,217,212,202,194,194,196,202,202,202,202,202,204,209,212,212,209,207,202,191,186,187,194,199,199,194,144,144,194,199,199,199,198,199,204,212,215,217,222,217,217,222,222,222,217,215,215,215,212,212,212,215,217,217,215,215,215,212,212,212,212,212,212,212,212,212,209,207,207,204,202,202,202,202,204,204,204,204,202,202,199,199,199,204,207,207,207,204,202,199,196,194,194,194,191,189,186,181,181,178,178,173,131,129,129,127,125,123,123,123,125,125,127,127,168,129,170,173,173,178,183,189,189,189,191,189,183,181,178,178,176,173,168,168,127,127,127,127,170,173,170,173,173,173,170,168,127,129,127,127,125,127,129,176,181,183,189,191,191,191,194,194,194,202,209,215,217,225,235,241,246,248,248,248,248,246,246,246,243,235,222,157,149,148,151,215,228,235,243,248,255,255,255,255,255,255,255,255,255,255,255,255,243,230,217,207,199,39,85,220,194,160,152,0,134,103,82,45,33,13,0,0,0,17,3,0,0,0,0,0,0,0,0,0,0,0,7,0,0,37,53,51,39,39,51,100,129,134,124,116,137,202,251,255,255,152,53,10,3,10,27,37,53,0,0,85,49,87,95,7,0,0,0,0,0,0,0,0,0,0,0,74,43,0,0,0,0,0,0,0,0,0,0,0,0,103,150,189,173,131,59,0,0,13,37,56,31,11,0,0,0,0,0,0,0,0,59,56,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,163,137,87,90,61,33,41,129,147,142,142,131,87,77,75,75,79,107,152,155,157,168,168,117,115,117,133,196,235,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,238,181,85,45,35,33,0,0,0,0,0,0,0,0,0,0,0,33,199,209,194,181,189,181,168,139,87,71,68,65,73,137,173,157,97,87,91,99,101,97,93,93,84,84,95,155,176,181,186,178,152,97,85,87,147,105,69,67,97,155,168,155,99,87,80,79,89,150,170,155,150,160,173,160,113,107,109,157,173,173,160,152,111,109,108,109,152,160,160,150,152,163,176,163,152,99,83,63,58,63,103,111,103,83,73,75,79,79,77,77,81,107,178,191,196,199,189,165,163,176,178,165,165,178,181,181,165,178,163,119,178,186,115,83,107,121,165,117,121,165,160,115,109,111,117,170,194,202,199,186,168,113,105,105,105,105,107,115,176,181,181,170,165,152,150,107,99,93,107,176,196,194,189,178,160,101,88,87,95,101,97,90,89,93,91,91,85,65,45,49,63,73,57,34,31,33,39,33,27,33,65,65,53,43,41,37,31,33,39,41,27,9,5,5,21,55,51,19,3,0,0,0,0,0,0,0,0,0,43,71,105,113,113,83,81,89,89,85,81,85,91,91,93,101,101,101,109,168,199,202,215,233,243,243,229,229,229,235,243,254,254,255,255,255,255,255,255,255,207,97,51,55,55,29,1,0,1,17,49,61,63,57,57,55,39,41,0,0,0,235,160,108,92,87,74,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,95,79,79,79,56,5,0,0,0,21,124,118,39,3,0,11,23,0,0,0,0,11,55,79,85,126,157,183,176,142,137,140,176,209,222,212,183,155,101,87,81,79,79,83,87,77,65,58,63,69,67,67,60,60,69,75,75,61,54,59,81,93,91,79,72,72,73,85,95,129,91,83,89,97,139,142,139,139,137,129,129,126,131,139,139,139,137,137,144,155,152,142,134,134,147,165,178,0,0,0,0,0,0,0,0,0,0,0,0,225,225,215,173,108,48,17,9,0,0,0,0,9,25,31,25,9,0,0,0,0,0,5,15,35,65,111,85,73,61,55,54,55,69,137,173,194,194,173,168,176,189,204,220,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,160,142,131,129,113,103,95,85,77,74,74,69,61,25,11,0,0,0,0,0,0,0,3,9,17,35,57,105,126,137,137,137,124,124,124,124,113,113,105,105,113,121,124,137,137,124,113,81,75,69,61,49,33,27,27,33,49,55,61,75,81,124,134,137,137,142,142,137,137,124,103,55,33,17,17,17,14 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,163,168,181,202,215,212,209,209,202,196,194,194,196,196,196,196,194,191,191,191,196,196,199,207,212,207,189,0,0,0,0,0,0,25,176,222,89,181,209,238,157,103,107,160,170,173,173,170,168,166,168,173,181,183,183,183,183,189,189,189,186,189,189,186,191,191,194,202,209,212,215,217,212,191,127,135,137,186,194,186,183,183,186,189,189,189,186,183,182,181,182,191,194,137,137,186,191,199,209,212,207,199,194,189,183,186,191,194,191,186,186,186,189,186,183,183,186,194,207,209,202,191,186,194,207,215,212,209,207,204,199,196,196,202,204,204,207,215,222,217,204,135,125,127,127,131,178,183,183,181,181,181,183,189,194,196,199,196,194,194,194,196,194,189,187,189,194,202,199,191,183,136,135,137,186,186,186,189,191,194,191,181,135,181,194,199,199,194,196,199,204,207,209,209,207,202,202,199,196,183,183,189,196,196,191,189,186,186,183,183,181,181,186,189,194,196,194,178,176,181,191,189,186,189,181,133,132,135,137,135,132,131,133,189,202,207,207,207,209,209,207,207,207,207,204,196,194,196,204,202,189,189,194,194,181,134,181,189,191,181,173,173,181,186,191,189,181,132,131,132,133,183,191,196,202,202,202,199,198,199,199,202,202,202,202,204,207,204,202,202,202,204,202,194,189,183,178,129,125,127,131,131,131,135,181,179,179,183,191,194,196,196,189,181,179,181,183,183,181,183,181,181,183,189,194,194,191,189,189,191,196,196,191,189,191,196,194,194,196,194,189,189,191,191,191,194,196,199,202,204,204,204,202,202,199,199,199,199,199,196,194,191,189,187,189,196,202,204,204,202,199,196,194,191,190,191,194,189,131,123,124,131,186,194,194,186,181,178,178,181,183,186,186,181,183,194,199,199,199,202,199,196,191,191,196,199,202,204,199,191,190,191,196,196,194,191,194,202,209,209,204,199,199,196,194,191,189,189,191,196,202,202,202,199,196,194,191,189,183,181,189,194,196,196,199,196,194,194,196,194,189,183,189,191,191,191,194,191,189,183,183,183,183,183,189,191,191,194,199,204,207,207,204,199,194,191,194,196,199,194,191,189,186,189,191,189,183,135,135,135,133,130,130,178,183,186,183,179,179,181,186,191,194,196,199,204,207,204,202,199,202,199,191,181,136,136,136,181,183,189,191,194,194,189,181,181,183,133,118,116,119,131,189,199,199,199,196,194,192,194,199,199,199,202,204,207,209,212,212,212,212,212,212,212,212,212,209,207,207,204,204,202,204,202,202,204,212,212,212,209,207,204,207,215,225,230,230,230,225,222,222,215,211,212,217,222,222,215,215,215,217,217,212,199,189,189,194,202,199,202,204,202,192,186,187,194,207,209,207,202,199,199,199,194,194,196,202,204,204,204,202,194,191,199,204,207,212,212,209,202,200,204,207,212,217,225,225,222,217,215,212,209,209,212,215,215,212,212,209,209,212,212,209,207,204,204,212,222,225,225,217,212,204,199,199,202,204,204,204,204,207,209,209,205,204,207,212,217,222,220,217,217,222,225,230,230,230,228,225,222,217,220,222,225,228,228,230,233,235,235,235,233,233,235,235,238,241,243,241,235,228,224,222,230,235,233,225,212,208,217,217,212,207,199,194,196,202,202,202,204,204,204,204,207,209,212,209,207,202,194,190,191,194,191,191,145,144,144,194,196,196,202,202,202,207,212,215,217,217,217,215,217,222,222,217,215,215,215,212,212,212,215,215,215,215,215,215,215,212,212,212,212,212,212,212,212,209,207,204,204,202,202,202,204,207,207,207,204,204,202,202,199,202,204,207,207,207,207,204,202,199,196,196,194,194,189,186,183,183,181,178,176,173,129,129,129,127,125,123,123,123,123,125,127,168,170,173,173,176,181,186,189,191,191,191,189,183,181,181,181,178,173,170,168,168,127,126,127,127,168,173,176,178,176,173,170,129,129,129,129,127,129,133,178,181,181,181,186,191,194,194,191,189,194,204,212,217,228,235,241,246,248,248,248,248,246,246,246,243,241,230,212,151,147,148,157,222,235,243,251,255,255,255,255,255,255,255,255,255,255,255,255,251,241,228,209,199,36,89,230,212,194,199,183,0,126,103,82,45,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,121,98,36,32,39,65,69,71,65,45,45,116,220,255,246,155,103,35,13,17,35,92,0,0,0,124,116,168,189,92,0,0,0,0,0,0,0,0,0,0,0,160,92,15,0,0,0,0,0,0,0,0,0,0,0,0,0,255,233,150,95,79,105,118,105,85,74,59,11,0,0,0,0,0,0,21,85,79,33,21,15,15,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,105,118,105,92,45,0,0,41,124,142,144,126,77,77,75,74,77,99,111,115,165,183,183,168,121,123,181,204,235,246,251,254,255,255,255,255,255,255,255,255,255,255,255,254,228,163,67,39,31,11,0,0,0,0,0,0,0,0,0,0,0,0,147,196,212,191,173,165,139,116,77,71,71,71,81,134,163,147,101,97,105,142,105,99,97,97,91,91,109,176,186,186,181,155,103,88,84,89,168,150,83,79,99,109,105,99,93,87,83,83,95,150,160,150,111,113,157,157,115,109,115,170,191,194,173,157,150,111,111,111,113,150,111,108,111,163,176,176,152,111,103,101,101,150,152,99,69,47,46,57,81,87,81,78,85,109,178,189,189,183,165,161,161,176,189,189,183,181,181,181,178,178,163,115,119,178,121,109,113,121,160,160,160,160,115,109,109,109,115,163,189,194,189,168,157,111,102,102,105,109,115,157,183,189,189,186,176,165,113,95,80,80,103,163,178,176,168,152,107,91,84,88,101,144,134,93,93,126,91,77,63,39,31,33,53,67,65,41,35,39,43,33,21,25,51,67,57,43,33,28,25,26,33,43,37,21,15,23,59,116,85,1,0,0,0,0,0,0,0,0,0,0,29,61,77,111,81,71,75,83,87,83,79,87,97,99,99,101,101,101,109,168,199,212,220,233,246,251,241,233,229,241,251,254,238,225,254,255,255,255,255,254,115,31,16,25,45,39,15,0,1,11,43,49,51,57,71,77,59,49,0,0,0,228,178,144,111,90,66,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,72,87,82,35,13,0,0,0,0,21,57,47,13,11,41,69,41,0,0,0,0,39,75,121,142,170,186,181,150,135,139,170,196,212,202,183,165,144,97,87,85,85,91,93,87,77,69,69,77,79,79,71,65,69,75,73,63,56,61,81,126,124,81,72,72,79,95,131,137,129,87,87,95,134,142,147,139,137,129,129,126,131,131,139,139,137,142,144,152,150,142,139,139,147,165,186,0,0,0,0,0,0,0,0,0,0,0,0,0,225,212,165,87,38,15,11,3,0,0,0,7,25,35,35,19,0,0,0,0,9,21,29,43,65,79,81,73,63,57,57,57,77,139,173,189,178,157,147,150,168,189,212,246,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,134,124,111,103,85,77,69,66,66,66,66,56,25,11,0,0,0,0,0,0,0,0,1,11,25,51,90,113,124,124,124,121,121,121,113,113,111,105,105,113,113,124,124,124,124,113,81,75,61,55,47,33,27,33,43,49,55,61,69,81,121,124,124,124,124,124,124,124,113,73,49,23,17,17,17,14 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,165,176,181,189,204,215,215,215,212,204,199,196,199,199,196,194,191,190,189,189,191,194,196,199,204,212,202,115,0,0,0,0,0,0,23,63,53,0,79,168,157,155,165,181,183,181,178,178,176,170,168,173,181,189,191,189,189,189,189,189,186,186,191,199,209,215,202,194,199,207,212,217,217,215,209,194,199,191,196,204,207,215,212,196,189,189,189,186,189,186,182,181,189,189,181,183,186,196,207,212,209,204,199,196,191,191,196,204,202,191,189,189,189,196,199,199,199,194,196,204,215,207,189,135,136,199,212,209,204,202,199,196,196,199,204,202,199,204,215,215,199,131,120,121,131,133,133,178,181,181,186,189,186,181,181,186,194,199,199,199,194,191,191,189,187,186,187,191,194,191,189,186,137,135,136,137,132,124,124,133,183,137,133,133,183,194,196,194,191,191,191,189,194,202,204,196,189,189,191,189,183,186,194,199,199,191,189,189,186,186,186,186,186,186,186,189,191,186,178,176,181,189,186,183,186,135,130,130,133,139,183,137,137,183,194,202,204,207,207,209,209,209,209,209,207,204,196,194,196,202,199,186,186,194,191,178,178,183,189,186,181,174,176,183,189,189,186,178,133,176,178,183,189,194,199,202,202,202,202,202,202,204,204,202,202,204,207,207,207,204,202,204,204,199,186,135,133,129,125,123,125,129,131,133,178,183,183,181,183,194,204,207,207,194,181,181,183,183,137,136,181,183,183,186,189,191,189,186,181,181,186,191,194,189,189,191,199,199,199,199,196,189,186,191,189,191,196,199,202,202,202,202,202,202,199,199,198,198,199,199,196,194,194,191,189,189,196,199,202,199,196,194,191,191,191,191,191,191,186,133,125,125,129,181,191,191,181,177,177,178,186,191,194,189,181,181,194,199,199,199,199,196,194,189,186,191,194,199,202,196,191,190,191,194,196,194,191,194,202,207,207,202,199,199,199,196,194,191,189,191,199,204,204,202,202,199,199,196,191,186,181,186,194,199,202,202,199,196,194,194,191,186,183,186,189,194,196,199,196,191,189,189,183,181,186,191,194,194,194,199,204,207,204,202,199,196,194,191,194,194,189,183,181,177,181,186,186,135,129,129,129,130,129,130,178,186,189,189,183,179,178,179,186,194,196,202,204,204,202,202,202,199,194,183,137,136,137,183,189,189,194,196,196,194,183,177,178,186,183,127,119,119,123,133,189,194,199,199,196,196,199,199,202,204,204,204,204,207,209,209,209,209,207,207,209,209,209,209,209,209,207,204,202,199,194,145,194,207,212,212,212,207,204,204,212,222,230,233,228,222,220,222,217,215,217,222,222,217,212,209,209,209,212,209,199,191,192,202,204,199,199,202,207,204,196,194,202,207,207,202,196,194,194,194,191,191,194,202,202,202,202,204,202,202,204,207,209,209,212,209,207,204,209,212,215,217,222,222,215,212,212,209,207,207,212,215,215,215,212,209,209,212,212,212,209,207,204,199,204,220,225,217,207,202,198,198,199,202,204,204,207,209,212,209,205,204,207,212,215,217,217,215,215,215,217,222,222,222,222,217,217,215,217,220,225,225,228,230,233,235,238,238,238,238,241,241,241,241,243,241,233,225,220,218,225,235,235,228,212,207,209,212,207,202,196,196,202,207,204,204,204,204,204,204,204,209,215,209,204,202,202,199,199,196,145,145,145,144,145,196,202,202,207,204,204,207,209,212,215,215,212,212,217,222,222,217,215,212,212,212,209,209,212,215,215,215,215,215,215,215,215,212,212,212,212,212,209,207,204,204,202,202,202,204,207,207,207,207,207,207,204,202,202,202,204,207,207,207,207,204,202,199,196,196,196,194,189,189,186,183,183,181,178,176,173,170,129,127,127,125,123,123,123,125,127,168,170,173,176,178,181,186,189,191,191,191,189,186,186,186,186,183,178,173,168,168,127,126,126,127,168,173,178,178,178,176,173,129,170,170,131,129,173,178,181,178,178,178,186,191,191,191,143,141,145,199,212,222,228,235,241,246,248,248,248,251,248,246,243,243,241,230,215,153,148,149,157,225,241,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,248,230,212,204,44,69,160,173,186,199,176,134,118,118,103,82,43,7,0,0,0,0,0,0,0,0,0,0,5,0,0,0,0,0,0,35,137,165,129,47,38,53,53,52,73,100,45,22,33,134,207,222,202,178,137,65,37,41,0,0,0,255,189,147,168,189,98,0,0,0,0,0,0,0,0,0,0,0,191,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,165,116,129,168,160,134,105,100,98,59,0,0,0,0,0,0,7,77,79,48,33,27,15,9,0,0,0,0,0,0,3,21,0,0,0,0,0,0,0,0,0,0,33,105,134,116,39,0,0,0,39,124,134,87,73,79,89,89,89,101,111,152,173,191,194,176,121,127,186,217,235,243,246,246,254,255,255,255,255,255,255,255,255,255,255,255,209,144,65,35,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,196,181,155,139,131,116,83,83,85,89,95,137,142,142,144,157,160,150,142,107,107,103,101,101,150,178,186,186,168,111,91,84,84,95,168,152,91,91,109,107,98,99,99,95,93,95,107,150,157,113,107,111,150,157,115,109,115,173,186,186,173,160,160,160,160,157,113,113,110,107,110,163,176,163,150,111,109,150,173,173,109,73,46,42,45,57,75,85,81,78,81,105,165,178,183,178,165,161,165,181,196,199,199,191,191,181,165,163,115,101,101,113,115,109,109,119,168,178,165,115,109,109,109,101,101,115,165,183,170,157,113,107,105,104,109,157,173,178,189,189,186,178,170,163,109,95,78,83,107,168,178,168,155,107,95,88,87,99,150,155,144,95,129,93,73,57,41,31,29,33,55,67,71,63,63,69,63,37,20,25,57,100,95,57,43,30,23,24,30,43,47,45,61,111,129,137,85,0,0,0,0,0,0,0,0,0,11,51,29,51,73,79,77,59,57,69,73,75,79,85,97,103,99,95,93,99,115,170,199,212,220,233,248,255,255,241,235,243,255,255,207,183,217,255,255,255,255,222,87,24,14,22,51,59,39,15,3,7,25,29,29,45,71,111,59,37,67,0,196,196,178,152,124,77,39,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,27,66,74,56,25,9,0,0,0,0,0,13,19,23,49,108,98,7,0,0,0,29,71,129,157,186,194,181,155,140,140,163,189,194,186,176,168,155,99,89,85,85,89,89,87,77,69,69,79,85,83,75,71,69,75,73,63,56,59,77,91,91,79,73,73,87,134,139,139,129,87,85,91,134,142,139,139,137,137,129,126,126,131,131,137,139,144,144,142,142,142,142,150,165,178,186,0,0,0,0,0,0,0,0,0,0,0,0,0,220,191,134,59,30,13,13,9,0,0,0,1,19,31,37,27,9,0,0,0,23,45,59,63,71,79,85,77,73,69,69,69,116,155,178,183,163,137,126,130,150,181,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,163,134,118,103,85,72,69,61,48,48,48,37,27,19,5,0,0,0,0,0,0,0,0,0,3,13,31,55,98,111,113,113,113,113,113,113,113,111,105,105,113,113,121,124,121,113,105,79,69,61,49,43,33,33,43,49,55,59,61,69,81,113,113,113,113,113,113,113,113,105,69,49,23,17,17,17,17 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,170,183,191,196,207,215,217,222,215,209,202,199,202,202,199,196,191,190,189,190,194,199,202,204,207,209,183,73,0,0,35,0,0,31,157,99,4,0,7,115,113,115,178,202,194,183,181,181,178,173,173,176,183,189,194,191,191,189,191,189,186,183,183,191,212,215,194,135,189,199,204,212,217,212,204,196,196,199,207,217,222,217,209,196,189,183,181,183,191,191,189,183,186,186,183,186,189,196,204,204,199,191,191,191,194,196,199,202,196,191,191,194,199,204,207,207,207,202,202,209,215,209,194,134,131,137,199,199,196,194,194,194,196,204,204,202,199,202,207,202,131,116,116,121,129,133,135,137,137,181,189,196,194,183,179,181,183,186,189,189,186,186,186,191,191,191,196,199,196,194,194,196,191,186,186,189,135,125,125,132,137,133,131,133,183,189,189,186,189,189,181,133,137,191,194,186,136,136,137,137,137,183,191,199,199,191,189,189,186,186,186,186,189,186,183,181,181,186,181,178,179,186,189,189,183,135,131,132,137,189,194,196,196,196,196,199,199,202,204,207,207,209,209,209,207,202,196,191,194,199,199,189,186,186,181,173,172,177,183,183,176,173,176,183,186,186,183,176,133,133,178,183,191,196,199,199,199,199,202,204,207,207,204,202,202,204,204,204,202,202,202,202,199,189,133,125,121,117,119,125,129,131,131,135,181,186,183,181,183,191,202,209,207,194,183,181,181,137,135,135,181,186,186,186,186,183,183,179,178,178,181,186,189,186,186,189,194,191,194,196,194,186,183,189,189,194,199,202,202,202,199,199,202,202,199,199,199,202,202,202,199,196,196,194,194,194,196,199,199,199,194,191,189,189,189,191,191,191,183,133,127,126,127,135,189,189,181,178,178,183,191,196,199,189,136,135,183,189,189,194,191,191,189,183,183,186,191,196,199,196,191,190,191,194,194,194,191,194,202,207,207,202,196,196,199,199,196,194,191,194,199,204,202,202,202,202,202,199,191,183,137,183,194,199,202,202,196,194,194,194,189,183,181,179,183,189,194,196,196,191,191,191,186,181,183,189,194,194,194,199,202,202,202,199,194,191,189,186,183,183,181,181,177,176,178,186,183,131,128,129,130,131,133,135,186,191,194,194,194,189,181,179,181,186,194,196,199,199,199,202,202,196,186,181,137,137,186,191,196,196,196,196,196,194,181,174,177,189,191,183,133,129,127,131,183,194,199,202,202,202,202,204,204,207,204,202,202,204,207,207,204,204,204,207,207,209,209,212,212,212,209,202,196,194,143,137,141,199,207,212,212,207,204,204,207,215,228,230,225,217,217,222,222,217,220,222,217,215,209,208,207,208,209,209,204,199,202,204,202,198,196,202,209,212,209,207,204,202,202,196,194,191,191,190,187,186,189,196,199,199,202,207,207,204,202,202,204,207,209,209,209,209,212,215,215,215,212,209,209,207,207,207,207,212,217,222,217,217,215,209,209,212,212,212,209,209,199,187,187,207,217,212,204,202,202,202,202,204,207,207,209,212,212,209,205,205,209,212,215,212,212,212,212,212,215,215,213,215,215,215,215,215,217,222,225,228,228,230,235,238,238,241,243,243,243,241,241,243,243,241,233,225,220,221,230,241,238,233,222,209,212,209,204,196,195,196,204,209,207,204,204,207,207,209,207,209,212,207,200,200,204,207,204,196,191,191,194,194,196,204,209,209,209,207,202,202,204,207,207,209,209,209,215,217,222,217,212,212,212,209,209,209,212,215,215,215,215,215,215,215,215,215,212,212,212,209,209,207,204,204,202,202,204,207,207,209,209,209,209,207,207,204,202,202,204,207,207,207,207,204,202,199,196,196,194,194,189,189,189,186,183,181,181,181,178,173,170,129,127,127,125,123,123,125,127,168,170,173,176,178,183,189,189,189,189,191,191,191,191,191,191,186,181,173,129,127,127,127,127,127,168,176,181,181,178,176,173,129,129,170,131,173,176,181,183,181,178,181,189,194,189,186,141,140,141,194,207,217,228,235,241,246,248,248,248,251,251,246,241,235,230,217,207,151,151,153,159,222,241,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,230,217,215,52,47,53,73,126,142,100,51,0,0,126,111,82,19,0,0,0,0,0,0,0,0,0,0,5,0,0,0,0,0,0,82,157,186,155,103,65,100,69,52,134,142,77,22,15,39,134,196,225,217,186,121,41,35,65,0,0,255,212,131,87,43,0,0,0,0,0,0,0,0,0,0,66,134,111,0,0,0,0,0,0,0,0,0,0,0,29,152,255,255,255,255,176,112,112,152,181,152,124,116,98,39,0,0,0,0,0,0,0,51,69,56,46,21,9,0,0,0,0,0,0,0,15,33,0,0,0,0,0,0,0,0,0,0,1,90,142,129,39,0,0,0,0,41,75,75,75,93,144,144,139,107,113,157,176,199,194,170,115,117,133,202,228,235,235,238,254,255,255,255,255,255,255,255,255,255,255,254,196,163,131,59,3,0,59,137,0,0,0,0,0,0,0,0,0,0,0,0,131,150,137,139,139,139,134,134,134,134,134,142,137,134,144,170,173,168,147,147,147,107,97,99,147,173,178,181,168,111,91,85,89,107,168,147,97,105,157,150,107,109,109,107,103,103,107,113,150,150,110,111,150,155,150,150,157,173,173,173,170,160,173,173,173,160,157,157,150,111,150,163,176,163,109,107,111,163,173,87,37,34,42,51,69,75,75,81,81,78,78,95,157,178,189,196,189,178,165,178,189,199,199,189,183,181,163,115,101,94,94,100,109,109,109,119,189,199,181,115,111,121,115,101,98,101,121,168,165,119,119,117,113,113,157,186,189,183,170,168,165,152,115,109,101,93,81,93,157,176,178,176,165,105,88,89,97,150,160,160,147,131,131,85,59,47,43,35,33,53,67,67,71,79,116,129,105,49,25,28,57,100,103,98,61,45,31,31,39,47,41,37,55,111,129,126,59,15,0,0,0,0,0,0,0,21,95,51,17,41,61,73,69,57,57,57,65,65,73,85,91,97,85,75,75,87,109,168,191,207,215,222,246,255,255,255,235,243,255,254,199,176,191,230,255,255,246,199,95,43,31,51,69,81,59,29,17,17,21,20,21,37,69,77,51,35,63,144,170,163,152,142,108,69,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,48,72,66,31,29,66,51,5,0,0,17,25,37,63,69,43,19,7,5,19,59,121,170,186,186,176,155,140,147,160,173,178,176,173,165,150,99,87,81,79,83,83,77,71,63,63,73,79,79,71,69,69,75,73,63,57,59,75,89,89,79,73,77,87,134,139,139,129,91,89,97,134,134,133,139,137,137,137,131,126,124,129,131,139,144,144,142,142,142,150,165,178,186,186,0,0,0,0,0,0,0,0,0,0,0,0,0,215,173,111,46,22,13,13,9,0,0,0,0,9,21,31,31,15,0,0,3,35,71,103,77,79,81,85,83,81,77,77,83,137,163,183,183,163,137,126,130,150,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,111,95,72,59,48,48,35,27,27,25,21,13,5,0,0,0,0,0,0,0,0,0,0,3,13,33,57,98,103,105,105,105,111,111,113,111,105,105,105,113,113,113,113,105,79,75,69,55,47,43,43,49,55,55,61,61,61,69,79,113,113,113,105,105,105,105,105,105,67,49,33,23,23,23,17 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,178,191,196,199,209,215,217,217,212,207,202,202,204,204,202,199,196,194,194,194,199,202,204,204,207,209,196,89,0,47,204,53,0,21,191,202,97,0,35,113,111,117,170,189,189,186,181,178,176,178,181,181,178,178,183,186,183,183,189,191,189,181,131,128,186,189,115,111,137,191,196,204,209,202,194,191,190,199,212,222,225,212,199,191,181,136,136,183,191,191,194,191,186,186,186,186,191,194,196,194,189,186,186,189,191,191,186,182,183,191,196,202,207,209,209,209,212,209,209,217,217,209,202,186,130,128,135,189,191,189,189,189,196,204,204,199,194,194,194,189,131,119,120,135,135,135,135,137,137,183,191,199,196,189,183,181,135,134,134,137,183,186,191,199,202,204,204,204,199,196,199,202,199,194,194,202,204,189,137,137,135,132,132,133,137,181,183,183,189,186,133,128,133,189,189,183,137,136,135,133,134,136,186,194,194,186,186,186,181,181,183,186,183,179,179,178,178,183,183,178,181,189,194,196,191,186,183,186,191,196,202,204,204,204,199,196,194,196,202,204,207,207,209,209,207,202,194,189,194,199,199,189,183,181,177,173,172,177,183,181,174,173,176,181,186,189,186,178,131,130,133,181,189,194,194,194,191,191,196,204,207,204,202,202,202,202,196,191,189,191,191,186,133,123,121,121,115,111,112,123,133,131,131,133,178,183,186,183,181,183,194,199,199,191,183,178,135,134,135,137,186,191,191,189,183,181,179,178,178,178,181,183,186,183,183,186,186,181,183,191,191,182,181,183,189,194,199,202,199,199,196,199,202,202,199,202,204,207,207,204,202,202,202,199,199,199,199,199,202,199,194,189,186,186,186,186,189,189,183,135,129,127,131,181,189,189,186,186,189,189,194,202,204,196,181,135,135,135,137,189,191,186,183,181,183,189,191,196,199,196,190,190,191,196,194,191,194,196,202,207,204,199,196,196,196,199,199,196,194,194,199,204,202,199,199,199,199,194,189,181,137,186,196,202,202,199,194,191,194,191,189,186,181,178,179,183,189,191,191,189,191,191,189,181,181,186,191,194,194,196,196,196,194,186,181,181,181,178,178,178,178,181,181,178,181,186,178,127,128,131,133,178,183,186,194,194,196,199,199,196,189,183,183,186,191,194,194,194,194,196,196,191,186,186,183,183,189,194,196,196,196,196,199,194,181,173,174,186,194,191,186,181,135,137,186,194,199,204,204,204,207,207,207,207,204,199,196,202,204,204,202,204,204,204,204,207,209,212,212,212,209,199,194,145,137,134,137,196,204,209,209,209,207,204,207,215,222,225,222,217,217,222,222,217,215,215,212,209,208,208,209,209,209,209,209,209,207,204,199,196,195,199,209,215,215,209,204,202,199,194,191,190,191,190,187,186,187,191,194,194,196,204,207,204,200,202,204,207,209,209,209,209,212,212,209,207,207,204,207,207,207,205,207,215,222,225,222,217,215,209,207,209,212,209,209,207,196,186,186,199,212,212,207,207,212,212,209,209,212,212,215,215,212,209,205,207,212,215,215,209,208,209,212,212,215,215,213,213,213,213,215,217,222,225,228,230,230,235,238,241,241,241,243,246,246,243,243,243,246,243,235,228,225,228,233,235,230,225,225,222,222,215,207,196,194,195,202,207,209,207,207,209,212,212,212,212,212,207,202,202,207,209,204,196,194,194,196,196,199,209,212,209,207,202,199,199,199,202,202,204,204,209,212,217,217,215,212,209,209,209,209,209,212,212,215,215,215,217,215,215,215,215,215,212,212,212,209,209,207,204,204,204,204,207,209,209,209,209,209,209,207,204,202,204,204,207,207,207,204,204,202,199,196,196,194,194,189,189,189,189,183,183,183,183,181,178,173,129,129,129,127,125,125,125,127,168,170,173,176,178,183,189,189,186,189,191,194,194,196,194,191,186,178,170,129,127,168,170,173,173,176,181,183,181,181,176,173,129,129,131,131,173,176,178,183,183,183,183,189,189,189,189,186,141,141,194,204,215,228,235,241,246,246,246,246,248,251,248,241,228,212,157,155,157,215,217,212,212,228,248,255,254,241,243,254,255,255,255,255,255,255,255,255,255,248,230,225,222,65,40,39,47,65,65,27,19,0,0,0,134,116,59,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,144,186,176,129,121,121,111,103,142,142,111,31,11,21,79,186,225,225,186,111,35,23,29,103,248,255,228,121,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,163,255,254,238,225,170,104,95,126,181,181,160,142,98,21,0,0,0,0,0,0,0,27,61,53,21,9,0,0,0,0,0,0,0,0,5,27,3,0,0,0,0,0,0,0,0,0,15,87,142,152,65,0,0,0,0,0,43,71,87,137,152,160,147,107,111,155,168,183,176,115,93,95,109,133,196,222,230,230,246,255,255,255,255,255,255,255,255,255,255,241,170,181,204,118,9,15,155,243,0,0,0,0,0,0,0,0,0,0,0,0,47,100,129,155,165,168,165,157,142,134,134,142,137,134,103,157,176,170,168,160,144,93,83,89,103,155,176,186,181,155,103,99,111,170,170,150,105,152,181,170,113,155,150,113,107,101,99,101,109,150,155,150,113,150,157,173,178,173,160,157,170,173,186,186,186,176,160,173,160,157,157,176,176,152,105,106,152,181,173,47,28,29,47,81,105,91,81,85,87,81,78,93,155,178,191,199,199,183,165,157,165,181,178,165,165,176,163,113,100,94,95,107,115,115,115,121,189,202,183,117,121,181,165,103,96,98,115,165,168,163,178,189,183,183,191,204,199,173,99,97,109,152,111,97,81,73,79,97,111,157,170,173,155,97,88,99,147,157,160,155,150,144,129,73,53,51,63,57,55,69,67,61,65,77,118,129,108,63,35,39,51,59,67,90,67,57,53,51,51,41,21,9,9,19,45,53,39,15,0,0,0,0,0,21,45,98,65,37,14,28,49,61,69,59,57,69,67,67,73,79,83,85,73,56,56,75,97,115,181,207,215,209,233,255,255,255,241,235,248,243,209,195,204,241,255,251,228,196,115,91,79,83,87,81,53,27,27,33,29,20,20,31,59,69,51,35,57,134,163,150,124,111,95,69,27,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,72,98,92,98,116,108,45,3,0,15,27,27,37,49,57,53,35,15,13,33,73,147,178,178,168,152,140,150,160,170,170,173,173,168,155,99,85,79,78,79,77,71,63,57,57,67,77,73,67,59,63,69,69,67,61,65,75,83,81,79,73,77,85,95,131,139,131,129,99,134,134,134,133,139,137,137,137,134,126,124,124,131,142,144,144,134,133,142,155,165,181,186,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,111,51,30,13,11,5,0,0,0,0,0,13,23,27,19,3,0,13,49,100,111,79,79,81,85,83,83,81,81,116,147,168,183,183,163,137,130,137,0,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,77,59,35,33,30,23,21,21,21,19,13,5,0,0,0,0,0,0,0,0,0,0,0,3,17,45,61,95,98,103,105,105,111,111,111,105,105,105,113,113,113,105,79,73,69,61,55,43,43,43,55,61,61,61,61,61,69,75,113,113,105,75,75,75,75,105,98,61,49,33,33,33,33,23 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,181,189,196,196,199,204,204,202,202,202,202,202,202,204,204,204,202,199,199,199,202,204,207,207,207,209,220,222,202,29,31,105,0,0,0,109,209,222,69,61,101,113,157,163,165,176,191,189,165,170,186,196,191,176,172,176,181,179,183,191,196,194,186,129,125,129,124,103,100,137,196,196,194,191,190,191,196,191,199,207,215,217,209,199,189,137,134,136,189,194,191,196,194,186,186,186,186,191,191,191,186,183,186,189,189,189,186,179,177,181,196,207,212,212,212,212,212,215,212,212,217,217,212,212,209,139,126,131,139,186,186,186,189,196,204,202,194,189,186,186,186,186,189,202,215,199,186,137,135,137,183,194,199,196,191,189,186,135,130,131,183,191,194,199,204,209,209,209,207,199,196,196,196,194,192,196,207,209,202,191,183,137,133,135,137,135,137,137,181,183,186,137,128,183,189,189,183,181,181,136,133,134,136,181,186,183,137,135,137,136,136,181,183,179,178,178,179,179,181,181,179,186,196,202,204,202,199,199,199,199,202,202,204,204,204,199,194,191,194,199,204,207,207,207,207,204,196,189,189,196,202,196,189,181,178,178,178,181,183,183,183,178,176,178,183,186,189,186,178,131,131,178,186,191,191,189,186,182,183,194,199,202,202,199,199,199,196,186,133,131,176,176,123,111,109,113,117,115,110,110,123,133,133,131,133,178,186,189,183,179,179,183,189,191,189,183,178,134,134,181,196,196,199,199,196,189,183,181,183,183,183,186,189,189,183,181,181,181,135,137,189,189,182,181,183,189,191,196,196,194,194,196,202,207,204,202,204,207,209,207,204,202,202,202,202,202,202,199,199,199,196,194,189,186,183,183,183,183,183,183,137,135,135,183,191,191,191,194,196,194,194,199,207,209,204,194,183,136,133,134,186,194,189,183,137,181,186,189,191,196,194,190,190,194,196,194,191,194,199,204,207,204,199,196,196,196,196,199,196,196,196,202,204,202,199,199,199,196,189,181,136,137,189,199,204,202,199,191,190,191,191,191,189,183,179,179,183,183,183,183,183,189,189,186,181,178,183,186,189,191,194,191,186,181,133,132,133,135,135,135,178,178,183,183,183,189,189,133,123,129,133,178,183,189,191,191,189,191,196,199,196,191,189,189,189,191,194,191,189,189,191,189,186,191,194,194,189,189,191,194,194,194,196,196,194,183,174,174,183,194,196,194,189,183,183,189,191,199,202,202,207,207,207,204,202,199,196,196,199,202,202,202,202,202,202,202,202,204,207,209,209,204,194,191,145,137,135,137,196,202,207,209,209,209,209,209,212,215,222,222,217,217,220,217,212,209,207,207,209,209,212,215,215,212,209,209,212,209,204,199,198,196,202,212,215,212,207,204,202,202,196,190,190,191,194,194,191,189,191,194,191,192,202,207,204,200,202,207,212,215,212,209,209,209,207,204,202,202,204,207,207,205,205,209,215,222,225,222,215,212,209,207,209,212,212,212,209,204,195,195,204,215,217,215,215,220,220,217,217,217,217,217,217,212,209,207,209,215,215,215,209,208,208,212,215,217,217,217,217,215,217,222,225,228,230,233,233,235,238,241,241,241,243,243,246,243,243,241,243,243,241,233,228,228,228,228,215,198,202,220,230,230,225,212,199,194,194,199,204,209,209,209,212,215,217,217,215,212,207,204,204,207,207,204,196,192,194,194,194,199,207,207,204,202,199,198,199,202,199,199,202,202,207,212,215,215,212,209,209,209,207,207,209,212,212,215,215,215,215,215,215,215,215,215,215,215,212,212,209,207,207,204,204,207,207,209,209,212,212,209,209,207,207,204,204,207,207,207,207,204,202,202,199,196,196,194,191,191,191,191,189,186,183,183,186,183,181,173,170,129,129,129,127,125,125,127,168,170,173,173,176,183,186,186,183,183,191,194,196,199,196,191,183,176,170,129,129,173,176,176,176,178,183,186,183,183,178,176,173,173,173,173,173,173,178,183,186,186,186,186,186,186,189,191,189,191,196,204,212,225,235,238,241,241,241,241,246,251,254,243,228,209,155,207,222,255,254,230,212,215,233,243,238,230,233,246,255,255,255,255,255,255,255,255,255,255,241,233,230,83,45,44,50,63,51,19,19,0,0,0,0,126,92,33,13,0,0,5,15,0,0,0,0,0,0,0,0,0,0,0,13,129,186,186,155,139,137,134,126,118,111,63,33,16,21,75,173,202,209,186,121,41,25,25,47,196,255,255,186,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,1,0,0,0,0,0,0,77,121,157,64,74,147,144,105,100,150,202,209,209,194,139,33,0,0,0,0,0,0,0,19,27,23,9,0,0,0,0,0,0,0,0,0,0,15,0,0,0,0,0,0,0,0,0,19,53,121,165,191,160,27,0,0,0,0,5,63,126,144,163,170,152,144,113,155,163,121,107,83,71,72,73,95,125,191,207,225,238,255,255,255,255,255,255,255,255,255,255,228,159,173,217,59,0,17,67,235,0,0,0,0,0,0,0,0,0,0,0,11,33,59,131,157,168,176,173,168,160,134,134,142,137,97,101,147,170,181,170,160,107,87,78,83,95,109,165,186,189,173,152,155,176,196,191,168,150,170,191,170,152,155,113,107,101,89,87,89,101,150,170,113,99,103,160,186,186,173,157,152,170,183,194,191,186,176,160,173,173,157,157,163,163,111,105,106,152,176,163,55,39,53,61,87,97,85,85,103,105,91,83,99,155,178,191,199,199,178,117,109,111,115,117,115,121,165,176,121,109,101,109,121,165,165,163,121,181,199,181,116,123,189,183,115,98,96,109,170,189,186,199,212,212,204,202,212,207,155,62,66,103,168,168,97,69,64,71,87,97,105,144,109,99,89,89,101,147,157,155,150,150,142,87,65,53,63,83,83,67,67,57,51,51,71,108,116,108,105,67,55,47,45,49,57,61,57,53,51,51,31,11,1,0,0,0,3,5,0,0,0,0,0,0,27,51,95,63,57,29,25,41,53,59,59,75,81,79,75,77,79,83,83,63,52,52,69,97,113,181,202,204,196,209,243,255,255,235,228,222,217,209,217,243,255,255,255,225,186,168,115,103,83,65,47,21,14,21,39,31,20,17,25,51,69,59,36,43,108,163,152,124,103,100,87,45,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,17,48,72,98,116,118,111,82,37,15,11,23,27,24,25,33,53,63,53,29,15,23,59,134,168,168,155,142,150,155,170,176,176,176,173,173,163,101,91,85,79,79,77,71,63,55,54,61,73,67,53,49,53,65,73,69,63,67,81,89,89,79,73,73,79,91,131,139,139,137,137,139,142,139,133,139,137,137,137,134,126,124,124,131,147,144,144,134,133,142,150,165,178,178,186,186,0,0,0,0,0,0,0,0,0,0,0,0,0,183,126,79,38,20,7,1,0,0,0,0,0,9,19,23,21,13,13,27,57,100,103,79,73,73,79,81,83,83,83,124,147,168,183,183,163,139,134,139,157,181,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,85,64,35,22,22,17,17,19,21,21,21,15,9,0,0,0,0,0,0,0,0,0,0,0,0,11,35,55,87,95,98,105,105,113,113,113,105,105,105,105,105,105,105,75,69,61,61,49,43,43,49,55,61,67,61,61,61,69,75,113,113,105,75,75,73,75,98,98,61,49,33,31,31,23,17 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,189,194,194,191,194,196,176,144,168,183,189,196,202,204,207,204,204,202,204,209,209,207,212,215,217,217,228,222,196,27,0,23,0,0,11,97,189,191,77,65,101,163,163,160,160,170,191,191,123,125,191,204,194,172,169,176,196,209,207,202,199,194,191,189,186,183,135,125,131,194,204,202,194,189,190,194,196,191,194,199,207,212,207,202,191,181,135,183,199,196,196,191,181,133,135,183,189,191,194,194,183,181,189,191,191,191,189,183,183,196,212,215,215,212,215,215,209,209,212,215,215,215,217,217,212,204,191,136,135,139,189,191,196,202,202,199,194,186,183,183,183,189,204,215,217,209,191,181,137,181,186,194,202,199,191,194,199,183,125,128,199,207,207,199,199,207,212,209,204,199,196,194,191,191,194,202,207,204,194,189,186,183,181,181,183,183,181,137,133,124,135,204,202,196,191,186,181,137,137,183,183,183,189,137,133,137,137,134,137,135,136,186,189,183,181,186,186,186,186,186,189,196,202,207,209,207,204,202,199,199,202,202,202,204,204,196,189,189,191,196,202,204,202,202,204,199,191,186,189,196,202,196,189,181,181,183,186,186,183,181,181,181,178,178,181,183,183,131,121,129,181,191,196,196,191,183,182,182,186,191,196,194,194,194,191,194,191,133,121,123,127,129,123,114,112,113,115,114,114,117,129,186,183,176,135,178,186,189,186,179,178,179,183,186,189,186,178,134,178,199,207,207,207,207,202,194,191,191,196,194,194,194,196,194,183,135,135,135,135,181,186,189,186,183,183,186,189,191,191,191,194,199,207,207,207,204,202,204,204,202,199,196,196,199,196,196,199,196,194,191,191,191,189,189,189,189,186,183,186,189,189,186,186,191,194,194,194,194,196,194,194,199,207,209,207,204,207,202,181,134,136,189,191,189,183,137,133,131,133,189,191,191,194,196,196,194,191,194,199,204,204,202,196,195,195,195,195,196,199,199,199,202,204,202,202,204,202,196,189,137,135,137,186,194,199,202,196,191,191,194,194,194,189,186,186,186,186,186,181,181,183,186,186,183,181,178,181,183,183,183,186,183,132,128,130,133,135,135,178,181,181,181,181,183,183,202,196,186,130,133,181,186,189,191,191,186,135,135,186,191,189,186,186,189,189,191,194,194,191,189,189,186,186,194,199,199,196,191,189,189,191,194,194,194,194,186,178,177,183,196,196,194,189,137,135,186,194,196,194,196,204,209,207,196,190,190,191,196,202,204,204,202,202,202,200,200,202,202,204,207,207,202,191,191,191,145,141,145,196,199,202,204,209,215,212,209,208,212,217,222,222,222,217,215,209,204,199,202,209,215,217,215,215,215,212,209,209,207,204,199,198,199,204,209,212,209,204,202,202,202,194,190,189,191,196,196,194,191,196,199,194,194,199,204,204,204,207,212,215,215,215,212,209,209,207,204,202,202,204,207,207,205,209,212,215,222,225,222,212,207,204,209,212,217,217,217,212,209,212,212,212,215,222,222,222,222,222,217,222,217,217,215,215,215,212,212,212,215,217,217,212,209,209,212,215,222,225,225,222,222,222,225,228,230,230,230,233,235,238,241,243,243,243,246,246,241,241,243,243,243,238,230,225,225,228,222,199,191,196,217,228,228,228,222,207,195,195,199,204,207,212,215,215,215,222,222,215,212,209,207,204,207,209,202,194,192,192,192,194,202,204,202,198,196,198,204,209,209,207,202,199,199,204,207,209,209,209,209,209,207,207,207,209,212,215,215,215,215,215,215,215,215,215,215,215,215,212,212,209,209,207,207,204,207,207,209,209,212,212,209,209,209,207,207,204,207,207,207,207,204,202,202,199,199,196,194,194,191,191,191,191,191,189,186,183,183,181,176,170,129,129,129,127,125,127,127,168,170,173,173,176,178,181,181,181,181,183,191,196,199,194,189,183,181,176,170,170,173,173,176,178,183,186,189,189,186,181,181,181,178,176,173,176,176,178,181,183,183,183,183,183,186,189,194,194,196,199,204,212,225,233,235,235,238,243,243,248,254,254,251,241,222,209,212,230,255,255,238,222,217,225,235,235,231,234,246,255,255,255,255,255,255,255,255,255,255,255,248,241,155,134,83,77,77,67,39,33,63,118,126,118,118,118,90,25,0,0,0,13,0,0,0,0,0,0,0,0,5,0,0,0,147,196,186,165,163,157,165,155,111,45,43,37,18,21,51,126,176,228,255,235,139,55,49,113,233,255,255,255,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,53,0,0,0,0,0,0,61,77,5,0,0,0,79,126,116,124,178,238,238,217,209,191,79,0,0,0,0,0,0,0,0,9,11,15,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,51,95,137,186,212,178,65,5,0,0,0,0,65,124,137,170,178,170,170,176,181,173,107,71,66,69,72,67,72,111,191,220,225,228,248,255,255,255,255,255,255,255,255,255,255,170,173,189,73,7,3,13,0,0,0,0,0,0,0,0,0,0,0,0,17,61,124,144,124,144,168,165,176,186,155,142,137,97,93,99,157,170,173,170,147,101,87,81,83,89,93,103,181,194,178,168,181,191,207,196,176,155,168,176,176,157,150,107,101,89,84,82,85,99,150,155,95,85,88,109,178,183,160,150,147,152,178,191,181,160,157,152,157,152,111,111,163,163,111,105,107,152,163,163,109,103,95,83,81,83,91,103,152,155,105,95,99,111,165,183,199,196,178,113,101,99,101,107,113,121,178,191,183,176,165,176,181,181,176,176,165,199,207,123,113,123,183,189,165,101,95,109,189,207,202,207,212,225,215,196,202,196,107,54,54,152,178,178,150,63,64,73,79,87,95,103,97,87,81,93,99,99,137,144,150,144,95,75,57,50,57,83,89,69,51,47,44,47,65,111,116,126,131,103,55,45,43,45,43,45,51,50,55,51,43,17,15,1,0,0,0,1,0,0,0,0,17,43,49,45,51,95,95,49,33,41,45,47,67,83,116,87,85,85,87,95,89,63,49,52,79,103,121,183,202,196,191,196,233,255,246,225,215,208,192,191,217,255,255,255,255,222,176,168,123,107,69,45,31,18,12,15,21,25,20,20,33,65,124,118,55,41,65,142,150,113,103,124,126,92,82,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,82,87,74,90,108,111,87,45,27,27,35,39,29,23,27,43,59,59,59,45,29,31,63,134,155,152,142,142,157,173,189,189,186,186,183,173,155,101,91,91,85,83,77,77,71,57,54,69,73,49,37,37,49,65,75,69,63,67,83,91,81,75,73,73,81,95,139,147,139,129,99,134,134,134,137,139,137,137,137,134,126,124,124,131,139,144,144,134,130,133,147,155,165,165,178,186,199,0,0,0,0,0,0,0,0,0,0,0,0,199,157,98,51,25,5,0,0,0,0,0,0,3,11,21,23,25,31,53,65,71,65,61,61,65,67,69,77,83,116,137,152,173,189,183,155,131,129,150,168,189,204,222,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,69,48,20,7,11,15,17,19,19,21,21,15,5,0,0,0,0,0,0,0,0,0,0,0,0,13,35,51,59,90,98,105,113,113,116,113,105,75,75,75,75,75,75,73,61,59,55,49,43,43,49,55,61,61,61,61,61,69,75,113,113,113,75,73,73,98,98,69,55,47,33,23,17,11,11 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,186,189,189,189,191,194,170,127,117,135,160,178,191,196,202,202,202,202,209,215,215,215,228,230,230,230,228,212,55,0,0,13,7,17,65,113,170,168,107,103,160,168,168,165,163,170,183,181,117,116,170,191,191,181,178,196,215,225,222,215,204,202,199,194,186,186,183,181,183,194,204,204,199,194,199,199,191,189,190,194,199,202,202,196,191,183,186,196,207,207,196,181,131,130,133,183,191,194,194,194,183,181,189,191,191,189,191,196,202,209,217,215,212,212,215,215,208,208,212,217,217,215,217,217,215,209,199,186,137,186,194,202,204,207,204,202,196,189,183,179,177,183,207,217,217,209,196,186,183,189,194,199,204,202,194,199,204,196,133,135,207,215,212,202,198,202,207,204,202,199,196,194,191,192,199,204,202,179,177,181,186,189,186,189,194,199,194,186,127,117,124,204,207,202,186,181,181,136,136,183,189,191,186,124,123,137,181,135,137,137,186,196,202,196,194,199,199,194,194,196,199,202,207,209,209,204,202,196,195,196,196,199,199,202,202,196,189,186,183,186,194,194,191,194,196,196,189,185,186,194,199,194,186,181,183,186,183,178,131,129,131,176,176,131,129,125,104,84,84,115,189,199,202,199,191,183,182,183,191,194,194,189,186,186,186,189,183,127,121,125,129,131,127,121,121,119,117,119,123,131,186,196,191,181,178,181,183,183,186,183,183,181,183,186,189,189,183,181,191,204,209,209,209,207,202,196,196,199,199,196,196,202,202,196,186,135,135,135,137,183,189,191,189,186,183,183,181,183,189,191,194,199,202,202,199,196,196,196,196,194,189,186,189,189,191,191,194,191,186,183,186,189,191,191,194,191,189,186,191,196,196,189,186,189,191,194,194,194,194,194,194,196,204,204,204,209,212,209,196,135,132,137,191,194,191,183,131,126,124,131,181,186,194,196,196,194,191,191,196,202,204,202,199,196,196,195,196,199,202,202,204,204,204,204,204,207,204,196,189,181,137,181,186,191,196,199,199,196,196,196,196,189,186,186,191,194,191,181,133,135,183,186,186,181,178,177,178,183,183,178,178,178,132,131,133,181,183,183,183,189,186,181,183,181,183,191,191,189,183,183,186,189,191,191,191,181,127,125,131,181,181,178,183,186,189,189,191,194,194,194,191,189,189,194,199,202,202,196,191,186,186,189,191,191,194,189,181,178,181,186,137,135,135,133,133,183,194,194,191,191,204,212,209,196,189,189,191,199,207,209,209,207,204,202,200,200,202,202,202,202,204,199,196,196,202,199,194,194,199,199,199,202,207,212,209,208,207,209,217,225,225,217,212,212,209,199,196,199,209,215,220,217,217,215,212,212,209,207,207,204,202,202,202,204,207,204,202,199,199,196,191,190,190,191,194,194,191,191,199,204,204,202,199,199,202,207,209,209,212,212,212,212,212,209,207,204,202,202,202,204,207,207,212,215,215,217,222,215,204,203,204,209,217,225,222,217,212,212,217,217,215,217,222,225,222,222,217,217,222,222,215,213,215,217,217,217,217,222,220,217,212,212,212,215,217,222,222,217,217,222,225,230,233,230,228,225,225,230,235,241,243,243,243,246,243,241,241,243,243,241,233,228,222,222,222,215,199,195,202,215,222,225,230,230,217,204,202,202,204,209,215,217,215,217,225,225,217,215,212,209,207,209,209,204,196,194,192,194,196,202,204,199,196,195,202,212,217,215,207,199,199,199,199,202,204,207,207,209,207,207,207,209,209,212,212,212,212,212,212,212,215,215,215,215,215,215,212,212,209,209,209,207,207,207,207,209,209,212,212,209,209,207,207,207,207,207,207,207,207,204,202,202,202,199,199,196,194,191,191,191,191,191,189,186,183,183,181,176,173,129,129,127,127,127,127,170,173,176,176,176,176,176,176,178,176,176,181,189,194,194,191,186,183,181,176,173,173,170,170,173,181,186,189,189,189,189,186,183,183,183,178,176,178,178,178,181,181,181,181,181,181,183,186,194,196,199,202,209,215,225,230,230,233,235,243,248,251,254,254,251,246,235,217,212,222,248,248,238,233,235,241,246,243,238,241,248,255,255,255,255,255,255,255,255,255,255,255,254,248,0,199,189,142,118,73,63,100,126,126,111,100,118,134,118,59,0,0,0,7,0,0,0,0,0,0,0,17,29,0,0,0,147,191,176,176,186,186,202,194,126,63,45,43,31,25,31,51,144,255,0,0,243,189,163,191,243,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,77,61,0,0,0,0,0,134,139,139,170,225,230,199,170,134,29,0,0,0,0,0,0,0,0,0,11,21,21,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,77,87,105,160,189,170,92,23,3,0,0,39,87,129,134,163,173,178,191,196,212,196,121,79,72,79,79,72,85,131,235,246,230,225,235,255,255,255,255,255,255,255,0,255,255,243,233,246,196,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,98,152,108,33,59,160,168,176,186,176,155,129,87,85,93,137,160,170,160,107,93,83,81,75,65,61,71,163,189,178,178,189,191,196,189,168,109,107,113,155,155,113,105,95,87,85,85,93,109,157,113,95,88,89,95,150,173,170,151,147,157,183,186,152,103,101,111,150,109,102,105,152,152,111,106,111,155,163,163,163,157,111,87,81,91,109,173,189,189,163,105,99,103,117,178,196,199,178,113,101,97,97,101,113,121,178,191,196,199,199,204,199,183,178,181,196,215,199,116,115,165,178,194,183,111,99,115,207,228,215,204,202,212,212,191,191,189,87,54,57,165,186,194,170,61,64,75,85,91,93,91,81,75,79,87,87,85,89,101,144,144,95,75,57,50,52,71,85,69,50,48,45,48,71,111,116,126,139,113,61,51,49,47,39,43,53,59,59,57,63,61,82,47,19,0,17,25,9,7,13,35,65,87,59,49,51,105,113,61,47,45,47,57,77,116,116,87,85,85,87,91,89,67,57,58,79,101,113,181,196,196,195,204,222,241,235,225,228,222,204,204,243,0,0,255,255,222,173,119,115,105,83,63,57,53,35,21,19,17,20,29,59,137,168,144,69,41,45,71,108,98,103,124,134,100,77,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,85,105,100,82,85,100,103,92,74,47,49,55,53,49,49,57,67,71,71,65,61,55,59,77,126,137,134,134,150,170,186,196,196,194,186,183,165,155,101,91,75,73,79,83,81,77,61,55,67,67,43,35,37,49,69,77,71,59,61,77,83,81,75,71,73,81,126,139,139,131,93,89,95,97,131,131,139,137,137,129,126,116,113,111,118,126,137,137,134,133,137,139,147,155,165,178,191,204,0,0,0,0,0,0,0,0,0,0,0,0,212,168,108,51,27,9,0,0,0,0,0,0,0,9,23,31,35,53,65,71,67,57,53,55,56,59,61,67,77,116,137,155,168,183,173,147,124,122,139,165,189,204,222,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,61,30,9,5,7,15,15,19,19,19,15,11,1,0,0,0,0,0,0,0,0,0,0,0,0,11,33,47,55,61,90,103,113,116,118,113,105,75,75,75,75,75,75,69,61,55,49,43,39,43,49,55,61,61,61,61,61,69,75,105,113,105,75,69,69,69,69,61,55,43,33,21,11,7,7 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,168,176,178,186,196,204,209,163,118,126,142,165,176,181,183,186,186,194,202,220,217,225,233,235,230,225,215,81,0,0,8,25,163,103,150,168,170,165,168,178,181,176,173,170,170,170,178,173,117,114,116,173,194,202,204,212,225,228,228,222,212,209,204,194,136,135,137,183,186,191,199,204,204,204,207,204,191,189,191,202,202,199,199,191,186,186,196,207,217,217,196,135,131,132,181,189,191,186,181,183,181,181,186,189,191,187,191,202,209,212,212,209,209,212,215,212,208,208,212,222,222,217,217,217,215,212,207,196,186,189,196,202,207,209,209,204,199,189,179,176,176,183,207,212,209,204,194,189,189,191,196,202,204,202,196,202,207,204,191,194,209,217,215,202,198,199,202,199,196,199,199,196,194,196,204,207,199,169,172,181,189,189,186,191,199,204,204,199,129,116,122,191,196,186,129,133,183,183,137,181,186,186,135,121,119,129,135,135,137,189,196,209,209,202,199,202,202,199,196,199,204,204,207,207,204,202,199,195,195,195,196,196,196,196,196,194,191,186,137,137,186,186,186,189,194,194,189,185,185,186,194,191,183,181,186,189,181,129,127,126,128,131,131,123,111,100,96,90,93,125,186,194,196,191,189,186,183,189,196,196,191,186,183,181,183,183,178,126,123,129,133,131,127,127,129,131,129,131,176,183,194,196,189,176,176,181,183,186,186,186,186,183,183,183,183,183,183,183,194,204,207,209,204,199,196,196,199,199,194,191,194,202,202,196,183,137,135,137,137,181,186,189,189,186,183,179,177,177,181,189,191,191,191,189,189,191,194,194,191,185,182,182,183,186,189,191,194,189,182,181,183,189,191,194,196,194,189,189,196,202,199,191,185,186,191,194,191,189,191,194,194,196,199,202,204,207,209,212,207,186,133,133,183,199,204,199,189,131,126,128,129,133,181,191,196,194,190,190,194,202,204,204,204,202,199,199,199,199,202,204,207,207,207,207,209,212,207,196,189,183,186,189,191,194,196,199,199,199,199,196,189,178,135,181,191,191,181,113,115,127,181,189,189,183,178,177,177,183,186,181,177,178,178,181,183,186,189,191,196,196,194,189,186,135,181,186,186,189,189,189,189,189,186,186,183,131,124,123,127,135,135,135,181,186,186,189,189,189,194,196,196,194,194,196,202,204,204,202,196,191,186,183,189,194,191,183,135,135,137,119,93,94,117,127,135,186,194,191,190,191,204,212,209,199,191,191,194,202,209,212,212,212,207,202,200,200,204,204,202,199,199,202,202,204,207,204,199,199,202,199,198,199,202,207,209,207,207,209,217,225,222,212,209,212,212,202,198,202,212,217,222,217,217,217,215,212,209,209,207,207,204,202,196,196,199,202,202,202,196,194,191,191,194,196,194,190,187,190,199,204,204,202,196,189,189,199,204,204,207,209,212,212,212,207,204,202,199,199,202,204,207,207,212,212,212,212,212,207,202,202,204,212,217,225,222,215,212,212,222,222,217,222,225,225,222,217,217,222,225,225,217,215,215,217,222,222,225,225,222,215,212,212,215,217,215,212,207,202,204,212,225,233,235,233,225,222,222,225,230,238,241,243,243,243,243,243,243,241,241,235,230,225,222,222,217,212,202,196,204,215,217,228,235,235,225,209,207,207,212,215,217,217,215,215,222,225,222,217,215,212,212,212,212,207,202,196,196,196,199,204,204,199,196,196,204,215,217,209,202,198,198,198,198,199,202,204,207,207,204,204,204,209,212,212,212,211,211,212,212,212,215,215,215,215,215,215,212,212,209,212,209,209,207,209,209,209,209,212,212,209,207,207,207,207,207,207,207,207,207,204,202,202,202,199,199,196,194,194,191,191,191,191,189,186,183,181,181,176,173,170,129,127,127,127,129,173,176,178,178,176,176,174,174,174,174,174,178,186,191,189,183,178,176,176,176,173,173,169,169,173,183,189,189,186,186,186,183,183,186,183,181,178,178,178,178,181,181,183,183,181,181,181,186,191,196,199,204,209,217,225,228,228,225,230,241,248,254,254,251,248,243,235,217,157,157,228,235,235,241,251,255,255,254,246,246,254,255,255,255,255,255,255,255,255,255,255,255,248,0,0,0,204,165,137,126,121,134,126,108,87,82,0,0,118,66,5,0,0,13,17,0,0,0,0,0,0,13,11,0,0,0,100,155,147,157,178,194,212,207,142,103,45,37,43,37,17,17,79,255,255,255,255,225,202,199,212,255,255,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,7,13,59,121,121,95,33,0,0,0,0,79,165,165,144,144,170,178,142,98,45,0,0,0,0,0,0,0,0,0,0,0,0,13,7,0,9,27,23,0,0,0,0,0,0,0,0,0,0,0,0,0,29,69,53,77,129,163,163,98,35,21,27,45,77,144,144,137,152,165,173,183,194,222,230,204,170,117,111,105,99,117,196,243,254,243,230,235,246,255,255,255,255,255,255,0,255,255,255,246,255,248,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,124,170,43,18,29,160,176,168,176,176,142,85,80,85,91,95,105,150,160,107,93,81,75,59,39,35,43,111,181,165,168,189,189,181,181,152,103,100,102,107,113,109,101,93,87,89,95,107,150,147,95,95,95,92,94,103,157,173,173,173,186,194,176,97,73,73,101,111,105,100,103,111,150,111,109,111,152,157,155,155,152,107,85,91,111,178,196,204,204,189,111,99,99,107,165,191,199,189,113,99,91,89,93,105,117,165,191,199,207,217,225,215,199,183,191,207,217,191,116,121,181,183,194,183,121,111,168,217,230,215,196,183,189,189,176,173,107,67,58,66,165,183,204,183,60,67,85,97,105,99,83,71,70,75,87,85,77,77,83,91,97,93,83,67,53,52,71,124,89,75,63,55,61,77,108,108,113,129,111,67,65,63,57,43,47,61,59,59,59,63,90,116,131,129,118,126,92,47,39,39,47,61,87,63,49,53,108,124,98,55,55,61,79,116,116,83,75,81,85,85,83,75,67,73,77,79,87,105,168,196,202,204,212,222,230,233,235,243,251,238,238,255,255,255,255,255,228,168,109,109,113,157,168,186,207,178,73,27,19,29,57,142,189,196,170,81,0,45,59,63,85,103,131,126,95,39,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,77,90,82,74,74,82,98,100,95,95,87,85,55,67,116,124,124,121,113,73,61,61,73,77,85,93,97,99,142,170,181,189,189,183,178,173,155,144,93,67,37,33,55,77,83,81,63,55,61,61,49,41,43,53,71,79,69,57,56,67,75,75,69,69,68,75,87,131,131,93,83,83,89,95,95,99,131,129,126,91,83,73,65,65,73,103,111,126,134,137,134,129,139,147,165,186,202,0,0,0,0,0,0,0,0,0,0,0,0,0,217,173,108,48,25,9,0,0,0,0,0,0,0,3,25,35,53,65,103,103,65,56,53,55,57,59,58,63,77,116,137,147,163,178,173,147,125,122,137,165,186,204,222,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,46,22,9,9,17,20,27,19,17,15,11,7,0,0,0,0,0,0,0,0,0,0,0,0,0,9,23,43,53,61,90,98,108,113,118,113,105,75,75,73,73,69,69,61,55,49,43,43,33,33,49,55,61,67,61,61,61,69,69,75,75,75,67,61,61,67,61,55,49,43,35,23,11,7,4 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,163,170,181,199,212,228,217,139,130,139,157,168,170,176,176,176,173,113,196,204,215,222,225,215,194,165,25,33,178,157,77,178,155,160,178,178,170,173,183,183,183,183,181,176,176,178,176,127,116,117,173,204,217,217,217,225,225,228,222,215,212,209,194,134,132,137,186,189,189,194,202,204,204,207,204,199,196,202,209,212,207,199,189,183,183,191,209,225,222,199,181,135,183,189,191,189,131,129,132,137,183,186,186,189,191,196,204,209,212,209,207,207,209,215,212,208,208,215,222,225,222,222,217,215,215,215,207,196,189,194,199,204,207,209,207,199,191,181,181,181,181,186,189,199,189,186,186,186,189,194,199,202,199,199,202,204,202,196,202,209,217,215,204,199,202,202,196,195,195,196,199,196,199,204,207,199,177,178,194,196,191,186,189,196,196,202,202,186,125,127,137,133,127,125,129,183,186,183,181,137,137,133,123,121,124,129,133,183,196,207,212,209,191,183,194,196,196,196,199,202,204,204,202,202,202,199,196,196,196,199,199,199,199,196,189,183,181,135,135,183,186,186,189,191,191,189,185,185,185,191,191,186,186,191,191,181,129,128,129,131,176,176,129,112,100,115,183,183,183,183,186,186,183,186,189,189,189,194,194,186,181,176,176,181,183,178,129,129,178,181,133,129,129,133,178,178,176,181,183,189,186,176,173,176,186,194,194,189,186,183,183,183,181,181,181,179,181,191,202,204,204,196,189,189,194,196,194,189,186,189,196,199,191,181,135,135,135,135,137,183,189,191,189,186,179,177,177,179,186,186,186,186,186,186,189,191,191,189,183,181,182,185,186,191,196,194,189,182,182,183,189,191,194,196,194,189,187,194,199,202,196,191,191,194,194,189,187,189,194,196,196,199,202,204,207,209,212,209,202,189,132,137,196,207,209,202,189,137,133,129,127,127,135,189,191,191,191,194,202,204,207,207,204,202,199,199,199,199,199,204,207,212,212,212,209,204,196,189,186,189,191,194,194,196,196,196,196,194,189,178,132,132,178,183,133,113,105,109,125,183,194,191,189,183,178,177,183,191,186,181,183,186,186,189,189,191,199,204,202,194,186,178,115,131,186,191,191,191,191,189,189,183,178,131,125,124,127,135,181,178,178,181,186,189,183,181,181,189,196,199,196,196,199,202,202,202,204,204,199,186,178,189,196,191,134,131,135,183,109,89,89,101,123,137,189,191,191,190,194,202,209,209,207,202,199,202,204,207,209,212,212,209,204,200,202,204,204,199,198,199,204,207,209,209,207,204,202,204,202,199,199,202,207,209,209,209,212,215,217,215,209,208,209,212,204,202,209,215,222,222,217,217,217,217,215,212,209,207,207,204,199,191,190,191,202,207,204,202,196,196,199,199,199,194,189,187,191,196,199,199,196,189,183,182,183,189,196,204,209,209,209,207,202,199,199,199,199,202,204,204,209,209,209,204,204,207,204,203,203,207,209,215,217,215,212,209,215,222,225,225,225,228,225,222,217,217,225,228,225,217,215,215,217,222,222,225,225,222,215,212,215,217,217,212,204,199,198,199,209,222,230,233,230,225,222,222,222,228,235,238,241,241,241,241,243,243,238,233,230,228,225,225,225,222,215,202,195,198,212,225,233,238,233,217,207,207,212,217,220,222,217,215,215,222,225,222,217,217,217,215,215,215,212,207,202,202,202,204,204,202,199,196,199,204,209,209,204,199,198,199,199,199,198,199,202,204,202,199,199,202,207,212,212,212,211,211,212,212,215,215,215,217,217,217,215,212,212,212,212,212,209,209,209,209,209,209,212,212,209,207,207,207,207,204,204,207,207,204,204,202,202,202,199,199,196,194,194,191,191,191,191,189,186,183,181,181,176,173,170,129,127,127,127,129,173,178,178,178,178,176,174,174,176,176,174,176,183,186,181,176,170,170,173,173,173,173,170,170,176,183,189,186,183,181,178,178,181,183,183,183,181,181,181,181,181,183,186,186,183,183,183,186,194,196,199,204,209,215,222,222,217,217,225,235,246,251,251,246,238,233,225,209,145,139,209,225,235,246,255,255,255,255,248,248,255,255,255,255,255,255,255,255,255,255,255,243,233,0,0,0,183,152,144,134,118,69,25,25,33,39,0,0,0,82,37,5,7,31,64,56,0,0,0,0,0,0,0,0,0,0,39,113,116,129,147,163,189,194,165,134,45,29,41,37,0,0,21,255,255,255,255,204,163,144,155,152,137,98,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,100,111,163,202,163,92,21,0,0,0,0,116,173,165,131,126,134,121,51,36,39,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,27,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,47,87,129,170,173,134,55,37,37,51,87,142,152,157,157,152,150,160,176,215,241,251,238,204,131,105,103,117,186,220,230,238,246,248,246,246,254,255,255,255,255,0,255,255,246,202,217,230,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,163,183,57,24,34,165,181,168,168,165,91,78,79,93,97,91,91,142,160,147,103,87,69,47,34,32,39,105,152,102,105,168,181,181,183,168,107,103,104,107,107,101,99,91,87,95,101,95,87,77,75,89,101,95,95,101,150,173,194,202,212,212,173,83,64,63,81,97,105,103,103,111,111,150,111,111,152,152,111,111,111,105,95,107,176,196,202,202,204,194,115,99,93,101,155,183,199,196,117,95,83,79,80,89,109,165,191,199,207,217,225,217,207,196,199,207,207,186,121,119,168,186,189,183,163,121,183,217,228,207,196,178,178,176,163,109,79,62,62,99,165,168,202,173,62,75,105,147,160,109,83,69,70,83,95,91,77,71,71,71,77,81,87,79,65,53,69,124,134,121,81,75,77,108,108,104,107,113,73,65,95,100,69,45,51,53,31,39,37,23,43,100,142,155,163,160,126,82,49,38,37,41,53,55,44,49,100,118,100,71,69,79,116,116,77,59,67,83,93,85,61,45,61,85,87,81,87,105,168,202,212,212,222,222,225,233,241,254,255,255,255,255,251,254,255,255,228,115,93,103,168,225,255,255,255,255,255,91,49,61,134,189,222,220,189,155,129,121,121,100,100,129,155,144,111,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,46,48,37,59,66,82,92,103,105,105,95,61,103,139,155,155,144,126,71,37,53,67,67,69,83,91,97,142,165,178,178,173,165,157,144,144,95,81,49,23,23,33,59,75,77,61,47,53,55,51,49,53,65,77,81,71,56,53,57,67,71,68,66,67,69,77,85,91,85,75,73,81,87,87,87,85,81,75,73,65,62,61,61,62,63,92,108,126,131,124,122,129,144,165,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,176,116,48,25,5,0,0,0,0,0,0,0,0,25,43,59,100,111,111,67,57,59,65,71,69,69,77,85,124,137,137,152,173,178,157,131,129,134,157,183,204,222,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,38,22,20,22,27,30,33,33,21,17,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,1,19,41,51,61,90,98,108,116,118,113,105,75,73,69,69,69,67,61,49,43,43,33,31,33,43,55,61,67,61,61,61,61,67,69,69,67,61,55,61,61,55,49,43,39,33,23,17,7,6 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,160,165,176,194,199,199,178,137,131,135,150,163,173,181,189,186,165,82,96,113,181,186,191,178,25,0,0,107,189,165,165,152,155,160,178,181,173,173,178,186,196,199,191,183,178,178,181,181,173,173,191,222,228,222,217,222,222,222,217,215,215,212,199,137,136,183,189,183,183,191,196,196,199,199,199,202,202,202,207,209,204,194,186,181,179,179,194,215,215,199,186,181,183,183,189,186,130,128,131,135,183,189,189,194,199,204,207,212,212,212,207,207,209,212,212,209,209,212,217,222,222,217,215,215,217,217,215,204,196,196,199,202,202,204,204,196,191,189,191,183,79,33,32,109,127,135,181,183,186,191,194,196,196,199,202,196,195,196,204,209,212,209,204,202,204,202,199,196,195,199,202,199,196,196,202,199,191,196,209,209,196,186,189,191,189,191,196,191,183,183,137,131,126,126,131,137,183,183,181,135,133,133,129,125,127,131,139,194,202,209,212,202,133,131,137,191,191,194,196,202,202,202,202,202,202,199,199,199,199,202,202,199,199,196,183,133,133,137,181,183,186,189,189,189,189,189,186,186,186,191,194,191,191,196,194,183,135,178,183,186,189,191,194,191,191,196,194,189,186,181,176,173,176,186,191,189,189,189,189,183,176,172,173,181,186,183,181,186,189,189,181,131,129,133,178,178,133,176,178,178,178,174,174,183,196,199,194,186,183,186,186,183,179,179,183,183,183,191,202,204,196,189,186,187,191,194,191,183,181,186,194,196,189,137,135,137,181,137,137,183,189,191,189,186,183,183,183,186,186,186,189,191,191,189,186,186,189,191,186,186,189,189,191,194,196,194,186,182,183,186,189,191,194,196,196,191,187,189,194,199,202,199,196,196,194,187,187,191,199,202,202,202,202,202,204,209,209,204,202,199,135,137,194,204,207,204,196,191,189,137,128,126,129,183,191,191,194,196,202,207,209,209,204,199,196,196,194,191,191,196,207,212,212,204,199,196,191,186,183,186,189,189,191,194,194,191,189,186,178,133,132,133,181,181,123,109,109,123,189,196,199,196,194,189,181,178,183,191,191,186,189,189,189,189,191,196,202,204,196,178,125,115,103,119,183,196,196,194,191,191,191,186,135,129,126,129,183,189,186,181,178,183,189,189,181,178,178,186,196,196,196,199,202,202,199,199,204,207,199,181,129,186,202,196,133,131,181,196,183,111,99,107,123,183,191,189,191,194,196,202,207,207,209,212,207,204,204,204,207,209,212,212,207,202,202,202,202,199,199,202,209,212,212,212,209,207,209,209,207,202,202,207,212,215,215,212,212,212,209,209,209,209,209,209,204,204,209,215,217,217,215,217,217,222,217,215,209,204,204,204,199,191,189,191,202,209,209,204,202,202,202,202,199,196,190,190,194,194,189,189,189,186,185,183,182,185,194,202,207,207,204,202,199,199,199,199,199,199,202,204,207,207,202,199,199,204,207,207,207,207,209,209,212,212,209,209,212,222,225,225,228,228,225,217,215,217,222,228,225,215,213,217,220,220,222,222,222,222,217,217,222,222,217,212,204,200,202,207,215,222,228,228,225,222,217,217,222,225,233,235,238,238,235,238,241,238,233,225,225,225,230,233,230,225,217,207,198,202,215,225,230,233,228,212,205,209,217,222,222,217,215,213,213,217,222,222,217,217,217,217,220,217,215,212,209,207,207,209,207,204,202,202,204,204,202,199,199,199,199,202,202,202,199,199,202,202,199,195,196,199,204,209,212,215,212,212,212,215,215,215,217,217,217,217,215,212,212,212,212,212,212,212,212,209,209,209,212,209,207,207,207,207,204,204,204,204,204,204,202,202,202,202,199,199,196,194,194,191,191,189,189,189,189,183,181,178,178,173,170,129,127,126,127,129,170,176,176,178,176,176,178,178,181,178,176,176,181,181,178,173,168,168,168,173,176,176,176,176,178,186,186,181,176,170,170,173,176,181,183,186,183,183,181,181,181,183,186,186,186,186,186,191,196,199,199,202,204,209,215,217,215,213,217,233,243,246,241,230,217,209,204,149,135,129,151,225,241,251,255,255,255,255,248,248,251,255,255,255,255,255,255,255,255,255,248,233,228,0,0,0,142,121,126,79,25,0,0,0,6,19,27,66,95,118,150,66,21,0,64,66,17,0,0,0,0,0,0,5,0,0,45,121,111,111,124,129,144,176,191,183,111,43,67,51,0,0,1,255,255,255,230,157,121,104,121,121,124,105,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,139,152,194,212,155,47,0,0,0,0,0,45,116,103,103,126,144,118,45,36,98,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,23,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,87,163,209,217,178,121,55,37,31,45,71,137,165,165,155,146,144,151,191,238,255,255,230,125,77,71,85,111,131,196,230,254,255,255,254,255,255,255,255,255,0,255,255,215,95,142,160,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,163,189,124,63,105,173,186,176,165,144,124,84,86,134,134,87,89,105,144,150,152,103,75,51,39,38,63,107,105,91,94,150,181,191,191,181,157,155,152,111,99,94,95,91,89,95,93,69,47,47,59,87,103,103,103,147,160,178,194,212,220,217,173,85,65,63,69,81,97,105,103,103,111,152,155,155,155,152,111,111,111,150,155,181,204,204,196,194,196,196,155,99,93,97,113,178,199,196,160,99,82,77,78,87,111,176,196,199,199,207,215,215,207,199,199,191,186,191,163,101,101,165,183,183,181,181,194,212,217,207,204,194,183,183,173,103,69,63,75,152,155,111,183,150,72,99,157,173,178,155,85,69,72,87,95,91,79,71,68,67,68,75,87,93,71,53,52,77,89,81,75,79,111,111,111,108,108,113,69,61,71,95,67,43,45,41,11,0,0,0,31,90,131,150,155,150,126,87,49,38,37,41,47,45,41,40,61,105,71,71,77,111,113,79,57,50,55,87,129,85,39,24,43,85,97,91,95,113,183,209,217,222,222,225,225,235,243,251,255,254,254,255,251,254,255,255,220,99,79,0,209,255,255,255,255,255,255,217,87,93,168,220,238,238,228,222,230,238,228,176,152,176,196,178,152,85,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,21,25,35,66,74,85,95,105,113,103,61,92,126,160,178,163,126,63,26,31,45,55,59,79,97,134,150,165,178,178,168,147,103,95,89,81,75,57,33,28,35,53,59,63,41,25,33,45,49,53,65,73,83,89,75,57,55,61,71,71,69,69,68,69,73,79,85,75,69,65,67,71,71,71,63,63,62,62,62,61,61,63,71,92,90,108,118,124,121,120,129,147,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,186,124,61,27,5,0,0,0,0,0,0,0,0,27,49,85,111,129,129,113,73,79,81,83,83,83,116,124,137,137,129,137,163,173,163,137,131,137,157,183,204,222,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,38,22,22,35,38,46,46,46,35,21,13,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,33,51,61,90,98,108,113,118,113,105,98,69,69,69,61,61,55,49,43,33,31,23,23,39,49,61,61,61,61,59,61,61,69,69,61,59,55,55,55,49,43,33,31,31,23,17,11,7 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,160,163,168,178,176,152,137,135,135,133,137,155,173,186,196,202,191,88,99,113,115,97,53,25,0,0,0,7,53,73,163,155,157,163,173,183,181,176,178,189,202,207,196,191,186,181,181,186,191,199,215,230,233,228,225,225,222,222,217,215,215,212,199,189,189,186,133,122,123,137,194,199,194,191,194,202,199,191,189,194,189,183,181,183,179,177,179,196,204,199,191,183,179,178,183,186,137,133,133,135,183,191,194,196,199,202,207,212,215,209,204,204,207,209,212,209,209,212,215,215,215,212,209,209,215,217,215,207,202,202,202,196,194,194,194,191,189,186,189,183,97,36,18,19,123,133,186,189,189,191,194,194,194,199,199,195,195,196,204,207,207,207,204,204,207,204,199,199,196,202,207,202,195,194,195,196,194,199,207,209,199,186,185,186,186,183,181,183,189,191,189,181,133,129,131,133,135,183,186,137,139,137,135,137,139,189,196,199,202,207,209,196,130,129,135,189,191,194,196,202,202,204,204,202,202,199,199,199,202,204,202,199,199,194,137,131,132,137,137,137,181,183,183,183,183,186,189,189,189,191,194,196,199,199,196,191,186,191,196,196,196,196,196,199,202,204,199,189,183,181,173,172,173,178,183,186,183,183,181,178,174,173,176,183,186,186,186,189,189,189,183,178,176,176,176,133,133,133,133,176,176,176,178,191,199,196,183,179,182,191,191,181,178,179,186,189,189,194,199,196,191,189,189,189,191,189,186,181,181,183,189,191,186,181,181,186,189,186,186,189,194,194,189,186,186,189,194,194,191,186,189,194,196,189,181,181,186,191,196,196,194,191,189,194,196,191,183,181,183,189,191,191,194,199,199,194,187,187,191,199,202,202,199,194,194,189,189,196,204,207,207,204,202,199,202,209,204,194,191,189,137,181,194,202,207,207,207,202,202,194,137,129,133,186,194,194,196,199,202,207,209,209,204,199,194,191,189,186,186,191,199,207,199,189,186,186,183,181,181,183,183,183,186,189,189,186,183,181,135,134,135,183,194,189,129,115,125,189,204,207,202,196,194,189,181,178,186,191,191,191,191,191,191,194,196,199,202,199,186,125,118,116,112,121,181,191,196,196,194,191,191,191,186,178,178,186,194,194,189,183,181,181,189,189,181,177,178,186,194,196,196,199,202,199,194,196,202,204,191,128,123,135,204,202,186,135,183,196,202,189,131,125,131,191,196,191,194,196,202,204,204,204,212,215,209,207,204,203,204,209,212,215,209,204,202,202,202,199,202,207,215,217,217,215,212,212,215,215,212,207,204,209,212,215,215,212,212,209,208,208,209,212,212,209,203,202,207,209,209,207,204,209,215,222,225,217,212,207,204,202,199,194,190,194,202,207,209,204,204,204,204,204,202,199,194,194,194,186,139,139,141,189,191,191,189,189,194,199,204,204,204,202,202,199,199,199,199,199,199,202,199,196,191,190,194,199,204,207,207,207,207,207,209,209,207,207,212,217,222,225,225,225,222,215,212,215,222,222,217,213,213,215,217,217,217,217,222,225,225,222,222,220,217,212,209,212,215,222,225,225,225,222,217,217,216,216,222,228,233,235,235,233,233,233,233,228,222,217,217,225,230,235,235,228,222,217,217,225,225,217,217,225,222,215,212,215,222,222,222,217,215,213,215,217,222,225,222,216,216,220,225,222,217,217,215,215,215,212,209,207,207,207,209,204,199,196,198,199,204,204,204,204,202,202,199,199,196,195,195,196,202,207,212,215,215,215,215,215,215,217,217,217,217,217,215,212,212,212,215,215,212,212,212,212,209,209,212,209,207,204,204,204,204,204,204,204,204,204,202,202,202,202,199,199,196,194,194,194,189,189,189,189,189,183,181,178,178,176,173,129,127,126,127,127,168,170,173,176,176,178,181,183,186,181,178,176,176,178,178,173,168,168,168,173,176,178,178,178,181,186,186,178,129,127,127,129,176,178,183,186,186,181,179,179,181,183,186,186,186,189,191,194,199,199,196,199,202,207,212,215,215,213,217,230,238,238,230,215,153,147,143,139,128,125,137,220,246,254,255,255,255,255,246,241,235,225,218,235,255,255,255,255,255,255,243,230,225,0,99,134,91,77,69,39,2,0,0,0,9,11,19,39,108,160,196,98,5,0,0,11,0,0,0,0,0,0,0,23,0,0,105,139,121,105,111,111,134,165,191,191,176,157,163,134,31,0,47,255,255,255,196,131,105,105,134,155,165,139,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,103,131,139,163,173,129,29,0,0,0,0,0,0,9,29,79,157,209,155,82,82,165,165,0,0,0,0,0,0,0,0,0,0,9,15,0,0,0,15,29,46,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,186,230,238,209,147,57,27,5,0,7,71,163,173,165,150,146,151,176,215,241,251,225,111,58,52,62,85,117,189,230,254,255,255,255,255,255,255,255,255,255,255,255,230,95,87,83,41,3,0,0,0,0,0,0,0,0,0,0,0,0,0,21,121,176,163,157,165,181,183,173,131,87,131,131,137,142,134,91,87,99,105,147,160,147,93,75,71,83,101,150,103,93,96,113,183,199,196,189,181,183,181,155,99,94,99,99,95,95,79,47,40,42,59,99,150,150,150,170,183,183,183,194,207,202,170,93,77,71,69,73,89,101,103,102,111,163,173,173,163,163,155,155,163,176,189,204,215,204,189,189,196,196,160,103,92,97,111,165,189,191,178,113,95,83,85,101,121,183,196,196,191,196,199,199,196,191,194,181,181,194,181,94,89,103,181,194,189,189,199,207,209,204,204,204,194,189,176,97,69,67,99,170,113,103,152,111,97,150,168,178,178,155,89,73,75,87,81,79,77,73,69,68,70,75,93,142,87,53,50,57,61,57,58,67,111,118,116,111,116,116,73,51,51,51,43,31,39,41,11,0,0,0,27,51,98,124,124,124,105,87,55,39,37,49,47,45,41,40,55,73,71,71,105,111,79,71,53,50,55,89,129,67,22,18,37,85,99,101,113,168,191,204,217,230,222,215,215,233,235,235,243,243,243,254,243,233,238,241,196,105,0,0,255,255,255,255,255,255,255,207,142,137,170,235,255,255,255,255,255,0,255,217,183,220,235,196,160,98,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,21,29,37,66,82,92,92,100,111,105,61,57,100,144,176,157,118,61,29,27,33,45,65,89,134,142,155,173,181,181,170,144,91,83,73,77,83,87,79,67,61,57,53,47,22,18,23,43,51,57,71,77,89,129,85,67,61,67,75,81,81,79,79,79,79,85,85,73,63,62,62,62,62,61,60,60,60,62,65,65,73,103,113,116,113,118,126,124,126,129,142,157,178,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,196,142,82,30,5,0,0,0,0,0,0,0,0,23,43,61,111,139,157,152,129,121,121,124,124,124,124,137,147,137,127,129,147,163,155,131,126,137,165,186,209,222,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,30,30,35,38,46,56,56,48,25,17,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,23,45,57,63,95,103,108,113,108,98,98,69,69,61,61,55,53,47,43,33,23,17,17,23,43,55,55,55,55,55,61,61,69,69,69,61,61,55,49,43,23,17,21,23,23,23,17,11 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,157,163,160,165,165,155,147,163,170,137,134,150,170,181,189,199,202,183,178,165,53,41,37,31,47,43,0,0,27,67,103,157,160,165,170,178,186,186,183,186,194,196,194,194,194,183,178,186,202,212,225,233,233,233,230,230,225,222,222,220,215,204,194,191,194,189,129,117,119,137,199,202,194,190,194,196,191,183,178,178,179,179,179,181,181,181,181,189,196,202,199,189,179,179,181,183,183,139,139,135,139,194,196,196,195,196,204,212,212,207,202,204,207,207,209,209,209,209,209,209,209,207,207,207,212,217,215,207,202,202,196,189,186,189,189,186,189,183,181,183,194,191,51,22,127,183,194,196,194,194,194,196,199,202,202,199,199,202,204,204,202,202,202,204,207,204,199,199,196,199,204,199,195,195,196,196,191,191,194,196,194,189,186,189,186,135,127,129,181,186,191,191,135,127,128,131,137,186,189,189,191,189,189,194,196,199,199,199,199,204,207,196,134,132,137,189,194,196,199,202,202,204,204,204,202,199,199,202,204,204,204,199,194,189,137,133,133,133,129,129,131,135,137,137,181,186,189,189,189,189,194,199,204,202,199,196,196,199,202,204,202,196,194,194,196,202,196,189,181,178,176,176,173,127,127,176,178,176,176,176,176,176,181,186,186,183,183,183,179,181,183,183,183,178,131,129,131,133,133,133,178,178,181,191,199,196,183,179,186,199,196,186,181,181,186,191,189,191,191,189,189,194,196,194,189,183,137,135,135,135,181,186,186,183,189,191,191,189,189,194,199,196,189,182,182,189,196,199,194,186,186,189,189,181,135,137,186,194,199,199,196,189,186,189,191,186,182,181,183,191,194,196,199,202,202,194,186,187,191,196,199,196,194,191,191,191,191,199,204,207,207,204,202,199,202,202,199,191,189,183,136,178,191,202,207,212,212,209,207,202,189,135,135,186,196,196,199,199,204,209,212,212,207,202,194,189,183,183,189,191,194,191,186,181,181,181,137,135,135,183,183,183,183,186,186,186,183,181,178,181,186,191,199,196,183,131,181,196,204,207,202,196,191,183,135,178,189,191,186,189,191,191,194,196,199,199,199,196,181,123,123,127,123,127,178,189,194,196,194,191,189,191,194,194,191,194,196,194,191,183,181,179,181,183,181,179,181,191,199,196,196,202,199,194,189,189,199,204,191,128,124,131,196,199,191,181,181,186,196,191,183,181,181,189,196,196,196,202,207,209,207,204,209,212,207,204,204,204,207,212,217,217,212,207,204,204,204,202,204,209,215,217,220,217,217,217,217,217,209,204,204,207,212,215,212,209,209,209,209,209,212,215,215,212,204,202,204,204,202,196,192,199,209,222,225,225,215,209,207,204,199,194,191,194,202,207,207,204,207,209,209,209,207,204,202,202,194,140,138,139,186,191,194,194,194,196,196,199,202,204,204,204,202,202,202,202,202,202,199,196,194,190,190,190,191,196,202,204,204,204,204,207,207,207,207,204,207,209,215,222,222,217,215,212,212,215,222,222,217,215,215,217,215,212,212,215,222,225,225,225,217,217,215,215,217,222,225,228,228,225,217,217,217,217,216,216,222,228,233,233,233,233,230,228,215,209,209,212,215,222,228,233,230,225,225,230,235,235,230,217,216,222,228,225,222,222,222,222,217,217,215,215,217,222,225,228,222,216,215,217,225,225,222,217,217,217,215,212,209,207,209,209,212,209,202,199,199,202,204,207,207,207,204,204,199,196,196,196,196,199,202,207,209,212,212,215,215,215,217,217,217,222,222,217,215,212,212,212,215,215,215,212,212,212,212,209,212,209,207,204,204,204,204,202,202,204,204,204,202,202,202,202,199,199,196,194,194,194,189,189,189,189,189,183,181,178,178,176,173,129,127,126,127,127,168,168,170,173,176,178,183,186,186,183,178,176,176,178,178,173,168,127,168,170,176,178,181,181,181,183,183,176,127,126,127,131,176,181,183,186,186,181,179,179,181,183,186,186,189,189,191,194,199,199,196,196,202,207,212,215,217,217,225,233,238,238,233,220,155,147,143,139,129,123,124,157,243,254,254,255,255,255,251,241,228,215,213,222,255,255,255,255,255,254,243,238,230,225,83,91,83,73,69,51,19,7,19,33,39,39,0,66,118,152,142,37,0,0,0,0,0,0,0,0,0,0,0,9,0,0,95,129,111,98,103,118,144,183,189,183,191,207,202,176,118,0,163,255,255,255,157,103,103,129,160,196,204,157,85,15,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,118,111,113,113,139,155,137,47,0,0,0,0,0,0,0,29,139,243,248,170,103,131,204,189,0,0,0,0,0,0,0,0,0,9,29,27,21,15,9,21,56,79,64,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,212,230,202,121,37,15,0,0,0,43,144,165,165,165,157,160,176,191,215,238,225,129,62,51,62,85,117,191,238,255,255,255,255,255,255,255,255,255,255,255,255,255,209,165,121,53,39,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,173,191,191,191,176,126,41,27,69,124,142,157,142,91,85,89,101,144,160,152,107,107,111,165,170,170,113,105,111,165,186,199,199,191,191,196,196,181,113,105,152,113,107,97,73,45,41,44,75,150,183,160,150,160,178,173,173,178,186,178,113,89,85,89,85,79,81,95,105,111,157,176,176,176,176,163,157,163,176,186,189,196,196,196,189,196,204,196,155,99,93,97,107,160,178,178,178,165,119,113,113,121,176,183,191,183,183,191,191,181,165,163,168,186,194,209,207,102,91,101,181,194,189,189,194,199,199,196,199,204,196,194,189,103,73,83,113,165,111,103,111,111,147,170,181,178,178,160,103,83,89,91,72,72,77,79,79,71,75,81,93,152,129,65,52,59,59,54,53,65,111,121,116,111,113,113,67,35,23,20,23,23,43,87,87,0,0,0,5,31,51,82,87,90,61,59,55,39,35,41,51,51,44,42,57,73,71,100,105,79,79,77,61,54,67,87,85,37,14,16,45,85,99,107,157,181,191,196,209,222,222,212,211,215,215,222,235,238,246,254,238,181,113,123,125,121,0,0,0,255,255,248,228,235,230,207,168,152,0,0,0,255,255,255,255,255,241,178,168,220,228,163,108,59,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,31,37,61,77,98,103,92,87,95,95,55,45,57,131,157,129,79,71,45,31,31,45,71,93,134,142,152,170,181,186,170,103,85,77,83,93,99,99,99,91,83,77,63,45,20,15,25,55,61,67,77,81,126,139,129,79,73,77,91,129,126,126,95,95,93,93,91,83,69,62,62,62,61,61,62,63,67,73,83,113,116,124,129,129,129,126,126,126,139,147,155,165,178,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,202,163,103,35,3,0,0,0,0,0,0,0,0,15,25,43,92,139,165,165,152,139,137,139,139,137,137,147,155,137,125,125,147,163,155,134,127,137,165,191,209,222,222,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,56,38,38,35,35,35,51,56,51,33,15,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,17,35,45,55,61,90,98,98,100,98,98,69,61,61,55,55,49,49,43,33,23,16,14,17,33,49,55,55,55,55,61,67,69,75,73,69,61,59,49,33,17,11,11,17,23,23,17,17 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,160,165,160,160,168,176,189,222,225,163,139,150,165,176,181,191,199,199,202,105,0,17,83,209,199,29,0,0,57,168,155,157,163,165,168,176,189,194,186,178,176,181,189,199,204,191,178,183,202,215,225,230,230,233,233,230,228,225,225,222,212,191,183,186,191,194,189,135,137,194,199,194,191,194,196,194,191,186,179,178,183,183,183,183,189,194,194,194,199,207,212,204,191,183,181,139,139,183,139,137,183,196,199,196,195,196,207,212,209,202,202,207,207,207,209,209,207,204,204,204,202,204,204,207,212,217,215,207,196,194,189,185,185,189,189,183,137,135,133,129,181,199,135,67,181,194,204,204,202,199,196,199,207,209,209,207,207,207,202,199,199,199,199,202,204,199,196,196,194,194,196,196,196,199,202,199,191,186,183,189,189,189,191,194,191,129,116,117,127,133,183,196,128,123,127,137,189,194,196,199,199,199,202,202,199,199,199,199,204,207,209,202,186,139,183,189,194,196,199,199,202,202,204,204,202,202,202,204,207,207,204,199,189,183,181,181,137,128,125,127,129,135,137,137,181,186,189,189,189,189,191,204,207,202,199,199,202,199,202,207,207,199,192,192,194,196,191,183,178,178,181,183,176,115,107,123,131,173,173,173,176,178,183,186,186,186,183,181,177,178,183,189,191,183,129,121,129,131,131,133,178,183,186,194,202,202,196,191,196,204,207,199,194,189,189,189,189,191,191,187,191,194,196,191,181,133,131,129,127,129,133,137,183,186,191,196,194,191,191,191,196,196,189,182,181,183,191,196,194,186,181,178,131,130,131,178,189,194,196,194,194,189,185,186,189,186,182,182,189,196,202,202,204,204,199,189,185,187,191,196,196,191,189,186,189,189,191,199,202,202,202,204,207,207,199,194,191,194,194,189,135,136,186,199,207,212,209,209,209,204,191,135,133,186,196,202,202,202,204,207,209,209,204,202,194,186,179,183,194,196,191,186,183,183,186,183,135,129,133,183,189,189,186,186,186,186,183,183,183,186,189,191,194,194,189,186,194,202,204,202,199,194,183,132,131,178,189,189,181,183,191,194,196,199,199,199,199,196,183,131,131,133,129,129,181,189,191,191,191,189,187,191,196,199,196,196,196,196,191,186,181,179,177,178,181,181,186,196,202,199,202,204,199,189,183,183,194,202,196,137,130,135,186,189,186,181,178,178,186,186,186,186,181,181,186,194,199,204,209,212,207,204,207,209,207,204,207,209,212,217,222,217,212,207,204,204,204,204,204,207,209,212,215,215,215,217,217,212,204,199,199,204,209,212,212,209,209,212,212,215,215,217,220,217,212,207,207,202,196,191,189,192,207,217,225,225,220,212,209,207,199,194,194,196,202,207,204,204,207,209,212,215,215,212,209,207,199,189,141,186,191,194,191,194,194,196,196,199,204,204,207,204,202,202,202,202,202,199,196,194,194,191,191,194,199,202,202,204,204,202,204,204,207,207,204,203,203,207,212,217,217,215,209,209,212,217,222,225,222,217,217,217,211,209,211,215,222,222,220,217,215,217,217,222,225,228,228,228,228,222,217,217,222,225,222,222,228,230,233,233,233,233,233,225,208,205,208,212,212,217,225,225,222,217,225,233,235,235,235,228,225,228,230,230,228,225,222,217,217,215,217,217,222,225,230,230,225,216,215,217,225,225,222,217,217,217,215,209,207,207,209,209,212,212,209,202,196,196,202,204,207,207,209,207,202,196,196,199,202,202,202,204,207,209,212,212,215,217,217,222,222,222,222,222,217,215,212,215,215,215,215,212,212,212,212,212,212,209,207,204,204,204,202,202,202,202,204,204,202,202,202,202,199,199,196,194,194,191,189,189,189,189,186,183,181,178,176,176,173,129,127,126,127,127,127,127,168,170,176,178,181,183,183,181,176,173,173,176,173,168,125,123,125,168,173,176,181,181,181,181,178,173,127,126,127,173,178,181,186,189,186,181,181,181,183,186,186,189,189,189,189,191,196,196,196,199,202,207,212,217,217,222,228,233,238,241,243,238,225,212,155,149,137,125,119,137,230,248,254,255,255,255,255,246,233,218,217,225,251,255,255,255,255,254,251,248,241,233,99,97,85,83,0,126,63,45,47,51,51,0,0,103,108,100,37,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,95,85,85,100,118,152,189,183,160,189,222,204,165,0,0,0,255,255,196,73,43,92,139,181,196,189,137,85,41,35,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,129,103,103,129,163,170,137,13,0,0,0,0,0,9,103,228,255,220,129,100,134,204,176,0,0,0,0,0,0,0,0,0,15,15,21,25,35,35,53,79,103,79,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,155,181,152,55,15,3,0,0,0,47,137,152,157,165,170,176,181,186,212,238,241,202,103,65,71,103,125,196,238,255,255,255,255,255,255,255,255,255,255,255,255,255,255,243,173,73,63,100,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,204,202,183,137,39,1,0,11,53,95,157,142,87,67,73,105,160,160,152,163,173,183,186,194,186,176,173,181,181,189,204,199,196,191,199,199,191,170,157,170,157,111,97,73,51,45,55,83,168,194,155,101,109,157,173,173,170,160,113,95,85,85,97,107,95,89,97,111,160,176,186,176,163,157,152,152,155,176,186,178,163,163,173,181,196,196,176,103,91,91,93,105,117,160,160,160,176,181,183,178,176,165,165,165,165,178,191,191,165,113,107,115,191,209,228,235,186,107,115,170,183,181,181,181,181,181,178,191,209,202,199,191,152,93,101,113,152,107,103,103,105,150,181,189,181,178,173,157,142,107,103,75,75,81,87,85,77,75,75,87,144,139,73,59,69,69,57,57,67,111,118,108,75,77,100,61,25,19,18,21,21,43,98,152,189,0,0,0,15,41,41,43,39,33,47,57,45,37,41,53,63,51,49,61,73,71,103,105,79,79,111,83,77,75,79,63,25,14,21,47,77,93,107,117,168,183,183,202,217,222,215,212,215,215,215,228,243,255,255,254,117,76,77,103,178,0,0,0,255,233,200,196,204,225,228,207,0,0,0,0,255,255,255,233,191,152,103,108,176,186,103,39,11,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,59,61,61,74,98,100,85,79,85,87,55,45,55,124,142,118,79,81,71,45,37,55,77,91,131,139,142,157,176,173,160,99,85,83,144,155,152,99,91,91,97,93,77,53,24,22,49,73,77,71,77,81,131,144,137,87,79,83,129,139,137,137,134,134,97,131,131,97,81,67,67,65,65,65,69,77,79,85,118,126,124,131,129,137,137,126,126,131,150,155,157,165,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,202,165,113,46,3,0,0,0,0,0,0,0,0,1,11,25,53,118,157,160,157,152,155,155,155,152,152,155,155,137,125,125,147,173,163,144,130,137,165,186,204,212,212,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,61,56,48,38,27,30,35,48,46,21,13,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,19,35,41,49,49,55,61,92,98,98,69,61,55,49,49,47,43,43,33,21,16,14,17,23,43,49,55,55,55,61,69,75,105,75,69,61,59,49,31,11,7,11,17,21,21,17,17 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,152,163,163,160,160,176,191,204,215,217,204,173,147,147,170,181,183,194,204,109,27,30,79,168,212,217,186,0,19,168,173,168,165,168,168,170,176,186,199,196,165,163,170,186,202,212,202,181,178,191,215,222,228,230,230,230,230,230,225,228,228,207,186,183,186,189,194,189,135,181,194,194,189,189,191,194,194,191,191,196,202,199,199,194,191,194,199,199,196,202,209,215,209,196,183,137,137,137,139,139,139,186,196,202,202,199,202,209,212,209,204,202,202,204,207,209,207,204,202,202,199,194,196,202,207,212,215,215,207,191,189,185,185,189,189,186,128,111,124,129,127,127,135,191,202,207,204,204,204,204,207,204,207,212,215,212,209,209,204,202,196,196,199,199,199,199,196,194,194,192,191,192,194,199,207,207,196,186,137,137,186,189,189,191,199,194,125,112,112,116,121,135,191,189,186,189,194,199,204,207,207,207,207,204,202,199,199,202,204,207,209,212,209,204,196,194,194,194,196,196,199,202,202,202,202,204,204,204,204,207,207,204,196,183,181,183,191,183,128,125,127,133,137,137,181,181,183,189,194,194,191,194,204,207,202,196,199,199,202,204,207,207,202,194,192,194,191,186,181,181,181,186,189,183,77,60,80,125,173,176,176,176,173,178,183,189,189,186,181,178,177,186,194,194,191,186,133,176,176,133,176,181,186,191,196,202,202,202,202,204,209,209,207,202,196,191,189,187,189,191,194,196,189,133,121,125,131,131,126,120,124,131,135,181,186,194,196,196,194,191,189,189,191,189,182,182,183,189,189,186,181,135,131,129,129,131,178,183,189,191,191,191,189,186,186,186,186,186,186,191,199,204,204,207,207,199,187,187,189,194,199,196,191,185,185,185,186,194,199,199,196,199,207,212,212,202,191,189,194,194,191,178,133,178,194,207,209,204,207,207,202,189,133,131,135,194,207,207,204,204,204,202,202,199,196,191,179,177,186,199,202,194,189,189,191,194,186,129,126,129,183,189,186,186,186,186,186,186,186,186,189,189,186,186,186,191,196,199,199,199,196,196,189,135,130,130,178,186,183,178,183,191,196,199,196,194,196,199,196,189,181,181,178,133,133,181,189,189,186,189,189,191,194,196,196,196,196,199,196,194,191,189,181,177,177,181,183,189,196,202,202,202,202,196,189,183,185,189,196,194,191,186,181,181,181,181,181,179,181,186,186,189,189,181,135,136,186,199,207,209,209,207,207,209,209,209,212,212,215,217,222,222,217,215,209,204,202,202,204,207,207,207,207,207,209,212,215,215,209,202,195,195,199,207,212,212,212,212,212,215,215,215,217,222,222,217,212,209,204,199,196,194,196,207,215,217,222,217,215,212,209,202,199,199,202,204,204,202,202,204,207,212,215,217,215,212,209,202,196,191,191,191,191,190,191,196,196,196,199,204,207,204,202,196,199,202,202,196,194,194,194,194,194,196,199,202,204,204,204,202,202,199,199,202,204,204,204,203,204,212,217,222,215,209,208,209,215,222,225,225,222,222,217,211,209,212,217,222,217,207,204,209,217,222,225,230,230,230,228,228,222,217,222,228,230,230,230,230,230,230,230,233,233,235,230,215,207,215,222,207,209,222,215,213,215,217,228,230,233,233,230,228,228,230,233,230,225,222,222,217,215,215,217,225,230,233,233,228,217,215,217,222,222,217,215,215,217,215,209,209,212,212,209,212,215,209,196,145,145,196,204,207,209,212,209,202,196,196,199,204,204,202,202,202,207,209,212,217,217,222,222,225,225,225,222,217,217,215,215,215,215,215,212,212,212,212,212,212,209,207,204,204,202,202,202,202,202,202,202,202,202,202,202,199,199,196,194,194,191,189,189,189,186,183,181,181,178,176,173,170,129,127,127,127,127,127,127,168,170,173,176,178,181,181,176,173,170,173,170,127,123,121,121,125,127,173,176,181,181,181,178,176,173,129,127,129,131,176,183,189,189,186,183,181,183,183,186,189,189,189,186,186,189,191,194,196,199,204,209,212,215,217,217,225,233,238,243,246,246,238,228,215,157,143,128,122,127,159,243,255,255,255,255,255,251,243,235,228,220,225,243,251,251,255,255,255,248,243,235,103,97,91,0,0,194,134,63,45,25,19,45,0,118,82,17,6,7,5,0,0,0,5,0,0,0,0,0,0,0,0,0,3,45,82,90,100,108,126,152,142,134,160,207,212,176,0,0,0,241,209,116,29,28,92,163,194,186,131,49,41,41,21,0,0,0,79,152,222,0,0,255,255,238,209,0,0,0,186,137,103,92,108,152,196,194,100,0,0,0,0,0,41,139,212,230,137,111,100,116,189,189,37,0,0,0,0,0,0,0,15,21,15,15,15,33,77,103,121,126,79,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,108,137,92,31,7,3,0,0,29,87,152,157,157,165,183,194,199,215,225,246,251,222,129,95,95,117,133,196,230,254,255,255,255,255,255,255,255,251,255,255,255,255,251,230,181,49,34,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,199,199,170,47,0,0,0,0,13,63,134,97,63,57,66,105,150,147,150,173,183,186,189,194,194,191,186,181,178,189,196,199,199,199,191,191,191,181,170,176,170,147,95,75,63,59,67,89,170,183,107,87,95,147,157,155,109,99,89,83,83,89,99,109,109,109,111,157,173,186,189,176,155,111,109,111,152,176,196,189,160,153,156,181,189,157,83,61,71,79,85,93,107,113,111,111,165,196,199,183,165,163,163,160,163,176,183,183,117,100,100,113,186,217,235,230,209,183,168,165,163,160,157,157,117,157,157,178,202,194,165,173,173,111,101,99,111,107,97,91,86,97,194,199,178,168,176,176,165,152,152,101,91,91,93,89,77,75,81,87,131,129,81,71,77,77,69,63,67,79,79,73,69,75,75,57,35,31,65,61,23,17,27,17,0,0,0,0,21,21,29,11,0,0,39,61,65,49,41,53,57,49,49,57,57,59,77,111,73,75,113,116,87,79,75,55,33,27,37,63,65,73,89,107,157,170,183,196,212,233,241,238,235,228,228,238,251,255,255,255,207,73,64,93,222,0,0,0,255,216,202,202,213,235,254,248,0,0,0,0,255,255,255,183,134,65,45,51,103,129,95,37,9,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,29,56,69,61,66,82,74,51,53,61,87,61,51,61,116,129,126,118,116,79,75,79,79,83,97,139,142,142,152,152,139,137,103,97,103,155,173,163,142,99,97,139,95,81,59,45,53,79,89,83,71,71,81,137,147,144,93,93,126,139,147,147,152,144,142,137,139,139,129,83,67,67,71,77,77,79,81,85,118,121,124,129,131,129,129,134,134,134,142,150,155,147,155,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,196,163,113,48,3,0,0,0,0,0,0,0,0,0,0,9,29,69,129,150,150,157,168,173,165,157,155,155,152,137,129,131,155,173,168,144,127,134,155,178,196,204,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,72,61,48,35,20,22,30,33,27,15,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,13,19,25,25,25,35,51,65,98,98,69,59,49,43,33,33,33,33,23,17,17,17,23,33,43,55,61,61,61,61,69,75,105,103,69,61,55,43,23,9,7,7,11,15,11,7,9 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,176,165,163,157,160,178,194,204,209,212,204,183,144,143,168,181,181,191,191,109,83,117,194,199,212,228,217,31,59,160,170,173,170,173,170,168,168,178,212,209,113,113,173,183,194,215,207,129,129,178,212,222,225,228,230,233,233,230,228,228,225,209,199,189,183,183,186,135,131,133,181,186,189,191,194,191,190,191,194,196,199,199,202,202,199,196,196,196,194,199,207,212,207,194,139,133,133,135,137,139,183,189,196,202,204,202,204,207,212,212,207,199,198,202,207,209,209,207,202,199,196,189,191,196,204,212,217,212,199,191,189,185,186,189,191,191,137,122,128,137,137,127,123,135,196,204,202,199,199,202,207,209,215,215,212,207,204,207,204,202,196,195,196,196,199,196,194,194,194,192,191,192,194,199,204,207,194,137,135,136,183,183,183,189,196,196,131,117,117,123,129,183,199,204,204,204,207,209,212,212,212,212,209,204,202,202,202,204,207,207,209,212,212,209,207,202,199,196,196,196,199,202,202,202,202,204,204,204,207,207,207,202,194,186,183,189,194,194,183,133,133,135,137,181,183,183,183,191,202,202,196,196,202,204,199,191,189,196,202,207,209,207,202,196,194,194,189,183,183,183,186,189,191,176,82,67,86,173,178,178,173,123,118,125,181,191,189,186,186,181,179,189,196,196,199,199,194,191,189,186,186,189,189,189,194,199,199,199,202,207,209,209,207,204,199,194,191,189,189,191,194,194,135,117,115,121,133,137,129,125,129,137,137,181,186,194,199,199,196,191,186,186,189,191,189,189,191,191,189,183,178,135,133,131,131,133,135,178,183,186,189,189,189,189,186,186,186,186,186,191,202,207,209,209,207,199,189,189,191,194,199,199,194,189,186,186,189,194,199,194,189,194,204,212,215,204,191,189,191,191,189,181,134,136,186,196,202,202,204,204,202,194,135,128,128,133,191,202,202,199,199,199,196,194,189,181,177,178,186,202,207,202,194,194,196,191,135,126,125,131,181,183,183,183,186,186,189,189,186,189,189,186,181,181,183,189,196,199,194,189,186,186,178,131,129,133,183,183,181,177,178,186,191,194,194,191,194,199,196,191,186,183,181,135,135,178,181,181,183,186,191,191,194,196,196,196,196,199,196,196,194,191,186,181,179,181,181,186,191,199,199,199,199,196,191,189,186,186,189,191,191,189,183,135,135,135,181,181,186,189,189,189,191,186,137,136,139,196,207,209,209,209,209,209,209,212,215,217,217,222,225,225,217,215,212,207,202,200,202,204,207,207,207,205,205,207,212,212,209,204,196,194,196,204,212,215,212,209,209,212,215,215,217,217,217,220,215,212,207,207,204,204,204,207,209,215,215,217,215,215,212,209,209,207,207,207,204,200,200,204,207,209,212,212,209,207,202,196,194,191,191,191,191,191,194,196,194,194,199,202,204,202,196,194,196,199,199,196,194,192,194,194,196,196,199,202,204,204,204,202,199,198,198,202,204,209,209,207,209,212,215,217,217,212,209,208,209,215,222,217,212,212,215,212,212,217,222,222,212,202,199,207,217,225,228,230,233,230,230,228,225,225,225,230,233,235,233,230,230,230,233,233,235,235,235,230,217,225,225,207,202,212,215,215,215,215,217,225,230,230,230,228,228,230,233,228,222,222,222,217,215,215,220,225,230,233,233,230,222,216,217,222,217,215,213,215,217,217,212,212,215,212,209,209,212,204,191,142,143,194,202,207,209,212,207,199,195,195,199,204,204,202,202,202,207,209,212,217,217,222,222,225,228,225,222,222,217,215,215,217,217,215,212,211,211,212,212,212,209,207,204,202,202,202,202,202,202,202,202,202,202,202,202,199,199,196,194,191,191,189,189,189,186,183,183,181,178,176,173,170,129,129,127,127,127,127,168,168,170,170,173,176,178,178,176,173,170,170,168,125,121,119,121,125,168,173,176,178,181,178,178,178,178,176,173,173,173,176,183,191,194,191,186,183,183,183,186,189,189,189,186,186,186,189,194,199,202,207,212,212,212,209,209,215,228,238,243,243,243,238,228,215,155,145,135,129,141,212,246,255,255,255,255,255,251,246,238,228,212,212,222,222,238,255,255,243,228,225,225,97,103,134,0,183,176,79,25,0,0,0,19,90,100,39,7,13,25,27,19,13,11,0,0,0,0,0,0,0,0,0,0,0,19,82,111,118,100,82,103,126,111,121,183,212,202,176,0,0,194,139,43,23,26,103,178,194,163,95,27,17,15,0,0,0,0,144,186,251,255,255,254,228,183,152,173,0,194,152,111,61,61,77,121,155,152,53,0,0,0,0,0,21,129,163,142,126,118,113,118,160,168,124,35,0,0,0,0,0,0,103,98,61,27,21,35,103,131,147,142,103,53,15,0,0,0,0,0,0,0,0,0,0,0,0,13,47,85,65,47,27,15,0,0,25,71,152,181,186,183,189,199,212,222,233,241,255,255,230,183,117,117,127,137,191,222,248,255,255,255,255,255,255,238,228,235,255,255,255,134,43,30,29,42,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,173,181,137,0,0,0,0,0,9,51,89,79,61,63,93,160,109,105,147,183,186,173,163,191,199,194,186,181,178,173,181,189,199,191,176,168,170,168,170,183,191,170,101,75,65,71,83,103,170,178,107,83,83,93,95,83,81,79,79,79,83,93,101,109,150,160,173,173,173,173,176,176,115,103,103,150,163,196,215,204,176,159,173,194,173,73,46,38,53,73,73,71,79,97,99,103,160,196,204,191,165,160,160,160,160,165,183,181,107,94,99,121,194,209,220,217,202,186,168,115,115,115,109,103,103,109,115,163,155,79,71,109,157,109,94,94,111,111,97,85,80,87,199,199,147,99,109,170,176,152,142,152,150,137,134,97,83,83,83,87,93,91,81,73,71,77,77,75,73,73,71,71,65,69,69,67,55,51,92,69,31,0,0,0,0,0,0,0,0,3,0,0,0,0,25,61,103,90,53,37,37,37,39,41,37,47,75,105,73,71,113,126,121,89,79,53,39,43,69,87,77,59,60,95,113,170,183,202,217,241,255,251,246,243,241,243,255,255,255,255,228,78,67,93,230,255,0,255,251,222,220,230,254,255,255,255,255,255,255,255,255,255,255,124,55,31,19,33,85,111,103,45,15,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,31,61,69,77,77,47,39,49,61,65,61,51,55,77,126,129,126,121,81,121,137,137,129,134,152,155,142,99,86,83,91,137,147,147,165,178,170,152,101,139,139,93,81,65,57,69,89,139,89,71,71,81,139,147,144,93,93,131,142,155,155,160,152,150,142,139,139,97,73,67,67,71,79,85,85,85,89,118,121,124,124,124,122,126,126,134,137,142,152,150,143,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,196,155,111,48,9,0,0,0,0,0,0,0,0,0,0,3,17,41,108,139,157,168,173,178,168,155,147,139,139,134,134,137,160,170,170,147,130,131,155,178,191,196,196,0,0,0,0,0,0,0,0,230,209,191,0,0,0,0,0,0,0,0,0,0,0,72,61,46,27,20,20,20,20,13,11,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,13,13,13,13,25,45,63,92,100,71,57,45,25,25,25,25,23,19,19,19,19,25,35,51,57,63,71,71,71,77,105,108,77,71,63,55,41,19,7,1,1,7,7,5,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,152,160,160,157,163,178,191,199,204,204,207,196,155,144,163,173,170,181,176,117,119,209,217,209,212,225,230,91,95,115,168,176,178,183,181,168,115,93,89,79,67,95,176,176,181,212,207,86,81,129,215,225,222,225,228,233,233,230,230,228,217,207,207,196,181,181,181,135,132,134,137,139,186,191,194,194,191,196,202,199,191,191,194,196,194,191,191,191,191,194,196,202,196,189,135,131,131,135,183,183,186,191,194,199,202,199,199,202,209,215,209,199,196,199,207,212,212,207,202,196,191,189,191,199,207,212,212,207,196,194,194,189,186,186,191,199,199,189,186,183,125,109,106,116,133,139,186,191,194,196,202,212,222,225,215,207,204,204,204,202,196,194,195,199,199,199,196,196,196,196,194,194,194,196,199,199,186,135,134,137,183,183,182,186,194,191,137,131,135,186,191,202,209,212,209,209,209,209,212,215,215,212,209,207,204,204,204,207,209,207,207,209,212,212,209,207,204,202,199,196,199,202,202,202,204,204,204,207,207,207,204,199,191,189,186,189,196,199,199,194,183,135,135,183,186,183,186,194,204,207,199,196,199,199,191,181,178,186,194,202,207,207,204,199,196,194,183,178,183,186,186,178,129,109,100,101,127,178,176,131,127,118,116,119,181,191,189,189,191,189,189,191,194,194,196,202,196,194,194,196,196,196,194,194,194,199,199,199,199,202,204,204,202,202,196,194,191,189,189,191,191,189,137,123,120,127,181,186,186,186,189,191,186,183,189,194,196,196,191,186,181,181,189,194,196,196,199,199,194,183,178,178,181,181,178,178,178,178,181,181,186,189,191,191,191,189,189,189,189,194,199,209,212,209,204,196,194,191,191,194,196,199,199,196,194,191,191,194,196,189,178,183,199,212,212,202,191,186,186,186,186,181,136,178,181,186,194,196,202,207,204,194,183,131,128,129,132,186,191,189,191,194,196,196,189,181,179,181,191,202,209,204,199,196,202,196,181,129,131,178,181,178,181,183,186,189,191,191,189,189,189,183,181,181,183,191,194,189,178,135,135,178,135,132,132,183,189,183,177,176,177,178,183,189,191,194,194,196,194,189,183,181,181,181,178,135,135,178,181,189,191,191,191,194,194,196,199,199,196,196,194,194,191,186,183,181,181,183,189,194,194,194,196,199,199,194,186,181,183,186,181,137,133,129,129,133,181,186,189,191,191,191,194,194,189,138,138,194,207,209,209,212,212,212,209,212,215,222,222,225,225,222,215,209,212,209,204,202,202,207,209,212,209,207,205,207,209,212,212,207,199,195,195,202,212,215,212,207,207,209,215,217,217,215,215,217,215,212,209,209,209,209,207,207,209,212,215,215,215,215,215,215,217,215,212,207,204,202,202,204,207,207,207,207,204,202,199,191,190,191,191,194,194,194,196,194,194,194,196,199,202,196,194,194,196,196,196,194,192,194,194,196,196,196,199,199,202,202,202,202,199,199,199,204,209,215,217,215,212,212,212,215,215,217,215,212,212,215,215,209,204,204,209,217,222,225,228,225,215,203,200,204,215,225,228,230,233,230,230,230,230,228,228,230,233,233,230,228,228,228,230,233,233,235,233,230,225,225,225,209,149,149,209,222,222,217,217,222,228,230,230,228,228,230,230,217,207,209,217,215,212,215,222,228,230,233,233,233,228,220,220,222,217,215,213,213,215,217,215,215,217,212,209,209,209,202,145,143,144,194,199,204,209,209,204,196,194,194,196,199,202,202,202,204,207,209,212,217,217,222,222,225,225,225,222,222,217,217,217,217,217,215,212,212,212,212,212,212,209,207,204,202,202,202,202,202,204,204,204,202,202,202,202,199,199,196,194,191,191,189,186,186,189,186,186,183,178,176,173,170,170,129,127,127,168,170,170,170,170,170,170,176,178,181,178,173,170,168,165,123,119,117,119,123,127,168,173,176,176,178,181,181,183,181,178,176,176,178,186,194,194,191,186,183,183,186,189,189,191,191,189,186,189,191,196,202,207,209,212,209,207,204,204,207,217,230,238,238,235,228,215,204,151,145,143,151,209,233,254,255,255,255,255,255,254,246,241,230,209,202,209,207,230,246,233,209,199,199,209,91,142,134,134,142,126,45,9,0,0,0,0,25,45,33,25,56,64,59,48,25,11,0,0,0,0,0,0,0,0,0,0,0,0,37,111,118,45,25,45,118,103,103,155,215,222,189,157,139,121,53,31,25,31,92,139,163,144,95,27,15,1,0,0,0,0,100,137,194,255,255,131,59,25,33,90,121,118,103,61,23,27,47,69,72,47,29,11,15,9,0,0,0,90,124,124,134,144,124,116,124,131,142,163,111,0,0,0,0,0,0,152,87,35,21,35,111,139,150,142,116,72,31,11,0,0,0,0,0,0,0,0,0,0,1,27,53,53,47,35,21,0,0,15,65,144,181,196,209,209,212,222,230,241,243,251,255,255,233,196,135,133,137,181,191,209,235,246,251,254,255,255,255,230,204,199,215,238,199,69,32,29,42,116,121,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,129,137,100,0,0,0,0,0,9,57,95,97,83,97,178,170,101,97,147,191,186,113,107,178,194,191,186,181,178,165,152,168,181,176,113,99,101,111,168,191,207,196,109,69,61,69,99,147,155,155,103,83,76,76,75,71,74,76,78,79,81,89,103,113,157,176,186,186,176,160,152,115,97,83,91,150,181,202,209,204,189,178,176,150,57,42,40,40,61,77,55,48,52,73,91,103,157,191,207,199,183,165,163,165,165,176,196,191,105,96,105,191,207,207,202,199,191,178,160,115,115,115,109,100,99,102,115,113,61,36,38,79,109,101,91,94,113,152,101,85,80,97,199,189,101,91,97,157,165,103,94,152,160,160,150,137,91,83,85,83,81,79,73,63,55,57,67,77,73,65,65,65,59,39,25,49,59,59,51,39,23,0,0,0,0,0,0,0,0,0,0,0,0,0,27,59,92,63,41,23,25,31,35,31,25,33,69,77,71,71,111,118,126,118,83,55,39,49,83,99,87,60,56,87,115,170,191,204,230,248,255,255,248,251,251,255,255,255,255,255,220,105,0,0,0,255,255,255,254,248,255,255,255,255,255,255,255,255,255,255,255,255,134,25,9,5,7,21,57,103,95,69,29,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,37,77,85,69,35,29,39,55,61,55,40,39,59,113,126,118,81,81,131,160,165,157,157,160,155,152,93,77,76,87,147,157,152,165,173,165,147,101,139,97,89,83,71,65,77,129,139,91,77,71,81,137,144,134,93,93,131,142,155,155,155,150,144,142,139,137,91,73,67,67,77,87,87,87,91,118,118,126,124,124,124,122,129,134,134,137,142,147,147,144,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,189,152,111,53,12,0,0,0,0,0,0,0,0,0,0,1,7,25,65,139,168,178,183,173,165,147,134,129,134,137,147,150,163,176,176,157,137,134,155,183,191,191,191,0,0,0,0,0,0,0,0,217,191,173,170,0,0,0,0,0,0,0,0,0,0,72,61,38,22,20,17,17,13,11,11,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,9,9,9,13,35,57,92,92,63,51,33,19,19,17,13,13,13,19,19,19,25,35,51,61,71,77,75,71,77,77,77,77,71,63,51,35,13,3,0,0,3,3,1,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,64,147,155,157,163,178,191,196,199,204,209,207,155,95,107,155,155,165,170,168,176,202,209,209,209,212,207,105,103,119,176,189,194,199,199,189,113,63,47,50,59,99,168,173,173,196,191,76,41,103,207,215,215,222,228,233,230,228,222,212,191,181,181,137,131,137,183,183,186,189,183,139,139,186,196,202,207,215,222,212,196,191,191,189,187,187,189,191,191,189,191,191,191,189,139,134,134,186,189,189,186,189,194,196,199,196,194,196,204,212,212,204,198,202,207,212,212,209,202,194,186,186,196,204,204,202,199,196,194,194,194,189,183,181,186,196,199,202,202,189,113,100,105,119,131,135,183,191,194,194,199,209,217,225,222,212,207,207,207,204,199,195,196,202,204,202,199,199,196,194,189,189,191,194,199,194,137,134,134,139,186,183,182,186,194,194,186,186,194,202,207,212,215,212,209,208,208,209,212,215,217,215,212,207,204,204,207,209,209,207,207,209,212,212,212,209,207,204,202,199,199,202,204,204,204,204,204,204,204,202,199,196,191,189,189,191,196,202,207,204,194,137,135,181,186,189,189,196,204,204,196,194,196,183,97,105,131,133,181,191,202,207,207,202,199,194,181,177,181,183,133,107,95,101,115,173,183,181,131,121,117,119,119,125,181,191,191,191,191,191,189,189,186,183,186,189,189,181,183,191,196,196,196,196,199,202,202,202,202,202,199,199,199,199,196,191,186,186,189,189,189,186,183,137,137,183,191,196,196,199,199,196,191,189,189,191,194,189,186,181,179,179,183,191,196,199,202,202,199,191,183,181,183,189,189,186,181,181,181,181,183,189,194,196,194,194,191,191,191,194,196,204,207,204,196,194,196,196,191,191,196,199,199,199,196,196,194,191,189,178,176,178,194,207,207,196,186,186,185,186,189,189,189,189,181,135,178,183,194,202,199,191,191,191,186,131,130,181,186,183,183,189,196,199,194,191,189,189,191,202,209,207,199,199,207,207,196,189,189,186,178,176,178,183,189,191,194,194,191,189,186,183,181,181,189,194,191,135,132,132,134,183,186,186,189,194,194,186,178,178,178,178,177,183,191,194,194,194,189,183,181,179,181,183,178,134,133,178,186,189,191,191,191,191,194,196,199,199,196,194,194,191,191,189,186,183,181,181,186,189,189,191,194,199,204,199,183,135,137,137,133,128,127,127,128,133,183,191,194,196,196,194,194,196,194,183,137,194,207,209,212,212,215,212,209,209,215,220,222,225,222,212,202,202,209,212,209,204,207,212,215,215,212,209,207,207,209,212,212,212,204,196,196,202,209,212,209,203,204,209,215,220,217,215,212,215,215,212,212,212,212,212,209,209,209,209,212,212,215,215,215,217,220,217,215,207,204,202,204,204,207,204,204,202,199,199,199,194,191,194,196,196,196,196,196,196,194,192,194,196,196,196,194,194,196,194,194,194,194,194,196,196,196,196,196,196,199,202,202,199,202,202,204,209,212,217,222,217,215,212,212,212,215,217,217,215,215,215,212,205,203,203,209,225,228,225,228,225,222,212,204,207,215,225,228,233,233,230,228,230,233,230,230,230,230,228,225,222,222,225,228,230,233,233,230,225,217,217,225,222,148,144,149,228,230,228,225,225,228,228,228,228,228,230,222,196,131,143,212,215,212,212,217,225,228,233,233,235,230,225,225,222,222,217,215,213,215,215,215,215,215,212,209,212,209,202,191,145,194,196,199,199,204,204,202,196,194,195,196,196,199,199,202,204,207,209,212,215,217,217,222,225,225,222,222,222,217,217,217,217,217,217,215,212,212,212,212,212,209,207,204,202,202,202,202,204,204,207,204,202,202,202,202,199,199,196,194,191,189,186,186,186,189,189,186,183,181,176,173,173,170,129,129,168,170,173,173,173,170,168,168,173,178,178,178,173,168,165,125,121,117,115,115,119,125,168,170,170,173,176,181,183,183,181,178,178,181,183,189,194,194,189,183,181,183,186,186,186,189,191,191,189,189,191,199,204,207,209,209,209,207,204,203,207,217,230,233,233,228,215,204,153,151,149,149,212,233,246,255,255,255,255,255,255,255,248,243,235,212,196,199,207,222,215,189,186,189,189,196,79,97,83,83,118,83,45,19,5,0,0,0,0,0,11,0,66,69,56,31,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,31,0,0,19,103,111,124,163,207,207,178,142,111,53,34,29,35,49,98,111,129,129,95,43,31,11,0,0,0,0,0,0,1,85,56,0,0,0,0,0,0,1,27,33,27,47,77,47,33,29,41,55,79,79,35,0,0,43,100,124,157,160,134,98,82,85,126,194,215,69,0,0,0,0,79,131,69,27,18,33,103,139,131,124,100,66,31,11,0,0,0,0,0,0,0,0,0,0,0,15,29,41,41,35,5,0,0,45,142,176,191,209,215,220,228,230,230,241,248,254,255,255,238,204,183,178,137,186,191,202,209,228,238,246,254,255,251,233,207,196,194,189,170,124,69,57,67,121,134,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,100,105,67,21,0,23,11,0,9,69,155,168,157,178,194,160,95,94,160,199,183,101,97,163,186,186,176,178,173,152,110,113,165,152,93,83,86,101,168,199,217,199,109,67,61,73,101,150,147,105,95,81,76,74,75,76,79,83,89,85,83,93,109,157,170,176,186,186,181,160,111,97,76,71,77,103,176,189,189,186,178,176,113,51,37,38,49,91,109,83,49,43,50,73,93,107,157,191,207,215,199,181,178,191,181,183,204,204,117,104,168,209,217,202,191,183,168,160,113,115,160,165,157,109,102,109,115,99,43,32,35,77,103,95,92,107,155,152,103,89,86,107,181,176,101,93,97,155,155,93,88,101,152,160,150,134,91,83,77,75,69,67,67,51,40,39,55,75,75,67,67,71,51,18,8,13,41,59,29,0,3,3,0,0,39,15,23,45,0,0,0,45,9,9,39,61,65,55,35,23,25,31,31,25,13,11,39,55,61,71,79,83,116,89,87,71,51,51,67,85,81,67,67,95,115,183,202,212,222,241,246,248,248,255,255,255,255,255,254,238,220,194,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,1,0,0,0,7,27,53,90,87,45,31,15,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,59,82,82,45,25,21,33,53,61,51,38,35,43,77,113,79,67,79,139,173,183,181,181,176,168,155,101,84,81,91,147,157,157,165,173,163,142,99,97,97,93,89,81,75,81,129,134,89,71,71,81,126,137,134,93,93,126,139,147,147,144,142,137,131,131,131,93,81,73,79,87,95,95,93,121,121,124,126,124,124,131,129,137,139,142,134,142,147,147,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,183,139,103,46,9,0,0,0,0,0,0,0,0,0,0,7,17,25,65,139,178,183,183,173,155,134,129,129,134,150,155,163,165,170,170,157,144,134,0,0,191,183,183,0,0,0,0,0,0,0,0,209,186,165,165,0,0,0,0,0,0,0,0,0,0,0,48,38,30,22,20,20,22,22,17,13,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,3,3,3,9,25,51,92,92,63,49,25,13,9,9,11,9,9,9,13,19,25,35,51,61,71,77,77,71,71,77,77,77,71,63,51,35,13,3,0,0,0,3,1,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,56,126,147,157,168,183,191,194,196,207,215,207,83,52,71,111,117,160,170,176,178,189,202,207,207,202,181,107,109,181,196,202,204,207,209,209,204,95,57,62,111,121,170,176,170,125,117,94,55,79,121,186,202,215,228,233,228,215,189,131,131,133,133,132,130,139,191,191,196,202,194,139,135,137,196,217,228,233,233,225,207,196,191,189,187,189,196,196,191,189,189,189,194,196,196,196,196,199,196,191,189,189,194,199,202,194,192,194,199,207,209,207,204,204,207,209,212,209,202,191,186,186,191,196,191,183,181,181,181,183,186,183,135,135,181,189,194,199,204,202,191,186,207,212,209,207,202,196,194,194,199,207,212,217,217,215,209,207,204,204,202,199,199,204,207,204,202,199,194,139,137,138,189,196,204,202,183,135,136,186,191,189,186,189,196,199,199,202,204,209,212,215,215,215,212,209,208,209,212,215,217,217,215,209,207,207,207,209,212,209,209,212,212,212,209,209,209,207,207,204,202,204,204,204,204,204,202,199,199,196,196,196,194,187,187,189,194,199,204,204,196,181,135,178,186,194,194,196,199,199,189,181,131,97,85,92,129,129,133,183,199,207,207,204,196,194,186,181,178,133,119,100,94,117,129,178,183,181,173,119,113,119,125,129,176,186,189,186,181,181,178,176,131,173,173,178,178,173,174,183,189,191,194,196,202,204,207,207,204,202,199,199,199,199,196,189,183,183,186,189,189,186,181,181,186,196,204,202,202,202,199,196,194,191,189,189,189,186,183,183,181,181,181,183,191,194,196,199,199,199,191,183,181,189,191,189,186,186,183,181,181,189,191,194,194,194,191,191,191,191,191,194,196,191,186,191,199,199,196,194,194,196,199,196,194,194,191,186,181,177,177,183,194,199,199,196,191,191,189,186,189,194,199,196,183,133,131,131,135,189,189,189,196,204,202,183,133,186,189,183,179,183,194,199,199,196,194,189,189,199,207,204,196,196,204,207,202,194,191,183,176,174,178,189,194,196,194,194,191,186,181,178,178,181,189,194,191,134,132,134,183,194,199,202,202,202,199,191,186,186,189,183,178,181,186,191,191,189,186,183,181,179,181,183,178,134,134,181,191,191,191,189,189,191,194,196,196,199,199,196,194,191,191,189,189,183,183,183,189,189,189,189,194,199,204,199,183,133,133,133,129,127,127,129,131,137,191,199,202,202,199,194,194,196,196,186,138,191,204,209,209,212,215,212,212,212,215,217,222,225,217,202,189,196,207,215,212,209,212,215,217,217,215,212,209,209,212,212,212,212,207,199,199,204,209,209,204,203,204,212,217,222,222,215,212,212,212,209,212,212,212,209,209,209,212,212,209,209,212,212,215,215,217,217,212,204,202,202,204,207,207,204,202,196,195,196,196,196,194,196,196,196,196,194,196,196,196,192,192,192,194,194,196,196,196,196,196,196,196,196,196,196,196,196,196,196,199,202,202,202,204,209,209,212,215,217,217,215,212,212,212,212,212,215,217,215,212,212,212,209,207,215,228,230,228,222,220,222,222,215,209,207,215,225,230,233,233,228,225,230,233,233,230,228,225,222,222,220,220,222,228,230,233,233,230,225,217,215,225,233,204,145,149,228,233,230,228,228,228,225,225,225,225,225,215,127,108,115,204,212,212,209,212,217,228,233,235,235,235,230,228,225,225,222,217,217,217,215,212,212,215,212,212,212,209,204,196,194,196,199,194,191,194,199,199,195,195,196,199,199,199,199,202,204,207,209,212,215,217,217,222,225,225,222,222,217,217,217,217,222,222,222,215,212,212,212,212,212,209,207,204,202,202,202,204,204,207,207,207,204,202,202,202,199,199,196,194,191,189,186,186,186,189,189,186,183,181,176,173,173,170,170,168,168,170,173,173,173,170,168,168,173,176,178,176,170,165,125,123,121,117,113,111,115,121,127,168,168,168,173,178,181,183,181,178,181,183,189,194,196,191,183,178,179,181,181,181,137,181,186,189,189,186,191,196,202,207,207,207,209,209,207,209,215,228,233,233,230,222,207,153,155,207,157,157,222,241,251,255,254,251,254,255,255,255,254,246,241,222,196,189,202,209,194,181,182,185,185,191,49,69,67,77,142,134,69,41,31,27,19,0,0,0,0,0,43,53,25,17,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,0,157,183,189,178,163,139,113,45,27,28,43,98,111,105,103,105,105,85,69,33,0,0,0,0,0,0,0,0,11,0,0,0,0,0,0,0,0,27,77,118,129,103,53,79,144,194,186,155,121,103,61,82,105,134,168,170,134,82,49,46,79,144,155,27,0,0,0,0,0,39,35,27,21,53,103,129,124,113,87,64,31,9,0,0,0,0,0,0,0,0,0,0,0,0,1,21,33,33,15,0,15,67,152,183,209,225,235,228,230,222,230,241,248,251,255,255,241,217,189,133,129,131,178,194,209,225,238,246,246,248,241,230,207,199,0,189,191,176,137,69,57,55,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,103,121,113,108,152,199,81,0,13,69,155,176,178,186,194,157,99,101,181,194,163,89,87,109,165,176,165,165,168,155,109,110,113,109,87,80,84,105,170,207,217,199,111,75,65,79,101,150,109,99,93,89,87,89,99,109,107,103,109,101,95,103,157,173,173,170,173,178,186,176,157,101,78,70,74,97,163,163,152,111,111,109,83,49,41,49,173,194,173,93,55,53,79,97,101,107,160,191,207,217,207,191,191,199,191,181,196,199,168,123,202,217,217,202,194,183,168,109,106,109,163,183,194,183,165,160,115,87,51,38,47,103,109,95,95,113,150,111,101,97,99,107,107,107,101,99,107,155,144,93,88,95,139,139,103,97,89,77,75,73,69,73,73,49,36,37,47,81,83,75,73,77,63,20,8,10,31,65,29,0,0,5,0,0,0,0,7,15,25,0,0,29,17,17,39,57,63,55,35,29,27,25,23,17,0,0,0,29,49,61,71,77,83,89,83,75,63,51,51,63,73,75,83,101,157,191,209,217,217,225,235,235,243,251,255,255,255,255,246,228,222,215,220,254,255,248,243,251,255,255,255,255,255,255,255,255,255,255,255,255,255,228,0,0,0,5,25,45,79,79,47,31,19,17,15,15,11,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,66,82,66,25,13,13,27,49,85,61,43,38,43,69,77,67,59,75,137,160,173,170,178,168,155,155,157,150,99,99,105,147,147,165,173,163,142,99,97,97,93,93,85,81,85,91,91,79,71,71,77,87,129,129,93,93,131,142,147,144,139,134,134,131,134,139,129,89,85,91,97,131,131,129,129,129,126,126,124,129,129,144,155,144,134,126,131,139,147,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,170,129,92,38,7,0,0,0,0,0,0,0,0,0,0,21,29,43,95,139,178,183,178,168,155,134,129,130,147,163,170,170,165,163,163,152,144,0,0,0,183,173,173,0,0,0,0,0,0,0,194,194,186,165,160,0,0,0,0,0,0,0,0,0,0,0,48,48,46,35,27,30,35,46,35,15,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,21,51,92,100,63,49,19,9,3,7,9,9,8,6,9,19,35,45,51,63,71,77,77,75,71,71,71,77,77,71,57,35,13,3,0,0,0,3,3,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,126,147,160,170,186,194,194,199,204,212,204,71,51,67,113,160,163,168,176,181,189,199,204,204,199,178,106,105,207,209,207,207,212,212,215,217,207,107,107,176,178,181,186,178,113,111,117,109,86,117,129,186,207,217,222,212,183,115,115,128,181,191,191,191,199,202,199,202,207,202,186,135,135,196,222,230,230,228,217,209,202,196,191,189,194,196,194,186,189,189,194,199,204,209,212,212,209,204,199,194,194,196,199,199,192,191,194,199,204,207,209,209,207,207,209,209,207,199,191,183,139,183,139,135,131,131,129,129,135,137,135,133,135,183,186,189,196,204,207,212,217,222,225,228,225,212,199,192,192,199,209,215,215,217,215,207,199,194,196,199,199,202,204,204,204,202,199,189,137,135,137,186,196,204,204,191,139,186,196,202,199,196,196,199,204,207,209,209,212,215,215,215,215,212,209,209,209,209,212,215,217,215,209,207,204,207,207,209,212,212,212,212,212,209,209,209,209,209,207,204,204,204,202,199,196,196,194,191,191,191,196,196,189,187,187,191,196,199,199,196,181,135,178,189,196,196,196,194,189,181,125,107,96,97,129,183,178,176,183,196,207,209,202,194,191,189,186,178,127,117,115,125,176,183,183,181,178,178,131,121,119,123,125,129,176,181,176,129,129,127,119,117,123,127,131,176,176,178,186,191,194,194,194,196,204,207,209,207,202,199,199,202,202,194,186,182,182,186,186,189,189,186,186,194,199,202,202,204,202,199,196,194,194,191,189,189,183,183,186,186,183,181,183,189,191,191,196,199,202,194,183,178,186,189,183,183,183,183,181,181,183,186,186,189,191,191,189,186,186,186,183,183,178,178,186,199,204,202,196,196,199,199,194,189,191,191,186,181,178,183,186,186,183,186,191,194,196,191,186,189,194,196,196,186,133,130,130,133,178,181,186,196,204,202,189,181,183,189,186,179,181,191,199,199,196,189,186,189,196,204,199,194,194,202,204,199,194,189,181,176,177,181,191,199,199,189,183,186,181,135,134,134,178,186,191,191,183,181,186,194,199,204,204,204,204,202,196,194,196,196,191,181,178,181,186,189,189,186,186,183,181,183,186,183,178,178,186,191,191,189,189,189,191,191,194,196,199,199,199,196,191,191,191,191,189,189,191,194,194,191,191,196,202,204,196,183,135,135,133,129,128,131,135,137,186,196,202,202,202,199,196,194,194,194,189,183,194,202,207,207,209,212,212,212,215,217,217,217,217,209,196,187,196,207,215,212,212,212,215,215,215,215,212,212,212,212,212,209,209,204,199,199,204,209,207,204,204,207,212,217,222,222,217,215,209,207,209,209,212,212,209,209,209,212,209,209,209,209,212,212,215,215,212,207,202,200,200,202,207,212,209,204,196,195,196,196,196,196,196,196,194,194,194,194,196,196,194,192,192,192,194,196,196,196,199,199,202,202,202,199,196,196,196,199,199,202,204,204,204,209,212,212,209,209,212,212,209,212,215,215,215,212,215,217,217,215,212,215,215,217,228,233,233,228,220,217,217,217,217,212,212,217,225,228,228,228,225,224,228,233,233,233,228,225,222,222,222,225,225,228,230,233,233,233,228,217,212,217,225,207,148,202,225,230,230,228,228,225,222,217,217,222,222,212,119,102,106,147,209,212,209,209,215,225,233,235,235,235,233,228,225,228,225,225,222,217,215,212,212,212,209,209,209,209,207,199,199,199,196,145,142,144,194,196,196,196,199,204,202,202,202,204,207,209,215,217,217,217,217,222,222,225,222,217,217,217,217,217,222,222,222,217,212,212,212,212,212,209,207,207,204,204,204,204,204,207,207,204,204,202,202,202,199,199,196,194,191,191,189,186,186,186,186,186,183,181,178,176,173,173,170,168,168,170,170,170,170,168,168,168,170,173,173,170,165,123,123,121,119,115,111,111,113,119,125,127,168,168,170,176,181,181,181,181,183,186,189,194,196,194,183,179,181,181,178,133,129,131,137,183,183,141,186,194,204,207,207,205,207,212,212,215,225,233,233,230,230,228,215,209,217,230,233,228,233,243,251,248,241,239,243,254,255,255,255,246,241,230,202,186,187,194,191,183,182,183,186,191,31,45,75,157,228,204,124,61,45,61,90,37,0,0,0,0,43,41,29,21,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,0,0,168,160,160,155,131,57,25,23,41,98,111,98,85,103,105,85,69,37,0,0,0,0,0,0,0,0,157,222,0,0,0,0,0,0,0,5,74,126,139,131,129,160,212,233,220,165,142,155,165,157,131,131,144,144,108,51,42,43,45,51,23,0,0,0,0,0,0,0,35,61,56,72,103,121,113,0,90,74,37,11,0,0,0,0,0,0,0,0,0,0,0,0,0,1,21,35,47,47,49,61,126,160,196,235,246,238,222,220,222,241,248,251,254,255,251,230,196,133,124,124,129,189,209,225,225,233,233,212,204,204,196,189,0,207,230,207,118,57,51,49,37,3,0,0,0,0,0,0,0,0,0,0,0,15,3,0,35,137,178,178,170,196,230,165,31,39,77,142,168,178,186,189,170,144,170,196,189,109,81,75,81,109,165,165,165,168,165,111,109,111,105,89,84,93,113,183,209,217,199,155,95,81,83,93,107,109,101,99,103,150,178,183,168,109,103,147,150,147,152,173,183,170,152,155,176,194,194,186,160,101,79,79,103,163,155,99,83,73,71,71,65,73,109,196,194,113,91,97,160,165,111,99,107,165,199,207,207,207,199,199,199,191,165,121,163,163,168,202,217,220,209,202,191,168,113,106,109,157,189,212,217,196,163,101,77,61,55,75,107,103,91,95,113,111,105,101,99,105,101,91,94,100,107,144,155,157,107,94,97,101,101,93,91,89,83,77,81,81,87,93,71,42,39,49,81,113,75,71,108,116,69,23,23,53,103,65,0,0,5,3,0,0,0,0,0,0,0,0,3,9,7,23,51,55,49,35,29,31,25,19,13,0,0,0,9,41,59,71,77,83,83,75,55,53,49,47,53,69,79,81,95,115,183,209,217,217,215,225,235,243,251,255,255,251,251,241,228,222,207,196,222,230,209,199,228,255,255,255,0,0,255,255,255,255,255,254,255,255,207,53,0,5,33,53,85,87,53,33,11,7,13,21,27,19,11,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,66,77,37,15,11,13,25,49,87,90,61,51,53,65,71,61,56,73,131,150,160,157,157,139,101,142,181,183,163,99,97,98,147,165,168,157,101,93,97,97,89,89,85,81,85,87,85,77,69,68,73,81,87,124,126,126,134,147,150,144,139,134,134,137,139,147,137,129,97,97,131,131,131,129,129,126,126,126,124,129,137,152,155,139,126,116,124,139,155,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,157,113,79,33,1,0,0,0,0,0,0,0,0,0,0,25,47,65,113,150,165,173,173,165,150,137,134,147,163,181,181,170,163,152,152,150,144,0,0,165,165,163,163,0,0,0,0,0,0,152,168,186,183,165,155,0,0,0,0,0,0,0,0,0,0,0,0,0,66,51,38,38,51,56,46,15,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,21,51,98,105,71,51,19,9,3,3,9,9,8,9,13,25,45,51,57,0,77,83,83,81,77,77,77,81,108,77,61,35,17,9,3,0,0,0,3,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,150,160,168,178,183,183,189,199,204,196,73,57,87,157,165,168,168,173,183,191,196,199,204,204,189,101,86,194,204,204,207,212,212,212,215,209,178,125,183,191,191,194,194,127,117,121,129,129,131,127,135,194,199,202,194,127,111,112,130,186,196,204,209,215,212,204,204,212,209,189,135,135,191,209,215,212,207,207,207,209,204,194,189,189,191,189,185,189,194,199,207,212,215,217,217,215,212,207,202,199,199,199,196,192,192,196,202,204,207,207,207,207,204,202,202,199,196,191,183,135,135,135,133,129,129,128,129,137,135,132,132,137,189,181,183,196,204,209,212,217,217,222,225,222,212,202,194,196,204,215,217,217,215,209,199,191,189,189,194,199,199,199,199,204,204,199,191,141,139,186,189,191,199,202,196,194,199,207,212,212,209,204,202,202,207,212,212,215,215,215,209,209,209,209,209,209,209,212,215,217,215,209,204,202,202,204,207,209,212,212,212,212,212,209,209,209,209,207,204,204,202,196,191,186,186,189,189,189,191,196,199,194,187,187,191,196,196,194,191,186,181,186,194,196,194,189,186,183,178,127,117,119,183,196,199,194,186,183,191,202,207,199,191,186,183,176,131,129,129,178,186,183,186,186,181,178,181,181,176,123,121,120,123,127,131,131,131,131,125,114,112,116,123,127,133,181,183,189,194,196,194,190,191,199,204,207,207,202,202,202,204,202,194,183,182,183,183,186,183,183,189,194,199,202,199,199,204,207,199,196,196,196,196,194,191,186,186,189,189,186,181,183,189,191,191,196,199,199,194,181,177,181,181,176,176,181,183,183,183,181,181,181,183,191,191,189,183,181,181,178,177,176,177,183,196,204,204,202,199,202,202,194,189,189,194,189,181,181,183,178,123,117,123,129,181,189,189,186,191,191,189,189,186,135,132,132,181,181,181,186,194,202,199,186,135,135,183,186,181,181,191,199,199,191,183,183,191,196,199,194,191,194,196,199,199,194,186,181,181,183,183,191,202,194,133,128,135,178,135,133,133,135,183,189,191,191,191,191,196,199,202,202,204,207,202,196,194,194,199,194,186,178,178,181,183,186,186,189,186,186,186,189,189,189,186,186,189,186,189,189,191,191,191,191,194,194,196,196,196,191,189,191,191,194,194,196,199,196,194,196,202,204,202,196,186,181,181,137,133,129,135,183,186,191,196,199,199,196,199,202,199,199,196,194,191,196,202,204,204,207,209,212,212,215,217,215,209,202,196,191,189,194,204,209,212,212,215,212,209,209,209,209,209,212,209,207,207,204,199,196,198,204,209,209,209,209,212,212,215,217,217,217,212,207,205,207,209,212,215,212,212,209,209,209,208,209,209,212,215,215,212,207,204,202,202,202,202,209,215,212,207,202,196,199,202,199,196,196,194,194,194,194,194,196,196,196,196,194,194,194,194,196,196,196,199,202,202,199,196,196,196,199,202,204,204,207,207,209,212,212,207,202,199,204,207,209,212,217,217,215,215,217,222,217,215,212,217,225,230,233,233,230,225,217,217,217,217,217,215,217,222,222,222,222,225,225,225,225,230,233,233,230,228,228,228,230,230,230,228,230,230,230,230,230,225,215,212,209,153,151,207,222,228,228,228,228,225,222,220,217,217,222,222,141,107,109,143,207,209,209,212,217,225,230,233,235,235,235,230,228,230,230,228,225,220,217,215,215,212,207,204,202,204,207,204,202,202,199,145,141,143,194,199,199,202,204,207,207,204,204,204,207,212,215,217,217,217,217,217,222,222,222,217,217,217,217,217,222,225,225,217,212,212,212,212,212,209,207,207,204,204,204,204,207,207,204,204,202,202,202,202,199,199,196,194,191,191,189,189,189,186,183,183,183,181,178,176,176,173,170,170,168,168,168,168,168,168,168,168,170,170,170,165,123,121,119,119,115,113,111,111,115,119,123,125,127,168,170,176,181,183,183,183,183,183,186,191,196,196,191,186,186,186,178,129,127,128,133,139,139,139,186,196,207,212,212,209,209,212,215,215,225,233,233,228,228,230,225,225,230,241,246,248,248,251,248,241,235,237,241,251,255,255,255,241,238,235,217,191,185,186,189,191,189,189,196,196,24,43,89,196,246,217,124,67,0,0,139,105,5,0,0,0,77,77,61,56,31,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,160,0,0,157,163,165,157,111,34,28,43,87,55,41,41,85,85,37,17,7,0,0,0,0,0,0,0,27,0,0,98,13,0,0,0,0,0,0,5,47,118,144,183,212,233,222,186,155,147,155,165,157,124,95,85,111,82,42,42,49,51,47,29,0,0,0,0,0,0,0,59,87,79,72,87,87,0,0,116,90,56,11,0,0,0,0,0,0,0,0,0,0,0,0,0,1,21,45,108,131,108,55,45,71,150,189,209,212,212,212,222,241,254,255,255,255,255,251,225,194,131,131,133,189,194,191,189,194,202,194,189,186,183,176,0,0,238,207,73,55,61,55,35,7,0,0,0,0,0,0,0,0,0,0,0,25,25,25,59,157,194,196,189,204,225,186,129,89,95,137,155,168,170,173,170,181,191,202,189,113,81,70,66,89,170,183,170,165,165,111,111,111,105,95,97,113,168,186,196,199,191,170,105,87,81,81,85,95,99,95,105,173,199,196,160,99,99,150,173,173,170,173,173,155,109,152,186,202,212,199,181,115,97,91,111,163,157,95,71,63,63,65,81,103,173,181,113,77,69,97,160,113,99,97,113,178,204,207,204,199,207,217,207,196,117,95,99,115,168,194,207,209,209,199,178,119,109,109,111,157,189,217,220,186,89,65,69,77,83,93,99,88,85,93,113,113,113,113,109,111,101,89,94,101,107,107,144,160,155,142,139,105,101,93,91,97,95,89,87,87,95,142,139,77,53,49,55,59,59,59,77,134,129,69,47,53,65,71,29,11,15,13,7,0,0,0,0,0,0,0,0,5,5,19,47,55,49,33,33,41,45,43,25,0,0,0,17,49,71,79,77,77,69,53,43,42,43,45,63,77,75,67,79,101,170,202,212,217,215,225,243,251,251,251,243,243,238,222,212,204,185,182,199,199,185,182,204,255,255,255,0,0,0,255,255,255,209,199,238,246,194,73,25,39,63,95,92,59,39,15,0,0,0,9,11,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,77,82,37,15,12,15,27,49,63,67,63,57,53,59,59,56,51,71,129,147,150,144,97,77,73,134,189,199,178,105,96,99,147,165,168,155,99,92,93,89,83,83,77,75,79,83,83,77,69,68,71,75,81,124,134,131,139,147,150,144,137,134,134,137,142,147,144,134,97,97,131,129,131,129,137,134,134,131,124,124,129,142,137,118,100,98,113,139,157,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,134,98,72,27,0,0,0,0,0,0,0,0,0,0,0,15,41,90,124,150,165,165,165,160,150,147,150,163,176,181,176,165,152,146,146,147,147,0,0,155,155,155,155,0,0,0,0,0,0,124,152,178,178,163,155,0,0,0,0,0,0,0,0,0,0,0,0,0,77,66,51,38,46,48,35,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,21,51,100,108,100,51,25,9,3,3,3,9,9,19,25,45,51,57,63,0,116,126,126,116,83,81,77,83,116,108,63,45,19,11,3,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,157,165,163,163,160,157,168,191,194,168,57,51,93,163,170,176,173,178,189,189,191,196,204,204,199,95,51,107,178,191,202,209,212,209,209,207,196,189,196,199,199,202,209,212,176,119,125,189,181,127,129,181,183,183,183,183,181,186,189,183,186,202,217,217,215,207,207,215,212,186,132,135,186,194,202,199,196,196,202,212,209,199,186,182,183,186,189,194,202,209,215,217,217,217,215,215,212,209,207,204,202,202,202,196,196,199,202,202,204,202,202,202,199,196,196,194,194,189,139,132,133,181,137,133,131,129,131,137,133,132,131,135,183,134,134,194,209,215,215,215,217,222,220,217,215,209,207,207,209,212,215,212,204,194,189,187,189,191,196,199,198,196,198,202,204,202,196,194,196,199,196,191,196,202,202,199,204,212,217,217,215,209,204,199,204,209,212,215,212,209,205,205,207,209,209,212,212,212,215,215,215,209,202,199,199,202,204,207,209,209,209,209,212,209,209,209,207,204,204,204,199,194,186,183,185,186,189,189,189,194,196,196,189,187,194,199,196,194,191,189,189,191,194,191,186,183,183,183,183,183,189,191,194,199,199,199,189,181,181,191,199,194,183,178,127,124,127,176,186,191,189,183,181,178,178,181,183,181,173,131,121,119,121,125,127,129,176,181,173,116,112,117,125,127,131,176,178,183,194,196,194,189,189,196,204,207,204,202,199,202,204,199,189,183,183,183,183,181,179,181,183,191,202,207,204,202,204,207,202,196,196,199,199,196,194,189,186,189,189,186,181,183,189,191,194,199,202,199,191,181,177,178,176,173,173,176,183,183,186,183,181,179,183,191,194,189,183,181,178,178,177,177,178,181,189,199,204,204,202,204,204,196,189,189,194,191,183,181,181,127,109,110,111,111,115,129,178,186,194,194,189,189,186,181,176,176,186,189,186,186,194,202,199,181,127,131,183,186,181,178,186,194,191,183,181,189,199,202,196,191,189,189,189,194,199,196,189,183,183,186,183,189,196,186,126,123,129,178,178,134,133,135,183,186,189,191,191,191,194,196,199,202,204,204,202,191,187,189,194,191,186,181,177,178,181,183,186,186,186,186,189,194,196,196,194,189,183,183,186,186,189,191,191,189,189,189,191,194,194,189,186,189,191,194,196,199,202,202,199,199,204,207,202,196,191,186,183,183,181,133,183,191,194,196,199,199,194,191,196,202,204,202,196,196,196,196,199,202,202,204,207,209,212,212,212,207,199,191,189,189,189,191,199,204,207,209,212,212,209,207,207,207,207,209,209,207,204,202,198,196,198,204,212,215,215,215,215,215,212,215,215,215,212,207,205,207,209,215,217,217,215,212,209,209,209,209,212,212,215,212,209,204,202,204,204,204,207,209,209,209,204,199,199,199,202,202,202,199,196,194,194,194,196,194,196,199,199,199,196,194,192,192,194,194,196,199,199,199,196,196,199,202,204,207,207,207,209,212,215,209,202,198,196,199,204,207,212,217,217,215,215,217,222,215,209,208,217,230,235,235,233,225,217,215,215,217,217,215,217,222,225,222,220,220,225,228,225,225,225,230,233,233,233,233,235,235,233,230,228,225,225,228,228,230,228,222,215,204,151,151,204,222,228,228,228,225,225,222,222,222,217,228,233,215,119,119,147,204,209,212,215,222,228,230,233,235,235,235,233,230,233,230,228,225,222,222,222,217,215,207,202,199,200,207,207,207,207,204,196,143,145,199,204,204,207,209,209,209,207,204,204,204,209,215,217,217,217,217,217,222,222,222,217,217,217,217,222,225,225,225,222,215,212,212,212,212,209,209,207,207,204,204,204,204,204,204,204,202,202,202,202,199,199,194,194,191,191,189,189,189,186,183,181,181,181,178,176,176,173,173,170,168,168,168,165,165,165,168,168,168,168,165,125,121,117,117,115,113,111,111,113,115,119,121,123,127,168,173,176,181,183,183,183,181,183,186,191,196,199,199,196,194,191,181,131,127,128,133,139,139,139,189,199,212,222,220,215,209,212,215,217,230,238,235,228,226,230,230,228,225,230,243,251,255,255,254,241,238,239,246,251,255,255,255,235,233,238,233,209,187,185,189,199,202,204,212,204,21,31,83,176,202,173,116,75,0,0,155,116,9,0,0,35,61,77,82,61,29,11,5,11,17,0,0,29,19,3,0,0,0,0,0,0,0,0,0,0,0,47,126,0,0,157,160,165,186,155,100,65,65,59,35,1,7,27,21,0,0,0,0,0,0,0,0,0,0,29,0,0,137,66,21,19,27,7,0,0,0,23,103,163,215,238,222,194,0,186,178,155,131,105,49,31,39,100,108,55,74,82,95,105,147,113,0,0,0,0,0,0,39,79,66,41,64,72,0,0,129,111,61,9,0,0,0,0,0,0,0,0,0,0,0,0,0,19,31,53,121,147,129,49,19,25,47,71,99,152,178,196,212,241,255,255,255,255,255,255,243,225,220,220,209,199,176,121,121,170,186,186,194,196,189,181,0,0,230,189,73,57,61,41,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,55,121,163,191,196,204,215,196,176,165,142,137,142,142,103,99,157,186,196,199,196,173,93,70,57,81,178,194,178,165,115,111,113,117,111,105,111,168,178,168,165,176,176,157,101,89,79,74,72,83,89,83,91,168,196,191,157,102,101,160,194,194,183,178,170,150,109,157,191,209,212,194,160,105,91,91,111,176,163,99,75,71,71,71,81,105,157,150,73,48,47,55,71,77,87,107,117,183,207,207,199,196,207,225,217,207,117,85,87,113,168,183,186,194,194,165,103,91,97,107,111,157,181,202,204,160,60,52,69,101,152,113,97,87,86,97,113,150,165,176,155,152,111,98,103,107,105,102,105,155,157,152,152,150,139,97,97,134,131,97,93,87,93,144,160,142,77,49,41,42,45,53,71,129,129,69,27,21,31,55,51,29,29,29,17,11,13,23,43,0,0,0,0,9,7,27,51,63,63,49,47,61,95,65,51,21,7,21,47,81,121,113,77,69,51,39,39,41,41,41,63,79,75,53,57,89,115,194,204,212,215,225,243,251,248,241,238,235,230,212,195,185,181,185,199,199,179,176,212,255,255,255,0,0,0,255,255,209,79,147,194,230,150,69,51,69,103,87,51,35,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,92,95,61,25,21,23,31,47,55,51,51,51,43,53,57,51,50,67,124,144,147,129,77,65,64,139,191,199,181,150,99,103,147,165,165,155,101,93,97,89,83,71,69,69,75,83,89,83,71,68,68,70,77,85,126,131,139,142,147,137,126,95,95,131,139,147,137,129,97,97,97,95,124,129,137,134,134,134,124,124,129,129,118,103,83,83,105,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,126,95,64,27,0,0,0,0,0,0,0,0,0,0,0,0,23,63,126,157,176,173,165,155,150,155,157,170,186,186,176,163,147,142,146,152,155,0,0,134,134,134,147,155,0,0,0,0,79,113,152,173,173,165,152,152,152,0,0,0,0,0,0,0,0,0,0,0,77,66,46,27,22,27,27,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,9,25,57,105,116,100,63,35,13,9,3,3,3,13,35,51,57,57,63,71,0,126,139,139,126,116,83,83,116,116,108,71,45,19,11,1,0,0,0,0,1,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,178,186,181,163,129,60,51,71,134,79,37,51,97,155,170,176,176,178,181,183,183,189,199,202,196,96,96,113,165,181,196,204,204,207,209,209,204,194,189,196,202,207,212,212,196,173,129,178,133,129,131,135,135,135,181,189,196,204,199,186,182,189,207,212,212,209,212,215,202,132,129,133,139,186,194,196,194,189,191,199,202,196,183,181,182,189,196,204,207,212,217,217,217,215,215,212,212,209,204,202,202,204,207,204,202,202,196,194,194,194,196,196,196,194,194,196,196,191,186,135,133,135,137,137,133,129,129,133,133,135,137,181,135,132,132,194,209,217,222,220,220,217,217,217,215,215,215,212,204,202,202,199,191,185,185,187,191,199,204,202,199,198,199,204,209,209,209,209,209,207,207,204,204,204,204,202,207,212,215,212,212,212,202,194,194,204,212,212,212,209,207,205,205,207,209,215,215,212,209,212,212,207,199,198,198,199,202,204,207,209,207,207,209,209,207,207,204,204,204,204,199,191,186,183,186,189,189,189,186,189,194,194,191,191,194,199,199,199,196,194,194,194,194,186,182,183,189,194,194,194,196,199,199,199,196,194,186,178,129,127,181,186,129,123,124,126,133,186,194,194,189,181,178,177,177,178,183,181,173,127,121,120,125,129,125,123,131,178,173,125,123,173,181,178,133,131,130,176,189,196,191,189,190,202,207,207,204,199,196,199,199,194,186,183,186,186,181,178,178,183,189,194,202,209,209,207,207,207,202,196,196,199,199,199,196,191,186,189,189,183,179,179,183,191,196,204,207,202,191,181,177,178,178,174,173,176,183,186,186,186,183,181,183,191,194,191,186,181,181,181,183,186,183,181,181,191,202,204,204,204,202,196,189,186,191,189,183,181,178,129,117,123,115,109,111,117,129,189,196,194,191,191,189,183,181,183,189,191,189,186,191,202,199,181,121,131,178,178,135,135,181,186,183,179,179,191,207,207,202,194,186,181,176,181,196,199,189,183,183,183,186,189,191,183,131,129,133,178,178,135,135,178,186,189,191,191,191,191,191,194,199,202,204,204,196,189,187,187,189,186,183,181,178,181,183,181,181,183,183,183,191,194,199,202,196,189,186,183,183,186,186,189,186,186,183,186,189,191,194,186,182,183,189,191,191,194,199,202,199,199,202,204,204,202,194,189,186,189,191,196,199,202,202,202,199,194,186,183,189,194,199,202,199,194,191,191,196,199,202,204,207,209,212,207,204,202,196,191,187,187,187,189,199,204,202,199,204,209,209,209,207,204,204,207,209,207,204,202,199,199,199,207,212,215,217,217,217,215,212,212,212,212,212,209,207,207,212,215,222,222,217,215,212,215,212,212,212,212,215,215,212,207,204,204,207,209,209,209,207,204,199,198,199,199,202,199,199,199,196,194,191,194,196,194,194,196,199,202,199,196,192,192,194,196,196,196,196,199,199,202,202,204,207,207,207,209,212,215,215,212,204,199,198,199,202,204,207,212,212,212,212,217,220,215,208,207,209,225,233,233,230,225,217,212,212,215,215,217,222,228,228,225,222,222,228,228,228,224,224,228,233,230,233,235,238,238,233,228,225,225,225,225,228,228,225,217,217,212,153,150,202,215,222,225,225,225,222,217,215,212,217,228,230,225,207,196,202,204,212,217,222,225,228,230,230,233,235,235,235,233,233,228,225,225,225,225,222,222,217,212,204,200,202,207,209,212,209,209,204,194,196,202,204,204,209,212,212,212,209,207,204,204,209,215,215,217,217,217,222,222,222,217,217,217,217,222,222,225,225,225,225,222,217,215,215,212,209,209,207,207,204,204,204,204,204,204,202,202,202,199,199,199,196,194,191,189,189,189,189,186,183,181,178,178,178,176,176,176,173,173,170,170,168,168,165,165,168,168,168,165,165,163,123,119,115,115,113,113,111,111,111,115,117,119,123,127,170,173,178,178,181,178,178,178,183,189,194,199,202,199,194,194,191,183,135,129,131,135,135,135,139,186,194,209,222,222,215,209,209,215,225,235,238,235,228,228,238,233,225,209,153,217,238,251,255,255,254,254,254,251,248,254,255,255,228,225,235,241,228,199,187,196,212,217,225,230,215,23,30,81,152,163,163,173,163,0,0,142,100,9,0,0,0,21,43,64,33,15,15,29,59,0,0,0,64,56,31,17,11,9,3,0,0,0,0,0,0,0,33,95,121,0,157,156,157,178,163,129,100,92,55,27,0,0,0,0,0,0,0,0,25,64,15,0,0,0,7,255,255,134,61,27,43,139,163,74,19,21,47,121,163,196,189,157,155,0,0,230,165,118,79,39,24,45,144,178,150,108,82,85,98,160,199,0,0,0,0,0,0,0,0,15,23,39,79,116,139,150,131,72,11,0,0,0,0,0,0,0,0,0,0,0,0,0,21,33,41,92,129,113,43,7,0,0,19,37,65,99,163,189,222,251,255,255,255,255,255,255,248,241,238,235,228,199,173,121,115,160,186,204,204,189,174,0,0,199,176,121,59,35,15,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,121,170,191,199,207,209,207,199,181,160,95,89,95,85,81,99,186,189,196,215,196,160,91,21,81,178,194,170,105,103,107,155,168,155,113,152,168,155,107,101,107,107,99,95,95,87,76,76,93,83,71,87,155,189,183,155,147,147,160,194,194,186,183,170,109,150,173,194,202,199,176,111,90,85,90,115,176,163,101,79,77,77,71,79,99,111,91,49,45,44,47,53,65,87,113,157,183,199,199,191,191,204,217,225,217,163,77,80,121,168,168,183,189,183,115,87,81,87,101,103,103,111,157,168,115,49,38,63,155,204,178,105,91,92,103,113,113,152,165,165,152,150,150,160,147,105,107,144,155,155,152,163,160,152,137,99,97,97,97,93,93,95,129,144,137,89,69,43,41,48,67,118,131,111,53,1,0,15,41,45,35,41,43,33,27,37,59,57,21,7,5,9,27,35,33,45,63,92,92,100,100,100,100,65,45,35,43,73,121,121,113,83,77,49,34,40,47,45,42,53,73,65,41,49,83,111,170,194,199,204,212,233,235,235,228,238,251,246,225,196,190,196,212,215,207,187,189,238,255,255,255,255,255,255,255,93,53,49,57,71,77,75,73,100,144,108,33,19,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,95,92,61,39,47,35,35,41,41,37,35,41,51,59,59,56,51,61,87,139,137,87,67,65,77,152,189,199,189,160,105,101,147,155,157,155,142,139,97,89,77,63,59,61,73,87,131,89,71,68,68,70,75,79,85,93,131,139,139,129,126,93,95,93,131,134,129,97,97,97,95,95,94,129,131,134,134,126,124,0,0,0,111,90,82,83,105,139,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,129,95,59,27,0,0,0,0,0,0,0,0,0,0,0,0,3,39,124,173,189,186,176,155,150,157,165,176,194,194,178,163,147,146,147,155,155,0,0,121,116,126,134,144,144,121,87,64,79,124,170,189,178,163,150,144,144,131,111,0,0,0,0,0,0,0,0,0,56,46,27,14,7,14,20,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,3,1,7,13,37,57,105,116,108,100,57,39,19,13,7,3,13,51,71,77,71,71,77,85,126,139,142,129,126,89,116,116,116,83,69,45,19,9,0,0,0,0,3,9,7 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,199,196,196,194,189,173,116,63,65,55,25,21,37,95,152,165,170,170,170,173,173,176,176,183,194,173,97,104,170,176,186,194,191,189,194,207,215,204,92,53,176,202,209,209,209,202,186,133,133,131,131,135,178,135,178,186,196,209,215,207,191,182,183,194,207,209,209,212,209,183,128,129,133,137,139,191,196,194,186,183,189,191,189,182,179,183,194,204,207,207,209,212,215,212,209,212,209,209,207,202,196,196,199,204,204,204,199,191,189,190,194,196,196,194,191,191,196,202,202,196,189,137,133,133,131,131,131,135,137,181,186,191,189,183,137,183,196,207,215,222,222,222,217,217,220,217,215,215,207,196,189,189,194,189,186,187,191,199,207,209,207,202,199,199,207,212,212,209,209,207,204,207,212,212,209,207,207,209,209,204,204,204,202,194,190,190,196,207,212,209,209,209,205,205,207,209,212,212,209,209,212,212,207,202,199,199,202,202,202,207,209,207,204,207,207,207,204,204,203,204,204,199,191,186,189,191,189,186,183,183,183,186,189,189,191,191,194,199,202,202,202,199,196,194,189,183,186,194,194,194,196,199,199,199,196,191,189,183,176,125,121,125,127,123,123,127,178,189,194,196,194,189,183,183,181,177,178,183,181,173,127,125,127,173,176,127,119,119,129,173,173,178,186,191,186,178,131,130,131,181,189,191,194,199,204,209,209,207,204,202,196,189,189,186,189,191,189,181,178,181,191,199,202,207,212,212,209,207,204,202,196,196,199,202,202,199,194,186,186,189,186,178,178,181,189,199,207,212,207,196,186,181,181,181,176,174,178,183,186,191,189,183,181,183,189,191,191,186,183,181,183,186,191,189,183,179,183,194,199,202,202,202,196,189,183,183,181,178,178,183,183,183,183,129,113,113,119,129,186,194,194,194,194,191,189,186,189,191,194,191,186,189,196,199,183,121,115,117,127,133,178,183,186,183,177,177,189,204,209,204,196,186,176,172,174,189,196,191,186,186,183,183,189,191,189,186,183,181,135,133,135,178,183,189,191,191,191,190,191,191,194,194,196,199,202,196,194,191,194,191,183,178,135,178,183,189,189,186,183,181,183,189,194,196,199,196,191,189,183,182,183,186,186,186,183,183,183,189,191,191,186,181,181,183,186,183,186,194,199,196,196,199,199,202,202,196,194,196,199,204,207,207,207,207,204,199,189,183,137,137,139,189,202,202,194,189,189,191,196,202,204,207,209,209,204,202,199,196,196,194,189,189,194,207,212,202,195,196,204,209,212,207,202,202,204,207,207,207,207,207,204,207,209,212,215,217,217,217,215,212,212,212,212,215,212,212,209,212,215,217,217,215,212,215,217,217,215,212,212,212,212,212,209,207,207,207,209,212,212,209,207,202,202,202,202,202,199,199,199,196,191,190,191,194,194,194,194,196,199,199,194,194,196,199,202,199,196,196,199,202,202,204,204,204,207,207,207,212,215,217,215,212,207,202,202,202,202,204,207,207,207,209,215,220,220,212,208,208,217,225,228,228,225,217,212,211,212,215,217,225,230,230,228,225,228,230,230,228,225,224,228,230,230,230,233,233,233,230,225,217,217,222,225,225,225,225,222,222,217,207,199,204,212,217,222,222,222,215,207,202,204,212,225,228,222,215,209,207,209,215,222,225,225,228,230,230,233,233,233,233,233,230,225,222,225,228,228,225,222,217,212,207,204,204,207,209,209,209,212,209,202,202,202,202,202,207,212,215,212,209,207,204,207,209,215,217,217,217,222,222,222,222,217,217,217,222,222,222,225,225,225,225,222,217,217,215,212,209,209,207,207,204,204,204,204,204,204,202,202,202,199,199,199,196,194,189,189,189,189,186,186,183,178,178,178,178,176,176,173,173,173,170,170,168,168,165,168,168,168,168,165,165,163,121,119,117,115,115,113,113,111,113,113,115,119,123,127,168,170,173,176,176,176,176,178,186,191,196,199,199,196,191,191,189,183,135,131,133,135,135,134,135,139,189,202,212,215,212,207,207,212,225,235,238,233,228,230,235,233,220,154,149,155,228,243,254,255,255,255,255,254,248,246,246,233,212,212,228,241,241,220,202,212,230,233,235,238,230,30,31,81,152,163,178,194,186,0,0,152,100,9,0,0,0,0,9,23,23,19,21,53,0,0,0,0,0,0,0,31,31,29,15,0,0,0,0,0,0,0,33,118,155,173,163,156,157,176,163,139,113,100,85,35,7,0,21,9,0,0,0,0,39,90,33,13,0,0,0,139,139,39,29,31,85,0,0,202,111,47,47,72,51,0,0,9,105,0,0,0,144,116,95,45,25,39,134,178,152,108,74,49,43,77,113,0,0,0,0,0,0,0,0,0,11,35,87,126,157,165,139,79,15,0,0,0,0,0,0,0,0,0,0,0,0,0,21,41,53,69,113,71,37,15,0,0,0,11,45,73,101,173,212,248,255,255,255,255,255,255,243,235,235,243,238,228,199,173,115,115,170,191,196,186,181,181,189,183,170,147,98,41,27,35,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,173,181,189,199,207,207,207,207,189,155,59,59,101,87,63,75,178,181,189,207,212,222,230,60,160,186,194,117,88,88,99,155,173,168,155,168,168,113,93,87,87,87,93,99,107,95,79,79,93,79,73,95,155,157,107,87,147,157,160,173,173,173,170,109,94,109,173,186,191,191,170,103,88,85,91,115,176,176,111,79,79,83,79,91,107,109,83,51,49,51,55,59,73,99,160,176,178,176,165,157,178,204,225,233,225,178,73,75,107,165,165,181,170,168,163,109,89,90,97,91,79,83,95,111,103,56,48,65,163,204,178,111,103,105,109,113,113,105,99,103,111,152,160,147,107,105,157,173,165,155,152,168,176,173,150,97,94,97,131,131,129,129,126,126,91,89,75,55,49,59,79,131,131,111,61,5,5,20,51,45,37,53,55,41,35,49,92,87,37,21,21,29,43,49,45,47,57,90,103,108,100,100,100,100,59,51,55,73,118,121,113,85,83,57,40,43,55,53,53,69,81,55,21,15,55,107,173,186,186,196,204,212,222,222,228,243,255,255,246,222,222,225,230,230,225,217,228,255,255,255,255,255,255,255,255,73,53,43,39,41,59,75,121,134,152,100,19,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,77,74,33,29,39,39,37,35,25,27,31,41,53,65,67,65,59,61,89,131,129,81,75,83,97,155,183,191,186,160,105,100,103,144,155,155,152,152,139,89,73,53,51,57,67,85,139,91,71,68,71,73,75,79,77,77,83,91,91,89,89,87,87,91,95,129,129,97,97,134,131,131,126,124,129,126,126,124,118,0,113,0,111,103,88,88,108,129,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,124,95,59,27,1,0,0,0,0,0,0,0,0,0,0,0,0,15,100,165,0,199,181,155,137,150,155,176,199,199,186,165,147,147,152,160,0,0,0,116,114,118,126,134,121,105,79,72,95,152,191,207,189,163,142,126,121,118,103,0,0,0,0,0,0,0,0,0,30,30,20,9,5,7,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,3,7,11,23,41,61,100,108,111,108,73,57,43,25,19,13,19,53,77,85,83,83,83,85,129,142,142,139,129,126,121,121,116,83,71,51,25,11,3,0,0,3,9,9,9 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,183,189,191,191,199,207,207,196,157,59,25,25,49,91,111,155,157,160,163,168,173,173,165,121,121,93,88,113,183,194,199,199,88,102,168,191,191,111,44,0,93,196,212,209,207,199,183,129,129,129,133,178,178,178,186,196,207,222,228,212,194,186,183,183,196,202,204,209,202,133,128,131,133,132,133,183,194,194,186,181,181,183,183,183,183,191,199,204,204,204,204,207,209,208,208,209,209,207,204,199,196,194,194,196,199,196,191,189,190,196,202,204,204,194,183,183,194,202,204,202,194,181,133,131,131,130,135,186,189,191,196,199,199,194,196,199,202,207,215,222,222,222,222,222,217,215,212,209,199,189,183,185,194,196,194,196,202,204,209,215,212,207,199,202,207,209,207,204,202,199,196,204,215,222,215,212,212,209,127,100,112,141,191,191,190,190,196,204,209,209,209,207,205,205,207,209,212,212,209,209,209,209,209,207,204,202,202,204,204,209,209,204,199,202,204,207,204,204,204,204,204,199,191,189,194,191,183,137,137,137,181,186,191,191,191,191,194,196,202,204,204,202,202,196,191,186,189,191,189,189,191,191,189,189,186,186,183,181,176,126,122,125,131,129,129,181,191,196,196,196,191,189,186,186,183,181,183,189,186,176,131,131,176,178,178,131,119,116,119,129,178,183,189,189,186,181,133,131,133,178,183,191,199,207,212,215,212,207,204,207,199,183,183,189,196,199,196,189,183,189,196,204,209,212,212,209,209,207,204,199,196,196,199,202,202,202,194,186,186,189,186,181,178,181,189,199,207,209,207,196,189,181,178,178,176,176,176,178,183,189,191,183,178,181,186,191,189,183,181,181,183,189,191,191,186,181,181,186,191,196,199,199,194,189,183,181,176,176,181,189,194,199,199,183,119,117,123,133,189,194,194,191,189,186,189,189,191,194,196,194,186,183,194,202,196,131,108,110,117,178,189,189,189,186,178,176,183,199,204,204,196,189,178,176,178,183,189,189,189,186,182,182,186,191,194,194,191,183,132,131,135,183,189,191,194,194,191,190,190,191,191,194,194,194,199,196,196,199,199,194,181,133,132,135,186,194,194,194,189,181,183,191,194,196,196,194,191,189,186,183,183,186,186,186,183,183,183,189,191,191,186,182,182,183,183,181,183,189,194,194,194,194,199,202,202,199,202,207,209,209,209,209,207,207,204,199,191,183,137,135,133,136,194,199,189,185,186,189,194,199,204,209,209,207,204,199,199,202,204,204,196,194,199,212,215,202,194,194,202,212,212,207,202,199,202,204,204,207,209,209,207,209,209,212,212,212,212,212,212,212,212,212,212,215,215,215,212,215,215,217,217,215,211,212,217,222,220,215,212,211,211,212,212,209,209,207,209,212,215,212,209,209,207,207,204,202,199,199,199,196,191,190,189,190,191,194,194,196,196,196,194,194,199,202,202,199,196,196,196,202,202,204,204,202,204,204,204,209,215,217,222,217,212,209,207,207,204,204,204,204,204,209,215,222,222,215,209,209,212,215,217,217,222,222,215,212,212,215,222,228,230,230,228,228,228,230,230,230,228,225,228,228,230,230,230,228,228,228,225,216,216,217,222,222,225,225,225,222,222,215,207,209,217,217,217,217,215,209,151,146,148,207,220,222,215,215,212,209,209,215,222,225,225,230,230,230,230,230,233,233,230,228,222,222,225,228,228,222,217,215,212,204,202,204,207,209,209,212,212,209,204,202,202,202,202,202,207,209,207,204,204,207,209,212,215,215,217,217,222,222,222,222,217,217,222,222,222,222,225,225,225,225,222,217,217,215,212,209,209,207,207,204,202,202,204,204,204,202,202,202,199,199,199,196,194,189,189,189,189,186,186,181,178,178,178,178,176,176,173,173,170,168,168,127,165,165,168,168,170,168,165,163,123,121,119,119,119,119,115,115,113,113,113,115,119,121,125,127,127,168,170,173,176,178,183,191,196,199,202,202,199,194,191,186,181,133,131,135,137,137,135,134,135,143,196,204,207,207,204,204,209,222,230,235,233,230,230,235,233,225,207,153,212,233,243,251,255,255,255,255,255,248,243,233,215,202,202,215,235,243,235,225,230,241,238,233,230,222,26,21,61,142,163,165,186,186,0,155,173,126,31,3,0,0,0,0,0,13,29,29,46,53,0,0,0,0,0,0,0,0,64,37,7,0,15,31,9,0,0,82,191,230,222,186,157,157,157,163,157,137,121,103,55,35,37,47,27,0,0,0,0,19,39,15,0,0,0,0,0,21,23,69,124,202,255,255,241,118,47,21,0,0,0,0,0,1,113,131,113,95,79,79,43,17,13,77,134,129,108,82,74,39,17,5,0,0,0,0,0,0,0,0,0,7,64,111,129,155,160,134,82,21,0,0,0,0,0,0,0,0,0,0,0,0,0,19,55,95,124,126,71,41,21,0,0,0,9,41,67,101,173,222,246,255,251,251,255,255,243,225,217,220,225,228,228,207,181,117,107,155,176,189,194,189,189,181,165,152,131,67,41,35,51,47,0,0,0,0,0,0,0,0,0,0,0,0,0,19,170,189,191,176,173,178,181,189,189,181,129,32,37,101,89,44,36,75,165,194,207,220,241,207,189,215,215,204,117,80,79,93,117,168,168,168,178,173,111,91,77,70,71,93,107,107,89,69,47,47,57,77,101,107,75,35,21,77,157,173,170,160,155,109,91,86,97,157,173,176,186,173,109,95,90,97,109,163,173,150,89,91,103,107,113,155,150,95,79,91,103,103,91,87,103,155,165,157,113,107,109,165,207,233,233,225,163,72,75,109,165,165,121,109,117,181,181,109,91,91,83,59,67,89,105,103,65,58,75,115,181,160,111,111,150,150,109,107,85,69,75,103,163,150,104,100,105,168,183,176,155,152,173,189,183,165,99,95,97,144,144,131,95,91,85,83,77,69,61,57,61,75,111,116,116,75,49,41,59,71,65,59,67,63,41,35,45,65,63,43,27,29,39,43,47,51,53,53,59,92,108,103,103,111,111,75,63,57,57,81,121,116,87,85,77,57,55,65,65,73,91,95,67,12,0,8,89,123,173,172,186,204,207,212,215,228,243,255,255,255,248,246,241,241,243,248,255,0,255,255,255,255,255,255,255,228,160,137,81,49,41,61,108,121,111,108,57,29,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,33,51,23,20,25,35,35,27,15,19,29,37,53,63,67,67,61,67,87,124,89,81,91,134,134,155,176,183,173,152,103,100,103,103,144,155,152,152,139,85,65,49,46,51,63,85,134,93,77,71,75,81,79,79,73,67,65,75,79,79,79,79,85,85,93,129,129,97,129,134,134,134,129,124,121,121,121,116,116,103,103,0,108,108,100,100,105,113,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,121,87,48,22,1,0,0,0,0,0,0,0,0,0,0,0,0,0,51,150,189,194,176,150,130,137,147,165,199,199,186,165,152,147,155,165,0,0,0,121,114,116,121,121,111,87,72,0,113,170,212,217,196,163,129,108,103,103,87,79,0,0,0,0,0,0,0,25,22,22,14,7,5,5,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,0,0,0,0,0,3,11,17,33,49,61,71,100,108,116,108,71,57,47,35,25,35,57,83,121,126,93,91,91,137,150,150,144,142,129,129,129,126,116,77,57,35,17,9,9,7,9,9,9,9 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,163,181,186,189,191,196,204,209,209,209,131,89,97,95,101,113,155,119,113,112,119,170,178,173,121,109,90,87,121,186,204,212,194,68,96,176,189,178,109,58,35,74,125,204,207,202,189,125,118,123,127,131,135,178,178,186,202,212,228,228,207,194,191,189,182,186,191,196,199,196,139,135,139,133,130,131,139,189,191,183,181,179,182,186,189,191,196,202,207,204,204,204,207,209,208,208,209,215,212,204,199,196,194,191,194,194,191,190,190,194,202,207,207,207,194,182,181,186,194,196,196,186,133,133,181,183,181,183,194,191,191,196,202,199,196,199,204,204,209,215,222,225,225,225,222,217,212,209,204,196,187,185,186,196,199,202,204,207,207,209,212,212,209,204,204,207,207,202,199,196,195,195,202,212,217,217,212,215,212,109,84,101,133,189,196,196,196,199,204,209,212,209,207,205,205,207,209,212,212,209,209,209,209,209,209,204,204,204,204,207,209,207,202,199,199,202,204,207,207,207,207,209,204,196,191,186,139,135,133,135,137,181,186,194,196,194,191,194,196,199,204,204,204,199,194,189,186,186,189,186,183,183,181,135,135,178,181,183,183,178,131,129,176,183,183,183,191,199,199,196,194,191,189,186,186,183,183,186,191,189,181,178,178,181,178,178,176,127,118,117,125,178,186,189,189,186,178,133,176,181,181,186,194,202,209,215,215,212,207,204,202,189,134,137,189,199,204,204,199,194,194,199,204,209,212,209,207,207,204,204,202,199,196,199,199,202,199,196,189,186,191,191,186,181,183,191,199,204,204,199,189,181,176,176,176,133,133,133,133,176,186,189,183,176,176,181,186,183,181,178,178,181,186,191,191,189,183,178,178,186,191,194,194,186,181,176,133,131,133,181,191,199,204,204,191,125,123,129,181,191,191,189,183,178,178,183,186,191,194,196,194,183,181,189,202,204,194,112,112,123,186,194,194,191,189,181,177,181,191,196,196,191,183,181,181,181,178,178,183,189,191,183,182,183,186,191,194,191,186,132,131,133,183,191,194,194,191,191,191,191,194,194,194,192,194,196,196,199,199,199,194,181,132,131,133,183,191,196,202,199,183,178,189,194,194,196,194,189,189,186,186,186,186,186,183,183,183,183,186,191,191,189,186,189,191,186,183,181,183,186,189,191,194,199,202,202,202,204,209,209,207,207,204,204,204,204,199,194,191,186,137,134,135,189,191,185,183,186,189,191,199,207,209,209,207,202,198,199,204,212,212,204,199,202,209,212,199,194,195,202,212,212,207,199,196,199,202,204,207,207,207,207,207,209,209,208,208,208,209,209,209,209,212,212,215,217,215,215,215,217,217,217,215,212,212,217,220,217,217,212,211,211,212,215,215,212,212,212,212,215,212,209,209,209,207,204,202,199,199,199,199,196,194,190,190,190,191,194,196,196,194,196,196,199,202,199,199,196,196,199,202,204,204,204,202,202,204,204,207,212,215,222,222,217,212,209,209,209,207,207,207,207,212,220,225,222,220,217,215,212,209,207,207,217,222,222,217,215,217,225,230,230,230,225,225,228,230,230,230,230,228,222,222,228,233,230,228,228,230,228,217,216,217,222,222,225,228,225,222,225,225,217,215,225,225,217,215,209,202,148,145,146,207,217,215,209,209,209,205,207,212,222,225,228,233,233,233,230,233,233,233,230,225,225,222,225,225,225,222,217,215,209,202,147,194,202,209,212,212,212,209,204,200,202,207,204,200,200,204,202,199,199,207,212,212,212,212,215,217,222,222,222,222,222,222,222,222,222,225,225,225,225,225,222,217,217,215,212,209,209,207,207,204,202,202,204,204,202,202,202,202,199,199,199,196,194,189,189,189,189,186,186,181,178,178,178,178,178,176,173,170,170,168,127,127,165,165,165,168,170,168,165,123,121,119,119,121,121,121,117,115,113,113,113,115,119,121,123,125,127,168,170,173,176,181,189,196,202,202,204,204,202,194,191,186,137,133,133,139,186,186,139,135,137,189,196,199,202,202,202,202,207,215,228,233,233,233,230,228,228,228,222,222,238,246,246,246,248,251,255,255,255,251,238,220,202,198,200,215,230,230,233,233,235,238,233,228,220,207,18,12,31,97,152,152,173,186,0,199,241,199,124,79,17,0,0,0,0,0,29,35,31,29,31,0,0,0,0,0,0,0,105,79,29,21,43,90,49,9,5,108,199,246,248,209,165,147,155,165,178,157,137,113,98,53,47,47,27,0,0,0,0,0,19,0,0,0,0,0,0,0,64,255,255,255,255,255,183,69,31,0,0,0,0,0,0,0,0,13,21,29,35,41,29,9,5,33,74,82,87,108,111,95,31,5,0,0,0,0,27,5,0,0,0,7,100,131,129,137,147,134,92,37,0,0,0,0,0,0,0,0,0,0,0,0,0,19,59,118,144,147,111,49,31,19,0,0,9,39,75,147,189,222,233,243,251,251,255,255,241,217,196,186,191,196,202,194,173,113,103,150,176,191,204,207,199,181,157,121,67,35,9,15,41,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,168,181,170,144,134,137,165,183,189,134,28,33,85,83,43,33,45,109,194,199,220,230,54,165,222,233,212,113,75,75,91,117,168,173,181,189,178,111,89,71,64,69,101,155,101,73,51,39,37,47,83,107,93,35,13,0,37,150,183,191,178,150,95,86,86,97,152,155,160,186,191,160,111,103,97,97,103,111,111,111,155,163,163,163,163,152,111,160,189,199,189,155,99,87,87,95,101,107,109,117,181,215,233,228,202,107,74,79,165,170,115,103,101,115,183,181,101,89,89,65,48,59,97,117,117,95,79,87,107,113,111,111,115,115,111,101,87,68,64,68,97,152,160,107,102,107,173,189,178,157,155,173,181,178,165,137,99,97,131,131,95,87,79,79,73,69,65,61,61,59,61,67,77,116,116,105,67,67,67,67,92,69,63,51,35,33,53,57,47,35,33,33,29,37,53,61,57,59,103,118,118,113,116,113,103,65,51,37,55,111,116,87,85,85,81,67,67,69,81,99,107,83,25,0,1,73,121,173,173,194,212,215,212,211,217,233,251,255,255,255,255,0,0,248,255,0,0,0,0,255,255,255,255,233,196,186,194,163,65,39,49,63,57,37,39,39,45,33,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,23,29,20,20,24,33,35,23,14,15,23,31,43,53,61,61,61,61,69,75,73,79,93,134,137,152,165,170,163,150,105,103,103,103,144,144,147,142,97,85,65,49,44,47,67,89,139,129,81,77,81,85,83,77,67,55,51,65,69,69,73,77,85,91,93,129,95,93,97,134,134,134,129,121,121,118,116,116,108,103,103,103,108,108,105,100,103,108,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,113,79,43,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,118,165,181,165,133,127,134,137,152,176,186,176,160,147,144,147,160,0,0,0,126,121,118,118,113,98,77,72,0,121,178,217,217,189,160,113,87,85,85,79,72,69,0,0,0,0,0,51,40,38,22,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,13,25,13,0,0,0,0,0,0,7,17,25,41,51,61,63,73,108,121,121,83,71,59,53,51,51,63,83,129,142,142,129,137,150,160,160,160,150,147,142,142,139,126,83,63,45,25,13,13,11,9,9,9,5 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,199,194,194,196,194,194,199,204,204,191,97,95,150,157,160,170,176,170,113,106,107,119,176,183,181,121,105,107,173,186,202,209,115,74,110,199,202,191,178,178,176,73,107,178,194,189,123,112,113,123,125,129,133,135,135,181,194,209,222,215,196,194,202,202,189,186,191,194,196,196,196,194,191,137,132,135,186,191,189,183,182,183,186,186,189,194,196,202,207,207,204,207,209,209,209,209,212,217,215,207,199,194,191,191,191,194,194,194,194,199,204,204,202,199,189,183,186,191,191,191,189,181,133,135,194,202,196,194,194,189,186,191,196,196,194,194,199,204,207,212,217,222,222,222,217,215,209,204,199,194,191,191,194,199,202,204,209,209,207,204,207,209,212,209,207,204,202,199,196,195,196,199,204,207,209,209,209,212,215,189,113,137,194,196,202,202,199,199,202,207,212,212,209,207,207,207,209,209,209,209,209,209,209,209,209,207,204,204,204,204,199,196,199,202,204,204,204,207,207,207,209,212,209,202,191,137,132,132,132,135,137,181,183,194,196,194,191,194,196,199,204,204,204,199,191,186,183,183,183,183,183,178,134,132,132,134,181,186,186,181,178,181,186,191,191,191,199,202,199,196,194,194,194,189,186,186,186,189,191,189,183,181,183,183,183,183,183,176,125,119,123,173,183,191,191,189,181,178,181,186,186,186,194,202,209,209,207,207,207,204,191,131,127,135,189,194,202,204,207,204,199,199,202,207,207,207,204,204,207,207,204,202,199,196,196,199,199,196,194,191,191,194,191,186,189,194,199,196,191,183,133,127,127,131,176,133,131,133,176,178,183,183,178,133,132,133,178,178,135,135,135,178,183,189,191,189,183,176,176,181,189,191,186,176,129,123,121,123,127,178,189,199,207,207,196,173,129,176,183,191,189,183,178,173,131,176,183,186,189,191,189,181,178,183,199,207,199,129,121,131,189,196,194,191,194,186,179,181,181,181,181,181,133,176,181,181,131,129,131,186,194,189,183,182,182,183,186,189,186,178,132,132,178,189,194,191,191,191,191,194,194,196,194,194,194,196,196,196,199,199,194,183,133,132,135,186,191,196,202,194,125,123,178,189,191,194,194,189,189,189,186,186,183,183,181,181,181,183,186,189,189,189,189,191,194,191,186,181,181,183,186,191,194,196,199,199,199,204,209,209,207,204,204,204,204,204,202,199,196,196,191,139,139,189,191,185,185,191,194,196,202,207,209,209,207,202,198,199,204,215,215,209,202,204,207,207,199,195,196,202,209,209,204,199,196,196,199,202,204,207,207,207,207,209,209,208,208,208,209,209,212,212,215,215,215,215,215,212,212,215,217,217,215,212,212,212,215,215,215,215,212,212,215,217,217,217,215,215,215,217,215,209,207,207,207,207,204,202,202,202,204,204,202,199,194,191,191,194,194,196,196,199,199,199,199,199,199,199,202,202,202,202,202,202,204,204,207,207,207,209,212,215,217,215,212,209,212,215,212,212,212,215,222,225,228,225,225,222,222,215,204,150,150,209,222,225,225,222,225,228,228,228,225,222,222,225,228,230,233,233,228,216,213,225,235,233,230,228,230,230,222,217,222,225,225,225,228,225,217,225,230,225,222,228,228,222,215,207,202,196,149,196,212,217,212,204,204,207,207,209,215,222,228,230,235,233,230,233,235,235,233,230,228,225,225,222,225,225,222,217,215,212,202,139,139,147,199,204,207,209,212,207,202,204,209,209,200,200,204,204,199,196,202,209,209,207,209,215,217,222,222,222,222,222,222,222,225,225,225,225,222,222,222,222,217,217,215,212,209,209,207,204,202,202,202,202,202,202,202,202,202,199,199,199,196,194,189,189,189,189,186,186,181,178,178,178,178,178,176,173,170,170,168,127,125,125,125,165,168,168,168,163,121,119,118,119,121,123,121,119,117,115,115,113,115,119,121,123,125,127,168,173,176,178,183,191,199,202,202,204,204,202,196,191,186,181,135,181,186,189,186,139,137,141,196,202,202,204,207,207,204,207,215,222,230,235,235,225,211,213,225,230,238,248,251,248,244,243,244,254,255,255,251,228,209,200,198,200,225,230,209,204,217,222,222,225,222,212,199,21,18,35,95,152,155,173,194,0,0,255,254,181,131,43,0,0,0,0,0,21,77,61,29,23,59,0,0,0,0,0,0,0,98,53,41,98,124,105,43,31,79,126,191,222,194,155,139,155,186,194,176,139,111,87,43,27,21,9,0,0,0,0,0,13,7,0,0,0,0,0,0,215,255,255,255,251,194,103,39,25,1,0,0,0,0,0,0,0,0,0,9,17,15,11,5,3,0,7,19,45,108,134,131,95,31,0,0,0,0,92,15,0,0,0,27,121,137,125,129,147,142,118,72,23,0,0,0,0,0,0,0,0,0,0,0,3,25,49,105,147,160,129,63,43,39,31,19,9,29,67,157,191,202,215,230,251,255,255,255,255,230,199,178,176,176,178,173,117,99,99,157,183,196,204,207,199,181,163,121,51,9,1,1,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,103,163,170,129,108,112,157,199,215,189,51,47,79,83,59,43,55,99,189,199,215,222,28,26,168,215,207,107,75,78,99,168,173,178,189,189,178,111,93,77,68,81,165,176,101,67,47,39,34,51,93,107,93,35,15,0,39,107,183,202,199,170,103,92,91,101,155,152,170,194,202,178,152,107,97,90,91,99,111,157,176,176,173,163,163,155,155,189,204,207,199,178,107,81,71,71,81,107,165,181,199,215,225,207,181,93,77,88,186,117,93,95,103,160,170,109,79,83,95,57,43,56,97,117,160,157,109,101,99,101,100,107,115,115,109,95,75,65,69,85,103,152,176,170,160,157,178,189,176,160,155,168,165,160,160,152,137,95,89,89,89,83,73,73,73,71,77,75,69,67,55,52,63,108,118,105,105,73,65,59,51,57,65,55,25,17,33,51,51,43,37,26,22,28,53,65,63,63,103,116,116,113,100,100,65,53,35,20,41,75,118,87,85,83,81,75,67,63,73,93,101,89,53,13,43,103,183,199,204,212,222,233,215,209,209,215,230,246,255,255,0,0,0,0,0,251,0,0,0,0,255,255,207,170,152,152,170,152,59,32,32,37,34,32,32,39,53,45,11,0,0,0,0,0,0,0,7,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,23,25,27,33,33,35,29,23,19,17,19,25,35,43,55,61,55,45,39,45,65,79,85,97,139,152,155,157,152,150,147,147,147,144,144,103,101,99,97,85,73,53,46,51,71,93,144,129,83,81,81,85,79,73,61,49,43,51,59,57,63,69,77,85,93,91,88,88,89,129,131,131,124,121,118,118,116,116,108,103,103,103,108,100,95,92,98,108,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,113,77,35,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,92,137,165,155,130,130,147,147,144,155,176,170,155,137,131,134,147,0,0,0,134,121,121,116,105,87,72,0,0,121,170,207,199,165,116,74,59,64,72,69,69,0,0,0,0,0,0,79,74,64,38,14,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,25,35,25,0,0,0,0,0,0,7,21,35,49,55,61,63,100,116,139,139,121,83,71,63,63,63,71,85,139,157,157,144,150,160,168,173,168,160,157,157,157,157,139,89,71,51,35,19,19,17,13,9,5,5 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,204,199,199,199,194,194,194,191,181,157,92,92,150,178,191,196,199,194,176,111,108,111,121,173,176,168,125,173,181,181,191,196,111,109,170,199,207,202,199,199,204,176,127,131,181,176,116,111,115,129,131,131,135,133,131,132,181,196,204,199,191,196,212,212,199,191,196,196,196,199,204,202,199,189,183,183,191,194,191,189,189,194,191,186,186,186,189,196,202,204,204,204,207,209,207,207,209,212,209,204,196,191,191,191,194,199,202,202,202,204,204,204,199,191,181,181,189,196,194,189,189,194,186,186,194,199,196,191,191,189,186,186,191,194,194,194,196,202,204,207,212,215,215,209,207,209,209,204,196,196,199,202,202,199,202,207,209,209,204,203,204,207,209,212,209,204,202,199,199,196,202,209,209,204,202,202,202,207,212,204,196,202,204,202,202,202,196,194,191,199,209,215,212,209,207,209,209,207,207,207,209,212,212,212,212,207,204,204,202,194,187,187,194,204,207,207,207,204,204,207,209,209,207,199,186,133,131,132,135,137,135,133,135,186,191,191,191,194,196,202,204,207,204,199,191,186,183,183,183,183,181,135,134,133,134,178,183,189,186,181,183,191,194,191,194,196,202,204,202,199,199,199,199,196,194,189,189,191,191,189,183,181,186,189,189,191,189,181,127,121,123,129,178,186,191,189,183,181,183,189,189,189,191,199,207,204,204,202,202,194,137,131,131,181,189,191,196,202,207,207,204,202,202,202,204,204,204,207,207,207,207,204,199,196,196,196,199,199,196,194,194,194,191,191,191,194,194,186,178,129,123,122,123,131,176,131,131,176,183,183,183,183,178,133,132,132,132,135,135,134,135,181,189,191,191,191,186,181,176,178,183,186,178,129,123,121,119,119,125,173,183,194,202,202,194,181,173,178,183,189,186,183,178,131,130,131,176,183,186,183,183,181,178,179,191,199,194,133,127,133,186,191,191,194,196,194,189,181,176,129,131,133,133,176,181,181,131,127,128,178,191,191,189,183,182,182,183,186,189,186,133,131,135,186,191,191,191,191,194,194,196,196,196,199,199,196,194,194,196,199,196,186,137,137,181,186,191,194,191,127,92,107,127,181,186,191,194,191,191,191,189,186,181,178,135,135,178,181,186,186,183,181,186,191,194,194,191,186,181,181,186,189,189,189,191,194,199,204,209,209,207,204,204,204,204,202,202,199,199,202,202,191,191,194,196,191,191,196,199,202,204,207,207,207,204,202,199,199,202,209,212,209,207,209,209,207,202,199,199,202,202,202,202,196,196,196,199,202,207,209,209,207,207,209,212,212,212,212,215,217,217,222,222,220,217,215,212,211,212,215,215,217,215,215,212,211,212,215,217,217,215,215,215,222,222,222,217,217,217,217,215,212,209,209,209,207,207,207,207,207,207,209,209,209,204,196,194,194,194,196,199,202,202,199,199,196,199,202,204,207,204,199,196,202,204,207,209,209,209,204,207,209,209,209,209,209,212,217,215,215,215,222,228,230,230,228,225,222,222,215,202,146,144,202,215,222,225,225,225,228,228,225,222,217,217,225,228,230,233,235,228,212,208,222,238,235,233,230,230,230,228,222,217,222,225,228,225,217,215,225,228,228,225,230,230,225,215,209,209,209,207,207,215,222,212,203,203,209,212,215,222,225,228,230,233,233,228,230,233,235,233,228,225,225,225,222,225,225,222,217,217,212,202,137,135,137,143,194,202,209,217,217,212,209,212,209,204,207,215,215,202,195,196,204,207,209,212,217,217,222,222,222,222,222,222,225,225,225,225,222,222,222,222,222,217,217,215,212,209,209,207,204,202,202,202,202,202,202,202,202,202,199,199,199,196,194,189,189,189,189,186,186,181,178,178,178,178,176,176,173,173,170,168,127,125,125,125,165,165,168,168,163,121,118,119,121,123,123,121,119,119,115,115,115,115,119,121,123,125,168,170,176,178,181,183,191,196,199,199,199,202,199,194,191,189,186,183,186,189,189,183,139,139,191,202,209,212,215,215,215,215,217,222,228,233,235,235,220,204,209,225,233,241,246,248,248,246,243,243,248,255,255,248,230,212,204,202,204,228,233,202,186,194,199,202,212,212,199,191,31,35,49,95,152,173,191,209,0,255,255,254,173,131,47,0,0,0,0,0,0,56,59,15,5,17,48,0,0,0,0,0,150,105,64,64,98,124,116,79,37,37,45,100,152,152,126,131,157,189,194,176,137,111,53,27,0,0,0,0,0,0,0,0,1,7,0,0,0,0,0,23,255,0,255,220,95,43,39,41,43,90,139,116,0,0,0,0,0,0,1,17,7,0,0,5,0,0,0,0,23,116,150,144,105,31,0,0,0,0,29,0,0,0,0,69,129,139,131,147,155,147,131,92,39,0,0,0,0,0,0,0,0,0,11,21,29,33,41,65,129,147,129,67,49,55,51,31,9,21,65,152,183,183,183,199,243,255,255,255,255,255,225,196,170,163,119,113,98,93,99,163,183,191,194,194,181,173,181,163,69,13,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,137,165,121,98,104,150,199,207,196,79,63,81,83,71,53,57,103,202,215,212,194,21,14,65,183,202,163,89,101,173,186,178,173,189,189,178,113,99,93,91,111,194,189,107,75,51,34,21,49,87,99,93,53,37,29,69,107,168,191,202,186,157,107,95,109,173,173,186,202,202,176,113,101,90,88,91,103,150,163,176,163,163,155,152,152,163,189,196,199,199,199,176,103,79,71,75,97,157,191,199,207,207,204,178,99,84,101,165,95,84,92,111,157,109,78,72,79,95,79,55,69,105,117,160,163,160,109,101,101,105,111,152,115,115,107,81,69,85,103,111,152,178,181,165,157,168,178,165,144,142,152,142,137,137,147,147,95,87,89,89,83,79,79,79,85,116,116,113,73,53,47,47,63,103,100,113,124,95,39,11,13,47,21,7,7,19,41,51,49,39,25,24,28,53,92,92,65,65,67,67,61,53,51,47,33,20,17,33,73,118,118,85,73,69,67,56,56,65,79,89,93,87,97,113,181,202,212,220,220,233,235,222,211,211,217,225,241,255,255,0,255,251,0,0,217,0,0,0,0,255,191,139,75,57,59,73,73,49,35,35,43,45,43,39,47,79,45,0,0,0,0,0,0,0,79,238,181,27,0,0,0,0,0,0,0,0,0,0,0,0,0,9,25,23,25,66,77,69,47,35,29,29,25,17,15,25,43,55,55,43,33,31,39,67,81,85,97,142,155,155,152,152,152,155,160,157,157,150,144,101,99,97,89,77,59,47,53,73,131,139,129,83,79,81,81,79,71,59,49,41,41,43,45,51,61,71,83,85,89,86,85,89,129,131,134,129,124,121,121,121,116,113,103,103,103,103,95,88,87,98,108,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,113,74,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,63,116,155,163,147,147,155,147,144,155,176,173,155,134,124,126,134,0,0,0,134,126,121,118,108,95,0,0,0,126,160,189,178,131,64,43,46,52,59,64,77,87,0,0,0,0,0,105,105,87,69,27,0,0,0,0,0,0,0,0,0,0,0,0,0,3,13,19,25,21,9,0,0,0,0,0,7,25,37,49,57,63,71,108,126,147,147,129,83,73,71,71,73,77,89,147,160,160,155,160,168,183,186,178,168,165,165,165,165,157,126,77,57,45,25,25,25,19,13,9,7 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,189,191,191,186,181,176,170,168,165,142,101,155,194,204,207,207,207,202,186,123,112,111,115,125,173,178,178,176,170,173,186,173,178,181,189,202,209,209,209,212,212,181,127,131,176,127,119,176,186,186,189,189,178,131,130,133,186,191,189,191,204,215,212,199,194,199,199,196,199,199,199,199,194,186,183,189,194,194,191,194,194,189,185,183,183,183,186,191,194,194,194,196,199,196,194,196,199,199,202,199,194,191,191,196,202,207,207,202,202,202,202,199,189,131,126,135,186,189,189,191,199,194,189,186,186,183,186,189,189,183,181,186,191,196,196,199,202,204,207,209,209,207,202,199,204,207,202,196,196,199,204,202,199,202,207,212,209,204,204,204,207,209,209,209,207,202,199,196,196,204,212,212,204,200,200,202,202,202,199,202,204,207,204,204,202,196,189,186,191,204,212,212,209,209,209,209,207,205,207,209,209,212,212,212,209,204,199,194,187,185,187,199,207,209,207,207,207,207,207,207,207,204,194,183,133,133,137,181,137,133,132,133,183,189,191,191,196,199,202,204,207,207,199,191,186,183,181,178,178,178,135,135,178,181,183,183,181,181,181,186,194,194,194,199,199,202,207,207,207,207,202,199,199,196,194,194,194,191,189,186,186,189,191,194,194,186,176,125,120,121,125,131,178,186,186,183,181,178,186,191,194,191,194,199,202,202,199,189,181,137,183,191,194,196,196,194,199,204,209,207,204,202,199,199,202,204,204,204,204,204,204,199,196,195,196,199,199,196,196,191,189,189,191,191,191,186,178,129,123,121,122,123,127,131,128,127,176,189,191,186,183,183,181,176,132,133,178,181,178,181,189,194,196,196,194,191,186,178,176,178,181,133,127,123,121,119,119,125,129,131,173,178,183,183,178,173,176,178,183,183,181,178,173,130,130,173,181,183,182,183,183,181,179,186,191,183,126,126,133,183,189,194,196,196,196,194,186,133,127,128,176,178,181,183,183,178,131,129,133,183,189,191,189,186,183,183,189,194,189,135,132,135,183,186,189,191,194,194,194,196,196,199,202,199,194,189,189,194,196,196,189,183,183,186,186,189,194,191,115,79,104,125,178,183,189,194,194,194,194,191,186,181,135,134,133,134,181,183,181,178,178,186,191,194,196,194,189,183,181,183,183,181,183,189,194,196,202,207,207,204,202,202,199,199,199,199,198,199,202,202,196,194,199,202,199,199,202,202,204,204,202,202,202,202,202,199,198,199,202,204,207,209,212,212,212,209,207,204,202,199,196,196,196,196,196,199,202,207,212,212,209,209,212,215,215,215,217,222,225,225,225,225,222,222,217,215,212,212,215,215,215,215,215,212,211,211,215,217,217,215,215,215,217,217,217,217,217,217,217,215,212,209,209,209,207,207,209,209,209,209,212,215,215,209,204,199,196,196,199,202,202,199,199,199,196,199,204,207,207,202,196,196,199,204,207,207,207,204,204,204,204,204,207,207,212,215,217,215,212,215,222,228,230,228,228,222,217,217,215,204,148,145,151,209,215,217,217,217,225,228,222,217,217,217,225,230,235,235,238,235,215,211,225,238,238,235,230,226,228,228,222,212,215,225,228,225,212,211,217,225,225,228,228,228,222,217,217,222,225,215,204,207,217,222,209,204,207,212,220,222,222,217,222,228,228,225,228,230,230,228,220,216,217,222,225,228,228,225,222,217,212,202,137,135,136,141,147,202,212,222,222,217,215,217,215,212,212,215,209,195,192,196,204,209,212,217,217,217,222,222,222,222,222,222,225,225,225,225,222,222,222,222,222,217,217,215,212,209,209,207,204,202,202,200,202,202,202,199,202,202,199,199,199,196,194,189,189,189,189,186,186,181,178,178,178,176,176,176,173,173,173,170,168,165,125,125,125,165,165,165,163,121,119,121,123,163,163,121,119,119,117,115,115,117,117,119,123,127,168,173,176,178,178,181,189,194,196,196,196,199,196,196,194,194,191,191,191,191,183,138,138,186,194,202,212,222,228,228,225,225,228,230,233,235,238,238,228,204,213,230,230,233,238,243,248,248,246,244,246,251,251,246,233,217,212,209,204,220,233,217,194,186,186,194,209,204,190,191,47,61,69,97,163,199,222,230,0,255,255,241,139,124,105,45,1,0,0,0,0,0,0,0,0,0,5,17,59,0,0,0,150,105,59,56,79,98,92,49,37,23,17,23,45,45,51,111,137,163,165,155,131,111,82,27,0,0,0,0,0,0,1,9,0,13,13,0,0,0,0,43,255,255,255,124,36,30,36,77,111,150,176,129,0,0,0,0,11,25,35,39,19,0,4,29,23,0,0,0,17,116,139,118,31,0,0,0,0,3,0,0,0,0,0,61,129,155,155,152,139,134,126,100,43,9,0,0,0,0,0,0,0,0,17,31,39,39,41,53,69,108,73,61,49,57,59,45,31,39,79,163,183,176,176,183,215,251,255,255,255,255,246,204,170,117,109,101,93,90,99,157,170,176,173,173,168,173,196,196,142,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,129,157,113,95,104,150,181,191,173,75,63,75,69,51,31,53,105,220,220,196,165,30,28,67,115,202,199,117,170,204,199,181,173,186,189,168,113,107,107,113,176,194,181,111,91,77,13,4,53,93,99,93,67,55,63,95,144,155,178,191,194,183,109,95,147,186,202,207,212,199,170,109,95,90,90,101,111,163,163,163,155,150,111,105,99,107,155,176,189,199,199,196,178,155,95,79,75,89,157,191,199,199,199,194,119,93,107,165,92,86,95,111,109,83,74,74,81,89,85,81,103,160,168,163,115,117,115,109,113,113,152,155,152,152,113,95,83,87,107,150,150,152,160,150,143,147,160,144,137,135,142,139,99,95,99,134,97,95,97,93,87,79,79,85,89,124,134,134,83,55,45,44,57,77,105,116,124,103,29,0,0,7,6,5,7,25,45,47,47,45,37,35,47,61,95,105,63,49,43,47,41,35,33,33,23,16,17,33,81,137,134,85,67,54,55,56,65,73,79,87,95,107,165,183,199,202,212,220,222,233,241,235,228,243,251,251,254,255,255,0,255,248,233,217,209,0,0,0,255,255,165,87,57,33,33,33,35,35,35,43,51,51,49,45,53,87,72,35,3,0,0,0,0,189,255,255,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,21,19,25,85,100,87,72,41,35,37,29,15,11,15,33,45,39,33,41,57,73,85,93,93,99,142,155,155,152,152,163,170,170,168,160,155,155,152,147,99,89,77,59,47,51,73,93,129,89,81,77,75,75,73,67,59,49,43,37,35,41,45,57,69,77,85,89,88,88,93,134,139,139,131,129,129,126,126,124,118,113,105,98,90,88,88,87,98,111,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,121,77,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,59,108,147,170,165,155,147,131,137,176,191,183,160,134,121,121,126,0,0,0,126,126,126,121,113,105,0,0,0,131,152,178,170,118,47,42,47,59,64,64,77,103,0,0,0,0,0,131,131,121,87,48,14,0,0,0,0,0,0,0,0,0,0,0,0,0,3,9,13,19,13,0,0,0,0,0,9,25,37,51,59,71,103,118,144,160,160,142,85,73,65,75,81,85,91,150,163,168,163,170,181,189,194,189,181,176,176,176,176,168,142,85,65,53,37,37,47,37,27,21,19 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,147,173,176,170,169,173,183,186,183,168,170,199,207,207,207,207,209,202,178,113,109,112,165,181,186,183,174,166,165,183,199,189,170,170,189,207,212,212,209,207,181,124,127,186,194,199,209,204,204,207,204,189,133,131,135,183,186,189,194,204,212,204,194,194,196,196,196,196,190,190,194,196,189,182,183,191,196,196,196,194,189,185,185,185,183,183,185,186,185,183,185,186,186,183,183,186,191,196,196,194,191,191,196,202,202,199,194,191,191,191,194,194,127,118,120,129,137,186,189,191,189,182,179,179,182,186,189,183,133,127,133,183,194,196,202,204,204,209,209,207,199,194,194,199,202,199,196,196,199,202,199,199,204,209,215,212,209,207,207,204,204,204,207,204,202,199,196,194,202,212,212,207,202,202,202,194,189,191,199,204,207,204,202,202,196,187,185,189,204,212,212,212,212,212,209,207,205,207,209,207,207,209,209,204,194,189,189,189,189,196,204,209,209,209,209,209,207,207,207,207,202,191,139,133,135,183,186,183,137,133,135,189,194,194,196,199,202,202,204,204,204,196,186,181,183,181,135,135,135,135,181,186,189,189,183,179,179,181,186,194,192,192,196,199,202,207,207,209,207,204,199,199,196,194,194,196,196,194,191,191,191,189,191,189,181,131,123,121,123,125,127,173,181,186,181,133,133,183,194,196,189,186,189,189,196,196,186,137,183,194,202,204,202,199,194,194,202,209,209,207,199,196,196,199,202,202,202,202,204,204,202,196,196,196,199,196,196,194,189,186,183,186,186,183,178,173,125,123,123,127,127,125,129,127,126,176,191,191,186,186,191,191,183,178,178,186,186,181,186,194,199,202,202,196,194,189,181,133,133,176,133,129,123,116,115,117,123,125,123,120,121,127,131,131,173,173,176,178,178,178,176,173,131,131,178,186,189,186,191,194,189,183,183,183,173,123,124,131,181,189,194,194,194,194,189,181,129,125,128,181,183,181,181,183,186,181,176,133,178,186,189,191,189,186,186,191,194,189,135,132,135,181,186,189,194,196,196,196,196,196,199,202,202,194,189,189,191,194,191,189,186,191,191,189,194,202,204,133,88,112,135,183,186,189,194,194,194,191,189,186,181,135,134,133,134,181,183,181,178,181,189,194,196,194,194,191,186,183,181,137,135,181,189,194,199,202,204,207,204,199,194,194,194,196,199,199,199,202,202,196,196,202,202,202,202,202,204,202,202,199,199,199,199,202,202,199,199,199,202,204,207,212,215,215,215,212,207,202,199,196,196,196,196,196,199,204,209,215,215,212,212,212,215,215,217,222,225,228,228,225,222,222,222,222,222,217,217,217,217,217,215,215,212,211,212,215,217,217,215,212,212,212,212,215,215,217,215,212,209,209,209,209,207,204,204,212,212,209,209,212,217,217,212,209,204,199,199,199,202,199,199,199,199,196,199,202,204,204,199,196,196,199,202,204,204,202,202,204,204,204,204,207,209,212,215,215,212,209,212,222,228,230,228,228,222,217,217,222,217,204,151,153,207,212,212,215,217,222,228,225,222,217,222,228,235,238,238,238,241,225,217,230,238,238,235,230,226,226,228,217,209,211,220,225,222,211,209,215,222,225,228,228,222,217,222,225,230,233,225,191,199,217,228,222,207,203,207,215,217,212,209,209,217,222,222,222,225,225,222,216,216,216,222,225,228,230,228,222,217,209,199,139,137,141,147,199,207,212,217,217,217,222,222,217,215,212,209,196,190,190,199,212,215,215,217,217,217,222,222,222,222,222,222,225,225,225,225,222,222,222,222,222,217,217,215,212,209,209,207,204,202,202,202,202,202,199,199,199,199,199,199,199,196,194,189,189,189,186,186,183,181,178,178,176,176,173,173,173,173,173,170,168,168,165,125,125,163,163,163,123,121,119,121,163,165,163,121,119,119,115,115,115,117,117,119,123,125,168,173,176,176,178,178,186,191,194,194,194,196,199,196,199,199,199,196,196,191,183,137,139,191,199,202,209,222,230,228,225,225,230,233,238,241,241,238,228,208,225,235,230,226,228,235,246,251,251,248,246,243,243,238,228,212,212,215,204,212,235,230,207,186,181,202,220,212,194,207,77,81,89,107,183,0,248,241,248,255,255,246,150,150,191,215,173,25,0,0,0,0,0,0,0,0,0,0,9,56,124,142,131,92,41,40,43,64,45,37,23,13,0,0,0,0,7,53,98,111,121,129,129,121,103,39,0,0,0,0,0,0,15,19,11,25,33,0,0,0,0,0,160,0,212,111,47,39,53,113,139,150,129,7,0,0,0,0,29,31,33,37,29,23,45,121,129,19,0,0,45,116,108,39,0,0,0,0,19,29,19,0,0,0,0,7,111,163,150,129,116,113,103,82,43,9,0,0,0,0,0,0,0,0,15,31,39,43,45,53,55,55,49,45,43,51,59,59,51,65,137,173,183,181,176,173,181,204,235,255,255,255,246,204,170,111,105,98,93,92,95,144,155,150,152,155,160,178,204,207,163,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,67,137,157,124,105,113,168,189,191,173,73,55,55,33,23,29,55,101,196,202,189,181,105,67,83,105,196,207,178,178,202,199,183,173,181,181,168,113,109,113,168,181,181,165,111,105,97,11,4,99,178,155,93,63,57,81,107,155,155,157,173,183,178,93,77,107,194,217,220,220,199,173,111,93,88,91,109,163,173,163,152,113,105,95,79,76,76,91,111,165,178,178,183,191,196,176,85,63,63,89,176,196,196,199,199,178,113,157,168,109,101,111,115,101,81,78,83,89,80,73,79,111,170,191,183,115,115,117,115,155,155,155,152,152,157,157,109,93,87,101,111,109,103,147,144,143,147,157,144,137,135,142,139,99,93,91,93,134,134,134,93,83,77,79,79,85,124,142,144,116,65,50,49,63,116,126,126,124,124,111,7,0,9,6,7,19,49,59,51,53,55,51,53,59,65,92,95,55,37,29,27,23,23,27,33,25,18,20,41,81,137,137,85,57,53,55,75,87,91,87,89,95,113,170,194,202,202,212,220,233,241,241,238,248,255,255,255,255,255,255,248,241,225,217,217,228,0,0,0,255,246,170,124,63,39,21,11,5,13,17,23,25,29,19,27,53,95,98,90,41,0,0,0,183,233,254,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,0,5,82,95,95,95,72,49,49,37,23,12,13,23,25,17,23,61,126,147,137,129,99,134,142,160,160,152,152,163,173,170,168,160,155,155,163,152,139,89,77,59,47,47,67,85,89,79,71,71,71,73,73,67,61,55,43,35,35,41,51,61,71,83,93,91,89,93,99,142,147,147,137,131,126,129,134,126,124,116,111,90,88,88,90,98,98,103,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,129,79,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,59,100,134,165,173,155,126,114,131,186,199,194,170,147,116,108,113,126,0,0,118,118,126,131,121,0,0,0,0,0,147,170,160,118,69,56,74,85,77,69,77,0,0,0,0,0,0,152,160,144,105,69,27,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,13,3,0,0,0,3,13,25,37,51,59,73,111,129,152,163,160,131,81,65,65,73,79,85,91,150,163,168,170,181,189,194,196,189,186,186,183,186,176,168,150,91,73,59,53,53,53,51,47,37,37 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,150,173,181,176,181,186,191,202,186,176,157,183,204,204,207,207,207,207,191,117,111,117,170,183,191,189,183,176,172,178,215,215,118,116,170,199,209,204,202,194,181,173,181,196,209,215,217,215,209,215,209,199,186,181,183,186,186,191,194,194,196,194,191,191,191,194,196,191,187,187,191,202,202,194,191,191,196,199,199,199,194,191,191,191,191,191,196,194,186,181,178,186,186,139,138,139,183,186,191,191,189,189,194,194,186,182,186,189,189,189,194,199,131,119,119,127,181,183,183,186,183,181,178,179,186,191,189,135,125,123,126,137,191,199,204,204,207,209,209,202,191,189,191,189,191,194,194,196,199,199,199,202,207,212,215,215,209,207,204,202,202,199,199,199,199,196,191,194,202,209,207,204,204,204,199,189,187,189,196,204,204,199,194,196,196,189,187,196,204,212,212,212,212,212,209,209,207,207,209,209,202,196,199,186,129,133,189,199,199,199,204,207,207,207,207,207,207,207,207,204,202,194,183,133,135,186,191,191,186,186,191,196,199,199,199,199,199,199,199,196,199,191,181,178,181,181,135,178,181,183,186,189,191,191,189,183,183,183,189,194,194,194,194,199,202,204,204,207,207,204,202,199,196,194,194,196,199,199,199,194,191,186,183,178,173,129,127,125,125,125,125,131,178,181,176,125,129,181,189,189,183,181,181,186,191,194,189,186,191,202,207,204,202,196,189,189,196,204,207,202,196,194,194,196,199,196,196,199,202,202,202,199,196,196,194,194,194,191,186,178,176,133,131,129,173,131,129,127,173,178,173,131,173,176,181,189,196,194,186,189,191,194,189,183,189,191,181,181,189,194,202,204,202,194,189,189,183,133,131,132,176,131,123,114,113,115,117,121,121,120,120,125,127,129,173,173,173,176,178,178,176,173,176,181,189,194,194,196,199,199,191,186,181,178,131,125,124,129,181,189,191,191,191,186,181,176,129,126,129,183,181,133,176,186,191,189,183,178,178,181,183,186,186,186,186,189,189,181,135,133,133,181,186,194,199,199,199,199,199,199,202,204,202,196,194,191,189,189,186,185,186,194,191,196,199,207,209,183,115,178,186,191,191,194,194,194,191,189,186,186,183,181,178,135,135,181,181,178,181,183,191,194,194,196,196,194,191,186,181,134,133,181,191,199,202,202,204,204,204,199,194,192,194,199,204,204,204,204,204,202,199,199,199,202,204,202,196,194,196,199,199,199,202,204,204,204,204,204,204,204,204,207,212,217,215,212,209,207,202,199,196,199,199,199,202,204,212,215,212,212,212,215,215,215,217,222,225,228,225,222,217,215,215,217,217,217,220,222,222,220,217,215,215,212,212,215,215,215,212,209,204,199,202,207,212,212,209,202,200,202,204,204,204,202,204,209,209,209,209,212,215,215,212,209,204,202,202,199,196,196,199,199,196,196,199,202,202,199,196,196,195,195,196,199,202,202,204,207,209,209,212,212,215,217,217,215,209,205,209,222,228,228,225,220,217,220,222,222,220,212,207,207,209,212,217,222,225,225,225,228,225,222,225,230,235,241,241,238,238,235,233,235,238,235,235,233,230,233,230,222,209,208,212,222,217,212,211,212,217,225,225,225,222,217,220,225,230,238,238,187,195,212,228,222,207,202,202,209,212,209,204,202,207,212,215,217,222,222,222,217,217,220,222,222,225,228,228,225,215,207,199,143,141,147,199,207,209,212,215,217,217,222,225,222,217,212,207,195,191,194,207,215,212,212,215,215,217,222,222,225,225,225,225,225,225,225,225,225,225,222,222,217,222,217,215,212,209,209,209,204,204,202,202,202,199,196,196,199,199,199,199,196,194,191,191,189,189,186,183,181,181,178,178,176,173,173,170,170,173,173,173,170,168,165,125,163,123,123,123,121,119,119,121,123,163,163,123,119,117,115,115,115,117,117,119,123,127,168,173,176,176,176,178,183,189,189,191,191,194,196,199,199,199,196,196,194,189,139,137,139,191,199,204,209,217,225,228,225,222,225,230,235,238,238,233,213,211,217,233,230,225,226,235,243,246,246,246,248,243,241,235,228,217,222,233,235,233,233,225,196,135,186,215,230,233,225,215,87,99,101,150,183,0,233,222,248,255,255,220,139,150,225,255,238,126,0,0,0,0,0,0,0,0,0,0,0,0,48,92,100,66,41,40,43,45,39,31,13,0,0,0,0,0,7,33,41,39,49,95,121,124,111,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,137,118,111,77,53,121,142,134,55,0,0,0,0,0,0,0,0,0,13,39,98,131,139,77,31,79,126,116,64,7,0,0,0,0,23,103,116,64,0,0,0,19,87,124,129,116,100,87,87,72,37,11,0,0,0,0,0,0,0,0,3,21,33,45,55,59,53,45,37,35,37,45,59,65,63,67,129,163,165,173,176,176,173,183,215,241,255,255,238,196,157,105,105,109,107,99,99,103,142,134,142,147,152,178,196,170,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,129,152,170,163,137,124,137,173,189,189,170,99,67,25,16,21,35,65,91,155,186,196,194,178,97,93,115,191,207,194,186,186,186,186,178,181,173,155,109,108,155,176,181,165,152,152,105,67,17,38,168,196,168,79,56,57,91,155,157,150,144,147,155,107,54,52,95,199,217,220,220,194,173,150,97,88,90,107,163,176,163,150,111,103,93,78,71,70,77,103,155,160,152,152,165,196,183,95,61,59,67,115,183,183,181,178,165,160,165,181,168,160,157,117,109,95,95,97,91,78,71,78,113,186,204,202,168,115,160,155,115,117,113,112,112,157,160,109,95,99,105,105,104,103,147,150,147,147,160,157,144,142,139,139,99,93,87,91,97,134,147,95,83,81,79,79,85,126,139,139,83,67,61,57,73,116,116,126,137,139,139,150,108,21,21,25,41,55,59,57,57,55,59,57,55,55,55,55,45,37,25,15,8,13,27,39,33,21,23,43,73,121,129,85,69,56,65,87,137,139,99,95,95,109,170,194,202,202,212,222,233,222,233,235,251,255,255,0,255,255,248,228,204,168,160,186,228,255,255,255,254,225,176,131,63,49,25,5,1,4,7,5,0,0,0,13,39,87,113,116,103,0,90,137,194,238,235,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,103,113,103,87,57,51,53,41,29,13,1,0,17,75,139,160,147,137,137,142,157,168,165,152,152,165,173,170,168,168,155,155,155,152,97,85,77,65,51,41,49,69,77,71,65,59,65,73,79,79,67,55,43,35,43,57,63,67,75,85,93,129,131,137,134,144,157,155,139,129,126,129,134,131,131,121,113,98,90,95,100,98,95,82,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,129,82,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,57,100,121,155,165,147,121,112,131,170,194,194,176,147,108,90,90,105,0,113,105,105,121,144,0,0,0,0,0,0,147,155,144,118,103,95,100,100,85,69,72,0,0,0,0,0,0,170,170,150,116,85,35,7,0,0,0,0,0,0,0,0,0,0,0,0,0,3,9,13,13,9,3,0,0,9,21,35,37,43,59,77,129,150,160,163,152,129,79,65,63,67,75,81,91,142,163,176,181,181,189,189,189,194,194,191,186,189,189,168,150,91,79,73,65,59,53,53,53,53,53 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,176,191,199,189,191,191,191,189,186,170,156,150,144,199,204,207,207,204,186,113,111,123,176,181,189,189,191,189,176,173,183,178,113,112,118,178,191,127,87,99,127,181,194,207,217,222,217,212,212,215,207,199,199,202,199,191,191,196,191,136,135,183,189,191,191,194,196,194,190,190,196,207,209,204,191,186,194,202,207,209,204,196,194,199,209,215,217,212,202,186,181,189,189,183,139,139,139,183,186,186,186,186,194,194,183,181,182,186,189,191,196,196,181,127,135,189,189,183,182,182,183,183,183,186,191,191,183,129,124,123,127,137,189,196,202,204,204,204,202,199,191,187,186,183,185,187,189,196,202,202,202,204,209,215,215,212,207,204,202,199,196,191,191,194,196,196,194,191,196,202,202,202,202,202,196,189,187,191,194,199,199,195,194,196,196,194,196,204,212,212,212,212,212,212,212,215,212,209,209,207,141,125,122,122,125,137,199,204,202,199,199,199,202,202,202,202,204,204,202,202,199,194,183,133,135,189,196,196,196,196,199,202,202,202,199,194,191,189,186,181,183,183,181,178,178,178,178,181,186,189,189,189,189,189,189,186,186,189,194,196,194,191,191,194,199,204,204,204,204,202,199,202,199,196,196,196,199,199,199,196,189,181,131,127,127,129,129,129,129,127,125,127,131,131,125,122,125,178,183,183,181,183,189,194,194,194,194,196,202,207,209,207,202,194,189,189,196,202,199,196,194,194,194,196,196,196,196,196,199,199,199,199,196,194,189,186,189,186,178,133,129,127,121,123,127,131,173,176,181,186,181,178,183,189,191,196,199,196,194,191,191,196,191,186,189,189,181,186,191,199,204,204,199,191,186,186,183,176,131,132,176,176,131,123,119,117,117,119,121,125,127,127,129,129,131,129,129,176,183,186,183,181,183,189,194,196,196,202,204,199,191,183,181,178,173,127,127,131,181,189,189,189,189,183,178,173,129,128,131,176,173,131,178,186,189,183,178,173,176,178,178,178,178,178,181,183,183,178,133,132,135,183,191,196,199,204,207,204,204,204,204,204,202,199,196,194,191,186,185,183,185,189,194,202,204,204,204,189,137,186,194,194,196,196,196,194,191,186,183,183,183,183,181,135,135,178,178,178,178,181,186,191,194,196,196,196,194,189,181,134,133,137,191,202,204,204,204,204,204,204,199,194,196,202,207,207,207,207,207,204,199,196,196,202,204,196,185,185,194,202,199,199,204,207,209,209,209,207,207,204,204,204,209,215,215,212,212,212,209,204,202,199,199,202,207,212,212,209,209,212,215,215,215,215,215,217,222,222,222,222,215,212,209,212,212,215,217,217,217,217,217,217,215,215,212,212,215,215,212,207,196,194,195,202,209,207,202,199,199,202,202,204,202,202,202,204,204,204,207,209,212,212,209,207,204,204,202,199,194,196,199,196,196,196,196,199,202,199,199,196,196,195,196,202,207,209,212,215,215,217,217,217,222,222,222,217,207,204,207,222,228,222,207,204,212,217,222,217,215,212,209,212,215,222,228,233,233,228,228,228,225,222,225,233,238,238,235,233,233,238,241,243,241,235,230,230,235,238,238,230,212,208,211,222,222,215,212,212,215,222,222,222,217,217,217,222,228,235,235,192,198,212,225,222,209,203,202,204,209,207,200,198,200,204,212,215,217,222,225,225,225,225,222,217,220,225,225,225,217,212,204,194,194,199,204,209,212,215,217,217,222,225,225,222,217,212,209,202,199,204,212,215,209,208,209,215,215,217,222,225,225,225,228,228,225,225,222,225,225,222,217,217,217,217,215,212,209,209,209,207,204,204,202,199,196,196,196,196,199,199,196,196,194,191,191,189,186,186,183,181,181,178,176,176,173,170,170,170,170,173,173,173,170,168,165,163,123,123,121,119,119,117,119,123,163,163,123,119,115,114,114,115,117,119,121,125,168,173,176,176,176,178,181,183,186,189,189,191,194,196,199,199,199,196,196,194,189,139,138,186,194,204,209,215,217,222,222,217,217,222,228,235,238,235,228,212,211,215,228,228,226,228,235,238,238,238,243,246,246,241,238,233,235,241,246,248,241,222,130,127,132,199,220,233,238,230,202,39,67,81,95,163,0,212,208,241,255,230,142,99,116,186,235,212,111,0,0,0,0,0,0,0,0,0,0,0,0,0,13,51,66,66,59,59,64,43,23,3,0,0,0,0,0,9,25,27,26,35,85,121,129,126,118,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,144,155,100,48,92,126,124,51,0,0,0,0,0,0,0,0,0,0,25,49,47,37,66,124,189,168,74,5,0,0,0,0,0,0,15,35,0,0,0,0,27,79,87,90,100,87,87,87,74,43,23,0,0,0,0,0,0,0,0,0,3,25,45,59,61,53,43,31,30,35,45,57,63,59,53,67,89,129,155,176,183,178,183,204,233,251,251,235,191,152,101,105,147,155,155,155,144,130,124,124,131,142,155,155,92,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,17,0,0,92,152,189,196,186,157,131,139,165,173,173,165,152,95,41,18,19,37,69,81,91,157,194,194,160,87,93,163,199,212,207,194,186,186,186,186,176,165,155,113,113,165,186,181,165,152,155,107,79,51,79,168,189,155,79,57,63,101,157,155,107,101,95,87,57,45,47,99,207,220,217,207,178,157,152,111,95,90,103,163,176,173,152,109,103,99,93,83,79,91,107,150,111,107,105,109,157,176,113,81,67,77,105,157,157,115,115,157,165,181,183,183,181,163,157,117,109,109,109,103,89,85,111,173,196,204,196,170,117,160,155,113,112,112,110,112,160,168,109,99,101,111,105,104,105,150,160,150,157,168,165,144,101,97,91,87,81,85,91,97,144,160,144,93,87,87,87,89,126,137,121,69,55,47,57,108,116,108,108,126,134,134,142,131,69,45,41,43,53,51,47,43,49,51,51,47,39,39,39,43,39,25,9,4,8,27,37,27,20,25,35,55,81,126,126,85,77,77,95,139,144,105,99,105,157,183,194,202,209,220,233,233,222,222,235,255,255,255,0,255,255,238,215,173,131,127,160,225,255,255,233,204,176,150,87,59,45,27,5,3,7,23,15,0,0,0,21,49,105,147,150,116,108,105,150,186,235,233,142,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,95,121,116,100,90,90,95,59,31,6,0,1,33,77,124,131,131,131,137,142,144,155,155,152,152,163,168,170,168,168,155,155,163,155,139,91,83,71,53,33,31,45,59,59,53,53,65,79,85,85,71,49,35,31,47,71,87,87,87,85,85,129,137,134,134,142,157,150,137,124,121,126,129,126,126,124,121,103,100,100,100,98,85,77,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,126,77,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,55,100,124,155,160,144,114,112,124,160,183,186,176,147,98,82,83,100,0,113,105,105,131,0,0,0,0,0,0,0,144,144,131,113,118,118,113,100,77,59,69,0,0,0,0,0,0,178,173,152,131,98,59,20,7,0,0,0,0,0,0,0,0,0,0,0,0,5,11,13,9,5,3,3,5,13,27,39,43,47,57,77,129,152,168,168,152,129,79,65,65,65,73,79,91,142,163,181,186,189,189,189,189,194,194,194,194,194,196,176,150,99,85,79,73,65,59,57,59,59,63 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,176,199,209,202,191,186,181,176,178,170,160,133,131,189,202,209,212,204,176,111,111,123,173,178,181,183,189,191,178,173,174,176,123,119,123,170,127,63,24,78,113,186,204,212,217,217,215,209,212,212,194,178,202,212,212,199,202,212,202,135,133,137,189,189,191,194,196,196,196,199,202,202,196,139,129,133,189,202,207,207,202,196,194,204,222,228,228,225,215,196,186,189,189,189,186,139,139,183,189,189,186,186,191,196,186,181,182,186,189,191,194,194,186,189,202,207,202,191,186,183,183,186,191,191,186,181,133,125,124,127,137,186,191,194,196,199,202,199,196,194,191,189,185,182,185,187,191,196,204,207,207,207,209,212,212,209,204,202,199,196,191,189,190,194,199,199,196,194,191,191,191,189,189,191,194,191,191,196,196,194,196,196,196,199,202,204,207,212,215,212,212,212,215,212,215,222,215,204,199,133,123,122,123,129,139,194,202,199,196,194,191,194,194,194,194,199,202,202,199,199,199,196,183,133,137,191,196,199,196,199,202,204,204,202,194,189,183,178,133,131,133,181,183,181,135,176,181,186,189,189,186,183,183,186,186,186,186,189,194,194,191,183,181,186,191,199,202,204,204,202,199,199,199,199,199,199,196,199,202,196,189,176,126,123,124,129,176,178,176,131,125,124,124,124,122,122,124,131,176,178,183,191,199,204,199,194,196,202,209,209,209,204,199,191,189,194,199,199,196,194,194,192,194,196,196,199,196,199,199,199,199,196,191,189,183,178,178,181,176,131,127,123,117,117,125,131,176,178,176,183,183,186,191,194,194,196,196,196,196,194,191,194,189,181,178,183,186,191,199,202,207,204,199,189,185,186,183,178,132,133,178,183,186,186,178,125,119,117,123,131,173,131,131,131,129,125,125,173,191,196,191,186,186,191,194,196,199,204,204,196,186,181,181,178,173,131,131,173,183,189,189,189,189,186,181,178,173,131,131,131,130,176,183,189,186,176,172,172,176,181,181,176,174,174,176,181,183,181,135,135,178,189,196,199,202,207,207,204,204,207,204,202,199,202,202,199,194,191,186,186,186,189,191,196,196,194,194,189,189,194,196,196,199,196,196,196,191,186,182,182,183,183,181,135,133,135,135,135,134,135,181,186,194,199,199,199,196,191,183,135,133,134,186,196,204,207,207,204,204,207,202,199,199,202,207,207,209,209,207,202,199,195,196,199,199,186,177,179,199,204,199,198,207,209,209,212,212,212,209,209,207,207,209,212,215,217,222,217,212,209,204,199,196,199,209,215,209,207,208,215,215,215,212,212,212,215,215,215,217,222,217,212,208,209,209,212,215,217,217,217,217,217,215,215,212,215,215,217,215,207,196,194,195,202,207,204,200,200,202,204,207,207,204,202,202,199,199,199,204,207,207,207,204,204,204,202,202,196,194,194,196,196,194,192,194,199,202,202,202,199,199,199,202,207,212,217,222,222,222,222,217,222,225,225,225,220,207,204,209,225,230,215,199,195,203,217,222,217,215,215,215,217,222,230,238,241,238,233,228,228,228,225,228,230,233,233,228,222,225,235,243,246,241,233,228,226,230,238,241,235,217,211,212,222,222,217,215,212,212,215,215,217,217,217,217,217,225,230,228,202,203,215,225,228,217,207,203,203,207,207,202,199,200,207,215,217,217,222,225,225,225,225,222,215,212,215,217,222,225,217,212,204,202,204,209,212,215,217,217,222,222,225,225,222,217,215,212,209,209,212,215,212,207,207,209,215,215,217,222,225,228,228,228,228,225,222,222,225,225,222,217,217,217,217,215,209,209,209,209,207,204,202,199,196,196,196,196,196,199,199,196,196,194,191,191,189,186,186,183,181,178,178,176,176,173,170,170,170,170,173,173,173,170,168,165,163,123,123,121,119,117,117,119,121,163,163,123,119,115,114,114,115,119,121,123,165,173,176,178,178,178,178,181,181,183,186,189,189,191,194,196,199,199,196,196,194,189,138,138,186,196,204,212,220,222,215,215,215,215,222,228,235,238,233,222,213,213,222,228,228,228,230,230,233,233,233,238,243,246,243,241,238,241,246,246,248,246,220,119,122,135,204,209,215,225,217,181,0,18,40,61,103,0,233,220,220,212,173,77,60,69,131,181,170,92,0,0,0,0,0,0,0,0,0,5,11,0,0,0,19,0,0,100,82,66,37,17,13,9,9,3,0,3,17,31,39,35,41,90,121,137,155,176,160,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,222,243,131,46,52,103,113,87,17,0,0,0,77,72,29,0,0,0,7,21,15,19,45,131,176,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,69,61,35,41,72,79,85,82,72,43,25,11,0,0,0,0,0,0,0,0,19,41,59,61,55,43,35,30,35,43,49,51,45,39,41,47,67,131,168,189,186,183,202,233,251,255,235,191,111,101,101,147,165,178,181,165,134,121,122,131,144,144,108,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,126,189,204,196,163,130,130,155,163,165,165,168,160,77,21,11,7,29,63,81,111,194,186,83,66,81,160,199,209,209,202,199,194,186,178,165,163,117,117,155,165,186,189,170,155,165,152,97,79,91,147,155,107,87,75,83,144,168,155,107,105,99,77,53,45,51,147,199,194,186,178,155,150,152,152,105,95,105,163,176,176,157,109,101,105,109,113,113,113,111,111,109,109,108,109,113,155,155,113,101,95,101,107,105,107,109,157,168,181,183,183,181,165,165,165,157,115,117,117,115,163,183,196,202,196,186,168,117,115,115,115,155,117,113,115,157,170,113,107,107,113,113,109,111,150,160,160,163,168,157,142,95,81,75,74,74,81,91,129,155,165,157,142,131,129,126,126,126,126,83,61,39,32,41,108,77,55,55,105,134,129,111,111,103,55,37,35,41,39,29,29,39,51,51,41,35,34,41,51,49,31,9,3,6,21,37,27,18,20,23,35,61,121,137,134,91,93,101,147,157,150,147,168,207,207,194,202,217,238,241,233,222,228,243,255,255,255,0,255,255,246,222,176,120,113,144,212,235,228,181,137,121,87,69,53,45,39,15,7,15,35,39,19,9,0,0,129,176,212,191,150,142,168,196,207,228,225,142,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,79,116,116,100,82,82,92,59,35,15,7,19,59,77,83,83,89,95,131,134,134,103,142,155,163,163,163,168,168,168,157,157,163,163,152,97,89,77,53,29,26,31,45,51,53,53,65,81,93,79,61,37,17,19,49,79,126,131,95,85,76,91,131,99,99,142,147,147,131,93,121,126,124,126,126,121,121,111,108,105,105,98,85,82,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,118,72,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,43,108,144,163,155,131,108,108,121,155,178,186,178,152,100,83,90,121,0,131,113,118,0,0,0,0,0,0,0,0,155,152,131,113,129,129,113,87,48,35,69,0,0,0,0,0,0,189,189,178,152,124,85,59,27,14,0,0,0,0,0,0,0,0,0,0,0,9,13,9,3,0,0,3,9,21,43,51,47,47,57,73,129,160,170,170,160,142,85,67,65,67,73,79,87,109,168,186,194,194,194,196,196,196,196,199,207,207,207,189,160,142,91,85,79,73,63,59,65,65,65 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,181,199,196,189,178,163,155,163,173,157,117,150,173,191,199,207,202,178,117,121,170,173,176,178,178,183,186,181,178,183,189,189,196,202,199,196,91,60,95,125,194,209,215,215,212,209,212,212,202,126,109,191,207,209,204,209,222,217,189,137,183,189,189,191,194,196,199,202,204,204,199,133,118,117,129,194,199,191,186,191,191,191,202,222,230,228,228,217,204,191,186,186,189,189,186,183,186,191,194,191,186,189,191,186,182,183,186,189,189,189,189,191,196,202,207,207,204,199,189,182,183,194,194,186,135,131,125,127,181,194,199,196,191,191,194,196,196,189,186,191,194,191,189,194,199,202,204,207,209,207,207,207,207,209,209,207,204,199,194,190,190,190,194,199,202,199,196,191,189,139,127,117,129,189,196,199,202,199,199,199,202,204,204,207,212,212,207,204,209,212,215,215,212,215,215,207,139,123,116,121,131,186,196,199,199,194,189,187,187,187,189,191,194,194,199,202,202,199,202,204,199,189,137,183,191,196,196,194,196,199,202,202,202,194,186,178,132,130,131,133,183,189,183,133,176,183,191,191,189,183,182,182,183,183,183,186,186,189,189,183,176,173,178,186,191,196,199,204,204,202,199,199,202,202,199,194,196,199,196,189,176,126,123,125,176,189,191,186,178,127,124,124,125,127,129,127,125,125,131,183,196,204,204,199,194,194,199,204,207,207,202,194,186,186,191,199,199,194,194,194,194,194,196,199,199,199,199,202,199,194,191,186,181,133,131,176,178,176,131,125,117,113,113,123,131,173,121,105,129,186,194,199,199,194,189,189,189,191,191,189,189,183,177,174,178,191,196,202,204,207,204,196,189,186,186,186,181,176,178,183,191,196,196,189,131,121,117,121,129,131,131,131,173,129,124,123,173,194,199,194,189,183,186,191,196,199,204,199,189,181,178,181,178,176,173,131,176,186,191,191,189,189,189,189,183,176,173,173,173,176,186,191,189,181,173,172,173,181,186,186,178,174,173,176,178,183,183,181,183,186,194,196,202,202,204,202,202,202,204,204,196,195,196,202,202,196,191,189,189,194,194,186,181,178,181,183,183,191,196,196,199,199,199,196,194,191,186,182,182,183,183,181,135,133,133,133,135,134,134,134,181,189,196,202,202,199,191,183,135,133,133,137,191,202,209,209,204,203,204,204,202,202,202,204,207,207,207,202,196,195,195,195,199,199,185,177,181,202,209,204,202,207,207,209,209,212,212,212,212,209,209,209,209,212,217,225,225,215,207,202,196,195,196,204,209,209,208,209,215,215,212,208,208,209,212,215,215,217,217,215,209,208,209,209,212,215,217,217,217,217,217,217,215,215,215,217,220,217,212,202,196,199,207,209,207,202,202,207,209,209,209,207,204,199,198,196,198,202,204,204,202,200,202,202,202,199,196,194,194,196,194,192,192,194,196,202,204,204,202,202,202,204,209,215,222,225,228,225,222,222,222,225,228,228,222,212,207,215,230,233,217,202,196,203,220,225,222,222,222,225,228,230,235,241,241,238,230,228,228,230,230,230,228,225,222,217,216,217,228,235,241,238,233,230,226,228,233,235,233,217,211,212,217,222,217,215,215,212,212,212,215,215,217,217,217,222,225,222,209,207,215,225,230,225,215,207,204,207,209,207,207,212,222,222,222,217,217,217,217,222,222,217,215,209,207,209,217,222,222,215,212,209,209,209,212,215,217,217,222,222,225,225,222,217,215,215,212,212,215,215,209,207,208,212,215,217,222,225,228,230,230,228,228,225,222,222,222,222,222,217,217,217,215,212,209,207,207,209,207,204,202,196,196,196,196,196,199,199,199,196,196,194,191,191,189,186,186,183,181,178,178,176,176,173,170,170,170,170,173,173,173,170,168,165,163,123,123,121,117,116,116,117,121,163,163,123,119,117,114,115,117,121,123,125,168,173,176,178,176,176,176,178,178,181,183,186,189,191,194,196,199,199,196,196,194,186,138,137,141,194,202,212,222,217,213,212,215,215,222,228,233,233,228,215,215,222,228,230,233,235,233,228,228,230,233,238,243,246,246,243,238,238,238,235,241,254,243,131,132,194,196,178,129,191,202,186,0,18,33,46,97,0,255,241,191,178,152,77,61,63,116,157,189,152,19,0,0,0,0,0,0,0,0,0,15,11,7,5,33,0,0,144,100,45,31,19,31,31,25,17,9,15,31,49,82,53,49,85,103,131,176,222,248,183,25,0,0,0,0,0,0,0,0,0,0,3,51,0,0,0,225,255,255,155,46,46,57,108,113,90,0,0,0,0,147,129,72,0,0,0,3,0,11,33,95,126,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,27,13,15,21,35,66,82,90,74,37,17,0,0,0,0,0,0,0,0,3,33,55,65,61,49,41,35,31,33,37,37,33,27,21,21,41,73,150,176,181,176,189,225,246,251,235,196,150,101,101,147,165,189,199,183,150,126,131,144,163,144,95,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,178,194,186,165,152,155,170,170,181,173,173,173,97,25,6,0,15,59,91,165,202,173,59,58,71,109,181,183,191,194,202,194,186,165,117,116,117,163,163,165,181,189,181,168,170,170,111,85,81,85,89,87,79,87,101,152,170,157,168,176,173,103,69,59,87,157,160,107,99,107,109,109,109,109,97,97,111,173,181,181,176,152,103,98,103,155,178,176,155,111,111,157,165,157,113,111,152,155,109,101,101,107,103,103,109,160,168,181,170,168,165,165,181,183,165,157,163,173,183,186,191,196,191,186,183,168,157,157,157,165,181,178,160,115,117,170,155,113,155,155,155,150,163,170,170,170,160,157,144,142,95,81,73,72,74,81,91,134,155,165,157,144,142,129,129,126,118,116,75,57,37,28,32,77,43,1,0,31,134,139,111,95,69,51,31,21,25,23,15,17,31,45,41,35,35,45,57,63,59,41,17,6,13,33,47,37,21,18,18,20,45,87,144,144,134,134,142,160,178,186,189,215,251,235,209,209,233,246,241,222,215,222,248,255,255,255,0,255,255,255,248,207,129,113,137,178,189,178,139,73,62,63,63,57,57,61,37,15,15,35,41,45,0,0,0,0,255,255,255,176,157,225,225,194,186,176,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,77,113,116,100,79,51,53,43,45,53,45,53,69,77,83,83,89,93,93,97,99,103,155,173,176,170,163,168,168,168,165,165,165,170,160,139,97,81,59,33,29,37,49,53,53,59,69,81,83,67,43,11,3,11,45,73,93,95,87,76,73,83,97,97,97,131,147,142,129,93,91,126,124,126,126,121,116,108,101,101,105,105,103,95,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,118,59,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,27,90,144,163,155,124,103,103,124,163,183,191,191,163,116,98,113,155,0,0,134,131,0,0,0,0,0,0,0,0,178,178,152,131,121,118,103,74,30,25,69,0,0,0,0,0,0,0,0,207,183,152,121,95,69,35,14,0,0,0,0,5,7,1,0,0,5,13,15,11,1,0,0,3,15,37,57,59,53,51,51,67,126,160,176,176,168,150,87,73,65,67,73,75,85,101,168,189,196,196,196,196,196,196,199,207,215,215,215,196,176,160,142,97,85,79,71,65,71,65,65 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,126,155,176,178,165,87,139,152,163,152,120,160,163,157,160,183,189,176,165,173,183,181,181,178,178,181,181,183,186,194,202,202,209,212,209,209,199,189,189,189,196,212,217,212,209,209,209,204,189,119,104,133,191,196,199,202,207,204,191,186,189,189,187,189,191,196,202,209,212,212,212,191,122,123,194,207,194,129,127,133,141,189,199,215,225,228,225,217,207,194,139,138,183,189,186,183,186,194,199,194,186,183,186,183,183,186,189,189,189,189,189,194,194,183,186,204,212,204,186,179,182,196,202,191,178,133,129,137,199,209,209,202,194,191,189,191,189,183,186,194,202,199,202,207,212,209,209,209,209,209,207,205,205,207,209,212,207,199,191,191,194,196,199,202,204,204,199,196,191,135,112,104,111,186,202,202,202,202,204,207,209,209,209,209,215,207,141,140,196,207,212,212,209,209,207,189,120,115,119,131,189,196,199,196,194,189,187,186,186,187,191,194,194,196,199,204,202,204,207,207,202,191,186,189,196,196,194,192,194,196,199,202,202,196,189,181,133,132,135,183,189,191,181,131,132,183,194,194,189,183,182,182,183,183,183,183,183,186,183,178,173,172,176,183,186,189,196,204,207,207,202,202,204,204,202,194,194,196,194,189,181,131,127,131,186,196,199,194,181,129,127,131,178,181,181,133,125,125,133,189,196,199,199,196,191,191,194,196,202,202,196,186,182,182,189,196,196,196,194,194,191,194,196,196,196,196,199,199,194,186,181,178,133,128,129,178,183,181,173,123,114,110,111,129,173,125,85,76,104,189,199,202,199,194,183,178,176,178,183,183,183,183,181,177,183,194,196,199,199,202,199,194,191,189,191,189,183,181,181,186,191,194,194,183,131,123,119,119,121,123,123,129,173,131,125,124,170,191,199,194,186,181,181,183,191,194,194,189,181,176,178,183,183,181,173,131,176,189,194,194,186,183,186,189,183,176,173,176,178,186,194,191,183,173,172,173,181,186,189,186,178,174,173,174,178,181,183,186,191,194,196,196,202,202,199,196,196,199,204,202,196,194,194,196,199,196,191,189,194,199,196,189,181,177,178,177,177,189,196,199,202,199,199,196,196,194,189,183,183,186,183,178,133,132,132,133,135,135,134,134,135,183,194,199,199,199,194,186,137,134,135,137,186,199,209,212,207,203,204,204,204,202,200,202,204,207,204,196,195,195,196,199,202,202,191,186,196,207,212,209,204,202,202,204,207,209,212,212,212,212,209,207,207,209,217,225,222,212,202,196,196,196,196,199,204,209,209,212,215,215,209,208,208,212,215,217,220,217,215,212,209,209,212,212,215,217,222,222,222,222,222,220,217,217,217,217,222,217,215,209,204,207,209,212,209,207,207,209,212,212,212,209,204,202,198,198,199,204,207,204,202,200,202,202,202,199,196,194,194,196,196,194,192,194,199,204,207,204,202,202,204,207,209,215,217,225,228,228,225,222,222,225,228,228,225,217,217,222,230,230,222,212,209,220,228,230,228,228,228,230,233,235,235,238,238,235,228,225,225,230,233,230,225,216,216,216,216,216,217,225,228,233,233,233,230,228,230,230,225,215,211,212,215,217,217,217,215,215,215,212,215,215,217,217,217,217,217,217,212,209,212,217,225,225,215,207,204,207,209,212,217,228,230,228,222,217,212,209,212,215,215,215,212,209,205,207,212,217,217,215,212,212,209,209,209,212,215,217,222,222,222,222,222,222,222,217,215,215,217,215,209,207,209,215,217,222,225,228,230,230,230,230,225,222,222,222,222,222,217,217,217,217,215,212,209,207,207,207,207,204,199,196,196,194,196,196,196,199,199,196,196,194,191,191,189,186,186,183,181,178,178,176,176,173,170,170,170,170,173,173,173,170,168,165,163,123,123,121,117,116,116,117,121,160,163,123,119,117,115,117,119,123,125,165,168,173,176,176,176,176,176,176,178,178,183,189,191,194,196,196,196,194,191,191,191,186,138,136,139,189,199,209,217,217,213,212,215,217,222,225,228,228,217,213,213,225,230,233,235,235,228,217,222,230,233,238,243,246,246,243,238,233,229,230,241,255,255,235,220,212,191,120,118,129,202,220,69,65,49,61,109,0,255,246,183,173,155,118,69,72,131,189,222,209,124,0,0,0,0,0,0,0,0,0,11,19,23,25,66,0,0,178,118,35,16,19,31,43,43,0,0,35,49,87,90,49,35,33,37,85,142,222,255,238,100,0,0,0,0,0,0,0,0,17,27,45,142,0,0,0,255,255,255,147,49,48,59,118,0,0,0,0,0,0,212,186,137,47,17,3,0,0,0,33,116,157,142,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,29,74,90,82,37,0,0,0,0,0,0,0,0,0,1,33,55,90,69,61,47,35,21,23,25,23,19,21,14,15,15,35,75,144,160,160,170,199,233,246,235,199,157,102,103,147,165,199,209,183,152,142,142,152,163,139,92,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,170,176,178,178,183,189,196,196,194,181,178,183,160,61,21,19,43,81,107,170,194,178,65,65,85,107,113,113,115,170,186,186,178,165,165,165,165,165,165,168,186,194,189,181,176,168,147,91,79,67,56,54,63,87,147,168,170,181,191,209,209,168,93,99,173,178,107,83,81,93,101,99,91,84,82,93,152,176,186,194,196,189,150,97,96,113,189,189,173,155,165,189,196,178,152,111,111,107,95,95,101,107,101,93,101,115,157,157,157,160,160,165,183,189,168,160,170,186,191,186,183,186,191,191,183,173,170,183,186,186,186,178,176,163,163,170,157,155,157,165,155,163,173,183,181,165,147,107,105,142,105,89,81,75,79,81,91,129,147,147,134,93,87,87,87,85,77,69,57,55,43,30,32,63,27,0,0,0,103,144,113,95,65,51,31,17,13,9,5,7,15,21,13,11,23,49,67,92,63,59,41,29,35,53,59,45,33,25,20,20,35,79,137,150,142,142,142,163,194,207,215,246,255,243,217,217,230,233,220,196,189,212,248,255,255,255,0,255,255,255,255,230,155,129,137,155,152,137,89,73,63,63,67,75,77,111,55,21,13,21,41,0,0,0,0,255,255,255,255,157,108,150,139,87,74,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,17,15,9,11,25,72,105,116,108,87,53,42,39,51,98,75,69,75,81,118,126,126,89,89,93,134,155,173,183,183,173,168,170,168,168,165,165,168,170,168,157,97,77,59,47,47,55,65,69,65,69,75,79,79,61,25,2,0,9,45,67,79,77,77,73,73,83,97,97,97,131,147,142,129,93,89,118,124,124,124,116,111,103,99,101,105,105,113,113,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,111,46,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,17,53,131,155,155,124,107,107,124,170,189,196,196,183,144,116,134,168,0,0,147,142,0,0,0,0,0,0,0,0,0,191,170,131,105,95,82,59,27,27,0,0,0,0,0,0,0,0,0,0,215,178,150,121,95,69,35,17,7,0,0,11,15,15,11,15,21,27,37,27,13,9,9,13,35,57,92,71,59,51,47,59,118,160,183,183,170,160,99,75,65,65,65,67,79,99,163,189,196,207,204,207,207,209,209,217,238,238,225,212,196,173,157,107,91,83,79,77,73,73,65 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,139,31,29,47,147,165,165,163,155,160,165,111,109,112,165,170,125,125,178,181,181,181,186,186,183,183,186,191,204,202,207,209,209,207,196,189,191,191,199,212,217,215,209,209,204,194,178,125,119,135,183,189,191,189,189,186,183,186,191,191,187,187,191,199,207,215,217,222,225,225,222,225,228,222,199,129,124,129,135,141,191,204,215,222,225,222,215,204,137,136,139,186,186,183,186,194,196,191,183,137,181,181,183,186,191,194,194,191,191,191,183,178,178,194,207,202,182,178,183,199,202,186,133,129,135,191,209,217,215,209,199,194,189,183,181,182,191,202,202,199,204,212,217,215,209,209,209,209,209,207,205,207,209,209,207,199,196,199,204,204,204,204,207,207,202,199,196,141,116,109,121,202,204,202,199,204,209,212,212,212,212,212,212,199,133,133,143,199,204,204,202,202,204,191,129,122,139,194,202,202,196,191,189,189,189,189,189,191,194,196,196,196,199,202,202,204,207,207,199,191,189,194,202,202,196,194,194,196,199,202,202,194,189,186,181,178,186,191,194,189,176,130,132,183,191,194,191,186,182,182,183,189,189,186,183,183,181,178,174,174,178,183,186,189,194,202,207,207,207,207,207,209,204,196,194,194,194,191,186,178,176,181,189,196,199,189,173,127,127,176,183,186,183,176,131,133,183,194,196,194,191,191,191,191,191,194,196,196,194,183,181,182,186,194,196,196,196,194,191,191,191,191,189,191,194,194,186,133,131,131,129,127,129,178,186,186,181,131,121,115,119,181,178,117,83,76,105,191,204,204,199,191,181,173,129,131,131,133,176,183,191,191,191,196,194,194,194,194,191,191,191,194,194,191,186,183,183,186,186,186,183,178,173,127,123,121,119,119,119,125,173,176,129,126,170,183,194,191,183,178,177,178,183,186,183,181,176,176,178,183,186,183,173,131,176,189,196,194,183,179,181,186,181,173,173,176,181,191,194,189,178,172,173,178,183,186,186,183,178,176,176,178,181,181,181,186,194,196,196,196,199,199,196,194,194,199,202,202,199,195,194,195,199,199,194,194,199,202,202,199,199,191,183,174,169,186,199,202,204,204,202,199,199,196,191,189,189,189,186,135,132,132,132,133,135,178,135,135,135,181,189,196,199,199,194,189,183,181,183,183,189,199,209,212,207,203,203,204,207,204,202,200,202,204,202,196,195,199,202,204,207,207,204,207,212,212,212,212,207,200,200,202,204,207,209,212,212,209,207,207,207,209,215,222,215,207,199,196,199,202,202,199,202,209,209,212,215,212,209,209,209,215,215,217,222,217,212,209,209,212,215,217,222,222,222,222,222,222,222,222,222,222,222,222,217,217,215,212,209,209,209,209,209,209,212,212,215,215,212,209,204,202,199,202,204,207,209,207,204,202,202,202,202,202,196,194,194,196,196,196,194,196,202,204,204,202,199,202,204,207,209,212,217,225,230,230,228,228,225,228,228,228,228,228,228,228,228,225,222,217,222,230,233,233,230,230,233,233,235,235,235,233,233,230,228,222,222,225,230,228,222,216,216,217,217,217,216,217,222,228,233,235,233,228,225,222,220,215,215,217,222,222,222,222,222,220,217,217,217,217,222,222,217,215,215,215,212,207,207,212,217,217,209,204,202,204,207,212,220,228,228,222,217,212,207,207,209,212,212,212,212,209,207,207,209,212,215,215,212,209,207,207,207,207,209,212,217,222,222,222,222,225,225,225,222,222,222,217,212,208,209,212,217,222,225,228,228,228,228,228,225,222,217,217,222,222,217,215,215,215,215,212,207,207,207,207,204,202,199,196,196,194,194,194,196,199,199,196,196,194,191,191,189,186,186,183,181,178,178,176,176,173,170,170,170,170,173,173,173,170,168,165,163,123,123,121,119,117,116,117,119,121,160,121,119,119,117,119,121,123,125,125,168,173,178,178,178,178,178,181,181,183,186,191,194,194,194,194,194,191,189,189,189,186,139,138,139,189,196,207,215,215,215,215,217,222,222,222,222,217,215,215,217,225,230,233,233,230,212,204,215,228,235,238,243,243,243,241,238,230,230,233,243,255,255,251,238,225,194,119,117,123,204,248,196,121,95,95,191,0,255,248,199,191,173,126,74,105,155,204,202,178,108,3,0,0,0,0,0,0,0,0,15,31,37,37,66,111,144,144,100,27,15,18,23,43,0,0,0,43,49,79,43,25,7,0,0,7,66,152,209,183,82,0,0,0,0,0,0,0,7,47,103,139,241,0,0,0,255,255,255,186,118,0,118,144,0,0,0,0,0,0,255,215,147,92,43,15,0,0,25,168,246,235,191,126,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,49,90,82,29,0,0,0,0,0,0,1,1,1,13,35,61,105,108,69,55,35,12,12,17,17,13,19,21,21,12,12,31,77,134,142,155,178,204,233,235,204,170,144,139,147,165,189,199,173,150,147,150,152,155,131,95,23,0,0,0,0,0,0,0,25,19,0,0,0,0,0,0,0,0,0,0,19,142,170,169,173,183,196,199,204,196,196,181,181,189,176,105,99,107,61,75,103,111,170,178,107,99,107,113,111,109,108,113,165,170,176,178,186,186,186,178,178,168,181,194,196,189,176,155,111,97,79,57,51,50,57,95,168,176,181,191,204,217,209,155,87,103,183,168,93,81,83,93,101,95,84,79,79,91,160,186,189,202,215,215,181,105,97,107,163,178,163,155,178,207,215,196,157,111,99,89,77,83,91,93,85,77,81,97,107,109,111,157,165,170,183,181,163,157,170,186,186,183,170,183,191,196,191,191,199,217,212,196,178,168,176,181,181,173,115,115,155,155,152,152,173,176,170,147,99,87,87,97,103,97,91,87,81,85,91,97,126,91,85,73,63,65,73,73,63,48,47,49,53,35,36,57,45,0,0,0,63,129,124,103,95,65,45,21,9,4,4,4,5,5,5,4,15,43,65,92,65,69,67,63,67,67,65,57,45,37,27,23,35,61,91,134,134,101,139,157,189,215,246,255,254,235,233,235,217,204,194,165,119,189,222,248,255,255,255,255,255,255,255,241,196,150,142,144,139,129,126,89,85,111,118,121,113,111,55,27,21,29,57,0,0,0,255,255,255,255,196,53,9,13,11,1,1,1,0,0,0,0,0,0,3,0,0,0,0,0,0,0,0,0,1,5,3,5,9,21,61,87,105,98,87,82,43,37,41,67,73,69,77,116,134,139,137,95,93,99,147,168,181,183,183,181,173,170,168,157,155,165,163,170,170,160,97,73,59,57,61,73,77,79,77,77,81,87,83,65,33,4,2,15,51,71,79,76,74,73,76,91,131,99,99,142,147,147,129,89,88,91,118,118,116,111,105,103,99,99,105,113,121,126,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,103,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,17,43,116,155,155,131,108,108,124,163,183,189,191,183,155,134,147,163,0,0,155,150,0,0,0,0,0,0,0,0,0,196,170,131,95,77,69,56,35,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,85,64,35,20,5,5,15,35,35,27,46,66,79,85,85,77,51,37,37,53,95,111,108,65,47,39,51,85,168,186,186,183,168,142,75,61,59,59,59,67,87,160,186,196,204,207,209,212,217,222,238,248,246,238,225,207,189,168,147,97,85,85,83,79,73,71 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,217,100,0,0,0,0,0,0,0,0,0,31,47,0,0,65,163,173,178,183,178,157,160,115,106,104,113,176,123,94,101,173,178,181,189,191,183,181,181,176,183,189,202,204,207,209,181,89,121,183,202,209,215,215,212,207,199,183,135,131,133,186,189,189,191,189,186,183,182,183,191,194,191,189,194,204,212,215,220,225,228,230,233,233,233,230,222,202,131,131,133,135,139,191,204,215,222,225,228,225,138,137,139,189,194,194,194,194,189,183,137,137,135,135,137,183,189,194,196,194,191,186,181,178,181,189,194,189,182,182,191,196,189,133,127,128,186,202,212,217,217,212,204,194,186,181,179,183,196,199,196,194,202,212,217,215,209,207,207,207,209,209,209,209,209,207,207,204,204,207,209,209,207,209,212,212,204,204,202,199,189,186,199,209,204,199,199,207,212,212,212,212,212,212,215,207,136,136,191,199,204,204,199,199,202,199,191,191,196,199,204,207,202,194,191,191,194,196,196,199,199,199,199,196,196,199,199,202,204,204,194,183,186,194,204,204,202,194,194,194,196,199,194,183,181,183,183,183,191,194,194,183,133,131,133,183,191,194,191,186,183,183,189,191,191,189,186,183,181,181,178,181,183,189,191,191,194,199,202,202,204,204,207,209,209,202,196,194,194,191,186,181,181,183,189,191,191,181,127,125,127,176,181,178,176,133,133,178,189,194,194,191,190,190,191,191,191,191,194,194,191,183,182,183,189,191,194,196,196,194,191,189,186,183,183,183,189,189,178,129,128,131,129,127,128,173,181,183,183,181,176,173,181,189,178,115,98,97,173,194,199,196,191,189,181,173,129,128,129,129,127,133,191,196,194,194,194,191,191,190,189,190,194,196,194,186,181,183,186,186,183,181,178,176,176,173,129,127,125,121,121,125,170,176,173,129,127,170,181,183,181,178,178,178,178,178,178,178,178,176,178,181,183,178,170,129,173,186,194,194,183,179,179,181,173,130,131,176,181,186,186,181,176,173,176,178,181,183,181,178,178,178,181,183,186,186,181,183,191,194,194,194,194,194,194,194,196,199,199,199,199,196,196,196,199,199,199,202,204,204,202,204,204,204,202,179,168,186,199,204,204,204,202,202,199,196,196,194,194,194,186,133,132,133,133,133,133,135,181,181,183,186,194,199,202,202,196,191,183,183,186,191,194,199,204,207,207,204,203,207,209,209,204,202,204,204,202,196,196,202,207,207,207,207,207,212,215,212,209,212,207,202,200,202,204,207,209,209,209,207,207,207,209,209,215,215,209,202,194,194,199,204,207,204,204,204,209,212,215,215,215,212,212,212,215,217,217,215,215,215,215,217,222,222,225,225,225,222,222,222,225,225,228,228,225,222,217,215,215,215,212,207,204,203,207,209,212,215,215,215,212,207,204,202,204,204,204,207,209,207,204,202,204,204,204,202,199,194,196,196,196,196,196,199,199,202,199,198,198,199,204,207,209,212,217,228,230,233,233,230,230,230,230,230,230,233,233,233,230,225,220,217,225,230,233,233,230,230,230,233,233,235,233,233,233,230,228,225,222,222,222,222,217,217,217,217,222,222,217,217,222,228,233,235,233,225,220,217,217,217,225,228,228,228,225,225,225,228,228,225,222,222,225,222,220,215,212,212,209,207,207,209,212,212,207,202,200,204,207,209,215,222,222,215,212,207,207,207,212,215,212,212,212,209,209,207,207,209,212,212,212,209,207,207,207,207,209,212,215,217,217,222,222,228,228,230,228,228,225,222,215,212,209,212,217,222,225,225,225,225,225,222,222,222,217,217,217,222,217,215,215,215,215,209,207,207,204,204,202,202,199,199,196,194,194,194,196,199,199,196,196,194,191,191,189,186,186,183,181,178,178,176,176,173,170,170,170,170,173,173,173,170,168,165,163,123,123,121,119,119,117,117,119,119,119,119,119,119,119,121,123,125,123,125,168,173,178,181,181,181,183,183,183,186,189,191,191,189,189,189,189,186,185,186,186,189,186,183,186,191,199,207,209,215,215,217,217,217,215,215,212,212,217,222,225,225,225,228,230,225,207,202,207,225,233,238,241,243,241,235,230,228,233,238,241,251,255,251,243,238,215,121,115,117,189,248,217,189,157,173,209,246,248,233,212,209,191,134,105,108,139,168,131,85,25,0,0,0,0,0,0,0,0,0,9,29,37,51,59,90,116,111,95,66,39,31,29,43,0,79,37,23,21,23,9,0,0,0,0,0,15,100,142,126,45,0,0,0,0,0,0,0,0,0,163,215,0,0,0,0,255,255,255,204,0,0,163,170,0,0,0,0,255,255,255,230,147,92,35,0,0,0,0,0,255,243,178,152,108,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,43,82,74,31,0,0,0,0,0,11,13,11,15,25,0,0,0,118,95,57,35,11,11,17,12,10,19,27,33,27,15,23,57,95,134,142,163,183,217,225,217,183,157,150,147,152,165,165,150,139,150,157,155,155,134,103,41,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,3,100,98,98,150,178,181,183,183,189,189,186,186,186,173,173,173,150,105,160,105,40,45,101,105,101,105,111,157,160,173,168,168,163,163,165,157,165,186,194,199,194,178,165,117,117,181,196,196,189,165,107,97,77,61,53,57,87,147,168,170,181,191,199,199,176,85,69,79,147,99,72,73,83,95,103,97,91,85,85,105,173,196,196,202,209,209,196,163,111,109,111,109,105,107,160,196,204,178,107,85,79,75,70,70,73,73,70,72,81,95,101,103,109,157,181,183,181,163,155,157,168,173,168,165,119,160,183,196,202,209,217,217,212,196,178,170,183,194,181,157,107,107,107,107,103,109,152,163,150,109,95,84,82,86,95,97,95,87,81,81,87,91,91,83,75,62,59,60,71,79,59,46,45,49,59,53,37,53,63,37,5,11,53,105,111,103,100,98,65,35,7,2,4,7,7,7,7,9,13,25,41,53,59,61,67,103,113,105,77,65,57,51,37,27,29,41,59,79,89,97,139,147,165,212,255,255,243,217,246,248,220,196,176,119,107,110,168,207,243,254,255,255,255,0,0,0,225,176,142,138,139,139,144,144,142,147,147,131,98,59,39,31,41,92,155,0,0,255,255,255,225,173,82,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,48,82,98,90,82,77,43,37,41,55,61,61,81,118,134,139,139,131,137,142,157,176,178,173,173,173,181,176,165,147,155,155,157,165,170,163,97,73,63,61,67,73,79,81,81,77,81,87,85,71,45,17,11,23,55,73,79,77,77,77,76,91,137,134,134,142,157,155,137,95,93,126,126,126,124,121,116,111,101,101,108,113,121,131,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,103,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,23,49,124,163,163,147,112,107,116,147,168,173,178,183,163,147,147,160,0,0,0,168,0,0,0,0,0,0,0,0,196,196,178,144,105,82,64,56,48,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,35,14,14,27,59,56,56,66,98,108,113,121,126,118,92,59,92,118,129,118,71,43,34,41,83,168,194,194,186,176,144,75,59,53,49,49,59,81,115,181,194,196,207,212,217,225,241,254,255,255,246,238,222,207,176,150,99,91,85,85,85,79,73 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,228,228,43,0,0,0,0,0,0,0,0,0,0,0,11,147,165,163,183,186,183,115,110,157,108,98,115,212,181,78,84,168,176,178,186,189,183,178,176,127,121,127,189,199,204,202,57,0,59,129,204,212,212,212,209,204,199,181,178,137,189,191,196,196,196,196,196,191,182,182,186,194,196,196,202,212,217,217,217,225,228,230,230,230,230,235,233,228,207,189,137,135,135,141,194,204,212,217,228,230,189,183,186,194,202,204,202,196,186,137,137,137,135,134,134,178,186,194,196,194,189,181,179,183,189,189,186,183,183,191,196,191,178,131,131,181,196,207,212,215,215,215,207,191,181,179,183,194,199,194,191,194,202,209,215,212,207,207,204,204,207,209,212,212,209,207,209,212,212,209,209,209,209,212,215,212,212,209,207,207,204,202,202,202,199,199,202,212,215,215,212,209,212,209,215,212,194,194,207,209,209,207,199,198,199,202,199,199,196,196,199,204,207,202,196,194,196,196,199,202,204,204,202,196,194,194,194,196,202,199,189,179,181,194,204,207,202,194,194,194,196,196,186,177,177,179,183,186,191,196,191,183,176,133,181,189,191,191,189,186,183,183,186,191,191,189,183,181,181,181,183,186,191,194,194,194,196,199,199,199,199,199,202,207,209,204,196,191,189,189,186,183,181,181,183,186,186,176,127,125,127,173,173,129,127,129,133,178,183,189,194,194,191,190,191,191,191,191,191,191,189,186,186,189,191,191,191,194,194,191,191,189,186,183,181,181,186,183,133,128,129,133,173,129,127,129,173,178,178,178,178,181,183,186,131,117,113,127,189,194,196,194,189,186,181,173,129,129,129,127,124,125,183,194,194,191,191,194,194,191,190,191,196,199,191,181,178,179,186,189,186,181,178,178,176,176,173,173,131,131,129,129,173,178,176,129,125,123,127,173,178,181,181,181,181,181,178,181,181,178,176,173,173,173,129,128,170,181,189,189,189,186,183,183,173,129,131,176,178,178,176,173,176,176,176,176,181,181,177,176,177,178,183,189,191,186,181,181,186,191,194,194,192,191,192,194,196,199,196,196,199,199,199,199,196,199,202,204,204,202,202,202,202,204,209,194,174,189,199,204,204,204,202,202,199,199,199,196,199,196,189,135,132,133,133,133,135,178,183,189,191,194,202,204,204,204,199,194,186,182,186,194,199,199,199,202,204,207,204,207,212,212,207,202,199,202,199,196,196,204,207,204,202,202,202,209,212,212,209,212,209,207,204,202,204,207,207,207,204,204,207,209,209,209,209,209,204,196,191,196,199,202,207,209,207,203,207,212,215,215,215,215,209,209,215,215,212,212,215,217,217,217,222,222,222,222,222,222,222,222,225,228,228,228,225,217,215,213,213,215,212,207,203,202,204,209,215,215,215,215,212,209,207,204,204,204,204,207,207,207,202,199,202,204,204,204,202,196,194,194,194,191,194,196,199,199,198,198,196,198,204,207,212,217,225,230,233,235,235,235,233,233,233,230,233,233,233,233,233,228,225,222,228,233,233,230,228,225,225,225,230,233,233,233,233,233,230,228,222,217,212,212,215,217,215,213,215,222,225,225,225,228,230,235,235,228,222,215,212,209,215,225,228,230,230,230,230,233,233,230,225,225,228,228,225,217,212,209,209,207,207,209,209,209,207,202,200,204,207,207,209,212,215,212,207,204,207,212,217,220,215,209,207,209,207,207,207,207,209,212,209,209,209,207,207,207,209,212,215,215,215,217,222,228,230,233,230,230,228,225,222,217,215,215,215,217,222,222,222,222,217,217,222,217,217,217,217,217,217,217,215,215,212,209,207,207,204,204,202,202,202,202,199,196,194,194,196,196,196,196,194,194,191,191,189,186,183,181,181,178,178,176,173,173,170,170,170,170,173,173,173,170,168,165,163,123,123,121,121,119,117,115,115,117,117,119,119,119,121,123,163,125,123,123,165,173,178,181,183,183,186,186,186,189,191,191,189,183,181,181,186,186,185,185,189,191,191,189,189,191,199,204,207,212,215,215,212,209,207,202,204,212,222,228,222,215,215,222,228,222,212,205,207,217,230,238,241,243,238,230,221,224,230,235,235,246,251,248,241,243,228,127,114,115,127,228,204,204,199,199,204,196,196,212,238,228,194,142,77,67,98,98,59,19,0,0,0,0,0,0,0,0,0,0,0,7,25,31,39,90,108,108,118,126,126,90,49,49,47,29,11,0,0,0,0,0,0,0,0,0,11,82,126,131,90,19,0,0,0,0,0,0,0,0,0,235,255,0,0,0,255,255,255,170,142,0,191,186,186,0,0,0,255,255,255,215,129,49,3,0,0,0,0,0,255,235,189,181,144,31,0,0,0,0,0,0,0,3,255,243,0,0,0,0,0,0,0,7,29,69,82,79,37,17,0,11,19,25,25,25,19,21,41,0,0,0,118,98,67,45,16,17,23,12,9,19,33,47,51,35,35,63,124,139,142,152,170,194,217,207,191,170,157,150,126,126,129,116,139,160,0,155,152,134,113,79,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,121,129,124,165,191,196,194,183,178,173,173,178,170,163,152,99,84,86,103,73,22,40,163,155,97,94,97,109,165,183,196,202,199,191,176,153,157,186,204,202,186,165,107,95,99,117,194,207,196,176,111,93,81,69,69,85,101,105,101,107,168,189,191,183,144,73,63,71,89,75,62,67,83,97,107,103,147,150,107,147,178,196,196,186,186,181,181,176,163,152,103,91,83,83,91,103,103,89,59,51,61,73,73,72,72,72,72,87,101,107,107,109,115,165,183,181,165,157,155,157,168,163,117,111,104,104,160,186,207,220,217,199,199,199,191,189,194,194,173,115,107,103,103,99,93,99,109,150,150,160,107,95,87,86,93,95,89,81,73,73,79,85,89,83,75,63,62,67,85,87,69,51,49,53,67,59,35,45,65,43,13,15,41,67,98,100,100,100,98,47,11,5,11,17,13,17,21,19,9,5,11,25,37,39,55,69,103,77,77,77,75,57,43,27,21,23,31,45,67,87,101,144,163,222,255,255,222,207,241,255,220,196,189,176,110,104,108,168,217,243,255,255,255,0,0,0,0,186,138,134,147,155,155,163,163,173,165,131,57,39,33,41,105,199,0,0,255,255,255,230,147,92,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,82,100,98,79,43,43,40,43,45,45,55,81,118,126,126,131,139,147,155,157,168,160,155,157,173,176,173,160,147,144,150,155,163,170,160,95,75,65,67,69,73,77,79,79,77,76,79,83,73,55,37,25,35,57,73,79,77,77,76,77,99,137,134,134,142,150,155,144,137,134,134,139,139,139,137,129,118,108,103,108,113,121,129,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,103,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,43,90,134,173,183,155,116,107,111,131,163,170,170,183,170,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,207,196,170,131,95,77,69,72,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,22,20,35,64,69,72,85,111,121,129,147,160,147,108,92,103,126,142,126,71,43,34,41,79,163,189,194,189,181,150,75,55,47,44,47,59,85,117,181,196,207,215,217,225,241,248,255,255,255,248,241,222,207,183,160,109,91,85,85,85,79,73 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,209,225,230,220,51,0,0,0,0,0,0,0,0,9,27,77,168,163,157,170,178,168,115,109,113,113,168,194,209,209,176,120,124,173,178,186,186,178,129,129,123,116,119,173,189,189,97,0,0,23,123,207,212,209,209,207,202,194,186,186,189,189,189,191,196,199,202,199,191,186,182,183,194,204,209,212,217,222,222,222,225,228,228,228,230,233,238,238,235,225,204,189,137,137,139,186,196,202,207,207,207,207,196,189,194,202,207,202,196,189,186,183,181,137,134,134,181,189,191,191,189,183,181,181,189,196,194,183,181,189,199,196,183,135,183,196,204,204,204,209,209,209,209,207,186,178,183,196,202,196,191,191,194,196,204,207,204,199,199,202,204,204,202,207,212,212,209,209,215,209,207,204,207,209,212,212,209,209,209,209,209,204,202,199,199,199,204,209,215,217,215,207,204,204,207,207,204,202,204,212,215,212,207,204,199,199,204,204,199,192,192,194,204,209,209,202,196,194,194,196,202,204,204,199,194,191,191,191,191,194,191,186,181,186,194,202,202,196,192,194,199,199,191,183,178,178,183,186,189,191,194,189,181,178,178,186,194,194,191,189,183,181,181,183,186,189,186,183,183,181,181,183,189,194,196,196,196,196,199,202,199,199,196,202,204,202,202,191,176,173,181,183,181,178,176,181,186,183,173,127,126,129,131,127,124,125,129,133,178,181,186,194,199,196,196,194,191,189,189,191,194,191,189,186,189,191,189,189,189,186,186,189,189,186,181,178,178,178,176,131,128,129,173,173,129,127,128,131,176,178,173,131,173,178,176,131,131,176,189,196,199,199,199,194,189,181,173,129,129,131,127,124,125,176,189,191,190,191,196,196,196,194,196,202,202,194,181,178,181,189,191,189,183,181,178,176,176,178,178,178,176,173,173,176,176,176,173,129,123,122,125,129,173,178,181,183,183,183,181,178,176,170,129,127,127,129,170,176,176,178,181,189,194,194,189,178,131,130,131,173,173,127,126,131,176,129,131,181,183,178,177,177,181,186,191,191,186,178,135,181,189,194,194,192,192,192,196,199,196,196,196,199,202,202,196,196,199,202,204,204,202,204,202,200,202,204,196,186,191,202,204,204,204,202,202,202,202,202,202,199,199,194,183,135,133,133,135,178,183,189,194,196,199,202,207,204,204,204,202,189,179,182,194,199,199,202,202,204,207,207,204,204,207,204,194,191,186,186,196,202,204,207,202,191,189,194,204,209,209,209,212,212,209,202,200,202,207,207,204,202,202,202,207,207,204,202,196,191,189,191,196,199,199,204,212,212,204,203,209,212,212,212,212,207,204,209,209,208,209,215,217,217,216,217,217,217,222,222,222,222,222,225,228,225,222,217,213,213,215,215,215,212,207,203,202,203,207,212,215,215,215,215,215,209,207,204,203,203,204,207,207,202,199,199,199,202,204,204,199,191,143,142,143,191,196,199,199,199,199,199,202,204,207,212,222,228,230,233,235,235,233,235,235,235,230,230,228,228,228,230,230,230,230,230,233,230,228,228,225,224,224,230,233,235,235,235,233,233,228,222,212,208,209,212,217,215,213,213,222,230,230,225,225,233,238,238,233,228,217,151,125,127,204,215,225,230,233,235,238,238,233,228,228,230,230,228,225,215,207,207,207,209,209,209,209,207,202,200,202,202,202,204,209,212,209,207,204,207,212,217,222,215,209,207,207,209,209,207,207,207,209,209,209,209,209,209,209,209,212,215,215,213,215,217,225,230,233,233,230,230,230,228,228,225,222,217,215,217,222,217,217,217,222,217,217,217,217,217,217,217,217,217,212,209,209,209,209,207,204,202,202,204,204,204,199,196,196,196,196,196,196,194,191,191,189,189,186,183,181,178,176,176,173,173,170,170,170,170,170,170,173,173,173,168,165,163,123,123,121,121,119,117,113,112,112,115,117,117,117,119,123,163,125,125,125,165,173,178,181,183,183,186,189,186,189,191,189,186,181,181,183,186,186,186,186,191,194,194,191,189,191,196,202,209,212,212,212,207,145,126,129,196,217,228,228,217,212,212,215,217,217,215,209,209,215,228,235,241,241,235,228,220,221,225,230,235,243,246,235,230,230,215,194,183,135,183,215,198,217,238,228,195,181,190,254,255,233,183,126,37,21,0,37,37,3,0,0,0,0,0,0,0,0,0,0,0,0,19,25,59,90,116,126,139,142,131,105,82,49,37,17,5,0,0,0,0,0,0,0,0,0,7,37,116,126,111,66,31,23,7,0,0,0,0,0,0,0,255,255,255,255,255,255,255,114,118,165,183,160,163,220,255,0,0,255,222,163,90,7,0,0,0,23,0,0,255,255,217,209,170,59,11,0,0,0,15,9,0,48,209,207,0,0,0,0,0,0,11,64,103,116,108,90,57,37,23,39,45,45,39,33,33,33,59,95,108,108,111,121,0,131,43,31,25,13,12,21,33,41,41,39,49,73,137,150,157,160,176,189,196,207,199,178,165,155,126,80,79,116,150,160,157,144,131,121,103,79,45,33,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,144,51,152,183,191,183,176,170,168,163,165,165,152,103,88,82,87,99,85,57,67,155,163,111,101,99,104,165,191,212,217,215,199,176,151,157,194,207,199,178,111,91,84,89,115,194,204,196,168,107,93,87,81,77,87,97,93,89,93,147,181,191,176,105,73,68,75,87,79,72,75,93,101,99,101,170,178,105,93,176,202,176,163,155,148,151,163,178,173,113,87,73,63,59,63,69,8,0,27,65,99,101,99,95,95,103,115,157,157,115,117,165,181,181,168,157,157,168,168,163,117,111,102,98,98,105,173,209,220,202,189,191,202,204,199,194,189,176,157,115,113,103,92,92,97,99,109,160,170,160,107,99,93,91,95,83,71,67,68,72,79,79,75,69,67,73,87,139,121,79,65,57,53,55,47,33,35,67,29,15,15,35,61,71,71,95,95,95,59,27,15,23,31,33,31,35,25,7,1,1,9,19,29,43,57,67,65,75,111,113,75,55,33,23,20,23,27,39,57,87,139,189,248,255,254,207,207,217,217,204,204,204,199,176,113,113,165,204,238,254,255,255,255,0,0,0,178,147,144,157,165,173,176,183,176,165,116,51,33,35,95,0,0,0,0,255,255,255,139,77,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,77,98,90,66,41,43,53,55,45,43,55,75,118,126,125,126,131,139,147,157,163,142,140,165,173,160,150,144,144,142,144,142,155,160,147,95,81,79,81,85,81,81,81,83,79,76,75,77,77,67,51,43,47,57,69,79,77,77,77,89,99,137,134,101,102,142,155,155,144,137,142,139,142,142,139,137,118,108,105,105,113,121,129,137,144,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,85,124,155,176,186,165,118,104,108,134,163,165,170,176,170,165,0,0,189,199,0,0,0,0,0,0,0,0,0,189,207,217,209,189,157,113,92,92,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,35,48,69,77,82,95,113,129,144,160,168,150,118,95,100,118,139,129,77,51,43,57,85,152,181,189,189,181,147,75,55,44,44,53,75,101,170,196,209,215,225,228,243,251,255,255,255,255,255,241,220,207,181,163,109,91,85,85,79,75,73 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,194,209,222,225,207,103,0,0,47,53,33,0,0,25,89,152,168,163,155,157,160,160,155,115,117,165,186,199,209,209,186,122,122,168,178,189,189,115,83,99,117,119,127,178,186,181,109,29,2,61,133,199,204,204,204,204,202,199,196,196,199,189,179,181,186,189,194,196,191,186,183,189,202,212,217,222,222,222,222,222,222,225,228,230,233,238,238,238,235,230,215,196,141,137,137,186,191,196,196,191,196,212,212,196,189,194,196,194,189,186,189,186,181,137,135,135,181,183,183,181,186,189,189,189,191,194,191,183,182,189,196,196,186,183,189,202,209,207,204,207,199,194,194,194,186,186,194,199,199,194,189,186,141,133,189,199,191,181,182,196,207,204,199,199,204,207,204,207,209,204,196,191,199,207,209,207,204,204,207,209,209,204,199,196,196,204,209,215,217,217,212,207,204,207,204,202,199,199,204,212,217,212,207,207,204,202,207,207,199,192,192,194,202,209,209,204,196,194,194,199,202,202,199,191,186,186,189,191,189,181,133,181,186,191,199,202,199,194,192,196,199,196,189,186,186,186,186,186,191,194,191,186,178,178,181,186,189,189,186,186,183,181,178,178,178,183,183,183,183,183,181,181,181,189,194,196,194,194,196,196,199,196,191,191,194,191,183,129,119,125,170,173,173,176,176,178,183,181,173,127,127,129,127,124,124,129,176,178,181,181,186,194,199,202,199,196,194,189,189,189,191,191,189,186,186,186,183,183,183,181,183,186,186,183,181,176,176,176,133,131,131,129,129,129,129,129,131,176,178,178,131,129,129,170,173,176,181,189,194,199,199,202,199,194,186,178,173,131,173,133,131,127,131,181,191,194,191,194,196,199,199,196,196,199,199,194,186,183,186,191,194,191,186,181,178,176,178,181,183,183,178,176,176,176,178,178,178,173,129,129,123,119,121,129,176,178,181,178,176,173,170,129,125,121,123,129,176,176,170,129,176,186,191,196,194,186,173,130,130,131,129,127,126,129,129,125,126,176,186,186,183,181,183,189,191,191,186,178,132,133,181,189,194,194,196,194,196,196,199,199,202,202,204,202,196,196,196,196,202,207,207,207,204,200,202,202,196,189,191,199,204,207,204,204,202,204,204,207,204,202,202,196,189,135,129,131,133,181,186,191,196,199,199,196,199,202,202,204,204,191,178,179,189,196,199,202,204,202,202,202,196,191,186,141,139,137,135,137,194,204,209,209,196,139,138,189,202,209,209,212,215,215,209,204,200,202,207,209,204,200,199,200,204,204,202,194,135,133,141,191,196,196,196,202,212,212,207,203,204,209,209,212,209,207,204,209,209,208,209,215,222,222,217,217,217,217,222,222,222,222,220,222,225,222,217,215,215,215,215,215,212,209,207,204,204,204,207,209,209,209,212,215,215,212,207,204,204,204,204,207,207,204,196,194,194,196,199,202,196,191,143,142,142,191,196,199,199,199,202,204,207,212,212,212,217,225,230,233,233,233,230,233,235,235,230,228,225,224,225,228,230,233,233,233,230,230,228,228,225,225,225,230,233,235,235,235,238,235,235,228,215,209,209,215,222,222,215,215,225,233,233,228,228,233,241,241,238,233,228,207,125,107,104,133,212,233,235,238,241,241,235,230,230,233,233,230,228,215,207,204,207,209,209,209,212,209,204,202,202,202,200,202,207,209,209,207,204,204,209,215,215,212,207,204,207,209,209,209,207,207,207,209,209,209,209,209,209,209,212,215,215,215,215,217,225,228,230,233,233,233,233,230,230,230,228,222,217,217,222,222,217,217,222,217,217,217,217,217,217,217,217,217,212,209,208,209,209,207,204,204,204,207,207,204,202,199,196,196,196,196,194,194,191,191,189,189,186,183,181,178,176,176,173,170,170,170,170,170,170,170,173,173,173,168,165,163,123,121,121,121,117,113,112,112,113,115,117,117,119,119,123,163,125,125,125,168,176,181,183,181,183,186,186,186,186,186,186,183,181,183,186,189,189,189,191,194,196,194,191,189,189,194,202,209,212,212,209,202,127,117,118,145,222,230,222,212,211,212,215,215,215,215,215,212,215,225,230,235,235,230,225,221,222,225,228,235,243,241,225,191,143,186,191,204,215,222,238,209,238,255,248,228,220,238,255,243,194,155,85,29,19,25,39,41,5,0,0,0,0,0,0,0,0,0,0,0,0,13,29,66,95,118,139,142,126,100,79,79,45,29,17,11,5,0,0,0,0,0,0,0,0,0,0,23,45,79,69,45,35,23,15,23,0,0,0,0,217,248,248,220,209,254,255,255,233,163,160,152,137,157,235,255,255,0,183,152,113,21,0,0,0,0,23,0,0,255,255,209,194,144,31,13,43,19,7,46,51,27,77,202,170,0,0,0,0,0,0,43,131,165,165,139,118,90,57,51,59,65,55,39,39,51,65,113,121,108,108,121,0,0,165,69,49,37,23,19,27,31,25,25,35,49,75,137,163,176,186,196,196,207,217,207,186,170,150,83,76,76,116,142,152,142,118,111,103,57,41,41,69,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,21,0,47,152,183,183,168,152,152,150,150,163,152,105,93,89,93,97,99,79,101,183,186,178,157,105,109,160,189,212,225,217,196,163,148,163,199,212,194,176,107,87,83,89,115,191,202,189,152,103,97,97,91,81,83,91,91,89,89,107,183,207,191,107,79,75,93,105,103,95,89,95,93,83,83,101,111,93,93,176,202,173,163,152,148,151,176,196,196,178,105,79,49,41,45,69,17,10,35,99,178,165,157,155,155,165,168,168,168,165,165,170,165,157,157,117,117,168,170,165,119,117,111,105,104,104,160,202,209,194,189,191,202,207,207,199,194,181,163,115,109,105,101,99,93,97,99,147,160,160,144,105,99,93,95,89,81,73,73,79,79,77,63,57,61,69,81,85,85,85,71,55,43,39,34,29,30,39,33,23,25,41,67,71,67,59,57,59,53,35,25,31,39,43,41,43,33,9,0,0,1,7,19,31,49,61,67,77,111,113,116,73,49,29,25,27,33,37,45,67,95,178,235,255,254,228,215,212,204,200,204,220,222,222,230,207,173,168,204,238,255,255,255,255,0,0,181,186,212,204,191,189,191,194,186,168,126,51,39,55,181,0,0,255,255,233,207,160,74,27,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,69,79,72,43,43,55,87,87,55,44,55,75,124,131,131,131,129,137,142,147,142,134,137,157,165,107,93,93,97,101,142,157,165,163,147,95,87,89,95,101,93,93,99,97,81,76,74,77,83,81,71,65,63,69,73,79,77,77,89,93,99,137,134,103,102,139,155,152,147,142,142,139,142,147,144,137,126,113,105,108,111,118,129,137,142,150,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,100,137,165,186,186,165,118,104,112,144,165,176,165,165,165,165,0,0,194,199,0,0,0,0,0,0,0,0,194,194,217,230,228,204,178,144,113,98,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,35,46,59,59,69,85,103,113,134,160,170,157,121,95,95,108,121,121,77,53,51,63,85,152,181,189,196,181,147,81,61,53,55,71,93,125,186,199,215,225,241,243,248,255,255,255,255,255,255,241,217,202,183,170,111,95,85,79,79,73,73 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,191,202,207,212,217,212,139,79,118,144,111,0,0,13,144,160,160,155,150,150,151,157,163,160,165,178,194,202,207,209,202,173,124,127,176,191,189,82,56,65,93,178,191,202,204,202,196,186,131,129,183,191,194,196,199,202,204,209,207,209,212,199,178,178,183,182,189,194,191,189,186,191,207,220,222,222,222,222,222,222,222,225,228,230,233,235,238,235,235,233,222,204,191,141,139,189,194,191,141,137,191,217,222,196,185,186,191,191,186,186,186,186,183,183,181,178,135,131,130,131,183,196,199,196,194,189,186,183,186,189,194,194,191,189,189,194,202,207,204,202,183,178,177,183,186,194,194,194,191,191,186,139,134,122,137,194,187,178,179,196,212,207,199,198,199,202,202,204,207,199,189,186,191,204,204,199,196,199,204,207,207,199,186,141,191,202,209,215,217,215,212,207,207,212,209,202,198,199,202,207,209,207,202,204,204,204,207,207,199,194,192,194,199,207,209,207,202,196,199,204,204,199,189,181,136,181,189,189,183,121,108,127,189,196,202,202,202,196,196,199,196,189,183,189,199,196,186,182,186,191,189,183,178,178,181,181,181,181,181,183,181,181,178,176,176,178,181,183,183,183,181,178,176,178,178,178,178,181,181,131,117,117,131,123,121,107,65,91,109,125,129,127,127,173,173,173,176,173,129,127,127,127,124,123,125,131,178,186,186,189,189,191,194,196,196,196,194,189,186,186,189,189,186,181,181,181,181,181,181,181,181,183,183,181,178,176,133,133,173,173,173,131,128,128,131,178,181,183,183,178,170,128,128,128,170,178,183,189,191,191,191,191,189,183,178,173,173,176,176,133,133,176,181,191,196,196,194,196,196,196,196,196,196,194,191,191,191,191,194,196,196,194,189,183,178,178,183,189,189,186,178,176,176,176,176,178,181,178,176,178,170,119,115,117,125,170,176,176,173,129,129,127,121,117,117,127,173,173,125,125,170,181,186,194,194,186,176,130,130,131,173,131,131,173,131,126,126,178,189,189,186,181,183,186,191,191,186,181,132,130,133,183,191,199,202,202,199,196,196,199,202,204,207,204,199,196,194,192,199,207,209,209,207,202,202,204,196,189,191,196,204,207,207,204,202,204,207,209,207,204,202,199,191,178,129,129,129,135,186,191,196,202,196,192,194,196,199,204,204,194,179,179,186,191,196,204,204,199,196,194,191,183,135,134,135,134,134,135,191,207,215,209,189,135,136,141,196,207,209,212,215,212,209,207,202,202,209,212,209,202,200,202,207,204,143,73,67,113,145,196,194,194,196,204,212,212,209,204,204,207,212,212,207,202,204,209,209,209,215,222,225,225,222,222,220,222,222,225,222,217,217,217,217,215,215,215,215,215,215,212,209,204,204,207,209,209,209,209,207,207,209,212,212,207,202,199,202,204,202,202,202,196,189,141,143,194,196,199,196,194,189,143,143,191,199,199,199,202,204,207,212,217,215,212,215,222,225,228,230,228,228,230,235,235,230,228,225,225,225,228,230,230,233,233,230,230,228,230,228,228,228,233,235,235,238,238,241,243,243,238,228,215,215,222,228,228,225,225,228,233,235,233,233,235,238,238,233,233,230,222,149,107,98,105,202,235,241,238,241,241,235,230,230,233,230,230,225,212,204,204,207,209,212,212,212,212,207,204,204,204,202,204,207,209,207,204,204,204,207,209,212,207,202,202,204,207,209,209,207,207,207,207,209,209,212,212,209,209,209,215,217,217,217,222,225,228,230,233,233,235,235,235,235,233,230,225,222,222,222,222,222,217,217,217,222,217,217,217,215,215,217,217,215,209,208,209,209,209,207,207,207,207,207,207,204,202,199,196,196,194,194,191,191,189,189,186,186,183,181,178,176,173,131,170,129,170,170,170,170,173,173,176,173,168,165,163,123,121,119,119,115,112,112,113,117,117,117,119,119,119,123,163,165,125,165,170,176,181,183,183,183,183,186,186,183,183,181,178,181,183,186,189,191,194,196,199,199,196,191,187,187,191,199,207,212,212,207,191,125,117,120,196,222,228,222,212,212,217,217,212,212,215,215,215,217,222,225,228,230,228,225,222,224,228,233,241,246,238,217,138,135,134,138,196,212,222,233,199,220,248,255,255,255,255,230,183,152,144,118,47,31,37,47,43,9,0,0,0,0,0,0,124,134,0,0,0,0,19,56,0,100,126,139,131,100,49,43,49,49,37,29,29,23,17,3,0,0,0,0,0,0,0,0,0,0,9,29,29,19,19,27,43,90,131,168,191,212,228,207,183,177,230,255,255,255,181,144,126,116,144,230,251,191,126,100,77,27,0,0,0,0,0,0,59,255,255,255,170,137,77,0,0,66,61,13,11,13,5,51,176,155,9,0,0,0,0,0,82,150,181,178,157,134,113,90,92,105,98,57,41,47,71,126,139,129,100,73,116,0,0,147,113,63,49,37,33,31,21,10,11,27,49,69,129,157,183,215,217,217,217,228,217,191,170,147,82,77,79,116,129,142,139,113,92,59,37,19,23,77,79,0,0,0,0,0,0,0,0,0,3,5,0,0,0,0,0,0,0,103,183,183,147,129,130,134,150,150,152,150,107,107,107,93,59,50,75,163,186,196,194,178,160,170,189,209,225,222,196,161,148,163,202,212,199,176,109,91,87,97,117,183,189,165,105,91,95,103,103,93,91,91,91,93,99,147,191,212,196,144,87,91,139,155,157,142,95,83,80,77,78,82,91,95,107,186,204,186,173,155,151,157,186,204,212,202,178,97,33,22,26,41,21,22,57,163,196,178,157,155,155,165,165,168,181,168,168,163,111,95,95,97,109,163,183,183,168,163,163,168,160,105,105,170,202,202,196,194,199,204,207,202,194,181,160,107,103,109,111,101,91,89,91,103,147,147,139,139,99,95,95,97,97,95,89,85,85,77,59,50,51,51,45,26,35,71,77,59,51,55,43,37,35,35,35,37,39,49,61,69,59,45,35,39,41,37,33,39,43,45,49,55,41,11,0,0,0,0,9,23,37,57,77,105,77,79,116,83,61,43,35,41,47,53,57,75,95,147,199,238,254,246,238,217,203,200,212,241,248,243,248,215,105,73,95,207,246,255,255,241,0,0,209,246,255,248,204,183,183,183,178,168,129,59,47,118,0,0,255,255,178,121,85,85,41,15,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,27,25,37,69,85,95,95,61,47,55,75,124,134,131,131,129,137,137,142,139,134,138,165,165,103,87,89,97,103,147,163,170,168,152,99,89,93,134,142,144,144,147,142,87,76,75,79,95,134,131,89,81,81,81,81,77,79,89,93,99,101,103,137,139,142,150,152,147,142,142,144,142,147,144,139,126,116,108,105,108,113,129,137,144,150,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,100,147,176,186,183,165,124,108,116,155,176,176,176,165,176,0,0,0,209,207,0,0,0,0,0,0,0,0,0,207,225,243,241,217,191,163,121,95,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,38,35,35,35,33,33,48,72,95,113,150,163,152,118,92,87,95,111,113,73,55,53,65,121,155,183,191,191,183,155,89,77,69,77,95,119,183,199,209,217,228,243,251,255,255,255,255,255,255,254,243,220,202,186,173,119,101,87,81,77,75,75 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,194,196,199,202,209,212,170,77,82,139,142,37,0,0,69,142,152,152,150,151,157,170,170,173,178,189,196,199,196,202,202,189,173,168,170,189,196,111,75,81,127,178,191,204,209,209,207,202,196,189,189,189,189,194,194,196,204,212,212,215,222,209,191,186,191,186,191,194,191,189,186,194,209,222,222,217,217,220,222,225,225,225,225,225,228,230,233,230,230,230,222,209,199,189,189,196,199,137,123,124,189,217,215,189,181,186,196,199,196,189,186,186,186,189,183,133,129,127,128,133,189,199,202,196,189,183,183,186,191,191,189,189,191,189,183,136,137,202,204,196,179,176,176,182,189,191,191,189,191,191,189,186,136,131,189,202,196,189,194,204,209,209,204,199,202,202,202,207,209,202,189,187,199,209,202,189,143,194,199,202,199,141,128,128,139,196,207,212,217,215,212,209,212,212,209,202,199,199,199,199,196,194,194,196,199,202,204,204,196,194,194,194,196,202,207,207,204,202,204,207,204,196,186,136,136,137,186,186,133,107,97,111,183,194,199,202,204,204,204,199,189,176,176,189,202,199,189,182,183,186,183,181,183,183,183,178,178,177,178,181,178,178,178,176,173,178,183,181,178,178,181,178,176,131,127,125,126,131,131,104,78,78,111,105,97,60,24,60,111,170,170,127,125,170,173,173,173,170,127,127,129,127,123,123,125,173,181,189,191,194,191,191,191,191,191,194,194,191,189,189,186,186,183,178,178,178,178,181,181,181,181,181,181,176,133,133,173,176,176,178,176,176,131,129,173,186,189,183,178,176,170,129,129,170,176,181,186,191,189,186,181,178,178,176,173,173,173,176,176,131,133,181,186,194,196,194,191,191,191,189,191,194,194,191,189,189,191,196,199,202,199,196,189,183,178,181,186,194,196,189,178,176,176,176,176,176,178,176,176,178,176,129,117,111,111,121,170,176,173,170,129,127,123,115,113,115,121,123,121,119,123,170,178,186,189,183,176,131,131,173,178,178,181,181,181,173,131,178,189,189,183,181,181,186,189,189,189,186,178,132,133,183,191,196,202,204,199,194,194,199,202,204,207,204,202,199,194,191,194,204,207,209,209,207,207,207,199,189,189,196,202,202,202,202,204,207,209,212,209,204,202,202,199,183,131,128,127,129,178,186,194,199,196,192,192,194,199,204,207,196,183,182,186,191,194,202,204,202,196,194,194,191,186,183,141,139,135,139,189,202,212,204,139,135,137,186,196,204,209,212,215,212,209,207,204,204,209,212,209,207,209,212,212,191,48,38,53,127,199,204,199,196,202,209,212,212,209,207,207,209,215,209,196,196,204,212,212,215,217,222,225,225,222,222,222,222,225,225,225,220,217,217,215,213,213,215,215,212,209,209,207,204,204,209,212,212,212,212,209,207,207,207,204,199,194,195,199,196,191,191,194,143,135,135,139,191,199,199,196,191,189,143,189,194,199,199,199,199,202,207,212,215,212,212,217,222,225,225,225,225,228,230,233,233,230,228,225,225,228,228,228,228,230,233,233,228,228,228,228,230,233,235,238,238,241,241,246,248,248,246,238,230,225,222,225,228,228,228,230,233,235,235,235,235,235,235,233,228,225,228,222,143,107,119,151,228,238,241,238,238,233,230,228,228,225,225,217,207,203,203,207,209,209,212,212,212,207,207,209,209,207,204,207,207,207,204,204,204,207,207,207,204,199,199,202,207,209,209,207,207,207,207,209,212,215,215,212,209,212,215,217,222,222,222,225,225,228,230,233,233,235,235,235,235,233,230,225,225,225,225,222,217,217,217,222,217,217,215,215,215,215,215,215,209,209,209,212,212,209,209,209,209,209,207,204,202,199,196,196,194,194,191,189,189,189,186,183,183,181,178,176,173,131,129,129,129,170,170,173,173,176,176,176,173,165,163,123,121,119,115,113,113,113,117,119,119,119,119,119,119,121,125,165,165,165,168,173,178,181,183,186,186,186,186,183,181,178,176,178,181,183,189,191,194,196,199,199,196,191,186,186,189,196,204,209,212,204,141,135,135,191,204,217,222,222,217,217,217,215,209,209,209,215,215,217,217,222,225,225,228,225,225,225,230,235,243,248,241,225,202,143,136,136,185,194,207,222,81,95,191,235,255,255,255,183,150,150,168,155,81,61,49,49,41,9,0,0,0,0,0,0,152,170,3,0,0,0,31,82,82,98,124,131,105,79,46,46,77,47,41,41,49,43,31,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,55,98,134,170,199,207,207,182,172,177,248,255,255,194,129,116,95,58,116,191,202,134,53,33,9,0,0,0,0,0,0,0,0,202,255,230,155,111,21,0,0,11,23,0,0,0,0,0,69,105,69,19,0,0,0,0,72,124,142,152,152,144,126,113,105,95,67,55,51,59,108,131,137,118,67,63,67,111,124,131,124,77,63,53,47,37,11,4,8,25,47,61,79,147,0,0,222,225,217,217,204,191,178,163,139,118,113,116,116,129,129,118,92,57,19,4,9,39,45,0,0,0,0,0,0,1,0,0,82,85,13,0,0,0,0,0,25,173,207,186,131,129,130,134,150,148,144,152,163,173,173,109,45,43,57,91,157,186,204,194,173,170,181,204,225,225,199,156,151,163,199,207,194,176,113,105,105,111,115,117,115,103,89,82,83,95,107,144,105,97,99,105,155,181,191,183,157,139,139,144,155,170,170,147,95,82,77,77,80,80,89,101,109,170,194,196,173,155,152,157,186,202,204,212,202,111,41,25,26,29,21,29,81,178,186,163,113,110,111,155,160,165,168,163,157,115,95,85,81,86,97,168,196,202,183,168,173,202,191,111,101,117,191,209,207,199,194,196,202,196,183,173,117,103,100,113,111,91,81,85,91,103,147,107,105,105,99,93,91,97,134,129,93,85,85,85,71,63,59,49,27,7,16,35,69,57,61,113,79,67,51,30,30,37,43,41,49,59,47,29,21,27,31,37,45,47,45,43,47,55,47,21,3,0,0,0,11,19,29,49,67,77,77,79,118,118,77,55,47,53,75,91,97,137,142,147,170,207,235,238,238,217,203,203,233,255,251,235,204,165,81,59,71,181,238,246,243,230,228,0,217,255,255,246,181,166,168,168,168,160,137,87,87,0,0,0,255,163,79,33,24,39,53,29,21,17,13,0,0,0,13,0,0,0,3,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,43,79,87,63,55,47,59,75,118,129,134,131,134,137,139,144,144,155,168,181,157,91,87,99,105,103,142,152,165,163,160,139,93,93,134,142,152,157,160,150,97,79,76,83,134,150,150,131,91,89,89,87,79,87,95,134,99,101,137,142,142,142,144,147,147,147,144,147,147,147,147,144,131,118,105,104,108,121,137,144,150,152,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,103,155,183,183,176,165,131,116,124,155,183,183,183,183,191,0,0,0,0,228,0,0,0,0,0,0,0,0,0,220,241,248,241,217,191,170,131,95,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,56,46,33,25,13,9,11,25,61,87,121,144,142,111,61,55,55,65,73,65,53,53,65,87,147,173,183,183,173,155,99,85,83,95,115,178,196,199,209,217,230,251,255,255,255,255,254,255,255,251,243,220,202,191,173,119,103,87,77,75,75,75 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,194,194,194,199,207,209,134,53,70,147,194,202,118,47,53,91,150,157,157,173,194,204,176,178,191,196,199,196,187,186,191,189,178,173,173,191,202,129,89,97,173,178,191,202,207,207,204,202,196,194,189,186,189,191,191,191,199,204,207,212,212,209,204,199,194,194,196,194,189,186,186,189,204,222,225,222,217,220,222,225,228,228,225,222,222,225,228,228,228,228,222,212,207,199,199,204,207,125,115,117,186,209,204,189,185,191,204,215,207,194,186,185,189,194,183,131,129,130,135,186,196,202,199,191,183,181,183,189,191,189,181,181,186,189,137,131,129,194,199,196,183,183,183,189,189,189,186,186,186,186,191,194,196,202,207,209,204,202,207,207,207,212,207,204,207,207,207,207,212,209,199,202,215,217,202,141,140,143,196,199,194,133,124,125,135,196,207,212,215,215,209,207,204,207,204,199,196,196,196,194,190,189,189,191,196,202,207,204,199,194,194,194,196,199,202,204,204,207,207,209,204,196,186,137,137,181,183,137,129,109,101,115,183,191,194,196,199,204,204,196,181,131,176,189,196,199,194,189,186,183,178,181,186,189,186,178,178,181,183,181,178,176,176,173,176,181,181,129,125,173,181,178,176,173,128,125,125,129,131,117,83,79,105,105,103,69,31,65,127,176,173,127,125,170,178,178,178,129,129,173,176,131,125,125,131,178,186,189,191,191,191,189,189,191,194,196,196,194,191,191,189,186,181,176,176,176,181,183,183,181,178,178,176,131,131,131,173,178,178,178,178,181,178,176,176,183,183,176,170,170,173,173,176,183,183,186,189,194,194,189,183,178,178,178,178,176,176,173,131,129,176,183,186,191,191,191,189,186,183,183,186,194,194,191,189,189,189,194,199,204,202,199,191,183,181,183,191,199,199,189,178,176,176,176,173,173,176,173,170,170,176,173,125,111,109,111,123,170,173,173,173,170,129,125,117,109,108,111,117,117,113,121,173,178,183,183,176,131,131,176,178,181,181,181,183,183,178,176,178,183,183,181,183,189,191,191,191,194,191,183,183,186,191,191,194,199,194,194,196,202,202,204,204,204,204,202,196,191,194,199,202,204,209,209,209,209,199,186,183,196,196,194,194,199,204,207,209,209,209,204,202,202,202,194,181,129,126,126,133,181,189,196,196,194,194,196,199,204,204,196,189,189,191,191,194,202,204,204,202,199,202,202,202,202,202,194,186,141,139,189,196,189,138,138,189,194,199,204,209,212,215,215,209,207,207,207,207,204,204,207,215,225,194,52,38,45,129,202,207,212,204,202,209,212,212,209,209,207,207,212,215,204,147,147,207,212,215,215,217,222,222,222,222,225,225,225,225,228,225,222,222,222,217,215,215,215,212,209,208,209,209,207,209,215,215,212,212,212,212,207,207,204,202,195,192,195,196,194,189,190,191,139,134,135,139,191,196,196,194,194,191,189,143,191,199,199,199,199,202,204,207,207,209,212,222,225,225,225,225,225,228,228,228,230,228,225,222,222,225,228,228,228,230,235,233,228,224,225,228,233,235,241,243,243,243,243,246,248,248,248,243,238,228,217,215,222,228,228,228,230,233,235,233,233,230,233,233,228,225,230,233,217,141,141,143,202,228,235,235,233,233,230,225,222,220,217,212,207,203,203,204,207,207,209,212,209,207,207,212,212,209,207,207,207,204,204,204,204,207,207,204,199,196,199,202,207,207,209,207,207,207,207,209,212,215,217,215,215,215,217,222,222,222,217,217,222,225,228,230,230,233,233,235,235,235,230,228,225,225,225,225,222,217,217,217,217,215,215,212,212,212,215,215,212,209,212,212,212,212,212,212,209,207,207,204,202,199,196,194,194,191,191,189,189,186,183,183,183,181,178,176,131,129,129,129,129,170,170,173,173,176,178,176,173,165,125,123,121,117,113,113,115,115,117,119,121,121,121,121,121,121,125,165,165,165,168,173,178,183,186,189,186,186,186,183,178,176,176,178,181,183,189,189,191,196,199,199,196,191,189,189,191,199,204,212,212,207,194,194,204,207,209,212,217,222,220,217,212,209,207,207,209,212,215,215,217,217,222,225,228,228,228,228,233,238,243,246,241,235,243,255,241,204,189,189,199,217,33,36,81,183,255,255,255,170,142,157,191,191,134,75,53,37,33,7,0,0,0,0,0,0,61,95,0,0,0,0,43,90,77,92,116,116,92,79,95,103,85,43,41,74,90,79,37,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,53,100,139,181,199,207,207,186,177,194,238,255,220,124,63,56,53,50,59,137,142,100,41,21,0,0,0,0,0,0,0,0,0,129,209,209,157,100,0,0,0,0,0,0,0,0,0,0,0,17,19,17,0,0,0,15,72,90,92,116,142,147,134,126,111,65,57,57,71,113,124,126,118,75,67,63,64,71,111,131,142,131,103,71,63,43,19,4,6,21,35,53,69,131,0,0,0,225,0,204,199,199,199,191,181,157,126,105,100,105,116,118,111,87,11,0,0,25,45,0,0,0,0,0,0,0,0,0,43,100,85,0,0,0,0,1,126,209,217,173,134,131,144,150,155,150,144,152,170,189,202,196,152,63,62,81,99,157,186,178,157,157,170,189,215,217,191,155,152,176,199,202,186,176,163,117,165,165,115,105,97,89,83,78,77,83,105,165,155,144,105,144,178,189,155,91,85,101,147,155,170,170,168,157,147,101,95,95,89,83,95,105,101,107,176,194,163,152,151,155,176,189,196,196,183,91,63,81,63,41,24,55,109,186,181,155,111,107,108,115,165,170,165,157,117,115,101,88,81,86,95,157,191,196,186,168,173,202,202,119,101,105,183,212,212,199,186,186,186,178,163,117,115,104,104,113,101,81,77,83,95,103,142,105,99,97,97,91,85,91,95,89,81,81,85,91,91,89,81,67,35,3,15,29,41,35,53,113,131,113,57,28,27,30,35,33,35,43,39,25,19,19,25,37,47,47,37,27,27,35,41,33,17,7,5,19,31,31,33,43,61,81,118,124,134,134,121,71,49,53,83,134,150,168,168,165,168,191,209,230,230,217,212,220,241,251,233,186,107,107,101,85,142,196,212,204,199,209,217,217,217,243,246,204,168,166,168,176,178,173,144,105,0,0,0,217,165,85,39,24,19,27,0,0,0,79,77,40,0,0,0,0,0,35,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,37,45,53,45,42,44,57,75,111,121,126,126,131,137,139,147,163,178,191,176,95,70,74,95,97,91,87,93,101,147,160,144,91,87,91,137,155,160,160,155,137,85,85,93,142,150,147,131,81,75,79,79,79,89,134,134,99,97,137,144,150,147,144,144,147,150,150,147,147,150,155,144,131,116,105,104,111,121,142,152,152,152,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,46,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,111,165,191,186,176,163,144,124,134,165,183,191,191,202,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,243,243,225,209,189,170,144,103,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,56,38,27,20,9,3,5,11,21,61,95,121,118,98,53,37,29,41,53,53,53,53,67,83,134,165,183,173,155,109,99,89,89,103,165,191,199,209,212,217,230,251,255,255,255,251,251,254,255,251,243,220,209,194,183,125,111,89,81,77,77,81 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,196,199,199,202,204,199,55,34,129,191,212,222,225,207,150,131,144,168,176,194,212,222,163,178,194,202,202,199,187,185,189,194,186,173,127,181,194,129,93,101,173,191,199,204,204,202,199,196,191,189,186,186,191,196,194,191,194,194,196,199,202,202,199,194,189,194,196,191,186,141,139,141,199,217,228,228,222,217,220,225,230,230,228,222,220,220,225,225,228,225,222,215,212,209,204,204,204,189,120,122,186,199,202,199,194,194,204,215,209,196,186,186,189,191,181,131,131,178,189,196,199,202,196,189,181,181,181,183,183,181,178,178,183,189,183,133,129,137,194,196,194,202,196,191,186,183,139,137,136,136,186,199,209,215,215,209,204,202,204,204,207,212,207,207,212,212,207,202,207,212,215,217,225,222,204,189,142,194,199,202,194,135,128,130,143,202,209,209,209,209,207,200,199,202,199,196,194,191,191,191,190,189,190,194,199,204,209,209,202,196,196,196,199,202,204,204,207,207,209,209,207,199,189,183,181,183,181,135,129,121,117,178,191,194,194,191,191,199,202,191,133,127,133,183,191,194,196,194,189,181,178,181,189,189,183,178,181,186,191,186,178,173,173,173,131,181,176,119,116,131,183,178,173,176,178,131,126,127,131,173,125,90,104,115,129,129,103,170,183,183,178,129,125,170,178,183,181,129,170,178,178,173,129,131,181,191,194,191,189,187,189,191,191,194,196,199,199,196,191,191,189,183,181,176,174,176,183,186,183,178,176,133,131,129,129,131,176,178,178,176,176,178,178,173,170,173,173,129,129,173,181,186,189,189,189,189,191,196,196,194,189,186,183,183,181,178,131,125,123,131,178,183,183,186,189,186,183,183,181,183,189,194,196,194,191,189,191,191,196,199,199,196,191,183,183,186,194,199,196,186,178,176,178,176,173,173,173,170,169,168,170,170,129,119,111,110,113,125,170,173,176,176,176,176,170,119,109,109,117,117,112,113,125,173,178,181,176,131,131,173,178,178,178,178,181,183,178,132,133,183,186,186,189,194,196,194,194,194,196,196,194,194,194,191,186,183,183,189,199,204,202,202,204,207,207,207,199,192,194,199,196,202,207,207,207,204,196,181,137,191,191,186,189,196,204,207,204,207,207,199,191,194,199,196,189,178,127,127,135,183,191,196,196,196,196,199,199,202,199,191,186,191,196,196,194,199,204,204,204,204,207,207,209,209,209,204,196,141,134,134,137,139,139,194,202,204,204,207,209,212,217,215,209,207,207,207,204,200,200,202,207,199,87,50,53,127,196,207,212,215,209,209,215,215,212,209,209,207,207,212,215,202,145,147,204,212,215,217,220,222,217,217,217,225,225,222,222,225,225,225,222,225,222,222,217,217,215,209,209,212,212,212,215,217,215,212,209,209,212,212,209,207,202,196,196,196,199,194,191,191,194,189,139,141,189,191,191,191,194,194,194,189,143,191,199,199,199,202,202,204,204,203,204,209,217,225,225,222,222,225,228,228,222,222,225,222,217,215,222,228,233,233,233,233,230,225,221,224,228,233,238,243,246,246,246,246,246,246,246,246,243,238,228,215,213,215,222,225,228,233,233,233,230,228,225,225,230,230,228,233,238,230,207,147,137,136,202,225,228,228,230,230,225,217,215,212,209,207,207,204,207,207,207,207,209,209,207,207,212,215,209,207,204,204,204,204,204,204,204,204,199,196,196,199,202,204,204,204,204,207,207,207,209,212,215,217,217,217,217,217,222,222,217,216,215,217,222,222,225,225,228,230,233,233,235,233,228,228,228,228,228,222,217,217,217,215,215,215,212,212,212,212,212,212,215,215,212,212,212,212,212,209,207,204,202,202,199,196,194,194,191,189,189,186,186,183,181,183,181,178,176,131,129,127,127,129,170,170,173,176,176,178,176,170,165,123,121,119,115,113,113,115,117,117,119,121,123,123,121,121,121,125,165,168,168,168,173,178,183,189,189,186,183,183,178,176,174,176,181,183,186,189,189,191,194,196,196,194,194,194,196,196,202,207,212,212,212,209,207,209,212,212,212,212,215,215,212,207,205,207,207,209,212,215,215,215,215,217,222,225,228,230,233,235,238,241,238,238,238,251,255,255,233,199,139,181,194,27,33,63,105,243,255,255,181,97,142,191,196,142,75,45,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,113,77,79,98,98,85,92,124,147,90,41,35,47,87,90,37,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,43,95,139,183,199,207,212,202,202,207,217,222,194,137,71,53,50,55,73,105,95,55,47,29,0,0,0,0,0,0,0,0,74,108,152,168,144,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,35,79,90,92,124,152,160,152,134,111,57,54,67,126,144,134,126,124,113,77,73,73,75,111,124,147,142,129,113,69,47,25,10,8,11,27,43,67,129,0,0,0,0,0,0,0,207,220,207,189,160,113,69,63,92,100,116,139,108,15,0,0,17,69,19,0,0,0,0,0,0,0,0,0,90,126,49,0,0,0,0,0,0,0,53,89,131,147,163,170,163,163,163,173,191,212,212,181,81,63,77,91,111,168,113,99,105,160,181,196,209,191,156,156,183,196,191,178,170,170,176,186,178,117,105,97,91,91,85,77,80,103,173,186,168,147,144,152,139,75,63,69,87,99,101,144,139,139,150,160,160,157,150,99,89,101,109,103,105,170,186,163,155,155,163,176,178,189,178,111,53,51,77,63,53,51,155,178,191,181,163,155,113,111,157,181,189,181,165,163,165,157,109,101,103,109,111,163,183,183,168,166,183,191,163,99,96,111,202,212,202,191,181,178,160,119,115,115,111,109,113,99,80,77,83,91,101,103,95,87,91,91,83,80,79,81,81,80,85,91,121,91,124,124,87,67,4,23,33,35,32,41,75,134,131,73,37,31,35,35,31,31,33,31,29,21,17,17,31,41,39,23,11,5,9,29,39,39,31,37,51,55,51,43,49,59,77,126,137,144,142,124,59,33,30,53,91,150,168,170,168,170,194,209,217,230,233,233,235,241,233,199,147,100,107,176,191,191,178,139,65,95,176,0,207,228,246,222,186,176,183,194,196,196,191,160,126,108,105,124,134,126,92,77,61,29,29,0,0,0,98,98,59,0,0,0,0,0,74,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,31,43,45,42,43,45,57,69,77,83,118,124,129,129,137,142,157,178,186,157,77,59,66,87,87,82,79,82,91,139,152,144,95,87,87,134,152,160,160,150,137,95,85,93,142,142,131,81,65,63,67,71,77,89,134,103,95,97,105,144,150,147,144,147,152,150,150,152,150,155,155,147,134,121,113,111,116,129,137,144,147,150,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,66,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,72,134,183,199,191,176,155,147,144,147,165,183,191,191,202,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,248,241,220,199,183,170,152,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,72,46,30,22,14,3,0,0,0,5,17,64,87,95,77,39,21,11,15,23,39,49,61,75,87,142,173,183,173,109,91,89,89,95,113,173,196,212,217,217,228,243,251,255,255,255,251,251,251,251,251,243,222,212,194,183,127,111,93,87,83,81,81 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,196,204,204,204,202,191,51,38,186,207,215,217,225,225,194,155,152,181,189,199,209,215,113,181,196,202,202,202,196,189,196,207,199,170,119,123,181,181,129,125,178,191,199,199,196,194,194,191,186,186,186,189,196,207,204,194,191,189,189,191,194,191,186,183,183,189,194,191,186,138,137,137,191,209,222,225,222,215,215,222,228,230,228,222,220,220,222,222,225,225,222,217,217,212,204,196,196,207,189,139,186,194,202,207,196,189,194,199,199,194,191,191,196,199,189,135,135,183,191,194,196,194,189,183,181,178,135,135,135,178,183,183,186,191,191,183,134,137,189,194,191,202,196,189,183,183,137,135,134,135,186,199,212,215,207,202,196,196,194,196,204,209,209,209,217,215,204,194,194,209,220,225,222,212,204,204,207,212,212,207,196,189,141,143,196,207,207,202,202,204,204,202,200,202,204,202,199,196,194,191,191,191,194,199,202,204,209,209,202,196,196,199,202,204,204,204,204,207,207,207,207,202,194,186,181,181,181,133,133,135,183,196,199,196,194,189,189,194,196,183,123,105,107,127,186,196,196,191,183,181,178,178,183,183,176,176,183,194,199,194,183,176,173,131,125,129,131,120,117,127,176,176,178,183,191,186,129,126,129,176,170,104,107,125,181,189,191,194,191,189,178,125,124,129,178,181,181,129,176,183,178,131,173,181,189,196,194,191,189,191,191,194,194,194,194,196,194,194,191,189,189,186,181,176,174,176,181,186,183,181,176,173,131,129,129,173,178,178,178,173,173,173,170,129,129,129,129,129,170,183,194,199,194,186,186,191,194,191,189,189,191,191,189,186,181,173,123,113,111,181,186,183,182,183,186,186,183,181,181,183,189,194,196,194,191,191,194,191,191,191,191,191,189,186,186,189,194,196,191,183,176,176,176,176,173,173,176,173,170,168,169,173,173,129,119,111,111,119,129,173,173,173,176,178,176,129,111,105,113,115,113,115,121,125,129,173,131,129,129,173,176,176,176,173,173,178,173,131,133,181,183,186,189,191,194,189,183,186,194,199,199,199,196,194,189,137,135,183,196,202,199,199,204,209,209,207,202,196,202,202,196,199,204,202,196,196,189,135,134,181,183,183,189,196,202,202,199,196,196,189,135,135,183,191,189,181,129,131,183,191,196,196,196,194,196,199,202,199,191,182,181,189,199,202,199,202,202,204,204,204,204,204,209,212,212,209,204,189,133,132,134,137,189,204,207,207,207,204,204,209,212,212,209,207,204,207,207,204,202,202,199,121,97,95,137,196,199,204,209,209,212,215,217,215,212,212,212,212,212,212,209,202,145,145,196,207,212,217,222,222,222,217,217,222,222,217,215,217,222,222,222,222,222,225,222,217,215,212,212,212,215,217,222,217,215,207,204,209,215,217,215,212,209,207,204,202,202,199,196,194,194,194,196,199,196,194,191,194,194,194,191,143,143,191,199,202,202,202,204,204,204,204,203,203,209,217,222,222,222,228,230,225,217,215,217,217,215,212,215,228,235,235,230,228,224,221,222,225,230,235,241,243,246,246,246,246,246,246,246,246,243,238,230,222,215,217,222,228,233,235,235,230,225,222,216,215,222,230,230,235,238,230,209,145,136,135,145,209,222,225,228,230,222,212,207,207,207,207,209,209,209,207,205,207,209,209,207,207,212,215,212,207,204,204,202,202,204,204,202,199,196,194,194,196,199,202,199,199,199,202,204,204,207,209,212,217,222,222,225,225,225,225,217,216,215,217,222,217,217,217,225,228,230,230,233,233,230,228,228,230,230,225,217,215,215,215,215,212,212,212,212,212,212,215,217,217,215,212,212,212,209,207,204,202,199,199,196,194,194,191,191,189,189,186,183,181,181,181,181,178,173,129,127,127,127,129,170,173,173,176,178,178,176,173,165,123,121,119,117,113,113,115,115,117,119,123,123,123,121,121,121,125,165,168,168,168,170,176,183,189,191,189,186,183,178,176,176,178,183,186,186,189,189,189,191,194,196,196,196,199,202,202,204,207,209,212,209,212,212,212,209,209,209,209,207,207,207,207,207,207,207,207,209,212,215,215,212,212,215,217,222,228,233,235,235,235,233,235,241,251,255,255,238,204,135,128,131,21,33,63,101,209,255,238,189,101,0,0,0,170,126,63,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,121,77,43,74,79,87,105,137,147,95,37,29,35,77,77,35,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,55,139,189,199,212,220,217,212,207,212,220,209,170,121,63,59,134,160,121,57,53,59,53,7,0,0,0,0,0,0,0,142,108,111,126,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,72,87,113,142,170,183,181,178,160,116,57,54,105,142,152,150,139,131,118,108,113,121,116,75,111,139,139,131,113,69,43,27,21,19,19,27,43,69,131,0,0,0,0,0,0,207,220,204,183,155,113,61,57,90,105,108,116,131,103,37,11,9,23,61,25,0,0,0,0,0,0,0,0,0,49,139,116,31,0,0,0,0,0,0,9,71,129,155,176,178,178,181,178,181,189,204,207,168,73,63,83,107,168,168,100,93,101,160,181,196,207,191,168,173,191,191,181,165,166,176,186,186,178,165,117,113,115,111,105,89,85,105,173,189,178,152,103,77,39,39,63,85,81,67,65,65,57,63,89,144,150,139,95,83,83,99,147,144,152,173,176,173,173,176,186,186,186,181,163,91,40,42,51,49,63,99,181,186,191,186,181,186,178,165,178,189,189,183,181,181,189,183,168,181,181,163,117,160,183,186,173,168,168,186,183,105,91,98,191,212,207,199,186,163,117,117,117,157,117,113,109,99,91,91,85,83,83,87,83,79,81,85,83,79,78,79,83,89,129,129,126,90,124,126,121,87,6,27,35,41,41,33,49,116,142,131,108,63,49,43,37,31,23,23,23,21,15,13,19,31,25,9,0,0,1,11,33,39,35,39,57,65,63,57,49,55,67,121,142,142,142,89,49,25,22,33,79,142,157,157,157,170,199,217,222,230,238,0,0,241,222,194,150,104,107,160,178,170,134,48,35,46,150,160,178,0,255,215,181,0,0,0,217,217,196,152,116,95,74,66,92,142,163,163,163,124,69,72,87,87,90,79,21,0,0,0,15,38,53,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,37,47,55,55,55,55,57,63,69,77,85,118,124,93,93,97,134,144,155,152,87,69,74,95,97,91,89,93,139,155,163,152,95,87,87,101,152,160,155,147,137,93,85,93,134,134,83,65,52,52,63,69,73,79,89,93,93,97,105,142,142,142,144,152,152,150,150,152,155,155,155,152,142,131,124,118,121,126,129,134,142,150,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,82,147,191,209,191,163,155,155,155,155,176,183,191,191,199,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,241,220,199,183,163,160,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,64,38,27,14,0,0,0,0,0,0,0,11,27,39,29,17,5,0,0,9,23,45,69,87,131,163,191,199,173,95,80,82,89,101,115,173,199,220,228,228,243,243,251,251,251,251,251,251,251,251,251,243,228,212,199,183,125,111,97,89,87,87,81 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,183,199,207,207,202,199,108,59,196,209,215,215,215,204,178,165,176,186,194,199,204,207,111,186,196,202,202,204,202,199,204,209,204,191,119,117,170,186,181,124,118,178,189,191,189,186,189,189,186,186,189,194,204,215,215,202,194,189,187,189,191,186,137,137,139,186,191,194,189,139,136,136,141,196,209,215,212,207,209,222,228,228,225,222,220,220,220,220,222,222,217,217,222,215,202,190,189,196,194,191,189,191,202,207,194,186,186,186,187,191,196,199,202,209,199,189,183,183,186,189,189,183,181,181,178,135,132,132,133,181,191,194,189,189,194,191,183,186,194,191,186,191,189,186,186,183,183,137,137,183,194,202,207,204,194,191,194,194,189,189,196,207,209,212,222,217,204,191,189,202,212,215,209,204,209,217,228,230,225,212,202,196,199,199,202,202,199,194,194,202,207,207,207,207,207,209,209,204,196,191,190,191,196,199,202,202,204,204,194,186,186,194,202,202,196,194,194,199,202,207,204,202,194,183,137,137,137,133,135,183,194,199,199,194,189,186,189,196,194,131,102,60,66,91,183,199,196,186,181,178,176,178,181,176,173,174,186,199,202,196,186,181,178,131,123,119,129,127,124,127,131,176,186,196,202,196,178,170,173,176,129,123,121,176,186,189,194,194,189,181,127,121,123,170,181,183,181,173,181,186,178,173,176,189,191,189,189,191,194,196,196,196,194,191,189,191,191,191,191,191,189,186,183,181,174,176,181,186,186,181,178,173,129,129,173,178,181,181,181,178,173,170,129,129,129,129,128,129,173,186,196,194,186,181,186,194,191,186,183,183,189,191,191,186,178,125,113,105,107,194,191,186,182,183,189,189,183,181,181,186,191,191,191,191,191,194,194,191,189,183,183,186,186,183,186,189,191,191,186,181,176,176,176,176,176,178,181,178,173,170,170,176,178,173,125,117,115,117,127,170,169,168,169,173,176,121,101,97,101,109,115,119,121,121,123,127,127,126,127,131,176,178,178,132,131,132,130,130,176,181,181,181,186,189,186,135,130,131,186,196,202,202,202,199,194,183,135,181,191,196,195,196,207,209,212,207,202,199,204,207,202,196,196,191,186,186,183,135,133,134,137,183,191,196,196,194,189,183,183,135,131,130,133,181,181,178,129,131,186,194,194,191,189,189,194,199,202,199,186,179,178,189,202,204,202,202,202,199,202,199,196,199,207,209,209,207,204,196,137,135,135,139,194,204,207,207,202,199,199,202,207,209,207,204,204,204,207,209,209,207,199,135,133,189,202,207,207,204,204,207,212,217,217,217,215,215,215,217,217,215,209,199,143,137,141,199,209,217,222,225,225,222,220,217,215,212,212,215,217,222,222,217,222,225,222,217,215,212,212,212,215,222,222,217,212,207,204,209,217,225,222,215,212,212,209,207,207,204,202,196,192,196,204,204,202,199,196,196,194,191,189,143,143,191,199,202,202,204,204,204,207,209,204,203,204,212,217,222,225,228,230,225,215,213,215,222,215,213,217,230,235,235,230,224,221,221,225,230,235,238,241,241,243,246,246,246,246,243,243,246,243,238,230,228,225,225,225,228,233,235,235,230,225,217,215,213,217,228,230,233,230,222,209,149,141,141,149,209,217,225,228,228,215,202,196,199,204,207,209,212,212,209,207,207,212,212,212,209,212,215,209,207,204,202,202,199,199,199,199,196,194,189,189,194,196,196,194,194,196,199,202,202,204,204,209,215,222,225,228,230,230,230,225,222,222,225,225,217,216,217,222,225,228,230,230,233,230,228,228,228,228,222,212,211,212,215,212,212,212,215,212,212,212,215,217,217,217,215,212,212,209,207,204,202,199,199,196,194,191,191,189,189,189,186,183,183,181,183,181,178,173,129,127,127,127,129,170,173,176,176,176,178,178,173,168,125,123,121,119,117,113,112,113,117,121,121,121,123,121,121,123,125,165,168,168,166,166,170,181,189,194,191,189,186,181,178,178,178,181,183,183,186,186,186,186,194,196,196,199,202,202,204,204,204,207,207,207,207,212,212,212,209,207,207,207,207,209,215,212,209,207,205,205,212,215,212,209,207,207,209,215,225,230,235,233,228,228,235,243,251,255,254,241,225,191,131,133,15,31,51,95,202,254,251,220,191,0,0,0,243,207,147,57,7,0,0,0,0,0,0,0,0,0,0,0,0,0,98,105,41,27,33,47,90,113,129,121,85,35,21,21,35,43,37,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,55,134,183,196,212,228,220,204,207,228,241,230,191,152,129,134,233,255,183,69,55,100,100,15,0,0,0,0,0,0,0,178,100,66,66,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,64,79,118,176,217,220,209,202,196,134,65,57,105,134,152,150,144,121,108,101,113,129,121,75,69,121,131,126,79,59,37,25,25,25,25,29,43,67,121,147,0,0,0,0,0,207,199,178,144,95,49,41,49,90,116,116,105,92,77,45,39,25,23,27,3,0,0,0,0,0,0,0,0,0,41,124,147,150,183,168,47,0,0,0,49,124,144,155,176,178,186,186,181,178,181,189,183,165,93,89,152,178,186,157,94,92,105,173,189,196,207,199,183,189,199,191,168,159,165,176,186,176,170,165,176,178,183,178,168,152,109,111,165,178,178,152,93,39,28,30,85,144,75,47,43,38,36,39,63,87,87,75,67,63,67,89,144,150,155,160,163,181,189,196,194,189,189,189,157,77,41,46,59,57,111,176,165,181,186,186,191,202,202,191,186,189,189,183,181,183,189,189,181,189,196,186,173,186,202,199,191,191,191,207,212,170,98,101,191,209,209,207,186,163,117,119,163,173,160,113,107,105,111,107,97,79,77,77,70,69,75,85,85,83,81,81,89,131,150,150,134,118,131,144,129,87,9,33,43,51,41,21,23,67,134,142,139,116,65,51,43,31,17,15,19,21,15,11,15,19,13,3,0,0,0,3,23,25,22,25,39,55,59,57,49,49,57,81,134,142,139,87,43,27,26,47,91,142,152,150,150,165,199,222,222,217,230,0,0,241,222,207,168,147,107,142,150,139,83,48,36,40,89,121,131,0,255,191,173,0,0,0,215,209,178,137,95,82,47,43,100,0,0,0,248,254,134,103,95,79,64,40,0,0,0,15,51,33,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,37,69,79,87,90,67,59,57,69,77,85,89,89,85,81,83,91,97,139,155,152,105,150,176,183,176,173,170,173,178,170,152,97,87,89,101,152,157,152,142,97,85,85,93,99,93,77,59,50,50,61,71,77,79,89,88,91,97,99,105,139,142,150,152,152,150,150,148,150,155,152,152,150,142,131,129,126,121,121,126,134,147,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,90,155,199,209,191,163,155,163,0,163,183,191,199,191,196,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,230,217,199,178,160,157,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,79,59,30,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,41,69,121,152,178,207,215,183,95,76,76,89,109,123,183,207,228,243,243,243,230,230,243,243,251,255,255,255,251,251,243,230,217,202,186,127,113,101,97,93,87,81 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,183,199,209,199,160,147,173,204,212,212,209,204,191,170,168,173,181,191,196,202,207,94,105,186,196,199,199,202,202,204,207,207,202,170,124,176,191,194,110,100,129,181,183,182,183,186,189,186,186,191,196,204,212,212,204,196,191,189,191,194,137,136,137,139,186,189,191,191,186,139,138,139,141,196,204,204,204,212,222,225,228,225,222,222,222,221,220,222,222,215,215,222,217,207,194,189,190,191,191,191,191,191,196,196,189,187,185,185,191,199,199,196,196,199,194,186,183,178,178,183,181,177,181,181,133,132,133,137,186,196,196,186,183,189,191,189,189,194,194,191,186,186,186,189,191,191,194,196,196,196,199,199,191,186,187,194,194,187,185,187,204,207,209,215,217,212,199,191,186,194,199,199,204,212,225,230,230,225,212,204,199,204,204,204,196,191,189,196,204,209,212,212,209,204,199,204,204,199,191,190,191,194,199,199,196,191,189,185,176,174,189,199,196,189,137,135,186,196,202,199,194,186,181,137,137,137,135,178,181,189,194,194,189,183,181,189,196,194,125,89,64,77,117,186,194,191,183,178,176,176,178,183,178,173,176,189,196,194,189,186,189,186,173,125,121,123,129,131,131,173,181,189,194,199,196,186,181,181,178,173,170,170,176,183,186,183,181,178,116,114,120,127,176,178,181,181,181,181,183,181,176,178,186,189,179,178,183,194,199,196,196,196,186,183,186,191,194,194,191,186,186,189,189,181,181,186,189,186,181,173,127,125,127,173,178,178,178,178,176,173,173,170,173,173,129,127,127,170,183,186,178,173,178,186,191,189,183,183,183,186,189,191,181,68,76,89,107,194,199,191,183,183,186,191,189,183,181,181,189,191,189,186,186,191,194,194,189,183,181,181,181,181,181,181,186,186,186,183,178,176,176,176,176,178,181,183,181,178,176,176,178,181,181,170,121,117,119,127,170,169,168,169,176,181,129,101,97,104,115,119,123,131,173,127,125,127,126,127,173,181,183,183,181,176,132,130,131,178,181,183,183,186,186,183,131,126,129,181,196,202,202,199,199,199,189,135,135,189,199,196,199,204,207,209,207,199,199,207,207,202,191,183,179,179,183,189,183,134,132,134,181,189,194,194,189,181,134,133,134,135,134,134,134,135,133,128,129,181,191,194,189,186,185,189,196,204,199,189,185,186,196,204,204,204,204,202,199,196,194,191,194,199,204,207,207,204,196,186,137,135,139,194,202,204,202,194,190,194,199,202,207,209,207,204,204,207,212,215,212,207,199,196,199,202,207,209,209,207,209,212,217,222,222,222,217,217,217,222,217,212,204,124,115,136,196,209,215,222,225,225,222,217,215,212,212,212,215,215,217,217,216,217,222,222,217,217,215,209,209,209,215,217,215,212,207,204,209,217,222,217,215,212,212,212,209,207,209,207,202,199,202,207,207,204,202,202,199,191,143,142,142,143,191,196,199,202,199,198,198,207,215,212,207,207,215,222,225,228,228,228,225,222,215,215,217,217,217,228,233,235,233,230,228,225,225,228,235,241,241,241,241,243,246,246,246,241,241,241,241,238,235,233,228,225,225,224,225,228,233,233,230,228,222,215,215,217,228,230,228,222,217,215,207,202,202,204,209,215,222,228,228,212,191,186,194,202,207,209,209,209,209,209,212,215,215,215,215,215,212,209,209,207,204,199,196,194,196,199,199,194,189,143,189,191,191,194,194,196,202,204,202,202,202,207,212,222,228,230,230,233,233,233,233,235,233,228,222,217,217,225,228,230,230,229,230,233,230,228,225,225,212,207,208,212,217,212,211,212,215,215,212,212,212,215,217,217,217,215,215,212,207,204,204,202,199,196,194,191,189,186,189,189,186,186,183,183,183,181,178,173,129,127,127,127,127,170,173,176,176,176,176,176,176,173,168,165,125,123,119,113,111,112,115,119,121,119,121,121,123,123,125,165,165,168,168,166,168,176,186,191,191,189,186,183,181,178,178,178,178,181,181,183,181,178,199,202,199,199,202,202,204,207,204,204,204,207,209,212,212,209,207,207,209,212,215,217,222,217,215,209,207,205,207,212,212,209,205,205,209,215,225,233,235,225,209,217,235,246,251,254,251,248,243,222,194,189,34,44,48,81,209,255,255,255,238,0,0,0,255,255,233,139,57,21,7,0,0,0,0,0,0,0,0,0,0,0,7,74,15,15,27,43,90,111,105,85,41,35,21,17,21,35,0,35,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,37,87,126,165,189,199,228,217,207,228,246,255,238,199,183,194,0,0,255,255,137,55,61,118,57,0,0,0,0,0,0,0,189,116,17,0,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,103,183,225,217,186,202,220,189,134,71,71,131,152,144,126,108,108,113,129,129,111,71,69,73,121,121,75,57,43,33,27,25,21,27,35,53,100,131,150,168,183,0,204,194,178,152,111,55,35,29,39,59,90,85,51,45,69,43,35,19,17,17,0,0,0,0,0,0,0,0,0,0,37,118,168,204,235,243,255,255,191,113,121,155,170,176,176,176,170,163,157,170,173,165,105,95,99,107,165,186,186,155,93,93,105,170,189,196,199,191,183,196,215,196,168,165,165,181,186,178,165,163,170,186,194,191,186,189,194,165,109,144,152,150,73,41,36,47,97,139,81,49,39,36,36,51,87,87,75,67,63,63,66,99,144,109,144,147,170,186,186,181,176,176,181,176,113,85,61,61,83,111,186,186,181,181,186,183,186,199,209,209,202,194,189,183,176,176,181,181,168,181,189,196,196,207,204,191,202,215,225,217,191,183,170,168,196,204,204,202,186,178,165,176,176,173,157,113,109,111,113,152,109,97,89,83,71,67,70,85,85,89,91,91,89,131,160,163,147,134,144,150,142,67,35,55,71,63,21,12,17,61,121,131,118,108,65,55,51,37,23,15,15,15,11,9,13,15,9,3,0,0,0,0,11,23,22,22,33,45,51,57,49,49,53,75,126,144,126,61,35,33,49,83,134,150,163,157,151,157,191,215,215,202,0,0,0,0,233,207,191,157,160,165,157,101,83,69,59,0,51,69,134,215,235,183,155,0,0,0,207,189,173,144,95,87,87,90,0,0,0,0,0,255,222,126,69,40,17,9,0,0,11,69,85,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,31,39,55,79,90,92,69,63,69,77,83,83,81,75,75,79,87,95,139,165,183,189,196,209,220,207,191,183,181,178,163,142,95,87,89,101,147,152,147,137,97,85,85,93,95,83,71,53,47,52,67,81,87,85,89,88,91,90,93,99,103,142,150,152,155,150,150,148,148,148,152,152,152,142,137,131,129,129,124,126,134,147,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,108,168,199,202,183,155,155,0,0,0,183,199,191,187,199,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,225,217,202,191,168,152,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,72,30,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,29,65,121,152,173,199,215,196,109,79,76,85,113,129,183,199,228,243,243,228,217,212,222,243,255,255,255,255,254,251,243,243,228,212,191,133,125,113,101,93,87,81 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,160,178,196,183,92,100,181,204,207,204,202,196,178,163,163,173,178,189,196,196,76,68,99,173,191,194,196,196,202,204,207,202,194,170,127,183,199,204,121,116,181,186,186,183,186,189,189,185,186,189,194,199,204,204,202,196,194,194,194,186,133,136,186,186,186,189,191,194,194,191,194,199,196,196,199,207,215,217,222,225,228,228,225,225,225,222,222,222,217,213,213,217,217,209,199,191,190,190,190,190,190,189,191,199,204,199,189,186,191,196,194,191,186,189,186,183,183,178,178,181,181,178,178,135,131,132,181,186,189,189,181,135,136,183,189,187,189,194,196,191,189,189,191,191,194,196,204,207,202,196,194,191,185,185,189,199,199,189,186,191,204,207,204,204,209,215,204,186,148,172,189,199,204,212,222,225,225,217,204,199,199,204,207,202,194,187,187,196,209,212,212,212,207,194,143,189,196,196,194,194,191,191,194,196,194,186,185,183,178,179,196,196,186,137,133,135,183,191,196,191,183,183,181,181,181,183,181,135,129,131,181,189,189,186,181,186,194,199,191,176,133,127,127,176,186,183,176,174,176,181,186,186,181,176,178,189,191,189,186,186,191,189,178,127,121,117,121,131,173,178,181,183,186,191,191,186,181,183,183,181,173,170,176,181,178,170,125,122,117,117,124,170,170,173,178,181,181,178,176,176,176,178,183,183,179,179,183,191,194,191,186,183,178,181,186,194,196,196,191,186,183,191,191,189,186,191,189,183,173,125,121,121,123,129,173,173,170,170,170,173,178,178,176,173,170,129,128,170,178,173,127,127,176,183,186,183,183,183,186,183,183,183,123,51,67,97,181,199,202,194,186,183,186,189,186,183,181,181,186,189,186,183,183,189,191,189,186,181,181,181,181,181,179,181,183,186,186,183,178,178,176,176,174,176,181,183,181,178,178,178,181,181,183,178,129,123,123,129,170,173,176,178,189,194,196,186,129,127,125,127,173,181,183,173,131,131,127,129,178,189,189,191,191,189,178,133,176,183,186,186,186,186,186,186,178,131,178,189,199,202,202,199,199,199,194,135,133,186,202,202,199,199,199,202,202,199,202,207,204,194,186,181,178,181,191,196,196,186,135,135,181,189,191,191,186,181,135,134,183,186,183,178,135,135,135,129,131,181,191,191,189,185,185,186,194,199,196,191,191,196,199,202,204,204,207,204,202,196,191,190,191,196,202,207,209,207,199,139,132,134,186,199,202,202,196,189,187,191,199,202,204,204,204,204,207,212,212,212,209,209,207,204,202,199,204,209,212,212,215,215,217,222,225,225,222,217,216,222,225,225,217,132,125,139,199,207,212,215,222,222,222,217,215,212,212,215,215,215,215,217,217,222,225,225,222,217,215,212,207,207,207,209,212,209,207,204,207,209,215,215,212,209,209,209,204,204,207,207,204,204,207,209,207,204,204,204,199,191,143,142,143,189,191,196,199,199,199,196,196,204,215,215,212,215,222,225,228,230,230,230,228,222,217,215,215,217,225,230,235,233,228,228,230,233,233,235,241,243,243,243,243,243,243,246,243,241,238,238,235,230,230,230,228,228,228,225,224,225,228,230,233,230,225,217,217,222,225,228,225,217,215,217,215,212,209,207,209,212,217,225,225,215,194,190,195,204,209,209,212,209,209,212,215,215,215,215,215,212,209,209,209,209,207,202,199,194,194,196,199,191,143,142,143,189,191,196,199,199,202,202,199,199,202,207,215,222,228,230,230,233,233,235,238,241,241,230,222,217,222,225,230,233,233,230,230,233,230,228,225,222,212,207,208,215,217,212,211,215,217,215,212,209,209,212,215,215,215,215,215,212,209,207,204,204,202,196,194,189,186,186,186,189,186,186,186,186,183,183,178,176,131,127,127,127,129,170,173,176,176,176,176,176,176,173,173,168,165,163,121,115,112,112,115,119,119,119,121,121,123,125,125,165,168,168,168,166,168,173,183,189,189,186,181,181,178,178,177,177,178,178,178,178,177,177,202,202,199,199,202,202,202,204,204,204,204,207,207,209,209,207,204,207,212,215,217,222,222,217,215,212,209,205,207,209,209,207,205,207,212,220,225,230,228,209,199,207,235,248,248,251,251,251,246,228,207,204,53,69,69,95,235,255,255,255,243,0,0,0,255,254,207,139,67,19,0,0,0,0,0,0,0,0,0,0,0,0,0,7,35,47,74,87,103,111,98,77,43,41,29,18,27,41,0,45,35,15,0,0,0,0,0,0,0,0,0,0,0,0,0,13,41,95,126,157,183,199,230,225,233,246,255,255,233,209,0,0,0,0,255,255,160,41,45,0,0,144,0,0,0,0,0,254,204,124,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,155,176,144,126,150,189,209,168,121,118,142,163,160,134,129,129,137,137,129,121,124,111,66,69,77,75,63,49,39,31,27,21,21,23,33,55,98,134,150,168,178,186,181,165,144,111,59,35,16,31,53,0,0,0,92,111,74,19,1,7,13,0,0,0,0,0,0,0,0,0,0,7,108,157,204,254,255,255,255,215,165,147,165,183,183,176,165,150,106,106,150,165,150,88,78,80,93,165,191,186,109,93,94,105,160,178,181,189,183,181,181,196,191,183,183,191,194,194,191,170,156,157,178,194,194,194,202,196,152,103,97,105,103,77,61,63,81,137,139,87,57,41,35,37,73,144,103,83,75,69,67,75,95,91,93,109,150,170,163,163,155,155,163,173,155,107,99,97,97,111,176,191,191,181,186,186,183,183,191,202,207,202,199,196,189,181,181,183,170,165,164,181,217,238,170,9,17,207,230,255,212,75,91,189,209,204,202,202,204,196,191,183,191,189,173,117,109,109,113,152,170,168,150,142,103,87,69,73,85,83,79,85,91,124,129,137,137,134,137,144,144,121,55,43,79,126,69,25,17,23,61,79,75,65,59,50,50,51,47,35,23,19,13,7,5,7,11,11,11,9,5,3,7,19,33,39,39,43,49,57,57,53,48,51,77,129,137,116,55,37,41,55,85,134,150,170,170,160,157,170,191,194,186,194,0,0,0,241,217,202,168,168,170,150,75,47,57,67,0,51,71,144,191,204,163,139,147,176,215,217,186,170,152,137,137,139,0,0,0,0,0,0,255,230,103,29,5,0,0,0,11,33,69,85,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,31,39,39,53,63,98,98,73,77,77,77,69,67,67,73,81,91,134,155,176,191,199,204,220,228,220,196,181,165,155,105,91,87,87,89,101,147,152,147,137,95,85,93,99,99,93,75,59,51,57,73,87,95,93,95,93,91,90,93,99,103,147,155,155,155,152,150,148,148,150,152,160,160,150,147,139,139,137,126,126,139,155,178,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,131,183,202,194,163,131,144,0,0,0,191,199,187,187,199,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,220,202,189,183,165,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,98,59,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,65,118,134,152,183,209,199,160,83,76,82,103,127,189,207,225,228,228,217,209,212,228,251,255,255,255,255,255,255,251,251,243,220,199,189,133,125,111,97,87,81 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,147,165,183,147,13,33,196,215,204,196,191,181,163,152,157,176,191,194,194,194,61,66,121,173,186,194,194,194,199,207,209,204,181,125,129,189,204,207,189,189,196,194,191,189,191,194,191,185,183,185,189,191,194,194,196,194,189,191,194,186,135,191,204,202,199,196,199,196,196,199,212,230,225,199,194,209,225,225,222,222,225,225,225,225,225,225,225,225,217,215,215,217,215,209,202,196,194,191,191,191,190,191,196,207,209,207,196,189,191,194,189,186,183,183,181,181,183,137,136,181,137,137,137,132,130,137,194,194,189,136,133,134,181,189,189,187,189,196,196,191,189,194,194,191,191,196,204,209,204,196,191,189,186,187,199,209,207,199,194,199,207,207,200,196,200,212,207,182,147,172,189,199,207,212,215,215,215,207,196,191,196,207,207,202,194,185,183,191,207,212,212,209,202,143,140,140,143,194,199,202,199,196,196,199,199,196,191,191,189,196,204,189,129,131,137,183,189,191,191,186,181,179,181,183,186,194,189,131,122,123,133,183,186,183,181,181,189,194,194,189,183,127,123,126,176,178,176,174,181,189,191,189,183,178,178,183,186,189,186,186,191,189,178,129,117,113,114,121,129,176,176,173,176,181,183,181,181,181,183,183,176,173,173,173,173,129,124,123,125,129,176,176,169,169,178,186,181,170,127,129,173,176,181,181,181,183,186,189,189,186,178,174,177,181,191,199,202,199,191,183,183,186,189,186,186,186,181,131,125,121,119,120,123,129,170,170,170,170,170,173,183,183,178,173,173,176,173,173,176,129,122,125,176,181,183,181,181,183,186,183,176,129,115,55,83,191,202,207,209,202,189,183,186,186,183,181,178,178,181,186,186,183,181,183,186,186,183,183,181,181,183,181,181,181,186,189,189,186,183,181,178,176,174,176,178,183,181,178,178,181,181,181,183,183,178,170,129,129,173,176,181,189,196,202,204,204,196,183,176,176,181,186,181,173,173,173,131,131,178,186,189,191,194,191,186,178,178,183,186,186,183,181,183,189,191,191,194,196,199,199,199,199,202,199,194,133,127,139,199,204,199,196,194,194,194,196,202,207,199,189,183,182,183,189,196,202,202,196,183,137,181,186,191,191,189,186,183,183,189,183,183,186,183,186,183,178,178,183,191,194,189,186,183,185,186,189,189,189,191,196,196,196,196,202,207,207,202,194,191,191,191,196,204,209,212,207,196,134,131,135,196,204,204,202,191,187,187,194,202,204,204,204,204,207,209,215,212,207,209,212,212,209,207,202,199,207,212,215,215,217,217,222,222,220,217,215,215,222,228,233,233,207,141,149,204,207,209,212,215,217,222,222,222,217,217,222,222,217,222,222,222,228,228,225,222,222,217,212,209,204,204,204,207,207,204,202,202,204,209,209,209,207,207,204,203,203,204,207,207,207,207,209,207,204,204,204,199,191,143,143,189,191,196,199,199,199,199,198,198,204,212,217,217,222,225,228,230,233,233,233,230,225,217,213,213,217,228,233,235,230,226,225,233,238,241,243,246,246,243,243,243,243,241,243,243,243,238,235,230,226,226,228,230,233,233,225,224,225,228,228,230,233,228,225,222,225,225,225,222,215,217,222,222,215,212,209,209,212,217,222,228,225,209,199,204,209,215,215,215,215,215,215,217,215,212,212,212,209,207,207,207,207,207,204,199,196,194,196,194,191,143,143,143,189,191,196,199,202,202,199,196,196,202,207,215,217,225,228,230,233,233,233,238,241,241,233,225,222,222,228,233,235,233,230,230,230,230,228,225,225,215,208,209,217,222,215,212,217,217,215,209,208,208,209,212,215,215,212,212,212,209,207,207,204,202,199,194,191,186,186,186,189,186,186,186,186,186,183,181,176,131,129,129,129,129,170,176,176,176,176,176,176,176,176,173,168,165,125,121,117,113,113,115,117,119,121,121,121,123,125,165,168,170,173,168,168,168,176,183,186,183,181,178,177,178,178,177,177,178,181,178,176,174,181,204,202,199,199,202,199,199,204,204,204,204,204,204,204,204,202,202,204,209,215,220,222,222,215,212,212,209,207,207,207,207,207,207,212,217,222,225,228,225,204,195,200,228,243,243,248,248,246,238,222,209,212,87,95,95,121,243,255,255,254,228,254,255,255,255,183,147,124,55,0,0,0,0,0,0,0,0,0,0,0,3,0,0,7,85,105,116,116,124,121,98,77,85,85,41,29,0,77,90,79,66,35,9,0,0,0,0,0,0,0,0,0,0,0,0,0,27,98,131,160,183,212,235,230,241,254,255,246,0,0,0,0,0,0,255,255,248,61,61,0,0,0,0,0,0,0,255,255,215,150,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,105,118,90,83,95,144,173,152,116,126,160,186,191,178,0,170,160,134,121,131,131,85,62,62,71,116,77,57,41,39,33,25,9,3,11,29,53,98,134,150,163,170,170,163,152,131,85,29,13,21,87,0,0,0,131,152,90,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,85,126,235,251,204,144,142,131,142,165,183,178,165,155,147,104,103,107,157,150,89,76,76,88,173,204,191,111,94,96,105,165,173,170,160,160,113,101,111,181,191,191,202,202,202,194,165,152,152,165,194,204,202,196,181,105,95,91,87,93,89,87,91,97,97,97,93,75,47,36,39,85,155,155,139,103,95,87,93,83,70,81,103,107,150,152,152,155,152,155,163,152,109,117,160,176,183,191,196,191,191,191,191,191,186,183,183,186,194,199,199,189,181,181,189,183,169,169,186,204,170,0,0,0,0,29,29,11,8,55,194,225,215,207,207,212,209,202,196,191,189,173,157,113,109,113,155,170,173,168,163,150,97,73,75,85,77,71,75,95,139,137,124,91,121,129,131,124,81,51,40,65,111,59,35,29,49,75,67,55,50,49,48,50,57,57,47,31,23,13,6,5,6,11,17,27,35,29,31,35,35,47,57,57,51,55,63,65,53,45,48,75,126,126,87,63,49,47,53,75,91,142,168,183,178,168,168,170,170,170,196,0,0,0,0,222,202,176,150,142,87,33,13,18,49,55,65,118,163,191,173,142,131,131,157,194,209,186,170,0,0,0,0,0,0,0,0,0,0,255,189,69,7,0,0,0,0,0,27,35,46,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,59,69,45,39,45,61,92,103,108,79,77,65,55,51,55,67,85,93,142,168,181,183,186,196,212,220,220,196,170,139,91,85,79,77,81,93,142,155,157,150,137,87,85,95,101,144,139,91,75,63,69,79,91,95,95,95,101,93,93,95,103,107,147,155,163,160,160,152,152,155,155,160,165,168,160,150,147,147,142,134,134,142,157,178,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,152,191,199,183,147,121,124,0,0,0,0,199,191,187,209,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,189,178,173,173,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,79,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,37,73,91,93,95,155,199,212,178,91,76,79,95,125,189,212,228,225,212,202,209,220,251,255,255,255,255,255,255,255,255,255,251,230,212,199,189,131,117,101,87,81 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,150,165,144,31,13,57,212,215,204,194,186,170,152,148,152,176,199,199,194,186,61,65,123,170,186,194,196,194,199,207,209,202,125,123,181,199,202,196,191,199,199,196,191,194,202,204,202,191,183,183,186,189,189,186,189,189,183,186,189,191,199,217,225,225,222,215,207,199,194,194,212,238,230,194,143,204,222,222,222,222,225,225,225,225,222,222,222,222,222,217,217,222,215,207,202,196,194,194,194,196,196,196,202,204,207,204,196,191,191,189,183,183,181,137,135,137,183,181,136,137,137,137,135,132,133,191,202,196,181,134,133,181,196,199,194,189,194,199,196,189,191,199,196,186,186,191,202,209,204,196,191,191,189,194,207,215,215,204,199,204,209,209,202,196,199,209,207,191,186,189,194,202,209,215,212,207,207,202,191,190,196,204,207,204,196,183,181,189,202,207,207,204,194,142,140,140,143,196,207,212,212,207,204,207,209,207,204,202,204,207,202,129,123,129,186,194,194,194,191,186,181,179,179,183,189,194,189,125,121,127,178,181,179,179,179,179,181,186,186,178,126,121,121,127,181,181,176,178,183,194,194,189,181,176,176,178,186,189,186,183,186,183,173,129,119,113,113,119,125,170,173,170,170,173,176,178,178,181,183,183,181,173,170,170,173,176,178,181,186,181,178,173,170,173,186,186,176,125,121,123,129,176,178,178,181,183,183,181,183,183,177,174,178,189,199,204,207,202,191,183,181,183,183,181,181,178,129,123,123,121,121,123,127,129,170,170,178,178,173,173,181,181,176,173,176,181,178,178,176,127,122,127,173,178,181,181,181,181,183,178,127,119,119,115,204,204,204,212,215,209,196,189,186,183,183,181,178,177,178,181,183,181,178,178,181,181,183,183,183,183,183,183,183,186,191,194,194,191,186,183,181,176,174,176,181,183,183,181,178,183,183,178,183,189,186,176,170,170,170,176,181,189,196,202,207,207,202,196,186,181,181,181,173,129,131,176,173,131,176,181,181,183,189,189,189,183,181,181,186,183,178,131,135,189,199,202,199,196,196,196,199,202,202,196,137,124,124,137,196,199,196,194,192,192,191,194,202,207,199,186,186,189,191,196,199,202,199,194,186,137,181,186,191,194,194,191,191,186,178,129,131,186,194,194,191,186,186,189,191,194,194,189,185,183,185,185,186,189,194,196,194,192,192,196,207,209,204,196,194,194,196,199,204,209,209,202,189,132,132,186,202,207,204,202,194,190,191,202,207,209,207,209,209,212,212,209,202,199,207,212,215,215,212,207,202,204,209,215,217,217,217,217,217,217,216,215,215,217,228,235,238,228,207,207,212,212,209,209,212,217,222,228,230,228,228,228,228,228,228,228,228,230,230,225,222,220,217,215,212,207,202,202,202,202,202,202,202,204,207,209,207,207,207,204,202,202,204,207,207,207,207,204,204,204,202,202,199,194,191,191,191,196,199,199,199,199,199,199,202,207,215,217,225,225,228,228,230,233,235,233,230,222,215,212,213,217,228,233,233,230,226,226,230,238,243,246,246,246,243,243,243,241,238,238,243,241,238,233,228,225,225,228,235,238,235,225,224,224,225,228,230,233,233,228,228,225,225,225,217,215,217,225,222,217,215,212,212,217,222,228,233,235,228,212,212,215,222,225,225,222,222,222,222,217,212,211,212,209,207,204,204,204,204,204,202,196,194,194,194,189,143,189,189,189,191,196,199,202,202,199,196,196,199,204,209,215,222,225,230,233,233,231,233,235,235,233,228,228,228,230,233,235,233,233,230,230,228,228,228,225,215,209,212,217,222,217,217,222,222,217,212,208,208,209,212,215,215,212,212,209,207,207,207,204,202,199,194,191,189,186,186,186,186,186,186,186,186,183,181,176,173,131,131,170,170,173,176,178,176,176,176,178,178,176,173,170,168,165,123,121,117,115,117,119,121,123,123,121,123,123,125,165,170,170,170,170,173,178,183,183,181,177,177,177,178,178,178,178,178,181,181,173,173,189,204,202,199,202,204,199,196,199,202,202,202,202,204,204,199,194,194,202,207,215,222,225,222,215,209,209,209,207,205,205,204,205,209,215,215,217,222,225,225,209,196,198,212,228,238,243,243,241,233,217,212,217,109,115,113,173,241,255,255,246,228,235,255,255,209,142,129,129,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,90,124,137,139,139,129,95,77,95,103,0,0,0,105,103,95,85,61,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,160,181,199,217,230,230,238,246,246,246,0,0,0,0,0,255,255,255,255,222,212,0,0,0,0,0,0,0,255,235,189,137,61,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,95,108,118,121,126,139,118,81,131,176,209,220,0,0,0,168,126,118,139,131,69,60,63,111,137,116,53,38,39,39,25,5,1,1,11,37,59,108,134,144,163,170,173,165,144,95,29,13,35,0,0,0,0,100,113,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,118,235,243,163,0,0,0,49,129,163,168,165,155,150,106,105,107,165,173,165,109,91,105,191,217,204,168,103,100,119,178,181,157,105,101,99,91,92,160,176,183,196,199,196,186,163,151,151,165,194,199,186,165,109,85,85,83,77,87,97,99,103,91,85,86,93,93,73,43,45,79,144,155,170,183,178,168,160,87,70,87,93,89,105,150,163,163,152,111,113,115,115,160,178,196,199,199,196,204,204,204,204,202,196,186,183,186,189,189,194,183,165,163,181,189,183,170,181,168,83,0,0,0,0,0,0,0,0,47,186,212,209,209,212,217,215,202,189,178,178,176,173,157,115,115,155,165,168,168,163,147,93,71,73,85,79,71,71,95,142,131,80,80,85,118,124,85,77,61,40,43,53,51,45,51,67,81,73,59,51,53,59,61,69,67,49,35,19,13,9,7,11,15,27,41,51,49,47,49,57,61,61,57,53,63,71,69,49,42,44,65,118,118,87,83,61,49,47,53,71,91,150,183,183,170,170,170,170,186,204,0,0,0,0,222,207,176,139,97,95,45,12,13,31,57,71,134,181,202,160,131,131,142,150,168,178,170,0,0,0,0,0,0,0,0,0,0,255,255,103,15,0,0,0,0,0,7,11,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,85,92,79,45,47,61,92,108,116,111,73,52,49,51,61,67,79,91,142,176,176,173,173,186,202,212,209,191,163,91,73,65,65,63,77,95,155,163,163,152,142,95,85,95,142,152,150,142,95,81,79,89,95,97,101,103,101,101,99,103,101,107,147,155,163,160,160,157,155,155,163,170,168,168,160,155,147,147,142,134,134,142,157,170,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,98,48,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,155,191,194,178,155,121,0,0,0,0,0,199,202,207,220,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,181,163,173,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,87,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,49,79,121,93,91,142,189,212,189,99,76,76,89,119,189,215,228,220,202,149,209,230,255,255,255,255,255,255,255,255,255,255,255,243,228,217,204,186,125,103,87,81 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,178,181,17,0,25,157,209,204,194,186,181,170,157,151,152,168,191,199,196,183,81,66,123,186,194,196,194,194,196,196,189,121,109,121,207,209,199,186,178,186,194,191,194,202,212,217,212,202,189,185,186,191,189,181,181,186,186,183,183,191,212,225,228,230,230,222,209,199,189,139,186,204,199,139,137,189,207,215,222,225,222,222,222,222,225,225,225,225,225,225,228,225,209,199,196,194,191,194,196,199,199,199,199,199,196,199,196,194,191,186,181,137,137,134,133,135,183,181,137,183,183,183,135,133,183,196,194,181,134,134,137,196,207,204,196,194,194,196,191,191,202,215,209,191,186,186,196,204,204,199,196,194,194,196,202,209,209,202,199,202,209,209,204,199,200,207,209,209,215,209,204,204,212,217,209,202,199,199,194,191,191,199,202,199,191,183,183,191,207,209,204,199,191,143,143,189,196,204,215,217,215,207,204,207,212,212,207,207,207,204,199,131,125,137,194,199,199,196,191,183,181,181,183,189,189,183,127,119,122,135,183,181,179,179,181,181,183,183,178,131,127,127,178,194,191,181,133,178,189,196,199,189,181,176,174,174,183,189,186,181,178,173,129,129,129,121,119,121,125,129,173,173,173,170,173,176,181,183,183,183,181,176,170,170,176,183,189,191,191,178,129,129,170,181,189,181,129,121,119,121,129,178,178,178,181,183,181,179,181,186,183,178,186,194,202,204,204,196,186,181,181,178,178,176,173,131,127,123,127,129,129,170,173,176,173,173,181,183,178,176,178,176,170,170,176,181,178,176,170,125,123,127,127,170,176,178,178,176,173,129,121,117,173,199,217,204,199,209,217,212,199,191,186,186,183,183,181,177,177,181,183,181,176,176,176,178,181,181,181,181,181,181,183,189,191,194,194,191,189,186,183,178,176,178,183,186,186,181,178,183,181,178,181,189,189,178,129,127,129,173,181,189,196,202,204,202,202,204,199,189,181,178,173,129,173,176,176,176,178,181,181,181,183,186,189,183,178,176,186,183,131,125,129,186,199,202,202,196,196,196,202,202,196,186,123,122,125,139,191,196,196,194,194,192,191,192,202,204,199,191,191,194,196,199,202,199,196,191,183,135,135,183,191,194,194,194,191,181,129,125,128,191,199,199,199,196,191,191,194,196,196,191,189,189,189,189,189,191,194,196,194,191,192,196,204,209,204,199,199,199,199,202,204,204,202,196,139,132,132,189,207,207,204,202,199,199,204,209,209,212,215,217,215,217,212,143,133,143,204,212,215,217,217,212,209,209,215,220,225,225,225,222,222,222,220,217,216,222,228,233,238,233,225,222,225,217,209,209,209,212,217,228,230,230,230,228,228,230,230,230,230,233,230,225,217,217,215,215,212,209,204,202,199,196,196,202,204,209,212,212,209,207,207,207,204,204,204,207,207,207,204,202,199,199,199,199,196,196,196,194,194,196,199,199,198,198,199,202,207,209,215,222,225,228,228,228,230,230,233,230,228,222,215,213,213,222,230,233,233,230,228,230,233,238,243,246,246,246,243,243,241,238,235,238,241,238,233,230,230,225,225,230,235,241,235,225,224,225,225,225,230,235,235,233,230,228,228,225,217,215,217,225,222,215,212,212,217,222,228,233,238,238,230,217,215,217,225,230,228,225,225,225,225,217,212,211,212,212,207,204,199,199,202,202,202,199,196,196,194,191,191,191,194,191,191,191,196,202,202,199,196,194,196,199,204,212,217,225,228,233,233,231,231,235,235,235,235,233,233,233,233,233,233,233,233,230,228,228,228,225,215,211,215,222,222,222,222,222,225,222,215,209,209,212,215,217,217,215,212,209,207,207,207,204,204,199,196,191,189,186,186,186,186,183,183,186,186,183,181,178,173,173,173,173,173,176,178,178,178,176,178,178,178,176,176,173,168,165,125,123,121,119,119,121,123,123,123,123,121,121,123,125,165,168,170,173,178,181,183,183,178,177,177,178,178,178,176,176,178,183,181,173,173,194,204,204,202,202,202,196,195,196,202,202,202,204,207,204,196,190,190,196,207,212,222,228,222,212,207,207,207,207,207,207,205,207,212,215,215,215,215,222,222,212,199,199,207,220,235,241,241,238,233,220,215,225,115,115,113,131,230,255,255,255,254,246,255,255,202,150,142,144,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,124,150,157,157,129,77,29,47,98,0,0,105,105,92,82,79,43,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,217,217,217,220,228,228,220,230,238,238,241,0,0,0,0,255,255,255,255,255,255,255,255,255,199,0,0,207,199,168,131,98,46,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,255,255,230,163,129,67,65,126,173,209,220,0,0,0,168,131,137,165,152,75,68,69,85,116,63,38,38,47,39,25,7,1,1,7,27,49,90,111,131,152,170,181,178,152,103,35,19,41,0,0,100,85,82,90,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,139,233,233,116,0,0,0,7,75,147,165,168,155,155,155,150,157,173,189,196,196,173,173,202,217,209,186,170,157,163,173,160,107,101,107,113,101,89,109,160,115,183,191,196,183,163,156,156,176,186,163,93,99,89,72,75,73,70,85,105,137,103,93,86,88,137,137,87,63,55,71,99,150,181,194,178,191,178,81,75,99,77,71,93,107,157,163,109,94,96,111,157,155,176,196,199,196,199,209,217,215,209,209,204,207,199,199,189,181,181,165,152,151,160,183,194,181,163,152,103,111,191,152,31,0,0,0,11,117,207,212,209,207,207,217,212,202,191,183,183,176,173,160,157,157,165,165,165,163,150,139,83,67,73,91,83,65,65,81,126,89,77,76,85,126,124,75,75,75,55,49,53,57,57,59,75,113,81,67,65,73,103,105,77,73,55,35,19,13,9,11,17,25,33,45,57,49,37,43,63,65,53,48,53,73,111,79,55,45,45,65,113,85,85,79,61,49,44,44,47,69,134,168,178,168,168,170,183,189,204,233,0,0,0,225,215,199,150,144,173,152,35,24,35,51,59,118,173,199,155,126,139,157,160,165,160,0,0,0,0,0,0,0,0,0,255,255,255,170,51,3,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,103,98,79,57,63,98,108,116,118,73,52,50,63,77,75,75,87,137,168,176,169,172,181,196,202,199,181,144,81,61,49,49,51,69,95,160,170,163,152,142,97,85,95,142,152,157,150,139,99,97,97,103,137,142,142,139,139,105,105,142,147,150,157,163,160,152,152,155,157,163,170,170,165,155,147,144,142,137,134,134,142,150,170,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,98,51,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,131,176,183,183,163,144,0,0,0,0,196,209,217,228,228,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,181,163,168,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,72,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,61,85,131,126,92,142,183,209,189,109,81,79,91,119,191,220,228,215,147,144,202,243,255,255,255,255,255,255,255,255,255,255,255,254,243,228,217,199,131,113,93,83 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,183,181,0,0,0,9,67,152,160,168,176,176,168,160,155,163,183,191,186,176,173,115,202,215,207,196,189,186,186,176,101,91,96,111,207,204,189,176,173,178,186,189,194,207,217,222,217,209,194,186,186,189,186,178,177,181,189,182,178,179,212,222,228,228,222,207,199,196,189,134,130,131,133,134,135,143,199,212,217,222,222,222,225,225,225,225,225,228,228,228,228,222,202,191,191,191,191,194,196,199,199,199,196,192,194,196,196,196,194,186,137,181,183,137,135,183,189,183,181,189,194,191,137,135,189,191,137,132,133,137,194,202,204,202,196,194,191,190,190,199,217,233,228,209,191,186,186,194,199,199,199,196,191,189,191,194,196,194,194,199,209,209,204,204,204,204,209,215,222,217,215,215,215,215,207,199,196,199,196,191,190,191,194,191,187,186,189,204,217,217,207,196,191,194,202,207,209,217,222,222,215,207,204,209,212,209,207,204,202,202,199,189,183,194,196,199,202,196,189,186,183,186,191,196,189,131,118,116,123,181,183,179,183,189,189,186,189,191,189,181,183,186,194,199,186,127,125,133,189,196,199,191,183,181,176,176,186,189,183,173,129,127,127,129,173,129,127,125,123,125,129,170,170,173,176,178,181,183,186,186,181,176,170,170,176,181,181,178,181,129,127,127,173,183,183,170,123,121,121,125,176,183,183,181,183,183,179,179,181,183,186,183,189,194,199,199,194,186,178,176,173,173,131,129,129,127,127,127,176,178,176,178,181,181,178,178,178,183,183,183,183,176,129,127,129,127,127,129,127,125,125,123,122,125,129,173,173,129,127,125,121,125,196,204,207,202,199,207,212,209,199,191,189,186,186,183,181,177,177,181,181,178,174,174,174,176,178,181,181,178,174,176,181,186,186,186,186,183,181,181,181,181,178,181,183,189,186,181,176,176,178,176,181,189,189,181,125,123,124,129,178,189,196,202,199,194,196,204,207,196,186,178,131,129,173,178,176,178,186,189,189,189,189,186,183,176,127,125,135,133,124,122,124,181,194,202,202,199,199,199,199,196,186,133,122,124,135,183,189,194,196,196,196,194,194,196,202,204,204,202,199,199,199,202,202,199,196,191,183,133,133,181,189,189,189,191,189,178,131,129,183,202,204,204,204,199,194,189,191,194,196,194,194,194,191,189,189,191,191,191,194,192,192,196,202,207,204,202,202,202,204,204,204,202,196,194,189,135,135,191,212,215,207,202,204,204,207,209,212,212,215,215,215,199,117,114,127,196,209,212,212,215,215,215,215,222,225,228,228,228,228,225,225,225,225,225,225,222,225,230,233,233,230,230,230,217,209,207,207,207,209,217,225,228,228,225,225,228,228,228,230,230,228,217,212,212,212,209,209,209,209,204,196,195,196,202,209,215,215,215,212,212,209,209,209,207,207,207,207,207,202,199,199,202,202,199,199,199,199,196,196,199,202,199,198,198,199,204,207,209,215,222,225,225,228,228,228,228,228,230,228,222,217,215,217,225,230,233,230,230,233,235,235,238,241,243,246,246,243,241,238,235,235,238,238,235,230,230,233,228,228,230,238,241,238,228,225,225,225,225,228,233,235,233,228,225,225,225,222,215,215,217,215,212,212,212,217,225,233,235,238,238,228,215,215,222,228,230,228,225,222,222,222,217,215,212,212,209,207,204,199,198,199,199,202,199,199,199,196,194,194,196,196,191,190,191,196,202,202,199,196,194,194,196,202,207,215,222,225,230,233,233,233,235,238,238,241,238,235,233,233,235,233,233,233,230,228,228,228,225,217,212,215,222,222,222,222,225,225,222,215,212,212,215,217,217,217,215,212,209,207,207,207,207,204,202,196,194,189,186,186,186,183,183,183,183,186,183,183,178,176,173,173,176,176,178,178,178,178,178,178,178,178,178,176,173,168,168,165,125,121,119,121,121,123,123,125,123,121,121,121,123,165,168,170,176,181,183,186,183,181,178,178,178,178,173,173,133,176,181,178,174,176,199,204,204,204,207,202,196,195,196,196,199,202,204,207,202,191,189,190,196,207,212,222,225,222,212,207,207,207,207,209,209,209,209,215,215,215,212,212,212,215,209,202,203,212,222,235,241,243,241,233,225,217,230,119,115,111,131,228,254,255,255,255,255,255,254,209,183,181,155,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,116,144,157,155,116,29,11,25,77,77,45,47,41,29,29,37,29,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,243,238,238,235,235,230,228,220,220,230,233,254,0,0,0,248,255,255,255,230,248,255,255,255,176,165,165,150,150,124,100,72,17,0,0,0,0,0,0,0,0,61,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,255,255,255,204,71,27,23,57,137,170,202,0,0,0,0,176,204,222,191,147,121,75,65,53,38,36,47,57,41,25,21,9,7,11,21,35,53,85,103,137,163,173,165,142,87,35,19,35,0,0,82,100,129,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,0,0,0,3,7,0,3,63,29,17,77,173,181,165,147,100,150,170,176,170,173,178,178,173,165,173,194,209,204,191,178,176,168,157,105,103,113,181,189,105,77,99,105,100,160,183,191,189,183,178,178,186,170,83,64,81,85,72,72,72,72,93,142,137,137,134,134,139,147,137,91,75,65,71,87,139,168,157,99,101,79,50,57,71,49,50,73,91,111,152,99,91,96,157,178,160,163,183,196,196,196,204,209,204,196,196,199,207,207,199,181,168,165,160,151,148,152,163,168,181,103,87,87,99,183,183,69,51,105,181,173,207,228,228,209,196,199,207,207,202,199,202,194,173,159,168,173,178,176,170,165,152,144,103,83,65,69,85,73,55,55,69,83,81,80,85,121,129,116,49,51,81,75,71,79,79,77,71,77,108,111,81,79,108,116,118,113,108,73,53,29,17,15,19,33,37,39,47,51,45,30,32,55,61,50,49,57,108,116,105,61,55,59,77,116,83,75,63,55,45,44,44,47,59,97,157,157,144,144,160,170,183,202,220,241,248,243,235,222,204,157,152,194,183,77,37,37,39,43,57,129,163,139,126,139,157,176,186,178,0,0,0,0,0,79,150,0,228,220,243,228,139,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,87,95,87,82,90,98,105,113,118,77,59,57,73,83,79,75,85,101,155,173,176,181,189,196,186,173,147,87,67,51,43,33,33,57,93,165,173,163,150,137,97,95,95,142,147,155,150,147,139,137,137,142,150,157,157,147,147,144,144,144,147,155,157,155,150,146,147,147,155,163,170,168,157,150,144,144,147,144,139,142,150,157,170,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,90,35,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,131,163,173,176,155,0,0,0,0,199,209,228,241,228,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,170,163,163,160,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,103,59,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,45,73,121,144,144,101,147,183,202,189,119,95,89,101,125,191,220,238,215,144,140,149,230,255,255,255,255,255,255,255,255,255,255,255,255,251,241,220,204,137,117,101,87 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,74,0,0,0,0,0,51,129,152,168,173,168,163,160,165,181,183,170,168,173,194,220,217,209,196,186,176,125,101,96,95,99,121,196,173,130,131,176,178,183,189,196,207,215,215,209,202,191,182,182,183,183,179,178,181,189,183,177,174,209,225,228,225,209,191,186,194,194,137,130,129,131,134,139,191,199,207,209,212,217,222,222,225,225,225,228,228,228,228,225,209,187,185,187,191,194,196,196,196,196,196,194,192,192,196,199,199,196,186,183,189,196,191,186,191,194,186,183,194,202,196,181,137,191,191,137,135,183,202,207,202,199,199,196,196,191,190,194,209,230,235,230,222,202,186,183,186,194,199,199,196,191,189,187,187,187,189,194,199,204,204,202,204,207,207,209,212,215,217,217,222,222,215,207,199,195,196,196,194,191,191,191,189,189,191,196,207,217,222,209,199,196,204,215,222,225,228,228,225,217,212,209,212,212,207,202,199,199,199,202,202,196,199,199,199,202,196,194,194,194,194,196,199,194,133,120,120,133,186,186,183,191,196,196,194,196,199,196,194,191,186,181,178,127,117,117,129,183,194,196,194,189,183,178,181,189,191,183,131,127,126,128,173,176,170,129,127,123,122,123,125,129,173,181,186,183,183,189,194,189,181,170,127,129,170,127,125,129,129,129,170,178,183,181,127,123,123,127,173,183,194,191,189,186,186,181,181,181,178,178,183,186,189,191,186,181,176,173,129,125,123,125,125,127,127,127,173,178,181,181,183,186,186,186,181,181,186,186,186,183,176,129,125,119,110,113,123,127,129,129,123,122,122,125,129,129,125,123,123,125,173,202,204,202,202,199,202,204,202,196,191,186,186,186,186,181,178,178,181,181,178,174,174,176,178,181,183,181,176,173,173,178,181,181,178,176,176,173,176,178,178,178,181,186,186,183,178,170,129,170,176,181,186,189,183,125,121,122,125,178,191,196,196,194,194,196,202,204,202,191,181,116,118,129,173,132,133,183,189,194,196,196,191,183,133,126,124,128,129,124,121,122,131,186,196,202,204,204,204,199,191,181,131,125,133,186,186,186,189,194,196,196,199,204,204,204,204,207,209,207,204,204,204,204,204,199,194,189,133,131,133,181,183,183,186,183,178,181,186,196,204,207,207,204,199,191,186,186,191,194,194,194,194,191,187,187,191,194,194,194,194,194,194,199,202,202,202,204,204,204,204,202,199,194,194,196,191,189,196,212,217,215,207,207,207,204,207,209,212,207,202,135,97,95,110,145,207,209,209,212,212,212,212,217,225,230,230,228,228,225,222,222,222,225,225,225,222,222,228,230,230,230,233,230,215,207,204,202,199,199,204,215,222,222,222,222,228,228,228,230,230,225,212,208,208,208,208,208,209,212,207,196,195,199,207,212,215,217,217,217,215,215,215,212,209,207,207,209,207,204,204,204,207,207,202,202,202,202,199,196,199,202,202,199,199,202,207,209,212,215,222,222,222,225,228,228,226,228,228,228,225,225,222,225,230,235,235,230,230,230,235,238,238,235,238,241,243,241,235,233,233,238,241,241,235,230,230,235,233,230,233,238,241,238,233,228,228,225,225,228,233,235,230,217,215,217,225,222,215,215,217,212,211,211,212,215,225,230,233,235,230,217,213,215,222,225,225,222,222,217,217,217,217,215,212,207,207,207,204,199,198,198,199,199,196,199,199,196,194,194,199,196,194,191,194,199,202,202,196,194,194,194,196,202,207,212,215,222,230,235,235,233,235,238,238,241,241,235,235,235,235,235,235,233,228,226,228,228,228,222,217,217,217,222,222,225,225,225,222,215,212,212,215,217,222,222,215,212,207,207,204,207,207,204,202,196,194,189,186,186,183,183,181,183,183,186,183,183,181,178,176,176,176,176,178,181,181,178,178,178,178,178,178,176,173,170,168,168,123,119,118,121,123,123,123,123,123,121,121,123,125,168,173,176,178,181,186,186,183,183,183,181,181,176,129,127,127,131,176,178,176,178,202,202,204,209,209,204,199,196,196,194,194,196,202,202,196,190,189,191,202,209,212,217,222,217,212,209,209,207,207,209,209,212,212,215,215,215,212,209,207,209,209,207,212,217,225,230,241,243,243,235,225,225,238,183,133,123,191,230,243,254,255,255,255,255,254,225,215,209,170,37,0,0,0,0,0,0,0,0,0,0,0,0,41,85,0,35,98,139,170,170,139,47,0,25,41,39,15,3,0,0,3,17,19,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,235,235,255,255,255,255,251,230,220,220,230,241,255,255,0,0,255,255,255,186,238,255,255,255,103,105,131,0,150,103,64,53,11,0,0,0,0,0,0,0,0,100,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,255,255,217,173,39,4,0,12,51,97,178,0,0,0,0,255,255,248,212,165,87,63,49,39,43,59,71,59,39,31,33,33,27,21,11,13,27,37,53,0,0,155,144,105,53,29,7,7,15,31,90,152,152,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,0,0,0,0,0,0,0,126,181,212,225,238,228,176,89,89,144,189,196,178,157,97,77,59,85,115,181,191,191,176,155,168,168,157,113,160,181,202,196,86,57,93,105,100,160,173,181,183,191,194,194,194,170,75,58,81,101,85,77,72,73,99,150,147,137,99,139,144,139,137,137,131,87,81,81,89,134,101,79,77,57,46,48,48,45,50,67,83,97,101,97,101,157,196,202,183,178,189,196,191,191,191,191,186,173,172,186,209,215,199,178,168,165,157,152,160,160,109,89,89,63,67,75,71,97,152,87,87,152,160,168,204,217,209,191,186,189,194,194,191,196,202,194,163,159,176,189,191,183,170,155,144,144,139,87,63,59,61,45,37,39,53,65,81,124,126,126,126,69,37,39,73,121,113,121,118,111,83,77,81,111,113,113,116,129,126,116,116,111,75,53,41,37,41,49,45,41,47,51,43,31,31,43,53,55,59,71,105,71,65,63,67,79,121,124,83,65,55,49,49,55,61,71,77,142,157,147,102,100,142,160,176,196,212,225,233,235,225,217,191,150,137,152,147,61,41,45,51,45,39,55,116,121,111,131,0,0,0,0,0,0,163,144,108,98,186,248,204,181,0,189,111,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,74,79,87,98,98,100,100,79,71,59,49,61,69,73,75,83,93,139,160,176,191,196,194,170,101,83,65,51,43,27,21,21,45,89,160,173,157,144,137,137,134,101,101,142,147,142,139,139,139,144,150,163,168,165,157,152,152,150,150,150,155,163,155,147,144,143,144,150,157,163,165,157,150,144,147,150,155,152,152,168,173,173,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,98,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,98,144,155,163,155,0,0,0,0,0,209,228,228,217,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,181,163,144,142,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,87,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,59,111,131,152,147,142,155,178,191,189,173,119,109,115,133,199,225,243,215,144,138,147,230,255,255,255,255,255,255,255,255,255,255,255,255,255,243,225,209,189,125,111,93 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,35,17,0,19,49,0,0,25,83,139,157,165,163,160,163,173,186,191,183,176,105,196,222,215,207,196,189,176,103,94,99,199,204,199,194,123,125,131,181,183,183,186,189,199,202,196,191,189,189,182,182,183,189,186,186,191,189,189,182,178,207,217,222,212,202,183,138,186,194,189,137,135,137,139,189,199,204,202,199,202,207,212,217,222,222,225,225,228,228,228,217,199,183,182,189,196,199,196,194,191,194,196,196,192,194,194,191,191,191,189,189,199,204,196,189,191,196,191,189,194,196,191,181,183,196,199,194,196,207,217,215,199,194,195,199,199,196,194,202,217,230,228,225,222,212,194,183,185,191,194,196,196,194,191,189,186,186,189,196,202,202,196,196,199,207,209,207,207,207,207,209,222,228,225,217,207,196,196,196,199,199,199,196,194,194,196,202,204,209,212,209,202,202,212,225,230,230,230,230,228,225,222,217,217,212,202,196,196,199,199,202,202,199,199,196,196,196,196,199,202,199,191,189,191,199,189,135,135,189,194,191,189,194,199,199,196,199,199,199,196,189,176,123,119,117,115,119,129,176,183,189,189,186,181,178,181,189,191,186,173,129,129,173,178,176,170,129,129,125,122,121,121,125,176,189,191,186,183,191,202,196,183,170,123,122,125,123,123,129,173,178,181,181,181,178,170,127,129,173,181,194,202,202,196,191,189,186,183,181,174,174,178,183,186,183,178,173,131,129,127,121,120,122,123,125,127,170,178,183,181,181,181,183,189,189,189,189,189,183,178,178,173,129,125,113,101,107,121,129,176,178,127,125,123,125,127,125,121,121,123,125,131,196,202,204,202,196,194,196,196,194,189,186,183,183,183,181,178,178,181,181,178,176,176,176,181,183,186,183,178,174,174,178,181,181,176,173,172,172,173,176,178,178,181,183,183,181,173,126,125,127,173,178,183,189,186,170,123,122,129,186,194,194,194,194,199,202,199,202,202,196,186,78,95,121,133,131,131,176,183,189,196,202,199,189,181,135,133,135,178,133,125,123,125,135,186,199,204,207,204,199,194,183,137,135,183,189,189,189,189,191,191,196,204,209,209,207,207,209,212,212,209,207,207,209,209,204,199,191,135,131,132,137,181,183,183,181,178,183,191,196,199,202,204,199,194,186,178,181,186,191,194,194,196,191,187,189,194,199,199,199,199,196,196,199,202,202,204,202,202,202,202,202,199,196,196,202,202,199,199,204,212,215,215,209,204,203,204,209,207,194,135,90,87,96,189,199,199,202,212,215,215,212,212,217,228,230,228,228,225,222,222,222,222,225,225,225,216,216,225,225,228,230,230,228,212,202,202,200,198,196,199,209,222,225,222,225,228,230,228,225,225,222,212,209,209,209,208,207,209,215,212,202,199,204,212,212,212,215,217,217,217,217,217,215,209,207,207,209,209,209,207,209,212,209,207,204,204,204,199,199,199,202,202,202,202,204,209,212,215,217,222,222,220,222,228,228,228,228,230,230,230,230,230,230,233,235,235,233,230,230,235,238,235,235,235,238,238,233,230,228,233,238,241,241,235,233,233,235,235,233,235,235,238,238,235,233,230,228,222,225,228,230,225,207,203,209,217,222,217,222,222,212,211,211,212,215,225,228,230,228,225,215,212,217,225,222,217,217,217,215,215,215,215,212,209,204,204,204,202,199,198,199,199,196,194,194,196,194,191,194,196,194,194,194,194,202,204,202,196,194,194,196,199,204,207,212,215,222,230,235,235,233,233,233,235,238,238,238,235,238,238,238,238,233,228,226,228,228,228,225,225,222,222,217,222,225,225,222,217,215,212,212,215,217,217,217,215,212,207,204,204,207,207,204,199,196,191,189,186,183,181,181,181,183,183,183,183,183,181,178,176,176,176,178,178,181,181,178,178,178,178,178,178,176,176,173,170,168,123,118,118,119,121,121,121,123,125,123,123,125,168,176,178,178,178,181,183,186,186,186,186,183,181,173,127,125,123,125,131,178,178,186,202,199,207,212,212,209,204,199,196,191,189,191,194,196,194,190,190,194,204,212,212,215,217,217,215,215,212,209,207,205,207,209,212,212,215,215,212,207,204,207,212,217,222,225,225,225,233,238,238,233,225,230,243,202,202,202,209,235,235,235,254,255,255,255,255,235,241,241,196,124,61,27,0,0,0,0,0,0,0,0,0,7,134,163,74,47,111,157,196,228,233,183,111,47,85,47,9,0,0,0,0,17,21,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,209,217,255,255,255,255,255,246,220,220,230,241,255,255,0,255,255,255,202,189,255,255,255,255,0,9,108,150,176,74,9,7,0,0,0,0,0,0,0,0,17,72,35,0,0,0,0,0,0,0,0,0,0,0,33,0,0,126,170,59,53,126,65,8,0,8,31,67,157,0,0,0,0,255,255,238,191,155,67,49,43,49,75,144,134,57,39,39,47,53,41,27,7,0,1,11,31,77,0,137,116,92,69,17,0,0,0,0,77,157,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,212,241,235,241,241,194,88,86,155,204,212,186,107,63,21,0,35,85,152,165,165,109,95,109,157,168,181,194,207,207,165,74,51,105,163,160,183,176,173,183,191,191,194,202,183,87,63,107,165,105,85,75,77,103,150,152,99,89,91,97,99,139,168,183,155,93,75,75,89,93,87,87,77,57,55,51,51,81,91,89,85,83,91,150,196,215,212,202,196,199,199,196,186,179,181,181,172,172,186,215,225,207,189,181,165,157,165,183,181,97,59,56,58,91,97,75,81,81,31,152,83,65,105,204,212,191,186,183,183,183,178,172,178,183,189,173,173,191,199,194,176,152,144,143,144,150,95,63,51,45,33,27,27,33,39,65,87,87,77,85,65,35,38,113,129,121,121,111,79,77,75,77,113,121,131,129,131,131,116,113,113,111,103,100,75,69,63,55,47,47,49,39,33,35,35,45,61,105,105,69,59,57,63,77,118,129,129,118,63,51,55,73,87,93,129,134,160,168,157,102,97,100,152,183,202,212,215,222,215,215,202,176,144,95,83,61,41,37,63,113,69,37,29,47,61,90,0,0,0,0,0,0,0,189,157,144,142,215,255,170,144,163,155,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,41,53,79,92,98,95,71,69,63,49,45,44,55,69,79,85,89,95,142,176,191,196,183,147,77,51,35,31,27,25,20,18,31,79,157,163,150,137,137,144,134,134,137,139,139,133,133,139,144,144,150,168,173,168,163,155,155,152,152,157,155,163,155,146,144,143,144,147,155,160,160,157,155,152,152,155,160,160,160,173,178,176,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,105,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,124,147,155,155,0,0,0,0,0,0,217,217,217,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,189,163,144,134,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,72,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,75,124,155,165,152,150,157,176,194,194,191,186,129,129,186,209,230,246,222,149,143,155,233,255,255,255,255,255,255,255,255,255,255,255,255,255,254,243,220,196,133,119,103 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,82,9,66,37,0,0,0,37,29,17,21,47,91,147,155,157,163,173,181,191,196,204,215,8,57,215,207,199,199,196,189,173,105,101,189,196,191,173,126,127,176,183,186,186,183,130,123,130,178,178,181,186,189,186,191,191,189,189,191,194,191,186,183,183,194,202,202,191,183,138,139,139,141,141,186,189,189,191,199,202,199,195,199,199,204,212,215,217,217,222,225,225,225,212,196,186,187,199,207,202,191,185,185,191,199,199,196,196,196,135,130,139,186,189,204,212,199,185,183,191,199,191,137,133,135,137,189,204,209,207,207,212,217,212,196,191,192,199,202,199,196,207,225,228,222,215,220,217,207,191,186,189,189,189,194,194,194,189,186,187,194,199,199,194,191,190,194,202,207,207,204,202,191,194,212,225,225,217,212,204,196,196,202,207,207,202,202,199,199,202,202,202,204,207,202,207,215,225,230,230,230,225,225,222,225,225,222,209,198,196,198,202,202,202,199,196,194,191,189,189,194,199,199,191,137,134,183,191,194,191,191,194,196,194,191,196,199,196,196,196,199,196,196,191,135,119,111,111,117,127,129,127,129,176,178,176,173,173,178,186,191,189,181,178,181,183,181,176,170,170,170,129,123,121,121,123,181,194,194,189,191,196,199,194,181,125,120,121,123,127,129,170,176,181,181,178,176,176,176,178,176,176,186,199,209,207,202,196,189,186,186,181,174,174,178,186,183,178,173,129,127,127,125,123,122,122,123,127,173,178,183,186,181,181,179,179,186,191,191,191,186,183,176,173,170,170,170,129,112,108,117,176,181,178,176,170,125,123,123,121,119,119,121,121,129,183,194,196,196,194,191,194,191,191,189,182,181,183,183,181,178,178,178,178,178,178,178,178,181,186,189,186,181,178,178,181,183,183,181,176,173,172,172,176,178,178,178,181,178,176,129,125,125,127,131,178,181,183,186,181,124,125,183,191,191,189,189,191,199,202,199,202,204,204,199,83,107,176,183,181,176,176,181,186,194,202,202,196,189,183,181,183,189,191,186,135,131,129,133,189,196,202,202,202,199,194,189,186,186,189,191,191,191,191,191,199,204,207,209,207,207,207,209,209,209,209,209,212,212,207,202,191,181,132,137,186,186,189,186,181,183,186,191,196,196,196,199,196,189,178,176,177,183,189,194,194,196,191,189,191,199,202,199,199,199,199,199,202,202,204,202,202,199,199,199,202,202,199,196,199,199,199,199,199,204,209,215,212,207,204,207,204,141,113,101,97,119,204,209,202,199,204,215,217,220,220,220,225,230,230,225,225,225,225,222,222,222,225,225,222,217,216,217,222,225,228,228,225,215,202,200,204,207,202,200,204,217,225,225,228,230,228,222,220,222,222,217,215,215,215,212,209,212,217,217,212,209,212,215,212,211,212,212,215,217,217,217,215,212,209,209,209,212,212,212,212,212,212,209,207,204,204,202,198,198,199,202,202,202,207,209,212,215,222,222,222,222,228,233,230,228,228,233,233,233,235,238,238,238,238,238,238,235,235,235,238,238,235,235,235,233,230,225,225,230,235,235,235,235,235,233,233,233,235,235,233,233,235,235,235,235,230,225,220,222,225,222,204,200,203,212,217,217,222,225,217,215,212,215,222,225,228,228,225,225,217,213,222,228,222,217,217,222,222,217,215,212,209,207,204,204,202,199,198,198,199,199,196,194,194,194,191,191,191,194,196,199,196,196,199,207,207,202,199,199,202,204,207,209,212,217,225,230,233,233,233,233,233,233,235,235,235,238,238,241,241,238,233,230,228,228,228,228,228,228,225,222,222,222,222,222,222,217,212,211,211,212,215,217,217,215,209,204,202,202,204,207,202,196,194,189,186,183,181,181,179,181,181,183,183,183,181,178,176,176,176,176,176,178,181,181,181,178,176,176,176,176,176,173,173,170,168,125,121,119,121,121,121,121,165,168,165,165,168,173,178,181,178,178,178,181,183,189,189,186,183,181,176,125,123,123,123,131,178,186,191,199,202,207,209,212,209,204,202,196,189,187,189,194,194,191,191,190,196,207,212,212,215,215,217,222,222,217,209,205,205,207,209,209,212,212,212,212,207,202,204,212,222,228,228,228,225,222,222,228,228,230,235,246,202,209,225,235,235,235,246,255,255,255,255,255,255,255,255,238,183,155,131,53,0,0,0,0,0,0,0,0,113,176,176,155,0,0,0,235,255,255,255,215,170,168,121,41,3,0,0,0,0,47,29,7,0,0,0,0,0,0,0,0,0,0,0,0,19,137,189,215,248,255,255,255,255,238,220,213,220,246,255,255,255,255,248,202,183,228,255,255,255,248,0,0,41,168,152,25,0,0,0,0,0,0,0,0,0,30,43,0,0,0,0,0,0,0,0,0,0,0,0,31,87,9,11,92,45,0,9,196,255,202,51,29,47,77,157,215,0,255,255,255,255,212,155,150,67,45,43,51,124,176,168,65,39,39,65,103,59,37,13,0,0,0,15,45,92,111,111,100,77,13,0,0,0,0,77,82,0,0,0,0,0,0,1,23,0,0,0,0,0,0,0,0,0,0,0,0,124,163,165,165,199,228,241,238,241,238,209,157,103,194,230,220,204,170,57,0,0,0,35,61,69,81,87,89,97,101,163,196,215,220,202,109,76,79,157,196,209,196,181,163,176,183,191,199,199,181,147,105,163,170,150,95,77,77,93,142,137,95,84,82,85,93,131,147,189,157,93,75,81,89,89,93,95,89,81,77,77,87,147,178,170,95,79,83,155,196,212,204,202,204,207,204,199,191,183,183,181,181,178,191,202,209,202,186,168,165,160,168,194,189,109,67,58,69,152,209,160,95,63,2,4,17,49,93,189,204,199,191,186,183,183,178,166,166,176,183,176,181,199,199,189,165,147,144,143,150,152,103,75,59,49,41,33,29,12,18,37,43,43,35,69,77,61,60,121,131,121,113,73,59,55,59,73,116,134,139,134,131,131,113,77,73,75,108,111,108,71,61,47,47,45,41,31,31,37,39,41,47,65,73,63,55,57,63,69,113,121,129,124,59,48,57,87,131,137,144,152,160,168,168,150,103,100,142,173,194,204,207,212,207,207,202,191,160,134,73,47,35,0,0,160,131,25,15,0,17,0,0,0,0,0,0,0,0,181,155,139,150,0,0,111,111,131,100,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,37,45,55,63,67,69,73,65,63,57,45,44,57,79,93,93,93,95,142,176,191,196,178,105,59,23,13,15,23,27,27,20,23,61,142,155,101,101,147,144,139,137,137,137,134,127,130,144,144,144,150,163,165,163,163,152,152,150,152,150,155,157,152,150,150,147,147,150,152,155,160,160,157,157,155,155,152,150,150,157,173,176,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,51,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,116,144,155,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,59,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,63,124,155,173,173,163,157,157,176,194,199,202,194,186,186,199,220,246,246,228,212,155,220,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,228,199,181,127,113 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,157,155,131,173,150,1,0,0,11,25,21,21,20,59,105,155,160,165,176,186,194,196,207,225,0,0,35,186,196,204,204,199,191,170,117,170,176,173,129,128,129,173,186,199,204,191,122,118,128,135,178,183,191,196,199,202,196,186,181,186,191,191,189,181,177,179,186,186,183,138,137,137,138,139,141,186,191,196,196,196,199,196,196,199,199,202,204,207,209,212,215,215,212,212,207,196,191,196,207,209,199,186,183,183,189,194,196,199,199,194,132,129,133,137,139,196,204,194,186,186,196,207,199,137,129,132,137,191,207,212,209,207,212,215,209,196,192,194,199,202,194,194,212,228,228,215,205,212,222,217,204,194,189,140,140,191,199,199,191,186,187,196,202,199,191,190,190,191,199,202,204,199,141,127,127,186,209,215,215,209,207,199,196,202,207,207,204,202,202,199,202,202,202,202,204,204,209,215,225,228,228,225,217,215,217,225,228,225,215,202,199,204,207,207,202,199,194,191,189,187,187,191,194,191,186,134,133,181,191,194,191,191,189,189,189,196,202,202,199,196,196,196,194,194,191,181,123,110,109,115,129,133,127,125,125,125,125,127,131,176,183,189,189,186,183,186,183,181,176,176,178,183,181,173,127,123,127,178,186,189,189,194,199,196,189,127,120,121,123,125,129,176,176,178,178,173,172,173,176,178,178,176,176,186,202,209,207,202,196,189,189,189,186,178,176,178,181,181,176,129,127,126,127,127,127,127,125,129,173,181,183,186,189,186,189,186,183,189,194,194,189,186,183,178,173,170,129,173,178,129,121,129,181,178,173,176,176,170,125,121,118,117,116,116,118,127,181,186,189,191,191,191,191,189,189,186,182,182,183,183,178,177,177,177,178,178,181,183,183,183,186,186,186,183,181,181,183,186,186,186,183,178,176,176,178,178,178,178,178,178,173,129,126,126,129,173,178,181,183,186,183,129,127,183,196,194,189,186,189,196,199,199,202,204,204,199,123,176,189,189,183,181,181,183,186,191,196,202,199,194,186,183,186,194,199,204,199,186,135,131,137,186,194,196,199,202,199,194,189,189,189,186,191,196,196,196,199,202,204,207,207,207,207,207,207,209,209,207,209,209,207,199,189,181,135,186,194,194,194,191,186,186,189,194,196,196,194,194,191,183,178,176,177,181,186,186,189,189,186,189,194,199,202,199,199,196,196,199,202,204,204,202,199,196,196,199,199,199,194,191,183,189,191,194,191,194,204,209,209,207,207,199,137,117,111,110,129,199,215,215,209,209,215,217,217,222,220,217,222,228,228,225,225,225,225,222,222,222,222,222,222,217,217,217,222,225,225,225,217,215,207,202,207,212,212,209,209,215,222,225,230,233,230,220,217,218,222,225,225,225,222,217,215,217,225,225,217,215,217,217,212,211,211,212,212,215,215,215,215,215,212,212,212,215,215,212,212,209,209,209,207,207,204,202,198,198,199,199,199,202,207,209,209,215,222,225,228,230,235,238,235,230,230,235,235,235,235,238,241,241,238,241,241,241,238,238,238,238,238,238,235,233,228,222,222,228,233,233,233,235,235,233,230,230,233,233,230,230,230,233,235,238,235,228,222,220,225,222,207,202,203,209,215,215,217,225,222,215,215,217,225,228,228,230,233,230,225,222,230,233,225,222,225,225,225,225,222,215,209,204,202,202,202,199,198,198,199,199,199,196,194,194,191,191,194,194,199,204,202,194,194,202,207,204,202,202,204,207,209,212,215,222,225,230,230,233,233,233,233,233,235,235,238,238,238,238,238,235,235,233,230,228,228,228,230,228,225,222,222,222,222,222,217,215,215,212,211,212,215,215,217,215,209,204,202,202,204,204,202,196,191,189,186,183,183,181,181,181,181,183,183,183,181,178,176,176,176,176,178,181,181,181,181,178,176,176,173,173,173,173,170,170,168,165,125,123,123,123,123,125,168,168,168,168,170,176,178,178,176,173,173,176,181,186,189,189,183,181,173,117,117,121,125,176,183,191,196,199,202,207,209,209,209,207,204,196,191,187,189,191,194,194,191,191,194,202,207,209,212,215,217,222,222,215,207,205,207,209,212,209,209,209,209,209,207,202,202,209,217,225,230,233,228,209,202,207,228,238,243,246,191,209,230,235,235,246,255,255,255,255,0,0,0,255,255,255,196,186,168,113,0,0,0,0,0,0,0,0,74,152,144,137,0,0,238,220,228,255,255,255,255,215,131,77,29,7,7,0,0,95,64,23,11,0,0,0,0,0,0,0,0,0,0,0,19,63,134,160,196,235,255,255,228,225,220,213,213,233,248,255,255,222,173,163,196,255,255,255,255,121,0,0,0,144,134,17,0,0,0,0,0,0,0,0,48,53,20,0,0,0,0,0,0,0,0,0,0,0,0,100,87,0,0,21,15,0,0,238,254,215,152,97,99,157,186,235,255,255,255,255,255,204,147,147,83,55,45,49,87,183,186,67,41,51,0,152,116,61,33,0,0,0,13,39,82,100,113,121,103,9,0,0,0,0,61,64,3,0,0,0,0,0,17,17,0,0,0,0,0,0,0,21,0,0,0,0,121,189,225,225,228,243,228,228,241,241,202,134,93,186,230,233,225,212,89,0,0,0,17,43,38,29,45,95,91,89,155,204,228,220,186,92,93,113,189,215,222,202,163,105,163,183,191,191,191,181,163,111,147,150,142,95,77,76,85,97,134,95,87,85,85,85,85,75,47,81,81,75,81,89,89,89,95,93,89,93,95,101,157,202,220,173,95,99,155,176,181,181,178,189,189,189,189,178,178,178,178,176,176,181,191,191,181,168,168,165,160,168,199,189,109,69,59,65,95,168,168,103,87,11,0,0,49,170,209,204,196,191,191,189,189,178,166,166,176,183,183,189,196,194,178,157,147,147,144,152,163,142,89,67,49,45,41,35,14,18,27,27,27,29,53,81,87,113,129,129,113,71,59,47,46,53,75,121,137,134,134,131,129,113,77,71,69,71,77,71,59,43,33,35,39,41,30,30,33,31,31,37,53,59,57,55,59,63,67,77,85,129,126,63,50,63,124,134,137,144,144,142,152,163,160,142,103,142,152,173,189,204,207,215,209,209,207,191,160,129,63,47,0,0,139,108,17,7,0,0,45,0,126,0,0,0,0,178,144,121,121,126,0,0,74,82,95,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,45,45,47,53,57,67,75,73,65,59,46,47,69,95,137,134,103,103,165,189,204,202,189,105,53,11,5,7,17,35,41,22,20,51,101,152,100,101,150,147,139,137,137,139,134,130,131,144,144,144,147,155,163,163,155,152,152,150,150,147,150,152,152,150,150,147,150,155,152,155,160,155,157,157,155,152,144,142,143,147,157,168,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,87,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,144,160,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,217,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,48,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,116,155,181,202,199,176,168,168,176,194,202,202,199,191,194,202,222,246,246,230,215,215,233,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,230,212,191,129,119 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,160,170,186,207,207,176,9,0,0,21,124,137,41,71,144,160,168,170,178,186,191,189,196,215,0,0,0,109,191,202,204,194,183,173,125,131,173,173,173,131,129,131,191,212,215,202,181,131,133,135,178,189,196,202,204,209,204,186,137,135,183,191,191,182,177,179,183,139,138,138,139,183,186,186,141,186,191,202,204,199,199,196,196,199,204,204,202,202,202,204,207,204,202,202,207,204,202,202,204,199,189,183,183,186,189,189,191,196,199,196,139,132,135,137,139,189,191,191,191,196,207,209,204,189,135,136,183,191,204,209,209,207,209,212,207,199,196,199,202,199,190,190,212,230,228,209,202,204,215,217,212,202,191,140,140,191,199,199,191,187,191,199,202,196,191,191,194,196,196,199,199,194,135,124,122,129,194,204,204,204,202,199,199,202,204,204,202,202,202,202,202,204,204,200,199,204,209,215,225,228,228,222,215,213,215,222,228,228,217,209,209,212,215,209,204,199,196,194,191,189,189,189,187,189,186,135,134,186,191,189,189,183,181,179,186,202,209,209,204,199,196,194,191,191,194,186,127,111,108,113,131,181,176,127,124,123,123,125,131,178,181,186,189,186,183,181,178,173,170,176,183,189,189,183,176,170,170,173,176,183,191,196,199,196,189,122,118,125,129,125,127,176,181,183,181,173,172,174,178,178,173,170,173,183,196,204,202,196,194,189,189,191,189,178,173,173,173,129,127,125,127,127,127,127,170,173,170,176,183,186,186,186,186,189,196,196,191,191,196,194,189,183,181,178,170,127,127,170,178,176,170,173,176,129,127,173,181,178,131,123,121,121,121,120,123,176,189,191,191,189,191,194,191,189,189,189,186,183,186,186,181,177,177,177,178,181,183,186,189,186,183,183,183,186,186,183,183,183,186,186,186,183,181,178,178,178,176,178,178,176,173,129,127,129,131,176,178,181,183,186,186,176,129,178,196,199,189,186,189,196,199,202,202,202,196,191,189,191,194,189,183,183,186,186,186,189,194,199,199,194,189,183,186,191,196,204,207,202,189,137,135,181,186,191,196,199,196,189,186,186,183,137,183,194,199,196,196,199,202,204,207,207,207,209,209,209,209,204,204,207,202,194,181,133,133,189,196,196,196,196,189,189,191,194,194,194,191,189,186,183,181,178,178,178,178,178,137,135,137,189,196,199,199,199,199,199,196,199,202,204,204,202,199,196,196,199,196,191,183,134,132,137,191,194,190,190,196,202,199,199,199,194,135,123,127,189,202,209,215,215,215,217,220,217,217,217,215,215,217,225,225,222,222,222,222,217,217,217,215,215,217,217,217,217,222,225,225,222,215,212,207,204,202,207,215,217,215,215,215,220,230,235,230,220,217,218,222,228,228,228,225,222,222,222,225,225,222,217,217,217,215,212,212,212,212,212,211,212,217,217,215,215,215,215,215,212,209,209,209,207,207,207,207,204,199,199,202,199,199,202,207,212,209,215,222,228,230,233,238,241,238,235,235,235,235,235,235,238,238,238,238,241,241,241,241,238,238,238,238,238,233,228,222,217,217,225,230,233,235,238,238,233,228,225,228,228,225,225,228,230,233,235,235,230,225,222,222,222,209,204,204,212,215,215,217,222,215,209,209,215,222,225,230,235,238,233,225,225,235,235,230,228,228,228,228,228,228,220,209,202,200,202,202,202,199,199,199,199,199,199,196,194,191,191,191,194,199,204,199,191,186,194,199,202,202,204,204,207,209,215,217,222,225,228,230,230,233,233,233,233,235,235,235,233,233,230,230,230,233,233,230,228,228,228,228,228,225,222,222,222,217,217,215,215,215,215,212,212,215,217,217,215,212,204,202,199,202,204,202,196,194,189,186,186,183,183,183,183,183,183,183,183,181,181,178,178,178,178,178,181,181,181,178,176,176,173,173,170,170,170,170,168,168,168,165,125,122,123,125,168,168,168,168,168,170,173,173,173,170,168,168,170,176,183,186,186,183,181,129,104,104,115,125,176,186,194,196,196,199,204,207,207,207,209,209,204,196,191,191,191,191,191,191,191,191,199,204,207,212,215,217,220,217,209,207,207,209,212,212,209,207,207,207,207,204,202,202,207,217,225,233,235,233,207,198,200,228,248,251,246,186,191,215,228,235,251,255,255,255,255,0,0,0,0,255,248,194,170,150,121,39,0,0,0,0,0,0,0,0,27,27,41,105,191,181,124,150,217,255,255,255,196,98,41,29,23,35,47,0,98,74,29,23,7,0,0,0,0,0,0,0,0,0,0,0,5,45,118,155,189,204,202,204,235,246,238,217,213,230,230,209,163,137,152,241,255,255,255,255,121,0,0,0,0,144,66,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,25,113,85,0,0,0,0,0,0,181,225,225,209,189,189,194,228,255,255,255,255,255,255,212,157,150,99,69,55,51,75,168,168,71,49,65,0,178,150,98,41,3,0,1,23,39,74,100,134,147,124,5,0,0,0,0,35,41,0,0,0,23,100,82,33,11,0,0,0,0,0,0,0,3,0,0,0,17,142,204,251,243,225,241,228,218,228,228,194,88,70,95,199,230,246,243,194,63,0,0,41,75,57,12,34,103,90,86,109,204,222,202,103,76,109,181,204,217,222,196,111,98,111,181,183,173,163,163,150,103,97,101,101,91,81,79,85,95,97,95,91,85,83,73,63,43,27,47,65,65,79,95,93,87,87,89,95,101,139,142,152,191,209,157,107,155,163,113,110,115,155,155,160,160,155,155,155,155,157,163,176,191,202,202,186,178,168,165,160,168,183,168,89,63,59,55,39,25,43,23,63,91,0,2,91,194,212,207,204,202,191,189,189,181,170,170,178,189,189,189,191,178,168,155,152,152,155,152,163,150,134,79,51,41,47,37,20,26,45,33,27,25,24,61,118,121,124,124,85,67,47,42,41,51,77,121,131,131,134,131,131,126,116,79,69,66,67,63,51,33,27,29,33,41,41,35,31,29,30,35,43,47,51,57,65,69,63,61,67,116,126,75,59,71,89,121,126,137,142,142,152,163,160,142,139,144,144,157,176,199,212,217,222,217,215,207,199,163,129,67,0,0,139,118,31,19,21,33,45,77,111,126,0,0,144,121,105,103,103,100,0,0,64,66,66,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,45,47,55,55,55,67,75,77,73,65,57,57,79,131,142,137,137,155,181,199,207,204,189,150,65,15,3,5,17,43,47,23,20,45,93,152,103,101,147,144,134,134,137,139,142,137,137,139,137,137,139,147,155,155,155,152,144,144,142,142,147,152,152,150,150,147,150,155,155,160,160,152,155,155,155,152,144,142,143,150,152,155,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,134,165,196,220,215,186,176,176,186,202,212,212,202,194,194,209,222,246,246,228,220,222,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,233,212,191,133,119 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,160,181,194,207,215,228,157,0,0,25,178,191,183,170,163,165,173,181,183,183,183,182,186,204,79,17,19,69,121,181,186,99,88,107,123,176,186,189,186,176,130,131,194,215,209,202,194,189,181,133,178,191,199,204,204,209,204,186,135,131,137,186,189,186,183,189,191,189,186,189,194,199,202,199,194,191,199,204,204,204,204,202,196,199,204,204,199,196,196,196,199,196,194,202,209,209,202,196,191,185,183,182,186,194,196,189,187,191,196,196,189,183,183,183,186,189,189,191,199,207,209,209,202,191,183,183,183,183,194,202,204,204,204,204,202,199,196,199,199,194,187,190,212,228,222,207,200,203,212,222,217,204,194,141,139,141,189,191,191,189,194,202,202,194,191,196,199,199,199,199,199,194,141,129,128,135,191,196,196,196,199,202,202,204,204,204,202,202,207,207,202,204,207,199,196,202,209,215,222,228,230,225,217,215,215,220,225,225,217,209,209,215,215,209,202,199,199,196,196,194,194,189,186,189,189,137,134,181,186,189,189,183,181,182,199,217,222,217,212,207,202,196,194,194,196,186,127,115,113,125,186,191,183,133,127,125,127,129,173,178,183,186,189,183,178,173,169,168,168,170,181,186,189,183,178,173,173,170,170,181,191,196,196,196,189,127,123,176,176,125,125,173,181,186,186,178,178,183,181,173,169,169,170,178,189,196,196,194,191,186,186,186,181,131,125,127,127,124,123,124,170,170,127,126,173,178,178,183,186,186,183,181,178,186,196,202,194,191,194,194,189,181,176,170,125,124,125,129,176,173,170,129,125,123,124,176,186,186,178,131,131,183,191,189,186,194,202,202,199,194,191,191,189,189,194,196,191,186,189,189,183,181,178,178,181,183,183,186,186,183,181,181,183,189,189,186,181,181,183,183,183,181,178,178,178,176,176,176,176,176,173,131,131,173,176,178,181,181,183,183,186,183,131,131,191,199,194,189,191,196,202,202,202,196,189,183,186,189,189,186,186,189,189,185,185,186,191,194,196,194,189,186,186,183,183,191,202,202,196,189,183,183,183,183,191,196,194,139,133,135,135,135,137,186,194,196,196,199,202,204,209,209,212,212,212,212,209,207,204,202,196,186,131,129,131,181,189,191,194,194,189,186,189,191,191,191,189,189,186,183,183,183,181,178,135,131,129,126,129,186,199,199,199,202,202,199,196,196,199,202,202,199,196,196,199,199,196,189,137,132,130,135,191,196,194,191,191,189,126,130,186,191,189,189,196,204,207,209,209,209,215,222,222,217,215,213,213,215,217,222,222,217,217,217,217,217,215,215,212,212,212,215,215,217,217,222,228,225,215,209,207,202,199,202,212,217,217,212,209,212,222,230,228,222,218,218,225,228,230,230,228,225,222,222,225,222,217,215,215,217,217,215,215,215,215,212,211,211,215,217,217,215,215,212,212,212,209,209,207,207,209,209,209,207,204,204,204,202,199,202,209,215,212,215,222,230,233,233,235,238,238,238,238,238,235,233,233,235,235,235,235,235,238,241,241,238,238,238,238,235,228,222,212,212,215,225,233,238,241,241,238,233,228,222,222,217,222,225,228,230,230,230,230,228,222,222,222,222,212,207,207,212,215,217,217,217,209,204,204,212,222,228,230,238,235,225,215,222,235,235,233,230,230,228,228,228,228,222,209,202,200,200,202,202,202,199,196,196,196,199,199,199,194,191,186,186,194,199,196,189,141,186,194,199,202,202,204,207,209,215,217,222,225,225,228,230,233,233,233,233,235,233,230,228,225,225,222,225,228,230,228,225,225,225,228,225,222,222,222,222,217,215,215,217,217,215,215,212,215,217,217,215,212,207,202,199,199,202,202,199,191,189,186,186,183,183,183,183,183,183,183,183,183,181,181,178,181,178,178,181,181,181,181,178,176,176,173,173,170,170,170,170,168,170,168,125,122,122,125,170,168,168,168,168,170,170,170,168,127,168,168,173,176,181,181,183,183,183,131,98,98,109,123,176,186,191,191,194,196,202,204,204,204,207,209,207,199,196,194,191,186,186,186,189,191,196,204,209,215,215,215,217,215,209,207,209,212,212,212,207,204,204,207,207,204,202,204,207,217,228,235,241,238,217,200,203,228,251,255,248,185,185,191,209,230,251,255,255,255,255,255,255,255,255,255,215,168,129,120,121,100,19,0,0,0,0,0,0,0,0,0,0,29,116,103,82,134,228,255,255,255,137,77,35,22,29,47,77,85,87,43,27,23,17,0,0,0,0,0,0,0,0,0,0,0,0,51,139,176,196,209,217,241,255,255,254,228,213,215,209,186,144,131,163,0,255,255,255,212,98,3,0,0,0,147,105,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,121,39,0,0,0,0,0,51,222,248,248,233,212,220,251,255,255,255,255,255,255,230,176,150,95,75,69,63,69,142,150,73,59,100,0,0,152,100,41,3,0,5,29,45,0,0,142,152,103,19,0,0,0,0,53,64,3,0,0,98,194,157,77,11,0,0,0,0,0,0,0,0,0,0,0,137,168,204,243,194,202,228,228,218,218,220,199,101,70,92,189,220,246,251,217,178,173,59,103,176,222,30,61,111,97,91,163,204,207,170,82,67,109,189,207,207,196,168,105,97,98,113,160,107,103,109,103,94,92,95,97,95,91,91,95,99,99,93,87,81,73,63,49,38,35,39,49,57,85,137,95,83,75,77,83,101,142,101,93,91,75,77,101,186,194,113,106,110,113,111,107,105,105,103,101,101,109,115,165,191,209,209,202,191,183,168,160,160,160,103,67,53,67,73,23,0,0,0,33,95,105,105,155,186,204,204,199,186,168,170,181,183,181,186,196,196,194,186,181,168,157,157,155,155,152,150,152,150,150,93,57,41,43,39,29,51,79,65,35,20,12,39,81,83,113,118,113,67,45,41,41,51,75,116,113,111,116,131,131,134,129,108,71,67,67,71,63,45,32,30,33,49,57,53,39,31,35,41,47,45,47,59,79,81,67,53,48,61,121,85,65,71,77,81,87,129,144,152,160,163,150,134,99,139,144,157,178,199,215,225,225,225,215,207,204,194,163,139,0,0,0,165,69,39,39,53,79,79,92,98,87,85,82,90,105,116,95,92,0,0,77,61,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,27,45,61,61,57,55,69,77,81,77,71,71,83,95,99,97,103,160,183,199,204,196,186,168,83,25,8,7,23,55,59,33,23,45,91,152,139,101,137,137,95,89,95,137,142,137,101,137,99,93,97,139,147,152,155,152,144,142,139,139,147,147,152,144,139,142,147,155,163,160,160,155,157,157,155,155,152,144,150,150,150,147,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,33,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,90,134,155,181,202,212,194,181,186,199,212,217,215,202,202,202,215,228,246,246,230,220,222,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,233,215,196,135,127 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,191,199,204,207,217,209,186,111,43,81,191,202,204,194,178,173,181,194,199,194,186,183,191,207,209,194,75,71,99,121,123,86,79,95,121,176,189,196,194,178,130,176,189,196,196,186,183,189,183,178,181,191,196,202,204,204,191,131,131,133,137,181,183,183,186,196,202,196,196,199,202,204,207,209,209,209,207,204,202,207,212,202,191,194,196,199,199,194,190,190,191,191,194,199,207,204,196,189,186,185,185,186,191,199,199,194,189,191,199,202,199,194,194,191,189,189,191,202,209,215,215,207,196,186,139,139,139,139,191,199,202,199,196,194,194,191,194,196,196,191,189,190,209,222,217,207,203,205,217,225,217,207,196,186,138,138,139,141,186,186,194,204,204,196,194,199,204,202,202,202,204,199,189,141,186,191,194,196,194,194,196,196,196,194,196,202,204,207,209,209,204,207,209,200,199,204,209,212,222,225,228,225,217,215,215,217,217,215,209,207,207,209,207,202,196,196,199,199,199,199,196,191,187,191,194,139,133,133,181,194,196,189,183,196,215,225,228,225,222,215,209,204,199,199,196,183,129,129,181,194,196,191,133,129,129,131,173,176,176,178,183,186,186,183,176,170,169,168,169,173,178,181,183,183,178,170,129,128,170,181,191,196,196,194,183,176,178,186,181,127,125,173,178,183,181,178,181,186,181,168,169,169,170,173,181,186,191,194,191,186,183,181,131,124,122,124,125,125,127,170,173,170,127,127,173,181,186,186,183,181,181,178,173,178,191,196,191,189,191,189,186,178,173,127,124,123,125,129,173,173,129,124,123,122,125,183,189,186,176,131,178,194,204,204,202,202,207,209,207,199,191,186,185,186,196,199,189,183,183,186,183,178,176,178,183,186,186,186,186,183,181,181,183,186,186,181,181,181,181,181,181,178,176,176,176,176,176,176,176,176,131,131,173,176,178,178,181,181,183,183,183,186,173,128,178,191,194,196,196,196,199,199,199,196,189,183,183,183,183,183,189,191,191,186,183,185,189,191,194,194,189,183,181,135,135,181,194,199,196,191,189,189,183,182,186,199,199,183,129,129,133,137,137,135,183,194,196,199,202,207,209,212,212,212,212,212,209,207,202,199,191,137,130,129,131,133,137,183,186,189,186,185,186,189,189,189,189,189,186,186,186,186,183,178,135,131,127,124,126,183,199,199,199,202,202,196,194,194,196,196,195,194,195,195,199,202,202,196,186,134,131,135,189,196,196,194,186,133,89,108,133,194,196,196,196,202,204,209,212,212,215,222,225,220,215,213,213,217,222,222,217,215,215,215,215,215,212,212,212,212,212,212,212,212,212,217,228,230,222,212,209,204,199,200,209,215,215,215,209,208,209,215,222,222,222,222,228,230,230,230,228,225,222,222,217,217,215,215,215,215,217,217,217,217,217,215,212,211,212,215,215,215,212,209,209,209,209,209,207,209,212,212,212,207,204,204,207,204,202,202,207,212,212,217,225,230,233,233,233,235,238,238,238,235,233,233,230,230,233,230,230,230,233,238,238,238,238,238,238,233,222,212,205,207,212,228,235,241,243,243,238,230,228,222,215,213,215,225,230,233,228,225,222,217,217,222,225,225,215,209,209,212,215,215,215,212,207,204,207,217,228,230,233,233,228,215,209,217,233,233,230,230,230,228,225,225,225,220,209,202,199,200,202,204,202,196,195,195,195,196,202,202,196,191,139,138,186,191,194,189,141,186,191,196,199,199,202,204,207,212,215,217,222,225,228,230,230,230,230,233,233,230,228,222,221,220,220,222,228,228,228,225,225,225,225,225,225,222,217,215,215,215,217,217,217,215,215,212,215,217,217,215,212,207,202,199,199,199,199,196,191,189,186,183,183,183,183,183,183,183,183,183,183,183,181,181,181,181,178,178,181,181,181,178,178,176,176,176,173,173,173,170,170,173,173,127,121,121,123,168,168,168,168,170,170,170,127,127,127,168,173,176,178,178,178,178,183,189,178,100,101,117,131,183,189,186,186,194,199,204,204,203,203,203,204,204,199,194,191,191,186,141,186,189,194,199,207,215,217,215,212,215,215,212,209,207,209,209,207,204,202,204,209,209,207,204,202,202,209,228,235,235,230,217,209,209,222,243,251,251,191,182,182,202,235,255,255,255,255,255,255,255,251,243,233,194,147,126,137,155,126,39,0,0,0,0,0,0,0,0,0,1,37,134,118,107,228,255,255,255,255,196,113,77,27,37,85,95,95,87,43,23,29,23,9,0,0,0,0,0,0,0,0,0,0,21,118,173,194,204,243,255,255,255,255,251,233,228,217,209,183,150,134,150,202,230,209,163,129,53,33,0,0,0,0,129,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,150,215,63,0,0,0,0,0,212,255,255,254,233,233,255,255,255,255,255,255,255,251,209,155,93,85,77,71,65,79,124,77,71,118,0,0,144,95,33,3,0,9,31,45,0,0,113,121,85,41,9,0,0,0,105,103,37,0,0,0,31,64,23,0,0,0,0,0,0,0,0,0,0,0,0,105,124,163,183,9,81,194,228,228,228,220,209,191,165,183,209,220,233,233,209,196,196,173,189,209,246,105,155,176,163,155,186,204,186,109,85,76,97,178,196,186,115,99,98,98,96,101,105,95,92,95,97,95,95,97,105,105,105,103,137,137,134,93,85,77,73,69,57,43,39,41,49,65,87,91,87,87,79,69,71,89,101,89,59,41,32,39,89,204,212,173,111,111,111,99,93,93,99,101,100,99,98,101,150,178,202,209,202,194,194,181,160,152,101,77,57,47,49,53,0,0,0,0,160,152,173,170,168,176,189,186,165,113,113,115,163,181,186,196,204,204,196,181,173,160,157,168,165,165,144,142,142,147,160,139,69,39,37,41,45,57,67,63,39,19,13,39,75,81,81,116,121,83,65,53,51,61,69,73,69,63,67,79,129,129,113,75,67,69,71,77,79,71,61,53,53,59,73,71,51,45,49,53,53,47,47,63,81,118,77,49,41,44,81,85,75,65,63,71,79,93,144,152,152,150,99,83,83,99,144,157,178,204,222,228,235,225,209,204,204,204,204,196,183,0,0,215,144,59,39,47,79,82,90,79,70,69,77,105,137,126,90,82,0,0,74,59,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,61,67,51,46,51,73,113,121,87,83,89,81,73,74,87,142,178,191,199,194,189,176,95,45,13,13,35,63,71,43,31,57,91,152,139,99,97,97,86,83,87,134,139,97,89,95,91,87,87,101,139,147,152,152,142,105,101,103,105,144,152,144,139,139,147,157,165,168,160,150,150,155,155,155,152,150,150,157,147,142,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,113,152,173,0,0,0,0,0,0,0,0,0,0,0,0,241,0,0,0,0,0,0,0,0,0,243,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,20,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,90,124,147,168,194,194,186,186,194,202,217,220,215,202,202,202,215,230,246,246,230,220,222,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,243,215,199,139,133 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,202,212,215,215,212,202,194,186,168,178,199,207,204,194,178,181,194,207,209,202,186,183,196,212,215,199,107,101,109,121,127,93,88,117,127,131,178,189,186,131,130,176,181,178,178,176,183,194,189,181,181,183,186,199,202,196,123,113,123,181,186,137,136,136,181,191,199,199,202,202,199,196,196,204,215,222,212,202,194,202,207,196,189,189,194,199,199,196,190,190,190,191,191,194,194,191,189,189,189,191,194,196,196,196,196,199,199,204,209,209,207,204,204,199,196,194,202,212,225,225,217,207,186,129,125,129,135,183,196,202,199,196,191,191,189,186,189,194,196,194,191,194,207,217,222,215,207,209,217,217,209,202,199,191,139,138,140,141,141,141,191,204,209,204,199,204,207,207,207,212,215,207,189,189,194,199,199,196,196,194,191,189,140,137,139,199,209,209,207,204,204,207,209,204,204,209,209,209,215,217,222,217,215,212,212,215,212,207,204,204,204,204,199,195,194,196,196,196,199,202,202,199,196,199,202,189,133,132,135,194,196,186,186,202,212,217,222,225,225,222,215,212,209,207,204,189,181,186,196,196,181,125,123,125,129,176,178,178,176,176,178,181,183,183,181,178,176,178,178,183,183,181,181,181,178,170,127,127,129,176,186,194,194,189,178,178,186,189,181,129,127,173,178,181,176,173,176,183,178,170,173,176,173,173,178,183,189,194,191,183,178,173,129,123,123,125,127,173,178,178,170,126,126,129,176,183,189,189,183,181,178,176,170,170,181,186,181,181,183,183,178,176,173,170,127,125,125,127,173,173,127,124,123,123,129,183,186,178,131,131,181,196,207,207,207,204,204,209,209,207,199,191,186,186,191,191,183,135,178,178,135,133,133,176,183,189,191,189,186,183,181,181,181,181,178,178,178,181,183,183,181,178,176,176,176,176,176,176,176,173,131,131,176,178,178,178,178,181,183,183,181,183,176,128,129,181,191,196,199,194,191,194,196,196,196,194,191,186,183,183,189,194,196,191,189,191,191,189,189,189,181,133,131,132,135,186,196,202,199,194,194,196,189,182,186,202,204,194,130,129,133,139,137,133,135,189,196,199,202,204,207,209,209,209,212,212,207,202,199,194,189,137,132,133,135,130,130,137,183,186,186,186,186,186,186,189,191,191,186,186,186,186,183,181,178,178,133,127,127,181,194,199,196,196,194,191,194,194,196,196,195,195,196,199,202,204,204,202,194,186,135,139,186,191,196,196,186,131,87,112,196,207,202,196,195,199,207,215,217,217,217,222,222,220,215,213,215,222,225,225,222,217,215,212,212,209,209,209,209,212,212,212,209,207,207,212,225,233,230,220,217,215,202,202,212,215,217,217,215,209,207,208,215,222,225,228,228,230,230,230,228,228,222,222,217,215,215,215,217,217,217,215,217,222,222,217,215,211,212,215,215,215,212,209,209,209,212,209,209,212,215,215,209,204,203,204,204,204,204,202,200,204,215,222,225,228,230,230,230,233,235,238,238,233,233,230,230,228,228,228,226,228,233,235,238,238,238,238,235,228,215,207,205,207,215,228,235,241,246,243,235,230,230,225,215,213,215,222,230,233,228,222,217,215,217,222,225,222,215,212,209,212,212,209,209,207,205,205,212,225,233,233,230,222,212,209,209,217,230,233,228,225,225,222,217,222,222,215,209,202,200,200,204,204,202,199,196,195,195,196,202,204,202,194,141,138,138,141,186,186,141,186,189,191,194,196,196,202,204,209,215,217,217,222,225,228,228,228,228,228,230,230,225,222,220,220,220,222,228,230,228,225,225,225,228,228,225,217,212,209,209,215,215,215,215,215,212,212,215,217,217,215,215,209,207,202,199,196,196,194,191,189,186,186,183,183,183,183,183,183,183,183,183,183,183,183,183,181,178,178,181,181,181,181,178,176,176,178,176,176,173,170,170,173,173,127,122,121,123,168,170,170,170,170,170,168,127,126,127,170,176,176,176,176,176,178,183,186,173,104,105,127,178,189,189,176,133,194,207,207,204,204,203,204,204,202,196,191,191,191,191,186,141,189,196,204,212,217,220,215,212,215,217,215,209,207,207,207,204,199,199,202,209,212,209,204,199,196,202,222,228,222,202,209,217,217,220,233,246,251,202,191,186,202,241,255,255,255,255,251,251,251,228,191,178,157,137,155,202,209,155,57,13,1,0,0,0,0,0,0,3,41,139,255,255,255,255,0,255,255,255,255,230,0,0,0,113,105,113,103,64,29,37,37,17,3,0,0,0,0,0,0,0,0,0,27,67,111,111,126,215,255,255,255,255,241,235,238,228,202,183,144,126,91,134,134,118,69,39,19,21,55,0,0,150,129,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,157,251,248,150,150,139,43,19,165,243,255,255,248,248,255,255,255,255,255,255,255,255,255,173,95,85,85,71,64,71,113,77,105,126,0,0,144,105,37,11,1,9,23,35,0,0,79,85,79,74,33,0,0,35,129,111,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,65,67,0,0,0,75,194,220,220,220,217,212,209,202,199,202,199,186,178,183,199,215,215,215,183,191,191,191,186,194,194,168,111,103,91,93,157,178,160,98,94,101,113,103,101,105,101,95,93,95,101,103,105,107,142,142,139,137,134,134,93,85,79,81,83,81,67,39,41,51,65,67,55,65,95,93,65,57,75,97,91,53,32,26,33,89,196,204,176,150,111,105,92,89,92,101,113,115,107,97,96,101,150,176,183,181,183,183,181,157,103,77,59,55,53,35,0,0,0,17,202,246,207,191,189,186,186,176,170,155,110,108,111,117,168,186,196,204,202,194,176,163,160,157,173,170,155,142,105,101,103,150,160,81,39,33,39,53,45,33,33,33,23,19,41,71,83,116,129,144,147,139,124,83,67,51,45,43,47,51,65,83,83,75,61,61,65,67,73,79,108,118,105,73,73,79,77,63,55,59,63,63,59,61,69,111,121,113,61,44,42,65,77,73,57,55,55,71,89,129,134,137,95,77,51,51,81,99,150,173,199,215,228,235,225,212,204,212,220,230,248,254,254,246,215,168,92,33,23,31,74,92,82,73,73,98,139,144,116,79,72,0,66,59,53,51,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,90,95,51,44,50,77,126,137,131,126,91,75,65,65,77,103,173,191,199,199,196,178,105,65,29,23,45,69,71,51,47,71,137,152,139,93,89,87,84,83,93,137,134,91,77,81,79,73,75,89,101,144,144,152,142,103,97,101,105,144,152,144,103,103,147,163,170,168,157,147,146,147,155,155,152,148,150,157,152,142,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,121,69,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,113,152,0,0,0,0,0,0,0,0,0,0,0,0,0,241,0,0,152,0,0,0,0,0,0,241,243,241,209,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,20,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,98,124,147,173,194,194,186,186,194,209,217,217,209,199,199,202,215,228,230,230,220,212,215,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,243,220,199,189,133 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,3,121,183,207,215,215,202,181,181,178,165,170,194,199,196,163,152,181,209,212,207,199,186,178,194,207,209,191,125,127,125,173,181,103,92,121,131,131,173,178,176,130,130,176,181,181,176,133,186,199,191,186,183,178,178,189,191,181,114,108,119,183,189,137,136,181,183,186,191,196,199,199,196,189,183,191,207,217,209,196,189,189,191,189,187,191,199,202,202,199,196,196,199,199,194,189,187,187,189,191,189,141,189,196,196,191,191,199,207,212,215,212,209,212,212,209,204,202,209,225,230,230,222,204,135,121,120,126,135,186,199,202,194,191,194,194,189,141,141,189,194,194,194,196,207,217,225,225,217,212,212,209,204,199,199,196,186,141,186,191,189,186,191,204,207,204,204,207,207,207,209,217,222,209,191,189,194,199,202,202,199,194,191,189,139,135,138,202,209,207,204,203,204,207,207,209,209,209,204,204,207,212,212,212,212,212,215,215,209,204,203,204,207,204,196,194,195,199,199,196,199,204,207,207,209,209,209,199,137,133,137,186,186,185,186,199,207,209,215,222,225,225,222,217,215,215,209,196,191,194,196,189,129,122,124,128,133,178,178,173,131,131,131,176,181,186,189,186,186,186,189,191,191,186,181,178,173,129,128,128,128,129,178,189,189,181,173,176,183,189,181,129,127,170,178,178,176,172,173,178,178,178,181,183,183,181,181,183,189,191,186,173,127,129,170,127,127,129,170,176,178,176,129,126,127,173,181,186,191,189,186,181,181,178,170,129,170,173,170,170,176,176,173,176,178,178,173,170,127,127,129,129,125,125,127,127,170,178,181,173,131,176,189,199,204,207,207,204,204,207,209,207,207,204,196,186,181,178,135,133,133,133,133,132,132,135,183,191,194,191,189,186,183,181,178,177,177,177,181,183,183,183,183,181,178,176,176,176,174,176,176,173,131,131,176,176,176,176,178,181,183,183,181,178,176,129,127,131,183,191,191,186,186,191,196,199,196,196,196,191,186,181,186,196,199,196,196,196,191,186,186,183,135,130,129,133,183,196,202,202,196,196,199,202,196,186,189,202,207,199,137,132,133,137,135,133,135,183,189,191,196,199,204,207,209,209,212,209,202,194,189,189,183,137,135,183,186,128,126,181,186,189,191,191,189,186,186,189,194,194,189,186,186,183,181,183,186,189,186,178,133,181,191,194,194,189,183,181,186,194,199,202,199,199,204,204,204,207,207,204,202,196,194,194,191,189,191,194,189,135,123,143,209,212,204,199,202,204,212,222,225,222,217,217,222,220,217,215,217,225,228,225,225,222,217,215,209,204,202,202,204,207,209,209,205,204,203,207,222,235,235,228,230,228,207,207,215,220,222,225,222,217,209,208,212,220,228,230,230,228,228,228,228,228,225,222,217,215,217,217,222,217,212,212,215,222,225,222,215,212,211,215,217,217,215,212,212,212,212,212,212,215,217,215,209,204,203,203,204,207,207,202,198,199,212,217,222,225,225,228,228,230,233,235,235,230,228,230,228,226,226,226,226,230,235,238,238,238,238,238,235,228,215,207,207,212,222,230,235,238,243,243,235,233,233,228,217,213,215,220,225,225,222,217,215,215,215,215,215,215,212,212,212,212,212,212,212,207,203,205,215,225,230,233,225,207,200,204,212,222,230,233,228,217,209,208,212,217,217,215,212,207,204,204,207,207,204,202,199,196,195,196,202,204,204,199,191,141,139,138,139,141,141,141,141,186,189,191,194,196,202,207,212,215,217,222,225,225,225,225,225,228,230,230,228,222,222,222,222,228,230,230,228,225,225,225,228,228,225,212,199,151,202,207,209,209,209,209,209,209,212,215,217,215,215,212,209,204,199,196,194,194,194,191,189,189,186,183,183,183,183,183,183,183,183,183,183,183,183,181,178,178,181,183,183,181,176,176,176,178,178,176,170,168,168,173,173,168,125,123,127,170,173,173,170,170,170,168,127,127,168,170,173,173,173,173,178,183,183,181,123,105,107,129,181,189,186,123,122,194,212,209,204,204,204,204,204,202,196,191,191,194,194,183,138,186,196,207,215,222,217,212,212,215,215,209,207,204,204,204,199,198,196,199,207,209,204,202,199,198,202,215,212,194,187,204,225,225,225,233,241,248,207,209,209,217,235,255,255,255,255,251,243,233,191,150,95,79,81,144,194,202,157,111,92,92,39,0,0,0,0,0,19,92,230,255,255,255,0,0,0,255,255,255,238,95,0,129,121,98,103,98,64,37,43,43,23,9,3,0,0,0,0,0,0,0,0,7,7,0,0,5,77,230,255,255,255,246,238,238,220,194,160,134,85,81,77,69,45,18,0,0,0,19,53,90,90,72,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,157,243,255,246,238,233,183,95,168,230,255,255,255,255,255,255,255,255,255,255,255,255,255,204,142,93,77,69,65,75,118,79,77,103,0,0,152,129,41,11,3,1,5,0,0,43,69,85,108,108,72,0,0,39,95,61,7,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,15,29,27,3,0,0,0,75,204,228,238,241,230,204,181,176,181,178,170,163,168,194,215,217,215,209,209,202,191,176,170,163,111,157,170,157,103,111,160,109,96,94,107,173,160,109,111,113,101,89,92,107,109,103,103,103,97,97,95,91,91,85,83,85,93,137,139,91,49,47,45,39,38,41,51,89,99,57,47,54,97,139,75,41,32,47,97,163,173,163,157,150,109,95,90,93,113,165,178,165,107,101,101,147,163,168,168,168,183,183,163,101,73,59,63,97,191,0,0,0,209,204,194,191,204,194,186,173,176,186,170,160,112,109,115,165,181,186,191,189,183,173,160,160,168,178,170,155,144,105,101,97,142,150,93,45,32,31,41,41,31,33,33,26,24,37,63,77,124,131,144,152,155,150,124,65,35,26,29,43,53,65,75,75,71,61,57,58,61,65,65,75,118,118,79,73,77,77,69,69,69,69,73,75,81,81,81,116,121,83,61,55,65,73,63,45,31,29,41,69,91,134,129,83,51,39,41,59,93,144,165,189,207,209,215,212,209,212,212,0,255,255,255,255,222,202,209,150,41,9,0,0,100,92,79,77,103,139,139,103,72,0,0,0,43,51,59,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,9,0,0,45,105,105,63,57,67,116,137,142,137,134,129,81,68,70,85,144,183,191,199,207,204,186,160,89,55,45,61,79,77,59,63,89,152,155,103,91,89,89,84,84,97,144,139,81,67,73,73,67,69,85,99,139,144,147,142,103,95,93,101,144,152,144,101,101,142,163,173,168,157,144,144,147,150,152,152,152,150,157,155,147,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,121,66,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,0,0,173,0,0,0,0,0,0,0,0,0,0,0,0,228,217,199,0,0,0,0,0,0,0,225,225,209,183,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,25,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,51,100,116,155,191,212,202,186,186,194,202,217,215,202,191,191,194,202,215,222,220,209,155,212,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,243,220,204,191,181 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,189,0,0,0,0,79,147,173,191,204,207,199,122,131,168,160,160,176,189,183,108,98,155,212,209,194,191,186,178,189,204,207,191,173,173,173,183,189,101,77,105,129,176,181,181,133,130,131,181,191,196,189,127,125,178,189,194,191,181,178,181,178,129,115,112,121,137,183,137,183,194,194,189,186,189,194,196,191,183,182,183,191,199,196,194,141,138,141,189,194,199,209,212,209,204,202,202,207,204,194,187,186,191,199,196,140,135,138,191,196,189,187,196,207,212,212,207,207,212,215,215,209,207,215,225,230,230,222,202,133,119,127,183,191,196,202,199,194,191,194,194,189,140,139,141,189,191,194,196,207,215,225,228,217,215,209,207,204,199,199,196,191,186,191,194,194,194,196,202,202,199,202,204,202,199,204,209,209,204,196,194,196,199,202,202,199,196,196,196,189,141,189,207,209,207,204,204,207,209,207,209,212,204,202,202,207,209,212,212,215,217,217,215,209,204,204,209,212,207,199,196,202,207,202,196,202,207,207,212,212,212,209,202,183,135,139,186,185,186,191,202,207,207,209,215,222,222,222,222,222,217,212,199,191,191,194,189,181,176,178,181,183,183,178,131,129,129,130,131,178,189,191,189,189,189,189,194,194,186,178,176,170,128,129,129,128,127,129,181,181,173,172,173,181,183,178,127,124,129,173,178,178,176,173,173,176,181,183,186,186,186,183,181,183,183,178,126,125,127,173,173,170,170,176,173,170,170,173,176,178,181,186,189,191,191,186,183,183,181,176,129,129,129,127,127,129,129,170,176,181,181,178,173,170,127,125,125,127,170,176,176,173,178,178,131,131,183,194,199,199,202,204,204,202,202,199,202,207,212,207,186,135,132,132,133,133,133,133,133,133,135,183,191,194,191,186,183,183,178,177,177,178,181,181,183,186,183,183,181,181,178,176,176,176,176,176,173,131,131,173,176,173,173,176,178,183,183,181,178,178,131,126,128,176,181,181,179,179,186,194,194,189,186,191,189,183,181,183,191,196,196,194,189,186,183,183,183,181,133,135,189,199,202,202,196,195,196,202,209,204,194,194,199,204,199,191,183,137,133,133,133,137,137,139,139,183,189,194,202,207,212,209,204,194,186,186,186,183,181,181,189,191,126,125,183,191,196,199,196,189,186,186,191,196,196,194,189,186,183,183,186,191,196,194,183,135,137,186,191,189,181,176,176,179,189,196,202,202,204,204,204,204,204,204,204,204,207,209,207,199,191,141,141,141,141,194,202,207,207,207,207,209,212,217,225,225,225,222,222,222,222,222,217,217,225,228,228,228,225,222,215,207,202,200,200,200,204,207,207,205,203,204,209,228,238,238,233,235,235,212,207,217,225,225,228,225,222,215,212,209,215,225,228,228,228,228,228,228,228,225,217,215,215,217,222,222,217,209,207,209,217,222,222,215,212,211,212,217,217,215,215,215,215,215,212,212,212,217,215,209,204,204,204,207,209,212,207,199,198,207,212,212,209,215,222,225,225,228,233,230,228,225,228,228,226,226,225,228,233,238,238,235,235,238,238,233,225,215,212,215,222,230,233,235,235,238,241,241,235,235,230,222,215,217,220,217,215,215,215,212,212,212,209,202,202,209,212,215,215,215,217,217,212,203,205,212,222,230,233,225,202,196,200,212,222,230,235,230,222,204,204,209,217,222,220,217,215,212,209,209,209,207,204,202,199,196,196,199,204,204,202,199,194,186,139,139,139,141,141,141,186,143,189,191,194,199,202,207,215,222,225,225,225,225,225,225,228,230,230,228,225,225,228,228,228,230,228,228,225,225,225,228,225,217,204,149,148,150,199,202,202,207,207,207,209,212,215,215,215,212,212,209,207,202,196,194,194,194,194,191,191,189,186,186,183,183,183,183,183,183,183,183,183,183,181,181,181,183,186,183,181,176,174,176,178,176,173,168,166,168,173,173,170,127,127,168,173,173,173,170,170,170,168,127,127,168,173,173,172,172,173,181,189,186,176,117,106,109,129,181,186,181,118,116,191,212,207,202,202,202,202,202,199,196,194,194,194,191,138,136,139,194,207,215,222,215,212,212,212,209,204,202,202,204,204,199,198,196,199,204,204,199,200,202,204,212,217,204,182,186,209,228,230,228,233,241,243,199,207,217,217,230,243,255,255,255,255,246,217,181,150,87,50,51,59,111,131,126,111,100,95,57,0,0,0,0,0,15,95,241,255,255,255,0,0,0,255,255,255,92,5,85,137,103,41,39,39,27,23,43,64,31,15,15,13,0,0,0,0,0,0,0,0,0,0,0,0,53,186,255,255,255,255,246,238,220,191,152,124,83,89,116,57,25,8,0,0,0,19,39,35,29,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,139,183,222,254,255,255,255,255,228,215,246,255,255,255,255,255,255,255,255,255,255,255,255,255,204,163,103,85,71,73,85,118,73,65,65,0,0,152,137,41,13,3,0,0,1,25,43,74,100,170,152,105,59,29,61,77,35,19,3,0,0,0,0,5,0,0,0,0,0,0,0,0,0,35,121,152,196,157,11,7,33,147,0,0,55,199,243,248,251,246,209,176,176,186,178,155,105,150,178,199,209,230,235,217,202,183,107,91,95,105,163,178,165,160,165,170,113,99,97,107,160,163,113,150,163,103,89,92,109,109,101,101,95,89,85,83,78,78,78,85,91,129,142,144,131,69,55,39,32,34,39,55,73,79,50,43,48,99,157,103,71,59,83,107,152,157,173,176,163,157,113,105,107,155,178,191,183,165,152,150,157,178,178,168,183,199,199,165,101,73,73,95,183,183,91,35,65,183,191,176,183,194,176,163,165,186,199,194,170,117,112,115,163,178,178,176,176,178,173,160,157,157,168,170,165,152,144,103,97,101,137,87,51,33,28,32,41,45,47,37,29,31,47,63,75,87,113,85,113,129,142,118,57,27,24,27,49,71,75,77,75,73,69,61,59,61,51,47,55,75,81,73,63,67,71,71,75,75,75,108,116,121,83,71,81,113,113,79,67,75,67,53,25,11,7,11,33,126,144,134,89,57,41,41,53,93,147,165,178,191,178,176,191,204,212,220,0,255,255,255,248,199,0,246,225,118,35,0,0,113,100,85,74,90,134,139,103,72,0,0,0,59,59,56,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,0,0,0,9,7,5,27,61,100,98,69,75,116,131,139,142,137,142,137,95,81,87,103,176,194,202,199,207,204,194,176,144,83,67,73,85,81,67,75,103,160,155,101,91,89,89,86,86,101,147,147,83,67,69,67,61,63,75,95,137,144,144,142,134,95,93,99,105,147,142,101,98,137,163,173,168,157,147,147,147,152,152,152,155,160,173,170,155,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,129,66,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,0,0,181,0,0,0,0,0,0,0,0,0,0,255,248,217,207,191,0,0,0,0,0,0,0,220,217,194,170,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,51,25,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,57,92,118,165,204,220,204,186,176,191,204,217,215,194,186,135,186,194,204,215,209,152,152,215,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,243,220,212,194,181 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,0,0,0,0,0,0,0,124,170,0,0,0,87,202,186,134,139,196,191,170,85,88,147,155,160,173,176,165,96,95,163,196,191,178,181,181,176,181,204,202,191,170,173,183,196,199,183,125,131,178,183,189,186,181,178,183,191,199,199,194,125,117,124,181,194,196,194,194,186,181,133,123,118,123,133,135,137,189,202,207,196,186,183,186,189,189,183,189,194,139,117,116,136,141,139,191,207,212,212,222,225,222,209,202,199,202,204,196,186,186,196,204,196,139,135,137,186,191,189,191,202,209,207,202,199,202,209,215,215,209,207,215,225,228,228,215,199,183,183,202,207,209,209,207,202,194,191,191,191,189,141,141,189,191,194,194,196,202,207,209,209,212,212,212,212,212,207,202,199,194,189,191,196,199,199,202,204,199,196,196,196,194,196,196,199,199,202,199,199,196,199,202,204,204,204,204,204,202,196,196,202,207,207,209,209,209,209,209,207,202,200,202,207,209,212,212,212,215,217,217,212,207,207,215,217,212,207,202,207,215,215,207,199,202,207,207,209,212,209,207,196,186,139,186,189,189,191,199,207,209,209,209,212,215,222,222,222,217,215,207,194,186,186,191,194,196,196,194,189,186,183,181,133,130,131,131,131,176,183,189,186,186,186,186,191,191,186,176,170,129,129,173,170,129,128,129,176,178,172,173,181,183,178,170,125,125,127,173,176,178,181,176,170,170,178,183,183,181,181,176,170,129,173,129,126,127,170,173,170,169,170,170,170,166,168,186,194,189,189,186,186,191,191,183,176,178,183,178,173,173,170,129,127,126,126,129,178,183,183,178,176,170,127,123,125,173,178,181,178,176,176,178,131,131,183,194,194,194,196,202,204,202,194,191,194,204,209,207,189,133,131,132,133,135,178,135,135,135,135,178,186,191,191,186,181,178,178,178,178,178,181,183,186,186,186,183,183,183,178,176,176,176,176,176,173,131,173,176,176,173,173,173,178,181,183,183,183,186,176,126,127,133,178,181,179,178,181,186,183,176,133,133,178,181,178,178,186,194,196,191,179,179,182,182,186,199,207,204,204,207,204,202,199,196,199,207,209,209,202,199,199,202,202,202,199,191,139,137,139,183,183,137,135,134,134,135,183,196,204,202,196,189,186,191,189,186,186,189,194,189,132,131,181,194,199,199,196,191,186,186,191,196,202,196,191,186,186,189,194,196,196,191,181,135,137,183,189,189,181,177,177,181,189,196,199,202,204,204,204,204,202,199,196,196,207,209,209,209,204,141,134,137,199,204,207,207,207,212,215,215,217,217,222,222,222,225,225,225,222,217,215,215,222,228,228,225,222,217,209,204,202,202,202,202,207,209,209,207,207,209,217,230,235,235,235,235,238,222,209,220,225,228,222,215,215,215,215,212,212,212,215,217,225,230,228,228,228,225,222,217,215,217,222,217,215,204,202,204,212,222,222,215,212,211,212,217,217,217,215,215,217,217,215,209,209,212,215,212,209,207,209,209,212,212,209,204,200,204,209,202,195,196,212,222,222,222,228,228,222,217,225,230,230,228,225,228,235,238,233,230,233,238,235,230,225,217,215,222,225,228,233,233,231,233,238,241,241,235,228,217,217,222,225,220,212,212,212,207,204,207,202,147,148,207,212,212,215,215,222,222,217,209,207,212,222,230,233,228,212,202,202,212,225,230,233,235,230,212,208,212,222,222,222,222,222,217,215,215,212,207,204,202,199,196,196,199,204,204,204,202,196,189,141,139,139,141,186,186,186,141,141,143,194,196,196,202,212,222,225,225,225,228,228,228,230,230,230,230,228,230,230,230,228,230,228,228,228,228,230,228,225,217,207,150,150,196,196,196,199,207,209,207,209,209,212,212,209,209,207,207,207,202,199,196,194,194,194,191,191,191,189,186,183,183,181,181,181,181,181,181,181,181,181,181,183,186,186,183,178,176,176,176,176,176,170,166,166,168,173,176,173,168,168,170,173,173,170,168,168,170,170,168,168,170,176,178,176,176,178,186,191,186,173,117,111,117,131,181,183,173,121,122,191,207,204,202,199,199,196,196,199,199,196,196,194,189,138,137,138,191,204,212,217,215,215,212,207,202,202,202,200,202,202,202,199,199,202,204,204,198,198,207,212,217,217,209,209,207,215,225,222,220,225,233,241,189,198,207,225,233,241,255,255,255,255,241,207,189,181,144,63,39,40,69,77,61,43,27,19,11,11,0,0,0,0,7,98,215,251,255,0,0,0,0,255,255,255,19,0,39,77,7,0,0,0,0,0,15,41,35,21,21,9,0,0,5,11,11,5,0,0,0,0,7,23,65,186,255,255,255,255,255,254,238,228,191,134,124,160,168,126,55,43,41,103,113,116,92,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,100,183,199,209,235,254,255,255,255,255,246,254,255,255,255,255,255,255,255,255,255,255,255,255,255,191,168,147,101,87,85,75,67,57,53,49,55,0,144,108,47,23,7,0,0,0,25,43,66,66,121,113,105,92,82,87,103,111,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,191,204,217,207,4,0,7,194,126,33,43,165,228,243,230,220,194,176,181,194,186,103,85,150,186,165,189,228,215,207,191,181,81,43,67,103,155,113,155,155,173,186,181,113,103,107,111,113,113,150,150,105,93,99,109,103,101,103,95,83,83,79,74,75,85,95,134,129,129,129,91,67,57,49,36,43,63,75,71,65,54,55,87,157,183,173,150,101,101,109,152,173,176,176,176,181,178,165,165,176,189,199,199,183,157,152,163,183,178,168,202,217,217,87,45,71,63,107,103,91,81,79,144,173,173,160,165,168,157,155,163,186,199,194,183,160,117,157,165,170,163,157,163,176,163,157,152,109,147,155,165,170,142,142,101,95,93,81,65,39,32,33,41,57,57,43,37,41,65,79,83,83,81,81,79,85,126,116,61,39,27,33,61,83,85,79,75,69,69,69,65,51,43,40,45,61,71,67,55,51,57,63,69,71,73,108,116,113,73,65,69,67,61,59,67,77,75,45,17,1,0,0,9,134,147,137,97,89,89,81,85,99,142,155,178,176,151,148,165,196,212,222,233,254,255,255,215,168,0,251,241,173,118,0,0,126,100,98,82,0,0,157,121,0,0,0,0,85,61,51,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,19,0,0,0,0,0,0,0,15,27,37,45,55,63,79,121,129,134,137,134,137,142,134,99,103,155,178,199,207,207,207,204,194,176,160,103,87,79,81,81,69,81,142,160,155,139,93,91,97,86,84,93,144,150,91,67,67,61,55,57,71,87,131,137,139,137,99,91,85,89,99,137,142,98,97,99,155,170,165,152,150,147,147,150,152,152,155,160,176,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,142,72,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,152,0,0,0,0,0,0,0,0,0,0,255,255,248,204,181,173,0,0,0,0,0,0,0,220,209,189,160,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,66,38,17,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,39,82,100,124,168,204,212,194,168,168,191,212,220,215,202,186,129,129,143,204,209,204,152,157,233,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,233,220,212,196,181 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,14,0,0,0,0,0,0,0,0,0,0,0,72,181,165,113,118,165,163,139,76,79,139,152,163,170,173,178,165,165,178,178,173,170,173,173,170,176,189,191,183,176,181,194,207,209,204,199,199,196,191,189,189,189,191,199,204,199,194,189,178,127,129,178,191,199,204,202,194,186,181,137,135,133,135,135,137,189,196,199,194,189,186,185,186,189,189,196,202,191,128,118,128,135,186,209,222,222,222,225,225,222,212,199,194,196,196,191,187,189,196,199,191,186,186,186,189,189,187,191,204,207,202,194,194,196,204,209,207,199,194,202,215,225,222,207,191,183,189,207,215,217,217,215,207,199,191,189,189,191,191,194,199,199,196,194,196,196,196,196,199,207,209,215,217,222,212,204,199,196,191,191,194,199,199,199,202,199,196,194,192,192,196,199,199,199,199,196,194,196,202,204,209,212,215,215,212,209,202,199,199,204,207,207,207,207,209,209,204,199,198,202,209,212,215,212,212,215,215,209,204,204,212,222,222,212,202,202,209,217,215,207,199,199,202,204,207,209,209,207,199,191,186,186,191,194,199,204,209,212,215,217,215,212,215,217,217,212,202,181,137,181,186,194,199,202,204,199,191,186,186,183,178,133,178,178,176,178,181,183,183,183,183,186,191,191,183,173,170,170,173,176,173,173,170,173,178,178,173,176,181,183,173,127,125,127,129,129,170,176,181,178,129,127,170,176,173,129,129,129,127,126,129,170,170,173,173,173,169,169,170,168,163,163,173,194,199,196,186,183,186,189,186,178,173,176,181,181,178,176,170,129,126,126,127,129,176,181,181,176,173,129,123,123,129,178,183,183,176,170,131,131,127,129,181,191,191,194,199,199,199,196,191,186,186,196,207,204,191,135,133,135,178,181,183,183,181,178,135,135,181,189,189,183,178,176,176,178,178,178,178,181,186,186,186,186,186,186,181,176,176,133,133,133,133,133,176,176,176,176,173,173,176,181,186,186,189,186,176,126,126,129,178,186,186,183,183,181,178,134,132,132,134,178,135,178,183,189,194,191,183,178,179,183,199,209,207,207,209,209,207,204,202,202,204,207,209,209,207,204,204,204,207,207,204,202,196,191,189,189,189,183,139,137,135,134,134,135,139,189,191,191,194,196,194,194,196,199,199,196,186,181,186,196,202,202,199,191,189,189,191,199,202,199,194,189,189,194,196,199,196,186,135,133,181,186,189,189,183,181,183,191,196,199,202,202,204,204,202,202,202,199,191,137,127,139,194,204,207,191,137,140,202,209,209,209,212,217,222,220,217,217,217,222,225,228,228,222,217,215,213,215,222,228,228,222,215,212,207,204,204,207,207,209,215,217,217,215,215,217,225,230,233,233,235,238,241,228,209,217,228,222,215,209,212,217,222,217,212,209,207,207,215,225,228,228,228,228,225,222,217,222,222,217,209,200,199,202,212,222,225,222,215,215,217,217,217,215,215,215,217,217,215,208,208,209,212,212,209,209,212,212,212,212,212,207,204,204,207,202,196,196,207,215,215,217,222,222,217,217,225,230,230,228,226,228,235,238,230,226,228,233,233,230,222,217,217,217,222,222,230,233,233,233,235,238,238,233,225,217,222,228,228,222,215,212,207,149,144,149,149,146,147,207,212,212,212,215,217,222,222,215,215,217,228,233,233,228,217,215,207,212,222,230,233,235,233,225,222,222,225,222,217,215,217,217,215,212,209,207,204,204,202,199,196,196,202,204,204,202,196,189,141,139,141,141,186,189,189,139,138,141,191,194,196,202,209,217,222,225,228,230,233,233,233,230,230,230,230,230,230,230,228,230,230,228,228,228,228,228,225,222,209,202,199,202,202,199,204,209,212,209,209,212,209,209,207,204,204,204,204,202,199,196,194,194,191,191,191,191,191,186,183,181,181,178,178,178,178,181,181,181,181,181,183,186,186,181,173,173,173,173,176,173,170,168,168,173,176,176,176,170,168,173,173,176,173,170,168,170,170,170,170,173,181,183,181,178,183,189,191,183,129,119,119,125,173,181,178,131,127,133,199,204,204,202,199,194,191,191,191,194,196,194,191,189,183,139,183,194,204,212,215,215,212,209,204,202,202,202,200,200,202,204,204,202,204,207,207,200,199,207,215,222,220,215,217,217,217,217,215,212,215,225,238,194,203,217,233,241,248,255,255,241,228,207,189,181,199,207,191,91,61,77,55,17,0,0,0,0,0,53,111,105,29,21,79,204,0,0,0,0,0,0,255,255,255,25,0,1,3,0,0,0,0,0,0,0,11,0,59,29,9,0,0,11,23,31,23,15,13,7,15,33,47,79,186,255,255,255,255,255,255,255,255,235,181,181,215,246,215,191,217,246,209,186,173,134,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,150,207,199,199,209,217,238,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,246,170,147,155,150,97,75,63,47,31,37,45,71,0,152,90,43,37,25,1,0,1,25,27,25,15,27,39,64,77,87,98,131,155,105,0,0,0,0,0,0,0,0,0,0,0,0,0,11,90,168,217,220,209,186,37,0,0,139,85,29,0,3,124,178,170,97,89,101,176,176,97,57,55,105,186,152,152,181,181,199,191,91,6,7,51,91,97,95,105,113,178,194,196,181,160,113,113,111,107,107,109,105,101,103,109,101,97,101,97,87,83,81,75,77,91,142,144,134,91,87,81,69,69,91,137,152,137,91,75,57,59,75,139,173,194,202,191,147,105,142,157,173,186,186,186,189,189,178,178,178,189,199,199,196,176,152,151,157,176,199,235,235,196,25,1,7,0,1,15,63,79,91,147,170,165,160,155,157,155,157,163,176,191,189,176,168,160,160,168,168,157,119,117,111,115,157,150,105,105,144,170,176,163,150,101,95,97,87,75,59,53,49,45,51,57,49,41,55,77,116,87,83,83,81,78,81,116,83,67,55,45,45,61,81,83,75,65,63,61,65,61,45,40,42,49,65,71,67,49,39,45,51,59,65,63,67,73,73,65,59,59,57,51,53,57,77,77,49,19,1,0,0,5,129,142,126,91,99,142,144,139,137,101,139,160,163,147,147,160,191,212,222,233,243,251,241,202,168,0,0,220,183,157,0,0,134,118,126,0,0,0,0,0,0,0,0,0,100,66,38,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,21,13,0,0,0,0,0,0,21,27,0,0,0,43,69,75,79,121,129,134,137,142,142,139,139,142,157,186,202,209,207,204,196,183,176,168,165,142,85,81,77,73,83,150,170,163,150,101,97,97,89,86,93,147,152,93,67,63,59,53,55,65,83,89,99,134,134,95,87,81,85,95,103,137,97,95,99,144,160,160,152,150,147,147,147,150,150,150,160,176,186,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,129,66,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,0,0,0,0,0,0,0,0,0,0,248,255,255,241,189,160,144,0,0,0,0,0,0,0,217,202,183,160,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,64,33,14,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,51,100,116,147,176,204,204,181,161,168,194,220,222,217,204,186,121,117,129,147,204,155,157,220,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,228,220,212,194,181 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,116,111,116,137,137,124,73,75,129,152,163,168,173,194,207,207,183,170,170,173,168,168,170,181,176,173,176,181,191,202,212,215,215,215,212,204,191,186,189,191,199,207,207,191,178,186,196,196,186,189,202,207,204,199,194,189,181,181,186,191,191,194,194,196,196,191,187,189,191,189,189,189,191,196,204,207,207,194,137,137,199,225,228,225,222,222,222,217,212,202,194,191,189,189,187,191,194,196,194,199,207,204,199,191,189,194,204,207,196,190,190,194,202,202,196,191,190,194,209,215,207,194,186,183,186,204,215,222,222,220,212,204,196,189,189,194,199,204,204,202,194,194,194,194,194,194,199,207,215,217,222,222,212,202,199,196,194,189,189,191,191,194,196,196,196,194,192,194,202,204,204,202,196,192,192,196,202,209,215,217,220,220,215,209,204,199,199,202,204,202,202,202,204,207,202,199,198,202,209,212,212,212,209,209,207,202,202,204,215,228,225,209,196,196,209,215,209,202,199,199,202,207,209,212,209,207,202,194,189,189,194,199,202,204,209,212,215,217,215,209,204,209,209,199,136,131,134,181,191,199,202,202,202,199,191,189,189,189,183,181,186,189,183,181,183,183,183,181,183,186,189,183,176,129,129,173,178,178,176,178,176,176,178,178,170,170,176,176,170,125,125,125,127,127,129,176,181,178,129,123,123,127,125,124,124,127,129,129,173,183,183,178,173,170,170,173,176,170,160,164,191,199,199,191,176,173,181,183,181,176,173,178,178,176,173,170,127,126,126,127,170,170,176,178,176,173,129,125,121,121,129,178,183,181,173,127,125,125,123,127,181,191,194,196,202,199,194,194,191,186,183,189,199,202,191,181,178,181,183,183,186,189,186,181,135,178,181,189,189,181,176,176,176,178,178,178,178,178,181,183,183,186,186,186,181,176,133,131,131,131,133,176,178,178,181,178,176,173,176,181,186,189,189,183,176,129,126,127,133,186,196,196,189,183,181,181,178,178,178,135,135,135,178,181,181,189,191,183,179,189,209,212,205,205,207,209,209,207,204,204,207,207,207,204,204,207,209,212,212,212,207,207,207,204,196,194,194,194,194,196,196,189,137,133,133,135,183,189,196,202,199,199,202,204,204,202,199,194,191,196,204,204,202,196,194,191,194,196,199,196,191,189,189,194,196,194,189,178,131,135,183,186,189,189,186,186,191,196,202,202,202,202,204,204,204,202,202,204,196,127,113,113,123,186,196,196,191,196,207,209,209,212,217,222,222,222,217,216,216,222,228,230,228,225,217,215,215,215,222,228,228,222,215,209,207,207,209,212,215,215,222,222,222,222,222,225,230,233,233,233,235,238,243,230,207,212,222,217,212,209,215,225,228,228,222,215,207,204,204,212,222,225,228,228,228,225,225,225,225,217,212,202,200,207,215,222,225,225,222,225,225,222,217,212,212,215,217,217,212,208,208,209,212,209,208,209,212,212,212,212,212,209,204,204,207,207,202,200,204,209,212,215,217,217,217,217,225,228,230,230,228,230,238,238,230,226,226,230,230,230,228,222,217,217,216,217,228,233,233,230,230,233,233,230,225,222,222,230,230,225,215,212,207,145,139,143,151,151,151,207,212,209,207,209,212,215,217,222,222,225,230,233,230,228,222,217,212,215,225,230,233,233,233,233,230,225,222,217,211,211,212,212,212,209,207,207,207,207,204,202,196,196,202,204,204,202,194,186,141,139,139,141,186,191,189,139,138,139,189,196,199,199,204,212,215,222,228,233,235,235,233,230,228,228,228,230,230,230,230,230,230,228,225,225,225,225,222,222,215,207,204,204,204,204,207,212,212,212,212,212,209,207,204,204,204,202,202,199,196,196,194,191,191,189,191,191,189,186,183,181,178,178,176,176,178,178,181,181,178,178,181,183,183,178,173,169,169,173,173,173,173,170,170,176,178,178,176,173,168,170,173,176,173,170,168,170,170,170,173,176,181,183,181,181,183,189,186,178,127,123,125,131,176,178,173,128,129,183,199,202,202,202,199,191,186,183,186,189,191,194,191,189,186,186,189,199,207,209,212,209,209,207,202,202,204,204,202,200,202,204,207,207,207,207,209,207,204,209,217,225,222,217,222,228,222,212,209,207,207,217,235,203,217,233,235,241,243,251,243,217,199,189,176,176,199,230,238,165,73,55,25,0,0,0,0,0,0,23,144,199,152,57,82,178,0,0,255,255,255,255,255,255,255,19,0,0,7,3,33,19,0,0,0,0,0,85,105,77,41,23,17,19,31,45,45,37,27,19,21,33,47,73,165,255,255,255,255,255,255,255,255,255,233,235,255,255,255,0,0,255,230,189,173,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,139,178,199,189,183,187,209,238,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,255,235,113,102,155,165,139,75,63,47,28,26,39,113,0,144,87,51,79,45,13,0,5,13,3,0,0,0,13,27,51,87,95,108,137,87,0,0,0,0,0,0,0,0,0,7,41,25,15,41,124,168,235,238,202,183,124,9,2,51,53,9,0,0,0,87,147,77,45,37,89,160,97,54,44,99,181,152,87,87,107,186,191,13,0,0,57,83,85,91,105,113,170,189,196,189,178,160,113,107,93,91,99,105,107,107,109,101,89,93,101,95,91,89,83,79,97,144,150,137,89,79,73,79,91,144,168,176,129,79,63,49,53,73,139,170,186,202,199,155,144,150,163,173,176,189,196,189,189,181,178,178,178,183,191,191,191,165,151,157,178,199,235,255,7,0,0,0,0,0,0,81,93,103,147,160,170,165,153,155,155,157,168,176,186,170,165,163,160,157,163,160,119,115,111,104,108,157,157,109,105,107,165,181,186,173,134,95,99,93,81,83,89,77,55,47,53,55,51,65,85,126,121,116,87,81,79,79,83,77,71,71,63,57,67,81,83,73,61,57,55,55,55,45,44,47,63,75,75,61,39,36,39,47,59,65,63,59,59,61,59,57,58,57,54,56,61,77,77,57,25,1,0,0,9,126,126,83,77,89,134,152,152,144,98,98,142,152,151,152,170,194,212,222,233,243,243,235,209,189,0,0,189,173,173,0,0,0,139,0,0,0,0,163,0,0,0,0,0,100,59,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,31,25,21,27,21,3,0,0,0,0,0,15,29,9,0,0,0,63,111,79,79,87,129,137,144,147,147,142,139,144,163,186,202,209,199,191,181,172,173,176,181,160,97,83,77,75,89,157,178,173,152,144,134,137,99,97,131,152,152,93,67,63,61,55,53,59,69,83,87,93,97,87,83,77,85,97,142,142,101,97,99,144,155,155,150,150,147,147,144,144,144,150,155,173,181,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,118,64,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,241,241,215,181,152,0,0,0,0,0,0,0,0,209,196,183,170,0,0,0,0,150,118,0,0,0,0,0,0,0,0,0,0,0,0,0,87,64,33,17,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,74,116,137,157,186,204,194,170,157,168,202,222,222,215,204,186,121,106,113,129,143,155,215,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,246,228,212,202,191,181 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,39,0,0,0,0,29,116,124,126,124,129,129,80,79,99,150,160,165,176,191,204,202,178,170,178,176,125,126,178,196,168,126,129,181,194,204,212,215,217,215,209,199,186,181,183,189,196,202,194,133,129,178,194,194,191,202,220,212,135,135,189,191,183,179,186,199,209,215,215,209,204,196,189,191,196,196,191,189,191,196,204,215,230,246,225,202,209,225,228,222,217,215,212,212,209,204,196,191,187,189,189,189,191,194,199,209,215,215,212,204,199,202,207,207,196,189,190,196,202,199,194,191,190,196,204,204,189,182,183,186,191,204,215,225,225,222,215,207,196,191,191,196,202,207,204,196,191,191,194,196,196,196,202,209,215,217,215,212,204,199,202,202,196,189,186,187,187,189,191,191,194,194,196,202,204,207,207,204,199,192,191,194,204,212,217,217,215,215,212,209,204,202,199,199,199,196,196,196,202,207,207,204,202,207,209,212,212,209,207,202,199,199,202,209,217,228,225,209,194,194,207,212,207,199,199,202,202,207,212,212,209,204,199,191,189,189,196,202,202,199,202,204,207,209,209,202,194,194,194,137,129,132,136,186,194,199,202,202,202,199,191,189,191,191,186,186,189,189,186,183,186,189,186,183,181,183,183,176,125,119,123,170,178,178,176,176,176,176,176,176,129,126,170,173,173,129,125,125,125,129,173,178,183,181,170,122,121,123,125,124,125,170,173,176,183,194,189,181,173,170,173,178,183,181,168,173,199,202,186,127,117,119,170,178,176,173,176,178,176,129,127,127,126,125,125,127,129,170,173,173,173,170,129,123,120,120,125,170,176,176,173,127,125,123,121,123,178,194,199,202,204,199,191,191,191,186,183,185,196,199,191,183,181,183,183,183,186,189,186,181,178,178,183,191,191,186,181,176,176,178,181,178,178,178,181,183,183,183,186,183,178,133,131,130,130,131,133,178,181,181,183,183,178,176,173,178,186,186,189,186,183,181,129,126,129,181,196,202,194,186,186,191,191,186,181,135,134,135,135,134,134,137,194,191,182,194,209,212,207,205,207,209,209,209,207,207,207,204,203,203,204,209,215,215,215,212,209,209,212,209,199,199,202,204,207,209,209,204,191,139,134,133,135,183,194,202,199,199,204,207,204,204,207,202,194,194,199,204,204,202,199,196,194,194,194,191,189,186,189,191,191,186,178,131,127,133,186,189,189,189,189,189,194,199,204,204,204,204,204,204,204,204,207,212,212,186,116,114,122,133,186,196,204,207,207,207,209,215,217,222,222,222,217,216,217,222,228,230,230,228,225,222,222,222,225,228,228,225,217,215,215,215,217,217,217,217,217,217,217,222,225,230,233,235,235,233,235,238,238,228,209,204,209,209,209,212,217,228,230,230,225,222,215,207,202,204,212,222,225,230,230,228,225,225,225,222,215,209,209,212,217,222,225,225,225,228,225,222,212,211,211,215,217,215,212,209,209,212,212,209,208,208,209,212,212,209,209,207,207,204,207,212,212,209,204,207,209,215,217,215,215,215,222,228,230,233,230,233,238,238,233,228,226,228,230,233,233,230,225,222,217,220,225,230,233,230,230,229,230,233,228,225,228,230,230,225,215,215,212,199,142,145,207,209,207,207,209,207,204,204,204,209,215,225,225,225,225,228,225,217,215,215,212,215,225,228,230,230,230,233,230,225,222,215,211,211,212,209,209,207,207,207,207,209,207,204,199,196,199,204,207,199,191,141,139,137,137,139,186,189,191,186,139,141,189,196,196,196,196,204,209,215,225,230,233,233,233,230,228,228,228,230,230,230,230,230,228,225,224,225,225,222,222,222,215,209,207,207,207,209,209,212,212,215,215,215,212,207,204,204,204,202,199,196,196,196,194,191,189,189,189,189,189,186,181,178,178,176,176,176,178,181,181,181,178,178,181,183,183,178,173,169,169,170,173,176,176,176,173,176,176,176,173,170,168,127,168,170,170,168,168,170,173,173,173,176,178,181,178,178,181,183,181,173,127,127,129,176,178,176,129,126,128,181,191,194,199,202,199,191,186,182,182,183,189,191,191,191,189,189,191,199,207,209,209,207,207,204,202,202,202,204,204,202,204,207,212,209,207,207,209,212,209,212,222,225,225,222,225,230,220,204,199,196,199,212,235,207,228,233,233,235,235,235,222,189,181,189,189,189,199,207,204,126,37,31,17,5,0,0,0,0,0,0,43,238,228,108,45,105,0,255,255,255,255,230,233,204,137,13,0,0,0,238,255,255,11,0,0,103,0,124,131,150,142,116,45,25,25,37,37,37,31,21,15,15,13,29,113,212,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,255,173,155,157,118,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,131,189,199,183,183,209,238,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,255,228,113,105,150,155,139,89,69,57,31,17,31,100,134,0,95,90,95,79,35,5,0,0,0,0,0,0,17,29,53,95,95,87,103,53,0,0,0,0,0,11,5,7,0,3,25,41,41,47,67,108,217,248,220,186,137,45,13,2,15,23,11,0,25,83,139,83,37,27,32,89,168,137,63,91,150,99,79,77,101,186,181,10,0,11,93,93,95,109,155,111,155,170,181,189,181,160,107,95,80,77,87,105,147,147,109,93,80,84,97,101,97,97,97,89,97,144,150,144,95,71,55,77,91,137,91,85,63,57,47,43,47,75,142,170,178,191,194,170,160,170,173,163,163,186,196,189,189,181,178,173,165,160,165,178,191,181,176,168,163,105,13,0,0,0,0,0,0,35,160,160,165,163,160,163,183,173,157,155,155,157,168,176,173,157,113,113,113,115,117,115,119,155,111,104,108,157,176,157,147,107,144,165,181,183,142,97,89,87,129,134,137,126,75,59,55,57,61,79,121,126,124,121,87,81,71,67,71,71,69,73,69,61,71,85,83,73,63,57,57,61,57,55,57,67,77,83,75,53,38,38,45,53,65,71,69,63,59,58,58,58,59,65,69,79,77,77,81,73,43,9,0,0,15,126,91,69,57,77,91,144,157,155,139,101,144,157,168,176,196,207,230,241,248,248,243,243,230,228,0,0,0,176,191,0,0,0,150,0,0,0,0,131,0,0,0,0,0,85,53,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,61,46,15,3,5,29,37,39,41,25,3,0,0,0,0,0,0,0,0,0,3,71,126,137,129,126,121,131,139,150,152,150,142,139,147,163,186,202,207,196,178,168,172,183,191,189,173,152,97,85,83,103,170,186,178,163,147,142,139,139,137,142,152,150,91,67,67,61,59,53,53,61,69,73,81,81,79,71,77,83,99,142,150,139,131,137,144,152,152,150,147,144,147,144,144,142,142,150,170,178,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,103,53,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,217,225,215,196,173,168,0,0,0,0,0,0,0,0,0,202,191,0,0,0,0,0,168,142,111,0,0,0,0,0,0,0,0,0,0,0,0,0,61,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,82,124,155,168,186,194,189,168,151,161,194,215,217,212,204,191,117,102,102,115,135,204,228,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,243,220,212,196,139,134 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,155,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,72,79,95,124,69,1,0,0,0,0,0,17,23,79,27,0,33,160,165,147,129,137,139,91,90,142,157,157,163,170,176,176,176,173,176,178,173,123,123,170,196,127,124,126,178,194,204,209,212,212,207,199,191,186,181,181,183,186,186,181,131,128,131,183,186,189,209,228,207,120,123,135,191,189,183,189,202,212,217,215,215,215,215,209,204,204,204,196,191,194,202,207,212,222,233,225,209,209,217,222,215,212,209,207,204,204,204,202,194,189,189,191,194,191,194,199,209,217,222,225,222,215,212,209,207,199,190,191,196,202,202,199,196,194,194,196,189,181,179,186,191,194,204,215,225,222,217,215,204,196,194,191,194,199,202,196,190,189,191,196,199,199,199,199,204,209,212,209,199,196,199,207,209,202,191,187,187,189,189,189,191,191,194,196,202,202,202,199,199,199,196,194,196,204,212,215,209,202,202,204,204,207,207,204,202,199,196,195,196,199,207,212,212,212,212,212,212,212,209,202,196,194,196,207,215,225,228,222,204,191,191,204,209,204,199,202,204,202,204,207,204,202,199,191,187,187,189,196,199,196,194,194,196,199,204,204,196,183,182,183,137,133,183,186,183,189,194,199,199,199,196,194,191,189,189,189,186,186,186,186,186,189,191,189,183,178,178,178,129,118,114,116,125,178,183,178,176,174,174,176,176,129,127,129,173,173,170,129,129,129,170,173,178,183,181,170,125,122,123,129,170,170,173,176,178,183,191,191,183,178,173,173,178,181,178,176,178,189,189,106,96,105,115,129,176,173,170,176,176,170,127,127,127,127,127,127,126,127,129,173,176,176,173,170,125,120,120,121,125,129,173,173,131,129,125,119,119,173,196,204,207,204,199,191,191,191,189,183,185,194,199,194,186,186,183,183,182,183,186,186,181,178,183,189,194,196,194,186,178,178,181,183,183,181,178,181,183,183,183,186,186,181,133,131,131,131,133,176,178,181,183,186,186,183,178,176,181,186,186,186,183,186,189,178,128,129,176,189,196,194,189,191,196,196,186,178,135,135,181,183,183,137,135,189,189,186,199,212,212,209,207,207,209,209,209,207,207,207,204,203,202,204,209,215,215,215,212,209,209,212,209,202,202,207,209,209,209,209,204,199,189,139,134,134,135,186,196,199,196,202,209,207,207,209,207,194,192,196,204,204,202,199,194,191,186,183,183,183,186,191,191,189,181,131,127,123,131,186,189,189,189,191,194,196,202,202,202,202,202,202,204,207,207,209,215,222,207,139,133,133,133,137,191,204,209,204,204,209,215,217,222,222,217,217,220,222,222,228,230,233,230,230,230,225,222,222,225,228,225,220,215,217,225,225,222,222,222,217,216,217,222,225,230,233,235,233,230,235,235,233,228,217,202,199,207,212,215,220,228,230,230,225,225,225,217,209,202,204,212,225,228,228,225,217,217,222,217,215,215,215,215,212,215,217,222,225,225,222,215,212,211,211,215,217,215,215,212,212,215,212,212,209,208,209,212,212,209,207,209,209,207,212,217,217,215,207,207,212,215,215,212,212,212,222,228,230,233,235,238,241,241,235,230,228,228,233,235,235,235,233,228,228,228,225,225,228,230,230,229,230,235,233,230,228,230,230,225,215,215,215,212,199,202,217,225,215,212,212,212,207,204,203,204,209,222,222,222,222,225,217,204,149,209,204,209,217,222,225,228,228,230,228,225,222,217,212,212,215,209,209,207,209,209,209,209,209,204,202,196,199,204,207,199,189,139,137,136,137,137,139,186,189,189,186,143,191,194,196,196,196,199,204,209,217,228,230,230,230,228,225,225,225,228,230,230,228,228,225,224,224,225,225,222,222,217,215,212,209,209,212,212,212,209,212,212,215,215,215,209,207,204,204,202,199,196,196,196,194,191,189,189,189,189,189,186,181,178,178,176,176,178,178,181,183,183,181,178,181,183,183,178,173,169,169,173,176,178,178,178,176,176,173,173,173,170,129,127,126,127,127,127,127,170,173,176,176,176,178,181,178,178,178,178,176,129,127,127,170,178,181,178,173,128,129,178,186,189,196,202,199,194,189,183,182,183,186,189,191,191,189,186,189,196,204,209,209,207,202,199,199,199,199,202,204,204,204,207,209,207,202,202,207,215,215,215,222,225,225,225,228,230,217,199,146,145,149,212,238,204,217,225,228,228,228,217,189,110,108,168,199,207,199,181,147,73,31,35,43,61,100,43,5,0,0,0,0,207,199,37,5,27,95,255,255,255,155,124,121,103,47,15,13,0,0,255,255,255,27,0,72,0,0,139,139,170,181,139,77,19,11,11,11,17,25,19,1,0,0,0,29,144,212,251,255,255,255,255,255,255,255,255,255,0,0,0,0,255,173,165,186,173,142,139,108,111,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,189,209,196,202,222,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,238,191,173,103,89,101,126,69,57,45,25,37,65,65,90,103,103,95,87,72,23,0,0,0,0,0,0,9,29,59,95,87,72,77,7,0,0,0,0,0,33,43,51,23,0,0,19,37,25,17,39,176,248,235,176,75,49,43,6,5,13,33,81,152,165,160,89,59,32,30,57,194,230,189,57,57,73,79,95,181,204,181,39,27,105,176,107,111,183,176,155,113,157,173,186,181,157,99,87,74,73,83,107,150,160,109,87,75,78,95,103,137,137,134,101,137,150,152,163,137,65,35,32,39,39,22,27,37,49,43,41,45,79,155,183,178,178,183,176,176,186,181,173,173,186,194,194,189,178,173,155,147,144,147,165,181,176,168,157,99,55,0,0,0,0,0,0,43,204,204,191,191,186,170,173,191,186,163,155,155,155,163,168,163,115,106,106,105,106,109,113,157,168,163,113,111,157,176,173,155,101,100,139,165,181,163,131,69,63,160,147,137,139,134,81,59,57,73,85,118,116,118,116,79,67,55,47,53,57,57,57,55,53,65,75,71,65,57,57,63,71,73,69,73,85,131,134,118,67,53,49,53,61,71,111,111,69,63,61,65,65,65,71,83,116,113,77,85,83,57,19,0,0,21,79,69,45,51,69,83,99,152,157,155,150,165,176,191,202,217,230,246,255,255,255,255,251,255,255,0,0,0,204,215,0,0,0,0,0,0,0,118,116,255,212,165,0,100,66,53,38,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,103,105,87,48,7,0,9,21,35,72,41,13,0,0,0,0,0,0,0,0,49,152,170,168,168,155,147,131,137,147,152,152,150,142,139,142,157,178,194,202,191,173,168,189,194,194,191,183,170,155,99,91,142,178,189,186,165,150,142,139,144,139,142,147,147,91,69,69,67,61,51,47,49,57,61,61,65,63,63,65,77,97,142,144,139,134,131,137,137,137,142,139,139,139,137,139,142,142,150,170,178,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,92,53,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,225,217,207,181,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,168,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,90,134,163,173,186,196,191,170,157,163,189,204,217,217,217,196,123,101,99,107,137,204,233,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,233,217,202,194,183,135 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,238,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,160,186,196,225,228,228,186,35,0,0,0,0,41,85,45,21,47,176,183,170,160,178,152,137,142,173,176,157,152,157,155,112,117,170,178,178,176,126,121,122,127,125,125,127,173,189,199,202,202,202,196,189,186,186,183,181,181,181,181,181,135,133,135,186,189,194,209,217,204,127,127,134,183,189,189,194,204,212,212,209,212,222,228,225,215,207,204,199,196,202,207,207,202,196,199,204,202,204,212,212,209,207,207,199,194,194,202,204,199,194,194,199,204,196,194,199,209,217,222,228,228,225,217,212,204,196,191,191,199,204,209,209,207,202,191,189,183,182,183,191,191,191,202,215,225,222,217,212,202,194,194,194,191,196,199,194,189,189,194,202,207,204,202,199,199,202,204,199,194,194,202,215,215,209,199,194,191,194,191,191,191,194,194,194,194,191,191,194,196,199,202,199,199,204,209,207,199,194,194,196,202,207,209,209,207,202,199,196,196,202,207,212,212,209,209,209,209,209,207,202,192,190,192,207,222,225,217,209,196,189,194,204,207,202,199,202,204,199,194,191,194,194,191,189,186,186,189,194,196,194,191,194,196,199,202,202,191,182,181,186,194,199,196,189,182,181,186,194,199,202,199,196,191,189,189,186,186,183,183,189,191,191,189,183,178,131,125,127,125,118,115,117,170,189,191,181,174,176,176,178,176,129,125,127,170,173,173,173,170,170,170,173,176,178,176,173,129,129,170,178,178,173,173,173,176,178,181,186,189,183,178,173,172,172,173,176,176,178,173,101,94,106,123,176,178,173,129,170,170,129,170,170,173,176,178,173,127,125,129,176,183,183,181,176,129,123,121,121,123,127,173,176,176,173,125,118,118,131,194,204,207,202,199,194,191,191,189,185,185,194,199,196,191,189,189,183,183,183,186,181,178,178,186,191,194,196,196,189,183,181,183,189,186,183,181,181,181,181,183,189,189,183,178,133,133,133,133,176,178,181,183,186,186,183,181,178,181,186,189,186,183,186,191,186,133,129,127,131,178,186,191,196,196,196,189,181,181,186,191,194,194,191,186,186,185,186,199,209,212,209,207,209,209,209,209,209,209,209,207,204,203,204,207,212,215,215,212,209,209,209,207,204,204,209,212,212,207,207,204,199,194,189,183,137,134,181,191,194,194,199,204,202,199,202,202,194,194,202,204,204,202,196,191,183,178,135,135,178,183,189,191,186,135,129,125,122,127,183,189,189,191,196,199,202,202,202,199,199,199,202,207,209,209,209,215,217,212,202,191,141,133,130,135,196,204,204,207,209,215,217,217,217,222,222,222,222,220,222,228,230,233,233,230,225,222,222,225,225,222,215,212,217,228,228,225,225,225,222,217,217,222,225,228,230,230,230,228,233,233,228,230,222,147,147,207,215,217,222,228,230,230,228,228,228,228,217,202,146,147,207,215,217,215,207,207,212,212,209,209,209,209,207,209,212,217,222,222,217,215,212,211,212,215,217,215,215,215,215,215,212,212,209,209,209,212,212,209,207,209,212,212,215,217,222,217,212,212,215,215,215,209,207,209,217,225,228,233,235,238,241,241,238,230,228,228,233,235,238,238,238,235,235,233,225,224,225,230,230,230,233,235,235,230,230,230,230,225,222,215,215,217,212,209,222,230,222,217,217,217,215,209,203,203,207,215,217,220,225,225,215,147,133,126,128,147,212,222,222,222,222,222,222,225,225,222,215,215,215,212,209,212,212,212,212,209,207,204,204,202,202,204,204,196,186,139,137,136,137,137,137,139,141,186,189,189,191,194,199,202,202,202,204,207,215,222,228,228,225,225,225,224,225,228,230,230,228,225,224,224,225,228,228,222,217,215,215,217,215,215,217,215,212,209,209,212,215,217,217,215,209,207,204,202,202,199,196,196,194,191,191,189,191,191,189,186,181,178,178,178,178,181,183,183,186,183,181,178,178,181,181,178,176,173,173,176,178,178,178,178,176,176,176,176,176,176,173,129,126,125,125,126,129,173,176,176,178,178,183,183,181,181,181,181,176,129,127,129,173,176,178,178,176,173,173,181,186,191,196,202,199,196,194,186,183,183,186,189,191,189,186,183,186,194,202,207,207,204,202,196,196,196,194,196,199,202,202,202,204,199,191,191,202,212,215,215,222,225,225,228,233,235,225,202,143,142,147,220,241,204,217,217,228,233,233,217,129,93,96,113,207,225,217,194,165,91,55,59,69,108,116,61,25,7,0,0,0,0,0,0,0,0,51,255,255,251,124,87,77,43,31,19,27,0,0,255,255,139,0,0,87,0,0,139,121,131,131,108,37,0,8,7,3,3,11,11,0,0,0,0,0,53,157,217,255,255,255,255,255,255,255,255,255,0,0,0,0,255,243,241,255,0,0,255,254,0,0,0,0,0,0,0,22,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,173,199,196,202,215,238,251,254,246,246,255,255,255,255,255,255,255,255,255,255,0,0,255,238,220,93,63,89,137,85,67,65,47,47,49,45,59,103,103,87,82,79,29,0,0,0,0,0,0,0,9,17,35,33,19,7,0,0,0,0,0,0,5,23,43,33,5,0,0,19,19,12,51,186,254,248,165,69,61,79,194,43,5,45,165,199,204,186,91,61,37,37,95,248,255,220,25,22,45,85,163,209,220,199,99,99,173,176,109,163,194,186,176,165,157,178,189,181,113,93,81,74,74,85,105,150,150,144,89,80,85,139,150,150,142,97,97,142,152,165,173,152,77,32,15,25,30,16,24,39,67,49,42,44,73,147,183,178,174,174,176,186,186,186,186,186,189,189,189,181,173,155,147,105,103,142,157,165,139,95,81,75,71,0,0,0,11,3,31,142,215,209,191,183,173,173,186,191,186,170,155,115,115,155,157,155,113,104,103,105,105,105,115,168,186,186,165,160,160,173,173,150,100,96,144,168,173,152,95,41,22,129,142,129,137,152,126,67,63,79,87,85,81,83,81,69,53,39,36,37,43,41,47,43,45,51,55,51,48,49,57,71,81,85,79,79,126,144,150,142,126,81,69,61,63,71,113,116,73,67,71,73,73,71,69,79,113,79,77,85,116,75,37,13,11,29,47,41,32,45,61,77,85,101,147,155,173,189,194,202,217,238,248,254,255,255,255,255,255,255,255,0,0,0,212,207,215,0,139,0,0,0,0,152,126,155,121,105,108,87,59,46,38,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,90,118,121,108,74,19,1,11,23,39,82,69,13,0,0,0,0,0,0,0,29,137,189,189,186,191,186,155,142,147,147,155,152,150,142,139,137,142,157,186,199,191,178,173,196,202,194,183,183,181,170,144,97,150,181,194,186,163,150,142,142,139,134,97,137,139,93,73,71,71,61,51,41,41,45,49,49,49,49,53,57,67,91,134,139,134,131,93,91,91,118,124,124,131,129,137,139,142,147,150,168,176,183,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,92,53,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,225,241,225,207,181,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,196,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,90,134,157,168,178,191,199,189,170,165,178,196,217,225,230,215,135,103,100,107,137,212,233,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,230,215,199,141,135,129 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,183,202,207,209,217,246,228,199,150,11,0,0,49,47,35,49,77,170,181,165,168,191,173,168,181,202,199,157,111,113,113,108,110,170,178,181,183,186,127,120,121,126,173,176,173,178,183,183,186,189,186,181,183,189,186,181,181,181,189,194,194,191,199,199,194,194,202,207,199,183,137,137,181,186,186,191,202,212,212,208,209,222,230,228,215,207,199,196,196,199,202,202,194,186,185,189,191,194,202,204,204,207,204,191,183,185,194,204,204,202,199,204,204,194,194,202,212,215,217,222,225,225,217,209,202,194,191,191,199,209,217,222,215,204,194,189,191,191,191,191,187,189,199,215,222,222,215,212,202,194,196,194,194,202,207,204,196,194,196,202,207,204,202,196,196,199,199,196,195,196,207,217,217,212,207,202,196,194,191,191,191,196,199,194,186,185,187,196,199,199,202,202,204,204,204,199,194,190,190,191,196,204,209,212,207,204,202,199,202,204,207,204,199,198,202,204,207,209,209,204,196,191,192,204,215,209,196,191,189,191,202,207,204,202,196,196,199,196,186,141,186,191,191,189,187,187,191,194,191,191,191,196,199,202,202,199,191,183,183,191,202,207,204,194,183,182,183,194,202,207,204,202,196,191,189,186,183,181,183,189,191,186,176,131,125,119,114,121,129,127,121,125,183,199,199,181,176,178,181,183,178,125,120,122,129,176,178,178,176,170,170,173,173,173,170,170,176,181,183,186,178,173,173,176,178,176,176,183,191,186,178,173,172,172,176,176,176,176,129,111,107,123,173,181,178,170,126,127,129,170,173,173,176,183,189,186,170,126,170,183,194,194,186,178,170,127,125,127,129,170,178,181,178,173,125,117,117,127,189,199,202,199,196,194,191,189,186,185,186,191,199,196,194,194,191,189,186,186,186,181,178,181,186,191,191,191,191,189,183,186,191,194,191,186,183,183,183,181,183,189,191,189,183,178,176,133,133,176,178,181,183,186,186,183,183,183,183,186,186,183,183,186,189,189,178,125,117,113,117,178,194,199,196,196,194,191,191,194,196,199,199,199,196,194,189,185,186,202,212,212,207,207,207,209,209,209,212,212,209,209,207,207,207,209,209,212,209,209,209,209,207,204,207,209,215,212,209,207,204,204,199,196,194,189,181,181,186,189,194,202,202,194,183,181,183,186,194,204,204,204,202,196,189,181,135,133,132,133,135,183,186,186,178,133,129,122,123,178,186,191,196,199,202,202,202,199,196,196,199,204,209,212,209,212,212,215,212,207,199,189,133,128,129,139,196,204,209,212,215,217,217,217,222,225,222,217,216,217,225,228,230,230,228,222,222,222,225,222,215,209,209,217,228,230,228,228,228,228,225,225,225,225,228,228,228,228,228,228,228,228,228,209,129,141,212,220,222,225,228,230,230,233,233,233,233,228,204,141,139,144,204,209,204,199,200,207,209,205,205,205,207,207,207,209,217,222,217,217,217,215,215,212,215,215,215,215,212,212,209,209,209,209,209,209,212,212,209,207,209,215,217,217,217,217,215,217,217,217,217,215,207,205,207,217,225,228,228,230,233,238,238,235,230,228,228,228,230,233,235,238,238,238,233,225,225,228,230,230,230,233,238,235,230,229,229,230,230,228,217,212,212,212,212,222,230,222,215,217,225,222,215,207,204,207,212,215,220,225,228,217,202,137,119,123,137,209,222,225,222,212,211,212,217,225,222,217,215,215,215,215,217,217,217,212,209,204,204,204,204,202,202,202,196,186,139,137,137,137,137,137,137,139,186,191,194,191,194,202,207,209,207,207,207,212,217,225,225,225,224,224,224,225,228,230,230,228,225,225,225,228,230,228,222,215,213,215,217,217,217,217,215,212,209,209,209,212,215,217,217,212,207,207,204,204,202,199,196,196,194,191,191,191,191,191,189,183,181,181,181,181,183,186,186,186,183,181,178,178,178,181,178,176,173,173,176,178,178,178,176,176,176,176,178,178,181,178,173,127,126,126,127,170,176,178,178,178,181,186,186,183,183,183,181,176,173,170,173,176,178,178,176,176,173,176,183,189,191,194,196,199,196,194,189,186,186,189,189,189,186,182,182,183,191,199,202,204,204,199,196,194,191,190,191,194,196,194,196,196,194,187,189,199,209,215,215,222,222,222,230,235,238,233,207,142,140,147,225,243,199,207,225,241,251,243,225,186,103,104,181,225,241,243,251,255,186,83,67,57,55,55,25,5,5,0,0,0,0,0,0,0,0,0,255,255,255,155,95,47,39,27,27,35,0,118,155,129,7,0,0,0,0,0,121,77,35,56,41,29,25,31,31,11,1,7,9,0,0,0,0,0,9,65,139,191,246,255,255,255,255,255,255,255,0,0,255,255,255,255,255,255,255,0,0,255,243,196,0,0,0,0,27,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,142,170,178,178,183,207,230,238,230,235,248,255,255,255,255,255,255,255,255,255,0,0,255,255,220,87,57,85,147,150,137,124,65,37,27,39,53,87,77,72,74,72,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,45,23,0,3,25,47,65,202,248,255,255,199,157,152,181,251,255,222,196,194,199,189,163,71,25,21,57,191,255,255,209,29,18,49,150,196,225,225,215,183,160,109,105,105,163,186,194,191,181,173,181,194,181,109,87,85,80,81,93,105,109,111,109,99,91,99,147,150,163,137,69,65,89,142,152,165,165,95,53,35,51,77,45,55,77,137,85,43,43,57,99,168,178,178,183,191,194,196,196,196,194,176,163,163,163,155,144,139,105,103,142,152,147,77,55,27,35,91,33,21,25,235,170,165,204,220,204,186,168,168,183,186,183,173,165,155,113,107,113,115,115,115,107,107,111,109,109,117,181,199,196,183,178,176,176,168,155,107,101,147,165,150,89,59,23,10,21,71,77,85,121,89,75,69,81,87,83,80,83,81,63,49,39,36,35,35,35,41,45,45,49,48,46,45,47,53,69,81,85,81,79,121,137,142,147,147,137,81,67,67,71,113,121,85,73,81,83,83,71,69,79,79,73,76,81,118,113,57,31,21,29,33,28,29,45,61,59,59,71,87,147,176,196,202,207,217,243,254,251,255,255,255,255,255,255,255,0,0,0,207,186,178,157,134,0,0,0,0,178,131,87,56,43,64,74,51,27,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,77,85,82,95,98,82,66,85,79,82,95,79,19,0,0,0,0,0,0,0,29,111,163,189,204,204,196,170,155,157,155,155,144,142,139,137,103,102,142,168,194,199,181,181,194,199,191,176,178,181,170,139,95,150,181,189,181,160,144,134,99,99,95,85,93,129,93,79,73,71,65,47,39,35,39,45,43,43,47,47,57,69,93,137,137,131,95,90,88,87,87,117,117,121,126,134,139,142,150,155,168,173,178,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,85,48,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,241,255,248,222,189,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,178,168,160,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,74,111,129,137,150,176,191,191,178,160,160,178,212,233,233,222,189,113,103,117,145,215,233,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,225,207,194,141,131,129 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,186,194,207,215,212,220,225,217,238,209,139,47,51,37,21,124,139,160,168,139,147,173,189,194,204,215,212,163,110,113,165,110,110,163,176,181,189,196,194,125,122,176,186,186,172,172,173,173,176,181,181,179,183,191,189,186,183,186,194,202,202,202,207,199,187,187,191,194,191,189,186,183,186,189,189,189,196,209,212,209,209,222,228,225,215,207,196,194,194,189,189,191,189,185,185,186,141,141,191,196,202,207,199,186,182,182,191,202,204,202,199,196,191,189,191,204,207,207,212,215,217,217,215,207,194,189,189,191,202,212,222,222,215,207,199,196,196,196,194,189,186,186,196,209,217,215,212,209,199,194,194,194,196,207,215,215,209,202,194,194,196,199,196,196,196,196,196,196,199,204,212,215,215,212,212,207,199,194,189,189,191,196,199,194,186,183,189,202,204,199,196,202,207,204,199,194,191,190,190,191,196,202,207,207,204,202,202,202,204,204,204,199,195,194,202,207,207,209,212,215,207,196,196,202,202,186,179,181,186,194,204,207,204,199,196,194,194,194,141,139,141,189,191,191,191,194,194,189,183,183,189,194,196,196,199,196,191,191,194,196,202,204,204,199,191,189,191,196,207,212,209,204,199,194,194,191,186,181,181,183,181,129,119,115,115,114,114,125,176,176,127,127,183,199,199,183,178,181,186,186,178,123,116,120,170,183,189,186,178,173,176,181,178,170,129,173,181,189,191,189,181,173,178,183,183,181,174,178,186,183,176,176,178,181,183,176,178,178,129,123,127,170,178,181,176,127,125,126,129,176,176,129,129,181,191,189,176,129,173,189,199,196,189,181,173,129,170,173,176,181,183,183,178,131,123,117,118,127,181,191,196,196,196,194,191,186,185,186,189,191,196,196,194,194,194,191,191,191,189,183,181,181,186,189,189,189,189,186,186,191,196,199,194,186,186,189,186,183,183,189,191,191,189,183,178,133,133,135,178,183,186,186,183,183,186,186,186,183,183,183,186,189,189,191,181,119,113,107,108,131,196,202,199,199,199,196,194,196,199,199,199,199,199,202,202,185,178,186,209,209,202,202,204,207,207,209,215,217,215,212,209,207,204,204,207,209,209,209,209,209,207,204,207,209,212,209,209,207,207,207,204,202,204,199,191,183,183,183,191,204,204,194,135,131,130,133,181,191,199,204,204,199,191,183,135,133,132,132,133,181,189,189,186,178,131,122,122,133,186,191,199,202,202,199,199,196,196,199,204,209,212,209,209,209,212,209,209,207,204,196,141,132,130,132,189,204,212,215,217,217,220,222,225,225,217,216,216,216,222,228,230,228,222,222,222,225,228,222,212,208,209,217,228,230,228,228,228,228,228,228,228,228,228,228,228,228,228,225,225,228,225,137,111,137,212,222,225,228,228,230,233,235,235,233,233,233,222,145,140,144,202,207,202,198,198,204,209,207,204,205,207,209,209,212,215,215,215,215,217,217,215,212,212,212,212,212,209,207,207,207,209,209,208,208,209,212,209,207,209,215,217,217,217,215,217,222,222,217,217,215,207,205,207,215,225,225,225,228,230,233,233,233,228,225,224,225,225,228,230,235,238,235,230,228,225,228,230,230,230,235,238,235,233,230,230,233,235,233,225,209,204,207,209,222,228,217,212,213,222,222,217,215,212,212,212,215,217,225,225,222,217,212,149,137,145,207,215,217,217,212,208,208,212,222,222,217,215,215,215,217,220,222,222,215,209,202,202,204,204,202,199,199,196,189,139,137,139,139,137,137,137,139,189,196,196,194,194,202,209,212,212,212,209,215,217,225,225,224,224,224,224,225,225,228,228,228,225,225,228,230,230,228,222,215,212,215,217,215,212,215,215,212,212,209,208,209,212,217,217,215,209,207,207,207,204,204,199,196,194,194,191,191,194,191,189,186,183,183,183,183,186,186,189,186,183,181,177,177,178,178,178,176,176,176,178,178,178,176,176,174,176,178,178,181,183,181,176,129,127,127,129,173,178,181,178,178,181,186,186,186,183,183,181,178,176,176,176,178,178,176,173,129,127,129,178,186,189,191,194,196,194,191,186,183,186,189,189,189,183,182,182,186,191,196,196,199,202,202,199,196,191,190,190,191,191,191,191,194,189,187,189,202,209,215,215,222,222,222,233,238,238,230,212,142,138,147,215,235,189,207,233,251,255,251,233,207,194,204,228,243,248,248,255,255,228,83,43,25,11,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,230,147,90,47,35,39,47,82,95,103,41,0,0,0,0,0,0,113,15,0,9,21,35,0,0,116,64,0,17,19,11,0,0,0,0,0,1,15,33,124,204,255,255,255,255,255,255,0,0,255,255,255,255,255,255,255,0,0,246,196,189,0,0,0,0,72,72,0,0,0,0,0,0,0,0,0,0,0,0,0,7,23,66,116,142,160,163,160,170,207,230,230,238,255,255,255,255,255,255,255,255,255,255,255,255,255,233,165,73,55,69,139,160,157,142,61,21,11,35,45,41,39,47,47,45,35,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,85,45,17,25,55,118,191,255,255,255,254,222,215,207,199,238,255,255,178,0,0,15,53,0,0,5,57,152,183,209,222,160,41,170,215,217,225,235,235,209,168,98,96,107,163,176,191,199,194,186,181,186,173,103,84,85,91,93,99,105,107,109,107,99,95,97,107,147,142,81,41,37,59,89,99,142,150,137,93,134,152,152,85,73,67,91,83,51,45,57,95,173,194,194,199,202,199,202,204,202,189,155,137,142,147,147,147,142,139,101,97,97,93,55,31,7,6,61,43,21,17,147,191,209,220,225,207,186,168,165,173,173,160,152,152,115,107,105,107,109,115,119,119,117,119,115,111,117,181,199,199,194,194,194,186,173,157,155,144,99,103,83,47,41,27,9,15,39,55,63,65,71,77,81,81,87,85,85,118,116,69,51,39,37,37,33,35,47,51,49,49,49,51,49,51,57,67,77,81,81,79,85,121,121,134,142,139,118,77,73,79,113,126,85,83,83,83,83,71,71,79,79,73,71,77,118,124,75,37,23,29,33,30,33,51,51,41,37,41,53,87,157,191,199,202,212,238,248,243,246,255,255,255,255,255,255,255,0,0,222,194,178,157,160,0,0,0,209,170,116,53,18,12,21,66,51,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,15,6,6,53,124,137,155,178,150,103,98,82,31,3,0,0,0,13,7,0,3,33,121,186,212,212,196,181,170,170,155,150,144,142,139,137,103,102,105,160,183,196,191,181,178,183,173,157,163,170,155,95,87,137,173,189,178,160,142,97,89,89,85,82,85,129,126,81,75,73,65,51,37,34,35,39,43,47,49,51,61,83,137,150,139,134,129,124,91,88,88,117,117,116,121,134,142,147,157,157,168,168,173,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,82,35,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,246,255,255,248,207,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,155,155,150,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,85,95,105,113,150,176,189,178,156,153,165,202,233,233,217,189,123,107,123,145,217,233,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,230,222,202,191,135,129,121 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,168,183,204,212,207,207,209,215,220,220,212,173,47,0,0,29,51,73,85,0,81,163,186,202,209,212,207,181,163,178,186,163,113,117,165,178,194,202,191,183,186,186,194,186,176,172,172,173,178,181,179,179,186,194,196,196,194,189,189,194,191,194,196,189,185,187,194,194,191,191,194,189,189,194,194,189,194,204,212,209,212,222,228,225,217,207,199,196,194,183,181,185,186,191,199,199,189,135,133,186,194,196,194,189,185,186,191,196,199,199,196,191,189,189,191,199,202,199,202,207,215,217,212,194,139,139,186,189,199,209,209,209,207,204,199,196,194,189,189,189,187,187,194,204,207,207,202,196,191,189,189,186,194,207,217,222,215,202,189,187,189,194,196,196,196,199,196,196,202,204,204,204,204,207,207,204,199,191,189,187,187,189,194,196,191,189,194,204,204,194,194,199,207,204,196,194,191,190,191,194,199,204,204,202,199,202,202,202,204,204,204,199,196,199,207,209,202,202,209,217,207,194,196,196,189,181,178,181,185,191,202,204,202,199,196,194,191,191,186,139,139,141,191,194,199,202,199,141,138,140,186,186,189,194,199,196,194,196,199,199,199,202,202,199,196,194,196,199,207,212,212,209,202,199,199,199,194,183,178,176,129,119,115,114,113,115,125,131,173,173,126,124,129,191,196,191,183,183,189,189,178,123,119,122,176,189,194,189,178,176,181,183,181,170,129,176,186,191,194,189,181,178,181,186,183,178,174,176,176,173,173,181,186,186,181,181,178,173,170,127,127,170,178,178,176,129,125,126,173,183,176,117,120,178,186,178,129,125,173,186,194,191,183,178,176,176,176,181,183,189,189,186,181,173,123,118,118,127,178,186,194,196,196,194,191,186,186,191,191,189,196,199,196,194,194,194,194,194,191,186,183,183,186,186,186,186,189,189,189,194,199,199,194,189,189,189,189,189,189,191,194,194,191,186,178,135,133,135,181,183,186,186,183,183,186,189,186,183,182,183,186,186,186,189,183,131,119,108,109,127,191,196,196,202,202,196,194,196,202,202,199,198,199,204,204,186,177,181,199,202,196,199,202,204,204,204,209,215,212,207,202,200,200,200,204,209,209,207,207,209,207,202,202,204,207,209,209,207,202,204,207,204,204,202,196,191,183,183,189,202,204,202,183,132,132,133,133,134,178,191,204,202,196,189,178,135,133,132,133,183,191,194,189,178,131,125,123,131,183,191,202,204,202,196,195,195,196,199,204,212,212,209,207,207,204,204,207,209,207,196,143,189,139,132,141,202,212,215,215,215,222,225,228,225,222,217,217,217,222,228,230,228,222,220,225,228,230,225,217,211,212,217,228,230,228,228,228,230,230,233,233,233,228,225,225,225,225,230,225,222,225,131,106,151,215,225,230,230,230,230,233,235,235,235,233,233,230,222,209,204,202,204,202,200,200,207,212,209,207,207,209,212,212,212,215,212,212,212,215,212,212,209,209,209,209,209,207,205,204,205,209,209,209,209,212,212,212,212,212,215,213,213,215,217,222,217,215,212,212,212,209,207,209,215,222,222,222,225,228,228,230,230,228,225,224,224,225,225,228,233,235,233,230,228,228,228,228,228,230,233,235,235,235,235,233,230,233,235,225,202,149,202,215,222,222,215,213,213,217,222,225,222,217,215,215,215,217,222,225,225,225,225,212,199,199,209,212,211,212,217,212,211,215,222,222,217,215,215,217,220,222,222,222,217,209,199,196,199,199,199,199,199,196,189,139,137,137,137,137,137,139,186,196,202,202,199,194,196,204,215,215,215,215,217,225,228,228,225,225,228,228,225,222,225,225,225,225,222,222,225,230,230,225,217,215,217,217,209,204,207,209,212,212,209,207,208,209,215,215,215,212,209,207,207,207,207,204,199,196,194,191,191,194,194,191,189,186,183,183,183,186,186,186,186,183,181,178,178,178,178,178,178,178,178,178,178,178,178,178,176,176,178,181,181,181,181,176,170,129,129,129,173,181,183,181,178,181,183,183,181,181,178,181,181,176,176,178,178,178,176,131,127,124,126,131,176,181,191,194,194,191,186,182,182,183,189,191,189,186,183,183,186,191,194,194,194,199,204,204,199,194,191,191,191,191,189,189,189,189,189,194,204,209,215,220,222,217,222,230,235,233,225,215,215,212,202,204,222,176,207,241,255,255,251,230,217,222,233,241,243,238,225,238,255,139,37,7,3,0,0,0,0,0,0,0,0,108,142,82,33,0,0,0,255,255,255,225,129,95,77,82,95,85,74,47,19,0,0,0,0,0,0,113,9,0,0,5,0,0,0,181,142,87,69,51,39,15,0,0,0,0,0,0,0,41,202,255,255,255,255,255,255,0,255,255,254,255,255,255,255,255,255,255,196,0,0,0,0,0,0,204,176,139,0,0,0,0,0,0,0,0,0,0,0,51,98,121,116,82,105,168,170,152,163,189,220,233,255,255,255,255,255,255,255,255,255,255,255,255,255,255,183,107,75,53,49,75,144,152,124,47,19,11,19,9,7,23,33,35,37,72,56,0,0,0,0,0,0,0,0,0,31,61,13,0,0,0,0,0,0,0,0,51,105,45,15,53,113,137,186,255,255,255,233,209,217,137,75,207,255,255,65,0,0,0,0,0,0,0,9,23,83,196,215,204,170,196,230,215,225,251,251,228,181,105,106,168,163,155,178,194,199,194,178,157,157,107,84,81,93,105,107,105,109,147,111,95,91,91,94,142,142,59,30,32,51,79,79,85,99,97,93,142,142,97,95,23,3,73,83,55,49,65,134,194,207,199,199,191,191,196,204,202,173,99,88,97,144,155,155,152,137,89,71,55,55,43,28,18,21,75,53,17,25,93,189,212,215,209,202,183,165,163,160,152,107,105,105,105,101,101,101,109,115,165,170,160,119,115,113,117,168,183,196,196,194,196,191,181,178,178,144,99,85,65,39,41,65,33,31,43,55,55,55,65,81,87,85,81,83,121,134,126,77,51,39,37,36,35,41,51,53,49,49,55,65,69,69,69,75,81,85,113,113,85,80,81,118,129,131,116,79,79,79,113,113,83,83,83,81,71,71,81,113,113,72,66,77,124,118,73,37,20,29,41,53,59,51,40,34,34,38,43,61,99,168,191,194,202,217,230,233,243,255,255,255,255,252,255,255,255,0,0,0,178,0,0,0,0,0,181,144,95,29,16,16,40,66,61,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,11,1,0,4,108,163,170,173,191,183,39,57,49,5,0,0,0,19,31,13,0,0,9,61,152,204,204,189,170,181,176,165,150,144,142,142,139,137,105,144,160,181,189,181,178,168,155,101,89,89,99,97,85,73,91,155,178,178,160,137,89,89,87,85,83,93,134,126,83,75,71,63,53,41,35,35,37,41,47,53,51,61,91,147,155,144,139,139,139,137,126,126,124,121,116,121,137,142,147,157,170,168,168,155,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,113,72,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,255,255,255,238,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,33,53,61,69,116,155,170,160,153,148,160,196,230,233,215,189,127,115,123,145,222,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,228,217,215,202,191,131,121,115 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,137,170,199,204,202,202,202,207,212,217,220,212,160,61,0,0,1,43,11,0,0,83,157,189,196,199,199,191,191,202,199,181,123,119,123,173,189,196,196,191,191,186,181,176,173,173,176,178,181,181,183,186,194,202,202,202,202,194,189,186,183,185,189,191,187,189,194,194,191,194,194,196,199,204,202,194,194,202,209,212,215,222,228,225,212,204,207,207,202,185,182,186,194,204,222,225,204,130,127,133,189,191,189,186,186,186,189,191,196,196,194,190,189,189,191,196,194,191,191,196,207,212,199,131,129,131,139,189,199,199,194,194,199,202,199,194,191,189,189,189,189,191,196,199,202,199,194,189,186,186,185,183,189,207,215,220,215,202,189,187,191,196,202,204,202,199,199,199,199,196,194,191,194,199,202,204,202,194,191,189,187,187,194,196,194,191,194,199,196,191,191,199,204,202,194,191,194,196,199,202,204,207,204,199,199,199,202,202,202,204,204,204,204,207,209,204,202,204,207,194,133,135,137,141,186,189,189,191,191,194,202,204,204,204,204,196,191,194,186,139,138,141,194,202,207,209,202,186,139,141,186,185,186,194,202,199,194,194,196,199,202,199,199,199,199,196,196,196,202,207,209,204,196,194,196,196,189,181,176,131,127,123,121,119,117,119,178,176,131,127,124,122,127,191,199,194,189,183,186,186,178,125,121,125,176,189,189,178,173,176,178,176,129,127,129,173,183,191,191,186,181,178,183,183,178,176,178,181,173,129,170,183,189,186,181,178,173,129,129,127,127,170,173,176,173,129,126,129,178,189,186,123,124,176,181,173,125,123,125,173,178,176,173,176,178,178,181,183,189,191,191,189,186,176,123,117,118,127,181,189,194,196,196,196,194,189,191,194,194,191,196,199,196,194,192,194,194,191,189,186,186,189,189,186,186,189,191,191,191,194,196,196,194,191,189,189,191,191,191,191,194,194,191,186,181,178,178,178,181,183,186,186,183,183,186,189,186,183,183,186,186,183,183,183,183,178,121,110,110,119,178,196,199,202,199,196,196,199,199,202,202,199,199,199,199,191,181,179,186,196,199,202,204,204,202,202,204,207,207,204,200,200,200,200,202,207,207,207,207,207,207,202,196,196,202,207,207,199,191,191,196,202,204,204,199,194,189,183,186,194,199,204,196,186,181,135,134,133,131,132,189,199,199,191,181,181,176,176,178,186,194,194,186,176,129,122,120,127,181,191,202,204,204,199,195,195,195,196,202,209,212,209,204,199,196,199,204,207,207,202,202,207,196,137,145,207,215,215,215,215,222,228,228,225,222,222,222,222,222,228,228,225,221,221,225,228,230,228,222,217,217,225,230,230,228,228,228,228,230,233,235,233,228,225,224,224,228,230,228,222,217,136,117,212,222,228,233,233,230,230,230,233,235,235,235,233,233,230,222,212,207,207,207,207,207,212,215,212,209,209,209,212,215,215,215,212,212,209,209,209,209,209,209,209,212,209,207,205,205,207,209,209,208,209,212,215,217,217,217,215,215,213,215,217,222,215,204,200,204,207,207,207,209,212,217,217,217,222,225,225,228,228,228,225,225,228,225,225,228,230,233,233,230,230,230,228,228,228,230,233,233,230,233,235,233,228,222,225,217,149,143,147,212,222,222,217,213,215,222,225,225,222,222,217,215,215,217,222,225,228,228,225,212,202,202,209,212,209,211,215,220,222,225,228,228,220,217,217,217,217,217,217,220,217,207,196,195,196,199,199,199,196,191,186,141,139,139,137,137,139,141,189,196,202,202,199,194,192,199,209,212,212,212,217,228,230,230,228,228,230,233,228,222,222,222,222,222,217,215,217,225,228,228,222,217,222,217,207,203,203,207,209,212,209,208,208,209,212,215,215,212,209,207,207,207,204,202,199,196,194,191,191,194,194,191,191,186,183,183,183,186,186,186,183,183,181,181,178,178,178,178,181,181,181,181,181,181,181,178,178,178,178,181,181,181,178,176,173,173,129,128,170,176,181,183,181,181,181,181,178,176,178,181,181,178,176,178,178,176,173,170,127,126,129,129,129,173,186,196,196,189,183,182,181,183,189,191,191,186,183,183,186,191,191,191,194,196,202,204,199,194,191,194,194,194,191,189,189,189,194,202,209,212,217,222,222,217,217,228,235,235,230,228,233,230,217,212,228,176,207,241,255,255,241,217,207,225,248,251,243,230,199,183,181,69,25,0,0,0,0,0,0,0,0,0,0,92,142,92,39,129,0,0,255,255,255,246,152,100,74,85,95,85,45,31,1,0,0,0,0,0,168,64,0,0,0,9,0,0,0,202,163,108,87,87,90,53,25,0,0,0,0,0,0,0,134,243,255,255,0,0,255,255,255,255,250,255,255,255,243,207,235,217,176,0,0,0,0,0,255,225,199,150,0,0,0,0,0,0,0,0,0,0,40,118,152,152,137,7,47,196,176,134,152,186,220,241,255,255,255,255,255,255,255,255,255,255,255,255,255,243,176,165,107,69,47,51,85,142,134,57,21,0,0,0,0,0,13,27,35,79,77,0,0,0,0,0,0,0,0,0,69,77,15,0,0,0,0,0,0,0,0,57,111,53,35,113,155,165,202,255,255,254,217,209,191,0,0,116,202,255,65,0,0,0,0,0,0,0,0,0,49,170,196,191,173,137,139,196,235,255,255,235,196,173,176,183,152,96,111,186,194,186,176,113,113,109,89,83,93,107,107,105,107,109,107,95,92,90,94,142,103,51,32,38,67,77,73,76,93,91,79,61,43,0,0,0,19,142,91,0,21,65,150,217,228,199,173,160,170,189,204,202,160,89,81,93,152,155,139,85,81,75,59,45,43,39,31,29,41,75,59,11,20,73,168,191,191,183,173,168,168,165,155,113,107,101,101,95,95,95,101,105,115,173,173,165,119,112,112,115,160,178,183,178,163,176,194,191,189,186,168,144,91,65,41,49,69,49,43,57,59,53,50,59,81,121,87,83,85,124,137,134,83,55,39,43,37,37,51,63,63,59,59,67,77,79,77,79,116,129,129,126,126,85,81,81,83,118,116,77,73,73,75,71,69,65,67,71,67,67,71,85,118,113,79,72,85,113,75,55,31,20,29,47,69,73,59,43,37,41,49,49,53,73,142,178,194,199,209,220,222,233,248,255,255,255,255,255,255,255,255,248,0,0,0,0,178,196,194,170,144,103,46,16,19,61,87,85,43,0,0,0,3,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,19,23,27,87,147,170,173,173,176,163,0,0,0,0,0,0,13,31,35,15,0,0,0,33,124,186,204,189,181,170,170,155,150,144,152,150,150,137,99,103,142,160,173,173,163,150,95,75,59,63,77,81,73,65,83,147,170,178,163,142,99,97,95,87,85,95,139,131,83,75,71,63,57,47,41,35,31,33,43,53,51,61,91,142,150,139,134,139,147,147,144,139,131,131,121,121,137,142,142,147,157,157,147,137,137,152,170,189,0,0,0,0,0,0,0,0,0,0,0,0,113,69,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,255,255,255,255,248,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,27,43,53,61,77,129,160,160,156,155,170,202,225,230,217,194,131,117,123,145,225,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,225,204,202,194,137,129,115,105 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,121,139,155,189,199,202,202,200,202,204,209,220,225,220,204,51,0,0,0,0,0,0,7,73,150,173,178,183,189,194,202,204,191,173,125,123,168,178,186,191,189,189,183,168,168,170,172,176,176,178,183,191,202,207,207,207,207,207,204,199,191,183,186,196,204,196,189,189,189,189,191,194,202,212,215,209,199,194,196,202,212,212,209,217,212,199,196,204,207,204,191,186,194,199,204,212,222,212,137,129,137,189,189,182,182,185,189,191,194,196,199,196,191,191,191,194,194,189,186,186,191,196,191,131,125,127,135,189,194,191,187,187,189,191,194,194,189,191,194,194,194,196,202,199,199,199,196,189,186,185,185,185,183,189,207,215,217,215,202,190,191,199,204,209,212,207,202,202,202,199,196,191,190,191,194,196,194,191,186,186,189,194,194,196,194,191,189,189,189,189,189,189,196,202,196,191,189,191,196,202,204,207,207,204,199,199,202,202,196,194,196,202,202,204,207,204,199,202,209,204,114,110,123,129,133,189,202,207,204,199,199,202,202,202,207,209,199,196,199,194,141,140,189,199,204,207,207,199,189,141,186,186,183,186,196,202,202,194,191,192,199,202,199,199,202,204,199,194,191,191,194,194,186,135,131,133,178,178,133,133,131,131,131,133,131,127,127,176,131,127,127,125,125,173,191,196,194,189,183,183,181,176,127,123,125,173,178,173,121,123,170,129,124,123,126,170,176,181,186,186,181,181,181,183,181,176,176,189,186,173,127,129,181,186,181,178,176,170,127,125,125,125,127,129,170,170,129,127,170,181,191,194,176,129,176,178,173,127,123,124,127,127,127,127,170,178,181,183,186,189,191,191,191,189,183,129,119,118,127,181,194,196,196,196,199,196,194,194,196,194,191,196,202,202,196,192,194,194,191,189,186,186,191,191,189,189,191,191,191,191,194,196,196,196,194,191,191,191,191,191,191,191,191,194,191,186,183,183,183,183,186,186,186,183,183,183,189,189,186,186,189,189,183,179,181,183,181,176,125,117,111,123,196,199,196,194,194,196,199,199,202,204,207,204,199,196,196,191,181,181,194,202,204,204,204,202,199,196,196,202,202,202,204,204,202,204,207,207,207,207,207,207,202,191,183,191,202,199,186,135,135,183,199,207,204,199,194,189,186,186,189,194,199,204,196,183,181,181,178,133,132,181,191,191,183,135,178,178,178,181,189,194,194,183,133,125,119,117,123,181,194,204,207,207,202,199,196,196,199,202,207,212,209,202,196,195,196,202,207,204,207,212,217,207,145,199,215,217,215,215,217,222,225,228,225,225,225,225,222,222,225,225,222,222,222,222,228,228,228,225,222,225,228,230,230,228,228,228,228,230,233,233,233,230,225,224,225,230,233,230,228,222,202,143,225,230,233,233,233,233,230,230,233,238,238,238,235,235,233,228,217,209,209,212,215,215,217,217,212,212,209,209,212,212,215,215,215,212,209,208,208,208,209,209,212,215,212,212,209,207,207,209,209,208,209,212,215,217,217,217,217,217,215,215,217,222,215,202,198,202,207,207,207,209,212,217,217,217,217,217,217,217,225,225,225,228,228,225,222,225,228,233,233,230,230,230,228,228,228,230,233,230,228,228,228,225,215,212,215,225,151,143,146,207,217,217,215,215,222,225,228,225,222,222,222,222,217,215,211,215,228,230,222,209,200,200,209,212,211,209,212,222,225,230,230,230,225,222,222,220,217,217,217,217,215,207,199,196,199,202,202,199,194,189,141,139,139,139,137,137,139,141,186,189,194,199,202,196,192,194,199,202,204,209,217,225,228,230,228,230,233,233,228,222,225,225,225,222,215,213,215,222,225,228,225,225,225,222,212,204,204,204,207,209,209,209,209,209,209,212,212,212,209,207,207,207,204,202,199,196,194,191,191,194,194,194,189,186,183,183,183,186,186,183,183,183,181,181,178,178,178,178,181,181,181,181,181,181,181,181,178,178,181,181,181,181,178,176,176,176,170,128,128,173,178,181,183,181,178,176,176,176,178,178,178,178,178,176,176,173,170,170,170,173,173,131,127,129,183,194,196,191,183,182,182,186,189,194,191,186,183,183,186,191,191,191,191,189,194,196,191,189,189,191,194,194,194,191,191,191,194,204,212,215,217,220,217,212,215,225,235,238,238,238,241,238,225,217,230,177,207,241,255,255,251,212,196,230,255,255,235,212,178,142,91,61,25,0,0,0,0,0,0,0,0,0,0,0,31,11,0,95,168,194,186,194,215,176,100,33,7,19,72,77,45,27,1,0,0,0,0,13,41,9,0,0,0,17,0,0,0,176,144,92,46,43,48,90,90,19,0,0,0,0,0,0,7,144,228,255,0,0,0,255,255,255,255,255,255,251,189,144,150,157,165,160,199,255,255,255,254,222,191,131,3,0,0,0,0,0,0,0,0,0,0,64,82,59,0,0,0,170,129,57,126,183,222,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,222,222,194,99,41,21,43,87,137,77,37,0,0,0,0,0,0,5,23,64,74,0,0,0,0,0,0,0,0,0,61,61,1,0,0,0,0,5,0,0,0,51,103,65,65,155,189,191,220,255,255,248,238,241,199,0,0,0,0,77,0,0,0,0,0,0,0,0,0,0,27,163,181,170,131,25,14,150,230,251,255,255,212,176,176,176,98,88,99,178,178,178,168,105,99,107,105,93,103,113,113,107,105,102,103,101,103,101,105,147,103,57,40,48,81,81,74,85,134,97,77,37,1,0,0,25,150,89,0,0,9,73,170,217,217,170,142,144,152,176,196,194,152,97,91,97,137,93,61,23,17,45,67,41,45,41,37,43,53,59,49,17,29,73,142,157,160,163,170,186,191,186,170,152,107,105,99,93,91,94,99,101,117,173,186,186,168,155,112,117,160,178,183,176,157,173,199,199,194,189,183,165,139,83,55,59,69,59,57,69,61,48,46,53,77,121,121,121,118,126,144,157,134,75,55,55,51,51,65,83,87,87,81,79,79,77,73,79,116,129,131,126,126,121,85,83,79,77,75,71,71,71,71,65,63,57,57,61,61,65,71,116,124,121,116,113,85,59,49,45,37,29,35,41,53,69,59,51,47,55,69,59,51,61,95,168,199,207,212,220,222,233,246,255,255,255,255,255,255,255,255,230,215,0,0,165,155,163,168,165,165,150,79,19,40,82,108,92,43,7,0,7,20,22,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,69,113,134,144,147,150,157,157,116,0,0,0,0,0,35,51,45,33,9,0,0,0,27,85,168,189,189,181,170,157,152,144,144,152,163,157,137,97,94,97,101,142,152,150,97,75,45,27,35,55,67,65,65,77,137,163,176,168,152,139,142,139,97,93,129,139,126,81,75,67,61,59,57,49,35,23,25,35,41,51,61,87,134,142,131,131,131,142,147,147,147,142,139,129,129,137,134,134,139,150,144,131,121,129,142,170,196,0,0,0,0,0,0,0,0,0,0,0,0,124,79,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,255,255,255,255,246,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,29,45,59,73,121,150,165,165,165,178,196,225,233,222,196,131,117,127,151,230,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,215,196,141,135,129,117,105,97 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,142,144,147,170,194,199,202,202,204,204,204,212,217,220,217,220,19,0,0,27,69,85,83,89,150,163,170,178,186,194,199,196,189,178,170,127,127,170,178,183,183,186,186,166,168,170,170,173,173,176,186,202,212,215,212,212,209,209,209,207,196,186,189,204,212,204,186,182,182,186,189,191,199,209,212,204,196,189,186,194,202,183,114,131,183,186,191,191,196,199,194,191,194,194,194,191,202,204,196,189,189,194,191,182,182,186,196,199,199,196,196,196,199,202,202,196,191,186,185,186,194,194,141,129,126,133,202,209,194,177,178,191,194,187,187,187,189,194,199,204,207,207,204,199,199,199,199,191,186,186,186,186,186,196,212,222,222,217,209,202,202,207,215,217,215,207,202,202,202,202,202,199,194,191,189,185,185,183,182,183,191,199,202,196,191,187,187,187,186,187,189,186,191,196,194,186,185,185,191,202,204,207,207,204,202,202,204,204,196,191,191,192,196,196,194,194,194,204,217,212,114,110,126,131,135,191,204,209,204,196,196,199,196,196,204,209,204,202,209,204,196,189,189,194,194,191,189,189,186,141,186,185,183,186,196,202,202,194,190,191,199,204,199,199,204,204,199,194,191,189,183,133,126,122,120,123,127,133,133,176,176,176,178,178,178,176,173,127,125,126,131,173,131,176,186,191,191,189,186,186,181,176,129,127,127,129,125,114,112,117,127,127,125,125,170,178,178,178,178,178,178,181,183,183,181,176,178,186,183,170,126,129,178,181,178,176,176,173,129,127,124,124,125,127,129,129,129,170,173,181,186,186,178,129,129,170,173,170,125,124,125,125,125,125,129,176,181,181,183,186,189,191,196,194,189,178,125,118,121,133,191,199,199,199,199,199,196,199,199,194,191,199,207,204,199,194,194,194,191,189,186,189,194,194,191,191,194,194,194,194,194,196,199,199,196,194,191,189,189,191,189,189,191,194,194,189,189,189,189,189,189,189,189,186,183,183,189,189,189,189,191,191,183,179,179,181,183,181,133,121,98,99,186,194,191,191,191,194,196,199,202,207,209,209,202,199,202,204,185,179,189,202,204,204,202,199,196,192,191,194,199,202,204,207,207,207,207,207,209,209,209,212,207,189,131,137,189,183,132,129,130,135,196,207,204,199,191,189,186,186,189,191,194,202,196,181,179,189,191,191,183,183,183,183,135,132,132,176,176,178,186,191,191,183,176,129,120,117,125,186,199,207,207,207,204,202,202,202,204,209,212,209,207,202,199,196,199,204,209,207,209,215,215,207,196,202,215,217,217,217,217,222,225,225,225,225,225,225,222,222,225,228,225,225,222,222,222,225,225,222,222,228,230,230,230,230,230,230,230,230,230,233,233,230,228,228,228,228,228,230,233,228,215,209,228,233,233,235,235,233,230,230,230,233,233,233,233,230,230,228,222,215,212,215,217,222,222,217,215,212,209,209,209,212,215,217,217,215,209,208,208,208,209,215,215,217,217,215,215,212,209,209,209,209,209,212,212,215,215,217,217,217,217,217,222,222,215,207,202,207,209,212,212,215,222,225,225,222,217,212,209,209,215,225,228,225,222,222,222,222,228,230,233,230,228,230,228,228,230,233,235,235,228,215,202,149,149,202,215,228,212,151,202,209,209,209,212,215,222,225,225,225,225,225,225,228,228,215,207,208,217,228,225,212,202,202,209,215,215,212,215,220,225,228,230,228,228,228,225,225,222,222,222,222,217,209,204,202,204,207,207,202,194,186,141,139,139,139,137,137,137,139,141,140,141,194,202,204,196,192,192,194,196,204,215,225,228,228,230,230,230,228,225,225,228,230,230,225,220,215,215,217,225,228,228,228,228,225,217,212,207,204,204,204,209,212,215,212,212,212,215,212,212,209,209,207,204,202,196,196,194,191,191,194,194,194,189,186,183,183,183,183,186,183,183,183,181,181,178,178,178,178,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,178,178,178,173,129,129,170,176,178,181,181,178,174,174,176,181,181,181,181,178,176,173,170,170,170,173,176,176,129,125,129,181,189,191,189,186,183,183,186,191,194,194,189,186,183,183,186,189,186,186,183,186,191,191,187,187,187,189,194,194,194,194,196,199,207,212,215,215,209,207,207,215,228,235,241,241,241,241,238,222,212,220,166,194,225,255,255,243,204,196,233,255,241,199,191,176,142,91,75,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,79,95,121,155,134,57,6,0,0,0,72,79,41,9,0,0,0,0,0,0,0,0,0,0,5,41,0,0,118,118,79,39,34,41,108,142,111,7,0,0,0,0,0,0,27,129,199,0,0,255,255,255,255,255,255,255,255,196,137,124,127,150,220,255,255,255,255,238,215,191,131,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,21,11,57,168,217,251,255,255,248,255,255,255,255,255,255,255,255,255,255,255,255,243,207,99,29,4,13,63,134,129,73,33,0,0,0,0,0,0,0,29,56,13,0,0,0,0,0,0,0,0,17,17,0,0,0,0,1,9,0,0,0,39,100,103,111,155,181,191,220,254,255,254,254,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,163,196,152,61,15,9,37,160,230,255,255,215,150,105,109,95,90,107,176,170,170,163,89,75,95,155,113,157,170,170,160,111,107,107,147,163,163,163,163,142,73,51,71,89,87,91,144,163,134,73,45,11,0,31,207,142,0,0,0,47,93,160,191,170,89,83,142,160,181,186,163,134,93,97,77,55,53,43,0,0,0,13,35,55,45,33,37,49,47,41,47,65,85,97,103,105,152,173,202,209,204,183,155,105,99,95,93,94,99,101,109,115,168,189,196,189,168,117,113,155,165,178,165,160,183,199,199,199,189,155,152,155,142,85,69,67,65,69,81,67,48,46,51,73,87,87,85,79,89,144,168,173,144,89,79,67,67,83,139,150,150,142,118,81,72,69,72,81,85,85,113,113,85,85,77,73,67,63,65,67,69,71,69,65,61,57,56,56,65,81,118,124,121,116,113,75,47,41,45,49,43,41,35,45,51,51,45,45,53,61,55,53,63,93,160,202,215,217,228,233,241,243,251,255,0,0,255,255,255,254,222,222,225,0,178,155,152,160,173,189,183,129,48,0,0,0,79,38,3,0,0,13,22,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,35,98,121,108,105,113,126,131,108,33,13,17,57,113,124,111,71,53,31,5,0,1,35,83,150,173,168,168,157,155,147,139,137,142,147,150,137,99,94,93,92,95,139,139,89,61,23,11,19,45,61,61,65,77,97,163,178,173,157,150,150,147,134,93,134,142,126,79,73,67,63,63,61,55,37,21,15,21,31,43,55,81,121,126,124,124,131,139,147,152,152,150,147,137,129,126,126,124,131,131,129,121,121,137,165,178,196,0,0,0,0,0,0,0,0,0,0,0,0,131,95,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,255,255,255,255,215,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,33,55,73,129,160,170,178,178,189,204,222,233,225,194,127,119,131,204,233,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,235,209,145,131,123,117,107,97,91 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,0,0,0,0,0,0,0,0,9,92,129,139,157,181,191,196,204,207,207,204,207,209,212,215,215,173,5,41,202,235,248,233,191,168,165,168,170,173,181,189,186,183,181,176,173,170,170,173,178,178,183,191,172,173,178,178,183,178,176,181,199,212,215,215,215,204,202,202,202,196,186,186,194,204,196,183,182,183,186,189,189,189,186,183,186,189,186,183,186,189,117,96,108,121,131,183,183,189,191,186,141,189,189,186,189,186,189,196,199,196,196,199,196,191,191,199,204,199,194,192,196,204,212,209,199,191,186,186,189,194,196,189,133,131,186,212,225,189,169,176,204,202,189,187,189,196,202,204,212,217,212,196,189,191,196,199,196,194,194,196,199,196,204,217,225,225,225,217,212,204,209,220,222,209,202,199,202,202,202,204,202,196,191,186,185,185,186,186,191,199,202,199,196,191,189,189,187,187,191,196,189,186,189,189,186,185,186,191,196,199,204,207,204,202,202,204,204,199,192,191,192,194,191,189,189,194,207,222,222,194,139,191,186,186,191,196,196,196,194,194,196,194,194,202,207,204,207,215,215,204,191,139,137,137,137,137,139,139,141,189,186,185,186,194,199,199,196,191,194,204,207,202,202,204,202,199,196,194,189,135,126,124,123,122,126,176,183,186,191,191,189,183,178,178,183,181,127,125,129,178,181,178,178,181,186,189,189,191,189,183,176,170,127,170,129,115,109,110,117,129,173,178,181,178,181,181,178,174,174,176,178,181,181,178,173,173,173,129,126,126,173,181,181,176,176,178,178,173,170,127,125,125,125,127,129,170,176,178,181,181,178,173,127,126,128,170,170,127,125,125,125,127,127,129,131,173,178,183,186,189,194,199,199,189,173,123,117,117,127,189,199,202,199,199,196,199,202,199,196,194,202,207,207,202,196,194,191,191,189,189,189,194,194,191,189,194,196,199,196,196,196,199,202,199,194,189,186,186,189,189,189,189,194,194,191,191,191,194,194,194,191,191,191,186,186,189,191,191,194,196,194,191,183,183,186,186,178,131,117,94,94,178,194,199,194,189,189,194,202,207,209,212,212,207,202,204,207,191,181,183,199,202,202,202,204,199,194,190,190,192,199,202,204,204,207,207,207,209,209,212,215,212,191,131,131,137,135,132,131,131,133,191,202,202,194,186,185,186,189,191,189,189,196,194,181,179,191,199,202,199,194,181,135,178,135,133,132,132,133,181,186,186,183,178,133,123,121,131,189,196,204,207,207,207,204,204,204,209,212,212,209,207,207,204,202,204,207,212,217,215,212,207,202,194,196,207,215,217,222,222,222,222,225,225,225,225,222,220,222,225,228,228,228,225,222,220,220,217,215,217,225,228,230,230,230,230,230,228,228,228,233,233,233,230,230,228,221,220,228,233,230,220,212,222,230,233,233,233,233,230,228,222,217,215,217,217,222,222,225,225,222,217,217,217,222,222,217,215,212,209,209,212,212,217,222,222,217,215,212,209,212,215,217,217,217,217,217,217,215,212,212,209,209,212,209,209,209,212,212,212,217,222,222,217,217,212,212,212,215,215,217,222,225,228,230,228,222,215,211,208,209,217,228,228,225,222,222,222,225,228,228,228,228,228,228,228,230,230,235,238,238,233,215,148,143,143,149,209,222,215,212,215,212,208,207,209,215,217,217,222,228,230,228,228,230,233,222,208,207,212,225,225,217,207,204,212,222,222,222,222,222,228,228,228,228,228,228,230,230,228,228,228,228,222,215,212,212,212,212,212,207,196,189,141,141,141,139,137,137,137,139,141,141,141,189,202,207,204,196,194,192,194,202,209,215,217,228,235,235,233,225,224,225,230,230,230,230,228,222,217,222,225,228,230,228,225,222,215,212,209,204,204,204,207,212,215,215,215,215,215,215,212,212,209,209,207,202,196,196,194,191,191,194,194,194,191,186,183,183,183,186,186,186,183,183,181,181,178,178,178,178,181,181,181,181,181,181,181,181,181,181,181,183,181,181,181,178,178,178,176,173,170,173,173,176,178,181,178,174,176,178,181,181,181,181,181,176,173,170,170,170,173,176,170,123,119,123,173,183,189,186,183,183,183,189,191,194,194,191,186,183,181,181,181,178,178,181,186,194,196,191,189,187,189,194,196,199,199,199,202,207,212,212,207,198,196,202,215,228,235,238,238,238,238,235,222,212,215,157,177,202,233,243,233,199,192,222,235,194,160,173,183,173,152,134,83,37,0,0,0,5,0,0,0,0,0,0,0,0,0,0,0,9,29,85,137,165,142,45,0,0,0,79,90,43,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,116,108,85,64,87,144,191,152,33,0,0,0,0,0,0,9,55,150,0,0,0,255,255,255,255,255,255,255,235,144,124,131,189,255,255,255,255,215,202,207,196,134,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,81,196,238,255,248,233,248,255,255,255,255,255,255,255,255,255,255,255,233,173,85,25,5,13,57,0,0,139,113,0,0,0,0,0,0,0,13,35,37,7,0,0,0,0,0,0,0,1,11,7,0,0,0,3,3,0,0,0,37,100,118,118,134,144,165,191,241,254,254,255,255,199,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,178,212,163,47,29,25,21,37,183,251,233,160,79,83,99,98,98,155,170,168,178,163,73,62,79,170,181,178,181,181,178,160,157,160,173,181,183,176,173,150,91,73,79,89,91,142,178,168,83,61,63,65,77,89,69,0,0,1,91,93,131,150,157,83,65,71,142,157,157,150,89,65,67,59,39,34,39,49,25,0,0,0,17,55,49,24,27,43,47,43,89,103,105,97,96,97,105,160,196,207,204,176,117,101,95,94,95,101,105,109,109,109,157,173,204,196,170,117,111,111,155,157,155,165,183,191,199,204,155,41,85,170,173,142,89,75,75,81,124,79,59,50,59,69,79,75,61,61,73,134,168,186,176,150,121,73,71,116,139,157,157,157,137,87,73,69,69,75,75,73,75,79,79,79,77,69,61,55,55,59,65,67,71,69,69,61,55,56,71,85,118,118,83,79,79,67,51,44,53,51,41,35,41,47,51,45,37,34,35,41,49,57,77,101,160,194,217,228,228,233,241,243,251,255,0,0,0,255,255,238,222,233,241,0,196,170,155,152,165,189,191,0,0,0,0,0,0,38,0,0,0,20,40,40,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,43,45,66,87,111,121,116,116,118,137,155,168,170,157,144,137,121,61,9,15,47,85,144,155,155,155,157,150,144,137,131,131,133,139,147,144,103,95,92,94,137,139,91,59,19,8,14,43,57,61,65,77,95,163,178,178,163,150,157,147,129,93,134,142,126,75,73,71,63,63,63,55,37,15,11,9,19,33,51,67,83,121,118,124,131,139,147,152,157,157,147,137,121,118,116,116,116,121,113,113,129,152,191,204,204,0,0,0,0,0,0,0,0,0,0,0,0,0,113,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,255,255,255,238,168,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,21,43,67,121,152,170,178,178,189,207,225,233,225,189,123,123,137,207,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,235,207,137,121,115,105,105,97,91 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,25,0,0,0,0,0,0,0,0,0,25,121,144,160,173,186,196,202,204,204,204,204,207,207,202,181,25,97,217,225,230,228,209,186,178,178,173,165,156,152,173,178,178,178,178,178,176,173,176,178,181,183,178,183,191,196,199,189,133,130,176,191,204,209,207,196,191,191,196,196,189,181,133,137,183,183,189,191,191,194,191,137,128,128,135,186,189,186,139,183,133,115,119,123,127,131,139,141,141,138,138,141,186,186,189,181,181,194,204,199,199,204,207,194,190,191,196,194,192,194,202,209,217,215,202,191,186,186,191,194,194,186,135,137,194,212,222,194,179,187,207,204,194,194,196,207,209,207,212,217,207,141,138,140,189,196,199,202,204,209,212,209,212,222,222,225,225,222,217,204,204,215,215,204,194,196,199,199,196,199,202,202,199,199,194,194,194,194,196,199,202,199,196,196,196,196,194,194,199,204,194,186,139,183,186,191,196,199,196,194,199,202,202,199,199,202,202,199,196,194,196,196,194,189,189,196,207,212,215,204,196,196,194,191,191,190,190,191,194,191,194,194,196,199,204,204,204,212,215,204,189,134,132,134,136,137,137,139,186,191,191,186,189,194,196,196,194,194,199,207,209,204,204,204,199,191,191,189,178,127,125,127,131,181,191,196,199,199,204,207,199,189,181,181,186,186,176,133,181,189,191,186,181,183,189,186,186,191,191,189,181,170,129,173,129,115,110,112,121,170,181,186,183,178,178,181,183,176,173,174,176,178,173,170,170,129,125,124,125,129,178,181,178,173,173,178,178,176,173,170,127,127,125,125,129,173,181,186,186,181,178,176,170,128,170,173,129,127,124,124,125,129,129,129,128,131,181,189,191,191,196,202,199,183,115,115,116,117,125,189,202,202,199,196,196,196,199,199,196,194,199,207,209,202,196,194,191,191,189,186,189,191,191,189,189,194,199,202,199,199,196,196,199,199,191,183,181,181,186,189,191,191,194,194,194,194,196,196,196,196,194,196,194,191,189,191,194,196,199,199,199,196,194,191,191,189,176,127,119,103,102,123,189,202,199,189,186,194,207,209,212,212,209,207,204,202,204,196,182,181,194,202,204,207,207,207,199,192,191,192,199,202,202,204,209,209,209,207,209,215,217,212,196,135,130,131,133,139,183,139,139,186,191,194,191,185,185,186,191,191,186,186,191,191,183,181,189,199,207,209,202,183,135,183,181,135,132,131,132,176,181,181,178,176,131,125,123,131,178,181,194,202,204,207,207,204,204,207,209,209,209,209,209,209,207,204,207,212,222,215,207,199,194,194,194,202,209,217,222,225,222,222,222,222,222,225,222,222,222,225,228,228,228,225,222,217,217,215,213,213,222,228,228,228,230,230,228,225,222,222,228,230,233,233,233,230,220,218,225,230,230,222,209,215,230,235,233,233,233,230,225,217,212,211,212,213,215,222,228,230,230,222,215,217,217,217,215,212,209,209,212,212,215,217,222,222,217,217,215,212,215,215,217,217,217,217,217,217,215,215,212,212,212,212,209,209,208,208,209,212,217,222,222,217,212,211,212,215,217,217,222,225,228,230,230,228,222,217,215,212,215,225,230,230,228,225,225,225,225,225,225,225,228,228,230,230,230,233,235,238,241,241,230,204,146,145,151,209,209,209,212,222,217,209,209,215,217,215,213,217,228,230,228,225,228,230,228,215,211,212,217,217,217,212,212,217,225,228,228,228,228,230,230,228,228,228,228,230,233,233,233,233,230,225,220,217,222,220,217,215,209,202,194,189,186,186,141,139,139,139,141,189,191,189,191,202,207,207,202,202,202,202,202,202,196,147,204,228,235,233,228,225,225,230,230,230,233,233,228,225,225,225,230,230,228,217,212,209,209,209,207,204,204,207,212,215,215,217,217,215,212,212,212,212,212,207,202,199,196,194,191,191,194,194,194,191,189,186,183,186,186,189,186,183,183,181,181,178,178,178,178,181,181,181,181,181,181,181,181,181,181,183,183,181,181,181,181,181,178,178,178,176,176,176,176,178,178,176,176,176,178,181,183,183,181,178,173,170,170,129,170,173,173,125,117,116,118,129,181,186,186,183,183,183,189,191,191,191,191,186,181,178,178,177,177,178,183,191,196,199,194,189,187,189,191,194,194,194,194,199,204,207,207,199,195,195,199,212,225,233,238,235,233,235,241,233,217,220,157,170,189,209,217,207,196,192,204,186,151,147,165,183,168,152,152,0,144,131,108,69,45,23,0,0,0,0,43,11,0,0,0,0,0,0,7,92,152,152,124,19,7,0,74,43,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,139,181,160,116,79,108,152,134,39,0,0,0,0,0,0,23,55,134,0,0,0,255,255,255,255,255,255,255,255,196,150,199,255,255,255,255,209,0,0,0,168,108,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,144,220,246,230,209,235,255,255,255,255,255,255,255,255,255,255,255,233,165,69,29,9,14,43,75,113,134,134,45,0,0,0,0,0,0,0,35,79,56,0,0,0,0,0,0,0,0,17,35,5,0,0,7,0,0,0,5,49,95,113,113,111,121,155,183,217,241,248,254,248,220,202,150,0,0,0,29,163,0,0,0,0,0,0,0,49,160,202,220,199,79,79,93,33,19,53,95,65,73,79,89,105,109,155,168,168,168,178,163,70,61,77,173,186,181,181,181,181,173,173,176,183,181,176,176,173,150,101,87,83,85,89,144,183,150,65,56,71,91,97,45,7,0,7,150,155,142,134,147,142,73,62,71,131,89,33,0,0,33,51,49,34,32,39,55,61,27,0,0,11,51,63,27,28,69,77,79,150,157,150,105,103,105,147,160,186,196,194,170,113,101,99,99,101,109,115,115,113,115,119,170,196,189,170,152,111,111,150,152,152,176,194,202,204,199,55,0,9,142,142,134,134,95,87,124,131,93,79,75,71,69,67,63,53,55,73,126,168,186,183,165,121,71,68,77,118,137,142,150,144,134,83,73,77,81,75,71,73,77,79,79,77,69,63,55,52,53,54,59,65,67,67,59,55,59,81,121,118,81,69,67,69,77,65,59,57,45,31,34,59,71,71,53,39,31,30,32,43,57,81,95,147,181,209,220,220,222,233,243,251,0,0,0,0,255,255,238,225,235,248,0,209,178,163,152,144,163,165,118,0,0,0,0,0,0,30,13,0,0,87,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,33,77,105,116,124,163,181,194,189,186,194,189,181,168,129,61,11,21,55,89,139,144,147,150,157,157,144,134,130,130,133,137,150,160,157,103,95,97,139,152,95,63,19,8,17,45,61,61,65,83,137,173,186,186,163,150,150,144,95,90,134,144,93,73,73,73,65,63,61,51,37,23,6,2,5,23,45,61,75,116,116,124,131,139,147,152,155,157,147,129,113,105,103,98,105,113,111,118,142,173,199,212,209,0,0,0,0,0,0,0,0,0,0,0,0,0,142,95,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,202,118,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,27,51,73,129,160,170,178,196,217,233,233,217,189,123,123,137,217,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,233,207,135,115,105,101,101,97,91 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,20,0,0,0,0,53,0,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,90,129,147,155,165,181,186,191,194,194,194,196,194,160,81,33,155,207,215,217,217,209,194,189,191,183,176,161,152,173,176,173,173,178,183,181,173,173,178,183,183,183,189,199,209,209,196,131,126,125,130,189,202,202,194,189,186,191,196,186,135,131,133,135,186,196,199,194,196,196,131,124,127,181,189,186,139,138,183,194,202,196,183,133,131,139,141,141,138,139,191,196,194,186,179,179,194,204,204,202,204,204,194,189,190,194,194,194,199,204,212,215,212,204,194,186,186,191,194,191,186,139,189,204,215,215,202,194,194,194,194,189,186,189,199,204,202,204,207,199,141,139,140,186,191,196,204,215,222,222,215,215,217,217,215,217,217,212,202,196,204,207,199,194,194,199,196,194,196,202,207,212,212,202,196,196,194,196,199,199,199,199,202,204,202,196,199,207,209,196,139,137,139,189,194,199,202,196,194,194,196,196,194,196,199,196,196,196,194,194,194,191,141,186,196,202,202,202,199,191,189,191,194,194,190,190,196,196,190,189,194,196,199,202,204,202,202,202,199,189,136,134,136,141,141,139,141,191,196,196,191,189,189,191,191,191,194,199,207,209,207,204,202,194,183,181,137,131,126,129,178,186,191,199,204,204,204,207,207,199,191,183,183,186,186,181,183,194,204,204,199,196,196,199,191,186,189,191,189,183,173,127,129,129,121,114,115,123,170,178,176,172,172,176,183,186,181,176,176,176,173,129,127,127,127,125,125,129,178,183,181,173,170,176,178,176,173,170,129,129,129,127,127,170,178,186,189,186,181,181,186,186,183,186,178,127,124,124,124,127,173,176,173,131,176,186,194,196,196,199,199,191,131,110,114,119,119,125,183,199,202,199,195,195,195,199,199,196,196,199,207,209,204,196,194,191,191,186,183,183,186,189,189,191,194,199,199,199,196,194,194,194,194,189,181,178,179,183,191,194,194,194,192,192,194,199,199,202,199,196,199,199,196,194,196,196,199,199,199,199,199,199,196,196,191,133,129,131,119,109,107,110,178,196,189,186,194,207,212,212,212,209,204,202,204,202,199,189,183,191,199,204,209,209,209,204,199,194,196,202,202,202,204,212,215,212,209,209,215,217,209,194,139,130,127,129,183,194,194,191,186,189,191,189,186,189,191,191,189,189,186,183,181,181,181,186,199,209,212,207,191,181,181,178,135,133,133,133,176,176,176,131,129,127,123,122,127,127,125,135,194,204,207,207,204,203,204,207,207,209,212,209,207,204,204,207,212,215,209,202,191,145,191,191,196,209,217,225,225,222,222,222,222,222,225,225,225,225,225,225,222,225,225,222,222,217,215,213,213,222,225,228,228,230,228,225,215,212,215,222,228,230,233,233,233,225,222,222,225,225,217,208,212,233,238,235,235,233,230,225,217,213,213,215,215,215,222,228,233,230,222,215,215,217,215,209,209,208,209,212,215,217,222,225,222,217,217,217,215,215,215,215,215,215,215,215,215,215,215,215,215,212,212,209,209,209,209,209,212,217,222,222,217,212,211,211,212,215,217,222,225,228,228,228,225,220,217,217,217,222,228,230,230,228,225,222,222,222,222,225,228,230,230,233,230,230,230,233,235,238,241,238,225,209,207,215,217,212,207,207,212,217,217,215,217,217,215,213,215,225,228,225,225,225,228,228,225,222,217,217,215,215,215,217,225,228,228,228,228,228,230,233,228,225,228,230,230,233,230,233,233,230,222,220,222,225,225,222,217,209,202,196,189,186,186,141,139,137,139,141,186,191,191,196,204,207,207,204,207,209,212,209,204,139,107,100,103,207,217,217,222,225,228,230,230,233,233,230,228,225,228,230,233,228,212,207,207,209,209,209,209,209,209,209,212,217,217,217,212,209,209,209,212,212,209,204,199,196,194,191,191,194,194,194,191,189,189,186,189,189,189,189,186,183,183,181,178,178,178,181,181,181,181,181,181,181,181,181,181,183,183,183,181,181,181,181,181,178,178,178,178,178,178,181,181,178,176,176,173,173,176,181,181,176,173,170,129,129,129,129,129,129,121,116,116,119,131,183,186,186,181,181,183,186,189,189,189,186,183,178,177,178,178,181,183,186,191,194,196,191,189,189,191,189,189,186,139,141,191,199,202,204,202,199,199,204,212,225,233,238,233,230,233,246,243,233,230,170,186,202,207,204,199,199,204,212,183,151,151,176,165,91,85,134,0,212,246,207,124,65,37,0,0,0,5,61,37,0,0,27,33,0,0,0,0,59,111,111,39,39,74,41,5,0,0,0,0,0,0,0,0,3,0,0,0,0,0,0,0,95,142,191,173,100,5,0,45,82,27,0,0,0,7,31,41,49,0,0,0,0,0,255,255,255,255,255,255,255,255,243,246,255,255,255,255,246,0,0,0,0,0,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,202,230,212,191,217,255,255,255,255,255,255,255,255,255,255,255,238,157,55,21,9,10,19,33,33,57,124,95,0,0,0,0,0,0,0,56,121,74,0,0,0,0,0,0,0,0,11,29,1,0,0,0,0,0,0,33,57,63,71,105,118,157,191,202,207,217,233,238,212,235,255,217,0,0,0,53,255,29,0,0,0,0,0,0,160,207,212,222,222,178,163,170,126,25,0,0,9,79,160,160,155,155,165,176,168,163,178,157,76,70,93,170,178,160,157,160,170,165,173,183,183,181,173,173,176,173,150,101,87,79,79,101,165,142,71,71,93,97,83,35,23,59,97,152,155,155,150,157,147,89,73,89,131,51,0,0,0,39,71,51,34,37,51,73,129,129,41,0,33,55,131,75,61,157,163,150,152,150,103,97,109,160,186,202,202,207,204,183,163,115,113,107,111,119,165,168,168,168,173,183,186,186,168,160,152,157,163,165,165,183,209,222,217,144,0,0,0,41,41,51,150,147,95,93,126,129,126,126,81,61,54,52,50,55,79,134,152,163,168,155,121,71,65,68,79,83,87,124,139,134,116,83,116,126,83,74,74,79,79,79,79,77,71,63,53,52,53,59,61,63,61,56,55,63,118,126,116,69,57,52,59,77,116,77,59,35,28,35,71,87,83,69,53,41,35,35,49,61,63,75,101,170,204,212,215,222,233,243,243,0,0,0,0,255,255,246,217,217,0,0,217,189,170,147,129,137,139,98,0,0,0,0,0,0,61,17,0,95,113,79,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,85,111,116,124,183,196,204,202,199,196,178,144,111,45,9,3,21,63,91,137,137,137,144,157,157,147,139,134,137,142,142,150,160,157,144,101,134,152,170,101,63,23,11,23,49,57,59,67,83,137,176,196,186,155,134,142,134,88,88,129,142,91,73,73,77,71,65,57,49,39,25,7,0,1,11,35,55,67,116,118,124,131,139,147,152,150,150,139,118,103,92,90,90,98,105,111,121,144,181,204,209,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,66,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,0,255,235,160,66,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,15,29,61,87,139,152,165,196,225,248,233,207,137,123,123,145,225,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,228,199,131,115,97,97,101,97,91 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,255,7,0,0,0,35,0,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,49,108,137,144,144,168,176,176,176,178,176,181,176,97,79,101,202,204,212,209,207,196,186,186,183,186,202,217,202,186,176,170,169,173,183,181,176,176,183,194,194,191,191,204,215,215,199,178,128,126,129,181,194,199,194,189,186,186,186,129,127,189,183,131,137,194,194,191,194,194,130,125,130,189,191,138,134,137,183,194,199,199,191,183,139,139,186,189,189,196,209,212,209,196,185,183,191,202,204,204,204,204,199,194,196,199,196,196,202,207,209,209,209,204,196,189,186,191,199,202,202,202,209,215,215,209,204,199,186,137,137,133,121,131,141,194,199,199,196,194,189,141,141,186,189,194,207,217,228,228,222,217,215,209,207,207,204,204,199,195,196,199,196,191,191,194,194,194,196,204,209,215,209,190,190,196,199,199,202,202,198,198,202,204,202,199,199,207,207,194,139,137,139,189,194,194,194,194,191,191,191,191,191,194,196,189,189,189,186,183,139,137,137,139,191,194,194,196,194,189,187,187,194,196,194,196,202,199,190,186,191,196,199,202,202,196,192,192,194,194,189,141,186,189,189,189,189,194,199,202,196,189,187,189,189,189,194,199,204,207,204,191,189,186,137,137,181,135,133,181,189,191,194,199,204,204,202,196,194,194,191,189,186,183,181,133,183,204,215,215,209,207,209,209,199,189,189,191,189,183,173,126,127,129,127,121,121,125,173,173,169,168,172,176,181,181,178,178,178,178,170,125,123,125,129,129,170,178,183,183,173,127,129,181,186,181,173,170,129,170,176,173,170,173,181,186,189,186,181,183,189,191,194,191,178,124,124,127,129,173,183,186,183,181,183,191,199,199,196,196,194,181,119,114,121,127,125,125,176,191,199,199,196,195,195,199,199,199,199,202,207,212,209,199,194,191,189,183,182,182,183,189,189,191,194,196,196,196,194,189,189,189,191,189,181,178,179,186,194,196,196,194,192,192,194,199,202,202,202,199,202,204,202,199,199,199,199,199,196,196,199,202,199,196,191,181,178,189,194,133,106,104,117,186,186,186,194,204,207,209,212,209,202,202,204,204,202,196,189,189,196,202,207,209,209,207,202,196,199,202,200,200,204,212,215,217,212,212,215,215,202,186,137,133,126,128,186,196,202,202,194,191,194,191,191,196,196,191,186,189,189,179,178,179,181,183,196,204,207,207,196,189,183,178,178,178,178,178,178,176,133,129,127,125,125,125,129,127,124,131,189,202,207,207,204,204,207,207,204,207,209,207,202,199,204,209,215,212,207,202,189,142,143,142,191,207,217,225,225,222,220,220,222,222,225,228,228,225,225,217,212,215,217,220,222,222,217,213,213,222,225,225,228,228,228,222,212,211,211,217,222,225,230,233,233,228,222,217,213,217,215,207,212,230,238,238,238,235,230,225,217,217,222,222,217,215,215,222,228,228,217,209,212,215,215,209,208,208,209,212,215,217,222,225,222,217,217,217,217,217,215,213,213,215,215,215,215,215,215,215,212,212,209,209,209,212,212,215,215,217,215,217,217,215,215,212,212,212,215,217,222,225,225,225,222,222,222,222,217,222,228,230,230,222,217,213,213,215,222,225,230,230,233,233,233,230,230,230,230,230,235,235,230,222,217,222,228,228,209,207,209,222,225,222,217,217,217,217,222,222,222,222,222,225,225,225,225,228,225,217,215,212,215,222,228,228,228,225,225,225,228,228,225,225,228,230,230,230,230,228,230,228,222,217,217,225,222,217,215,209,204,196,189,141,139,137,135,135,135,137,139,141,189,199,207,209,204,204,209,212,215,217,217,196,102,91,91,103,127,199,209,215,217,225,228,230,230,228,225,225,225,230,233,228,215,207,207,209,212,215,215,212,209,209,212,215,217,215,209,207,207,207,209,209,207,204,202,199,196,194,191,194,194,191,191,189,189,189,191,191,191,189,186,183,183,181,181,178,178,181,181,181,181,181,181,181,181,181,181,183,183,181,178,178,178,178,178,176,176,178,178,181,181,183,181,176,173,173,173,172,173,178,178,173,129,129,129,129,129,129,129,127,123,119,121,129,178,186,186,183,181,178,181,183,186,186,183,183,178,177,178,181,183,186,186,191,191,191,191,189,189,191,194,191,186,137,134,135,143,196,202,204,207,209,209,212,217,228,235,238,233,230,233,243,246,238,235,186,212,217,212,199,199,212,230,241,220,186,191,199,152,43,25,71,142,207,255,228,73,43,31,0,0,0,0,0,0,0,23,113,103,27,0,0,7,45,57,47,33,39,85,31,0,0,0,0,0,0,0,0,13,7,0,0,0,0,0,0,0,92,118,134,134,79,0,0,9,31,19,0,0,1,47,92,92,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,235,178,0,0,0,64,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,27,0,0,57,157,186,212,199,186,209,248,255,255,255,255,255,255,255,255,255,255,215,105,47,21,19,19,23,17,0,0,65,103,23,0,0,0,0,0,0,61,147,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,43,39,45,71,144,189,217,217,204,199,212,209,168,186,255,81,0,0,0,0,255,15,0,0,0,0,0,51,204,220,220,230,243,220,176,170,199,85,0,0,0,176,222,189,168,165,168,176,168,155,163,111,91,91,111,170,170,152,150,152,160,160,168,181,191,183,176,181,183,186,176,142,89,75,72,83,150,150,134,142,165,137,97,67,53,137,157,157,155,173,178,173,157,131,97,144,131,49,0,0,7,134,134,45,34,41,75,139,152,129,59,41,51,63,155,165,155,189,181,157,144,97,89,87,103,183,222,238,230,222,215,204,183,170,163,121,121,173,189,199,194,191,194,199,186,183,168,163,168,181,183,183,178,189,215,235,217,11,0,0,0,17,19,23,163,163,126,90,90,93,131,131,85,61,54,52,52,61,85,129,126,124,124,129,121,73,67,68,77,81,81,87,118,113,81,83,129,129,116,77,79,81,79,79,79,81,77,73,61,59,59,63,61,59,57,53,56,67,126,134,118,65,53,49,52,77,121,118,65,37,31,43,61,79,85,79,71,53,53,55,71,73,63,63,87,152,183,204,220,233,243,243,251,0,0,0,255,255,255,235,191,191,0,0,217,196,178,147,124,121,129,105,0,0,0,0,0,126,61,5,3,53,79,46,5,0,9,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,105,137,139,137,194,194,202,196,199,186,137,65,21,1,0,2,27,69,91,129,129,129,139,152,157,152,152,155,152,160,150,139,147,155,144,142,139,152,160,95,59,23,15,25,49,53,53,65,83,147,181,196,186,150,124,129,129,90,88,129,139,91,71,75,79,73,63,53,45,39,27,9,1,1,11,31,49,67,116,118,124,139,147,155,152,150,142,121,105,71,92,86,85,90,103,113,126,144,173,196,209,209,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,0,248,204,126,27,0,7,0,0,0,144,168,178,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,15,23,53,81,129,139,160,196,233,248,233,204,137,127,131,145,225,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,228,196,131,115,97,93,97,97,91 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,246,251,189,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,25,116,0,0,0,0,0,0,33,33,0,0,0,35,51,31,63,124,124,134,173,194,160,49,34,137,163,170,105,111,181,199,207,204,199,189,168,102,99,122,194,209,215,215,191,176,168,166,173,186,186,181,189,191,199,202,194,196,209,217,215,202,191,189,181,133,178,186,189,189,186,189,191,131,119,126,215,199,120,117,133,183,183,186,186,181,133,137,191,196,183,135,137,183,183,183,189,191,186,139,141,189,191,199,207,217,222,217,207,199,196,202,204,207,204,204,204,207,204,204,207,204,202,204,207,207,207,207,202,196,191,191,194,209,217,209,204,209,215,217,212,207,191,134,137,139,119,119,123,189,202,204,207,191,126,189,139,141,141,141,191,207,222,228,225,225,222,212,207,202,191,191,194,196,199,199,196,191,190,190,191,191,194,199,202,207,212,196,186,190,199,202,202,207,207,199,199,202,202,199,199,202,207,207,194,183,139,183,189,191,191,189,191,191,191,191,191,194,196,196,189,139,135,135,133,131,131,137,189,194,196,196,196,194,191,189,189,191,191,196,202,204,202,194,191,196,204,207,204,199,192,191,196,202,204,202,199,196,196,196,202,202,202,204,204,202,194,189,189,191,194,199,202,207,207,202,189,183,183,181,183,196,202,191,194,196,196,196,202,207,207,199,187,186,189,191,191,183,123,108,91,127,207,215,212,204,207,212,212,204,194,189,189,189,183,173,126,127,170,170,127,127,170,176,173,170,173,176,176,176,176,170,173,178,176,129,123,123,127,129,170,176,178,181,176,121,121,129,181,189,189,181,173,170,176,181,178,176,178,181,183,183,183,186,191,191,189,189,183,129,176,176,178,181,186,191,191,186,186,191,191,196,199,199,194,183,121,115,125,131,133,131,129,133,186,196,202,202,196,196,202,202,199,199,202,204,212,212,202,191,189,186,183,182,182,183,189,191,191,191,191,191,191,189,187,187,189,191,191,189,183,181,189,196,202,199,196,192,191,194,199,202,202,202,202,204,207,204,199,199,199,199,196,196,196,199,202,202,199,194,189,189,194,196,202,191,108,109,129,178,183,191,199,204,204,204,207,207,204,202,202,204,202,194,191,194,202,209,207,207,207,199,196,199,202,202,202,207,212,215,215,209,209,212,212,194,135,135,183,189,191,196,202,207,204,199,196,194,194,194,196,194,186,183,186,186,186,183,183,183,183,189,196,199,202,196,194,191,189,183,178,178,178,181,181,181,176,129,127,127,131,133,133,133,178,186,196,202,204,204,204,207,204,199,202,202,199,195,195,202,209,212,209,207,207,196,142,141,142,145,207,215,225,225,225,222,222,222,225,228,228,225,222,217,215,209,208,209,215,222,225,217,213,213,222,225,225,225,225,225,222,217,212,215,217,222,222,225,228,230,225,217,213,212,215,215,208,208,222,233,238,238,235,228,217,216,216,217,222,215,213,212,215,222,222,215,202,204,217,217,215,212,212,212,212,215,222,225,225,225,222,222,222,225,222,217,215,213,213,213,215,215,215,215,212,209,204,207,209,212,212,215,217,217,215,215,215,217,217,215,212,209,209,212,215,217,222,222,217,217,222,225,225,222,217,222,228,228,217,212,212,212,215,222,228,230,230,233,235,235,235,233,230,230,230,233,235,233,225,207,204,225,235,228,217,217,228,230,225,215,215,222,228,228,225,222,220,222,225,228,228,228,228,225,217,213,212,217,225,228,228,225,222,222,220,220,220,220,222,225,230,233,230,228,225,225,225,222,217,215,217,217,212,209,209,204,191,135,133,133,132,131,131,133,135,137,186,194,199,204,209,207,204,212,212,215,217,222,225,215,143,107,100,96,103,151,209,212,215,222,228,228,228,225,224,224,225,230,230,222,212,209,215,217,222,217,215,207,207,212,215,212,212,209,204,204,207,209,209,207,207,204,202,196,194,194,194,194,189,189,189,191,191,194,194,191,191,189,186,186,183,183,181,181,181,183,183,181,181,183,183,181,181,181,183,183,181,178,176,176,176,176,173,176,178,181,183,186,186,178,173,172,173,173,173,173,178,178,176,170,129,129,173,173,170,127,127,129,129,129,176,183,186,186,183,178,176,176,181,183,181,181,178,178,178,178,181,183,186,189,191,194,191,189,189,189,191,196,191,183,135,133,135,189,199,202,207,209,212,212,217,225,230,238,241,238,233,235,238,238,233,235,137,215,225,204,192,194,212,233,248,246,222,204,189,95,3,0,11,51,69,29,0,4,19,11,0,0,0,0,0,0,0,0,27,85,47,19,27,103,118,92,35,12,13,37,27,0,0,11,23,21,31,0,33,17,7,0,0,0,0,0,0,0,79,0,0,0,87,21,0,0,29,59,19,0,19,82,116,113,0,0,0,0,0,0,0,0,255,255,255,255,255,255,251,251,207,189,235,228,207,157,74,40,46,53,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,45,87,129,147,152,163,181,191,191,204,233,251,255,255,255,243,243,255,255,255,248,189,107,95,155,157,69,57,55,0,0,0,9,0,0,0,0,0,0,0,0,74,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,11,25,53,118,163,191,194,183,176,207,191,150,150,165,13,0,0,0,0,23,5,0,0,0,0,0,142,202,212,220,222,230,220,168,121,204,215,67,0,0,91,189,183,173,176,176,170,155,155,111,105,105,155,168,170,157,157,152,157,160,160,160,173,183,189,183,183,189,191,181,150,93,72,70,78,91,137,150,163,173,168,142,93,131,155,170,165,168,173,183,183,160,139,139,157,95,39,19,29,47,91,134,59,37,39,67,152,152,93,69,59,63,81,139,168,181,178,168,157,142,95,87,87,99,183,222,225,222,212,204,199,189,186,186,173,173,186,199,209,199,191,189,189,196,186,163,152,160,183,181,165,163,183,212,212,5,0,0,0,0,23,33,61,152,152,131,93,124,126,126,126,91,83,77,67,57,65,85,118,83,75,77,85,118,85,71,73,79,83,81,79,73,57,57,77,118,116,81,81,79,79,79,77,77,77,77,75,71,69,69,71,65,61,57,55,59,73,129,137,126,69,57,55,54,67,126,124,83,51,35,49,53,69,81,79,71,55,55,71,89,95,91,83,85,105,170,199,215,233,251,254,255,0,0,255,255,255,255,215,186,196,0,0,0,189,170,147,129,121,121,124,118,0,0,100,111,95,15,0,0,3,7,0,0,9,0,0,11,0,0,0,0,0,0,0,0,0,0,3,3,3,9,29,108,150,176,183,194,194,194,186,194,189,170,121,35,1,0,2,21,49,79,91,129,129,131,144,150,150,157,155,168,178,168,160,139,101,137,139,139,134,99,91,71,35,13,13,29,43,47,49,65,91,155,181,191,176,142,120,122,139,139,131,134,139,91,73,79,79,73,63,53,45,39,27,15,6,6,19,31,49,67,111,118,121,139,155,155,152,150,124,103,67,71,100,98,90,95,105,113,129,152,181,196,204,199,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,178,0,238,254,248,202,118,40,14,27,74,100,113,121,142,155,155,163,178,199,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,15,27,51,73,93,139,170,207,233,243,225,207,137,131,135,194,225,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,228,199,135,115,97,87,85,85,85 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,228,235,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,173,59,17,108,19,0,0,66,113,95,0,0,47,95,61,73,124,116,89,186,209,163,35,0,27,155,176,173,176,186,191,194,191,186,178,160,104,99,116,178,194,196,191,183,173,169,168,173,183,189,191,196,196,194,191,189,196,209,217,209,199,196,202,196,183,178,181,181,183,181,191,199,183,129,189,217,212,123,116,121,131,137,181,183,139,183,191,204,207,194,138,138,183,182,181,183,189,189,186,186,189,196,204,215,222,222,217,212,207,207,209,212,209,204,203,203,207,207,204,207,207,204,202,204,204,207,209,204,199,196,199,199,204,204,199,196,202,212,215,215,207,191,134,137,139,120,121,133,204,215,222,217,139,106,117,133,139,139,138,189,207,222,228,228,222,217,212,207,194,185,186,194,199,202,199,196,191,189,190,194,194,199,202,202,207,204,189,186,191,202,204,202,209,215,209,204,202,202,199,202,204,209,204,194,189,186,189,189,189,189,187,189,191,191,191,191,194,196,199,191,137,131,131,130,129,131,183,196,199,199,199,199,196,196,194,194,191,191,194,202,207,204,202,199,202,209,212,212,207,202,202,209,212,212,212,209,207,207,207,207,209,209,212,209,204,196,191,196,199,199,202,204,207,207,202,191,186,183,181,183,202,212,199,191,194,196,199,202,204,204,199,189,187,189,191,191,181,123,111,90,121,202,207,202,199,202,207,209,204,196,194,194,194,181,127,126,127,131,131,170,170,178,181,181,181,186,183,178,176,173,127,125,129,129,125,123,125,129,129,129,170,173,170,115,99,109,123,176,183,183,178,170,173,178,183,178,176,178,178,176,176,181,189,196,191,181,181,181,178,186,183,183,189,194,196,191,189,191,194,194,194,194,194,191,173,115,114,125,176,178,178,178,178,183,191,202,204,199,196,199,202,199,202,202,204,212,212,202,191,186,186,186,186,186,189,189,189,189,189,189,191,191,189,187,187,191,196,202,199,189,186,189,196,202,202,196,192,191,194,199,202,202,202,199,204,204,204,202,202,202,199,196,196,196,199,202,204,202,199,196,196,196,196,199,191,117,117,129,135,178,186,194,196,196,199,202,207,204,199,199,202,199,191,189,191,199,209,207,207,207,202,196,199,202,204,207,209,212,212,209,204,204,209,207,139,131,135,194,199,199,202,204,207,207,204,199,194,194,191,191,189,183,183,186,189,189,191,191,189,186,183,186,191,194,194,196,199,196,189,181,135,135,181,186,186,178,131,127,127,129,131,133,178,186,194,199,202,204,204,204,204,199,191,191,194,196,196,196,202,204,204,202,207,212,207,191,143,145,194,204,212,222,225,225,225,225,225,225,225,222,215,215,215,215,211,208,209,215,222,225,217,213,213,222,225,225,222,225,225,225,222,222,222,225,225,222,222,228,228,228,222,215,215,220,217,209,207,215,230,235,235,235,225,216,216,216,217,217,217,215,215,217,222,215,204,199,204,217,225,225,217,215,215,215,217,222,225,228,228,225,228,228,228,228,225,217,215,215,215,215,215,215,215,209,204,202,203,204,209,212,215,217,217,215,217,217,222,222,217,212,209,209,212,215,217,217,215,212,215,217,225,228,225,225,225,228,228,222,217,215,215,222,228,230,230,230,233,235,238,238,235,233,233,233,233,233,235,225,144,141,202,225,228,225,225,228,230,222,212,215,222,228,230,230,225,222,220,222,228,230,233,230,228,222,217,215,225,225,222,222,222,217,217,217,217,217,217,225,228,233,230,225,220,217,215,217,217,215,209,212,215,212,209,209,202,141,129,128,130,133,135,135,135,137,139,191,196,196,202,209,207,207,215,217,217,217,217,225,225,217,202,123,104,111,145,204,209,212,215,222,228,230,230,225,222,224,230,235,230,222,217,222,225,225,222,215,209,207,209,209,207,207,209,204,202,207,209,207,207,207,207,202,196,194,191,191,191,189,187,189,191,191,194,194,191,191,189,189,186,186,183,181,181,181,183,181,181,181,183,183,183,181,181,181,181,181,181,178,178,176,173,172,176,181,181,183,186,183,178,173,173,173,176,176,176,178,178,178,173,170,170,173,170,127,123,125,173,176,176,178,181,183,183,181,176,173,173,178,183,183,181,178,178,178,178,176,178,183,186,189,191,191,189,189,189,189,191,189,139,135,134,139,191,196,199,202,204,207,212,217,225,230,235,238,238,235,235,235,233,228,228,119,199,212,199,190,194,207,222,241,248,222,109,77,39,0,0,0,0,23,15,0,2,21,11,0,0,0,0,0,0,0,0,0,19,47,61,111,155,155,118,82,13,2,10,13,5,5,17,29,31,33,39,33,29,29,21,11,0,0,11,61,79,79,0,0,118,87,23,0,0,39,118,137,66,25,43,103,113,113,0,0,0,0,0,0,0,255,248,255,255,251,235,207,189,168,157,155,157,165,142,56,26,29,30,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,144,173,157,142,137,163,191,204,215,233,241,248,255,248,217,207,251,255,255,225,189,165,176,222,212,147,69,37,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,9,9,0,0,0,0,0,3,13,39,71,144,173,186,178,164,176,178,147,144,147,51,0,0,0,0,5,0,0,0,0,0,23,142,181,191,202,199,199,189,126,67,183,209,155,0,0,69,170,183,183,183,183,176,155,155,111,109,157,170,178,170,157,157,157,160,160,157,113,160,176,183,183,181,183,183,163,103,83,79,87,87,76,76,99,163,181,173,147,99,137,165,181,183,183,183,189,178,150,157,170,150,75,31,27,43,65,91,126,91,43,25,23,37,57,69,71,79,87,95,147,157,155,147,157,165,150,97,89,87,103,183,204,199,186,183,170,165,170,173,189,189,186,189,189,186,173,170,176,186,189,186,163,152,152,168,163,109,101,155,181,81,3,0,0,35,37,73,77,134,152,142,134,131,134,129,120,121,126,134,124,79,61,63,77,77,70,66,66,73,81,85,81,79,83,83,83,81,65,43,43,59,75,71,69,73,75,75,73,73,75,77,77,75,79,75,73,71,71,65,63,61,65,73,118,137,134,116,71,69,67,77,121,126,118,61,37,43,55,59,71,59,47,41,47,63,89,134,142,103,99,107,163,196,212,225,243,255,255,0,255,255,255,255,248,215,207,225,0,0,0,181,163,144,118,108,108,129,150,150,126,92,87,61,7,0,0,0,0,0,0,0,0,0,15,9,7,3,0,0,0,0,0,0,1,15,27,66,90,116,163,181,191,202,207,202,199,186,181,168,131,71,25,4,5,23,47,63,77,83,85,89,93,131,139,142,147,155,168,178,163,150,137,99,97,97,95,89,81,67,45,15,0,0,13,31,41,49,65,91,150,181,186,170,137,120,129,152,160,150,144,144,121,73,79,79,73,63,55,45,39,33,21,13,11,19,27,49,65,81,108,113,131,150,147,144,134,113,67,61,71,108,108,100,105,113,129,144,173,199,204,204,189,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,17,0,0,0,0,0,0,0,0,0,186,0,241,254,248,202,142,79,51,59,74,82,92,108,139,150,150,147,163,189,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,15,21,45,75,124,155,191,220,235,235,225,204,191,139,139,199,228,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,230,207,181,123,99,87,81,81,73 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,191,194,113,0,0,0,0,0,0,0,0,90,0,0,0,0,0,0,0,0,61,51,69,100,0,0,0,69,157,191,126,65,170,181,155,111,129,89,87,199,225,212,81,0,29,173,183,191,189,186,181,181,178,178,178,181,178,170,123,122,125,173,178,176,176,176,173,176,181,189,194,196,191,181,176,181,189,196,204,194,191,199,209,209,194,183,183,183,181,178,186,199,189,137,194,212,212,183,121,122,135,186,189,186,183,189,202,212,212,199,189,186,189,183,181,182,189,191,191,189,194,202,209,217,222,222,215,209,209,212,215,217,215,204,202,203,207,204,203,204,207,204,204,204,207,212,212,207,199,199,199,199,196,194,192,194,199,204,207,209,204,189,135,137,139,127,129,196,217,230,233,228,186,103,110,133,139,138,137,141,204,222,228,228,222,215,212,204,189,183,187,194,199,199,199,196,194,191,191,194,196,204,207,207,207,204,194,191,196,204,204,204,209,217,215,209,207,204,202,204,207,207,199,194,194,196,199,196,194,189,187,189,189,189,189,189,194,199,199,194,137,131,133,131,130,133,189,199,204,204,202,202,199,196,199,199,196,194,196,202,204,204,204,204,207,215,217,222,217,217,217,222,222,217,215,215,215,215,215,215,217,222,220,215,207,199,199,204,204,202,202,204,207,207,204,196,189,181,135,137,196,204,189,131,178,189,191,191,194,196,194,191,189,189,189,189,186,176,129,113,194,204,204,199,196,194,196,202,202,199,196,196,194,178,126,127,129,131,173,173,176,178,181,186,189,189,189,181,178,173,125,123,123,123,123,125,129,170,170,129,170,173,129,92,87,99,115,127,173,173,170,169,170,178,183,178,176,176,176,173,176,181,189,194,186,173,131,183,191,196,186,186,194,199,196,194,191,196,196,194,191,186,183,183,125,112,114,127,181,189,189,189,183,181,183,196,202,199,195,196,196,199,202,202,204,209,212,199,191,189,189,191,194,194,191,189,189,189,189,191,194,194,191,189,189,191,196,202,199,194,189,191,199,202,199,196,192,192,194,199,202,202,199,199,202,204,202,202,204,204,202,199,199,199,199,202,204,202,199,194,194,191,186,189,189,176,133,135,135,135,181,186,191,191,194,199,204,202,198,198,199,199,189,135,133,189,202,204,204,202,199,194,196,204,207,209,212,212,209,204,199,196,199,194,129,127,135,199,204,202,202,204,207,207,204,199,194,191,189,186,186,183,183,183,186,189,191,194,194,189,183,183,186,189,191,196,199,196,191,183,133,131,133,183,183,176,127,125,125,123,125,129,178,191,199,204,204,207,207,207,204,199,191,189,190,196,202,202,199,196,196,199,207,217,212,194,191,196,196,199,207,217,222,225,230,228,225,222,222,215,213,213,215,220,217,212,212,217,222,222,217,215,215,222,225,222,222,222,222,225,225,228,228,228,225,222,222,225,228,228,228,225,225,228,222,209,205,212,228,233,233,233,225,217,217,217,222,222,222,222,225,225,225,215,204,202,212,228,230,230,225,222,217,217,217,222,225,228,228,230,230,230,230,228,228,222,222,217,215,215,215,215,212,209,204,202,202,203,207,212,217,217,217,222,222,225,222,222,217,212,209,209,212,215,217,217,212,211,211,212,220,225,228,228,228,228,230,230,228,228,228,228,230,230,230,233,233,235,238,238,235,233,233,233,230,230,235,225,142,138,147,212,222,225,225,228,225,215,209,215,222,228,230,230,225,222,220,220,225,230,233,230,228,228,228,225,228,225,217,217,222,222,222,220,217,217,222,228,233,233,228,217,215,212,212,215,215,212,209,212,215,212,212,209,196,133,126,128,133,141,143,141,141,141,189,194,196,196,199,207,209,207,212,222,222,217,216,217,228,230,228,209,131,131,147,204,209,212,212,207,215,230,235,228,224,225,235,241,238,230,225,225,225,225,222,217,212,209,207,204,203,204,209,202,202,204,207,207,204,204,204,202,196,194,191,189,189,189,189,189,191,191,191,191,191,191,191,189,189,186,183,181,181,181,181,178,178,181,186,186,186,183,178,177,177,181,183,183,178,173,172,172,176,181,183,186,186,183,178,176,173,176,176,178,178,178,181,178,176,173,173,173,129,121,119,119,170,181,181,178,178,178,181,176,131,131,173,178,183,186,183,181,181,181,176,133,133,181,186,186,189,189,189,189,186,183,183,183,139,137,137,141,191,196,196,196,199,207,212,222,225,230,233,233,235,235,238,235,233,228,225,112,186,204,199,194,196,207,212,222,246,209,77,39,19,0,0,0,0,61,108,69,61,65,61,0,0,0,0,0,0,0,0,0,13,85,121,168,204,212,176,126,39,7,9,23,23,1,0,9,21,17,11,9,19,27,19,3,0,0,3,64,87,90,126,0,131,108,29,0,0,0,0,238,137,33,29,87,124,124,0,0,0,0,0,0,0,0,222,222,251,0,217,176,168,176,176,155,152,165,150,82,48,38,30,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,137,147,121,103,118,155,186,204,209,217,233,235,248,241,204,182,204,255,255,230,215,204,212,233,222,157,69,25,0,0,0,0,0,0,0,0,0,11,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,3,173,230,0,0,0,0,0,0,13,45,81,155,183,194,183,155,156,170,165,183,191,147,69,23,0,0,1,0,0,0,0,13,41,73,124,157,186,176,170,163,83,53,83,163,131,19,23,99,189,202,204,191,183,176,163,155,117,111,163,178,178,168,157,157,165,170,160,160,111,113,173,183,183,173,173,163,109,93,79,83,95,93,73,73,99,181,189,173,144,95,96,147,183,199,204,191,183,168,150,157,170,150,89,43,45,67,85,83,65,89,47,21,15,17,37,53,73,89,131,155,178,165,140,135,144,170,165,142,92,90,105,168,186,170,163,119,116,115,117,163,186,194,199,189,176,166,163,166,173,189,189,186,170,157,152,152,150,99,81,93,85,29,11,17,37,51,63,85,126,142,144,131,139,150,147,131,120,121,131,134,89,75,63,65,71,71,67,64,65,70,75,81,83,83,83,85,87,113,67,43,37,45,55,55,57,63,69,73,75,77,77,77,79,81,81,81,73,67,65,65,67,69,69,69,83,129,137,126,116,83,83,111,121,126,126,73,35,37,55,61,53,39,33,33,41,59,85,134,147,152,144,152,170,196,207,225,243,255,255,0,255,255,255,251,230,222,228,0,0,0,0,0,170,144,116,103,104,118,134,142,103,66,64,69,40,0,0,0,0,0,0,0,0,0,22,22,17,15,13,9,0,0,0,0,1,17,64,108,134,170,189,191,189,194,202,207,202,186,147,118,65,45,27,21,29,47,57,55,57,63,73,81,85,89,95,134,139,147,155,152,142,134,99,93,85,83,77,75,67,53,29,3,0,0,0,17,33,49,69,91,150,173,183,168,142,124,142,165,168,157,152,147,126,73,75,79,77,65,55,49,43,37,27,19,11,11,23,43,61,79,77,79,124,137,137,129,124,75,67,0,103,116,116,108,113,124,137,155,181,199,204,196,186,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,12,0,0,0,0,0,0,0,14,33,59,0,0,0,0,0,0,0,0,0,0,255,255,222,186,142,100,77,77,82,73,70,92,129,150,150,146,152,189,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,15,17,35,69,131,173,204,233,246,235,220,199,196,191,191,199,228,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,230,207,186,123,99,87,81,73,69 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,0,0,0,0,100,51,0,0,5,17,59,85,0,0,47,92,137,186,168,183,207,196,186,65,83,79,79,196,215,212,105,9,91,189,191,199,196,186,181,178,178,181,183,196,204,194,123,118,121,170,176,174,178,183,183,181,183,186,191,191,186,176,131,176,176,131,176,178,183,194,209,212,199,189,186,186,178,134,181,191,189,183,191,204,204,191,137,181,194,204,209,202,191,191,202,207,204,199,196,199,199,191,186,191,194,194,194,194,199,207,215,222,222,215,209,207,209,215,222,222,217,207,202,203,207,209,207,209,209,207,207,207,209,215,212,204,196,196,202,202,196,192,196,199,199,199,199,202,199,189,137,141,186,135,139,209,228,233,235,235,215,122,126,137,139,138,137,141,202,217,228,225,217,212,204,199,191,187,191,194,194,196,199,202,204,204,202,194,196,202,204,204,204,209,207,202,199,204,207,207,209,217,217,212,212,209,207,207,209,207,199,196,199,207,207,204,196,191,189,189,189,187,187,187,194,202,204,199,186,137,139,139,135,137,191,202,204,207,204,202,199,199,199,204,202,199,196,199,202,202,202,207,212,217,222,222,225,225,228,225,222,220,217,215,217,217,222,222,225,225,225,217,209,204,204,207,204,202,199,202,204,207,204,199,191,137,133,135,189,189,131,119,123,131,133,133,135,181,183,189,189,186,186,186,186,183,186,194,204,204,202,196,189,183,186,194,196,196,194,194,189,176,127,127,131,176,178,178,176,173,176,181,186,189,189,183,178,173,127,125,123,122,122,125,170,173,173,181,183,186,181,86,82,101,117,127,170,169,168,168,170,178,183,183,176,169,170,178,186,186,186,183,178,127,123,183,196,199,189,189,196,199,196,196,199,202,199,191,183,176,176,173,119,113,117,133,186,194,196,194,189,178,135,189,199,196,195,194,194,195,199,202,204,212,212,199,191,191,194,196,199,199,196,191,189,189,191,196,199,199,196,194,191,191,191,194,191,191,189,194,199,199,199,196,194,194,196,202,204,202,199,199,202,202,202,202,204,204,202,202,199,199,199,199,199,199,194,189,181,176,131,176,186,186,186,183,181,181,183,186,191,191,194,199,204,202,198,199,204,202,189,126,124,133,189,199,196,196,194,194,199,204,209,212,212,209,207,202,196,191,191,183,130,128,183,199,204,202,202,204,204,204,202,196,194,191,189,186,186,183,139,139,139,139,189,194,196,191,186,186,189,191,194,196,196,194,191,189,181,131,127,129,176,176,127,125,123,122,122,125,135,191,202,204,207,207,209,209,207,202,194,190,189,194,202,202,196,195,196,204,212,215,209,196,196,202,199,191,204,217,222,222,228,230,225,222,217,215,213,213,217,222,222,217,215,217,220,222,222,217,217,217,222,222,217,217,217,222,225,228,228,225,222,222,222,225,228,228,228,228,230,230,225,209,205,212,228,233,230,230,228,222,225,228,225,222,222,222,228,230,230,222,209,207,228,235,235,233,225,222,222,217,217,222,225,225,228,230,233,233,230,228,228,225,222,222,217,215,212,212,212,207,204,204,204,207,209,215,217,217,222,225,225,225,222,217,215,212,207,207,209,215,217,215,212,211,211,211,215,217,222,225,225,228,230,235,233,233,230,233,233,233,233,233,233,235,238,238,235,233,230,229,229,233,235,233,204,146,202,212,222,225,225,225,217,212,209,215,222,228,228,225,222,222,222,222,225,228,230,230,230,228,225,228,230,225,217,217,222,222,225,222,217,217,225,230,233,230,225,217,215,212,209,212,215,212,209,212,215,215,215,209,191,129,125,137,191,196,194,189,143,191,196,199,196,195,196,204,207,207,207,215,222,222,217,217,225,228,228,228,199,147,202,209,212,212,207,200,204,225,233,228,224,228,238,243,241,235,230,228,225,222,217,217,217,215,212,204,203,204,207,202,200,202,204,204,204,204,204,202,196,194,191,189,187,187,189,191,191,191,191,191,191,191,191,191,189,186,183,181,181,178,178,177,178,181,186,189,186,183,178,174,176,178,183,183,181,176,173,173,178,181,183,186,183,183,181,178,176,173,173,176,178,178,181,181,178,178,176,173,129,121,118,119,129,178,178,178,176,176,178,176,170,129,173,178,183,186,183,181,181,181,176,133,133,176,181,183,189,191,191,191,186,181,137,137,137,139,141,189,194,196,199,199,202,207,215,225,228,228,228,230,233,235,238,238,235,230,228,112,178,202,204,202,207,212,212,222,241,212,105,69,25,0,0,0,3,75,150,168,144,124,108,45,0,0,0,0,0,0,0,21,103,147,186,212,241,248,228,176,126,85,77,98,82,0,0,0,5,1,0,0,0,0,0,0,0,0,0,37,79,100,126,150,173,160,98,17,0,0,0,217,126,25,19,82,137,139,124,0,0,0,0,0,0,0,0,0,0,0,228,189,196,217,207,191,0,0,0,0,0,0,92,46,30,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,39,27,21,35,69,134,170,178,186,204,215,228,241,235,204,178,185,235,254,243,254,251,241,228,194,150,77,51,0,0,0,0,0,0,0,0,0,33,23,0,0,0,0,0,3,29,0,0,0,0,0,0,0,0,238,255,0,0,0,0,0,0,19,65,150,186,207,209,199,168,161,181,202,255,255,204,75,23,7,1,7,0,0,0,0,25,41,49,61,108,160,155,160,173,147,60,80,134,126,63,97,173,189,207,212,199,183,181,165,155,111,109,155,176,178,163,157,157,173,181,178,160,111,111,160,176,176,163,160,147,99,83,81,81,91,93,85,91,168,196,189,173,137,93,93,144,183,199,199,189,178,183,196,63,43,89,170,142,134,83,77,59,24,47,51,35,20,27,53,79,93,131,155,194,215,199,147,137,150,183,183,152,103,97,109,163,173,170,165,119,116,113,116,121,173,199,209,199,176,166,164,169,176,194,191,191,186,170,160,152,109,95,81,75,55,33,27,33,29,16,51,75,85,129,129,124,139,150,139,129,121,121,124,91,83,75,73,75,79,79,75,71,75,75,79,75,77,79,81,85,113,113,69,49,37,37,43,45,49,59,67,69,75,77,81,83,83,81,81,75,67,59,59,63,69,73,75,73,83,129,126,126,121,124,116,82,116,129,142,113,23,23,47,53,45,36,32,33,41,61,85,134,144,152,150,152,163,181,199,212,228,251,255,255,255,255,251,230,230,235,241,0,0,0,0,0,181,152,124,108,108,108,100,103,85,46,56,87,79,27,11,0,0,0,0,0,0,0,22,30,30,30,21,15,11,5,0,1,1,5,19,72,124,168,189,183,176,181,194,202,202,178,131,77,63,57,53,47,47,55,43,37,38,45,65,79,85,82,87,95,101,139,144,144,134,95,89,81,73,69,69,65,61,49,31,3,0,0,0,7,27,49,73,91,147,168,178,168,144,134,150,173,173,157,147,144,91,67,67,77,77,69,61,51,47,43,35,23,13,11,17,33,53,67,71,75,124,131,126,124,116,75,0,0,108,118,116,105,105,121,129,144,165,181,189,189,176,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,12,0,0,0,0,0,0,25,53,85,0,0,0,0,0,0,0,0,0,0,255,254,196,147,121,92,77,90,90,74,68,74,111,150,152,150,168,199,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,11,17,31,69,142,186,225,251,251,233,217,204,199,196,191,199,225,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,228,207,186,123,99,87,75,69,67 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,165,155,79,0,0,0,39,0,0,100,95,95,137,155,178,191,181,176,41,45,53,57,183,186,157,59,51,99,186,199,204,202,191,186,186,186,183,186,194,191,125,115,116,168,181,178,178,181,186,189,186,183,181,181,181,181,176,131,131,129,127,129,133,178,191,204,207,196,186,186,183,135,133,135,186,189,189,194,196,194,194,199,204,209,217,228,222,204,194,194,194,194,196,202,207,207,199,196,204,207,199,194,196,202,207,212,215,212,209,205,205,209,215,222,222,217,207,200,203,212,215,215,215,215,209,207,207,209,209,204,196,196,199,202,202,196,194,199,202,202,199,202,199,199,194,191,196,194,191,194,217,230,235,238,238,228,139,135,139,139,138,137,141,199,215,225,222,215,207,194,194,199,196,194,194,194,199,204,212,215,217,212,199,194,192,194,196,199,202,207,202,194,196,204,207,207,212,212,212,215,212,209,207,209,204,196,191,199,207,209,204,194,191,189,189,189,187,187,189,196,209,212,207,196,191,191,189,183,186,194,199,204,207,207,202,199,199,199,202,202,199,199,199,199,199,202,212,217,222,222,217,220,222,225,225,222,222,217,217,217,222,222,225,228,228,225,217,209,202,202,207,204,199,198,199,202,202,199,191,183,134,133,135,181,133,121,117,121,125,125,125,129,135,181,189,189,189,189,186,186,189,194,199,191,183,191,191,181,133,178,183,186,186,189,191,189,176,125,124,127,176,178,178,173,172,172,178,183,186,189,186,181,173,129,125,123,121,122,127,176,181,183,191,191,194,189,92,87,113,125,170,173,170,169,169,173,178,183,183,173,169,170,181,189,189,186,181,176,125,116,131,189,194,194,196,202,202,199,199,202,199,194,186,178,133,133,131,121,118,129,181,191,194,196,196,189,178,131,181,196,199,196,195,194,194,199,207,209,215,215,202,194,194,194,196,199,199,196,194,191,191,196,199,202,202,199,196,194,194,191,189,186,185,186,191,196,196,196,196,196,196,199,202,204,204,199,199,202,202,202,202,204,204,202,199,196,196,196,199,196,194,191,183,131,125,125,133,189,191,189,183,183,183,186,189,191,194,199,204,209,204,199,199,204,202,189,129,125,131,139,191,191,191,189,194,204,209,212,212,212,209,207,202,199,191,186,183,183,189,196,202,202,202,202,204,204,202,199,196,196,196,196,196,191,186,139,138,137,137,139,189,196,196,194,191,191,194,196,196,194,191,189,194,194,181,126,126,135,181,133,127,123,121,122,127,178,191,199,202,204,204,207,209,204,199,196,194,191,194,202,202,195,194,196,209,215,212,207,199,202,204,196,144,204,222,225,222,225,228,225,222,217,215,215,215,215,217,217,217,215,217,217,220,222,225,222,217,217,217,217,215,215,222,225,225,222,222,222,222,222,225,225,225,228,228,230,233,228,215,208,212,225,228,225,228,228,225,228,233,230,225,220,222,228,233,233,228,212,209,230,241,235,230,225,222,222,217,217,217,222,222,222,228,230,230,230,230,228,225,225,222,217,212,212,209,209,207,207,209,212,212,212,215,215,217,222,225,228,225,222,215,212,209,207,207,209,212,215,217,215,215,212,212,212,212,215,217,225,228,233,235,233,230,228,230,233,233,233,233,233,233,235,235,233,233,229,226,230,235,235,235,230,217,215,222,225,225,225,222,215,209,209,212,222,225,222,217,215,217,225,225,225,225,228,230,228,222,215,222,225,222,217,217,222,217,222,225,222,217,222,228,230,225,220,217,215,212,209,209,209,209,207,209,212,217,217,209,191,130,128,196,204,204,199,194,191,196,202,202,196,196,199,204,209,207,207,212,222,225,222,222,222,225,225,228,215,209,215,222,222,217,207,200,204,222,230,228,225,230,241,243,241,238,235,233,228,222,217,217,222,222,217,209,204,204,207,202,200,202,202,204,207,207,204,202,199,196,191,189,187,187,189,189,191,191,194,194,191,191,191,191,189,186,183,181,181,181,178,177,178,181,186,189,186,183,178,176,176,178,183,183,181,178,176,178,181,183,183,183,183,181,181,181,176,172,172,173,176,178,178,181,181,181,181,178,170,125,121,123,129,170,129,173,176,176,176,173,170,129,131,178,183,183,181,181,178,178,176,133,133,133,176,181,189,191,194,194,189,137,135,135,137,183,189,191,194,199,202,204,204,209,217,222,225,225,225,228,230,233,235,238,238,235,233,115,178,202,209,209,215,222,222,222,228,204,173,97,29,0,0,0,0,13,116,176,163,126,124,63,0,0,0,0,0,0,31,155,204,233,248,251,255,248,235,199,191,0,176,173,142,21,0,0,0,0,0,0,0,0,0,0,0,0,0,9,64,90,116,157,199,199,126,5,0,0,160,134,69,17,14,61,129,139,139,0,0,0,0,0,0,0,0,0,0,0,217,207,0,0,0,0,0,0,0,0,0,0,0,0,0,144,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,73,137,163,178,202,212,222,222,222,194,179,182,215,235,251,255,255,255,228,178,147,116,69,0,0,0,0,0,0,0,0,0,47,61,0,0,0,0,0,0,23,37,74,82,0,0,0,0,0,181,255,0,0,0,0,0,0,7,53,152,204,238,238,238,233,202,196,230,255,255,183,29,0,31,23,15,0,0,0,0,0,17,23,31,57,126,139,176,212,220,163,155,134,124,95,170,186,181,189,204,199,181,176,168,155,109,106,108,157,168,155,109,157,173,186,186,170,111,105,107,113,113,111,109,103,87,69,67,67,89,144,150,152,183,194,189,178,144,96,98,152,178,183,178,189,189,196,241,0,0,87,191,157,134,43,41,39,22,37,71,77,85,137,155,163,163,163,181,207,225,225,194,165,181,199,189,168,152,150,150,163,183,191,186,170,160,119,121,163,173,194,209,207,189,176,176,189,199,199,196,196,196,196,183,160,150,101,81,75,61,45,39,33,19,9,47,67,79,91,91,89,124,89,79,81,87,91,85,83,81,83,81,87,118,118,89,89,118,89,81,73,67,67,77,85,81,77,65,49,37,37,36,41,49,57,63,67,73,79,81,81,77,75,69,61,53,49,51,63,77,111,111,111,118,124,81,71,81,121,116,80,113,129,144,113,6,6,27,41,41,38,39,41,53,71,89,134,137,105,105,103,107,147,165,181,215,243,255,255,255,255,254,248,248,248,241,241,251,238,207,189,181,155,137,134,121,108,100,92,59,21,29,77,87,64,53,17,0,0,0,0,0,0,9,13,25,30,38,21,11,5,7,5,0,0,0,0,35,108,150,163,165,176,194,204,204,189,157,126,126,134,129,79,61,46,37,35,38,49,79,93,89,85,87,95,101,137,142,137,99,91,89,81,73,65,65,59,51,49,45,19,0,0,0,0,23,49,73,91,137,163,170,165,150,139,150,170,168,150,139,129,73,55,61,71,77,75,63,57,53,49,43,31,19,11,11,25,41,57,63,71,116,131,126,126,116,105,0,0,0,0,108,87,87,98,111,118,126,142,150,170,176,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,4,0,0,0,0,0,17,59,98,0,0,0,0,0,0,0,0,0,0,255,246,176,121,103,85,66,90,103,90,74,74,108,150,163,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,17,35,75,160,204,235,255,251,233,220,207,207,199,191,196,217,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,235,220,202,181,123,99,83,73,67,65 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,152,168,176,74,0,0,0,39,0,0,33,43,38,45,137,150,139,79,79,29,27,37,47,170,170,111,57,85,109,186,202,204,196,191,189,189,189,181,176,181,181,127,115,118,176,189,189,186,183,183,186,183,178,131,131,133,178,178,176,131,130,130,131,133,178,186,196,196,189,181,183,183,137,134,135,183,191,196,196,194,189,196,212,217,217,225,230,230,215,199,191,189,189,194,202,207,207,199,202,215,215,202,194,196,199,202,204,207,207,205,204,205,212,215,217,217,215,204,200,204,217,222,217,222,217,209,207,207,204,202,195,195,196,202,204,202,194,194,199,202,204,207,207,202,202,199,204,204,202,199,202,215,230,238,238,233,217,191,186,186,141,139,141,189,202,215,222,215,209,202,191,194,204,199,196,196,199,204,212,222,228,228,222,207,196,190,190,194,194,186,189,196,189,191,202,202,194,194,199,204,207,207,204,196,191,186,139,139,191,204,207,199,191,189,189,191,191,191,191,194,204,212,217,209,202,196,191,189,189,189,191,196,202,207,209,204,202,199,199,199,199,199,199,199,202,202,207,215,217,217,217,212,212,215,217,222,222,222,222,222,222,222,222,225,228,230,225,212,199,194,196,207,204,199,198,199,199,196,191,183,137,134,135,137,127,113,112,117,123,125,124,124,127,135,186,191,191,191,194,191,189,194,204,196,133,125,176,183,132,130,133,178,178,178,183,191,189,173,122,122,126,173,178,176,173,172,173,178,186,189,191,191,181,170,129,125,123,122,123,170,186,196,199,196,194,191,186,111,99,125,173,176,176,170,170,170,173,173,173,170,170,173,178,181,183,186,189,183,176,123,110,122,178,189,196,204,204,202,199,199,199,194,186,181,178,178,178,131,127,133,186,189,191,194,194,194,189,176,125,131,194,204,202,199,196,195,199,209,212,217,217,204,194,194,194,194,196,196,196,194,194,196,196,199,202,204,204,202,199,199,196,194,186,183,182,185,191,194,196,199,199,199,202,204,207,204,199,199,202,202,202,204,204,204,199,195,195,196,199,199,196,194,189,186,119,117,127,183,196,194,191,186,183,181,181,186,191,196,202,209,209,204,194,191,199,199,194,186,137,135,137,183,189,183,133,191,204,212,215,212,209,209,207,207,202,186,137,186,196,202,204,202,200,200,202,204,202,202,199,199,202,204,207,207,202,191,183,138,137,137,138,189,196,199,199,196,191,194,196,196,194,189,189,189,194,186,128,126,133,183,181,129,123,122,123,129,178,189,196,199,199,199,204,204,199,194,194,194,196,196,202,204,199,196,196,207,209,209,204,199,199,199,191,144,202,222,225,225,228,228,228,222,215,215,215,215,213,213,215,215,215,215,215,217,222,225,225,217,216,217,215,215,215,222,225,222,220,220,222,225,225,225,222,222,225,228,230,233,230,222,209,209,217,220,217,220,222,225,228,233,233,228,222,222,228,233,238,235,222,202,217,241,233,225,222,225,222,217,217,217,217,217,217,225,228,230,230,230,228,228,225,222,215,212,209,209,209,207,209,212,215,215,215,212,212,215,222,225,225,222,217,212,209,207,205,207,207,212,215,217,217,222,222,220,215,212,212,217,225,230,233,230,225,222,217,222,228,230,233,233,233,233,233,233,233,233,229,228,233,235,233,235,238,233,225,225,225,225,225,217,212,209,209,212,212,212,212,212,215,222,228,228,225,224,225,228,225,212,205,212,217,215,213,215,217,215,217,222,222,217,217,222,222,217,217,217,217,215,209,207,207,204,204,207,212,217,217,212,194,137,137,199,207,207,204,199,196,199,202,202,202,202,204,204,209,212,209,215,222,225,222,222,222,225,225,225,222,222,228,228,230,230,222,212,217,230,235,233,230,233,238,241,243,243,241,238,233,228,225,225,225,225,217,212,207,207,207,204,202,200,202,204,207,207,204,202,199,199,196,194,189,189,189,189,191,194,194,194,194,191,189,189,189,183,183,183,183,181,178,178,178,181,186,186,186,183,181,178,178,181,183,183,183,183,183,183,183,183,186,186,181,181,181,181,176,172,172,173,178,178,178,178,178,181,181,181,176,173,129,170,170,127,123,127,170,173,173,170,129,127,129,176,178,181,178,178,176,176,133,133,133,133,176,181,189,191,194,194,186,135,134,135,139,189,191,191,191,199,204,207,207,209,212,215,217,217,222,225,230,233,238,241,241,238,235,117,178,199,207,215,222,220,215,212,196,165,107,75,1,0,0,0,0,0,23,121,105,65,118,116,17,0,0,0,0,0,23,144,212,255,255,255,238,217,209,209,217,0,212,199,173,92,0,0,0,0,0,0,0,0,0,9,3,0,0,0,29,79,100,134,173,160,59,0,0,0,90,113,66,23,21,69,124,139,147,0,0,0,0,0,0,0,0,0,0,0,204,207,0,199,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,118,163,186,209,215,217,222,222,217,204,191,196,217,246,255,255,255,222,181,165,131,57,0,0,0,0,0,0,0,0,0,35,35,0,0,0,0,0,0,0,157,255,255,100,0,0,0,0,0,69,11,0,0,0,0,0,0,1,71,204,251,255,255,255,233,189,202,254,199,49,29,51,139,105,23,0,0,0,0,0,0,0,0,13,116,168,215,254,255,230,202,77,49,69,186,199,186,181,189,183,173,173,168,165,117,106,108,117,111,103,99,105,170,186,189,173,109,97,93,95,99,101,103,99,81,59,50,52,87,170,176,165,165,176,189,181,155,144,152,178,176,144,93,147,147,45,1,0,0,139,157,77,31,20,25,37,39,59,91,139,152,176,183,186,181,186,186,178,178,189,199,199,204,204,181,160,160,163,163,168,191,207,191,176,176,186,176,173,173,176,199,202,199,199,207,212,209,199,196,191,196,204,204,181,155,101,87,79,73,55,39,22,17,18,43,63,73,83,83,83,81,47,45,57,73,79,79,77,83,121,91,121,121,126,126,126,124,121,81,67,59,61,71,77,69,63,57,49,43,37,36,41,49,55,55,61,67,73,73,71,65,57,50,47,45,46,51,71,113,124,121,116,118,113,69,62,69,116,118,82,113,129,137,73,3,1,13,29,39,45,51,55,61,73,89,97,101,99,98,96,96,96,147,178,215,241,251,255,255,255,255,255,255,255,241,241,251,238,209,189,178,152,139,139,121,98,87,0,0,0,0,0,0,0,0,61,48,27,0,0,0,0,0,0,0,17,35,35,17,5,0,0,0,0,0,0,0,23,92,129,165,191,207,212,212,204,186,170,181,181,160,121,67,55,57,57,63,85,142,155,144,131,134,134,134,134,139,137,134,97,99,93,83,73,65,57,43,43,55,35,7,0,0,7,27,49,73,91,137,155,165,165,152,150,155,165,163,144,129,91,65,47,53,71,79,77,67,61,55,59,51,41,25,11,10,21,29,43,53,63,113,129,131,126,124,105,0,0,0,0,69,49,45,59,87,100,108,126,139,160,170,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,4,46,90,0,0,0,0,0,0,0,0,0,0,255,238,176,118,92,69,61,82,103,105,92,95,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,35,83,173,220,251,255,251,233,228,225,217,199,186,191,204,233,255,255,255,255,255,255,255,255,255,255,255,255,255,251,230,220,207,199,178,117,95,81,73,67,64 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,139,144,37,0,7,17,95,90,41,29,39,35,28,121,142,124,73,75,36,22,37,73,165,168,157,105,115,170,189,202,199,191,183,183,186,183,173,165,170,189,194,173,125,176,189,191,189,183,181,181,178,129,122,122,127,176,183,183,178,178,178,135,133,135,181,186,189,183,179,181,183,137,135,137,183,189,196,196,191,189,202,217,217,222,225,228,228,222,209,196,189,187,189,194,202,202,198,199,209,207,194,192,196,199,199,199,202,207,207,207,209,215,217,215,217,215,207,202,207,217,217,215,215,215,209,207,204,202,196,194,195,199,204,202,196,194,194,199,207,209,209,207,202,202,199,204,202,196,199,199,209,225,235,233,225,212,199,199,199,196,196,196,199,207,212,217,215,207,199,194,207,212,202,194,194,199,204,215,225,230,228,222,209,202,196,199,204,194,141,141,191,189,191,199,189,134,135,186,191,191,191,189,137,132,131,133,134,139,196,199,191,186,186,189,191,194,196,196,199,204,209,212,207,204,196,186,183,189,194,191,196,202,209,212,207,204,202,204,202,199,199,199,199,202,207,209,212,215,215,212,209,209,209,212,217,222,222,222,222,222,222,222,225,228,230,217,191,135,137,191,202,202,198,199,202,202,194,186,137,137,181,186,181,110,104,111,121,127,129,125,123,127,181,194,196,191,191,191,186,181,191,202,191,127,122,129,181,133,130,133,178,183,183,186,189,186,176,126,129,176,178,178,176,173,172,172,178,186,189,194,194,183,170,129,127,127,127,170,181,194,204,204,199,194,191,186,176,125,176,181,178,170,129,129,170,170,129,127,125,129,183,189,183,181,183,186,181,131,121,108,125,178,183,196,204,204,202,202,199,194,189,183,178,177,186,183,127,129,191,196,194,194,194,191,189,183,129,113,117,189,204,207,207,202,199,202,209,215,220,217,204,194,191,191,194,194,194,194,196,196,196,196,199,202,204,207,204,204,202,202,196,191,185,182,183,191,194,196,199,202,202,202,207,209,204,199,196,199,199,202,204,207,204,199,195,195,196,202,202,199,194,186,129,85,105,133,191,202,199,196,189,178,131,132,181,191,199,204,207,204,191,179,179,189,196,196,196,194,189,183,183,186,129,102,129,191,207,209,209,207,209,207,207,191,125,125,183,196,204,207,202,200,200,200,202,204,204,202,204,207,209,209,209,204,196,186,139,139,139,186,191,196,202,202,196,191,191,194,196,191,186,183,181,183,181,133,128,129,135,135,131,125,123,125,131,178,186,191,194,194,194,199,199,196,192,192,196,199,199,202,204,207,204,202,204,209,209,204,198,198,199,191,145,194,207,217,225,228,228,225,217,213,213,215,215,213,213,215,217,217,215,215,217,220,222,222,217,217,222,217,215,217,222,225,222,220,222,225,228,228,225,217,217,220,222,225,228,228,222,212,207,209,212,208,212,217,217,222,228,230,230,228,225,230,235,243,241,233,189,192,228,215,204,215,225,225,222,217,217,217,217,216,217,222,225,228,228,228,225,222,217,212,209,208,209,209,209,209,212,215,217,215,211,211,215,222,228,228,222,217,212,209,207,207,209,209,212,215,217,222,225,225,225,222,215,215,222,228,233,233,230,222,216,215,216,225,230,233,233,233,233,233,233,233,233,233,233,235,233,230,233,238,233,228,225,222,222,222,222,215,212,209,209,204,199,202,209,217,228,230,228,225,225,228,228,217,205,203,207,215,213,212,215,217,215,215,217,217,215,212,212,215,215,217,222,222,217,209,204,203,203,203,204,209,215,217,212,199,189,191,199,204,204,204,202,199,196,199,202,204,207,207,207,209,215,212,215,222,217,215,215,217,222,222,220,220,222,225,225,230,235,235,235,233,238,241,241,235,233,235,238,241,243,246,243,238,233,228,225,225,217,215,209,207,207,207,204,202,202,202,207,209,209,204,202,202,202,202,196,191,189,189,189,189,194,196,196,194,189,189,189,186,183,182,183,183,183,181,181,181,183,183,183,183,183,181,181,183,183,183,186,186,186,186,186,183,186,186,186,181,181,181,181,178,173,176,178,181,178,176,176,178,181,181,181,178,178,178,176,173,125,120,123,129,170,170,129,127,125,127,173,176,178,176,176,176,176,133,131,131,133,178,183,189,189,191,191,186,135,134,139,189,191,191,189,187,194,204,207,207,207,209,209,212,215,217,225,230,233,238,241,238,235,233,111,178,196,199,204,215,215,202,183,176,111,85,55,3,0,0,0,0,0,0,29,19,15,113,150,113,7,0,0,0,0,21,165,230,255,255,255,202,163,163,189,209,215,199,186,155,98,39,77,51,0,0,0,0,0,19,29,17,0,0,0,5,37,90,108,98,27,0,0,0,5,95,121,90,66,100,0,0,139,139,0,0,0,0,0,0,0,0,0,0,0,196,189,186,168,157,155,147,0,0,0,0,0,0,255,243,152,59,0,0,0,0,105,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,111,157,189,212,222,217,222,228,238,243,217,183,186,222,251,255,241,207,207,230,191,71,0,0,0,0,0,1,11,3,0,27,5,0,0,0,0,0,0,0,121,246,255,225,45,0,0,0,0,0,199,61,0,0,0,0,0,0,45,215,255,255,255,255,220,169,178,186,124,39,43,61,137,116,49,0,0,0,0,0,0,0,0,0,100,204,230,248,255,251,209,0,0,0,150,202,204,191,181,168,152,165,173,176,173,163,155,119,105,96,93,101,165,186,189,181,111,94,91,92,95,101,107,105,89,65,47,50,83,170,176,163,152,163,173,168,155,165,181,191,152,71,30,31,49,0,0,0,0,131,131,30,19,20,30,57,83,126,134,152,163,165,165,165,165,165,155,79,43,53,139,183,202,196,160,144,150,160,170,186,204,212,170,161,173,194,194,186,163,163,176,186,186,191,209,212,209,199,186,173,183,204,212,186,150,95,81,85,91,81,45,25,23,37,55,73,79,77,77,81,75,36,40,47,61,71,73,77,81,87,121,124,129,134,134,124,83,81,79,71,61,59,59,57,51,51,53,53,47,43,41,49,57,57,51,51,55,59,59,55,50,48,47,46,46,48,57,71,113,124,75,67,65,67,65,65,81,129,129,118,121,134,144,113,10,6,17,29,39,47,55,61,61,63,77,89,97,105,142,107,101,99,160,186,217,235,246,255,255,0,255,255,255,248,246,255,255,241,217,196,173,147,139,139,105,72,47,0,0,0,0,0,0,0,0,0,111,98,51,0,0,0,0,0,0,1,21,43,23,7,0,0,0,0,0,0,0,0,19,92,163,202,217,217,212,204,196,186,189,196,178,137,87,81,89,91,126,144,170,181,181,170,157,150,139,139,139,139,139,134,137,99,93,87,77,63,43,47,59,51,23,7,7,17,31,53,77,89,95,144,163,165,160,152,157,170,163,142,124,81,63,46,49,67,85,85,69,63,59,61,59,47,29,17,10,11,19,29,41,55,103,129,126,129,124,105,67,0,0,0,59,44,41,44,77,100,118,134,150,168,176,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,22,72,108,0,0,0,0,0,0,0,0,0,255,235,178,116,74,48,40,66,90,100,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,31,113,181,228,255,255,251,235,235,235,220,199,139,139,147,220,246,255,255,255,255,255,255,255,255,255,255,255,251,228,217,209,199,191,170,109,93,81,73,67,67 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,144,157,152,160,170,15,33,116,111,55,116,75,27,118,152,142,137,212,204,81,103,173,168,168,160,155,157,178,189,191,191,183,181,183,186,183,170,121,125,183,194,183,176,178,186,186,186,181,181,178,176,125,120,119,123,131,183,189,183,183,181,133,131,132,135,183,183,181,179,179,181,135,135,137,181,186,191,191,186,191,207,217,217,222,228,225,225,225,215,202,191,187,186,186,194,199,198,199,202,196,190,191,196,199,196,196,202,209,215,215,217,222,222,220,222,225,217,209,209,215,209,207,212,215,209,204,204,202,199,195,196,199,199,194,194,192,194,202,212,215,207,199,196,196,196,196,191,189,191,191,202,212,228,222,215,212,212,217,217,212,207,204,204,204,209,212,215,207,199,202,215,215,199,192,192,192,199,207,217,225,222,212,202,207,215,222,217,199,142,186,189,142,186,191,137,131,133,139,137,137,141,186,135,131,132,135,133,137,189,189,138,137,139,186,189,194,199,199,202,204,204,207,209,207,194,182,183,194,196,194,194,202,209,212,207,204,204,204,204,202,199,196,199,204,207,209,209,209,209,209,209,209,209,212,215,217,217,222,222,222,222,222,222,225,217,143,119,117,125,186,196,199,198,199,202,202,196,189,139,183,194,199,194,111,105,131,127,133,133,125,123,129,186,199,196,189,183,178,130,127,128,178,135,124,121,125,181,181,135,178,183,191,194,189,183,181,183,189,199,194,186,181,176,173,170,170,176,183,189,191,191,181,131,131,131,176,178,181,189,196,202,204,202,196,191,189,186,178,181,181,176,129,127,127,129,170,129,126,125,170,191,196,189,183,181,178,131,127,122,113,183,186,183,191,199,199,199,199,196,189,186,183,177,177,186,181,125,131,196,202,199,196,194,189,181,133,115,103,104,181,204,209,207,204,199,202,207,209,215,212,202,194,189,191,194,194,192,194,196,196,196,196,199,204,207,207,207,204,202,202,196,191,189,186,189,194,196,196,199,202,202,202,204,207,204,196,195,196,199,202,204,207,204,202,196,196,199,204,204,202,191,178,77,60,79,176,196,204,204,202,196,181,129,128,133,191,202,204,204,196,181,174,176,186,196,199,199,202,196,194,194,194,119,80,112,127,191,202,204,207,207,204,189,113,93,105,137,196,202,207,207,204,202,202,202,207,207,207,207,202,199,202,202,199,194,189,186,186,189,194,196,199,202,202,196,194,194,196,196,191,186,183,178,177,178,181,135,129,127,129,131,127,125,125,131,178,183,189,191,190,191,196,199,196,194,194,196,196,194,196,202,209,212,209,212,212,212,207,199,199,204,204,191,141,191,209,222,228,228,225,217,213,213,215,217,215,215,220,222,217,215,215,215,217,220,217,217,217,222,222,217,217,222,228,225,222,225,228,228,228,222,215,213,215,217,217,222,225,222,212,207,207,207,207,209,212,212,209,212,217,225,228,230,230,238,243,243,233,176,177,202,146,141,202,217,225,222,222,222,217,217,216,215,216,222,225,228,228,225,222,217,212,209,209,209,212,212,212,212,217,222,215,211,211,215,228,230,228,225,217,215,212,209,209,212,212,212,215,217,222,225,228,228,222,217,215,222,230,233,235,230,225,216,215,217,228,233,235,238,235,235,235,235,235,235,235,238,235,233,230,233,235,233,225,222,217,217,222,225,222,215,212,207,199,195,196,209,225,230,233,230,228,228,230,228,215,205,203,207,215,213,212,215,217,217,217,215,215,215,212,211,212,215,222,225,225,217,207,203,203,203,203,204,207,215,217,215,204,199,199,204,204,202,199,199,199,196,196,202,204,209,209,207,209,215,212,212,212,209,207,209,212,212,209,212,215,215,215,215,225,235,241,243,241,241,243,246,241,233,230,230,238,243,246,243,238,233,228,225,217,215,209,207,207,207,207,204,204,202,204,207,209,209,207,202,202,204,202,199,194,191,189,189,189,194,196,196,194,189,186,186,186,183,182,183,183,183,183,183,183,186,186,186,183,181,181,183,183,183,183,183,183,183,183,186,186,186,189,186,183,181,181,181,178,178,181,183,181,176,173,173,176,176,178,178,181,181,181,178,173,125,120,121,125,127,129,127,124,124,125,170,173,173,173,173,178,178,173,130,129,131,181,186,189,191,191,191,183,135,135,186,191,194,191,187,186,189,202,207,207,207,207,207,209,215,220,225,230,235,238,238,235,228,225,105,178,186,178,183,196,202,183,163,165,152,97,69,37,17,11,15,23,11,17,35,19,21,147,152,142,23,0,0,0,0,0,0,0,0,255,246,144,108,118,152,189,191,176,155,126,82,43,160,147,13,0,5,3,1,35,74,37,3,0,0,0,0,43,98,43,0,0,0,0,0,129,126,90,90,137,0,0,121,116,0,0,0,0,0,0,0,0,0,0,0,196,176,165,165,165,155,139,131,150,207,255,255,255,246,199,144,82,0,0,0,0,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,118,157,186,217,228,222,222,228,238,246,207,152,152,191,233,243,215,204,0,0,255,186,71,0,0,0,0,19,35,41,35,29,0,0,0,0,0,0,0,0,0,7,160,251,225,0,0,0,0,0,255,254,35,0,0,0,0,0,77,248,255,255,255,255,215,169,181,173,150,75,49,17,29,63,105,113,0,0,0,0,0,0,0,0,19,186,194,202,230,230,202,0,0,0,17,170,199,189,170,152,152,173,176,183,191,183,176,168,103,94,96,105,173,186,189,181,160,105,95,95,101,107,111,147,105,85,73,66,91,160,178,176,165,152,163,150,142,155,181,176,131,49,27,28,89,51,0,0,0,139,150,28,20,39,67,89,152,152,152,160,178,176,165,163,147,129,87,39,24,27,55,139,170,168,144,99,103,152,170,191,204,204,157,153,165,189,194,173,119,113,121,168,176,176,191,202,199,186,165,155,163,202,212,181,99,81,77,91,144,152,142,89,75,75,87,95,85,73,71,81,75,28,43,49,59,67,73,77,76,76,87,121,129,129,126,85,75,71,73,73,71,65,55,47,41,37,45,53,53,47,47,57,65,63,51,50,52,53,51,49,47,48,55,59,55,53,61,71,77,75,57,41,40,53,65,81,126,142,137,126,129,139,152,131,49,35,29,35,41,47,53,55,55,57,61,79,97,150,157,160,155,147,160,186,209,217,228,251,255,0,255,255,238,238,248,255,255,243,228,212,178,147,139,134,98,43,0,0,0,0,0,0,0,0,0,0,144,137,85,35,9,0,0,0,0,0,11,33,17,0,0,0,0,0,0,0,0,0,0,31,129,191,209,212,209,202,196,186,189,196,191,183,176,160,126,89,91,137,165,181,191,191,183,170,150,139,137,137,139,137,134,134,137,129,91,75,57,53,59,53,35,23,21,25,41,59,79,83,95,147,163,168,160,157,163,170,163,137,93,77,57,46,49,67,77,85,69,63,61,63,63,53,35,21,17,11,15,19,33,45,69,121,126,126,116,67,47,43,0,51,51,44,43,47,87,111,134,163,178,186,186,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,64,92,116,129,0,0,0,0,0,0,0,251,220,176,108,38,21,23,51,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,83,178,225,251,255,235,235,246,246,228,209,191,133,133,147,220,251,255,255,255,255,255,255,255,255,255,255,235,217,209,199,191,181,123,107,89,81,73,67,67 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,90,0,0,0,23,129,170,191,199,204,194,23,35,98,116,134,181,87,29,83,144,142,142,204,204,107,111,173,168,168,168,165,163,168,178,181,176,178,183,191,194,186,168,115,115,127,176,178,178,183,189,186,183,181,181,181,178,133,125,121,121,123,178,186,183,181,178,132,131,132,135,181,183,183,181,181,181,135,135,183,189,186,186,183,183,191,204,215,222,222,222,222,225,225,215,199,191,187,187,189,196,199,204,209,209,202,192,194,202,199,194,194,202,212,217,217,222,225,225,225,228,233,228,215,209,202,190,194,215,225,217,204,199,204,207,204,199,194,143,141,196,194,194,204,215,212,204,194,192,194,194,194,191,189,187,190,194,204,209,207,202,204,215,225,225,212,199,194,191,194,202,207,204,199,196,199,204,204,194,191,191,191,191,196,204,209,207,202,200,204,217,228,222,204,191,143,143,143,186,139,134,134,134,135,141,196,207,199,186,137,139,189,186,186,189,139,134,134,139,186,189,196,199,196,199,199,202,207,209,207,189,181,186,194,194,191,191,202,209,209,204,200,202,204,204,202,196,195,199,207,209,207,207,207,209,209,208,209,209,212,215,215,217,217,217,217,222,225,222,215,194,123,116,118,129,186,196,199,199,199,202,202,199,194,191,194,199,199,194,194,199,202,189,183,133,124,124,135,194,196,191,186,178,131,128,126,127,130,133,127,123,129,186,189,183,183,189,191,191,186,183,183,189,194,199,194,186,183,178,176,173,173,176,181,186,186,181,173,131,173,178,183,189,189,191,196,202,202,204,202,194,189,183,181,178,178,170,125,123,125,129,170,170,128,129,183,196,196,191,183,181,176,129,131,178,186,191,194,191,191,196,199,196,191,189,186,183,178,176,177,178,129,127,178,196,202,194,186,186,183,123,115,109,99,90,131,204,207,204,199,196,196,199,202,202,202,199,194,189,189,191,194,194,194,196,196,196,196,199,204,207,207,207,207,204,199,196,196,194,191,194,194,196,196,199,199,199,202,204,204,202,196,195,196,199,202,204,204,202,199,196,196,202,204,204,204,191,91,58,73,115,189,202,207,207,204,202,194,178,129,129,181,199,207,209,199,183,178,181,191,202,204,204,204,202,202,204,202,186,118,116,121,135,191,202,207,202,133,88,50,50,95,183,194,202,207,209,207,204,202,204,207,204,204,209,191,127,125,139,191,191,189,189,189,194,196,196,196,199,202,199,199,199,202,199,196,191,186,181,178,181,186,186,181,131,125,125,123,121,125,135,178,189,191,194,194,191,194,199,202,199,196,196,192,191,192,204,215,217,215,215,215,215,215,209,202,204,212,207,135,135,196,215,225,228,222,217,215,215,217,222,222,222,225,222,217,215,215,215,215,217,215,215,217,220,217,215,215,217,222,225,225,225,225,225,222,215,212,212,215,217,222,222,225,225,217,209,204,207,212,212,212,209,203,198,200,209,225,230,230,233,238,238,212,192,199,204,141,135,149,212,217,222,222,222,222,217,216,215,216,217,225,228,228,228,225,217,215,212,215,217,217,215,215,217,222,222,217,212,212,222,228,230,230,228,222,217,215,215,212,212,212,212,215,215,217,225,228,228,222,217,217,222,228,233,233,228,222,216,216,217,228,233,238,238,235,235,235,238,238,238,238,238,235,233,231,233,235,233,225,215,217,222,222,225,228,225,215,209,202,196,198,209,225,230,233,233,233,230,228,225,215,204,203,207,215,217,217,217,217,217,222,217,217,215,215,212,215,217,222,225,222,209,203,203,207,209,207,204,209,217,217,215,207,202,204,207,207,202,198,198,202,202,202,202,207,212,209,209,212,212,209,207,202,196,199,204,209,208,207,209,209,209,209,215,225,233,241,241,238,241,243,246,241,233,225,225,230,241,243,241,233,225,222,215,212,212,212,209,207,204,204,204,204,204,207,207,209,209,207,204,202,202,202,199,194,191,189,189,191,191,194,194,191,189,186,186,186,183,182,182,182,183,186,189,189,191,191,189,186,183,181,181,183,183,181,181,181,181,181,183,183,186,189,189,186,183,181,181,178,181,181,183,181,173,172,172,173,173,176,178,183,186,186,183,176,125,121,121,123,125,127,125,124,124,125,129,131,129,128,131,181,183,181,131,129,131,181,189,194,196,196,194,186,181,183,189,191,191,191,189,186,187,194,204,207,209,209,207,207,212,217,225,230,235,238,235,230,222,217,97,176,176,111,111,176,191,183,176,165,163,144,85,43,19,7,1,9,35,73,116,67,69,142,173,163,75,0,0,0,0,0,0,255,255,246,144,57,45,87,126,176,183,165,144,121,85,47,142,144,90,33,21,27,41,85,103,92,29,0,0,0,0,29,87,61,3,0,0,0,0,0,134,79,61,103,0,0,0,0,0,0,0,0,0,0,204,194,189,183,173,165,155,147,0,0,0,0,0,160,228,255,255,246,209,0,0,0,0,0,0,98,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,116,155,163,191,241,241,222,217,222,230,207,165,124,140,186,222,225,204,207,0,0,255,215,121,39,0,0,0,27,41,43,27,0,0,0,0,0,0,0,0,0,0,0,72,217,194,0,0,0,0,0,255,255,87,0,0,0,0,27,186,255,255,255,255,255,241,202,173,173,189,155,67,15,6,39,124,116,3,0,0,0,0,0,0,0,0,116,108,75,173,215,207,65,0,0,0,63,181,189,163,152,165,181,189,202,202,191,183,173,109,99,105,157,181,189,189,178,165,160,113,111,107,107,109,147,150,144,97,89,83,95,173,183,165,152,152,99,93,137,147,137,87,71,39,31,73,181,168,53,55,139,155,129,69,75,89,137,155,160,160,170,191,181,160,160,89,55,53,43,31,32,51,89,144,150,101,97,99,111,163,186,204,196,161,153,159,189,199,173,112,107,113,168,176,173,176,178,191,176,155,111,155,186,202,150,55,43,99,105,142,160,163,144,89,83,95,126,81,61,65,81,87,73,71,71,67,73,79,81,77,77,79,85,118,118,89,77,75,73,73,75,79,71,59,47,31,22,31,47,47,45,47,65,69,63,57,55,55,57,53,55,57,63,69,73,67,59,63,71,77,65,47,38,37,45,61,81,118,126,131,131,134,142,144,129,73,49,41,43,51,53,47,47,49,53,55,73,91,105,144,147,147,109,113,173,189,199,209,248,255,255,255,251,241,243,254,255,255,235,220,209,181,163,147,139,100,0,0,0,0,0,163,0,0,0,0,137,150,131,95,64,38,22,3,0,0,0,0,11,5,0,0,0,0,0,0,0,0,0,0,0,31,126,183,207,202,194,186,186,189,199,207,215,207,160,75,49,63,85,142,170,183,189,183,170,155,137,99,95,97,129,131,139,157,157,134,83,65,63,61,55,49,45,35,37,51,71,79,83,93,155,170,168,160,160,168,165,155,134,83,77,63,49,49,61,69,69,63,63,61,65,65,57,45,31,23,19,15,19,23,37,55,105,118,0,0,41,31,29,43,55,63,63,67,95,111,142,170,183,196,202,202,191,194,196,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,69,90,90,0,0,0,0,0,0,0,255,243,204,157,82,23,17,27,56,82,0,0,0,0,0,0,186,181,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,73,157,209,251,251,235,235,251,251,228,220,207,133,124,124,139,220,251,255,255,255,255,255,255,255,255,255,225,207,196,186,181,170,123,99,87,81,73,67,67 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,0,0,0,0,0,95,90,53,3,0,87,129,173,204,215,212,176,22,37,75,152,170,157,69,39,89,137,147,160,199,194,109,107,115,160,168,176,176,168,165,168,170,170,178,191,202,199,181,113,106,114,127,173,176,181,189,194,191,183,181,183,186,186,183,133,127,122,122,131,181,183,183,181,135,133,178,181,183,183,178,137,186,189,183,183,186,189,189,183,182,182,189,199,209,212,215,217,222,217,215,207,196,191,191,196,202,202,199,207,215,220,215,199,194,194,194,194,194,202,209,212,212,215,222,222,225,230,235,225,204,199,196,191,192,215,228,225,204,196,204,209,204,194,141,133,123,207,202,199,204,209,207,199,192,194,199,199,199,194,191,190,190,191,196,199,196,194,196,207,215,215,202,186,138,139,191,202,202,194,194,194,196,196,196,194,194,199,196,194,196,202,204,204,202,200,204,212,217,215,202,191,143,143,189,141,137,135,135,137,141,199,217,225,207,189,186,196,207,204,204,202,191,136,137,186,189,191,196,196,194,196,196,199,202,209,207,191,181,182,183,186,189,194,199,204,204,200,200,202,204,202,196,195,195,202,209,209,207,207,207,209,209,209,209,209,212,215,220,222,222,217,217,222,228,225,194,123,121,125,137,186,191,196,199,202,204,204,204,204,204,202,202,196,189,191,199,204,204,194,186,133,127,131,189,199,199,191,183,135,131,131,133,183,189,191,189,181,186,196,194,189,186,183,186,183,181,181,183,186,191,194,191,189,186,183,178,176,178,178,178,178,176,173,131,176,178,183,189,189,186,189,194,202,207,207,204,194,183,178,176,176,176,129,121,120,123,127,170,170,128,129,181,194,194,189,183,178,131,129,176,189,191,191,194,194,194,196,199,196,191,189,186,183,178,177,178,178,131,129,178,194,196,183,131,176,133,125,123,123,104,89,123,194,202,199,196,196,196,194,194,194,194,194,191,191,189,189,191,194,196,199,199,196,194,196,199,204,204,204,207,207,202,199,199,196,194,194,194,196,199,199,199,199,202,202,202,199,196,196,199,199,202,202,202,196,196,196,199,202,204,202,191,89,61,74,89,125,196,209,212,207,204,204,204,199,135,128,129,186,207,209,202,191,189,194,202,204,207,207,207,204,207,209,212,209,194,127,125,133,194,204,207,204,189,86,54,54,97,137,191,199,204,207,207,204,202,202,202,196,186,107,86,81,91,125,191,196,194,194,194,194,199,199,196,199,199,202,202,204,207,207,202,196,191,186,183,186,191,194,189,181,129,125,123,111,121,178,186,191,194,199,199,194,194,199,202,199,199,194,190,190,194,209,222,217,213,213,215,217,222,217,209,204,212,212,139,137,143,202,217,225,222,217,215,217,222,225,222,225,225,222,217,215,215,212,215,215,215,212,215,217,215,212,211,212,215,222,225,225,225,225,222,215,212,213,222,225,222,225,228,228,225,215,207,208,215,217,217,212,205,199,202,212,228,230,228,225,228,228,207,198,207,215,148,143,199,212,222,222,222,225,222,222,217,217,222,225,228,230,230,228,225,222,217,217,222,222,225,222,217,217,217,222,217,215,217,225,230,233,233,230,225,222,217,215,212,209,209,212,212,215,217,222,225,225,222,222,222,225,228,230,230,225,217,216,216,217,228,233,235,238,235,233,235,238,238,238,241,238,235,233,233,233,233,228,212,209,215,222,225,225,228,228,222,215,209,199,198,209,225,230,233,233,233,230,228,228,215,205,203,207,212,217,222,222,217,222,222,222,222,222,217,215,215,215,217,222,215,207,203,204,212,215,212,209,212,215,215,212,207,207,207,207,207,202,198,198,202,207,207,204,207,209,209,209,212,209,204,196,194,194,196,207,212,212,209,209,212,212,215,217,225,230,235,235,235,241,246,248,246,235,225,217,225,233,235,233,225,217,217,215,215,215,215,212,207,204,204,207,207,207,207,207,209,212,209,207,204,204,202,199,196,194,191,191,191,191,194,191,191,189,189,189,186,186,183,182,182,186,189,191,194,194,194,191,186,181,181,181,183,183,183,181,181,178,178,181,183,186,189,189,189,183,181,181,181,181,183,183,178,173,170,170,172,173,176,183,189,194,191,186,176,127,121,120,121,125,127,127,125,124,127,170,129,127,126,131,181,186,186,178,131,176,183,189,194,196,199,194,189,186,186,191,189,191,191,191,189,189,194,202,204,204,207,204,204,209,217,217,225,230,233,233,228,217,215,93,127,176,111,107,173,191,191,183,165,111,91,57,31,27,19,0,1,37,131,139,67,67,173,183,165,118,57,0,0,0,0,255,255,212,134,11,0,17,63,129,155,168,155,137,121,87,77,142,147,108,45,33,37,85,113,129,126,79,17,0,0,0,25,64,87,85,61,61,0,0,0,176,82,21,13,23,0,0,0,0,0,0,207,183,160,152,134,118,126,129,129,118,111,103,79,0,0,0,0,228,246,238,215,194,0,0,0,0,0,0,69,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,142,170,181,202,233,241,222,215,217,217,191,168,140,150,194,194,178,160,183,0,0,255,196,144,77,45,0,0,3,35,29,0,0,0,0,0,0,23,35,0,0,0,0,7,178,176,0,0,0,0,124,255,255,81,41,87,81,71,150,212,255,255,255,255,255,255,230,173,152,173,163,67,11,0,2,19,15,0,0,0,0,0,0,0,0,0,0,0,0,43,220,217,79,0,0,0,71,186,191,163,152,173,194,207,217,209,196,183,181,168,109,111,170,191,194,186,173,160,165,170,170,160,113,147,160,173,173,109,81,60,61,101,163,144,105,99,91,91,91,79,66,73,71,24,17,22,91,170,139,85,124,142,144,134,126,137,144,155,157,152,147,168,160,87,31,5,23,53,57,41,37,49,81,101,103,96,96,103,150,163,183,202,207,186,163,165,189,199,183,121,107,104,115,173,173,172,176,189,176,163,152,105,73,30,8,0,0,155,137,93,139,150,134,77,69,75,81,69,55,61,81,91,89,93,121,91,91,121,89,83,81,75,79,85,87,85,83,83,81,75,79,79,71,59,47,25,21,24,39,47,45,47,65,67,61,61,61,61,61,59,65,65,69,75,75,69,67,69,77,77,67,49,41,41,51,61,65,63,62,79,118,121,131,131,118,73,49,39,41,49,51,47,44,44,45,49,55,65,85,95,99,99,101,115,165,176,178,202,243,255,255,255,254,254,255,255,255,241,207,189,196,199,183,165,150,0,0,0,0,0,181,178,113,0,0,0,176,157,108,87,79,72,56,35,17,9,0,0,5,0,0,0,0,0,0,0,0,0,0,0,0,0,27,113,163,168,157,157,170,181,191,207,215,191,131,42,37,42,69,126,147,157,157,155,152,139,93,87,85,91,95,131,142,150,147,134,87,75,69,61,55,51,47,37,43,61,79,83,81,89,150,165,168,160,160,163,160,144,124,83,83,69,57,43,43,51,57,57,61,67,71,67,63,51,43,31,25,19,19,23,31,51,77,108,0,0,0,25,29,47,100,113,121,121,121,142,168,186,194,202,209,207,199,191,196,194,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,61,77,72,0,0,0,0,0,0,0,243,209,186,150,100,48,27,48,69,0,0,126,0,0,215,215,199,181,191,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,67,142,199,235,251,235,235,251,251,233,225,207,137,124,119,131,207,233,251,255,255,255,255,255,255,255,238,217,199,186,178,170,123,117,99,87,81,73,67,67 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,126,116,92,85,95,113,126,165,194,207,199,163,139,121,116,168,181,165,160,147,139,144,157,165,170,155,106,106,109,117,165,176,178,173,165,165,168,173,176,183,194,189,123,111,109,123,173,178,178,181,189,194,191,181,181,189,194,199,196,191,178,127,123,127,135,183,191,194,189,189,194,194,189,183,135,137,189,191,189,186,186,189,189,186,182,183,186,194,202,207,209,209,209,204,204,202,196,196,199,204,204,196,191,202,217,225,222,204,189,187,190,194,199,207,209,209,209,209,212,215,222,233,233,212,192,195,204,196,196,215,228,225,199,194,199,202,196,191,142,137,130,212,209,207,207,207,202,192,191,194,202,207,207,204,199,196,191,191,191,194,191,189,191,196,204,204,196,139,136,139,196,204,202,194,196,196,194,191,192,199,209,209,204,202,204,209,212,212,209,207,204,207,209,207,199,191,189,189,191,189,141,139,137,137,194,215,230,230,199,135,141,207,222,222,217,215,207,196,194,196,194,194,194,194,191,194,196,194,199,204,207,199,183,179,181,183,191,199,202,202,200,200,202,207,207,199,196,196,199,207,212,212,207,209,209,209,212,209,209,209,212,217,225,225,222,217,222,222,225,220,131,120,124,191,199,199,196,194,196,202,207,212,212,212,209,204,194,137,135,181,194,202,202,196,189,181,137,186,199,202,194,186,181,137,181,189,202,207,209,209,204,199,199,202,196,186,183,181,181,178,131,129,133,181,186,189,186,186,191,189,181,178,178,176,131,129,129,129,173,178,183,186,189,183,178,181,191,202,209,212,207,196,183,176,173,176,178,173,121,120,121,127,173,173,128,127,170,181,186,186,181,173,128,128,178,189,191,189,189,191,196,199,199,199,196,191,189,183,178,178,181,183,178,133,133,181,181,125,121,125,129,131,183,186,119,104,133,194,196,199,199,199,196,194,191,191,191,191,191,189,189,187,189,194,199,199,199,194,194,192,196,199,202,204,207,207,204,202,199,196,196,194,194,196,199,202,202,202,202,202,202,199,196,196,199,202,204,204,202,199,199,199,202,202,207,204,181,81,64,87,101,123,196,212,212,207,204,204,207,204,191,132,129,135,194,202,191,178,181,196,207,207,204,204,207,204,204,207,215,222,217,191,135,186,202,207,207,207,207,186,109,109,133,183,191,196,202,204,207,204,202,199,196,189,133,94,82,81,95,139,202,207,204,202,199,199,202,202,199,199,199,202,204,207,209,209,207,202,196,191,189,191,194,196,194,189,181,135,129,65,77,123,189,189,191,199,199,194,191,196,199,202,204,199,192,190,194,209,222,217,213,213,217,217,217,217,212,207,209,212,204,194,141,137,204,225,225,217,215,217,222,222,222,222,225,222,217,215,215,212,212,212,212,212,215,217,215,212,211,211,212,217,220,222,225,228,225,217,217,222,225,228,225,225,225,222,222,217,212,212,217,222,222,222,215,212,215,228,230,228,222,217,220,212,200,199,209,225,215,204,209,217,217,222,225,228,228,225,222,222,225,228,230,230,230,228,228,225,225,225,225,228,228,225,217,216,216,217,217,217,222,228,233,233,233,230,225,222,217,215,209,207,207,209,209,212,215,217,217,217,222,225,228,228,230,230,228,225,225,222,222,222,228,230,233,235,233,233,235,238,241,241,241,238,235,235,233,230,228,215,202,198,207,217,217,217,222,222,217,217,217,207,199,209,225,233,230,233,233,230,230,228,217,205,204,207,212,215,217,217,217,217,217,217,217,217,217,212,209,209,212,217,215,207,204,207,212,215,215,215,215,215,212,209,207,209,209,209,207,202,196,198,202,209,209,207,207,209,209,212,212,207,202,195,194,194,202,212,222,217,215,215,215,217,220,222,228,230,230,233,235,241,246,251,248,238,225,212,215,222,228,225,222,222,217,217,217,217,215,215,209,207,207,209,207,205,205,207,209,212,212,209,209,209,207,204,199,194,191,191,191,194,194,194,191,189,189,189,189,186,183,183,183,186,189,194,194,194,194,189,183,179,179,181,183,183,183,183,181,178,178,178,183,186,189,189,189,186,183,183,183,183,186,183,181,176,173,173,173,178,183,191,196,196,196,189,181,129,121,120,121,123,127,129,129,127,129,170,170,128,127,173,181,183,186,183,178,181,183,186,189,196,196,191,189,189,191,194,191,191,191,194,194,194,196,199,199,199,199,199,202,209,215,215,215,225,233,233,230,222,217,94,173,183,125,111,173,183,183,183,176,150,89,57,39,53,65,35,27,55,131,139,75,75,173,181,152,134,165,0,0,255,255,255,230,134,17,0,0,21,118,144,152,144,144,126,103,68,65,142,150,126,82,37,33,77,121,144,134,98,47,39,25,17,29,41,92,105,87,74,98,0,176,163,61,13,13,72,0,255,254,209,235,238,189,131,108,90,48,25,51,77,90,77,69,61,51,0,0,0,0,209,207,189,168,160,0,0,0,0,0,79,51,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,87,142,168,168,173,181,202,212,215,215,215,204,194,168,186,217,191,147,95,0,0,0,255,215,217,186,144,47,0,0,27,7,0,0,0,0,0,0,0,0,0,0,0,0,0,176,194,0,0,0,0,230,246,255,137,81,176,196,196,204,238,255,255,255,255,255,255,251,173,139,157,157,69,19,2,1,4,7,11,3,0,0,0,0,0,0,0,0,0,0,0,217,225,155,0,0,0,57,178,178,105,105,181,207,215,215,212,196,183,181,173,111,106,163,191,196,181,157,111,113,170,173,178,178,178,176,176,163,103,67,49,50,77,142,105,97,87,91,97,77,59,56,67,71,26,19,26,91,181,170,139,124,131,150,147,137,142,152,152,139,168,152,137,71,35,5,0,2,49,49,35,35,49,83,103,103,99,101,111,152,163,181,196,207,207,186,173,189,199,189,168,115,107,117,173,189,181,189,191,186,165,155,93,47,24,6,0,0,99,81,77,91,134,95,65,53,55,63,55,53,54,75,87,89,129,139,139,137,134,126,89,81,75,79,81,83,85,83,83,81,75,75,73,65,57,47,33,24,25,43,49,47,51,63,61,51,53,55,53,53,59,65,67,67,65,67,67,67,73,113,113,65,41,38,43,55,65,63,60,59,63,77,77,116,118,83,63,49,41,43,51,57,55,49,45,47,55,49,49,65,85,85,85,101,113,157,165,176,209,246,255,255,255,255,255,255,254,241,217,183,178,196,212,191,173,165,0,0,0,0,0,186,173,95,0,0,0,0,0,0,0,0,113,92,66,40,15,0,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,41,57,63,116,137,170,183,194,191,160,83,44,41,57,77,129,147,147,137,131,93,81,73,73,79,91,95,137,142,144,139,126,87,81,73,61,51,47,37,25,25,53,79,79,75,83,137,160,163,160,160,157,155,144,124,83,121,81,67,41,31,31,39,51,59,67,65,71,65,63,51,43,29,21,19,19,31,51,67,75,65,0,37,31,41,71,118,142,150,147,147,165,181,191,189,196,204,204,199,194,199,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,61,69,46,33,46,82,0,0,0,0,222,194,170,157,126,92,74,74,0,0,0,121,139,168,207,225,204,181,181,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,57,131,199,235,251,238,235,251,251,235,225,209,186,131,131,137,199,228,235,251,255,255,255,255,255,248,225,199,178,131,129,123,117,107,93,87,73,73,67,67 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,207,152,31,61,61,98,105,152,163,150,142,139,155,142,121,137,155,160,173,165,150,152,165,168,168,155,111,113,113,117,165,173,176,170,165,164,168,173,170,170,176,170,117,115,125,178,186,186,181,178,183,186,181,181,183,194,202,207,207,204,196,133,123,125,135,191,202,207,204,207,209,204,189,135,131,135,183,186,189,191,191,194,196,189,182,183,183,183,194,204,207,196,187,190,196,202,202,202,204,204,199,191,183,196,217,222,217,202,187,186,190,196,207,215,217,215,209,207,207,212,217,228,222,199,189,202,212,204,204,217,225,212,191,145,145,145,144,191,199,207,215,215,212,209,209,207,199,191,190,192,202,209,209,209,207,202,196,191,194,199,196,189,186,191,196,196,194,141,137,139,196,199,196,199,207,207,199,192,192,202,212,209,207,209,212,217,217,215,212,209,207,204,204,202,199,194,191,196,204,199,194,189,136,136,204,222,228,215,131,127,135,207,225,225,225,225,222,215,215,212,204,196,194,189,186,186,186,139,186,199,209,204,191,183,183,189,199,207,207,202,199,200,209,215,212,202,199,202,207,212,212,209,207,207,209,209,212,212,212,209,212,217,225,222,217,215,215,217,217,204,137,127,139,199,207,204,199,194,194,202,209,215,217,217,215,202,136,130,132,181,194,199,199,202,196,194,194,199,202,196,189,183,183,189,199,209,215,215,215,212,212,209,207,204,194,183,183,183,183,133,126,124,127,133,181,183,181,183,191,189,178,176,176,173,129,128,128,131,176,181,186,189,186,178,131,173,189,204,212,215,209,199,186,176,173,176,176,170,121,120,123,129,176,181,173,124,126,173,178,178,173,128,126,128,173,181,183,181,183,189,196,199,202,199,194,189,183,178,177,178,186,191,191,181,131,127,121,111,114,123,127,131,186,186,127,129,191,196,199,199,202,199,199,199,196,194,191,189,189,187,187,189,191,194,196,199,196,194,192,192,194,196,199,202,204,202,202,202,199,199,196,196,196,196,199,202,204,202,202,202,202,199,196,196,199,202,204,204,207,207,204,204,207,204,204,204,183,103,93,95,101,119,194,209,209,207,204,204,204,204,199,183,131,132,183,191,178,131,131,181,199,204,202,204,202,199,196,202,212,222,222,209,199,199,207,204,204,209,209,204,196,194,191,189,189,194,199,204,209,212,207,199,194,189,141,123,121,137,196,204,209,212,212,209,204,202,204,204,202,202,202,202,204,207,209,209,207,204,199,196,194,191,194,196,196,194,194,191,181,63,61,101,178,181,186,191,194,191,189,194,199,202,207,207,199,191,191,199,209,215,215,215,217,215,212,209,204,204,209,212,215,212,135,112,125,222,225,217,215,215,217,217,217,217,222,222,217,217,215,215,215,212,212,212,212,215,215,212,212,212,212,212,215,217,225,228,228,228,225,228,228,228,222,212,207,204,209,215,215,217,222,225,225,225,225,228,230,233,230,222,215,212,215,212,204,202,212,228,228,222,215,215,215,215,225,228,228,225,222,217,222,225,228,230,230,230,230,230,228,228,230,230,230,228,222,216,216,217,217,217,222,228,230,230,233,230,225,222,217,212,207,204,202,204,207,209,212,215,215,215,217,225,228,230,230,228,228,228,228,228,228,225,228,233,233,233,231,231,235,238,241,241,241,238,235,235,230,228,225,212,199,195,199,209,212,209,207,209,212,217,220,212,204,209,220,228,230,233,233,230,230,230,222,207,205,207,209,209,212,215,217,215,215,212,212,215,215,209,208,208,209,215,215,209,207,209,212,215,215,215,215,215,212,212,212,212,209,207,204,202,198,198,202,207,209,207,209,209,212,215,215,209,202,199,196,199,204,215,222,225,222,220,220,222,222,225,228,228,230,233,235,238,241,246,246,238,225,209,208,212,222,228,230,228,222,217,216,217,217,217,215,215,215,212,207,204,204,207,212,212,212,209,209,209,209,204,202,196,191,191,191,194,196,194,191,189,189,189,191,189,186,186,186,186,189,194,194,194,189,186,181,178,178,181,183,186,186,183,181,178,178,181,183,189,189,189,186,186,183,183,186,186,189,189,186,183,181,181,181,186,191,196,196,196,194,189,183,173,125,123,123,123,125,129,129,127,129,170,170,129,129,178,181,183,186,186,183,183,183,183,186,191,191,186,186,189,196,199,196,194,194,194,196,199,202,199,199,196,196,196,196,207,215,217,212,215,228,233,230,228,225,97,173,191,173,111,117,165,173,176,181,176,152,101,85,77,85,95,83,61,67,118,134,144,165,163,144,165,212,233,255,255,255,255,246,134,7,0,0,57,155,155,134,129,129,126,103,72,70,121,142,137,108,39,21,35,95,121,111,85,82,95,77,31,29,35,64,47,37,33,64,116,142,129,61,33,92,207,255,255,191,178,246,254,168,113,74,40,3,0,0,25,51,53,53,59,51,0,0,0,189,189,168,144,134,0,0,0,0,72,59,59,35,0,0,0,0,25,0,0,0,0,0,0,0,0,0,0,27,77,116,131,124,108,108,147,189,207,215,215,217,238,220,225,243,235,173,95,0,0,0,235,255,255,230,178,113,9,23,41,0,0,0,0,0,0,0,0,0,0,0,0,1,47,233,254,0,0,0,3,209,204,255,228,89,168,215,235,238,255,255,255,255,255,255,255,255,196,152,165,165,73,43,25,19,19,23,51,67,0,0,0,0,0,0,0,0,0,0,0,157,207,178,39,0,0,47,137,150,99,152,189,215,220,220,209,186,176,173,168,106,99,107,178,186,170,105,102,102,111,165,181,191,189,176,157,105,87,61,49,51,83,144,150,142,97,103,103,77,59,59,71,81,61,73,137,155,170,170,147,131,142,157,155,139,142,142,124,51,7,13,0,0,0,23,15,23,33,20,18,26,55,97,152,152,144,147,152,163,163,163,183,204,215,199,183,186,199,191,189,173,123,123,165,173,189,191,191,178,173,155,91,57,41,41,57,81,79,72,73,85,101,91,69,53,51,54,53,52,54,67,75,81,91,137,142,142,134,126,89,73,63,69,73,73,73,75,75,69,73,69,67,67,65,57,51,45,49,61,61,51,47,51,49,39,38,38,38,41,49,57,63,63,55,55,61,63,73,116,113,65,37,36,41,55,65,65,63,63,63,67,75,77,111,75,63,55,55,59,61,71,79,71,61,61,73,55,53,65,77,72,76,99,115,115,157,181,225,0,255,255,255,255,255,248,230,217,209,189,181,196,191,170,155,155,0,0,0,0,0,186,163,87,72,0,155,150,82,33,48,111,142,111,74,33,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,51,103,137,170,183,163,131,77,71,79,126,137,147,155,147,129,85,72,67,66,72,85,126,134,144,152,160,144,134,91,83,75,55,41,37,23,14,14,33,65,67,63,71,93,152,160,160,165,157,160,150,129,91,121,91,73,49,31,27,29,39,57,61,59,65,65,65,55,45,31,25,18,18,31,53,67,71,69,0,0,55,65,108,134,150,170,176,173,173,181,181,183,194,202,199,199,204,212,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,30,14,17,46,105,178,235,0,0,194,168,155,142,116,108,92,79,0,0,116,105,118,176,199,194,181,170,176,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,61,131,199,248,255,251,251,251,251,235,228,217,207,196,196,196,207,225,235,246,251,251,255,255,248,233,209,186,131,123,117,107,99,99,91,81,73,73,67,67 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,30,35,0,0,0,134,228,163,0,41,35,51,57,63,25,18,31,63,160,150,137,144,147,157,170,165,160,165,173,178,189,189,178,173,168,168,173,178,176,170,165,168,170,170,168,168,170,129,119,121,176,191,196,194,183,181,183,181,179,181,186,191,199,204,207,207,199,176,122,123,183,199,209,215,215,215,215,199,124,123,129,137,181,183,191,199,207,209,207,196,183,182,181,179,186,196,199,190,185,189,196,202,202,202,202,199,196,191,186,199,212,215,215,207,194,194,196,202,212,222,225,217,209,207,207,212,215,217,209,194,191,207,212,202,203,215,215,202,144,143,143,142,143,194,209,225,228,222,215,212,212,209,202,196,194,196,202,207,204,204,204,204,199,194,199,204,202,191,186,186,191,191,191,186,138,139,191,194,194,207,215,217,212,204,199,196,196,199,204,209,215,217,215,209,204,207,204,202,199,199,199,196,196,204,217,212,202,191,136,136,209,222,217,196,126,124,135,207,222,225,225,228,228,228,228,222,209,199,191,186,137,137,135,126,128,194,204,202,196,194,194,196,204,212,212,204,202,204,215,222,215,204,199,202,209,212,209,207,204,204,204,207,212,215,215,212,209,212,217,215,209,207,209,212,209,196,189,143,191,202,207,204,199,194,196,204,212,217,222,222,217,207,134,130,137,199,202,199,202,204,202,202,204,202,196,189,186,186,191,204,212,215,212,209,209,209,212,209,209,204,191,182,183,189,191,181,127,124,127,133,178,181,181,183,189,186,176,131,173,131,129,129,173,178,183,186,186,189,183,173,129,173,189,207,215,215,212,204,191,181,173,173,170,123,119,121,129,173,176,183,178,121,124,173,178,176,173,131,129,129,129,129,131,176,183,189,196,202,202,196,186,178,177,176,176,178,186,194,196,191,133,119,112,108,115,129,131,131,178,176,129,183,196,199,196,199,202,199,199,202,199,196,194,191,189,189,189,194,196,196,196,196,194,194,192,194,196,199,202,202,199,199,199,199,199,199,196,196,196,199,199,204,204,204,204,204,202,199,196,196,196,199,202,204,207,207,207,209,209,204,202,199,181,119,111,99,105,125,191,202,204,204,204,202,202,202,194,178,130,131,181,189,186,136,134,134,181,191,199,196,191,189,191,196,207,212,215,212,207,207,204,202,202,207,207,204,204,204,199,189,189,196,199,207,215,215,209,199,194,194,202,209,209,207,204,202,202,209,215,215,207,204,204,204,204,202,204,204,204,207,207,207,207,207,204,199,196,194,194,196,196,196,199,202,194,95,63,107,129,135,181,186,191,189,189,194,196,199,207,209,207,196,192,192,196,204,212,215,217,212,204,196,194,196,209,215,217,209,121,107,118,212,217,215,209,209,212,212,212,212,215,217,217,217,217,217,215,215,212,211,212,212,215,215,215,215,215,211,211,215,222,228,230,230,228,230,228,217,204,149,147,149,199,212,217,217,217,222,222,222,225,230,233,233,225,217,212,211,212,222,217,215,217,225,233,230,222,215,211,212,222,228,225,215,213,215,222,225,228,230,230,230,230,233,233,233,233,233,233,228,225,222,222,222,222,217,222,222,225,228,228,228,222,215,215,212,207,204,202,200,204,207,212,215,215,217,217,222,225,228,230,230,228,225,225,225,225,228,230,235,235,233,231,231,233,238,238,238,241,238,238,233,228,225,225,217,207,198,202,209,209,204,202,204,209,215,217,215,212,209,208,209,225,230,230,230,230,230,225,209,207,209,212,212,212,212,215,215,212,207,209,209,209,209,208,208,209,215,212,209,209,209,209,209,212,212,215,215,217,217,215,212,207,202,202,204,204,204,207,209,212,212,212,215,217,222,217,212,207,209,207,204,207,215,222,225,225,225,225,225,225,225,228,228,230,233,233,233,235,238,241,235,225,211,208,211,222,233,235,230,222,216,216,217,217,217,217,217,217,217,209,205,205,209,215,215,212,209,209,209,209,207,202,196,191,191,191,196,196,196,194,189,189,191,191,191,189,189,186,186,189,194,194,191,189,183,181,179,179,181,183,186,186,183,181,176,176,181,183,186,189,186,183,181,181,183,186,189,191,194,194,191,189,186,186,189,191,194,194,189,186,186,183,176,170,127,125,123,123,125,125,125,127,170,170,131,173,181,181,181,186,189,189,186,186,186,186,186,183,181,181,189,196,202,202,199,196,194,196,202,204,207,204,199,196,194,191,199,209,215,209,204,212,225,228,228,225,86,103,127,115,97,97,103,111,165,183,183,189,183,152,91,85,131,89,41,35,57,124,152,176,152,144,196,238,220,220,255,255,255,255,220,90,0,0,0,176,129,100,100,113,126,129,131,121,90,108,137,126,45,1,7,35,47,41,37,85,121,103,45,35,35,43,43,32,27,33,98,134,129,103,103,121,152,204,176,113,147,255,255,181,116,66,11,0,0,0,5,19,0,0,0,0,0,0,139,152,157,150,134,0,0,0,0,0,51,47,51,25,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,9,23,35,37,31,17,23,69,165,204,222,222,235,255,251,254,255,255,251,186,160,0,0,233,255,254,228,209,155,39,35,39,0,0,0,0,29,35,0,0,137,142,37,49,98,142,255,255,142,63,134,178,222,225,255,248,142,168,215,251,255,255,255,255,255,255,255,251,255,233,189,191,165,67,55,63,65,51,45,55,61,0,0,0,0,0,0,0,0,0,0,0,152,163,73,21,5,13,59,91,99,95,152,189,207,225,225,204,178,165,165,119,105,99,105,163,170,157,102,99,102,109,160,165,165,160,111,101,89,77,67,63,71,142,173,178,173,152,144,97,77,66,69,81,87,87,137,155,155,147,147,147,139,147,160,160,150,137,116,39,0,0,2,0,0,0,124,83,51,33,8,8,27,71,134,152,144,144,152,160,163,159,159,163,186,212,199,183,186,199,199,199,194,176,122,116,120,176,189,189,176,173,107,79,79,89,109,157,155,95,76,73,79,91,87,77,69,61,61,55,55,61,69,71,69,75,89,129,129,129,124,75,53,41,57,73,73,69,65,64,64,67,65,65,67,73,75,75,75,81,79,67,47,41,39,39,36,36,37,38,41,45,51,57,57,53,55,55,61,73,116,118,69,43,41,47,53,59,59,63,67,69,77,75,77,77,75,63,57,71,73,73,75,79,79,73,73,75,65,73,89,87,72,77,107,157,157,168,202,0,0,255,255,255,254,246,235,215,209,196,183,181,181,178,155,142,142,0,0,0,0,186,186,163,113,79,77,98,79,35,0,17,87,113,90,48,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,65,134,173,163,131,113,118,144,155,155,155,170,157,137,87,72,69,69,83,134,144,150,150,168,176,173,157,131,91,79,59,49,37,23,12,10,21,55,59,56,63,83,139,155,160,168,168,170,163,134,87,121,124,89,65,43,31,29,33,45,49,53,59,63,63,57,45,33,25,23,21,31,51,67,75,77,0,0,111,111,118,134,147,168,178,183,173,173,178,181,191,202,207,202,204,209,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,9,0,9,64,147,212,251,243,194,157,139,129,116,108,92,0,0,0,126,82,85,129,168,189,181,166,164,173,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,29,63,137,204,251,255,255,251,251,251,235,228,217,212,212,212,207,209,220,228,235,246,251,251,248,233,220,199,178,123,107,107,99,93,91,81,73,71,71,67,67 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,150,43,0,0,0,0,56,35,0,39,21,23,41,39,18,19,40,129,183,181,189,194,186,189,186,170,170,181,186,186,194,196,194,196,194,194,194,191,183,176,170,173,173,173,169,169,173,129,121,127,186,202,204,196,186,183,186,186,181,183,186,189,189,191,194,196,196,181,119,120,189,202,209,215,217,222,215,137,114,117,135,191,189,183,189,202,212,215,209,196,183,181,181,183,189,191,194,191,191,196,202,202,199,196,196,199,196,195,191,196,204,204,207,209,212,212,207,207,212,222,222,215,207,204,207,212,215,215,207,196,195,204,204,198,200,209,209,199,144,143,143,144,194,207,222,230,230,228,217,212,212,209,207,204,202,204,204,202,194,192,196,202,202,196,202,207,204,194,186,185,186,189,189,186,141,186,196,202,209,222,225,225,222,217,212,202,195,194,195,204,209,212,207,202,196,199,199,196,195,195,196,196,199,204,215,209,196,143,136,137,202,212,209,191,131,130,189,209,222,228,228,228,228,228,228,222,207,196,141,139,139,141,137,125,128,189,199,196,194,196,202,202,204,209,212,209,204,209,217,222,212,202,198,199,207,207,207,204,204,204,202,204,209,215,215,209,207,207,209,209,202,199,204,207,204,196,191,191,196,204,207,204,199,199,202,207,215,222,225,225,225,215,189,137,202,215,209,204,204,202,202,202,202,194,183,183,189,196,204,209,212,212,207,205,205,207,207,207,207,204,189,181,181,191,196,191,178,133,178,181,178,183,186,189,189,181,173,130,131,131,176,181,186,189,189,186,186,186,183,173,129,176,194,209,215,215,212,207,194,178,170,170,129,121,121,176,186,176,129,170,170,123,127,181,186,183,183,186,186,178,129,127,128,176,186,194,199,204,202,191,177,173,174,176,177,178,186,194,199,196,183,121,112,113,133,189,183,178,178,176,178,189,196,194,191,199,202,202,199,196,196,196,194,194,191,191,194,196,199,199,199,196,194,194,194,196,196,199,202,202,196,196,196,199,199,199,196,199,199,202,202,204,204,204,204,204,204,202,199,196,196,199,199,202,202,204,204,204,204,202,196,194,183,131,123,113,121,181,194,196,196,199,202,204,196,186,176,132,131,132,181,191,194,191,183,178,136,137,183,181,135,135,183,191,199,204,204,204,202,202,202,200,202,207,207,204,204,202,196,189,191,196,199,204,209,215,209,202,196,202,212,217,209,199,195,194,196,204,215,215,209,204,204,207,204,204,207,207,207,207,207,207,207,207,207,204,202,199,199,199,199,202,204,207,191,95,59,105,135,178,135,181,189,191,191,194,194,196,202,209,209,204,196,192,192,196,204,209,212,207,202,191,139,141,204,215,209,199,127,117,135,209,212,212,208,208,209,209,209,209,212,215,217,222,222,222,222,217,215,211,211,212,215,217,217,217,215,211,211,212,220,225,228,225,222,222,212,199,149,146,147,150,207,212,217,215,212,215,215,215,217,225,228,225,222,222,217,215,212,222,222,217,217,222,233,235,228,222,211,209,217,228,222,212,211,215,222,228,230,230,230,230,230,233,233,233,233,233,233,230,228,225,225,225,222,222,217,217,217,222,225,217,212,209,212,212,209,207,202,200,202,207,212,215,217,217,222,222,225,228,228,230,228,222,215,212,217,225,233,238,238,235,231,231,233,235,238,238,238,238,235,233,228,225,225,225,215,204,204,209,207,202,200,200,204,212,217,217,217,212,204,203,212,225,228,225,222,225,217,209,209,212,215,215,212,212,212,212,209,207,207,209,209,209,209,209,212,212,212,209,212,209,207,207,209,212,215,217,222,222,222,215,207,200,202,209,209,209,212,215,215,212,215,217,228,228,225,215,215,215,212,212,212,215,222,225,225,225,225,225,225,228,228,228,230,233,230,228,228,233,235,233,228,217,212,215,228,235,235,228,222,217,217,217,217,217,215,215,215,215,212,207,207,209,212,215,212,208,208,209,209,207,202,194,191,191,194,196,199,199,194,191,189,194,194,191,191,191,189,189,189,191,194,191,189,186,183,183,183,183,183,183,183,181,176,133,176,178,183,186,186,183,179,178,179,186,189,191,194,196,196,194,191,186,186,186,189,189,189,183,182,183,183,178,176,170,127,123,122,123,125,125,127,170,173,176,178,183,183,183,186,191,191,191,189,189,186,181,179,178,179,186,194,199,204,204,196,192,194,202,209,212,207,204,199,191,190,194,204,209,199,195,196,207,215,217,212,66,82,97,97,91,90,94,107,165,183,191,202,207,191,144,91,95,75,38,34,35,40,81,191,176,165,230,255,209,212,0,0,255,255,255,152,63,0,0,165,82,45,57,82,100,118,137,121,23,37,111,126,82,5,0,9,19,19,29,95,147,139,95,77,77,105,129,103,37,33,98,150,139,131,144,129,31,0,2,29,157,255,255,181,113,48,0,0,0,0,0,0,0,0,27,35,53,79,98,98,113,0,0,0,0,0,0,105,59,51,59,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,163,204,225,235,243,255,255,255,255,255,255,255,225,196,196,225,233,215,235,255,209,59,27,0,0,0,0,41,105,79,29,49,222,147,43,37,43,57,230,255,225,243,255,255,255,254,255,230,183,191,235,255,0,255,255,255,255,255,252,246,255,251,230,207,165,73,77,126,121,63,23,19,11,0,0,0,0,0,0,0,0,0,0,43,160,129,15,11,15,47,85,129,91,88,101,168,189,215,215,199,168,157,160,168,119,107,109,157,163,157,111,105,107,160,165,113,103,95,89,87,79,71,75,81,97,173,183,183,178,163,142,91,79,79,79,81,91,137,147,147,143,143,147,139,133,139,152,160,157,137,67,9,0,9,65,69,9,23,81,81,67,43,8,9,45,87,139,101,79,83,101,152,163,168,163,163,181,204,191,183,199,209,209,209,207,189,122,113,119,170,189,189,186,163,63,49,79,160,186,181,168,163,101,79,76,75,77,89,97,89,75,69,65,73,77,71,65,61,73,85,121,126,89,57,27,25,49,81,87,77,65,64,63,64,64,65,71,83,85,116,124,124,111,67,47,38,37,37,39,49,53,51,49,49,51,51,53,53,55,55,57,69,116,113,71,55,53,55,55,55,55,61,69,79,79,75,77,77,73,63,57,61,71,71,71,71,73,73,73,73,75,91,105,105,93,99,157,165,170,183,215,243,254,255,255,254,246,246,246,230,217,189,160,152,165,173,157,147,142,134,0,0,0,173,163,134,113,79,59,59,40,5,0,0,19,33,15,5,0,0,0,0,0,0,0,0,3,9,7,11,15,0,0,0,0,0,0,0,0,0,0,0,0,1,95,160,176,150,134,139,168,173,155,147,170,176,157,131,89,81,87,131,144,152,147,144,160,181,189,178,155,131,87,71,59,51,33,18,16,27,57,59,55,58,75,93,139,152,165,176,181,170,142,87,121,131,129,87,61,41,29,27,29,35,43,53,59,63,55,43,35,35,33,33,37,47,61,75,111,0,0,129,126,126,131,142,168,183,183,176,178,186,189,194,204,207,199,196,194,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,7,0,0,33,113,194,235,220,186,147,116,103,100,92,0,0,0,0,0,74,77,121,157,189,199,181,173,176,199,209,207,196,191,186,144,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,35,67,131,199,251,255,251,251,251,235,228,220,209,207,207,209,212,212,220,228,233,235,235,235,235,230,217,186,131,117,107,99,93,87,85,79,67,67,67,73,71 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,0,0,0,0,0,0,0,0,0,0,0,47,121,157,194,199,196,199,207,204,207,209,209,209,186,176,183,189,189,191,194,199,204,207,207,207,207,199,191,183,178,176,173,173,173,176,129,125,173,194,209,209,196,181,178,186,189,186,186,186,185,183,183,186,196,202,202,117,117,191,207,209,212,220,222,212,129,117,123,199,204,196,181,138,186,199,207,202,191,183,182,186,194,199,199,199,199,202,202,204,202,196,194,194,199,199,199,195,196,199,199,204,207,215,215,209,207,209,215,212,209,204,202,204,212,217,217,212,202,199,207,207,199,199,207,212,207,194,145,191,196,207,222,230,233,233,230,225,215,215,212,204,196,196,202,204,199,191,190,194,202,199,199,202,207,207,199,191,185,183,186,186,186,191,199,209,215,217,225,225,222,225,228,225,215,202,194,195,202,204,204,202,196,194,194,196,196,195,195,196,199,199,202,202,194,143,141,141,143,194,199,202,199,189,189,199,209,222,228,228,228,225,225,225,217,204,189,136,139,186,196,204,134,137,191,194,190,189,194,199,199,202,204,212,212,209,209,215,215,209,199,198,199,204,204,202,202,202,202,202,202,207,212,212,204,199,199,204,202,196,196,202,204,202,196,191,194,199,204,204,202,199,202,204,209,212,217,217,222,222,217,204,199,209,217,215,207,202,199,196,196,189,133,129,135,196,207,209,212,212,209,209,207,205,205,205,205,207,207,194,181,181,191,199,194,183,186,194,194,186,189,196,196,189,178,131,130,130,173,181,189,194,194,189,186,183,183,178,131,129,176,194,207,212,212,212,204,191,176,129,129,127,123,129,194,196,129,117,121,129,170,181,191,194,194,196,199,199,191,173,128,129,181,191,196,202,207,204,196,183,178,178,178,181,183,189,194,199,199,191,127,114,125,191,199,194,186,181,181,186,191,191,189,189,196,202,202,196,191,189,191,194,194,194,194,194,196,199,202,202,202,196,196,196,196,199,199,202,202,199,196,196,196,196,196,196,199,202,204,204,204,204,204,204,207,204,202,199,199,199,199,199,199,199,199,199,199,196,194,191,189,189,183,129,127,181,191,191,189,191,191,191,196,189,176,131,132,176,178,181,189,194,194,191,189,181,137,133,133,132,133,181,189,194,196,202,199,194,196,207,207,207,207,209,207,199,191,139,138,141,191,196,199,202,207,209,207,204,207,212,212,204,195,192,192,196,204,215,215,207,202,202,204,207,207,207,207,209,207,207,207,204,204,204,204,204,204,202,199,199,202,204,207,191,91,59,78,135,131,127,131,183,189,194,196,194,192,196,207,209,209,204,196,194,194,199,204,204,202,202,196,136,134,189,204,202,196,143,133,141,204,209,209,208,208,209,209,208,208,212,215,217,222,225,228,228,225,222,215,212,212,215,217,222,217,215,212,212,215,217,222,222,217,212,202,149,147,149,151,204,209,212,215,217,212,205,207,209,209,215,217,217,212,212,217,225,222,217,217,217,217,220,220,228,235,233,225,211,208,215,228,225,215,212,215,217,225,228,230,230,230,230,233,235,233,233,233,233,230,228,228,228,225,222,222,217,215,215,217,217,212,207,207,209,212,212,209,204,200,200,207,212,217,217,217,222,222,225,228,230,230,228,222,212,209,212,225,233,238,235,235,231,231,233,235,235,235,235,235,235,233,228,225,225,225,217,209,204,204,204,202,200,200,204,212,217,222,225,225,209,205,208,217,222,215,212,215,212,207,207,212,215,215,212,207,204,207,207,207,207,207,209,209,209,212,212,209,207,209,212,209,204,204,207,212,215,215,222,225,222,215,209,204,207,215,215,212,215,215,215,212,215,225,230,230,225,217,217,217,217,217,217,217,222,217,217,215,217,222,225,225,222,222,222,228,228,225,228,230,235,235,230,225,222,225,228,233,230,228,225,225,222,217,217,215,215,212,212,212,209,209,209,209,212,212,212,209,209,212,212,207,199,191,190,190,191,196,199,199,196,191,191,194,196,194,191,194,191,189,186,191,191,191,189,189,189,189,186,186,183,181,181,176,133,133,133,178,183,186,186,183,181,179,179,186,191,191,191,194,194,191,189,183,181,183,186,189,189,186,183,186,183,178,176,173,129,125,123,123,125,125,127,129,173,176,181,183,183,183,186,191,191,189,191,189,186,181,179,179,181,181,186,194,204,204,196,190,192,204,212,209,204,202,196,191,190,194,202,207,199,192,192,199,212,212,207,64,82,97,97,92,91,97,111,170,183,202,209,209,207,176,139,95,81,55,45,45,42,75,181,183,183,238,255,168,173,0,0,0,255,238,144,100,92,118,90,31,39,39,25,25,43,85,45,0,0,37,108,98,25,0,0,15,21,39,129,189,178,134,131,147,178,189,157,100,77,124,163,137,129,137,129,33,0,0,9,163,248,215,131,87,11,0,0,0,0,0,0,15,15,7,3,35,61,61,46,53,0,0,0,0,0,0,98,59,51,48,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,160,194,222,235,246,255,255,255,255,255,255,255,254,228,217,207,196,209,254,255,209,129,59,23,0,0,5,87,105,41,23,37,47,0,0,0,0,0,29,157,170,248,255,255,255,254,251,241,233,235,251,255,0,255,255,255,255,255,255,255,255,255,254,238,165,124,150,176,147,39,0,0,0,0,0,0,0,0,0,0,0,0,0,33,105,103,23,31,61,77,134,150,91,87,91,152,181,199,199,181,156,150,160,176,176,176,168,119,157,163,163,157,157,178,178,160,105,93,81,73,63,49,57,63,89,160,173,152,150,152,103,93,91,79,75,76,93,147,150,144,143,147,147,139,130,133,142,152,152,126,57,27,9,43,75,73,21,19,53,67,55,43,19,24,63,97,142,91,48,48,63,103,170,196,196,183,181,186,173,173,199,215,209,207,202,196,173,165,176,189,189,189,186,113,32,28,49,152,157,150,155,163,150,97,83,75,77,97,150,142,85,69,67,79,83,73,57,53,63,81,129,137,89,35,15,15,35,118,129,85,71,69,65,69,65,67,73,83,83,116,121,124,108,69,57,51,47,51,57,69,73,67,61,59,55,55,55,53,53,47,47,57,69,71,65,59,63,67,63,59,55,59,69,69,67,61,67,75,75,65,57,56,61,73,75,71,61,61,63,63,75,97,147,155,152,147,150,165,170,186,217,243,246,251,255,254,246,248,255,248,230,189,134,89,144,165,165,147,147,150,150,0,0,111,103,95,79,56,43,40,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,7,7,15,17,5,0,0,0,0,0,0,0,0,0,0,0,0,31,137,163,150,139,152,178,168,134,126,147,170,170,147,134,121,129,139,144,131,124,124,142,173,183,178,168,142,129,81,69,59,51,35,31,47,65,67,58,59,73,83,93,131,150,168,181,173,144,91,121,139,139,129,77,53,29,15,15,21,35,47,57,61,55,45,41,47,47,43,39,45,55,71,105,0,0,129,134,134,137,147,170,183,183,173,181,189,194,199,202,199,191,181,181,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,7,0,0,22,98,173,199,191,163,139,108,100,0,0,0,0,0,0,0,66,82,144,168,191,207,207,202,202,209,207,199,189,189,186,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,29,47,65,126,194,238,254,251,238,230,230,222,217,209,207,204,207,220,222,222,222,230,230,235,238,235,228,212,189,125,119,109,101,95,89,83,75,69,69,69,75,75 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,79,53,33,43,186,196,207,209,207,209,209,215,207,212,217,217,215,207,186,173,181,186,189,196,202,209,209,212,215,215,209,204,194,186,176,172,176,183,181,131,127,176,199,209,207,191,177,177,183,189,189,191,191,189,185,186,191,204,215,225,117,116,191,209,212,212,217,217,204,131,126,186,207,207,194,138,135,137,186,194,194,191,189,186,191,199,207,209,209,204,199,199,202,202,199,194,194,199,202,199,196,199,202,204,204,204,209,209,204,204,207,207,204,202,202,199,202,212,222,225,217,209,204,209,217,207,203,212,222,217,204,199,199,207,217,230,233,233,230,233,228,222,215,207,196,189,186,194,199,196,192,192,196,199,196,199,199,202,207,204,194,185,183,185,186,189,199,209,215,215,212,212,215,222,228,233,233,222,207,202,204,207,204,199,194,194,192,194,199,204,202,199,199,202,202,202,194,189,141,189,199,204,199,196,202,204,204,204,207,212,217,225,228,225,225,222,222,212,196,137,134,139,189,202,209,141,189,194,194,189,189,194,199,199,196,199,204,209,207,209,212,209,202,202,199,202,204,202,196,196,199,199,196,194,199,207,207,199,189,189,196,199,196,198,204,207,204,202,196,196,202,202,196,194,199,202,207,209,209,212,212,215,215,212,207,207,209,215,215,204,194,191,191,191,183,129,125,133,202,209,209,209,212,215,215,212,207,207,207,207,209,212,204,191,189,191,194,186,181,186,199,202,194,194,199,196,183,173,131,130,130,176,183,189,191,191,189,186,181,176,131,129,129,176,189,199,204,209,209,202,189,173,129,170,129,119,123,189,186,116,112,119,181,191,196,199,199,199,204,204,202,194,183,176,178,186,194,202,204,204,204,204,199,196,191,186,183,189,194,196,196,199,196,133,117,133,194,199,194,186,183,186,191,186,183,183,186,194,199,199,191,181,178,183,189,194,196,194,194,196,199,204,204,204,202,196,194,196,196,199,202,204,199,199,199,199,199,196,196,199,202,204,204,204,204,204,207,207,207,202,202,202,202,202,202,202,202,202,196,191,183,183,181,181,186,183,131,176,191,194,183,178,181,181,176,133,178,178,178,178,181,183,183,186,191,196,196,191,186,183,183,135,133,135,186,191,191,194,199,196,186,194,212,215,209,209,209,209,196,141,136,136,139,191,194,196,196,199,204,209,209,209,212,212,207,204,202,199,199,207,212,215,207,202,202,204,204,204,207,207,207,207,207,207,204,204,204,207,204,204,202,199,202,202,204,202,202,189,84,70,95,101,109,119,135,183,191,194,194,192,196,207,209,209,204,199,196,194,196,199,196,199,207,207,138,132,137,143,191,199,199,141,139,196,207,209,209,209,212,212,209,209,212,215,217,222,225,228,228,228,225,217,217,217,220,222,222,220,217,215,215,215,217,220,217,212,204,151,148,149,202,215,215,209,204,212,217,209,203,204,205,209,215,215,208,203,203,209,222,225,222,222,217,222,225,222,228,233,230,228,211,207,212,228,225,222,217,215,217,222,228,230,230,233,233,235,235,233,233,233,233,230,228,228,228,225,222,217,215,212,212,212,212,209,204,202,207,209,212,209,204,202,202,207,212,215,217,217,217,222,225,228,228,230,228,225,215,211,211,222,233,235,235,235,233,233,233,235,235,235,235,235,233,233,228,225,225,222,217,209,204,204,204,202,202,202,204,209,215,222,228,235,233,215,209,212,212,207,207,209,207,202,202,207,212,215,209,204,200,202,204,207,207,207,204,204,207,207,204,202,202,207,209,209,204,202,207,212,212,215,217,217,217,215,212,209,215,222,217,215,212,209,207,204,209,222,233,233,225,222,222,222,222,225,225,222,217,215,212,211,212,212,212,212,212,212,212,220,222,222,228,233,238,235,230,225,225,228,228,228,225,225,228,225,222,217,215,212,212,212,212,212,212,212,212,212,212,215,215,215,215,215,215,209,202,194,190,190,191,196,199,199,196,194,194,196,196,194,194,194,191,189,186,186,189,189,189,189,189,189,189,186,183,181,178,176,133,132,133,178,183,186,189,186,186,183,183,189,189,191,191,191,191,186,183,178,178,181,186,191,194,194,191,189,183,181,176,173,129,127,125,121,121,121,123,125,127,131,176,181,181,181,183,186,186,186,189,189,183,179,179,181,183,181,183,191,202,204,194,190,194,209,215,199,191,191,194,191,191,199,209,215,209,199,198,207,217,217,212,79,96,117,115,103,103,115,165,165,183,196,209,209,209,189,152,97,95,87,87,134,163,165,176,176,176,222,220,100,100,255,0,0,0,220,144,100,45,20,6,20,43,37,0,0,0,17,11,0,0,0,69,90,39,3,0,13,23,45,147,212,199,157,173,212,204,183,160,134,131,157,181,144,103,103,111,69,21,9,29,139,204,168,95,48,0,0,0,0,0,0,0,27,27,1,1,27,53,46,25,20,0,0,0,0,0,0,82,48,22,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,63,152,181,202,225,235,255,255,255,255,255,255,255,255,228,204,178,176,228,255,243,189,0,0,168,98,33,27,29,0,0,0,0,0,0,0,0,0,0,0,0,27,43,255,255,243,222,246,255,255,255,255,255,0,255,255,255,255,255,255,255,255,255,255,243,170,147,163,176,116,13,0,0,7,0,0,0,0,0,0,0,0,0,0,0,5,45,31,69,83,126,163,178,150,91,99,163,183,189,181,165,150,150,165,183,189,191,178,168,157,168,168,157,157,173,181,181,160,103,81,61,39,34,35,38,63,97,142,103,103,105,103,103,137,91,74,75,99,144,147,147,147,147,147,139,134,134,139,142,124,73,57,57,77,81,77,55,12,11,43,53,51,43,31,45,75,97,144,97,43,42,49,87,183,222,222,207,181,169,169,172,189,199,199,189,189,191,196,204,204,191,176,178,189,113,29,21,35,59,65,63,87,103,142,137,97,85,83,134,155,150,85,65,67,85,91,77,57,51,57,85,137,144,89,29,10,11,31,85,129,87,77,71,69,69,67,67,73,73,73,77,81,83,79,75,75,71,65,65,69,73,75,71,65,59,59,57,55,49,43,41,41,45,51,51,55,65,75,111,73,65,57,57,65,63,57,53,55,67,79,75,63,55,61,81,121,87,73,61,63,73,79,91,142,160,163,147,107,115,168,189,217,233,243,251,255,255,254,254,255,255,248,207,101,74,124,150,147,134,139,168,194,160,103,77,79,79,64,31,23,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,9,11,5,0,0,0,0,0,0,0,0,0,0,0,0,1,103,139,139,139,163,173,142,81,75,118,139,142,139,137,131,137,137,129,84,80,84,129,150,170,173,170,160,137,118,73,65,59,53,51,63,75,77,73,71,77,83,87,91,142,165,181,170,144,93,126,139,147,129,79,59,35,15,11,14,25,41,51,57,51,49,47,53,57,49,39,39,45,57,73,105,113,129,137,137,139,150,168,176,176,170,173,183,189,191,194,183,168,163,163,150,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,4,0,0,22,95,155,191,183,155,139,113,0,0,0,0,0,0,0,0,56,0,0,178,189,217,228,225,225,220,207,189,181,181,173,155,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,23,37,63,113,178,228,241,238,230,222,222,222,217,209,204,204,207,222,228,222,222,222,228,230,230,235,228,212,189,125,119,109,101,95,89,83,69,66,66,69,75,73 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,77,92,113,181,194,202,204,204,204,204,204,207,207,209,212,215,215,212,199,168,168,176,189,199,207,212,212,217,217,217,215,209,204,191,176,169,191,215,186,125,119,121,196,207,202,186,178,178,183,189,191,194,196,199,196,199,207,215,222,225,121,120,178,202,215,212,212,212,191,135,181,199,207,207,199,186,139,139,186,183,186,199,199,194,194,199,204,212,217,212,199,196,202,207,202,196,192,196,202,202,199,199,204,209,207,204,204,204,207,204,202,202,199,191,191,194,204,217,228,225,217,209,207,212,217,215,212,222,230,212,204,202,207,217,228,233,233,233,230,230,230,212,145,141,191,196,199,199,199,196,194,199,202,199,192,194,194,196,204,204,194,186,186,186,189,194,202,207,209,204,196,199,207,217,228,233,233,225,212,207,215,215,199,189,189,194,194,202,209,217,217,209,202,204,207,204,199,194,196,204,215,222,222,215,212,209,207,207,209,215,222,228,228,217,215,225,217,136,135,133,133,139,191,191,191,191,191,191,191,191,196,199,202,199,196,194,194,194,196,202,204,199,196,199,199,202,204,202,199,196,196,194,141,135,141,199,204,194,181,182,189,199,202,207,212,212,212,207,204,204,207,204,199,196,194,199,202,204,204,207,209,212,209,204,199,199,207,212,207,191,137,137,186,194,191,183,135,186,202,207,207,209,212,215,215,215,209,209,207,207,207,209,209,204,196,191,186,178,178,183,191,196,196,196,191,183,131,131,173,131,173,181,186,186,185,186,189,189,181,131,125,125,129,178,183,191,196,202,204,202,194,181,181,181,127,111,103,108,116,114,116,173,191,199,202,199,191,199,204,202,196,191,186,186,183,189,194,202,202,202,204,207,207,207,199,191,186,183,191,196,196,196,194,178,123,131,189,194,191,186,186,186,186,133,176,178,183,189,196,191,181,129,125,129,183,194,196,191,194,196,199,204,207,204,199,194,192,194,196,199,202,204,204,202,204,202,202,199,196,199,202,202,204,204,204,207,207,209,204,200,202,204,202,204,207,207,204,202,196,129,133,176,176,176,178,176,133,181,191,189,176,172,174,176,128,126,125,131,186,191,189,186,186,189,191,194,196,191,186,186,191,194,127,129,183,196,196,191,196,191,137,186,209,215,212,209,209,207,199,139,135,136,139,189,194,196,195,195,199,207,212,212,215,215,215,215,212,212,209,209,209,212,207,204,202,202,202,204,204,207,207,207,207,207,207,207,207,209,204,202,199,202,204,207,207,207,204,202,133,90,90,80,62,81,131,181,186,194,196,194,202,207,209,209,204,199,196,196,199,196,199,204,209,215,207,189,137,139,189,196,202,196,143,191,202,207,212,217,222,222,217,215,215,217,215,215,217,225,228,225,222,217,217,222,222,220,217,217,217,220,217,217,217,217,215,209,204,202,202,202,204,209,209,203,199,204,209,207,204,204,207,212,217,215,207,203,205,215,225,225,222,220,216,216,225,228,228,228,228,225,211,205,215,225,217,217,222,217,217,222,228,228,233,235,238,235,235,230,228,228,230,230,228,228,228,222,215,212,212,212,212,209,209,204,202,202,204,207,209,209,209,207,207,209,212,215,215,215,217,222,225,225,225,230,230,225,217,212,211,215,228,233,230,230,233,233,235,238,238,238,235,235,233,230,228,225,225,222,215,209,204,202,202,204,202,202,202,207,209,215,228,238,238,228,215,212,212,207,204,204,204,199,199,202,209,212,212,207,202,202,202,204,204,202,199,199,199,196,191,191,199,204,207,204,202,199,202,207,209,212,212,209,209,212,212,212,222,230,230,222,212,207,202,198,202,217,233,233,228,225,225,228,225,225,222,222,217,217,215,212,212,207,203,202,204,205,209,212,215,220,228,233,238,235,233,225,225,225,228,228,225,225,225,225,222,215,212,212,215,215,215,215,215,215,212,212,212,215,215,215,215,215,217,215,209,199,191,190,191,194,196,199,199,199,199,202,199,194,192,194,191,186,183,183,189,191,191,189,189,189,189,186,183,181,178,176,133,133,133,178,183,186,189,189,189,189,189,186,186,189,189,189,186,183,181,177,177,181,186,194,199,199,196,189,186,181,178,176,173,170,127,119,117,117,121,123,123,125,131,178,178,176,178,181,186,186,186,186,181,181,183,186,189,186,189,194,199,199,196,192,199,212,212,135,136,183,186,186,194,204,215,222,217,209,207,215,225,222,222,92,111,117,117,117,117,117,170,176,183,191,207,220,217,196,170,144,131,131,139,163,170,176,176,165,165,183,165,95,81,144,255,255,255,248,222,173,90,7,4,23,55,15,0,0,0,0,0,0,0,0,0,19,11,0,0,0,1,5,121,204,199,129,147,204,173,131,134,160,0,207,207,142,103,69,61,41,31,21,29,0,0,186,111,53,9,0,0,0,0,0,0,19,11,0,3,27,43,46,38,25,0,0,0,0,0,56,40,0,0,0,0,0,0,0,0,0,0,0,0,74,48,0,0,0,0,0,0,0,0,0,0,0,0,37,126,157,170,191,212,246,255,255,243,225,255,255,254,204,160,155,176,255,255,255,220,0,0,222,147,41,0,0,0,3,0,0,0,0,0,0,0,0,0,0,0,0,139,225,196,189,222,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,246,207,142,121,113,49,43,13,1,51,55,17,1,0,0,0,0,0,0,0,0,0,0,0,126,176,134,134,165,181,178,160,150,170,189,181,170,159,151,156,170,183,191,191,191,186,178,178,168,157,156,173,181,181,160,101,79,49,36,32,34,41,67,91,101,101,103,105,137,144,152,144,93,87,99,139,147,147,139,139,142,142,134,131,124,83,49,31,51,118,116,77,65,49,35,33,43,51,53,53,49,57,77,131,144,101,73,51,55,85,181,230,233,215,186,169,173,189,189,187,189,187,182,182,202,212,204,181,170,176,189,155,67,39,39,39,29,29,55,79,101,139,93,85,97,142,150,142,87,69,73,93,134,89,65,52,61,87,137,134,77,39,28,35,55,73,85,85,79,75,71,69,69,73,67,63,62,69,77,75,73,75,81,81,71,59,57,63,71,67,55,47,49,51,51,45,37,41,53,53,43,41,49,67,111,111,73,67,53,57,79,69,53,47,49,65,118,118,75,61,57,75,126,126,77,61,63,73,65,75,89,107,147,111,109,115,183,209,217,228,243,255,255,255,255,248,254,255,255,233,152,70,75,81,83,79,105,150,235,186,124,95,105,113,79,33,19,5,0,0,0,0,0,0,0,0,0,0,0,0,23,19,5,1,0,0,0,3,9,5,0,0,0,0,0,0,0,0,0,0,0,0,0,37,113,139,152,168,150,116,67,67,73,81,81,113,124,131,139,137,126,83,81,85,129,142,157,170,170,160,152,121,79,67,65,59,63,69,85,89,87,89,89,91,93,131,147,168,178,168,144,134,131,139,137,89,79,65,43,23,12,12,19,33,39,45,45,49,53,59,59,49,37,35,39,51,55,69,113,131,137,134,131,134,139,152,155,165,163,163,173,178,176,165,155,144,152,144,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,4,0,0,20,90,155,196,199,163,124,108,0,0,0,0,0,100,82,61,56,90,150,173,189,217,241,243,241,225,207,191,183,170,163,142,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,33,57,113,178,230,251,238,230,222,220,222,209,199,199,204,212,222,228,222,220,217,217,222,230,235,233,212,189,173,119,109,109,101,95,83,69,66,66,69,69,69 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,0,0,0,0,0,0,0,0,0,0,47,92,134,186,199,202,202,199,202,202,202,202,204,204,207,212,215,212,204,170,165,170,189,202,209,212,217,222,222,220,215,212,204,194,181,183,204,209,121,109,109,115,186,202,186,173,176,183,183,181,181,189,199,204,209,212,215,217,222,215,135,127,181,191,189,199,204,196,186,186,199,209,212,209,204,196,189,183,137,129,131,204,209,199,194,196,199,207,215,209,199,191,196,202,199,194,192,196,202,204,202,202,207,212,209,204,199,199,204,207,196,145,139,139,143,196,207,222,228,225,215,205,205,215,217,215,217,225,228,207,202,204,212,225,230,233,233,230,230,228,222,191,134,137,202,215,215,212,207,204,202,204,202,194,191,192,196,196,202,204,199,189,186,189,191,196,199,199,199,194,187,191,199,204,209,217,225,222,212,209,212,207,191,186,189,196,202,212,225,230,230,225,212,207,209,212,209,209,212,222,228,230,230,225,215,209,207,207,209,215,222,230,225,202,143,207,204,134,133,134,135,141,191,191,191,191,191,191,194,196,202,204,204,202,199,194,189,187,187,191,196,196,194,194,194,199,207,207,204,202,196,139,132,129,133,196,209,196,182,181,191,204,212,222,225,222,215,212,212,215,215,212,207,199,196,194,194,191,191,199,207,209,204,199,191,186,191,194,189,139,135,135,181,189,191,191,191,196,204,207,207,209,212,212,212,212,212,209,207,205,205,209,209,204,194,189,183,135,178,181,183,189,191,189,183,133,126,127,131,173,183,189,189,186,185,189,191,189,178,129,123,123,127,173,178,183,189,194,196,199,196,191,194,189,127,107,101,105,113,119,173,183,189,191,189,186,178,191,191,189,186,186,186,189,183,186,191,196,199,199,202,207,207,207,204,196,189,183,189,194,191,191,191,178,127,173,181,186,186,186,183,178,131,132,176,181,181,189,191,186,129,121,121,127,178,191,194,189,194,196,202,204,207,204,199,194,192,196,199,199,202,202,204,204,207,207,204,202,199,199,199,196,196,202,207,207,207,207,202,200,202,202,202,202,204,209,209,196,121,62,115,176,176,129,131,176,176,183,191,186,174,170,176,183,178,129,125,127,183,191,189,183,181,186,191,194,189,185,185,186,196,209,107,101,125,194,196,191,196,194,137,135,194,207,212,207,204,204,202,189,138,141,191,191,196,199,196,196,199,207,212,215,215,217,222,222,217,215,212,209,209,209,209,204,202,200,202,204,207,207,209,209,209,209,209,209,209,212,207,202,202,207,209,212,209,212,212,212,207,194,186,115,71,82,129,137,181,194,202,202,204,207,209,209,204,202,199,199,202,199,202,207,212,217,215,199,141,139,143,196,204,199,191,145,196,204,215,225,230,230,228,222,222,217,215,213,215,222,225,222,217,217,217,222,222,217,217,215,215,215,212,212,212,212,212,212,207,202,199,199,199,204,209,204,202,204,212,212,209,209,215,217,217,217,212,209,212,225,230,228,222,217,213,213,222,230,230,228,228,225,211,207,215,217,213,213,217,222,215,212,215,225,230,235,238,238,238,228,212,212,225,230,228,225,225,217,212,211,212,212,212,209,207,202,199,199,199,202,204,207,207,209,212,212,215,215,215,215,217,222,222,222,225,228,230,225,217,212,211,215,225,225,217,217,225,230,235,238,238,241,238,235,233,230,228,228,225,222,215,209,207,204,202,202,202,199,196,199,202,209,222,230,233,228,217,212,212,209,207,202,196,194,196,204,209,212,215,215,212,207,202,202,202,199,194,194,194,190,187,190,196,199,196,199,199,199,196,199,209,212,209,207,207,209,212,217,225,233,233,228,215,204,198,196,199,215,230,235,233,230,230,230,228,225,222,222,222,222,222,217,215,207,203,202,203,204,204,205,209,217,228,233,233,233,233,230,228,225,228,228,225,222,222,222,222,215,212,212,217,222,222,217,217,215,215,212,209,209,209,209,209,212,215,217,215,204,196,191,191,194,196,196,196,199,199,202,199,194,194,194,191,183,182,183,189,191,191,191,191,191,191,186,183,181,178,176,176,133,176,178,181,186,189,189,191,191,189,186,186,186,186,186,183,181,178,177,178,183,189,196,199,199,194,189,186,183,181,178,176,173,127,117,116,117,121,123,123,125,129,176,176,176,176,178,183,186,186,186,186,183,189,191,191,191,194,196,199,204,202,199,204,209,202,135,135,137,183,183,189,202,215,217,222,217,222,225,225,217,225,97,107,103,111,125,117,111,165,191,202,207,220,230,233,220,191,163,87,67,67,85,131,152,165,165,165,155,137,96,88,108,196,255,255,0,255,255,191,19,14,51,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,212,222,85,73,105,100,98,0,0,0,0,189,116,79,61,61,61,39,0,25,0,0,0,194,137,85,23,0,0,0,0,0,0,0,0,0,0,7,20,20,17,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,27,0,0,0,0,0,0,0,0,0,0,0,0,19,63,126,144,163,181,207,225,233,191,189,243,255,228,168,150,155,225,255,255,254,209,0,220,225,147,0,3,35,95,87,0,0,0,0,0,0,0,0,0,0,0,0,17,33,63,173,241,255,255,255,255,255,255,255,255,255,255,255,255,255,255,246,196,150,41,7,0,0,3,17,43,139,139,105,63,27,0,0,0,1,11,0,0,0,0,0,129,196,189,170,178,196,196,178,160,170,189,183,173,168,165,165,170,178,183,191,191,194,191,186,178,168,165,170,173,165,111,97,81,65,49,39,43,61,81,97,103,142,144,142,103,142,163,170,152,139,139,144,144,131,93,124,137,139,124,81,35,1,0,0,81,152,155,65,43,39,39,45,53,69,73,69,61,63,75,97,150,134,83,65,73,101,189,222,225,215,207,191,204,207,199,189,194,194,189,191,202,202,191,168,157,163,189,196,105,51,39,29,24,25,47,85,142,139,87,85,99,144,147,147,95,81,85,129,137,91,67,57,71,93,93,69,47,43,51,63,73,79,85,118,85,81,75,75,75,73,67,62,62,71,77,71,70,73,81,79,65,45,39,49,59,55,47,41,41,45,41,41,37,43,61,61,45,41,49,63,75,75,67,59,43,43,69,77,59,47,47,65,126,137,116,71,55,61,81,85,61,53,55,51,51,57,75,93,103,107,109,165,199,222,225,225,235,251,255,255,254,246,248,255,255,238,181,95,89,75,69,67,58,59,150,160,147,0,0,147,90,37,15,0,0,0,0,0,0,0,0,0,0,0,0,82,66,33,7,7,7,3,0,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,98,147,183,173,134,73,63,64,67,65,64,67,83,126,139,139,131,118,84,116,129,137,150,173,178,165,152,121,79,67,67,65,65,75,91,126,137,144,150,139,139,150,160,173,178,163,144,134,131,137,91,79,79,71,55,37,25,19,23,29,35,41,45,53,65,73,71,51,37,31,33,41,47,63,105,118,121,116,108,113,121,129,137,144,147,150,160,160,157,142,134,139,152,150,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,4,69,137,191,204,163,113,105,113,0,0,0,0,98,72,56,69,116,157,178,186,207,228,241,230,225,215,202,189,170,155,118,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,31,59,121,183,230,251,238,230,228,220,209,202,194,189,199,212,220,222,222,217,211,211,211,222,230,228,212,189,173,119,109,109,101,95,83,69,66,66,69,69,69 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,194,131,0,0,111,170,77,0,0,0,0,13,61,100,152,191,202,204,199,199,199,202,202,202,199,202,202,207,212,215,209,186,170,170,186,199,207,212,217,217,222,222,215,209,204,194,191,196,204,194,101,100,109,119,173,125,115,117,131,178,178,178,178,183,189,202,215,222,222,217,217,212,194,186,194,131,88,111,137,181,183,194,209,215,212,209,209,204,189,131,125,123,125,204,215,207,196,192,194,202,204,199,189,141,141,191,194,194,194,196,202,204,207,207,212,215,207,199,194,194,202,204,191,133,132,138,147,199,207,217,222,217,209,204,204,209,212,215,222,225,225,202,199,209,217,228,230,230,230,228,228,222,207,136,131,139,222,230,228,217,215,212,209,204,199,192,191,196,204,202,202,207,207,196,189,189,191,194,194,194,196,194,187,187,187,186,187,196,204,204,202,204,204,194,186,185,189,202,212,225,230,233,233,230,217,212,212,217,222,222,228,230,233,233,230,225,212,204,204,207,212,217,222,225,209,134,126,139,196,141,137,143,189,191,196,199,196,191,191,194,196,199,204,209,209,204,202,196,189,186,186,189,191,194,191,190,191,199,209,215,212,209,202,139,132,131,137,209,222,212,194,191,207,215,222,228,228,222,217,215,215,217,217,215,209,204,199,196,189,185,185,191,202,202,196,194,189,183,183,183,139,137,137,135,133,133,137,186,191,199,207,209,209,209,209,209,209,212,212,209,207,205,205,209,207,196,186,181,135,134,181,183,181,186,189,186,181,131,125,127,173,178,189,196,194,191,189,194,196,189,176,125,122,122,125,129,176,178,181,183,191,196,199,202,204,194,123,117,123,123,123,176,183,183,181,176,99,101,107,121,117,119,173,183,189,189,181,181,186,194,194,199,202,204,207,207,207,202,196,191,194,191,186,186,186,176,129,173,178,181,183,181,178,130,127,176,183,183,183,191,194,183,125,118,122,131,135,181,186,183,189,194,199,202,204,204,199,194,194,196,199,199,202,202,204,207,209,209,207,204,202,199,196,195,194,196,207,209,207,207,204,202,202,194,194,194,199,204,194,73,60,56,103,123,117,114,127,183,189,191,194,189,176,172,178,194,196,189,128,126,131,183,189,183,133,133,183,186,186,186,189,191,199,212,97,90,96,181,196,199,204,207,189,121,112,114,127,189,202,204,204,196,194,199,204,202,202,204,204,207,209,212,215,215,217,222,222,222,217,215,212,209,207,209,207,204,202,202,202,207,209,209,209,209,209,209,209,209,212,212,209,207,207,212,215,217,215,215,215,215,215,215,215,209,76,82,127,137,183,196,204,204,207,207,209,209,207,207,204,204,202,202,202,207,212,215,209,194,137,136,141,196,204,204,199,196,196,204,215,225,230,230,228,225,222,217,215,213,215,222,222,215,212,212,215,217,222,220,215,207,202,196,202,204,207,209,212,212,207,198,195,195,196,204,215,215,207,209,215,217,217,215,215,217,217,220,217,217,222,225,228,225,222,217,213,213,220,228,230,230,228,225,212,209,215,217,212,212,215,212,203,199,202,215,230,235,238,241,241,228,200,199,212,225,225,222,222,217,212,212,212,212,209,207,204,199,196,194,194,196,199,202,204,207,212,215,215,215,215,215,217,217,217,222,225,228,228,225,217,215,212,217,225,217,207,207,215,225,233,235,238,241,241,238,233,230,230,228,225,222,215,209,207,204,202,199,196,147,145,147,196,207,215,225,228,225,217,212,212,215,209,199,190,190,194,204,207,209,215,217,217,212,204,199,199,199,194,192,194,190,189,194,199,194,189,189,194,194,190,191,207,207,202,204,207,209,215,222,228,230,233,230,217,207,198,196,199,212,228,235,238,235,235,233,230,225,222,222,222,225,225,222,220,217,212,209,209,207,205,205,209,217,225,228,230,230,230,233,228,222,225,225,222,217,215,217,217,215,212,215,222,225,222,217,215,212,212,212,209,204,203,204,207,209,212,215,215,207,199,196,194,194,194,194,194,196,196,199,199,196,196,196,191,183,181,182,186,189,191,191,191,191,191,186,183,181,178,176,176,133,133,176,178,183,186,189,191,191,191,189,189,189,186,186,186,183,181,178,181,186,191,196,196,194,191,189,186,183,181,178,178,173,129,119,117,119,123,127,127,127,131,176,176,176,178,181,183,183,186,191,189,189,191,194,194,194,196,199,204,209,209,207,207,204,194,137,136,137,183,183,183,194,209,217,222,225,228,228,212,204,217,91,91,85,101,165,117,107,163,196,209,220,233,241,241,233,209,170,81,51,45,54,77,134,165,173,165,144,129,111,108,126,173,241,0,0,0,255,209,43,37,82,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,202,215,95,73,74,85,0,0,0,0,0,134,100,69,66,95,100,66,31,0,0,0,0,220,178,129,64,9,0,0,0,0,0,0,0,0,0,0,0,0,0,1,20,30,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,43,108,126,126,118,155,176,186,173,181,222,233,196,163,156,178,255,255,255,220,178,181,220,220,160,49,55,129,137,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,189,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,196,134,55,1,0,0,0,0,15,63,165,157,137,147,124,29,0,0,0,0,0,0,0,0,0,155,212,215,204,202,202,196,176,157,168,183,189,181,176,170,165,165,165,176,186,191,194,194,194,186,181,178,173,165,155,107,99,89,85,79,69,69,77,89,97,103,142,142,103,93,97,152,181,181,165,147,147,139,95,90,124,134,131,83,35,0,0,0,0,124,118,81,55,37,35,39,55,73,85,121,87,75,59,59,95,160,142,64,65,81,109,183,204,207,215,222,222,225,225,209,199,209,209,209,207,196,196,189,115,89,83,107,186,113,57,41,31,27,29,63,105,150,101,84,85,137,152,155,157,139,93,93,137,137,89,71,67,75,81,67,45,40,43,61,71,75,79,87,121,121,85,83,83,81,73,65,65,71,83,111,77,73,75,79,77,59,41,29,37,43,43,39,37,41,39,39,36,35,41,59,59,45,41,45,57,69,69,61,45,25,23,49,71,67,51,46,59,124,142,131,81,55,52,55,59,51,47,45,41,41,47,61,77,91,95,95,115,183,209,217,217,228,238,246,246,241,238,241,254,255,248,220,191,165,131,79,69,52,43,52,111,144,0,0,0,105,72,31,0,0,0,0,0,0,0,0,0,0,0,255,147,69,19,7,13,15,9,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,144,191,173,134,95,63,67,67,64,60,67,83,124,137,139,134,118,85,116,131,142,157,181,186,176,165,126,81,73,73,69,69,79,121,139,157,165,165,160,155,152,160,176,181,163,144,134,131,131,89,79,79,77,69,57,43,37,37,41,45,51,57,67,100,105,100,55,37,29,27,33,41,55,79,79,77,77,75,77,81,113,126,134,139,147,144,139,130,127,129,139,155,163,170,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,20,87,152,181,139,87,87,0,0,0,0,98,90,72,77,111,0,181,178,168,186,199,207,207,207,202,191,181,160,131,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,23,63,129,186,228,238,233,230,230,220,209,194,189,189,199,209,220,220,217,212,212,212,212,217,222,222,209,189,173,119,109,101,101,89,83,69,66,66,69,69,73 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,191,147,0,35,176,254,126,0,0,29,45,134,131,137,173,196,204,204,202,199,199,202,202,202,199,199,199,202,207,212,212,202,186,181,183,194,207,212,215,215,215,215,212,207,204,196,194,202,207,173,97,99,113,121,123,111,112,118,131,181,183,191,191,178,178,191,209,222,222,217,215,209,202,196,212,117,66,96,125,183,189,199,212,215,209,209,212,207,186,125,123,125,133,212,220,212,199,192,194,196,196,189,139,136,136,139,189,194,196,199,202,204,209,215,217,212,204,194,191,191,196,202,191,131,132,196,207,207,209,215,222,217,209,205,204,207,207,212,215,212,209,196,199,212,225,230,230,230,228,228,228,225,204,137,135,202,228,233,230,225,222,217,212,204,199,194,194,199,204,207,207,209,207,199,196,194,189,189,189,194,202,204,196,189,186,186,186,189,191,191,194,199,196,189,186,186,191,204,217,228,230,230,230,225,217,215,215,222,225,228,230,233,233,233,228,217,204,202,204,212,217,222,222,215,204,135,126,136,202,204,204,209,209,202,202,207,199,191,189,191,194,202,207,212,209,204,199,194,191,189,189,189,191,191,191,190,194,202,215,217,215,212,204,191,139,143,199,217,225,222,209,212,217,222,222,225,228,225,222,217,215,217,217,215,209,207,204,199,189,182,183,194,202,199,191,189,186,186,183,139,137,135,135,133,127,125,127,135,189,202,209,212,212,209,209,209,209,212,212,209,207,205,207,209,207,191,135,133,131,132,183,189,183,186,189,186,178,129,127,129,181,183,191,196,196,191,191,196,199,189,176,123,121,121,123,129,173,176,178,181,189,196,199,204,207,189,118,118,178,189,189,194,191,191,191,176,57,71,85,101,101,103,125,186,194,194,181,181,186,194,194,199,199,202,204,204,207,204,202,199,191,181,173,176,178,173,125,131,183,189,186,178,132,130,130,181,186,186,189,194,199,189,133,125,135,183,133,129,129,131,181,189,196,202,204,204,199,194,194,196,196,199,202,204,207,209,209,207,207,204,204,204,202,196,195,196,207,207,207,207,204,202,199,191,189,186,189,186,62,44,55,81,117,117,109,110,178,196,196,199,199,191,178,173,181,199,204,196,133,127,128,176,186,186,133,114,117,133,186,194,194,194,199,207,115,93,98,131,196,207,212,215,199,122,108,106,109,118,196,202,207,204,204,209,215,212,212,212,215,217,217,217,217,217,222,222,222,222,217,212,209,207,207,207,204,202,199,199,202,207,209,209,209,209,209,209,209,212,212,215,212,209,212,217,222,222,220,217,217,213,213,217,222,225,77,79,125,183,189,196,202,204,204,209,209,207,207,209,207,207,204,204,207,209,212,212,204,191,136,134,139,196,207,212,209,204,202,204,207,215,217,222,217,217,217,215,215,215,217,222,217,215,209,207,209,212,217,217,209,196,191,190,195,204,212,215,215,215,212,202,196,196,199,212,225,225,215,215,215,217,217,215,215,213,215,217,220,217,217,220,222,225,225,222,216,216,222,230,230,230,230,230,222,215,222,222,215,213,215,207,200,198,200,215,230,238,238,241,241,225,195,194,204,217,222,220,222,222,217,215,212,209,204,204,202,196,147,145,147,194,194,194,199,204,209,215,215,215,213,215,215,217,217,217,222,225,225,222,217,215,217,225,225,212,204,204,209,222,230,233,233,235,238,238,233,230,230,230,228,222,217,212,209,204,202,199,194,145,144,144,147,199,209,217,225,225,222,215,212,215,209,196,189,187,191,202,207,209,212,215,215,212,207,202,199,199,199,199,196,191,191,196,199,196,143,143,191,191,189,191,199,143,143,204,207,207,217,225,228,228,230,230,222,207,198,196,199,209,225,235,238,238,235,233,228,225,222,220,222,225,225,222,222,222,222,217,217,215,212,209,212,215,222,225,225,222,222,222,222,217,222,225,222,212,209,212,212,212,211,215,222,225,222,215,209,207,209,212,209,204,203,204,207,209,212,215,212,207,202,199,199,196,194,194,194,194,194,196,196,196,194,194,189,183,181,182,186,189,189,189,189,189,186,183,181,178,178,176,133,133,133,133,176,181,183,189,191,191,191,191,191,191,189,186,186,186,186,183,183,186,191,194,194,191,189,189,189,186,183,181,178,176,131,125,123,125,125,127,129,131,176,178,181,181,183,183,183,183,186,191,191,191,194,196,194,194,196,202,207,209,209,204,204,202,194,183,137,139,186,183,183,194,209,217,222,228,228,217,189,183,204,77,77,77,101,125,115,107,173,202,217,230,238,241,238,220,207,181,95,61,52,60,81,150,191,191,173,147,134,134,144,165,196,255,255,0,255,255,118,43,55,77,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,118,147,139,105,90,87,105,0,0,0,0,0,134,108,82,85,118,118,82,39,0,0,0,0,155,137,111,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,57,118,92,37,11,113,150,165,157,168,191,204,189,176,170,212,255,255,228,186,176,191,228,233,191,155,152,173,137,13,0,0,0,0,0,0,0,0,0,0,0,0,0,9,79,233,255,255,255,255,255,255,255,255,255,255,255,255,255,255,228,103,67,37,1,0,0,0,0,5,39,98,92,105,157,165,82,0,0,0,0,0,0,0,0,0,168,215,230,215,204,202,196,173,157,160,178,189,183,181,173,173,170,165,176,183,191,191,194,191,186,183,181,178,165,157,113,107,95,89,89,87,83,83,89,91,97,97,95,89,86,87,144,181,189,176,152,147,139,95,91,93,121,83,69,0,0,0,0,0,33,37,47,51,41,39,55,77,83,121,137,124,81,53,45,71,152,142,71,69,81,99,163,183,196,207,225,225,228,217,207,199,209,215,209,202,191,194,178,95,45,40,49,99,99,75,57,57,51,63,109,163,157,97,82,87,144,160,170,157,144,131,134,144,144,91,73,73,69,57,45,41,41,47,59,63,67,69,79,118,118,85,77,77,69,61,59,67,83,126,126,116,81,79,75,67,53,39,27,25,31,31,31,39,45,45,39,35,35,37,51,53,43,40,43,55,67,65,55,33,11,5,29,65,69,53,46,55,118,142,137,83,55,49,52,55,55,51,49,43,40,43,59,77,85,82,77,87,115,183,202,217,228,235,234,233,233,235,238,251,255,255,251,235,212,173,147,83,58,0,46,92,111,0,0,0,137,113,74,5,0,0,0,0,0,0,0,0,0,255,255,147,53,7,0,0,0,23,19,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,113,173,173,142,113,103,103,105,75,69,105,124,131,137,131,121,79,77,116,137,150,173,196,196,186,176,134,87,85,79,69,65,73,118,147,165,173,173,160,152,144,150,173,173,163,142,126,131,131,89,79,79,85,87,75,67,61,53,59,59,63,69,105,105,108,100,55,37,23,23,27,33,49,71,71,71,69,71,77,81,113,118,124,134,147,144,131,126,125,131,152,173,186,191,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,4,59,103,69,43,43,69,0,0,0,0,79,90,113,0,0,0,163,155,159,173,168,168,168,168,163,152,144,113,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,63,126,176,202,212,220,230,230,222,202,194,189,189,194,204,215,220,212,212,212,212,212,217,220,220,209,183,125,109,101,99,95,89,75,69,66,66,69,75,75 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,160,137,0,0,90,139,85,0,0,147,196,176,152,165,189,199,204,204,204,202,199,202,204,204,202,199,199,202,204,209,212,207,202,191,181,189,207,217,215,212,209,204,204,204,202,194,189,202,207,113,95,99,113,119,119,117,121,131,178,186,199,207,202,181,178,183,196,209,215,212,209,207,202,202,228,183,79,111,189,202,202,202,209,212,209,207,212,209,194,131,131,137,194,222,225,215,202,194,194,199,199,189,137,136,136,139,189,196,202,204,204,199,202,209,209,202,196,194,192,191,194,207,207,143,194,215,222,217,215,217,225,225,217,215,215,212,209,207,202,130,139,145,202,215,228,230,230,230,228,228,230,228,212,196,202,225,230,230,233,233,228,222,209,202,196,194,196,196,199,204,209,209,204,202,207,202,191,185,185,191,204,209,204,196,196,199,196,191,143,141,189,194,196,194,191,189,191,204,217,225,225,225,217,215,215,215,217,225,228,230,230,230,230,228,225,212,203,203,209,222,225,222,215,209,204,196,137,141,207,215,225,225,217,204,202,204,196,143,142,189,194,202,209,212,209,202,196,194,194,194,191,189,189,189,191,194,196,204,212,215,212,207,202,194,191,196,204,212,215,212,209,209,215,217,217,225,228,228,225,217,217,217,217,215,209,204,199,191,185,183,191,207,215,207,196,189,183,183,139,139,139,135,131,127,126,126,131,137,189,199,207,209,209,207,207,207,207,209,209,207,207,207,209,209,204,189,134,132,132,134,189,191,186,186,186,176,129,128,128,178,189,186,186,191,191,189,186,189,191,186,131,123,121,122,125,129,176,176,176,178,186,191,196,202,196,129,116,119,183,196,202,202,196,196,207,183,45,69,93,115,113,113,178,194,202,199,186,183,189,196,196,199,199,199,202,204,204,204,202,199,186,170,166,169,173,129,124,127,183,191,186,176,132,133,178,186,186,186,189,199,202,196,186,189,199,194,127,117,115,117,131,183,191,196,202,202,199,194,192,194,196,199,204,204,207,207,207,204,204,204,207,209,209,207,202,202,202,196,191,196,196,191,191,194,191,186,181,131,57,48,77,133,176,125,115,119,191,199,199,199,196,191,183,176,183,199,204,196,181,131,128,131,183,194,189,112,112,119,186,196,196,194,199,207,209,189,129,133,191,209,215,204,189,133,129,125,116,119,191,202,207,204,204,212,215,215,217,217,222,222,222,222,222,222,222,222,222,220,215,209,207,207,207,204,202,199,196,196,202,204,207,209,209,209,209,209,209,209,212,212,212,212,215,222,225,225,225,222,225,215,215,215,220,228,85,71,111,189,194,194,196,199,202,207,207,207,207,207,207,207,207,209,209,212,217,217,209,196,141,135,137,194,207,212,209,204,202,199,199,202,202,204,207,212,215,215,215,217,217,222,217,215,209,207,207,207,209,209,207,196,194,194,202,212,220,222,222,222,217,209,207,207,212,225,233,230,222,217,217,217,215,215,213,213,217,222,222,222,217,216,217,225,230,228,225,225,230,233,235,233,230,230,228,225,228,225,217,217,217,212,207,204,212,225,233,235,235,238,241,230,199,196,207,222,222,222,225,225,222,215,212,207,202,202,199,194,145,145,145,145,147,147,196,202,209,215,215,215,215,215,215,215,217,217,222,222,222,222,217,215,217,225,222,207,203,207,215,225,230,230,230,230,235,235,233,233,230,230,228,225,222,217,212,209,207,204,199,147,145,145,145,194,202,212,222,228,225,217,212,212,207,199,190,189,191,199,207,212,212,212,212,212,212,207,199,196,199,196,191,189,189,191,196,196,189,143,191,194,194,199,191,130,130,196,199,199,212,222,225,225,228,230,225,209,199,198,202,209,222,230,235,233,230,228,225,222,220,220,222,222,225,222,222,222,222,222,217,217,217,217,215,217,222,225,217,207,151,151,204,209,217,222,222,215,207,207,209,212,212,215,222,222,217,212,207,205,205,209,209,209,204,204,207,209,212,215,212,209,207,204,202,199,196,194,194,194,194,196,194,191,191,189,189,186,186,186,189,189,189,189,186,186,183,181,181,178,176,176,133,133,133,133,176,178,183,186,189,191,191,191,191,189,189,189,186,189,189,186,186,186,189,191,191,191,191,191,189,189,186,183,181,178,173,173,129,127,125,125,129,176,178,181,181,183,186,186,181,181,186,191,191,191,196,196,194,191,196,202,204,204,202,199,202,204,196,189,139,183,189,189,189,199,217,225,228,230,228,212,178,176,199,71,77,77,97,115,103,111,183,202,217,230,233,233,220,207,196,189,163,139,95,95,134,176,209,217,183,144,126,129,144,183,217,251,255,255,255,131,57,39,90,53,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,45,118,118,116,105,105,116,134,0,0,0,0,0,181,98,47,90,131,131,79,37,0,0,0,0,64,87,92,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,9,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,90,113,47,0,0,73,139,139,124,121,147,157,165,170,163,176,212,196,186,186,189,215,235,235,228,196,181,168,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,155,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,194,73,41,21,7,0,0,3,13,9,13,9,9,39,139,152,41,0,0,0,0,0,0,0,0,0,139,215,222,212,196,194,186,173,160,170,183,186,189,183,186,186,183,183,183,183,186,183,178,178,178,178,170,157,113,157,170,160,103,93,93,93,87,83,89,91,91,89,86,86,86,87,137,181,194,176,147,139,131,93,93,87,73,55,41,0,0,1,0,0,0,0,11,55,55,69,124,134,121,126,139,121,69,39,25,37,83,134,137,101,97,105,163,181,189,196,212,215,217,207,189,189,207,209,207,191,189,189,163,65,39,38,45,83,99,93,87,93,95,109,181,194,165,101,85,93,139,157,160,157,144,139,139,155,150,129,81,67,61,55,45,41,43,53,65,69,67,67,73,87,85,77,65,59,57,55,57,71,111,126,139,126,113,73,65,57,47,35,25,21,21,23,31,45,59,59,49,39,37,41,53,53,45,41,43,57,67,63,47,23,0,0,13,55,63,55,47,53,111,137,137,113,57,52,59,73,73,63,57,51,43,47,61,91,97,87,81,87,115,178,202,217,238,246,235,229,233,238,248,255,255,255,255,235,220,199,168,139,81,67,65,100,87,0,0,0,183,157,82,17,0,0,0,0,0,255,255,255,255,255,248,85,17,0,0,0,0,48,38,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,116,150,144,131,121,124,121,108,105,134,150,147,137,118,73,59,57,83,139,160,173,196,202,194,183,150,121,118,83,65,55,61,85,147,165,173,165,147,121,85,126,157,170,155,137,124,131,131,89,73,71,77,85,85,83,71,65,63,63,69,105,113,116,111,103,57,35,23,19,21,25,39,55,65,65,69,75,83,113,121,118,124,134,147,144,137,130,129,142,163,186,202,207,217,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,7,0,0,3,14,33,0,0,90,90,105,147,0,0,0,173,155,156,160,152,144,144,131,131,131,124,113,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,63,124,160,181,194,202,220,230,222,209,199,189,181,183,196,209,215,212,212,212,217,220,222,222,220,209,181,125,109,101,95,89,83,75,69,66,68,73,75,83 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,152,11,0,0,0,0,0,0,163,235,189,165,176,194,202,202,202,202,202,199,199,204,204,204,202,199,202,204,209,209,207,207,196,179,181,207,217,212,209,204,200,200,202,199,191,186,191,191,98,94,101,115,121,123,125,129,131,173,186,202,204,191,186,189,189,186,189,196,202,204,202,199,202,225,207,125,191,212,217,207,202,204,207,204,204,209,209,202,196,194,191,196,212,217,209,199,194,199,207,209,199,186,137,139,186,191,199,207,212,207,191,189,191,143,139,143,194,196,191,199,217,225,222,222,225,225,222,217,222,228,230,228,225,228,230,225,209,137,104,125,141,202,215,228,230,230,230,230,230,230,230,222,212,217,230,230,230,235,235,228,215,204,194,190,191,194,191,194,196,204,207,199,199,209,204,194,186,185,186,199,207,202,199,199,202,199,189,139,138,143,194,202,202,199,196,196,202,209,212,209,209,207,207,212,212,215,217,222,225,225,225,222,217,215,209,204,204,217,225,225,217,209,199,196,199,191,194,209,222,230,230,217,202,194,191,143,141,141,143,194,199,207,209,207,199,194,196,199,199,194,187,186,187,191,196,199,202,207,209,204,202,199,194,191,196,202,204,202,204,204,204,209,212,215,225,230,228,222,212,212,217,222,217,207,196,189,185,183,186,202,217,225,217,207,194,186,138,137,139,183,139,131,124,124,129,139,189,191,194,196,194,194,194,196,202,207,207,204,202,204,207,209,209,202,186,135,135,181,186,194,194,186,183,176,126,126,128,133,189,196,189,186,189,186,181,176,176,178,176,129,122,122,123,129,176,181,181,178,176,181,186,189,189,176,119,117,176,189,196,202,204,199,196,196,125,41,105,129,191,189,183,191,199,202,199,191,191,194,199,199,199,199,199,199,202,204,204,202,199,186,170,168,170,173,125,122,124,131,178,176,173,133,178,183,186,186,185,189,199,202,196,194,196,199,189,121,113,111,111,119,131,181,189,196,199,199,196,194,194,196,199,202,204,204,204,202,199,202,204,209,212,215,212,209,204,194,137,132,133,133,133,181,191,196,194,194,194,131,107,119,194,183,125,119,127,189,196,199,196,191,189,183,181,183,191,194,189,183,178,131,129,181,199,204,178,118,121,183,196,196,194,199,209,230,228,199,135,135,196,202,189,135,131,137,191,186,143,199,202,207,207,204,209,212,215,217,222,222,222,217,222,222,222,217,220,222,217,215,209,205,207,207,204,199,196,196,196,199,204,207,207,207,207,207,207,207,209,209,209,209,212,215,222,225,228,225,225,225,222,222,217,217,222,111,59,79,129,189,194,196,202,204,207,207,204,202,202,202,207,209,212,212,217,225,225,217,209,199,139,137,189,204,209,204,199,199,199,198,196,196,198,202,209,215,217,217,217,222,222,222,217,215,212,209,207,207,207,207,209,209,212,215,217,222,222,222,222,222,222,222,222,228,233,235,233,230,228,225,222,222,217,215,217,225,228,228,228,225,222,225,230,233,235,235,235,241,241,241,238,233,230,230,225,225,225,222,225,222,215,212,215,225,230,235,235,235,238,241,233,209,204,217,225,222,225,228,228,225,217,212,207,199,196,196,194,147,145,145,145,145,147,196,202,209,215,217,217,215,215,212,215,215,217,222,217,217,217,217,215,217,217,212,203,202,212,217,220,228,228,225,225,230,235,235,233,230,230,228,225,222,215,215,212,209,207,202,194,147,147,147,191,196,207,215,222,225,217,212,207,204,199,191,190,194,202,209,215,215,215,215,215,215,207,191,139,139,139,141,143,143,141,143,189,143,189,191,196,202,209,196,129,128,135,143,143,196,209,215,217,225,228,225,215,204,202,207,212,217,222,228,228,225,225,225,222,222,222,222,222,222,222,222,222,222,220,217,216,217,217,217,217,225,228,217,150,144,144,148,202,209,217,217,212,204,202,207,212,215,217,222,217,212,212,207,205,205,207,209,209,207,204,207,209,212,215,215,215,212,209,207,202,199,196,194,196,196,196,194,189,186,186,186,189,189,191,189,189,189,189,186,183,181,181,181,181,178,176,176,133,133,133,176,178,181,186,186,189,186,186,186,186,186,186,186,186,186,186,186,183,186,189,191,194,194,191,191,191,189,186,183,178,176,173,131,127,124,125,129,176,181,181,181,186,191,186,179,178,181,189,189,194,196,199,194,191,191,196,196,194,191,194,199,204,202,194,189,189,191,194,196,207,225,233,235,235,230,212,178,176,196,61,71,71,81,97,101,115,196,209,220,220,220,207,196,191,191,183,181,181,173,163,163,183,209,202,144,77,69,103,126,173,212,215,222,238,152,45,19,23,72,35,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,45,129,137,150,147,131,139,152,0,0,0,207,230,183,37,0,90,150,157,105,29,0,0,0,0,59,118,163,118,21,0,0,0,0,0,0,0,0,0,0,0,0,0,12,12,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,82,17,0,0,121,131,104,88,92,105,121,139,139,87,77,134,155,181,196,209,222,0,238,255,246,196,137,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,81,207,255,255,255,255,255,255,255,255,255,255,255,255,255,255,176,51,15,0,0,9,27,113,113,55,29,11,9,31,108,103,19,0,0,0,0,0,0,0,0,0,139,207,222,204,189,183,183,181,176,178,186,186,189,194,199,204,202,199,191,183,176,170,168,168,170,170,157,103,93,107,178,181,113,101,101,101,89,83,83,91,91,87,86,89,97,103,144,176,189,170,144,137,129,93,89,77,61,47,45,37,51,15,0,0,0,65,79,71,77,116,150,155,144,142,144,87,23,0,3,31,59,95,152,178,170,170,186,196,189,196,204,207,207,189,182,189,209,215,207,191,181,165,101,61,43,45,77,99,115,107,99,105,111,160,189,199,181,147,97,93,99,139,147,150,144,139,147,155,152,139,83,59,61,73,69,55,53,65,85,118,85,79,85,118,116,71,53,49,51,55,61,73,111,124,124,116,81,67,55,47,41,33,25,19,21,23,37,55,73,73,59,49,49,55,61,59,51,43,43,57,63,57,39,17,0,0,3,37,57,59,53,59,113,137,137,116,63,55,61,85,89,77,61,51,47,53,67,93,105,103,101,115,170,189,209,228,251,251,246,233,235,248,251,255,255,255,251,212,189,183,168,147,150,152,147,131,95,0,0,0,225,150,59,23,13,15,0,0,0,255,255,255,255,255,124,21,0,0,0,0,0,59,59,19,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,29,108,134,137,131,124,113,113,126,147,157,147,129,77,57,37,41,75,131,142,157,178,186,178,176,139,121,121,83,63,45,47,71,137,157,160,150,118,77,72,81,144,160,150,134,124,131,131,89,71,66,66,69,83,83,73,65,60,61,69,105,113,116,116,103,61,41,29,23,19,19,27,43,53,63,69,77,113,121,126,129,126,131,139,147,144,137,134,142,168,194,209,212,225,251,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,46,0,113,116,124,142,0,0,0,191,165,173,181,173,155,144,131,126,129,129,121,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,69,129,155,165,173,183,212,230,222,212,199,183,173,125,133,194,209,209,212,217,228,230,235,235,228,209,181,119,101,95,89,83,75,73,69,66,69,75,83,83 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,183,155,0,0,0,0,0,27,173,209,186,170,181,199,202,199,199,199,196,196,199,204,202,199,196,196,199,204,207,209,204,204,196,179,179,196,209,209,207,207,204,202,202,202,196,186,178,129,98,99,117,123,127,129,129,127,125,125,131,181,176,129,186,202,199,181,130,133,189,196,199,191,194,204,202,196,204,215,217,207,202,204,204,203,204,207,207,204,199,196,191,191,202,204,199,196,196,202,212,217,207,189,139,141,186,191,196,204,212,209,143,137,136,134,135,141,194,196,196,212,228,230,230,228,225,225,228,225,225,230,233,233,230,235,238,233,217,131,99,127,194,207,215,225,230,233,233,233,233,233,230,228,217,215,222,225,225,228,228,217,204,194,190,189,190,191,194,196,199,202,202,196,196,202,196,191,189,186,186,194,204,204,196,191,189,143,139,137,137,143,202,209,209,204,202,202,202,199,192,191,191,192,199,207,204,202,202,207,215,220,220,217,215,215,209,207,209,222,228,225,220,215,199,194,196,196,199,212,222,228,228,209,199,191,143,142,142,143,191,194,199,204,207,204,199,194,196,202,204,199,191,187,187,191,196,199,202,204,204,204,204,204,199,194,194,196,199,199,199,202,204,207,209,212,222,225,222,215,208,209,217,225,217,204,189,183,185,186,194,209,222,225,220,212,202,186,137,136,183,191,186,129,123,124,133,189,194,191,189,187,186,183,183,186,194,199,199,194,191,199,204,207,204,196,186,137,181,191,196,199,194,191,186,131,123,125,176,183,194,199,194,191,189,186,178,131,128,129,129,127,122,123,129,176,183,189,189,181,173,176,178,183,181,125,118,168,186,191,196,196,199,204,204,196,71,35,129,183,194,196,191,196,199,196,196,194,196,194,199,202,202,199,199,202,204,204,204,202,199,194,183,178,181,176,125,120,121,125,129,131,131,176,181,183,186,185,185,189,194,194,191,189,189,186,178,125,119,114,113,121,127,133,183,191,196,199,196,194,191,191,194,194,196,196,196,199,199,202,202,207,209,212,209,207,199,183,132,131,131,129,129,137,194,199,204,209,215,212,199,194,202,125,104,111,131,186,194,196,194,186,183,186,183,181,178,176,174,178,178,129,127,178,204,209,204,178,129,181,196,202,199,199,207,225,228,215,186,133,183,194,189,137,133,135,141,196,207,207,207,212,209,207,212,215,217,222,225,222,216,216,217,222,222,217,217,220,217,212,207,205,207,207,204,202,199,196,196,199,204,204,207,207,207,207,207,207,207,204,204,207,209,215,217,222,225,228,225,225,225,225,215,215,207,131,68,77,103,139,194,199,202,204,204,202,199,196,194,196,202,209,212,215,217,228,228,225,217,209,189,137,141,202,207,199,196,199,202,199,199,198,199,204,215,222,217,217,217,222,222,222,225,222,220,217,212,209,209,212,215,217,222,222,222,222,222,222,220,222,228,230,230,230,233,233,233,235,233,230,228,228,225,222,225,230,230,233,233,230,228,228,228,230,233,235,241,243,246,246,241,235,230,230,225,225,222,225,230,225,215,212,222,230,235,238,235,235,235,235,230,217,217,228,228,225,225,230,230,228,222,215,209,202,196,194,194,194,147,147,145,145,147,194,199,204,209,212,215,215,212,212,212,215,217,217,215,215,217,217,215,215,215,207,203,203,212,209,207,215,217,217,217,225,233,235,233,233,230,230,225,222,215,212,209,209,209,204,196,194,196,199,202,204,207,212,215,217,217,212,207,204,202,194,194,202,207,212,215,217,217,217,217,215,207,145,130,123,127,135,143,189,139,137,139,143,189,191,196,204,212,209,143,129,130,135,143,191,202,209,212,222,225,225,217,212,209,215,215,212,212,215,222,222,222,225,225,225,225,222,222,222,222,222,222,225,225,217,216,217,217,217,217,225,228,222,204,148,146,149,199,207,217,217,209,200,199,204,212,215,222,222,212,207,207,207,207,207,209,209,209,209,207,209,212,215,217,217,217,217,212,209,204,199,199,196,199,199,196,194,191,186,186,186,186,189,189,189,186,189,189,186,183,183,183,183,183,181,181,178,176,176,133,176,178,181,183,183,183,183,181,181,183,186,186,186,186,186,183,183,183,186,191,194,196,194,194,191,191,191,189,183,181,176,131,129,127,124,125,173,181,183,183,183,189,194,189,179,178,181,186,189,194,202,202,196,189,186,186,183,186,186,191,202,207,202,196,194,194,194,196,204,215,228,235,241,238,230,209,178,174,186,29,41,35,41,77,103,165,207,233,230,209,191,173,173,183,191,183,176,173,170,163,163,176,191,170,53,17,33,57,69,134,183,144,111,103,25,0,0,0,1,3,0,0,0,0,33,23,0,0,0,0,0,0,0,0,0,0,0,25,118,144,186,191,157,142,134,0,0,108,160,191,150,0,0,0,150,178,150,41,0,11,98,126,157,246,255,176,59,0,0,9,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,37,0,0,0,129,131,101,87,92,105,131,139,87,55,53,87,152,186,196,196,0,0,0,0,255,255,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,61,181,241,255,255,255,255,255,255,255,255,255,255,255,255,233,99,21,0,0,0,0,53,147,134,69,61,39,0,59,111,103,45,11,0,0,0,0,0,0,0,0,118,212,220,196,183,183,194,196,186,186,191,186,186,194,199,207,204,199,191,176,165,155,155,155,170,178,157,93,85,97,173,181,160,147,157,157,101,87,83,95,101,97,95,103,142,152,152,163,170,152,99,95,93,89,79,63,49,49,61,87,15,0,0,0,55,83,81,81,108,126,150,163,173,160,144,19,0,0,3,39,45,59,144,194,204,204,204,196,181,186,196,204,199,187,186,199,217,225,209,202,178,117,95,79,71,95,115,155,168,163,113,152,157,163,181,181,178,155,107,99,92,97,142,150,150,144,147,155,155,144,91,63,69,91,93,79,71,81,131,142,137,124,129,134,126,77,53,46,51,63,79,81,79,83,83,77,69,65,61,53,45,33,22,21,23,31,43,67,111,103,65,57,57,63,67,63,53,45,45,55,59,49,29,5,0,0,0,25,51,63,67,77,121,144,142,121,73,55,61,81,89,73,55,46,47,59,67,77,91,101,113,165,181,189,202,217,243,246,238,235,241,248,251,255,255,255,225,173,155,157,150,147,173,204,189,155,124,0,0,0,225,103,33,19,15,21,0,0,0,251,220,246,243,168,43,0,0,0,0,0,38,56,59,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,108,131,131,113,105,105,124,139,142,131,113,69,45,31,33,63,111,113,116,134,142,142,139,124,113,113,77,57,35,41,65,118,137,134,121,81,72,71,79,134,152,144,124,121,131,137,89,73,63,63,67,75,111,83,65,60,60,67,77,108,105,105,71,61,47,31,25,18,17,17,29,45,55,69,81,116,129,134,137,131,134,137,144,144,142,134,134,163,194,209,215,220,243,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,137,129,129,0,0,0,189,178,186,191,189,173,155,134,129,131,131,126,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,37,108,144,165,165,165,176,202,220,217,202,189,173,119,105,111,133,199,202,212,222,235,248,254,254,235,209,181,119,101,89,83,75,69,69,69,66,69,75,83,89 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,144,202,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,150,0,0,0,0,35,196,186,186,176,173,183,199,202,196,195,195,196,196,196,199,191,189,189,194,199,204,207,207,204,204,196,183,179,183,196,204,207,209,209,207,204,204,202,191,176,127,111,119,178,176,176,173,173,129,125,123,123,119,117,119,178,207,207,178,126,128,181,189,186,136,137,186,194,202,207,212,215,209,207,207,207,204,204,207,207,199,194,194,194,191,196,195,194,195,196,199,209,215,202,141,139,139,141,189,194,199,207,204,143,136,135,134,136,143,191,191,202,225,230,230,230,225,222,225,230,230,230,233,235,233,233,235,235,233,222,141,108,147,212,215,217,217,225,230,233,233,233,233,230,230,215,199,202,212,215,215,217,209,199,194,191,191,191,194,196,204,202,199,196,196,194,191,141,140,186,186,186,196,209,212,204,191,141,141,141,139,141,194,212,217,215,209,207,204,202,194,187,186,186,190,196,202,196,192,192,199,209,217,225,225,222,217,212,207,212,225,228,225,225,225,215,202,202,202,207,212,217,217,217,204,196,194,143,189,194,196,196,196,199,202,207,207,202,199,199,204,209,209,202,191,189,191,199,202,199,202,202,202,207,209,204,194,191,194,199,199,199,202,207,207,204,204,212,222,222,215,209,209,217,222,217,204,194,186,186,189,194,204,212,217,217,215,202,183,136,138,191,199,191,133,126,127,135,191,194,194,191,189,187,185,183,186,189,189,185,182,185,194,199,202,199,194,186,137,181,194,199,199,199,196,191,133,122,127,183,191,196,199,194,194,189,186,181,131,128,128,129,125,122,123,131,181,189,194,191,183,176,173,176,178,176,125,123,183,194,196,199,195,194,204,204,186,45,31,173,183,191,194,191,196,196,194,194,194,196,194,196,202,202,202,202,202,204,207,204,199,194,194,196,196,194,181,125,119,120,125,131,173,173,178,186,189,186,185,185,186,189,189,183,183,181,135,135,135,181,133,127,133,133,178,186,189,191,189,186,181,135,135,137,181,181,183,189,194,196,199,199,199,202,202,202,196,189,137,135,181,137,130,130,186,207,202,204,212,212,212,215,215,204,98,91,107,186,191,191,194,191,183,183,189,183,178,174,172,170,174,176,128,126,133,202,212,207,183,131,178,196,204,204,202,204,212,217,217,202,137,186,194,196,196,194,141,135,202,215,215,215,222,222,217,222,222,222,225,225,222,216,216,217,222,222,217,217,215,212,209,207,207,207,209,207,204,202,199,199,202,204,204,204,204,202,202,204,204,204,202,202,204,209,212,215,220,225,228,228,225,225,222,212,209,202,186,105,88,97,129,191,196,196,196,196,196,196,194,192,196,202,207,209,212,217,228,230,228,222,215,196,136,137,202,207,199,198,202,204,204,204,204,207,212,217,222,215,212,215,217,222,225,225,225,225,225,225,217,215,212,215,217,222,225,225,225,225,225,222,222,228,230,233,233,233,233,235,238,235,233,230,230,228,228,228,230,230,233,233,230,228,225,222,222,225,233,238,243,246,246,241,235,230,230,228,225,222,225,230,228,217,215,225,230,235,238,235,235,233,230,228,222,225,228,225,222,225,230,233,230,225,217,212,207,199,199,196,196,196,194,147,145,147,194,196,202,204,209,212,215,212,212,212,215,217,217,215,213,215,215,215,217,215,207,204,205,209,204,202,204,212,212,215,222,230,235,235,233,230,228,225,222,215,209,207,207,207,204,196,194,199,204,209,209,209,209,212,215,215,212,207,207,202,196,196,204,209,212,215,217,222,222,217,215,212,202,131,115,120,135,189,189,189,139,137,143,191,196,199,207,212,217,215,137,129,141,194,194,199,207,212,217,225,228,225,217,217,222,217,212,211,212,217,222,222,225,228,230,228,225,222,222,221,220,222,225,225,222,217,217,217,215,217,222,228,228,225,222,212,209,209,212,222,225,212,199,199,202,209,212,217,215,209,202,202,207,209,212,212,212,209,209,212,215,217,217,217,217,217,215,212,209,204,202,199,199,202,199,199,196,194,189,186,186,186,189,189,186,183,183,186,186,183,181,186,186,186,183,183,181,181,178,176,176,176,178,178,181,181,181,178,178,181,183,189,189,186,186,183,183,183,186,191,196,196,196,194,194,194,194,191,186,181,176,131,131,129,125,127,176,181,183,183,186,189,194,191,181,179,183,186,191,196,204,202,196,189,183,181,179,182,186,191,199,202,199,199,199,196,194,196,207,222,230,235,238,238,228,207,181,173,178,13,23,10,13,71,115,183,220,238,225,191,163,159,163,183,191,183,163,131,95,95,131,152,173,160,11,0,11,43,45,53,108,43,5,0,0,0,0,0,0,0,0,0,0,0,23,31,0,0,0,0,0,0,0,0,0,0,0,13,82,103,155,178,155,116,92,82,51,108,152,181,152,0,0,0,0,173,152,77,0,17,152,0,255,255,254,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,0,0,0,113,139,126,113,124,150,165,157,87,52,53,118,152,178,178,0,0,0,0,0,255,255,103,27,29,0,0,0,0,0,0,0,0,3,31,37,5,17,47,85,183,230,241,255,255,255,255,254,255,255,255,255,255,243,186,77,25,5,7,0,0,0,77,49,25,43,43,51,108,142,150,126,82,25,0,0,0,0,0,0,0,19,212,212,189,178,183,194,194,186,186,186,183,178,183,191,194,189,186,178,165,155,109,109,155,168,178,170,97,85,90,160,181,173,160,176,183,163,101,95,103,150,150,150,144,152,152,152,152,152,99,85,73,71,67,61,45,42,49,65,0,0,0,53,134,126,65,77,116,118,129,142,155,170,160,142,0,0,0,47,45,31,37,142,168,183,196,196,183,172,173,186,196,199,199,199,209,228,228,217,202,170,109,91,97,117,168,165,160,173,170,160,163,170,168,165,160,157,155,147,105,99,97,142,157,157,152,147,155,155,150,131,83,81,89,93,87,83,83,124,142,142,137,137,139,137,83,59,49,55,73,81,85,79,73,65,57,57,61,61,61,47,35,25,25,33,43,55,75,111,75,59,55,55,61,61,63,61,49,44,47,55,47,27,5,0,0,0,9,37,61,79,111,129,144,144,126,73,55,53,63,77,73,51,43,46,59,65,60,67,87,109,157,160,160,170,202,220,230,230,238,246,248,248,255,255,241,212,173,147,147,147,157,202,233,204,163,147,0,0,243,183,90,39,23,14,25,0,0,0,189,139,152,163,108,17,0,0,0,0,0,19,38,59,35,3,0,0,0,0,0,0,0,7,0,0,0,0,3,0,0,0,0,0,23,85,113,121,103,98,98,113,126,124,116,105,67,43,25,23,33,57,55,61,71,108,118,116,73,67,73,71,47,25,29,61,81,113,87,79,73,73,75,81,129,137,124,85,83,121,131,89,77,66,66,69,83,126,118,81,63,63,67,77,75,73,63,63,61,53,41,33,21,15,15,19,41,63,77,83,124,131,137,142,139,134,137,144,157,142,130,129,139,178,199,212,217,238,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,5,27,0,0,0,144,142,129,139,163,178,165,163,173,181,181,173,163,131,126,129,131,129,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,47,116,165,181,173,165,173,194,209,202,189,176,119,97,94,101,125,189,209,220,230,238,255,255,255,251,212,181,119,95,89,83,75,69,69,68,66,69,75,83,89 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,207,212,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,0,0,0,0,0,194,243,225,178,155,176,189,199,202,196,195,195,196,196,194,189,186,185,186,194,202,207,207,207,204,204,202,191,181,179,186,199,204,209,212,209,207,209,207,196,178,125,123,131,183,189,186,183,176,173,131,127,121,116,115,119,127,194,196,178,130,128,181,186,137,132,134,186,196,202,207,212,215,215,212,212,209,207,204,204,204,196,194,194,196,199,196,194,194,194,195,196,196,189,186,186,186,186,186,186,191,196,199,199,194,139,137,137,137,194,202,189,204,222,230,233,230,225,222,225,230,233,235,235,235,233,233,233,230,228,212,145,139,204,217,222,215,212,212,222,230,233,233,233,230,228,212,196,195,202,209,209,212,207,202,202,204,204,199,194,194,199,199,194,191,194,196,191,141,138,137,139,189,204,217,222,212,196,191,196,202,199,196,202,212,217,217,212,209,204,202,196,194,196,204,209,207,207,199,192,195,204,209,217,228,230,228,225,215,207,217,228,228,230,230,228,222,212,204,204,207,209,209,207,202,199,199,196,196,196,202,202,202,199,199,202,209,212,209,202,199,202,207,212,212,202,196,199,199,199,196,196,194,196,202,207,202,191,186,189,194,196,199,204,207,207,204,202,207,215,217,212,207,207,212,217,215,207,199,194,191,189,186,186,194,209,217,212,196,139,138,189,204,207,202,191,139,139,194,199,194,194,199,199,202,202,199,196,196,189,182,181,185,189,194,194,194,191,183,137,178,189,196,196,199,199,189,129,124,129,186,194,196,199,196,189,183,183,181,178,173,131,129,127,122,125,173,183,189,189,189,183,178,173,173,176,173,170,176,191,196,202,202,196,199,204,196,111,6,34,119,186,194,194,194,196,196,196,194,194,194,196,199,199,199,202,199,202,204,204,202,196,194,196,204,209,207,194,125,95,121,131,173,176,178,186,194,191,186,185,185,186,189,186,183,181,178,135,133,178,189,183,135,178,183,189,189,186,181,135,129,119,112,119,129,127,117,117,131,181,186,191,191,189,186,189,191,191,186,186,191,196,191,181,186,204,212,204,204,207,209,212,217,209,181,91,101,189,189,186,183,186,186,186,186,186,181,178,181,194,189,186,178,131,128,129,183,204,202,183,133,178,196,204,207,207,204,204,209,209,199,194,196,196,199,202,204,204,204,209,215,217,222,225,228,228,228,228,225,225,222,217,216,217,220,222,222,217,215,204,196,202,207,209,209,207,207,204,202,202,202,204,204,204,204,199,196,196,202,204,204,202,199,202,207,212,215,217,222,225,225,225,222,217,212,207,202,196,189,121,91,99,183,191,191,194,194,194,192,192,196,202,202,199,199,204,209,217,225,225,217,212,199,137,137,199,209,204,199,202,202,204,209,212,212,215,217,217,202,194,202,215,225,225,225,225,228,228,225,222,215,215,215,217,222,225,228,228,228,225,222,225,228,230,230,233,233,235,235,235,233,230,230,228,228,228,228,225,225,228,230,228,225,222,220,218,222,228,233,238,241,243,238,233,230,230,230,228,222,222,225,222,215,217,225,230,233,233,235,235,230,228,222,217,222,225,222,216,222,230,233,233,228,222,217,212,209,207,204,202,199,196,147,145,147,194,196,199,202,207,212,215,212,212,212,215,217,217,215,215,215,215,215,217,215,209,205,209,217,207,200,202,209,215,217,225,230,233,235,230,225,222,222,222,215,204,199,199,199,196,194,194,196,202,207,209,209,209,209,212,212,212,209,204,202,199,199,202,204,209,212,217,222,222,217,215,215,215,209,189,134,137,143,189,143,139,136,139,191,199,202,204,212,222,225,217,204,199,199,199,204,207,212,222,228,228,230,228,225,220,215,212,215,217,220,217,222,228,233,233,230,228,225,225,222,222,222,225,225,217,215,215,215,215,217,222,225,230,230,230,228,222,217,222,228,228,217,207,202,204,209,209,209,212,207,199,199,204,209,212,212,212,209,212,215,215,217,222,222,222,217,215,209,207,204,202,202,202,202,199,199,199,199,191,186,186,189,189,186,186,183,181,181,183,181,181,186,186,186,186,183,183,181,181,178,176,133,133,176,176,178,181,178,176,176,181,186,189,186,186,183,183,183,186,191,194,196,199,199,196,196,194,191,189,186,181,176,173,131,129,129,131,178,183,183,183,189,191,189,189,189,189,191,194,202,204,202,196,189,183,181,179,182,186,189,191,194,196,196,196,194,191,194,204,217,225,228,233,233,228,212,196,183,183,17,35,11,11,95,165,183,220,235,209,176,164,161,170,183,191,191,160,69,21,21,59,89,139,121,0,0,0,63,67,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,35,55,118,139,129,105,108,124,124,139,173,199,199,0,0,0,0,155,137,95,69,103,228,0,0,194,178,129,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,67,142,150,147,170,181,191,183,139,58,53,63,124,139,0,0,0,0,0,255,255,255,108,41,129,126,0,0,0,0,0,0,0,0,39,61,41,29,55,131,176,222,251,255,255,255,255,252,255,255,0,0,255,254,194,170,160,85,61,0,0,0,73,19,12,17,29,0,108,163,176,152,108,57,31,11,0,11,1,0,0,0,0,113,131,163,170,176,178,181,186,191,178,170,173,189,189,183,181,173,165,107,101,103,109,168,178,178,105,88,89,111,181,186,183,183,183,176,157,109,109,150,163,163,160,152,152,152,152,144,93,71,49,47,47,43,40,41,49,51,0,0,37,124,150,134,79,108,126,134,134,144,142,45,0,0,0,0,53,57,49,47,59,95,137,103,150,168,181,183,186,173,186,199,199,204,217,228,220,202,186,111,87,89,111,170,178,176,168,168,165,165,173,181,170,160,155,152,155,155,155,144,139,147,157,170,168,155,155,155,152,134,93,81,69,67,61,59,63,77,124,137,139,131,129,126,118,71,57,67,73,73,77,81,65,41,32,33,45,51,53,47,41,35,33,47,59,67,73,77,65,47,41,45,47,47,63,77,67,49,49,55,47,33,7,0,0,0,0,19,47,69,113,129,144,144,134,81,57,47,49,63,81,75,45,43,55,61,61,69,89,101,107,103,101,111,178,212,220,220,230,233,233,243,255,255,251,225,199,183,176,176,0,0,233,0,0,0,0,235,207,157,105,72,43,19,23,0,0,228,144,88,103,139,116,61,25,0,0,0,0,0,38,59,46,13,3,3,0,0,0,0,21,27,0,0,0,0,0,0,0,0,0,0,11,35,77,98,105,98,95,103,116,113,116,113,63,31,11,0,0,0,21,39,55,73,108,75,41,35,57,53,29,13,15,47,67,73,67,61,61,77,81,77,83,87,79,71,73,83,118,83,79,73,71,75,121,137,137,116,71,63,67,67,65,65,63,63,69,71,59,39,25,17,15,18,35,55,75,83,121,129,134,137,131,134,139,157,157,142,130,127,139,160,186,204,215,220,243,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,147,178,186,173,157,150,150,160,168,160,131,122,129,144,144,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,51,111,157,176,173,165,165,183,194,181,165,117,101,94,93,101,129,194,212,230,238,254,255,255,255,238,209,173,109,89,83,75,69,69,69,66,66,69,75,83,83 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,212,212,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,215,233,194,137,142,181,194,199,199,196,195,196,199,202,196,194,189,186,187,194,204,209,212,212,209,207,207,202,189,183,186,199,204,207,207,209,209,209,207,199,176,127,129,181,189,191,189,181,176,173,178,176,123,115,115,117,125,133,135,133,132,129,181,186,181,135,181,196,202,204,209,212,215,217,217,215,207,204,202,202,204,202,199,199,199,199,199,196,196,196,196,196,194,189,189,196,199,199,194,189,189,191,194,196,196,189,143,143,189,202,204,194,207,217,225,228,228,225,217,217,228,233,235,235,235,233,230,230,228,222,209,199,199,209,217,215,209,204,204,212,225,230,230,228,228,225,209,195,194,202,212,215,217,212,207,204,207,207,202,194,189,186,185,185,189,196,199,194,189,141,139,140,194,209,222,225,212,199,196,207,215,212,207,209,215,212,207,204,202,202,202,204,215,217,217,222,222,217,207,196,199,207,215,225,230,233,230,228,215,207,215,228,230,230,230,225,217,212,207,204,204,204,204,202,199,202,204,207,207,207,209,212,209,207,204,207,212,215,212,207,202,199,204,212,212,209,202,199,196,196,194,191,191,194,199,199,194,186,185,185,186,191,199,207,209,209,207,202,204,212,215,209,204,204,207,212,212,207,202,196,189,141,138,138,186,202,209,209,199,191,194,204,215,217,215,207,202,199,204,204,196,196,199,199,204,209,209,207,207,199,191,189,189,189,189,191,189,186,181,137,181,189,191,189,186,186,178,128,126,131,183,189,191,194,191,183,178,176,176,176,176,173,129,125,123,129,181,189,186,183,183,183,178,172,172,173,176,176,183,194,196,199,202,202,207,209,181,53,21,53,170,191,196,194,194,196,196,196,196,194,194,196,196,196,196,199,199,202,204,196,191,194,196,199,204,209,212,202,131,105,129,176,176,183,189,191,196,194,191,186,185,186,189,189,183,181,181,178,131,131,178,178,129,127,178,186,186,178,135,133,127,114,89,115,129,115,102,112,121,123,125,133,183,183,186,191,194,196,194,196,199,204,202,191,191,199,202,202,204,207,209,209,204,191,105,100,121,129,129,181,181,178,181,186,189,186,181,178,183,194,196,191,183,178,176,133,133,186,194,181,131,132,189,204,209,209,207,204,204,204,199,196,199,196,196,199,207,212,212,215,217,217,217,222,225,228,228,228,225,225,222,222,217,217,222,225,222,217,207,196,194,196,204,209,209,207,207,204,202,202,204,207,207,204,202,194,191,192,196,202,202,196,194,199,204,209,212,215,217,217,222,220,217,215,212,207,204,204,204,131,80,81,127,186,191,191,194,194,192,192,199,204,202,198,196,196,198,204,212,215,209,202,141,131,137,199,207,202,199,202,202,204,209,212,215,215,212,204,121,131,144,209,222,228,225,222,222,225,222,217,215,217,217,217,225,228,225,225,222,222,225,225,225,222,225,228,233,235,233,233,230,228,225,225,230,230,228,225,222,225,228,225,225,222,222,220,220,222,228,233,238,238,235,230,225,222,225,230,230,222,215,215,213,217,228,230,230,230,230,233,230,228,222,216,217,225,222,217,225,230,235,233,228,222,217,215,215,212,209,207,204,199,194,147,147,147,194,196,199,204,209,209,209,209,212,215,215,215,217,217,217,217,215,215,215,212,212,220,228,215,200,200,209,222,225,230,233,235,233,228,217,212,215,215,209,199,147,147,194,191,191,191,194,196,199,202,204,204,207,207,209,209,204,196,194,196,199,199,202,207,209,215,222,222,217,215,212,215,212,202,191,143,189,143,141,136,136,137,143,194,199,202,209,217,228,225,215,207,202,202,204,209,217,222,225,228,228,230,228,222,215,215,222,225,225,222,225,228,230,233,230,228,228,228,225,225,225,225,222,215,212,212,212,215,215,217,222,225,228,230,228,225,225,228,228,225,215,207,204,209,212,207,204,207,204,199,199,204,207,209,209,209,209,212,215,215,217,222,225,225,222,215,209,207,204,204,202,202,202,199,196,196,194,189,183,183,186,186,186,183,181,178,178,181,183,183,186,189,186,186,186,183,183,181,178,176,133,133,133,133,176,178,178,176,176,178,181,183,183,183,183,183,183,183,189,191,194,199,199,199,196,194,191,189,186,183,181,178,173,129,127,129,176,181,181,183,186,189,191,194,196,196,194,196,199,202,202,199,194,189,186,183,183,186,186,186,189,191,194,191,190,190,191,202,215,222,222,228,233,233,228,215,199,191,11,23,3,15,95,125,176,209,233,230,212,196,186,183,191,202,209,170,75,23,3,5,41,116,121,0,0,0,111,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,103,126,29,43,57,45,35,45,98,124,134,157,173,173,176,194,207,204,176,134,111,121,147,0,111,92,103,108,74,59,124,204,204,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,48,33,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,111,131,131,137,183,194,181,165,131,69,61,69,75,71,134,181,199,212,220,212,191,160,63,38,183,199,0,0,0,0,0,0,0,0,31,59,41,15,51,116,176,228,255,255,255,255,255,255,255,255,0,0,255,255,207,196,207,186,91,73,0,0,163,61,17,15,0,0,100,129,152,139,124,139,126,92,85,49,13,0,0,0,0,0,13,108,152,170,178,178,186,196,186,170,170,186,194,191,181,173,152,103,99,99,105,155,178,178,107,87,85,99,173,186,186,183,168,160,160,163,160,160,160,160,152,144,137,137,137,134,93,71,49,47,47,43,40,40,45,55,51,63,116,142,150,129,116,129,160,152,129,75,0,0,0,0,0,47,81,75,71,71,77,77,71,73,95,160,173,196,196,173,173,173,186,199,209,217,202,176,117,89,84,95,163,178,178,178,168,157,117,155,163,170,183,168,155,152,157,165,163,152,152,152,157,170,170,155,152,144,137,97,83,63,49,49,53,50,53,59,75,124,139,129,87,118,118,116,83,81,73,68,73,73,53,32,29,29,33,39,43,47,47,45,49,57,69,67,65,61,47,35,34,35,37,39,63,113,103,61,55,55,47,33,9,0,0,0,0,5,41,77,121,129,137,144,134,116,61,43,40,51,87,95,49,45,55,67,77,87,89,95,95,87,87,103,163,189,207,215,222,225,233,243,251,255,255,246,228,228,0,0,0,0,233,0,0,0,222,222,181,147,116,92,92,29,23,103,165,131,103,103,90,108,116,111,98,66,21,0,0,0,46,64,59,33,21,33,35,13,3,9,25,25,5,0,0,0,0,0,0,0,5,11,19,29,35,53,92,98,95,100,111,134,150,121,51,17,0,0,0,0,0,27,59,77,108,65,31,24,35,29,9,0,1,29,53,53,45,39,49,73,77,67,75,87,79,71,70,75,83,116,116,87,85,85,121,137,131,81,63,63,62,67,65,65,57,61,71,103,100,49,27,21,19,23,35,51,71,81,113,113,126,129,126,131,144,160,165,155,134,131,133,150,163,189,196,212,233,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,186,207,222,204,168,150,142,150,160,155,131,124,129,155,163,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,65,118,144,165,165,156,165,176,183,176,157,103,96,93,96,111,176,199,212,230,254,255,255,255,255,228,189,119,89,75,69,64,64,64,69,69,68,69,75,83,83 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,207,209,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,0,0,79,69,0,0,0,0,0,0,3,121,139,126,116,129,168,191,196,199,199,199,199,204,207,207,204,199,191,189,194,204,212,215,215,209,209,209,207,199,191,189,196,202,199,199,207,215,209,202,191,131,127,129,178,183,181,178,178,172,172,186,191,125,114,114,119,127,131,133,133,131,127,137,191,194,189,196,209,209,209,212,215,217,225,225,215,204,199,199,202,204,207,207,204,202,202,202,202,204,204,204,204,202,202,204,209,215,215,207,194,189,189,191,191,194,189,143,191,196,202,202,202,209,212,215,222,225,225,217,216,222,230,235,235,235,233,230,230,228,217,212,207,207,212,212,209,204,202,202,207,215,222,222,217,222,217,204,192,192,204,222,228,225,217,209,204,204,204,202,194,189,185,183,186,191,199,204,207,204,204,202,196,202,212,225,222,207,199,202,215,222,222,222,222,215,204,191,187,191,196,199,204,212,222,222,228,233,228,202,141,199,207,222,230,233,233,233,230,217,205,212,225,230,230,228,225,212,207,207,204,202,202,202,199,202,204,212,215,215,215,220,225,225,217,212,209,212,215,215,212,204,202,202,202,207,207,202,194,194,191,190,191,194,196,196,194,191,189,186,183,185,194,204,207,204,204,204,202,202,209,212,209,207,204,207,209,207,202,196,191,141,139,139,141,191,202,207,204,204,204,209,215,222,225,222,212,207,204,204,204,196,194,194,194,196,204,204,204,204,202,199,199,196,191,189,191,189,181,181,183,189,194,194,186,178,135,131,128,128,131,176,178,181,183,181,173,173,173,131,131,173,173,129,123,123,131,183,189,186,181,178,181,178,172,172,173,178,181,186,191,191,189,196,202,204,202,105,10,19,65,183,194,194,194,191,194,194,194,194,191,194,196,196,192,192,196,204,207,202,178,123,183,196,202,204,204,207,196,129,122,176,178,178,191,196,194,194,196,196,191,186,186,191,191,186,181,178,178,131,127,129,131,126,125,131,181,181,178,181,183,181,131,91,125,133,119,112,121,127,121,127,137,186,189,191,194,199,204,204,202,202,204,202,191,179,179,191,196,199,199,202,196,186,131,100,103,125,129,128,186,183,129,133,186,191,186,181,181,183,189,191,189,183,183,186,181,133,135,183,135,129,129,178,202,209,209,207,196,196,199,196,194,196,196,196,202,207,215,217,217,217,215,215,215,217,225,225,225,225,225,225,222,222,222,225,225,225,217,209,199,196,199,207,209,209,209,207,204,204,204,207,207,207,207,204,194,190,191,196,199,196,192,192,196,204,209,212,212,212,212,212,212,212,209,207,204,204,207,212,189,82,80,119,137,186,194,196,196,194,196,202,207,207,204,199,198,196,198,202,202,194,139,131,123,127,143,196,196,196,199,202,204,207,212,217,215,207,194,120,134,145,207,217,228,228,222,218,220,217,217,217,217,220,220,222,222,217,215,215,217,225,225,212,209,215,222,230,233,230,230,228,225,222,225,230,233,230,225,222,225,228,228,225,225,225,225,222,222,225,230,235,235,235,228,215,209,222,235,235,222,213,213,215,222,230,230,229,229,229,230,230,228,217,213,215,225,225,217,225,230,233,233,228,222,217,217,215,212,207,207,204,199,196,194,147,145,145,194,199,202,204,202,204,209,215,215,215,215,217,222,222,215,207,207,212,215,217,228,230,220,203,200,209,225,228,228,233,233,230,222,209,207,207,207,204,196,147,145,145,144,145,191,194,194,194,194,196,199,199,202,204,202,194,191,191,194,199,202,202,204,209,215,222,222,217,212,211,212,212,207,202,196,191,143,137,136,136,139,143,191,196,202,209,217,228,228,217,209,204,202,202,209,217,222,217,217,225,228,228,222,217,217,225,228,228,228,228,228,228,230,230,230,228,228,228,228,228,228,222,215,212,211,212,212,215,215,215,217,222,225,225,225,225,228,228,222,209,204,204,209,212,204,199,199,199,199,202,204,204,204,204,207,212,215,215,217,217,222,225,225,222,217,212,209,207,207,204,202,199,199,196,196,191,183,182,182,186,186,183,181,178,177,177,181,186,189,189,189,189,186,186,186,186,183,178,176,133,133,133,173,173,176,178,176,173,176,181,183,181,181,181,181,181,183,186,189,191,196,199,196,194,189,186,186,186,186,183,178,173,127,123,125,131,178,178,181,183,189,194,196,202,202,199,196,199,202,204,202,199,196,194,191,191,189,186,185,186,189,191,191,190,190,191,202,212,222,222,225,230,233,233,228,215,199,0,0,0,9,89,115,165,202,235,255,248,228,196,186,204,220,220,189,139,57,0,0,0,61,124,9,0,0,126,204,59,0,0,15,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,176,144,144,152,118,41,32,59,139,183,196,189,181,0,0,0,0,191,176,134,129,147,155,0,0,64,37,31,0,255,255,255,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,77,100,77,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,116,124,124,144,189,189,147,63,43,55,75,87,69,35,47,134,152,160,168,157,139,131,108,105,255,255,0,0,0,0,0,0,0,0,7,39,0,0,35,83,168,235,255,255,255,255,255,255,255,255,255,255,255,248,189,186,207,199,137,79,0,181,181,137,47,21,37,87,126,129,126,111,108,142,160,116,92,45,0,0,0,0,0,0,0,21,118,168,178,178,186,199,189,170,170,189,207,207,191,173,152,101,98,98,103,160,186,186,111,88,84,91,113,178,181,173,147,111,150,163,163,163,163,150,142,103,91,89,91,95,97,87,65,61,63,53,42,41,45,63,83,131,142,150,137,116,83,121,134,181,113,0,0,0,0,0,129,129,131,124,124,83,71,53,47,53,83,150,163,183,196,183,157,157,160,170,189,199,176,109,89,83,87,111,170,181,178,170,165,155,113,113,155,168,170,168,157,152,157,178,176,163,152,157,160,168,170,152,147,137,91,77,65,49,46,49,65,67,65,63,71,124,139,129,85,79,118,126,126,87,73,68,71,65,47,33,33,33,33,35,41,47,51,59,61,69,69,61,53,45,35,32,34,37,37,41,61,103,75,57,49,49,45,35,17,5,3,1,0,5,41,79,121,129,137,144,142,124,63,43,37,45,89,134,63,51,59,77,91,95,89,86,87,87,95,109,163,181,194,209,215,225,233,248,251,255,255,255,246,254,0,0,0,241,233,0,0,0,209,189,155,137,116,105,113,43,23,59,77,66,69,87,0,31,92,142,150,118,79,46,0,0,56,66,66,59,46,46,61,46,15,3,0,0,0,0,0,0,0,0,0,0,1,0,17,29,29,37,87,98,98,103,108,139,147,103,25,0,0,0,0,0,0,27,53,75,111,75,41,25,25,11,0,0,0,13,33,41,32,32,39,61,65,61,75,126,124,77,73,75,83,124,126,134,126,124,124,129,118,71,60,60,62,67,65,57,51,49,61,108,111,57,33,27,31,33,43,55,69,77,79,113,121,126,125,129,144,160,168,163,155,137,137,137,155,170,186,196,217,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,204,238,248,238,194,160,131,131,152,155,147,134,152,0,0,183,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,95,131,144,157,157,157,157,176,178,178,163,113,103,97,107,127,191,209,212,233,255,255,255,255,255,209,165,97,77,65,62,62,65,65,71,75,71,77,77,85,85 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,196,207,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,95,108,9,0,0,69,0,0,0,7,98,137,134,147,163,183,196,199,202,202,204,207,212,215,212,204,194,191,196,207,215,217,215,209,209,209,209,204,196,191,191,194,191,194,202,209,207,191,133,123,123,125,127,129,131,176,181,176,172,189,202,131,116,116,123,176,186,189,135,129,126,137,194,196,196,207,215,215,215,215,215,217,222,222,212,199,196,199,204,207,209,207,207,204,204,204,204,207,212,215,215,212,212,215,217,222,222,215,202,191,191,194,194,143,142,142,189,196,196,196,204,209,208,208,215,225,228,222,217,222,228,233,235,235,230,230,230,230,222,212,207,204,204,207,207,207,207,204,202,202,204,207,207,209,209,199,194,195,209,228,230,228,222,209,204,202,202,199,194,191,189,191,194,191,194,204,217,217,217,212,202,199,209,215,212,202,202,209,222,228,228,228,228,215,199,186,185,187,194,196,196,202,215,222,225,233,217,112,102,191,207,225,230,230,235,238,233,217,207,209,222,228,228,225,222,207,204,204,202,199,198,199,202,204,207,209,215,217,225,228,230,230,228,222,217,215,215,215,212,207,202,194,192,194,202,196,191,190,190,191,191,194,196,196,194,194,196,196,189,191,196,199,191,189,194,196,194,196,202,207,207,207,204,207,207,204,199,191,141,136,137,189,199,207,207,204,202,204,212,222,222,222,222,217,209,204,202,204,202,194,189,186,189,191,194,189,189,191,194,191,194,194,191,189,189,186,183,183,191,196,202,202,191,178,133,129,128,129,131,133,133,176,176,172,170,172,173,131,129,129,129,127,123,125,170,178,183,181,178,178,178,178,173,173,178,181,181,186,189,186,178,186,191,176,113,47,0,0,45,181,189,189,189,189,189,191,191,191,189,191,194,194,192,194,199,204,204,176,57,53,83,194,207,204,199,196,178,125,127,173,178,183,194,199,196,191,191,196,194,189,189,194,194,186,176,131,133,129,127,127,129,127,131,181,183,183,189,191,194,194,191,183,183,181,129,116,117,127,131,189,194,196,194,191,194,199,204,207,202,199,199,196,181,172,170,186,199,196,189,183,176,133,131,109,106,127,183,199,204,181,124,129,186,194,186,181,183,189,189,186,183,178,181,186,183,135,133,135,133,131,130,135,196,204,204,199,190,190,196,194,191,194,196,199,204,209,215,217,217,215,212,209,212,215,217,222,225,225,225,228,225,225,225,225,225,225,222,215,212,209,209,209,209,209,209,207,204,202,204,207,209,209,209,207,202,194,192,194,196,194,191,192,196,204,207,209,207,204,204,204,207,207,204,199,198,198,202,207,202,125,109,125,135,186,194,196,196,196,196,199,202,207,209,207,204,202,202,202,199,189,139,135,121,114,116,133,191,196,202,204,207,209,212,215,212,209,199,143,144,194,207,217,225,228,222,222,222,222,222,222,222,222,217,217,217,215,213,213,217,222,217,208,207,209,217,228,230,230,230,230,228,222,225,230,233,230,222,220,222,228,225,225,228,230,230,225,225,225,230,233,235,233,225,209,207,222,235,235,228,217,217,215,222,230,233,230,229,230,233,230,228,217,209,211,220,222,215,222,228,230,230,228,225,222,217,212,209,204,204,202,199,194,147,147,145,145,147,199,202,199,198,199,207,215,215,215,215,222,225,225,215,199,198,204,212,217,225,228,222,205,203,212,225,222,217,225,228,228,217,209,202,202,204,202,196,194,147,145,143,144,191,194,194,194,194,194,196,199,199,196,194,192,191,192,194,196,202,202,204,209,215,217,222,217,215,211,211,212,209,207,202,196,143,137,137,141,143,189,191,194,199,207,217,225,225,217,209,204,200,200,204,209,215,215,215,217,225,225,220,217,222,225,228,228,230,230,225,225,225,230,230,228,226,228,228,230,228,225,217,212,212,212,212,212,212,212,212,215,217,222,225,225,228,225,222,212,207,207,209,209,202,196,195,196,199,204,207,207,207,204,207,209,212,215,217,217,225,228,228,225,217,215,212,209,207,204,202,199,199,199,196,189,183,182,182,186,186,181,181,178,177,178,183,186,189,189,189,189,189,189,186,186,186,181,176,176,176,178,176,176,176,176,176,173,176,181,183,183,181,181,181,183,183,186,189,191,194,196,194,189,181,178,178,181,183,183,178,131,123,121,122,127,176,178,181,183,189,194,196,199,202,199,199,199,199,202,202,199,199,199,196,194,189,186,185,185,189,194,194,191,191,194,204,215,225,225,225,228,230,235,235,225,207,0,0,0,23,87,117,170,199,235,255,246,220,194,194,220,243,235,225,186,81,0,0,0,0,57,0,0,0,51,176,57,0,0,23,11,0,0,0,0,29,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,137,152,168,144,92,41,87,170,212,217,194,181,0,0,0,199,248,243,160,126,163,194,0,0,85,64,0,0,0,255,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,59,118,105,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,98,113,107,124,165,204,181,57,0,0,23,118,142,63,0,0,31,71,113,129,118,98,131,183,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,3,63,157,228,251,255,255,255,255,255,255,255,255,255,255,209,170,157,168,160,87,73,116,124,118,105,63,51,90,147,168,155,139,95,45,85,126,103,47,1,0,0,0,0,0,0,0,0,63,137,176,183,194,204,196,173,170,196,222,225,207,181,165,107,101,99,105,155,178,183,163,99,88,93,107,155,163,160,147,107,107,109,147,160,160,150,142,95,85,83,83,93,99,99,85,79,75,69,61,53,55,69,87,134,150,150,129,77,65,65,69,3,0,0,0,0,37,61,139,131,147,150,142,53,47,45,45,53,87,144,147,155,170,165,109,109,113,165,189,199,170,103,88,87,97,121,176,173,163,160,160,115,111,113,155,163,160,157,157,157,157,165,163,144,105,107,142,150,157,147,139,99,85,69,51,48,49,67,85,126,124,85,83,126,139,126,85,79,85,116,87,77,69,73,71,59,47,47,51,53,49,49,49,51,53,63,69,73,71,61,53,45,35,35,39,47,49,53,63,71,57,37,31,35,35,35,27,17,11,5,0,9,37,67,111,121,137,152,152,126,71,44,40,51,87,131,83,65,67,77,93,95,93,88,95,95,103,117,163,173,186,204,204,222,241,254,255,255,255,255,255,0,0,0,255,241,228,0,0,209,191,165,137,142,144,131,131,90,33,19,25,37,51,21,0,0,11,126,165,152,113,66,48,48,61,74,77,66,40,33,19,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,29,37,79,92,98,108,144,150,147,111,29,1,0,3,25,33,33,33,47,98,121,116,53,31,23,1,0,0,0,0,25,33,39,32,29,43,55,63,87,155,152,134,79,79,118,129,137,134,134,126,121,118,81,67,63,63,67,77,65,51,39,33,43,71,118,100,45,37,37,43,49,63,71,77,79,113,121,126,125,129,144,165,173,170,163,155,152,152,155,170,181,196,217,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,4,0,0,0,0,0,0,0,0,204,235,246,238,204,168,130,126,142,160,168,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,103,137,157,168,168,157,157,168,176,178,178,163,111,111,123,186,209,225,225,233,255,255,255,255,254,207,121,91,71,65,62,65,69,71,77,83,77,77,85,85,85 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,157,178,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,111,118,17,0,0,41,21,0,0,0,29,150,150,155,157,176,194,199,202,202,204,207,212,215,215,207,196,189,189,202,215,220,215,209,209,209,209,207,202,194,189,187,189,191,196,202,196,135,120,121,123,125,125,125,129,181,191,189,176,189,202,183,127,127,131,186,196,202,178,130,130,183,194,194,196,207,217,217,215,215,209,207,209,209,202,191,191,194,202,207,209,207,207,207,207,207,204,207,212,217,215,209,209,209,209,215,217,215,204,199,202,207,202,142,142,143,191,199,195,195,207,209,208,209,215,225,228,225,217,217,225,230,233,233,230,230,230,230,225,215,207,202,199,204,209,215,215,207,200,198,199,202,202,204,204,202,199,204,222,233,235,230,225,215,207,207,207,202,194,191,194,196,194,189,186,199,212,212,209,199,189,191,196,202,202,204,207,215,225,230,230,233,233,217,202,191,189,196,199,199,195,195,207,207,202,194,113,93,85,139,207,225,225,222,228,235,228,212,207,207,209,217,222,217,215,204,199,199,199,199,199,204,207,209,207,207,209,217,228,233,233,233,230,228,222,215,212,212,209,204,199,192,190,192,196,194,189,190,191,194,194,191,191,191,191,194,202,204,199,199,196,182,161,181,187,189,189,191,196,202,204,204,207,209,207,204,196,186,136,134,137,196,212,217,209,200,198,200,212,222,222,217,217,212,204,199,202,202,199,191,186,141,186,189,186,181,179,183,186,183,183,186,189,189,186,182,183,189,194,199,204,202,194,181,133,129,128,131,133,176,178,178,176,172,169,173,178,176,129,127,127,127,125,125,127,129,173,178,181,181,178,178,178,181,183,181,181,183,186,181,173,173,168,97,81,45,0,0,45,178,186,186,186,189,189,191,191,189,189,189,194,194,194,196,199,204,196,95,41,42,73,202,204,196,191,183,129,124,127,131,178,191,199,202,199,189,183,191,191,189,189,194,194,183,129,126,126,127,129,127,125,129,186,194,186,181,191,196,194,194,199,202,199,191,129,99,93,114,181,189,194,194,194,189,189,194,199,204,204,204,202,194,181,174,173,191,204,199,186,178,132,176,183,125,119,178,199,217,217,178,124,129,186,191,183,181,186,194,194,189,183,176,133,178,181,178,135,131,178,183,181,181,189,196,196,191,187,190,196,194,189,191,196,199,207,212,215,212,212,209,209,209,212,215,217,222,225,225,228,228,225,225,225,225,225,222,222,217,217,215,212,209,209,207,207,204,202,202,202,204,207,209,209,207,204,199,196,196,196,194,194,194,199,204,207,207,202,199,198,199,204,207,204,199,196,198,199,202,202,141,127,131,137,189,196,196,196,196,194,192,192,199,207,207,207,209,212,212,209,202,196,196,137,116,114,119,139,196,202,204,207,209,212,212,212,212,212,202,191,147,202,215,225,225,225,225,225,225,225,225,222,217,215,212,215,217,215,215,222,225,217,208,207,209,220,228,230,230,230,230,228,222,222,228,230,230,225,222,225,228,225,228,230,233,233,230,228,228,230,233,233,233,222,150,202,222,233,235,233,228,220,215,222,230,233,230,230,233,235,235,230,217,211,212,217,217,213,215,222,225,225,228,228,228,222,212,207,204,202,202,196,194,147,147,145,145,147,196,199,199,198,199,207,212,215,215,217,222,228,228,217,199,195,198,202,207,212,220,222,212,207,217,222,212,207,215,222,225,222,209,204,202,202,202,202,202,196,191,144,144,191,194,194,194,194,194,196,199,199,194,192,194,196,196,196,196,199,204,207,209,215,217,222,222,217,215,212,212,212,209,204,196,189,139,141,191,194,191,191,191,196,204,212,217,217,215,209,204,200,202,202,204,209,212,215,217,222,220,215,215,222,225,225,228,230,230,225,224,224,228,230,228,226,226,228,230,228,228,222,217,215,215,212,212,209,209,209,209,212,217,222,222,225,225,225,217,215,215,215,215,204,196,195,196,202,204,209,209,209,209,209,209,212,215,217,217,222,225,225,222,217,217,215,212,209,204,202,199,199,199,194,189,183,183,183,183,183,181,183,183,181,181,183,186,189,189,189,189,189,189,189,189,186,183,178,176,178,181,178,178,178,176,176,173,178,183,186,186,183,181,183,186,186,189,191,191,191,191,189,181,176,173,174,176,181,183,181,131,123,121,121,125,173,178,181,181,186,191,194,196,196,196,196,196,196,196,196,196,196,199,199,194,189,186,185,186,191,194,196,194,196,199,207,217,228,228,228,228,230,235,238,230,215,7,0,21,61,107,178,186,199,217,228,220,202,194,202,228,246,255,255,255,134,15,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,0,0,0,77,95,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,31,92,113,113,103,124,178,217,217,194,173,186,215,207,194,238,228,116,87,173,233,0,144,131,105,124,0,0,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,103,103,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,17,23,77,100,7,0,0,0,0,0,0,126,131,124,139,189,230,189,45,0,0,0,118,157,53,0,0,0,37,53,51,35,29,111,241,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,17,77,194,228,233,251,255,255,255,255,255,243,235,228,209,181,144,83,65,59,61,59,35,15,37,53,55,63,108,126,150,150,92,17,17,74,74,25,1,0,0,0,0,0,0,0,7,47,105,157,194,212,220,204,173,170,196,225,233,215,191,165,152,107,103,107,111,168,176,178,111,99,105,107,107,107,147,147,105,89,85,91,103,142,142,103,95,89,81,79,89,99,137,99,93,87,87,87,87,81,81,89,134,142,142,126,77,51,39,37,0,0,0,0,111,134,129,139,131,165,181,81,15,33,49,57,73,101,144,103,99,107,107,107,113,157,176,209,212,178,115,103,103,111,160,163,119,111,111,103,101,107,113,160,163,155,155,157,157,157,155,147,97,83,83,89,103,144,139,139,99,91,71,57,57,67,79,91,134,137,126,83,83,87,81,79,79,79,71,63,59,63,69,67,59,53,59,65,69,69,71,71,67,67,69,75,75,73,67,61,53,47,47,51,55,59,63,67,61,43,28,27,29,27,23,23,23,21,15,9,9,25,53,67,81,126,147,152,124,63,49,49,61,75,89,91,85,77,77,89,95,95,97,101,101,109,163,170,163,173,186,194,222,251,255,255,255,255,255,255,0,0,0,254,233,217,199,0,191,181,155,142,165,183,176,165,113,43,17,17,29,56,33,0,0,0,0,0,0,121,77,64,69,74,85,85,69,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,19,27,47,87,105,139,176,181,168,113,23,23,59,92,35,35,45,45,59,103,126,124,61,39,29,1,0,0,0,0,21,41,45,39,28,31,53,71,139,170,170,144,85,83,118,129,129,129,124,121,83,75,73,73,81,79,108,77,59,39,25,15,19,51,111,100,57,43,41,47,47,55,63,69,75,85,126,131,126,131,144,165,173,173,170,168,168,165,170,181,186,194,212,246,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,20,0,0,0,0,0,0,0,0,0,0,0,0,194,212,215,222,215,181,130,121,131,168,189,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,95,144,168,178,183,178,168,157,168,186,186,176,121,113,170,199,222,230,233,241,241,255,255,255,254,209,121,91,71,65,65,71,77,83,85,85,85,85,85,91,89 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,124,152,189,69,0,0,1,31,118,0,0,0,35,79,139,152,170,191,199,202,200,202,207,209,209,207,204,191,135,134,189,209,217,215,209,209,212,212,209,207,202,191,186,187,189,194,196,191,133,121,123,129,131,127,125,127,178,189,194,186,189,196,191,183,178,178,186,191,191,135,135,181,186,186,189,194,204,215,217,215,209,199,186,191,196,191,190,190,190,191,199,204,207,207,209,207,207,204,204,207,207,194,189,191,189,189,199,207,207,204,207,209,215,209,196,194,194,199,204,202,199,207,209,212,215,222,225,225,222,217,217,225,228,230,230,230,228,230,228,225,215,204,196,199,207,215,217,215,207,199,199,202,204,202,199,204,207,212,222,233,238,238,233,225,215,209,212,215,209,196,191,191,191,189,143,189,194,196,143,135,135,137,141,189,196,202,209,217,225,228,230,233,235,235,225,209,202,199,204,207,204,196,196,199,194,135,121,108,100,101,194,212,215,209,199,141,133,194,202,204,204,199,204,209,207,207,199,198,199,204,207,207,209,212,212,207,205,207,215,228,235,238,235,233,228,222,212,207,207,204,199,196,194,194,199,196,191,189,190,194,196,194,187,186,186,187,194,199,199,199,202,202,186,172,185,187,187,187,189,196,204,207,209,212,212,207,199,191,141,135,134,139,202,217,217,209,200,198,200,207,215,217,217,212,207,202,199,199,194,189,186,139,138,141,189,186,181,181,186,189,183,181,182,191,194,186,181,182,189,191,196,199,196,191,183,135,131,129,133,181,186,189,189,183,176,173,178,183,178,129,127,129,129,127,124,124,124,129,176,181,181,178,173,176,181,183,181,181,183,183,173,125,125,117,99,99,105,63,44,107,189,194,189,191,194,196,196,194,191,189,191,196,196,196,199,202,202,194,109,57,63,194,204,189,173,178,181,173,125,127,129,181,199,204,202,199,183,179,191,194,194,194,199,196,186,133,127,127,127,127,125,123,127,186,186,131,130,181,191,191,194,202,204,204,202,186,106,104,123,137,183,186,191,191,189,186,189,194,202,207,207,204,196,189,183,189,199,209,209,199,186,181,186,194,121,127,189,202,212,215,186,127,131,186,191,183,181,186,196,199,196,191,178,131,132,135,178,178,131,181,191,191,186,181,186,191,191,190,194,199,191,187,189,194,202,207,209,209,209,208,208,209,212,212,215,217,222,222,225,225,228,225,225,222,222,222,222,217,217,217,215,212,209,209,209,204,204,199,199,199,202,207,209,207,204,202,199,196,196,196,199,199,199,202,207,207,204,199,198,196,198,204,209,209,204,202,202,199,194,194,137,126,133,186,196,202,204,199,196,192,191,192,196,204,207,207,212,215,217,217,215,212,212,209,189,119,119,133,194,204,204,207,209,209,209,212,217,217,212,196,146,199,215,222,220,220,222,222,222,225,222,215,212,209,209,217,225,225,225,228,225,215,212,212,215,225,230,233,233,230,228,225,217,215,217,222,228,228,225,225,225,225,228,233,233,233,230,228,228,228,233,233,233,222,140,146,212,230,235,235,228,217,213,217,228,230,230,230,233,238,238,233,222,215,215,217,215,212,213,215,217,222,228,230,230,228,217,212,207,204,204,199,196,147,147,145,145,147,196,199,199,198,199,204,209,215,215,222,225,230,233,228,209,198,198,198,198,202,209,215,212,212,215,215,204,204,209,222,225,222,215,207,204,202,202,204,204,202,196,145,144,145,191,194,194,196,196,199,202,199,194,194,196,202,202,199,196,199,207,209,212,215,217,222,217,217,215,212,212,212,209,204,196,191,189,191,196,199,194,191,189,191,194,199,204,209,209,207,204,204,207,209,207,209,212,217,222,222,215,212,212,222,225,225,228,230,230,225,224,224,228,228,228,226,228,228,230,230,228,225,222,215,215,212,209,209,207,207,207,209,212,215,217,222,225,225,225,225,228,225,222,209,202,196,196,199,204,207,212,212,212,209,209,209,215,215,217,222,222,222,217,215,217,217,215,209,207,204,202,199,196,191,186,186,183,139,139,181,181,186,189,186,183,186,189,189,189,189,189,189,189,189,189,189,183,176,133,176,178,181,178,178,178,176,173,178,183,189,189,186,183,183,186,189,191,191,191,191,189,183,178,174,173,174,176,181,183,181,176,127,123,122,125,129,176,176,176,181,186,191,194,192,194,196,196,196,194,191,191,194,196,196,194,189,186,186,186,191,194,196,196,199,202,209,222,228,228,230,233,235,238,241,233,217,29,27,53,93,125,186,194,194,189,189,199,202,212,220,230,238,255,255,255,157,57,27,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,77,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,85,129,150,168,178,196,0,196,173,173,191,181,152,142,118,43,37,186,255,251,178,131,98,108,142,168,0,0,90,59,21,0,0,0,0,0,0,0,0,0,0,0,0,0,35,92,111,77,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,85,113,85,0,0,0,0,0,0,0,178,189,181,191,230,251,222,126,0,0,0,85,147,47,0,0,0,0,11,0,0,0,41,243,255,255,255,0,0,0,5,0,0,0,0,0,0,0,0,0,0,11,139,183,191,186,238,255,243,243,235,204,186,199,202,183,89,49,43,46,51,49,15,0,7,27,27,9,0,9,108,126,51,5,0,0,13,21,9,3,0,0,0,0,0,0,21,33,45,105,183,222,230,212,178,170,186,207,215,207,189,165,152,152,152,152,152,155,155,163,111,109,111,111,107,99,105,107,93,80,76,83,95,101,103,101,95,83,71,67,71,91,99,99,129,131,137,137,139,134,134,142,142,134,124,85,67,41,25,5,0,0,11,59,137,155,155,147,147,176,163,15,11,47,93,81,81,101,105,89,85,91,101,109,157,160,178,209,212,178,111,117,117,117,119,117,105,97,91,83,83,93,111,163,168,160,155,160,155,150,147,101,79,70,70,77,95,139,139,139,137,95,77,65,69,69,71,75,85,91,81,63,63,65,65,67,73,73,63,51,49,51,53,55,59,65,65,69,75,83,113,113,113,83,79,79,75,75,75,73,67,59,57,51,53,61,65,67,59,43,33,37,35,23,18,20,27,39,31,19,8,9,35,59,77,124,144,144,121,63,55,61,63,65,75,91,93,87,85,89,95,103,107,103,97,103,160,173,165,165,178,191,225,251,255,255,255,255,255,0,0,0,255,254,233,217,199,186,191,191,165,152,191,235,225,181,111,43,21,17,21,92,0,0,0,0,0,0,0,0,90,82,82,82,92,98,82,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,27,85,134,181,181,189,170,17,0,9,59,49,21,27,33,45,59,103,126,116,65,45,29,1,0,0,0,13,27,41,51,45,30,31,55,79,147,168,163,139,85,121,129,131,126,121,85,77,69,63,65,81,124,124,113,67,47,27,11,0,3,31,59,67,49,49,47,43,41,43,49,61,67,81,126,134,134,137,147,165,170,178,176,178,178,176,181,189,189,189,202,233,251,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,12,0,4,22,22,0,0,0,0,0,0,0,194,194,202,207,215,181,142,126,142,176,199,0,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,103,157,186,204,204,196,178,168,178,196,202,178,121,113,165,191,212,225,233,241,241,241,255,255,241,207,121,91,77,69,71,77,83,85,91,85,85,85,91,91,91 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,142,183,217,92,0,0,0,15,55,0,0,0,0,39,87,150,168,189,202,202,202,202,207,207,204,202,196,183,131,130,135,202,212,212,209,212,215,212,209,209,209,202,189,189,194,196,194,186,135,129,131,176,176,129,125,127,133,181,189,186,186,191,194,189,186,181,176,174,181,181,186,189,183,183,186,191,202,209,209,207,199,183,176,182,191,194,196,196,191,189,190,196,202,204,204,202,202,202,202,199,141,131,132,138,139,137,141,194,196,199,204,209,212,209,207,202,199,202,215,215,207,204,204,212,222,225,222,217,217,217,217,222,225,228,228,228,228,230,228,222,204,191,191,202,217,225,225,215,204,200,204,215,209,199,196,202,209,217,228,235,238,235,230,217,204,199,207,215,209,196,194,191,189,143,189,191,191,141,124,122,126,135,141,189,196,209,217,225,225,228,230,235,238,235,230,215,204,202,207,212,209,207,204,199,194,139,131,139,217,228,222,215,204,194,141,76,67,109,191,209,209,194,195,202,204,202,198,198,204,212,222,222,217,212,207,207,205,207,209,222,233,238,238,233,228,215,204,196,199,202,199,199,202,207,207,202,194,191,194,194,194,191,187,186,185,187,194,196,196,196,204,209,204,196,191,189,187,189,194,202,209,212,215,215,209,202,196,191,186,139,141,191,202,212,212,204,202,202,202,204,209,215,215,207,199,194,194,191,136,134,137,139,138,141,191,194,189,191,199,194,183,182,189,199,202,194,182,181,183,189,191,191,189,186,183,178,133,133,178,183,191,194,191,189,183,181,183,183,176,129,127,173,173,129,123,123,125,170,178,181,181,176,168,168,176,178,181,183,183,178,121,115,117,115,117,176,191,186,178,186,194,196,196,199,199,199,199,196,191,189,191,196,199,199,199,199,199,196,170,69,69,189,121,87,97,178,189,183,173,131,173,183,204,207,202,191,178,179,196,202,202,202,202,202,194,186,181,178,131,125,124,124,129,178,133,129,127,130,183,194,202,204,204,207,209,207,202,199,189,181,181,183,186,189,186,183,183,191,202,207,209,207,199,196,196,202,204,209,212,207,194,186,186,181,115,125,191,199,207,209,181,127,133,186,189,183,181,186,194,199,202,196,181,131,131,133,135,133,129,131,186,189,183,136,181,189,191,194,199,196,187,186,189,196,204,209,209,209,208,208,209,212,215,215,215,215,217,217,222,222,225,225,222,222,222,217,217,215,215,215,212,212,212,212,209,204,202,196,194,194,199,204,207,207,204,199,196,196,199,202,204,204,202,204,207,207,202,199,198,199,204,209,215,217,215,212,207,199,186,186,133,125,133,194,202,209,212,202,192,192,196,199,204,207,207,207,207,209,215,217,217,217,217,217,204,131,125,137,196,204,204,204,207,209,212,212,215,217,215,204,194,196,207,215,215,215,215,215,217,222,217,212,208,208,208,217,225,228,228,228,222,215,215,215,217,222,228,228,228,225,222,217,212,207,207,209,220,225,225,222,217,217,222,228,228,225,222,222,222,225,230,233,233,225,142,143,151,225,235,235,225,213,212,215,225,228,228,228,230,235,235,230,222,217,220,217,215,213,215,215,215,220,225,230,230,228,222,215,212,209,207,202,196,194,147,145,145,145,147,196,199,199,199,202,207,212,217,225,228,230,235,235,225,209,204,202,199,202,209,212,209,209,209,207,204,207,215,225,228,225,215,209,204,204,202,202,204,204,202,194,145,145,191,194,196,199,202,202,202,202,199,196,199,202,202,196,196,202,209,212,212,215,215,217,215,212,209,209,212,215,212,202,196,194,194,196,202,202,199,196,194,189,143,143,191,199,204,207,209,212,217,217,212,209,209,215,222,222,212,211,212,225,228,225,225,230,233,230,225,225,228,230,230,230,230,230,233,230,230,225,217,215,212,212,209,209,207,207,207,207,207,209,215,222,225,228,228,228,230,228,222,212,204,199,195,196,199,204,209,209,209,209,209,212,215,215,217,217,217,215,212,212,215,217,215,212,209,204,204,199,194,186,141,186,186,139,137,136,181,189,189,186,183,186,191,191,191,189,189,189,191,191,191,189,181,131,128,129,176,178,178,178,178,176,173,178,181,186,186,183,183,186,189,191,191,191,191,191,189,186,181,178,176,178,181,183,181,181,178,131,125,123,123,127,127,127,127,133,183,191,194,192,194,199,202,199,191,186,189,191,194,196,194,189,186,186,186,189,194,196,196,199,204,212,222,228,228,230,233,235,235,238,233,222,41,35,69,99,123,178,181,181,178,181,194,202,220,228,233,238,243,255,233,126,51,33,31,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,51,0,0,0,0,21,11,0,0,0,0,0,0,0,0,1,27,98,150,189,186,173,0,0,238,204,181,173,152,118,118,0,0,0,0,255,255,202,72,35,90,150,0,0,0,0,95,35,0,0,0,0,0,0,0,0,0,0,0,0,0,35,92,124,131,111,74,64,64,53,35,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,121,137,69,0,0,0,0,0,0,0,209,233,246,254,255,255,243,170,41,0,0,53,139,55,9,0,0,0,0,0,0,0,5,202,255,255,255,25,0,27,49,35,0,0,0,0,0,0,0,0,0,11,116,160,157,139,85,53,61,142,157,131,129,157,165,139,63,48,49,65,75,67,35,5,1,3,0,0,0,0,51,57,15,0,0,0,0,21,17,13,9,0,0,0,0,0,21,17,0,17,121,194,222,212,186,170,170,178,181,181,173,152,140,152,165,165,160,111,105,97,91,103,155,157,111,99,101,95,83,79,82,91,101,101,101,101,91,71,49,41,49,71,89,97,139,155,155,147,137,142,157,157,142,124,83,75,57,31,7,0,15,39,49,75,137,155,147,155,181,147,55,0,35,147,150,75,59,75,79,71,73,85,93,113,160,165,176,199,194,111,100,160,168,160,119,115,105,91,85,76,79,83,101,119,163,163,160,160,115,111,107,97,73,66,68,77,95,142,147,147,144,97,83,75,69,63,49,55,67,71,61,57,60,63,59,55,61,65,61,55,49,44,40,45,61,67,65,69,81,113,121,121,121,118,85,81,75,77,81,81,73,67,65,59,55,55,55,61,57,51,51,57,53,33,21,22,39,51,45,19,3,2,27,61,111,124,139,150,134,87,73,73,73,75,75,91,99,99,93,95,95,105,109,101,85,97,157,181,173,173,183,196,225,251,255,255,255,255,255,0,0,0,255,255,233,228,0,196,202,202,157,137,194,251,248,194,111,45,0,35,79,0,0,0,0,0,178,0,0,0,100,92,85,79,85,92,90,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,90,139,183,194,181,85,0,0,0,0,13,15,27,31,41,53,71,108,100,57,39,23,0,0,11,35,51,47,45,45,51,47,55,73,111,139,147,137,85,79,121,139,137,129,87,77,69,59,56,60,81,124,121,103,53,29,13,0,0,0,17,33,39,37,43,47,43,41,41,43,53,65,79,129,142,142,147,157,165,173,176,176,178,178,176,181,183,181,170,181,199,233,254,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,12,0,0,4,3,0,0,0,0,0,0,186,189,189,196,204,212,189,160,150,160,181,189,181,181,189,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,121,178,204,215,222,215,196,186,196,215,215,186,160,121,170,191,207,215,225,238,251,255,255,255,238,202,121,97,85,71,75,77,85,89,85,85,85,91,93,97,97 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,72,64,105,124,170,163,39,0,0,0,0,0,0,0,0,0,25,63,142,163,183,202,207,204,207,207,207,202,196,194,183,133,132,183,202,209,207,207,212,212,209,209,209,212,209,207,202,202,199,189,178,133,135,178,181,178,129,125,129,178,183,181,183,183,186,191,189,186,181,173,169,181,186,191,186,182,182,186,189,194,196,194,189,183,177,174,183,199,207,209,207,199,190,189,194,199,199,196,195,195,199,202,191,134,125,129,141,189,139,141,189,191,194,199,202,202,202,209,207,202,204,217,225,215,204,203,207,222,225,222,217,217,222,222,222,222,222,222,225,228,230,228,215,194,185,187,204,228,233,230,217,204,202,215,225,209,194,192,196,204,212,222,228,228,222,215,204,194,192,202,212,207,194,191,191,189,143,189,191,189,137,120,119,125,137,141,143,196,212,222,225,225,228,230,235,238,235,228,212,202,202,204,212,215,212,207,199,196,189,143,199,222,230,228,217,194,143,139,65,48,105,194,217,215,190,190,199,202,202,198,198,207,222,230,230,225,212,205,207,209,209,207,212,225,235,235,233,225,207,194,191,191,199,202,204,207,212,212,204,196,196,196,194,191,191,191,189,189,189,194,196,196,202,209,212,202,194,191,189,187,189,199,209,217,217,209,207,204,199,196,196,196,194,196,199,202,204,204,202,202,204,204,199,202,207,207,199,189,189,194,189,132,130,137,189,189,194,199,204,204,207,209,204,189,186,199,207,209,202,186,179,181,186,186,181,137,178,178,135,135,178,183,189,191,191,191,189,189,189,186,183,176,127,129,176,176,129,123,124,129,176,181,181,178,173,126,125,168,173,178,183,181,173,109,107,111,115,121,176,183,183,189,191,194,196,196,199,196,196,199,199,194,189,191,196,202,199,196,194,196,189,125,45,17,43,33,29,81,183,194,186,178,176,181,189,204,207,196,181,174,181,199,204,204,204,204,204,202,199,199,194,178,127,125,131,178,181,178,133,131,131,186,202,207,204,204,207,209,212,204,196,194,189,183,181,183,186,182,181,182,191,202,209,212,209,199,196,204,209,209,209,212,207,194,186,181,129,119,125,186,196,204,202,113,113,131,186,189,189,183,183,191,196,199,194,178,131,131,133,133,131,127,128,131,137,137,136,181,186,186,191,196,194,187,187,196,202,209,209,209,209,209,212,215,217,220,217,217,215,215,215,217,220,222,222,222,217,217,215,215,212,212,212,211,211,212,212,207,199,196,191,145,145,194,202,207,209,207,202,199,196,202,204,204,202,202,204,207,204,204,202,202,207,212,215,217,222,225,220,209,196,186,189,137,127,137,196,204,209,212,199,190,191,202,209,209,209,209,207,204,204,209,215,217,217,217,215,199,131,131,189,204,207,207,204,204,207,212,212,212,215,215,209,199,194,199,212,215,212,212,212,215,217,215,212,209,208,207,212,220,222,222,222,217,212,212,215,215,217,222,222,217,215,215,215,212,207,204,204,212,217,217,215,212,213,217,222,220,218,218,220,222,225,228,233,233,228,153,146,149,215,233,235,225,213,212,213,222,225,225,225,228,230,230,225,222,222,222,217,213,213,215,215,215,217,225,228,230,228,225,220,215,212,209,204,199,194,147,145,145,145,147,196,199,202,202,202,204,209,217,225,228,230,233,235,230,222,215,212,209,209,212,212,209,209,209,207,207,217,225,228,228,225,217,212,207,204,202,199,202,204,202,196,194,191,191,194,199,202,204,204,204,204,204,202,202,199,199,195,196,202,209,212,212,215,215,215,212,209,209,209,215,215,209,202,196,196,196,199,202,204,207,204,199,194,141,139,141,189,199,207,209,215,217,222,217,209,208,209,215,217,212,211,215,228,230,228,228,233,235,233,230,230,230,230,233,233,233,233,233,233,230,225,217,215,212,212,209,209,207,207,207,207,205,207,215,222,225,225,225,225,225,222,215,209,204,199,196,195,196,199,204,207,207,207,209,212,215,215,215,215,215,212,209,209,215,217,215,212,209,207,204,199,191,186,141,186,183,137,136,136,137,186,189,186,186,189,194,196,191,189,189,189,191,191,191,189,181,129,127,128,173,176,178,178,176,176,173,176,178,181,181,181,183,183,186,189,189,189,189,189,189,186,183,181,183,183,186,183,181,178,178,173,127,123,123,123,121,120,121,129,181,189,194,194,196,202,204,202,191,186,185,186,189,191,191,189,186,186,186,186,191,194,196,202,207,215,225,228,226,228,230,230,230,233,235,228,39,30,57,93,115,123,123,119,173,189,194,202,209,233,246,243,228,207,160,53,0,0,1,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,51,0,0,69,178,204,170,31,0,0,0,0,23,33,45,92,113,131,170,189,178,155,0,0,255,254,204,173,134,100,108,0,0,0,0,255,255,173,23,29,113,186,225,0,0,0,0,56,0,0,0,0,0,0,0,0,0,0,0,0,0,48,95,137,155,155,131,105,92,82,79,53,17,0,0,0,0,0,0,0,0,0,0,0,0,0,85,155,163,113,23,0,0,0,0,0,45,212,243,255,255,255,255,255,189,67,0,0,29,118,55,33,9,0,0,0,0,0,0,0,139,233,255,251,49,0,13,37,25,0,0,0,0,0,0,0,0,33,73,176,183,157,83,19,0,0,23,41,37,53,75,77,65,59,77,150,189,181,142,69,35,11,0,0,0,0,0,31,15,0,0,0,0,15,51,49,27,13,3,0,0,0,0,5,0,0,0,23,134,204,212,196,173,160,150,140,140,142,137,138,152,168,176,165,155,93,73,72,85,111,165,155,105,93,85,83,87,99,150,163,150,107,107,91,63,39,36,41,69,89,97,155,181,173,137,124,134,150,142,124,81,75,69,57,27,3,5,29,67,118,118,129,139,155,178,204,85,7,0,89,157,95,47,39,45,55,61,73,85,101,157,165,165,170,178,168,104,94,168,178,165,163,119,111,95,85,80,80,82,87,107,119,163,160,160,115,109,107,99,83,73,72,81,99,150,152,152,144,97,85,77,63,45,43,53,67,63,58,57,63,73,63,49,47,55,63,65,55,43,37,43,65,71,64,75,81,113,113,113,118,116,85,83,77,81,116,113,81,73,73,71,63,55,52,53,55,61,65,67,67,53,39,45,57,59,45,17,2,2,27,69,121,129,137,152,150,134,121,83,83,91,97,99,139,139,107,105,103,103,103,95,79,87,117,181,189,191,207,217,233,254,255,255,255,255,0,0,0,0,255,255,241,233,0,207,209,199,142,105,157,246,251,202,134,79,0,0,0,0,0,0,255,254,118,103,0,0,100,92,74,59,59,74,82,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,79,111,139,196,72,0,0,0,0,0,0,5,21,31,45,53,59,51,41,41,29,17,0,0,31,67,111,71,47,45,57,69,113,121,116,111,79,73,68,73,126,142,142,137,121,77,65,58,55,60,73,116,79,61,41,23,1,0,0,0,7,13,19,27,37,47,45,41,41,45,53,65,111,134,150,147,144,157,165,170,173,170,165,165,163,165,163,160,152,157,181,207,238,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,4,0,0,0,0,0,0,0,0,0,0,178,186,194,196,204,204,196,181,168,181,181,168,164,161,176,199,0,0,0,0,0,0,0,0,0,0,212,0,0,0,0,0,0,0,0,0,0,0,0,59,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,59,139,196,215,222,233,233,215,204,215,225,220,191,165,160,176,191,212,215,225,233,241,255,255,251,225,186,123,103,91,85,85,85,91,91,85,85,85,91,97,99,103 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,95,79,61,61,111,142,155,157,103,0,5,0,0,0,0,0,0,41,21,71,160,173,196,207,209,209,207,207,204,199,196,196,194,191,196,204,207,204,204,207,207,207,207,209,212,215,215,212,204,196,181,132,178,181,186,183,181,131,127,133,186,189,178,178,181,183,189,189,186,186,183,181,183,189,189,183,182,182,186,191,191,182,170,169,178,186,199,207,212,215,217,215,207,202,199,199,202,199,195,192,194,196,199,189,137,139,199,209,209,209,204,204,204,202,199,198,196,196,209,212,209,209,217,222,215,207,203,203,209,215,217,222,222,222,222,222,222,220,220,225,228,225,217,207,196,189,192,204,222,230,228,215,204,209,220,217,202,194,192,196,204,212,217,222,215,209,202,196,192,194,209,215,207,196,135,137,141,143,194,194,143,139,131,127,133,139,139,141,199,215,222,222,225,230,233,235,235,235,225,207,202,202,202,209,215,212,204,199,194,194,191,196,209,217,225,215,189,134,189,121,104,137,220,225,202,179,183,196,204,199,198,199,209,222,228,225,217,212,207,212,217,215,209,207,212,225,230,228,212,199,191,189,189,194,199,202,207,209,207,199,195,196,196,199,196,194,194,194,194,196,199,196,191,196,212,202,131,137,189,194,191,194,204,215,222,217,204,202,199,199,202,202,202,202,202,202,199,199,199,202,199,199,191,137,131,141,194,189,141,189,202,196,139,137,191,204,209,209,209,209,212,215,217,215,207,202,204,209,209,199,183,181,182,183,183,135,132,132,132,133,178,189,194,189,186,183,186,191,194,194,194,191,181,129,127,131,131,127,125,129,178,183,183,181,178,173,126,124,127,173,173,176,176,125,105,105,111,113,115,123,168,178,186,194,196,196,196,196,194,194,196,199,196,194,196,202,202,199,196,196,194,181,107,0,0,0,0,35,115,117,117,170,178,181,183,191,202,207,196,181,177,183,196,199,202,204,204,207,207,207,202,194,183,133,131,135,183,189,191,189,186,186,196,209,209,207,207,207,209,207,204,199,194,191,189,186,189,189,183,181,182,189,202,207,217,217,183,183,204,207,209,209,212,207,196,186,178,131,125,127,178,186,183,90,67,109,133,186,194,194,191,189,191,196,196,194,186,178,135,135,178,135,131,131,130,133,137,137,181,181,139,186,194,196,194,196,204,209,209,207,207,209,212,212,217,222,222,222,222,217,215,215,217,217,222,222,222,217,215,212,212,211,212,211,211,212,215,212,204,191,141,137,137,141,191,199,207,209,209,204,199,199,199,202,202,202,202,204,207,207,207,207,209,215,220,222,222,225,225,222,215,207,199,196,137,129,189,207,207,207,207,199,189,189,204,212,209,212,212,209,207,205,205,207,212,215,215,209,196,135,143,199,207,212,209,207,204,207,209,209,212,215,215,212,199,194,196,207,212,209,209,212,215,215,215,212,212,209,208,208,212,212,215,212,212,209,207,209,212,215,217,215,209,205,205,209,212,209,205,205,209,215,213,212,212,213,217,222,220,217,218,222,225,225,225,228,228,222,209,153,202,215,235,238,233,222,215,217,222,228,228,228,225,228,225,225,225,225,222,217,215,215,217,217,215,217,222,225,228,228,225,222,217,215,215,209,202,194,147,147,147,147,194,196,204,207,204,204,204,209,217,225,230,230,233,233,230,225,222,217,215,209,212,212,209,208,209,209,215,220,225,228,225,222,222,217,209,204,202,199,199,199,199,196,196,196,194,196,202,207,207,207,204,202,202,204,204,202,196,195,196,202,207,209,212,215,217,215,212,209,209,212,215,212,202,196,196,199,202,199,202,207,207,204,199,191,141,139,140,143,194,202,207,209,215,215,215,209,208,209,215,215,212,212,222,228,230,230,233,235,238,238,235,233,230,230,233,233,233,233,230,230,230,225,217,215,215,212,209,209,209,209,209,207,207,209,215,222,225,222,222,217,217,215,212,207,202,202,199,196,196,199,202,204,204,204,207,209,212,212,212,212,212,209,209,209,215,215,215,212,209,204,199,194,189,186,141,141,137,136,136,136,136,181,186,186,189,189,194,194,191,191,191,191,189,189,189,186,183,176,129,128,131,173,173,173,173,173,173,173,173,173,176,181,186,183,183,183,186,186,186,189,186,183,176,181,191,183,183,181,178,178,178,173,129,125,123,123,120,119,121,129,178,183,191,196,199,199,202,199,194,189,186,185,185,186,186,186,186,186,186,189,191,194,196,204,215,225,230,228,228,228,228,228,228,233,235,230,33,20,30,93,125,123,116,119,178,199,202,199,209,243,255,235,215,189,137,19,0,0,0,39,21,0,0,0,0,7,0,0,0,15,51,21,1,0,0,0,0,105,33,17,51,142,255,255,202,95,9,0,1,90,90,92,113,0,157,168,178,170,152,157,0,0,255,254,217,176,116,95,100,0,0,0,255,255,160,92,16,0,186,225,228,207,0,0,0,139,137,30,0,0,0,0,0,0,0,0,0,15,111,100,100,131,0,155,142,111,95,98,98,56,17,0,0,0,0,0,0,0,0,0,0,0,15,35,131,165,168,139,82,31,23,29,90,142,178,209,230,254,255,255,255,255,222,155,49,17,23,29,15,7,7,0,0,0,0,0,0,0,29,129,181,157,47,0,0,0,0,0,0,0,0,0,0,0,19,59,152,204,207,183,126,35,0,0,0,0,0,23,45,49,59,89,194,0,255,246,189,113,65,51,7,3,25,37,13,11,0,0,3,11,21,31,77,118,90,27,17,0,0,0,0,0,0,0,0,0,51,202,212,196,178,160,140,140,140,137,138,138,152,168,176,176,155,91,65,66,78,103,155,111,93,83,84,89,99,147,176,183,176,163,150,101,71,39,39,65,95,142,147,173,189,165,95,79,87,126,87,69,63,57,57,65,47,17,17,43,111,129,129,137,147,147,165,157,0,0,0,155,150,87,36,35,39,55,77,89,91,101,157,168,165,163,160,155,105,104,173,191,178,170,163,119,111,101,95,89,82,82,87,107,163,170,160,115,115,113,109,99,89,83,89,103,155,157,155,144,99,91,77,47,40,45,75,73,62,60,61,69,79,63,39,36,41,61,61,61,55,49,53,67,71,69,79,81,81,79,79,85,85,85,83,81,83,124,129,124,111,79,81,77,63,52,54,65,73,71,64,67,67,65,67,65,55,37,25,15,13,35,79,124,129,129,137,142,142,124,87,89,134,144,150,155,152,155,155,147,101,85,74,74,81,105,170,191,212,222,233,241,254,255,255,255,255,0,0,0,255,255,255,246,241,0,0,204,173,108,61,100,183,233,207,155,0,0,0,0,0,0,255,255,178,69,46,61,79,98,82,51,0,19,38,66,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,35,69,77,0,0,0,0,0,0,0,0,13,21,41,65,9,0,5,21,29,19,1,0,35,108,129,108,59,51,57,105,134,121,79,70,70,69,68,73,131,139,137,129,121,77,65,59,61,65,81,105,69,55,35,19,0,0,0,0,0,0,5,21,35,41,43,41,43,45,49,61,77,126,139,142,139,147,157,168,170,160,152,137,147,147,134,129,126,142,170,199,215,238,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,4,0,0,0,0,9,0,0,0,0,0,157,186,199,199,196,199,196,189,181,176,168,165,165,164,181,202,0,0,0,217,217,0,0,0,222,220,212,207,196,0,0,0,0,0,0,0,0,0,0,59,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,92,160,199,217,225,235,241,233,222,222,215,204,186,168,165,178,199,212,222,230,233,241,241,251,233,207,178,121,103,103,103,97,85,85,91,85,85,85,91,97,103,107 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,1,183,189,163,157,98,87,147,194,202,199,3,0,0,0,0,3,3,23,37,7,41,144,163,189,202,209,209,209,207,207,204,199,202,204,204,204,207,204,202,202,204,204,207,209,209,212,215,215,212,207,194,133,130,181,186,189,183,181,133,129,133,186,186,178,177,177,183,191,194,191,191,191,189,186,186,183,182,183,186,186,194,194,183,174,176,189,204,212,215,217,220,217,215,212,209,209,209,207,204,199,196,196,199,196,194,194,204,217,225,228,225,222,217,217,212,207,199,198,199,212,215,212,208,209,212,212,207,203,202,203,207,215,222,225,225,225,225,222,220,220,222,222,215,209,207,207,202,199,196,204,212,212,209,204,207,217,215,202,195,195,202,215,222,225,225,217,209,202,196,196,209,225,222,212,202,114,123,133,191,204,204,189,139,139,139,141,141,139,143,202,215,222,225,225,230,233,233,233,233,228,212,204,199,198,204,212,207,196,194,196,196,196,202,207,215,215,209,191,138,196,143,143,217,230,230,207,186,189,202,207,204,202,202,209,217,222,215,212,212,215,222,225,222,212,207,207,212,217,215,199,189,186,189,189,189,191,194,199,199,196,195,195,196,202,204,204,202,196,194,194,196,196,189,141,189,196,126,118,129,199,204,202,202,207,215,222,215,204,199,202,204,204,204,204,202,202,202,199,196,196,196,191,186,137,117,113,125,133,131,137,196,212,212,204,202,209,217,222,217,215,212,212,217,225,225,215,207,204,204,202,196,189,183,183,186,186,181,135,133,132,135,183,194,194,186,176,176,181,191,196,196,196,199,189,129,126,127,127,125,131,178,186,186,183,181,181,178,127,125,168,173,170,170,170,119,106,104,107,111,115,121,127,173,183,189,196,196,196,199,196,191,194,199,196,196,199,202,202,199,196,199,202,186,89,0,0,0,0,45,101,103,105,123,181,186,186,189,196,204,202,189,186,189,191,189,191,202,209,209,209,204,196,186,135,133,133,181,189,194,196,196,194,196,202,209,209,207,207,207,207,207,204,202,199,196,196,196,199,199,194,186,183,189,199,217,222,186,91,84,109,194,199,207,212,207,199,191,181,133,129,131,178,178,123,79,65,107,178,191,196,199,196,194,196,199,196,194,194,191,189,189,189,189,186,178,133,133,183,186,181,137,137,186,194,196,199,204,209,209,207,204,204,209,212,215,217,222,222,222,222,222,217,217,217,220,220,217,217,217,215,212,212,212,212,212,212,212,215,215,204,145,136,134,134,137,189,196,204,209,209,204,199,196,196,199,199,199,202,207,209,209,209,209,215,217,220,220,222,222,225,225,222,215,215,207,139,127,141,209,212,209,209,202,189,187,199,207,204,207,212,215,212,209,207,207,207,212,212,209,196,134,143,202,209,209,209,207,207,207,207,207,209,212,217,215,202,192,194,204,207,202,204,212,215,215,212,215,215,215,212,212,212,212,212,212,209,207,205,207,209,212,215,217,212,205,204,207,212,212,209,209,215,222,215,213,215,217,225,225,225,222,222,222,225,225,222,217,217,215,212,212,217,228,233,235,233,228,225,225,228,230,230,228,225,222,222,225,228,228,225,217,215,215,215,215,215,217,222,225,225,225,225,222,222,222,222,215,207,199,194,147,147,147,194,199,204,209,207,207,207,209,215,222,225,228,228,228,228,225,222,217,215,212,212,209,208,208,209,212,215,217,217,215,207,204,215,222,215,209,204,199,196,196,196,196,199,199,199,202,204,209,209,207,202,200,202,204,204,202,199,195,196,199,204,209,215,217,217,215,212,212,212,215,212,204,196,195,199,207,207,204,204,207,207,202,194,189,140,141,143,194,196,199,199,202,207,212,212,212,212,212,215,215,215,220,228,230,233,235,235,238,238,238,235,233,233,233,233,233,230,230,230,230,228,225,217,217,217,215,212,209,209,209,212,212,215,215,222,222,222,217,215,212,215,215,212,207,204,204,202,199,202,204,204,204,204,204,207,209,209,209,209,209,209,212,212,212,209,209,212,209,207,199,191,187,189,189,189,141,139,137,137,137,137,183,189,191,191,191,191,191,194,194,194,191,191,189,189,186,183,178,131,129,129,129,129,127,129,131,129,129,127,129,176,183,186,186,183,183,186,183,186,186,181,125,127,176,186,181,181,178,181,183,183,178,129,125,125,125,123,121,123,127,133,181,191,199,199,199,196,194,191,189,186,186,183,185,185,186,186,189,191,194,194,196,199,207,217,230,233,233,230,230,230,228,228,228,230,228,39,21,26,87,125,168,168,181,199,207,207,196,202,230,235,215,199,194,160,13,0,0,0,1,21,0,0,0,0,0,0,0,0,137,139,105,105,111,0,0,1,108,19,17,98,196,255,255,194,53,15,11,37,90,90,100,126,165,189,196,202,191,183,196,0,0,255,254,228,189,139,118,108,176,0,0,255,178,66,33,85,0,209,233,212,178,157,0,105,139,147,69,0,0,0,0,0,0,0,53,134,176,165,131,113,0,0,139,126,111,105,118,113,82,48,7,0,0,0,0,0,0,66,69,15,13,53,111,157,178,176,124,43,31,57,134,178,209,228,230,238,251,255,255,251,251,233,202,137,53,23,0,0,0,0,17,37,25,0,0,0,0,47,67,69,63,49,25,0,0,0,0,0,0,0,0,0,0,19,53,129,181,191,173,126,69,21,0,0,0,0,1,7,31,75,183,254,255,255,251,196,111,53,27,11,37,95,55,37,7,0,0,0,0,7,21,45,105,90,41,17,0,0,0,0,0,0,0,0,0,0,134,196,196,178,165,165,165,157,157,142,142,152,165,173,173,168,103,79,79,91,103,105,97,87,83,87,99,147,183,191,191,189,176,163,160,101,63,57,85,152,168,168,168,165,139,81,67,63,67,71,69,56,53,63,126,131,51,39,53,75,113,137,155,139,113,57,0,0,0,3,155,134,57,31,35,51,87,99,93,91,101,165,176,165,157,111,105,105,119,173,178,178,178,181,173,168,160,160,109,95,82,82,99,163,183,168,157,157,155,160,155,105,99,101,142,150,157,157,152,137,97,81,49,42,61,91,79,65,63,61,63,67,57,37,33,38,53,59,65,67,63,67,73,73,75,81,83,75,73,71,77,85,116,83,83,83,116,124,124,111,111,111,83,75,61,61,69,79,77,75,73,108,111,108,71,57,43,33,27,19,27,67,129,134,126,124,124,89,81,73,89,131,144,152,155,155,165,165,155,99,79,70,72,81,103,163,191,220,230,233,241,255,255,255,255,255,0,0,0,255,255,255,255,255,0,0,196,150,61,53,92,131,155,163,0,0,0,0,255,255,255,255,212,111,27,13,17,46,66,56,25,19,15,15,30,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,19,13,21,29,0,0,0,27,45,29,11,7,35,98,126,111,73,59,57,75,113,81,71,71,75,73,71,79,131,139,129,116,113,77,71,67,73,81,116,113,69,55,31,13,0,0,0,0,0,0,0,21,37,41,37,39,37,37,39,43,59,77,116,131,131,137,142,155,155,139,131,126,126,124,116,116,121,150,178,199,207,228,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,12,0,0,0,12,22,0,0,0,82,108,142,178,194,199,196,196,196,194,181,168,168,168,170,181,191,217,0,0,0,220,217,0,0,233,230,222,212,204,196,0,0,0,0,0,0,0,0,0,0,59,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,100,160,196,215,225,241,255,255,241,233,215,196,176,160,160,176,191,212,222,230,238,241,251,241,225,196,176,113,103,103,103,97,89,85,91,87,87,91,93,97,103,111 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,124,35,53,0,0,51,56,77,64,246,204,204,215,189,113,144,191,215,228,29,0,0,0,0,71,113,79,65,49,137,168,168,181,196,207,209,209,209,209,204,202,204,207,209,209,209,207,202,200,202,204,207,209,212,215,215,215,212,207,199,135,131,178,186,183,178,176,131,129,133,183,183,178,176,176,183,194,191,189,191,189,186,189,189,186,186,189,191,189,194,196,191,186,191,207,217,222,220,220,217,217,217,215,215,215,212,209,209,207,207,207,202,192,194,204,215,225,230,230,230,228,225,225,225,217,209,207,212,215,217,212,207,205,208,209,209,207,204,204,207,212,222,228,228,228,228,228,228,225,225,215,207,199,204,209,204,196,191,192,196,207,207,203,204,212,212,204,202,204,215,228,230,230,230,228,222,209,196,202,222,228,225,217,209,118,126,141,207,222,215,191,139,143,191,194,191,189,194,209,215,222,225,228,230,230,230,233,235,230,215,202,196,196,204,209,196,140,189,196,199,202,209,217,217,217,212,202,194,199,194,202,222,225,225,215,202,202,209,209,209,204,204,207,212,212,209,209,215,225,228,228,222,212,204,202,202,207,202,191,185,185,189,189,187,187,189,194,196,196,199,202,204,209,212,212,204,196,191,191,194,189,139,136,141,139,121,116,135,209,215,209,204,204,209,212,207,199,199,202,207,207,207,204,199,199,199,196,194,194,194,189,137,129,113,109,107,100,102,141,209,217,217,215,215,217,222,225,222,217,215,215,217,222,222,217,212,207,202,196,194,191,189,189,189,191,186,181,135,133,135,186,194,191,178,131,131,178,191,196,194,194,194,183,129,126,129,129,129,176,186,194,194,186,178,173,170,168,168,170,173,170,170,168,121,107,104,107,115,125,170,170,173,178,186,191,196,199,199,194,191,189,191,191,194,196,202,202,199,199,207,217,125,0,0,17,69,45,85,105,107,113,170,186,189,183,183,191,202,202,196,191,191,189,186,189,202,207,207,202,191,183,135,132,132,135,186,189,189,189,194,196,199,202,207,207,204,207,207,207,207,207,204,204,204,204,207,209,209,204,194,189,189,196,222,204,101,85,73,74,117,176,191,204,204,204,202,194,181,133,131,178,183,181,97,86,131,183,191,199,202,202,196,196,199,196,196,196,196,199,199,196,194,191,183,133,133,186,186,135,133,137,186,194,199,202,207,209,207,204,202,203,207,212,215,217,222,222,222,225,225,222,222,222,222,217,217,217,217,215,215,212,215,217,217,215,215,215,215,207,194,139,135,136,141,191,199,204,209,207,202,199,196,196,196,196,199,202,207,209,212,212,212,215,217,217,216,217,220,225,228,225,225,222,215,141,125,135,207,215,215,215,204,190,189,194,202,202,207,212,215,217,215,209,207,207,209,212,209,199,131,141,202,207,207,207,209,209,207,204,202,207,212,217,217,207,194,194,204,207,200,199,204,212,212,212,212,217,217,222,217,217,215,212,212,212,209,207,205,205,209,217,222,217,209,205,207,212,212,212,215,225,228,225,222,217,217,222,225,228,225,225,222,222,222,217,215,215,212,209,215,222,225,222,222,225,228,228,230,228,225,228,228,225,220,220,225,228,228,222,217,217,215,215,212,215,217,222,225,222,222,222,222,222,225,228,225,217,207,202,196,147,147,194,199,204,209,209,209,209,212,215,217,222,225,222,225,225,215,207,207,212,217,217,212,207,207,209,212,215,215,215,209,196,195,207,222,222,215,207,202,199,196,196,199,199,202,202,202,207,207,207,204,202,200,200,202,202,202,199,196,196,199,207,209,215,217,217,215,215,215,215,215,212,204,196,196,204,212,215,207,202,204,207,202,194,143,143,189,194,199,199,196,196,199,204,207,209,212,215,217,217,217,222,225,230,235,235,238,238,238,235,235,235,235,235,235,233,233,229,229,230,230,230,225,222,222,217,215,209,208,208,209,212,217,222,225,225,225,217,212,209,208,212,215,212,209,207,207,202,199,204,209,209,209,207,207,209,209,209,207,207,207,209,212,215,215,208,208,209,209,207,199,189,186,191,194,194,191,186,183,183,183,186,189,194,196,196,191,191,191,196,196,196,194,191,191,189,186,183,178,133,129,129,129,127,125,127,127,127,125,125,127,176,181,186,183,183,186,186,183,183,183,178,93,119,173,181,181,181,181,183,189,189,183,173,127,127,129,129,127,127,127,131,183,194,199,202,199,194,191,186,186,186,186,186,186,189,189,191,191,196,196,194,199,204,209,220,230,233,235,235,235,233,228,225,225,228,228,59,27,27,71,115,178,189,207,217,228,209,196,196,209,209,189,181,189,168,27,0,0,0,0,0,0,0,1,13,0,0,0,103,204,207,186,225,255,103,0,0,7,0,0,15,139,255,255,139,21,17,41,90,85,57,111,0,0,233,251,241,238,238,235,246,255,255,246,228,189,150,134,111,134,176,199,170,79,23,33,111,0,163,163,137,56,27,46,11,64,113,74,0,0,0,0,0,0,40,61,134,165,147,121,0,0,124,111,116,118,126,144,142,116,77,43,5,0,21,74,100,137,194,163,59,19,61,124,165,186,176,113,37,29,92,170,202,217,222,222,230,243,251,243,235,238,243,233,194,118,29,0,0,0,0,43,124,144,77,25,0,51,118,100,63,63,92,63,0,63,41,0,0,0,0,0,0,0,0,0,39,124,163,163,147,150,75,0,0,5,9,0,0,31,157,241,255,255,246,204,152,47,9,0,1,95,121,35,13,0,0,0,0,0,0,0,0,29,85,74,25,0,0,0,0,0,0,0,0,0,0,108,178,186,173,165,165,168,168,165,163,152,152,165,168,176,168,155,109,111,111,105,97,91,91,93,93,105,176,199,199,199,191,183,178,186,178,105,95,142,178,186,168,152,139,93,73,51,39,37,49,75,75,67,79,139,126,49,43,55,71,81,129,137,85,51,0,0,0,0,71,89,71,36,32,45,95,150,139,91,89,107,178,186,176,163,105,89,91,111,160,168,170,181,181,181,178,178,191,176,165,107,99,107,168,183,181,168,168,176,178,173,152,111,144,147,150,147,147,139,101,97,83,65,55,75,126,83,65,67,63,63,63,57,43,39,41,53,63,69,69,67,73,79,81,77,77,77,75,67,61,67,81,116,83,81,81,81,81,81,79,79,81,121,118,75,67,73,79,113,116,116,121,124,118,73,59,45,37,29,15,19,55,129,139,131,126,87,73,62,63,85,97,137,144,147,155,160,165,157,101,79,71,74,83,103,163,194,220,230,235,251,255,255,255,255,255,255,255,255,255,254,246,255,255,230,207,178,105,50,50,65,95,51,79,0,0,255,255,255,255,246,116,111,64,17,7,0,17,38,38,25,21,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,17,0,5,27,17,0,19,53,57,47,21,13,27,63,111,111,103,63,63,69,73,71,67,79,113,81,77,111,131,129,116,81,79,79,77,83,113,116,116,116,79,55,35,17,0,0,0,1,7,0,0,21,41,41,35,27,25,27,29,31,39,57,71,83,85,87,121,131,134,131,121,113,116,116,114,114,129,168,194,215,217,228,243,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,20,12,12,20,20,22,30,53,66,82,100,139,165,186,194,194,191,196,191,181,168,168,176,0,0,0,0,0,241,230,228,228,233,233,233,230,222,212,204,194,176,0,0,139,0,0,0,0,0,0,46,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,111,160,186,204,222,241,255,255,254,225,204,178,160,113,113,165,186,202,215,225,241,255,255,241,215,186,165,111,103,111,111,103,97,91,97,97,97,97,99,99,105,155 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,87,64,126,0,0,59,79,108,111,199,202,212,212,207,194,113,108,212,220,45,31,0,0,61,178,191,142,87,142,217,207,181,178,191,204,209,212,212,209,204,202,204,207,207,209,209,207,202,202,202,204,204,209,212,215,215,212,209,209,207,189,178,183,183,133,130,130,131,129,133,181,183,178,177,177,183,189,183,181,189,189,186,189,191,191,189,189,189,189,194,199,199,202,209,217,222,222,217,217,215,215,215,217,217,215,212,209,209,212,212,209,199,190,194,209,215,220,225,228,228,228,225,225,228,222,212,212,217,222,217,212,207,207,208,209,212,212,212,209,212,215,217,222,225,228,228,228,230,228,222,212,202,195,196,204,199,195,191,194,199,209,207,203,202,204,207,204,207,212,225,230,230,230,233,235,230,209,191,196,212,225,228,228,212,128,139,204,222,228,217,196,143,191,196,199,196,194,204,215,220,222,225,228,230,230,230,233,233,228,215,199,196,199,207,202,139,136,141,196,199,204,215,225,225,222,212,209,202,196,194,199,204,209,215,217,217,217,212,209,207,204,203,204,209,207,204,209,217,225,225,222,217,209,204,196,194,196,196,191,186,186,191,191,189,189,191,194,194,196,202,209,212,215,215,212,207,199,196,194,191,183,136,135,137,139,131,131,202,215,217,212,204,202,202,199,196,191,194,202,207,207,207,204,199,196,196,196,194,194,196,191,141,131,127,125,105,86,98,209,217,220,222,222,217,217,217,217,217,222,217,217,217,222,220,217,215,209,202,196,194,194,189,189,191,191,186,135,133,133,178,183,186,183,133,130,131,183,194,194,189,186,181,133,129,131,176,176,176,181,191,199,199,191,173,122,119,125,168,170,168,168,168,168,121,109,106,115,168,181,181,173,170,178,183,189,194,196,196,191,183,182,183,183,186,191,196,199,196,199,204,209,63,0,1,105,204,123,125,127,170,176,183,186,183,176,178,189,199,202,196,194,194,189,186,189,199,202,199,191,183,135,132,131,133,181,189,186,182,181,186,196,199,202,204,204,204,207,207,209,209,209,209,209,209,212,215,217,217,212,204,196,194,196,194,115,107,113,91,85,111,121,125,178,196,209,209,207,199,186,133,133,189,212,207,189,189,189,194,199,204,202,199,196,199,196,196,196,199,204,202,196,191,189,181,132,132,181,181,132,131,137,186,191,196,204,207,209,207,204,203,204,209,212,215,215,217,220,222,225,225,225,225,225,222,217,217,217,217,217,217,217,217,222,222,217,215,215,215,209,202,194,145,143,191,196,202,204,207,207,202,199,196,196,196,199,199,204,207,207,207,209,212,215,217,217,216,216,222,225,228,228,225,222,215,196,129,133,204,217,217,217,207,194,191,194,202,204,209,215,217,217,215,209,207,207,209,212,215,207,131,139,202,204,203,204,207,209,207,202,199,204,209,215,222,212,196,196,215,215,202,196,200,207,209,209,212,217,225,225,222,222,217,215,217,217,217,212,207,207,212,222,225,222,212,207,209,215,217,217,222,225,230,228,222,217,215,215,217,222,225,222,222,222,217,215,215,215,212,208,209,212,209,205,207,215,228,228,228,222,217,222,228,225,220,220,222,225,225,222,217,215,215,212,212,212,217,222,222,222,222,222,222,225,230,233,233,225,217,209,202,196,194,194,199,204,207,209,212,215,215,215,215,217,222,222,225,222,204,198,199,209,220,222,212,207,207,209,215,215,215,217,209,196,194,202,215,217,215,212,207,204,202,199,199,199,199,202,202,204,207,207,207,204,202,202,202,199,199,199,199,199,202,207,212,212,215,215,215,215,215,217,217,215,209,204,204,212,217,215,202,199,202,207,207,199,194,194,194,196,196,194,194,196,196,199,199,204,212,217,222,222,222,225,228,233,235,238,238,238,235,234,234,235,235,238,238,235,233,230,230,233,233,230,225,222,222,217,215,212,209,208,209,212,217,222,225,225,222,217,209,207,207,212,215,212,209,207,207,202,199,204,209,212,209,209,209,212,209,207,204,204,207,209,212,217,217,212,209,209,212,209,204,191,189,196,202,202,196,194,189,189,191,191,194,199,202,199,194,190,191,199,202,199,196,194,191,189,189,186,178,133,131,131,129,127,125,125,125,125,123,123,125,129,173,178,178,181,186,186,183,186,183,181,68,119,173,181,183,183,186,189,194,191,186,178,173,131,131,131,133,131,129,133,183,191,196,199,199,194,189,186,185,185,186,191,194,194,194,194,196,199,199,196,199,207,212,217,228,233,235,235,235,233,228,225,224,225,228,79,30,23,53,107,181,199,207,217,217,209,199,202,209,209,189,165,163,99,35,0,0,0,0,0,0,1,59,118,108,37,65,147,215,238,255,255,255,108,0,0,0,0,0,0,0,150,170,59,29,59,121,142,131,0,0,0,0,0,0,255,255,0,241,238,246,248,254,228,173,131,126,108,103,100,100,82,27,21,69,103,85,21,5,3,0,0,9,15,59,113,124,56,0,0,15,0,0,43,0,9,33,46,79,113,129,116,109,124,144,157,170,157,126,98,77,61,69,98,134,160,183,222,222,147,79,87,131,168,186,178,124,39,27,63,144,160,170,170,178,204,233,243,243,251,251,255,255,233,157,27,0,0,0,23,45,124,186,186,152,118,168,173,139,131,160,165,139,0,0,155,39,0,0,0,0,0,0,0,0,0,39,126,155,165,181,139,29,17,43,43,23,23,81,209,248,248,233,199,163,65,9,0,0,1,65,90,0,0,0,0,0,0,0,0,0,0,1,108,124,47,0,0,0,0,0,0,0,0,0,21,147,194,189,173,155,152,157,165,165,165,163,163,173,178,181,176,168,163,163,165,109,93,91,99,105,97,111,181,191,191,183,183,183,186,194,194,183,170,178,189,173,152,139,131,93,73,43,32,31,35,75,124,124,116,47,18,18,36,53,75,85,85,85,69,43,13,11,0,21,71,77,59,45,51,83,150,152,139,93,97,152,178,189,178,165,97,72,72,85,103,117,170,181,181,181,191,191,196,207,209,199,173,170,181,183,181,168,168,181,189,178,163,152,152,150,150,144,97,87,85,91,91,81,75,87,95,73,59,65,77,75,65,63,59,61,67,71,71,71,69,69,75,85,118,79,77,77,73,63,51,55,73,83,83,77,75,75,75,73,77,77,79,121,131,83,73,73,113,121,121,121,126,129,113,65,51,39,33,31,19,9,29,77,129,137,129,79,59,57,63,83,91,99,142,147,144,147,157,155,107,89,75,75,87,105,163,191,220,228,233,251,255,255,255,255,255,255,255,255,254,243,248,255,248,228,202,157,69,50,53,65,63,41,0,0,0,255,255,255,255,124,66,66,53,17,0,13,17,38,25,19,17,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,57,51,61,69,67,53,29,21,27,55,98,108,108,75,67,69,73,71,67,79,108,111,111,121,126,118,81,79,79,85,116,121,118,113,81,105,79,67,47,29,5,0,0,7,17,5,5,13,29,35,29,23,21,22,24,29,35,49,63,69,73,73,79,116,124,121,113,111,111,116,121,129,152,183,209,228,215,215,230,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,27,27,27,27,27,20,30,53,66,82,92,116,147,165,178,186,186,189,189,181,176,168,0,0,0,0,217,0,241,243,241,230,233,233,233,230,220,212,196,186,168,0,139,129,0,0,0,0,0,0,38,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,111,147,178,196,222,241,255,255,233,204,178,160,147,103,107,160,183,202,212,222,241,255,255,233,202,176,121,103,103,111,121,121,119,111,113,111,109,105,101,105,113,163 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,79,137,142,157,186,199,207,207,207,228,105,82,95,85,33,37,15,17,168,209,225,165,84,144,199,196,181,176,189,204,212,215,212,209,204,202,204,204,204,204,207,207,204,202,202,204,204,207,212,217,217,209,208,212,209,199,194,189,181,130,129,130,133,133,176,181,181,181,181,183,186,183,178,178,189,194,191,186,189,191,189,186,187,194,204,207,207,209,217,222,222,217,215,215,213,213,215,215,215,212,209,208,209,212,215,209,202,191,196,209,212,212,215,222,225,225,222,225,225,217,207,207,217,222,222,215,209,209,212,209,207,209,212,215,215,215,215,215,215,217,217,217,222,222,215,204,196,195,196,202,202,202,202,204,207,209,212,207,204,207,207,204,204,212,222,228,228,230,233,235,230,191,185,190,204,217,230,228,191,122,135,202,215,222,209,199,194,194,196,199,196,196,204,215,217,222,228,230,233,233,233,230,225,215,207,199,199,202,202,191,137,137,143,194,196,202,215,225,225,217,212,209,207,199,194,196,196,196,207,217,230,230,215,207,204,204,204,204,204,204,204,207,215,215,215,212,209,207,199,194,192,194,199,196,186,185,191,199,199,199,196,191,189,189,196,209,215,215,209,207,204,204,204,202,196,189,139,135,136,186,196,207,212,215,217,215,204,199,196,191,189,189,194,199,207,209,209,207,204,199,199,196,194,194,196,196,189,137,133,135,127,100,135,222,222,217,217,217,217,215,215,215,222,222,222,217,217,217,217,217,220,217,207,199,194,191,186,186,189,189,181,133,132,133,181,183,183,178,133,132,178,194,199,194,183,178,127,126,133,183,183,178,178,183,191,196,199,194,176,121,116,126,170,127,125,127,168,168,123,111,109,168,183,189,181,127,168,178,183,189,191,194,191,183,181,181,182,182,183,186,191,194,194,199,194,183,33,10,117,194,199,194,186,183,186,189,189,183,176,129,173,186,199,202,199,196,196,189,186,189,194,194,191,189,183,135,133,133,181,189,191,183,179,179,186,199,202,204,204,207,204,207,209,209,212,212,212,212,212,217,222,222,217,215,212,209,204,199,107,104,129,199,209,199,133,121,117,119,186,207,212,212,212,204,183,130,178,207,212,204,199,196,196,202,207,204,202,199,199,202,199,199,202,204,202,194,189,183,137,133,133,137,135,132,132,137,186,191,199,204,209,212,212,207,204,207,209,212,212,212,215,217,222,225,225,222,222,225,225,222,222,222,222,222,222,222,225,225,225,222,217,217,217,212,204,199,194,191,194,196,199,204,207,207,204,199,199,199,199,199,202,207,207,204,204,207,212,215,217,217,217,217,222,228,228,228,225,222,222,209,141,131,189,212,217,217,209,199,194,196,202,207,209,212,215,215,212,209,207,209,212,217,222,212,132,141,202,204,202,203,207,207,204,199,198,202,207,212,217,215,199,202,217,222,207,200,202,209,209,212,215,222,225,222,222,222,217,217,222,225,225,217,212,212,215,222,225,222,215,209,212,222,225,225,222,222,222,222,217,215,211,211,212,217,222,225,225,222,217,215,215,215,212,207,207,208,207,205,207,215,225,228,225,217,213,217,228,228,222,220,222,225,225,222,217,217,215,212,212,212,217,222,222,222,222,222,222,225,230,233,235,230,225,217,209,202,196,196,199,202,204,209,215,217,215,212,212,212,215,215,217,215,203,198,199,209,222,222,215,208,208,212,217,217,217,220,217,202,199,204,212,215,215,212,212,207,204,202,199,199,199,202,202,202,204,207,209,207,204,202,202,199,199,199,202,204,204,209,212,212,215,215,215,215,217,217,222,222,215,212,212,215,217,209,200,198,202,212,212,209,202,199,194,191,191,189,189,189,191,145,194,202,209,215,222,225,225,228,230,235,238,238,238,238,238,235,234,234,235,241,241,238,235,230,230,233,235,233,225,217,217,217,217,217,215,212,212,212,217,217,222,222,217,215,209,207,208,215,215,212,207,207,207,202,196,202,207,209,209,209,209,209,207,202,199,202,204,207,212,217,217,215,212,212,212,212,209,199,196,199,204,204,202,199,194,194,196,196,199,202,204,202,194,191,194,199,202,199,196,194,191,191,189,186,181,176,133,133,173,131,127,125,125,125,125,125,123,123,125,127,170,176,181,183,183,183,183,176,59,123,176,181,186,186,189,194,194,194,191,186,181,176,131,129,133,133,133,178,186,191,191,196,196,194,191,189,186,185,186,191,196,196,194,194,196,202,202,196,199,207,209,217,225,230,233,233,233,233,230,228,225,228,230,81,26,14,33,113,191,199,194,199,207,207,207,215,220,215,189,157,99,75,41,19,0,0,0,0,0,0,27,113,129,121,147,178,199,222,255,255,255,134,0,0,0,0,0,0,0,90,116,87,105,196,196,196,0,0,0,0,0,0,0,255,254,0,220,207,217,251,255,246,173,126,116,108,95,53,53,51,37,41,0,137,92,9,0,0,0,11,95,0,0,0,0,0,69,13,27,0,0,35,0,0,0,0,46,98,124,116,116,144,170,181,178,160,144,137,129,111,103,111,139,163,176,222,243,196,131,124,134,160,178,170,116,17,0,17,59,108,126,137,157,186,233,251,255,255,255,255,255,241,165,15,0,0,29,43,0,0,129,186,186,212,238,222,170,170,215,233,212,0,0,222,124,49,5,0,0,0,0,0,0,0,0,59,113,147,173,147,75,81,134,116,81,131,191,228,228,202,194,186,160,65,5,0,0,0,15,11,0,0,5,29,23,15,11,0,0,0,15,134,152,87,1,0,0,0,0,0,0,0,0,53,165,204,196,165,137,134,144,157,165,163,163,173,181,191,191,176,168,155,163,165,109,97,91,99,105,99,107,160,160,111,107,163,183,191,194,194,194,202,202,183,155,137,137,139,139,93,53,34,32,32,37,49,81,89,33,10,12,39,67,85,118,118,85,69,43,0,5,33,47,79,89,71,77,93,142,160,160,147,107,144,157,165,165,163,111,83,68,70,78,95,117,170,181,191,181,181,191,191,202,209,209,199,196,196,194,181,168,178,178,178,173,152,107,105,107,142,101,81,73,76,95,131,95,87,87,87,63,50,59,83,83,69,63,69,79,85,85,83,81,75,73,81,126,126,89,77,75,71,63,49,49,61,73,73,75,75,75,71,72,73,77,79,121,131,116,75,75,113,121,121,118,121,124,111,53,33,27,25,33,25,9,9,33,77,139,137,79,57,56,63,79,85,91,142,139,99,101,109,150,113,103,85,87,97,111,165,189,215,222,222,233,255,255,255,255,255,255,255,243,230,241,0,251,241,235,220,163,77,61,57,57,57,57,49,0,0,255,255,255,255,118,85,95,69,0,0,0,23,48,38,15,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,108,111,105,98,67,53,37,29,31,49,67,73,100,71,69,71,73,67,61,69,73,79,113,121,118,77,73,79,79,85,116,121,118,73,67,69,113,111,77,53,23,0,0,7,23,15,5,0,13,27,25,21,21,25,29,33,41,57,71,75,75,72,73,77,81,79,73,77,111,124,129,144,165,194,220,230,228,215,228,228,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,66,38,27,40,38,20,12,22,40,64,74,85,100,116,139,157,173,178,178,183,181,181,181,0,0,0,207,207,0,230,248,248,241,228,228,228,222,212,204,186,170,160,139,131,129,0,0,0,0,0,0,38,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,111,147,178,196,222,254,255,254,215,178,157,142,101,97,103,160,186,204,212,212,225,251,251,222,186,160,105,100,103,121,176,176,183,183,178,165,160,113,109,109,121,168 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,144,150,165,191,202,207,209,212,225,194,100,17,5,0,0,15,139,181,209,230,209,97,155,170,176,170,173,186,204,215,217,215,209,202,200,202,202,202,202,204,204,202,202,202,204,204,207,212,215,215,212,209,212,202,191,191,183,135,131,131,176,178,178,181,183,181,183,186,189,186,183,177,178,191,196,191,185,185,189,189,187,191,204,212,212,212,215,222,222,217,215,215,213,213,213,215,215,215,212,209,209,212,212,215,212,204,196,196,202,202,202,204,209,212,217,217,217,215,204,196,199,209,217,217,215,212,215,215,209,202,199,204,209,212,212,209,209,207,207,204,204,209,215,209,202,196,196,199,204,209,215,215,215,212,212,217,222,217,215,212,204,202,207,212,222,225,230,230,228,212,181,183,191,204,215,222,207,125,117,133,196,204,204,199,196,196,196,194,196,194,194,199,209,212,222,228,230,233,233,230,222,207,137,141,194,202,204,199,191,191,194,196,196,196,202,215,225,225,217,212,209,209,202,199,196,195,195,204,217,233,233,217,207,207,207,204,204,204,204,204,207,209,209,207,207,204,204,199,194,194,199,207,199,185,182,189,199,204,207,204,194,185,185,191,207,212,209,204,203,203,209,212,212,207,199,191,183,139,191,207,215,215,217,217,215,204,194,189,186,186,189,194,202,207,209,209,209,204,202,202,199,196,196,196,191,141,133,127,131,189,204,215,217,215,215,215,215,215,215,213,215,217,222,217,215,215,217,222,225,228,225,212,202,194,189,186,183,183,183,181,135,133,137,186,186,183,181,178,181,194,204,207,194,181,129,123,124,178,191,189,181,178,183,191,196,199,194,183,170,127,176,176,125,119,127,173,173,125,111,111,173,186,183,168,122,127,183,189,189,191,191,186,182,182,183,186,183,183,183,189,191,191,196,191,178,41,53,194,202,199,202,196,191,191,194,189,183,176,127,127,176,189,196,199,199,199,191,187,189,194,191,189,186,183,178,135,181,191,196,194,186,181,183,194,204,207,207,207,207,207,209,209,212,212,212,212,212,215,217,222,222,217,217,217,215,207,189,101,106,181,186,199,202,186,129,120,123,189,204,212,215,217,212,194,129,129,181,199,209,207,204,204,207,209,209,204,202,202,202,202,202,202,202,199,194,189,183,181,137,135,137,135,133,134,139,189,194,199,204,209,212,215,215,212,212,212,212,212,212,215,222,222,222,222,217,222,222,225,225,222,225,225,225,225,225,225,225,225,222,217,217,217,212,204,196,145,143,189,191,196,202,207,209,204,202,199,199,199,202,202,207,204,203,204,207,212,215,215,215,215,217,225,228,228,225,222,222,225,215,191,127,128,191,207,212,207,204,202,199,202,204,207,212,215,215,212,209,209,209,215,222,222,212,137,191,204,204,203,204,204,204,199,198,198,202,207,212,217,212,202,202,215,217,209,207,209,209,209,209,215,217,217,217,217,217,217,222,225,225,225,222,217,217,222,222,217,217,215,215,217,225,228,228,222,215,215,212,212,212,211,211,212,217,225,228,228,225,222,217,215,217,215,208,208,212,215,215,217,222,225,225,217,215,215,225,228,228,225,222,222,222,225,225,225,222,217,215,215,215,217,222,222,222,222,222,222,222,228,230,233,230,225,222,212,202,196,196,199,202,202,207,212,212,212,209,207,207,205,207,212,215,209,204,207,215,222,222,215,209,212,217,222,217,217,220,220,212,204,207,209,209,212,209,209,207,207,204,202,199,202,204,202,202,202,207,209,209,209,204,202,199,199,202,207,207,209,212,212,212,212,215,215,215,217,217,222,222,217,215,215,215,212,207,200,199,207,215,217,212,207,196,191,189,189,143,139,135,133,137,143,196,204,212,217,225,228,230,233,238,241,241,241,241,241,238,235,234,235,241,241,238,235,233,230,230,233,233,225,215,213,215,222,222,217,212,209,212,212,215,215,217,217,217,212,209,209,215,215,209,207,207,204,196,192,196,202,207,209,209,207,207,204,199,198,199,204,209,212,215,217,217,212,209,212,215,212,207,202,202,204,204,204,202,199,196,199,199,199,202,204,199,194,191,196,199,202,199,196,194,194,191,189,189,181,133,131,133,176,176,173,129,127,127,127,125,123,121,120,121,123,129,173,176,178,181,181,125,61,125,176,183,186,186,189,194,194,194,194,194,189,178,129,128,129,133,178,183,186,189,191,194,196,196,194,191,189,185,186,189,191,191,191,191,196,202,202,199,199,204,207,215,225,228,228,230,233,233,233,230,230,233,233,81,26,16,33,113,194,199,186,186,194,202,220,228,228,215,189,150,93,79,67,51,0,0,0,0,0,0,9,67,121,137,178,194,181,168,204,255,255,194,142,105,129,95,0,0,35,98,108,116,189,255,215,204,0,0,0,255,255,255,243,215,209,204,191,189,209,255,255,246,173,131,116,103,87,82,108,160,163,0,0,0,220,103,23,23,56,113,0,0,0,0,0,0,126,38,13,61,74,35,0,0,0,0,27,69,105,105,105,142,170,173,163,170,202,233,209,137,69,64,103,105,124,196,222,157,74,74,108,124,142,134,39,0,0,0,1,33,59,108,144,178,225,251,255,255,255,251,251,241,170,21,0,0,49,49,0,0,5,134,173,225,251,238,191,186,233,255,255,0,0,255,165,118,57,0,0,0,0,0,0,0,0,15,39,73,147,150,147,165,176,168,170,0,230,222,186,177,189,196,178,111,19,9,7,0,0,0,0,27,116,116,51,23,23,23,15,19,45,116,137,100,37,0,0,0,0,0,0,0,0,35,113,176,160,129,85,121,139,157,168,165,165,181,189,199,199,183,165,155,155,157,109,97,91,93,93,97,105,113,101,81,79,99,168,186,186,186,194,204,204,178,144,137,99,137,155,139,79,55,43,31,7,3,31,89,77,39,51,73,81,118,129,137,124,69,43,0,0,37,69,83,77,63,97,142,157,170,170,170,163,155,157,157,157,109,83,73,72,79,89,99,117,178,194,194,194,194,196,191,186,176,176,186,196,204,202,183,181,181,178,178,165,111,99,91,89,95,95,79,72,76,99,142,134,89,81,81,55,48,53,77,77,67,63,73,85,91,121,91,85,75,73,89,142,147,126,79,71,69,57,49,45,47,53,59,69,77,77,75,73,79,83,81,118,121,83,75,75,81,113,113,75,83,118,73,39,17,15,23,31,25,7,0,3,35,137,152,129,75,71,81,85,85,95,142,139,93,89,101,147,152,150,109,103,109,155,173,191,209,215,209,213,233,255,255,255,255,255,254,202,194,0,0,233,235,241,228,170,116,75,49,27,33,53,100,204,255,255,255,255,255,204,235,222,118,33,0,0,40,56,38,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,87,142,150,85,35,87,9,25,49,98,118,126,124,113,98,61,47,37,29,31,45,55,55,53,57,57,69,67,53,41,45,49,67,111,121,77,69,64,73,77,77,77,116,83,68,66,69,121,129,126,103,45,11,0,0,17,15,0,0,0,17,27,27,27,33,41,47,57,65,77,121,113,79,73,72,70,68,67,72,108,126,134,150,170,191,209,217,215,215,230,235,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,66,51,27,20,20,12,3,9,30,56,66,74,82,90,108,139,157,165,173,181,181,181,181,0,0,0,207,199,207,220,243,243,230,220,220,220,220,204,189,165,152,139,137,131,129,0,0,0,0,0,0,27,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,111,147,178,204,222,243,255,241,204,168,137,99,93,91,97,157,183,207,212,196,202,215,215,202,176,111,100,98,111,165,183,191,204,204,191,176,163,160,119,113,160,168 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,38,0,0,0,0,30,134,160,176,199,204,207,215,217,209,199,124,29,15,0,0,17,176,191,209,225,215,160,163,163,160,160,165,181,202,215,217,215,207,202,200,200,202,202,202,204,202,199,196,199,202,207,207,209,207,207,209,207,204,131,115,131,131,130,133,135,178,183,183,186,186,183,186,191,189,186,181,178,178,186,191,186,183,186,191,194,194,202,212,217,215,215,215,222,225,222,215,215,213,215,215,215,217,215,209,209,212,215,215,212,212,209,202,194,194,194,194,191,194,199,204,209,209,202,194,189,191,202,209,215,215,212,212,209,204,198,198,199,207,209,207,207,204,204,203,200,202,209,215,212,204,199,199,199,207,212,222,222,217,215,217,228,225,217,212,207,196,196,202,207,209,217,225,228,222,202,182,189,202,212,215,204,129,122,126,189,196,194,194,192,196,202,199,194,194,196,194,194,202,204,212,217,222,228,233,233,217,196,130,134,139,194,204,202,199,209,207,202,196,196,204,215,222,225,220,215,207,204,199,199,196,196,196,204,215,228,230,222,209,209,209,204,202,204,207,209,209,207,205,205,207,204,204,202,199,199,204,207,202,185,182,186,196,199,204,204,199,189,189,199,209,212,207,203,203,203,207,212,212,209,204,202,199,196,196,207,215,217,222,217,209,196,186,141,140,186,194,202,204,209,212,212,209,207,204,204,204,202,199,194,186,133,126,124,129,199,217,222,217,212,211,211,211,215,217,215,215,217,217,217,215,215,217,222,228,230,225,215,202,194,189,186,137,133,139,186,186,186,186,189,191,189,189,189,196,207,215,212,199,181,124,123,127,178,189,186,177,174,181,191,196,196,191,186,181,181,183,181,121,113,127,181,181,170,111,110,125,173,168,123,123,176,189,191,191,191,189,183,182,186,191,194,189,186,186,189,191,191,196,194,183,67,103,186,199,202,199,199,196,194,191,189,189,183,131,125,127,173,189,199,202,199,196,191,191,194,194,189,186,178,135,181,186,194,199,199,194,189,194,202,207,207,209,212,212,209,209,209,212,212,212,212,209,212,217,225,222,217,215,212,204,191,129,113,135,183,165,168,194,189,178,178,189,194,199,204,209,215,212,199,129,127,131,191,212,212,209,209,209,209,209,204,199,199,196,196,196,194,194,194,194,194,189,183,181,137,137,135,135,137,183,191,196,202,204,207,212,215,217,215,215,215,215,212,215,217,222,225,222,217,216,216,222,225,225,225,225,225,225,225,225,225,225,225,225,220,217,215,212,204,194,139,135,137,141,191,199,207,207,204,199,199,199,199,199,202,204,204,204,207,212,215,215,212,209,212,215,222,228,225,222,217,217,217,217,204,127,125,131,189,202,202,204,207,202,202,204,204,207,212,215,215,215,212,212,215,217,215,204,141,194,207,207,207,207,204,199,196,196,199,204,207,209,212,209,202,202,209,212,212,212,209,207,204,207,209,209,209,212,215,215,217,222,222,225,222,222,220,222,222,217,213,213,215,217,222,225,228,225,217,212,211,211,211,212,212,212,215,222,225,228,228,225,222,217,217,220,217,215,215,225,228,230,228,228,225,217,209,209,222,230,233,228,228,225,222,221,225,228,228,222,217,220,217,217,217,220,222,222,222,225,222,222,222,228,228,225,222,215,207,199,196,199,199,199,199,202,204,207,209,209,209,207,205,204,207,212,212,215,217,222,217,217,215,215,217,222,225,222,222,222,222,215,209,207,207,204,204,204,204,207,207,207,207,204,207,207,204,202,202,207,209,209,209,207,204,202,202,204,209,212,212,212,212,212,212,212,215,215,217,217,217,217,217,215,212,212,209,207,204,204,209,212,212,207,202,196,191,189,189,143,137,128,125,128,139,194,202,207,212,222,228,230,233,238,241,241,241,241,241,241,235,234,235,238,241,238,235,228,222,222,228,230,225,215,212,215,217,217,212,207,204,207,209,212,215,217,222,222,217,215,212,212,209,209,209,209,207,194,189,191,196,204,209,209,209,207,204,199,198,202,207,212,212,215,215,215,212,209,209,215,215,209,202,200,202,204,204,202,199,199,199,202,199,199,202,199,194,194,199,199,199,196,196,194,194,191,191,186,181,131,129,130,173,176,178,176,173,129,129,127,125,123,120,120,121,123,127,129,170,176,176,111,71,125,178,183,183,183,186,189,191,196,199,199,191,181,131,127,127,131,181,186,186,189,191,194,196,196,194,194,191,189,186,189,189,189,189,189,194,199,202,199,198,199,204,215,225,225,225,228,230,235,235,235,235,235,235,99,57,31,53,107,181,189,181,181,189,207,220,230,220,202,170,150,142,137,93,73,0,0,9,157,121,118,113,129,150,165,186,189,150,61,43,142,189,183,173,163,181,173,121,116,121,92,82,113,173,209,163,165,212,209,191,222,212,165,137,139,150,157,170,181,209,255,255,199,139,124,98,51,41,82,176,0,0,0,0,255,238,152,69,0,0,0,0,0,0,0,0,0,139,15,0,25,35,9,0,0,0,0,3,46,77,72,82,134,170,168,161,191,241,255,243,129,9,0,0,0,0,72,116,29,0,11,37,45,37,11,0,0,0,0,0,0,1,59,129,173,215,243,251,255,251,247,251,251,194,51,0,0,43,31,0,0,0,71,147,178,220,222,215,222,251,255,255,255,255,255,173,134,98,3,0,0,0,0,0,0,0,0,15,55,147,165,155,157,176,183,0,0,238,209,178,181,209,228,189,131,51,51,53,1,0,0,0,90,124,100,23,0,0,9,15,25,39,90,100,85,72,23,0,0,0,0,0,0,0,3,15,31,31,37,49,73,124,144,157,165,170,181,189,199,199,191,176,168,155,111,103,97,93,91,91,93,105,111,93,70,66,81,150,181,186,186,194,202,189,165,144,137,91,86,137,147,131,89,73,35,5,2,31,89,126,89,77,77,85,118,129,118,75,49,41,33,31,51,69,55,51,71,142,150,160,181,189,186,183,173,165,157,152,101,79,78,89,103,99,97,117,181,199,199,194,204,202,191,170,165,168,186,199,204,196,194,181,181,178,176,155,105,97,91,85,85,89,87,76,79,97,144,134,83,75,75,63,49,53,69,77,71,75,81,121,121,121,89,77,71,71,83,139,142,91,79,71,63,57,49,45,44,44,49,65,81,83,81,79,83,85,85,85,81,74,72,75,77,75,75,70,83,118,71,29,7,6,23,29,21,9,0,0,7,121,160,152,134,126,126,95,91,99,139,99,87,89,101,150,157,160,157,160,170,178,189,204,215,217,212,213,233,255,255,255,255,254,238,199,194,0,0,220,222,228,202,168,129,71,39,9,1,17,55,170,235,255,255,255,0,0,255,255,142,21,0,0,48,59,38,9,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,121,168,181,134,111,113,131,121,137,144,144,134,124,116,98,55,45,37,33,27,35,43,33,27,29,39,49,49,23,0,0,1,31,65,79,71,61,61,67,67,63,69,75,83,71,66,79,0,137,137,126,98,33,1,0,0,0,0,0,0,23,31,39,43,49,59,59,57,65,105,124,124,83,77,72,70,70,67,69,79,124,131,144,157,176,191,191,196,204,225,228,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,74,74,51,20,1,4,4,3,7,15,46,56,59,66,74,92,116,150,157,165,181,181,181,186,0,0,0,209,199,194,209,228,220,212,204,204,209,204,196,173,152,134,129,131,137,139,129,0,0,0,0,0,20,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,111,147,178,196,215,233,241,222,196,157,129,89,85,85,91,144,176,202,202,183,176,178,178,178,160,103,97,98,113,176,191,204,215,204,191,168,168,168,163,123,168,168 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,33,0,1,0,0,0,61,168,199,204,209,215,215,222,186,139,39,39,35,0,0,27,181,199,215,220,196,147,155,150,147,150,155,173,194,209,212,209,204,200,200,202,204,204,204,204,199,196,195,196,202,207,207,204,199,199,196,191,183,104,100,121,131,131,133,135,178,183,183,186,186,183,186,189,186,183,181,179,179,181,186,189,189,191,194,194,196,202,209,212,209,209,215,222,225,222,217,217,215,215,215,217,217,215,212,212,215,217,215,212,212,209,204,194,189,191,191,143,141,186,189,194,194,189,141,141,189,194,204,209,212,209,207,204,202,198,198,202,207,207,204,202,202,204,203,202,204,215,225,222,209,202,199,202,207,212,222,222,225,225,225,228,217,202,196,145,143,191,202,204,204,207,215,222,215,199,190,199,212,215,209,143,126,126,189,196,194,190,190,192,199,207,204,196,196,196,194,191,196,199,204,207,209,215,225,228,217,196,137,135,136,191,209,207,202,209,207,196,195,199,207,212,217,222,217,212,199,196,195,199,196,196,196,202,207,215,222,215,209,207,207,202,200,204,209,212,209,209,207,207,207,207,204,202,202,202,204,207,202,189,185,189,189,186,189,196,202,199,204,209,212,212,209,207,204,204,207,209,209,209,209,209,212,209,202,204,215,222,222,217,204,191,140,139,140,189,202,209,212,212,215,215,212,209,207,207,209,207,204,194,139,129,124,128,141,202,215,222,217,215,212,211,212,217,222,222,217,217,217,215,215,215,215,222,225,228,220,209,199,194,191,186,131,122,131,189,194,191,189,189,191,191,191,196,204,212,217,212,202,186,125,127,176,178,181,178,172,165,181,191,199,196,191,183,181,183,186,178,111,108,127,183,181,170,111,109,115,121,121,123,170,191,196,194,194,191,186,183,183,189,194,194,191,186,186,191,191,194,196,194,181,95,191,189,191,194,194,196,196,194,191,189,189,186,178,125,119,127,186,202,204,202,196,191,191,196,199,196,189,178,135,178,186,191,199,199,199,199,196,202,204,209,212,215,215,215,212,212,212,212,212,207,204,212,222,225,217,215,209,202,186,127,121,181,217,204,166,172,202,204,131,186,196,189,183,191,199,204,207,196,130,129,133,194,212,207,207,209,209,209,207,202,196,194,192,191,191,190,190,191,194,196,191,189,181,133,131,131,131,135,186,194,199,202,202,204,209,215,217,215,215,215,215,215,217,222,225,225,222,216,216,216,222,225,225,225,225,225,225,225,225,224,224,225,225,222,217,217,212,204,191,137,132,133,135,141,194,202,204,202,199,196,196,199,199,202,204,207,209,212,215,215,212,209,208,208,212,220,225,222,217,215,215,215,222,220,189,128,133,139,191,196,207,212,207,207,207,204,204,209,215,217,217,215,212,215,215,209,199,141,196,207,209,209,209,204,199,196,198,202,207,209,209,212,209,202,202,204,209,212,212,207,204,202,204,209,207,207,209,215,217,220,222,222,222,220,217,220,222,222,215,212,212,215,222,222,225,225,222,217,215,212,211,211,212,212,215,217,222,225,225,225,222,222,220,222,222,225,222,225,230,233,233,230,230,222,207,203,205,225,235,235,230,228,225,222,220,222,228,228,222,217,222,222,222,217,217,222,222,225,225,222,217,217,222,225,222,215,209,202,196,196,199,199,199,199,199,202,202,207,212,212,212,209,207,207,209,212,215,222,217,217,215,217,222,225,228,225,225,222,222,225,217,209,207,204,199,196,196,202,207,212,212,212,209,212,212,209,207,207,209,212,209,209,209,207,202,202,204,209,212,215,215,215,212,212,209,212,212,215,217,217,215,212,212,209,209,209,209,207,207,207,204,202,196,196,199,196,194,191,143,135,127,125,127,135,145,199,204,207,217,228,228,230,235,238,238,237,238,241,241,238,234,235,241,241,241,233,222,213,213,222,228,225,215,213,215,217,215,209,203,203,204,209,215,217,222,222,222,222,215,212,207,207,209,209,212,207,194,189,191,196,204,209,209,209,209,207,202,202,204,209,215,215,215,215,212,209,209,212,215,217,212,207,202,202,202,202,199,199,199,202,204,202,199,202,196,191,191,199,199,196,194,194,191,191,191,189,186,181,131,128,129,133,178,178,178,176,173,131,129,129,125,123,120,120,121,123,123,123,129,129,106,86,121,176,181,181,181,183,183,189,194,199,196,191,183,173,127,126,131,181,189,189,189,191,194,196,196,194,191,189,189,191,191,191,191,189,189,194,199,202,199,198,199,204,212,222,222,222,225,230,235,238,238,238,238,241,123,93,73,67,87,113,173,181,189,199,209,220,220,209,183,163,163,181,186,160,142,0,0,51,124,139,147,147,147,147,144,165,147,103,26,12,37,116,137,150,181,207,191,163,163,150,53,15,43,98,116,116,142,199,191,155,147,134,71,51,69,108,124,150,170,196,246,233,124,90,90,49,36,30,40,170,0,0,0,0,152,163,137,95,0,0,0,0,0,0,0,0,0,142,0,0,0,0,0,0,0,0,0,0,40,64,48,56,134,199,202,181,204,228,246,220,126,0,0,0,0,0,0,0,0,0,0,17,11,0,0,0,0,0,0,0,0,0,45,134,181,215,233,251,255,251,251,255,255,220,83,21,9,17,0,0,0,25,73,139,155,173,209,233,251,255,251,233,225,241,212,155,139,121,41,0,0,0,0,0,0,0,0,0,71,170,165,113,75,129,176,0,0,230,194,178,196,230,228,181,142,118,163,170,61,15,7,11,79,82,17,0,0,0,0,0,0,19,49,74,45,41,25,0,0,0,0,0,0,0,0,0,0,0,0,21,49,69,89,139,165,170,173,173,181,186,186,183,176,155,103,91,85,89,91,89,91,105,113,91,69,65,75,107,168,176,176,183,183,173,152,144,137,86,79,86,137,139,137,95,71,30,37,81,85,77,65,47,57,79,118,85,59,41,40,41,55,57,45,55,55,61,134,142,150,160,181,189,191,186,173,157,107,150,109,91,95,115,119,103,97,111,178,199,194,194,194,202,191,169,165,173,199,212,204,191,194,194,181,178,165,155,109,101,101,89,85,89,93,87,83,91,99,89,69,69,75,71,55,61,69,81,87,124,131,137,129,91,83,75,70,68,73,87,91,85,79,77,67,55,49,45,42,41,47,63,77,81,81,79,87,121,85,81,75,72,72,75,81,73,71,70,75,116,71,23,3,4,27,37,27,15,0,0,0,77,163,163,147,139,129,91,91,97,99,91,82,89,109,157,157,160,168,176,186,189,202,209,222,230,233,233,243,255,255,255,255,248,246,238,225,0,225,220,220,207,181,163,147,105,45,15,0,0,13,98,150,168,0,0,0,0,255,255,82,0,0,0,38,64,48,19,17,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,116,139,142,129,126,134,139,137,160,173,168,155,142,124,98,57,47,37,33,25,27,25,15,9,7,19,35,27,0,0,0,0,1,53,77,75,64,63,65,59,55,58,69,83,81,81,124,0,144,144,134,116,55,23,0,0,0,0,0,3,29,45,51,61,67,65,59,45,57,69,113,121,108,77,77,81,79,73,72,77,113,124,129,142,150,160,165,181,196,209,215,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,51,51,59,38,9,0,0,1,3,9,20,30,40,43,48,56,74,108,139,157,165,168,181,181,189,0,0,0,0,194,189,199,212,209,199,196,202,202,196,189,168,147,129,129,129,0,0,0,0,0,0,0,27,17,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,103,142,170,189,207,215,215,207,186,157,129,87,79,73,87,105,173,194,186,168,113,105,107,157,115,105,98,99,160,181,189,194,202,194,181,170,170,181,181,181,181,181 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,17,25,0,0,0,25,165,191,204,209,215,204,144,31,0,0,15,0,0,0,49,181,202,212,217,157,89,142,101,105,109,155,170,186,202,207,202,204,202,202,207,209,209,204,204,202,196,196,196,202,207,207,199,194,191,189,137,113,103,107,133,181,135,135,135,178,181,181,181,181,178,181,181,183,183,183,181,183,186,191,194,196,196,196,194,194,199,207,202,199,207,215,222,222,222,222,222,220,215,215,215,215,212,212,215,217,217,215,212,212,209,204,194,189,191,189,141,139,140,139,139,139,140,141,141,143,189,196,204,209,209,207,202,199,199,204,207,209,207,200,199,202,207,207,207,209,217,225,222,209,199,198,202,209,217,225,225,228,230,230,233,135,65,44,45,141,194,207,207,202,199,207,212,207,199,196,204,209,207,202,189,137,143,196,196,192,191,194,202,207,209,202,196,196,194,143,143,191,194,199,202,199,199,202,209,207,199,194,194,199,207,212,209,204,207,204,199,199,207,212,215,215,215,209,202,196,195,196,199,202,202,194,141,142,202,207,207,202,202,202,202,202,204,207,207,207,209,209,209,209,207,204,202,202,202,207,209,204,194,189,189,189,186,186,191,196,204,209,215,215,212,209,207,204,204,209,212,212,215,215,217,217,212,199,202,209,215,212,202,191,183,140,140,183,191,204,212,215,215,215,217,215,212,212,209,212,212,207,191,137,129,127,133,191,202,212,217,215,212,212,215,217,225,225,222,217,212,212,212,212,212,215,217,222,217,212,207,202,199,194,137,121,116,122,139,194,191,187,187,187,189,191,196,204,212,215,207,199,191,178,129,131,176,181,178,173,173,186,191,194,199,196,189,183,186,189,186,107,108,168,178,178,127,115,111,113,115,121,170,186,196,199,196,194,189,186,183,183,189,191,194,191,191,191,191,194,191,191,189,183,186,194,191,189,191,191,196,196,194,194,189,189,186,131,117,116,123,186,204,207,199,191,186,189,199,204,202,194,181,133,133,135,181,189,194,199,196,196,199,204,209,215,217,217,217,215,212,212,212,212,199,186,207,222,217,209,209,209,113,54,61,133,209,228,217,191,191,209,215,119,123,183,135,125,127,181,199,207,196,135,133,183,196,204,202,202,204,207,209,207,202,196,194,192,191,190,190,191,192,196,199,199,194,186,131,125,126,131,135,191,196,196,199,202,204,209,212,215,215,217,217,215,215,220,225,225,222,222,217,217,222,225,225,225,222,222,222,222,222,225,225,224,225,222,220,217,217,215,209,196,141,133,132,133,137,141,194,199,199,199,196,196,199,202,202,204,207,212,212,212,212,209,208,208,208,212,215,222,220,215,215,215,215,217,215,209,209,196,143,191,199,209,217,217,212,207,204,199,199,209,217,215,212,211,212,215,209,194,141,191,207,212,209,209,207,202,202,202,204,207,207,207,209,207,202,199,202,207,209,207,204,202,202,207,209,207,204,209,222,222,217,222,222,217,217,217,222,222,217,213,212,213,217,222,222,222,222,222,217,217,217,215,212,211,212,215,225,228,230,228,225,222,225,222,222,222,222,225,228,233,230,228,228,228,215,204,202,205,222,233,235,233,228,225,222,222,228,233,230,225,217,225,222,220,217,217,217,222,228,228,220,215,215,217,217,215,212,207,202,199,202,202,204,204,202,199,202,204,207,212,212,212,212,209,207,209,212,215,215,215,215,217,217,225,228,228,225,225,222,225,225,222,215,209,202,196,195,194,199,209,215,215,212,212,212,212,212,212,212,215,212,212,209,212,209,204,200,202,204,209,212,215,215,212,209,207,207,209,209,212,212,212,209,207,207,207,207,209,207,207,202,199,196,195,196,199,204,204,196,143,137,133,129,129,131,137,194,202,204,209,217,225,228,233,238,238,237,238,243,243,238,235,238,243,243,241,230,215,211,212,217,225,225,222,217,222,222,217,212,204,204,207,212,215,222,222,217,217,217,215,207,205,205,207,212,212,207,199,196,196,199,204,207,209,212,212,212,209,204,204,209,215,217,215,212,209,209,209,212,212,215,215,212,207,202,199,198,198,199,202,207,207,204,202,199,194,189,189,194,196,196,194,191,191,191,191,189,189,183,176,129,129,131,178,178,181,178,176,176,173,131,127,125,123,121,123,121,119,119,121,117,104,104,111,125,173,173,176,178,181,183,189,194,191,189,183,176,127,128,176,186,191,189,189,191,194,196,196,194,189,186,189,191,194,194,191,189,191,196,204,207,204,202,202,207,212,217,222,222,225,230,235,238,241,243,243,243,125,115,99,67,29,73,123,178,194,207,207,199,202,202,183,181,194,207,0,194,204,233,194,131,129,129,129,113,65,33,27,0,39,41,31,31,59,87,87,139,194,230,207,163,150,126,29,0,17,43,90,116,150,181,165,118,71,59,41,38,40,49,75,124,137,144,155,129,69,54,59,61,43,32,35,90,142,113,0,0,85,111,129,137,168,199,0,0,254,0,0,238,202,90,0,0,0,0,0,0,0,0,1,27,38,15,0,9,121,251,255,255,150,144,209,220,191,155,11,0,0,0,0,0,0,0,0,0,0,0,0,0,23,29,0,0,0,0,59,163,204,222,230,251,255,255,255,255,255,202,83,33,7,0,0,0,0,45,131,163,160,173,199,235,241,233,222,199,183,173,147,142,155,139,69,43,11,0,0,0,0,9,39,65,134,139,113,65,55,98,160,191,199,194,176,178,209,225,194,173,155,168,202,199,134,53,19,15,45,15,0,0,0,0,0,0,0,0,25,82,77,23,3,0,0,0,0,0,0,0,0,0,0,0,0,21,41,43,61,129,165,176,157,147,157,165,176,191,183,168,97,77,74,77,85,85,93,107,111,93,73,71,91,150,163,150,147,109,150,152,144,105,103,99,91,87,93,131,137,95,89,87,93,93,77,63,47,43,47,77,87,61,43,43,45,45,69,63,44,41,49,77,97,144,152,163,173,189,196,173,147,91,73,89,107,103,109,165,178,163,117,163,181,204,194,187,187,196,191,178,170,186,207,215,207,196,194,183,178,163,155,113,107,105,105,103,97,95,95,99,99,97,85,65,45,55,69,71,61,61,75,85,93,131,152,137,121,91,85,81,77,73,70,70,73,79,83,83,71,55,49,49,47,47,59,71,75,75,75,74,81,85,85,77,77,75,75,77,81,79,70,70,71,77,65,17,0,2,31,59,59,41,15,0,0,126,176,170,150,134,95,89,89,91,93,82,77,87,150,168,168,152,152,176,202,212,204,207,215,233,241,243,254,255,255,255,255,255,255,255,255,246,233,222,220,202,178,157,168,176,144,90,19,0,3,49,79,49,0,0,176,255,255,139,27,0,0,0,40,74,64,46,33,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,113,121,118,113,111,111,109,131,150,168,168,157,144,124,105,63,51,45,33,23,21,21,13,1,0,5,11,0,0,0,0,0,21,65,118,118,81,77,79,59,51,54,67,118,126,134,139,147,152,152,142,124,100,41,0,0,0,0,0,7,0,0,0,95,98,65,45,31,33,55,103,108,79,77,81,113,121,118,116,108,108,105,105,116,126,137,144,173,196,209,215,215,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,0,1,17,25,9,0,0,0,4,0,20,27,30,23,25,48,77,105,137,157,163,168,168,181,186,199,0,0,0,0,183,0,209,209,194,194,194,191,186,181,168,150,134,129,0,0,0,0,0,0,59,43,25,12,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,95,131,163,194,212,212,204,194,186,160,129,85,73,67,73,97,168,178,168,111,93,73,73,101,160,113,102,101,113,170,181,181,181,181,181,181,189,199,199,194,189,189 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,13,7,0,0,0,0,0,64,194,199,103,69,0,0,0,0,0,0,0,0,37,165,194,196,163,85,55,57,58,81,155,170,176,178,196,204,202,204,204,207,209,212,209,207,204,204,202,199,199,202,204,202,196,191,191,183,125,112,111,125,181,183,181,178,135,135,135,178,178,178,178,178,178,183,189,189,189,191,196,199,199,199,196,196,196,196,199,204,196,194,202,212,215,217,222,222,225,222,217,215,212,211,209,211,215,220,222,217,215,212,209,204,194,189,191,189,141,140,186,186,141,140,140,141,143,143,189,191,202,212,212,204,199,199,204,209,215,215,207,200,199,202,207,212,212,212,215,215,209,202,198,198,204,215,222,225,228,230,233,233,225,93,38,31,40,145,207,217,212,196,194,199,204,202,199,196,199,199,199,196,194,191,199,204,204,202,204,212,217,222,217,207,199,194,143,135,135,141,191,199,202,199,194,192,194,194,194,199,204,209,209,207,202,199,204,204,204,209,222,222,212,204,202,199,199,196,199,202,204,207,204,143,139,141,191,196,196,199,199,202,204,204,207,204,202,202,207,207,207,207,204,202,202,202,204,209,209,204,196,191,189,191,189,186,189,194,199,204,207,209,209,207,204,204,207,212,215,217,217,222,222,215,204,189,191,196,194,191,186,139,183,186,186,186,191,202,209,212,215,217,222,217,215,212,215,217,215,207,191,139,133,133,137,186,196,207,215,215,211,212,217,222,225,225,222,215,212,211,211,211,212,217,222,217,215,212,207,199,191,183,135,127,125,183,191,194,189,187,187,189,189,191,194,202,207,207,202,191,181,131,128,129,178,189,189,181,181,189,189,189,194,194,189,183,186,191,186,111,110,119,127,170,168,121,117,113,115,123,178,191,196,196,194,194,191,186,186,186,189,189,191,191,191,191,194,194,189,186,189,191,194,196,196,191,191,194,199,196,194,194,194,191,181,119,114,115,131,194,202,202,202,194,179,181,196,204,202,194,183,132,129,128,131,137,189,194,194,196,199,204,209,212,215,217,217,215,212,212,212,209,194,179,186,196,204,196,121,59,36,43,77,212,225,217,181,133,191,207,207,107,109,129,129,125,127,135,194,202,194,181,181,191,199,202,199,196,199,204,204,204,204,202,202,196,196,194,194,194,196,199,202,202,199,189,131,122,125,137,186,196,199,196,196,202,207,209,212,212,215,215,215,215,215,220,222,222,222,222,222,222,225,228,228,225,225,222,222,222,225,225,225,225,225,222,215,215,215,215,212,202,145,135,133,133,133,137,143,194,199,196,196,196,199,202,204,204,207,209,209,209,209,209,209,212,209,209,212,215,217,217,215,212,212,212,207,204,209,204,196,199,207,215,222,222,212,207,202,191,187,196,207,209,212,212,212,215,212,202,189,189,199,209,212,212,209,207,204,207,207,207,204,204,204,204,199,199,202,207,207,204,200,200,202,207,207,204,202,207,217,215,215,225,225,217,215,217,217,217,217,215,215,217,217,217,215,217,217,217,220,222,222,222,217,215,217,222,228,233,233,230,228,225,225,225,222,217,222,225,228,230,225,215,217,222,215,207,207,215,225,233,233,228,225,220,220,225,233,238,235,230,225,225,222,217,216,216,216,217,225,228,220,215,215,215,212,209,209,212,209,207,207,207,209,207,207,204,204,204,209,212,212,212,212,209,209,209,209,209,207,209,215,222,222,222,225,222,217,215,217,222,225,222,215,209,204,199,196,195,199,209,215,217,215,212,212,212,212,215,215,215,212,209,209,209,207,202,200,199,200,204,209,215,215,212,209,207,207,207,207,207,207,209,209,209,207,204,204,204,204,204,202,199,196,199,202,204,209,212,207,194,143,139,137,133,128,133,143,196,202,204,209,212,225,233,238,238,241,243,243,241,238,238,241,243,243,241,230,215,212,213,222,230,230,230,230,230,230,225,215,209,207,207,212,217,222,222,217,217,215,209,205,205,207,209,209,209,207,202,199,199,202,202,204,207,209,212,215,212,207,207,209,215,215,212,209,209,212,209,207,207,212,215,215,209,204,202,198,198,202,204,207,207,204,202,199,191,183,181,189,191,194,191,189,189,191,191,189,189,186,178,131,130,133,178,181,181,181,181,178,176,173,131,127,125,123,123,123,121,119,117,113,107,107,111,121,125,125,125,129,176,181,183,186,186,183,181,178,131,133,178,186,189,191,191,191,191,194,196,191,186,185,185,189,191,194,191,191,196,202,209,212,212,209,209,212,215,220,222,225,228,233,235,238,241,243,243,241,125,125,109,51,0,3,87,115,181,194,181,163,183,209,209,202,207,217,217,217,246,255,235,168,121,113,73,53,0,0,0,0,0,53,87,87,92,57,49,103,194,215,178,129,118,92,19,0,11,31,98,163,196,173,111,40,38,40,40,40,41,41,47,59,45,37,43,65,98,103,116,139,150,131,98,79,47,17,19,0,53,61,92,137,165,181,204,254,255,255,248,199,134,30,0,0,0,0,0,33,40,20,13,25,9,0,0,0,35,189,235,170,19,5,147,204,207,199,98,3,0,0,0,0,0,0,0,0,0,0,0,11,43,39,17,3,49,116,155,189,212,215,222,235,243,255,255,255,233,152,83,71,53,0,0,0,0,65,155,178,168,173,181,189,202,230,233,225,202,176,150,150,150,124,69,69,61,29,0,0,5,45,108,150,113,92,63,61,0,0,0,189,176,160,152,170,225,230,186,160,163,173,191,191,155,95,37,9,15,0,0,0,0,0,0,0,0,0,3,90,85,11,0,3,0,0,0,0,0,0,0,0,0,0,11,27,29,23,39,93,173,178,157,138,138,143,157,191,196,176,97,77,73,79,87,87,93,107,109,101,93,99,163,183,160,107,97,91,95,109,150,144,103,105,137,91,77,75,77,79,81,95,131,89,71,57,47,46,53,91,129,75,59,67,67,61,75,75,51,44,51,77,91,137,150,160,170,181,173,155,97,73,57,65,93,109,168,191,202,191,178,178,199,215,204,187,187,196,196,189,176,189,207,215,207,202,194,181,160,115,107,107,99,99,105,109,109,105,139,152,155,137,75,33,23,39,63,61,58,61,77,89,124,131,137,126,93,126,91,89,89,81,73,70,70,77,89,89,77,63,59,67,71,69,71,77,77,75,72,73,79,85,83,77,77,77,75,77,81,79,73,71,77,85,65,17,0,1,37,65,71,59,29,11,39,191,202,191,157,139,95,89,86,88,93,86,83,87,101,150,157,150,146,170,204,212,204,207,215,233,241,251,255,255,255,255,255,255,255,255,255,255,241,228,222,202,181,176,191,199,189,157,90,9,0,17,21,0,0,0,176,241,178,77,21,7,7,0,56,82,72,59,35,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,15,5,7,45,90,100,108,113,107,99,105,124,142,147,147,144,142,124,113,95,63,51,29,11,13,25,25,7,0,0,0,0,0,0,0,23,59,111,139,137,131,129,126,69,55,58,73,129,144,150,147,152,152,144,139,124,111,53,0,0,0,0,0,7,0,0,0,95,67,59,37,19,17,35,59,71,71,75,113,121,129,129,134,124,108,100,99,104,118,137,152,183,204,225,225,212,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,25,0,0,0,9,9,0,0,0,0,9,20,20,27,43,43,53,72,105,137,155,163,165,168,173,186,189,199,0,0,0,0,0,0,0,0,0,0,0,0,0,168,150,134,0,0,0,0,0,0,79,59,43,25,12,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,79,121,150,186,207,207,186,178,176,160,129,87,77,67,67,85,105,157,105,93,79,61,61,93,160,160,113,105,109,163,170,170,170,173,181,183,199,207,209,202,199,194 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,82,69,0,0,0,0,0,0,87,66,0,0,0,0,0,0,0,0,0,0,0,53,168,134,59,61,57,55,57,67,163,194,181,172,178,196,199,202,204,207,209,209,207,207,207,207,204,204,204,202,202,199,194,194,194,186,125,115,121,131,133,135,181,181,178,178,178,181,186,186,183,183,183,191,196,196,194,196,199,202,202,199,196,196,199,199,202,202,196,192,196,207,209,215,222,222,222,222,217,215,212,209,208,211,215,222,222,217,215,215,212,204,194,189,189,191,189,191,196,202,199,191,186,186,189,191,189,191,202,215,212,202,196,199,204,209,215,215,207,202,202,207,209,212,215,212,207,204,199,198,196,199,207,215,225,228,228,230,230,228,222,209,101,91,107,209,217,222,212,196,194,196,202,202,202,199,196,192,192,194,194,194,202,215,217,217,225,230,233,233,228,217,207,196,137,130,131,139,196,207,209,207,199,194,192,192,192,199,207,209,204,196,190,191,199,202,202,209,217,217,207,196,194,195,195,196,202,204,204,204,202,189,142,189,194,194,196,202,204,204,207,207,204,200,199,202,207,209,207,207,204,202,202,204,207,209,209,204,199,194,194,189,186,185,189,194,196,196,199,204,204,202,202,204,207,212,215,215,217,225,222,212,199,183,139,133,127,135,135,135,183,191,194,189,189,194,202,207,212,217,222,222,215,212,215,215,207,199,191,186,139,137,135,135,186,199,212,212,211,212,217,222,225,225,222,217,215,212,211,212,215,217,220,217,215,212,207,196,137,134,137,191,202,209,207,199,196,196,196,196,194,194,196,202,207,209,199,181,131,133,178,183,194,202,196,189,183,183,178,176,183,186,183,181,183,186,178,121,113,113,117,127,170,127,121,117,117,125,181,191,194,191,191,194,191,191,189,189,189,189,189,189,189,194,196,189,176,173,189,196,196,199,199,196,194,194,196,196,191,191,194,191,129,112,116,129,183,196,196,194,199,194,177,177,191,199,196,191,186,135,130,129,131,181,191,194,196,199,202,202,204,207,212,215,215,215,212,212,212,212,199,181,183,186,137,67,32,26,32,58,196,220,228,217,119,103,119,183,129,103,105,127,135,133,135,181,191,196,191,183,183,191,202,202,196,191,191,196,199,202,207,209,207,202,202,199,199,199,199,199,202,204,199,189,131,120,125,194,202,202,202,199,199,202,207,209,212,212,212,215,215,215,217,222,222,222,222,222,222,225,228,230,230,228,225,222,222,222,225,225,228,225,225,217,213,213,215,215,212,204,191,139,133,133,133,133,139,191,196,196,196,196,202,204,204,204,204,204,207,204,207,209,212,215,212,209,209,212,215,215,215,212,209,209,202,196,199,204,204,207,209,215,222,217,209,204,202,191,185,187,196,207,215,217,215,217,217,209,199,191,194,202,212,215,212,209,207,207,207,204,202,202,199,199,196,199,204,207,204,202,200,200,202,204,204,202,199,204,209,212,215,225,225,215,211,215,215,215,217,222,222,222,217,215,213,213,215,217,220,222,222,222,222,222,225,230,233,233,230,230,228,225,225,222,215,215,220,225,225,225,215,212,213,215,215,215,217,222,228,230,228,222,216,216,217,228,235,238,238,233,230,228,222,217,216,216,215,216,222,225,222,215,215,212,209,209,215,217,217,215,212,212,212,212,209,207,204,204,207,209,212,212,212,212,209,209,207,202,199,202,212,217,222,222,220,212,204,204,212,225,225,222,217,212,209,207,202,199,199,204,212,215,217,215,212,212,212,215,215,212,209,209,207,207,204,202,200,200,202,204,209,212,212,212,212,209,209,209,207,204,204,207,212,215,215,207,203,203,203,204,202,202,202,204,207,209,215,217,212,204,199,191,141,133,128,129,139,191,196,202,202,204,225,235,235,238,246,248,243,238,238,241,241,243,243,241,235,228,222,222,228,233,235,235,238,235,233,228,217,212,209,209,215,222,225,225,222,217,215,209,205,207,209,212,212,209,207,204,199,199,199,202,204,207,209,209,212,212,207,207,209,215,212,209,207,209,212,209,203,203,207,212,212,209,207,204,202,202,204,207,207,207,204,202,196,186,137,136,181,186,189,189,189,189,194,191,189,186,186,181,176,176,178,181,183,183,186,186,183,183,181,178,173,129,127,127,127,125,123,119,113,109,109,113,121,123,122,122,127,173,178,181,178,178,176,176,178,178,178,181,183,186,189,191,191,191,191,191,189,185,183,185,186,189,191,191,194,196,204,209,212,212,215,215,217,222,225,228,228,230,235,238,238,238,241,241,238,120,170,127,69,0,0,0,51,99,170,163,152,189,238,235,215,207,217,228,233,246,246,207,87,59,67,61,23,0,0,0,0,0,39,95,87,57,49,46,57,126,126,57,33,39,19,0,0,0,0,51,191,228,181,57,30,40,57,67,67,57,41,27,15,12,14,33,105,157,170,157,157,189,181,124,85,43,23,0,0,27,27,53,103,129,124,139,215,0,254,189,113,48,0,0,0,0,0,33,59,46,3,0,0,0,0,0,0,0,9,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,37,45,37,25,41,160,181,202,212,220,215,222,235,243,255,255,255,215,83,51,57,57,0,0,0,0,51,152,178,160,142,137,144,168,202,241,255,248,225,183,178,157,98,63,69,105,63,43,29,27,45,124,155,111,62,63,105,0,0,0,0,176,150,142,165,225,225,168,142,150,155,165,170,142,87,13,0,0,0,0,0,0,0,0,0,0,0,0,51,69,13,11,49,51,47,3,0,0,0,0,0,0,0,35,33,11,0,7,63,160,178,163,142,140,143,147,181,196,176,97,77,77,85,91,87,91,105,109,113,113,168,183,189,160,107,93,77,73,91,103,142,103,105,139,97,73,62,64,69,73,89,89,75,75,69,57,67,79,126,129,73,59,69,79,81,87,77,51,44,61,85,91,91,131,144,155,160,155,99,79,55,54,57,83,155,194,212,220,217,209,204,215,215,207,194,194,196,191,191,189,199,204,207,207,196,181,160,119,111,105,99,93,92,97,103,109,147,157,170,173,142,27,8,10,35,67,65,61,77,93,126,124,124,93,85,87,93,89,89,89,87,81,79,81,91,126,126,89,81,79,85,87,85,79,79,81,75,74,74,77,79,77,77,77,79,83,81,81,87,116,113,113,118,69,13,0,1,31,49,63,63,47,51,152,217,217,202,168,142,97,91,87,88,93,99,93,87,87,95,109,152,155,173,189,204,191,207,225,248,254,255,0,0,0,0,255,255,255,255,255,255,255,241,230,207,191,183,183,176,165,165,144,49,0,0,0,0,0,0,191,191,103,59,21,11,17,40,64,74,56,35,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,74,39,25,35,32,35,98,121,108,99,105,118,134,131,129,126,126,124,121,103,67,45,7,0,0,21,27,15,0,0,0,0,0,0,37,65,111,137,142,139,144,144,144,85,63,67,121,137,152,155,155,147,144,134,126,121,105,51,1,0,0,0,0,1,23,45,63,87,87,59,37,17,11,23,41,59,63,73,113,126,137,134,137,134,121,105,99,104,126,155,176,196,212,225,228,222,194,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,0,0,0,9,14,1,0,0,0,4,12,20,53,72,66,53,64,92,129,150,155,160,165,168,173,181,189,0,191,183,0,0,0,0,0,0,0,0,176,170,165,150,126,0,0,0,0,0,0,79,64,43,25,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,66,105,137,168,186,186,170,160,147,137,121,87,79,67,57,65,81,93,93,85,73,59,61,93,160,160,113,105,107,115,117,163,163,173,183,189,202,209,217,209,202,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,30,0,0,0,157,230,225,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,81,53,59,97,152,144,103,160,194,183,169,168,173,186,196,202,207,207,207,204,207,209,209,207,207,207,204,204,202,196,196,196,186,129,127,133,135,129,127,133,181,181,181,186,191,196,196,194,189,189,194,202,202,196,196,199,199,199,199,196,199,199,202,202,202,194,192,194,202,207,215,217,217,217,220,217,215,215,215,212,215,217,222,222,217,215,215,212,204,194,189,189,189,191,196,204,204,202,196,189,186,189,191,191,189,199,209,209,202,194,196,199,204,209,212,207,204,207,212,212,212,212,207,204,202,199,198,198,202,209,217,228,230,228,225,222,222,222,230,209,202,209,225,228,225,215,202,196,202,204,204,204,202,199,194,194,194,192,192,199,217,228,228,230,235,238,235,233,225,215,204,143,131,132,194,212,217,225,225,215,207,204,202,202,204,207,204,196,191,189,190,194,196,196,196,196,199,196,195,194,195,195,196,199,202,199,199,199,194,194,196,199,196,199,207,207,204,204,204,202,202,202,207,209,212,209,209,207,204,204,207,207,207,204,204,202,202,196,186,181,183,189,194,196,194,194,199,202,204,204,207,207,207,207,209,215,222,222,212,199,137,133,128,124,135,135,135,189,199,196,191,187,189,194,202,207,215,217,217,212,212,217,209,194,186,189,191,189,141,135,135,141,199,212,215,212,212,215,217,222,225,222,222,217,215,212,212,215,217,217,215,215,215,212,196,135,133,189,207,215,215,212,209,207,207,207,204,199,196,196,204,215,212,194,133,131,189,196,202,207,207,199,189,178,173,169,169,174,181,181,176,176,176,170,127,117,111,111,123,170,168,125,123,121,125,176,186,189,189,189,191,194,191,189,189,189,189,183,183,189,194,191,123,107,119,186,196,194,194,199,196,194,194,194,194,191,190,194,186,111,101,183,191,183,181,181,183,191,189,178,178,186,191,191,189,186,181,135,135,183,191,194,196,199,199,202,202,202,207,212,217,217,215,217,215,209,212,204,186,191,196,129,48,31,35,95,202,215,212,207,125,79,78,83,83,80,113,115,135,189,189,186,183,189,191,189,183,181,189,196,199,196,194,191,190,194,202,207,209,209,204,202,202,202,199,202,202,204,204,194,183,129,121,128,204,207,207,204,202,202,204,207,209,212,212,212,212,212,215,217,222,225,225,225,225,225,228,230,230,230,225,222,217,220,222,225,225,225,225,225,222,215,213,215,215,212,207,196,143,137,135,135,137,139,194,196,196,196,196,199,202,204,204,204,204,202,202,204,207,212,215,215,212,212,212,215,215,212,212,215,212,199,139,141,202,207,209,212,215,217,215,209,207,204,196,186,185,189,199,212,222,217,215,215,215,212,202,194,199,212,215,212,209,207,207,204,202,202,199,194,191,191,199,204,207,207,204,200,199,202,207,207,199,194,199,207,212,217,225,222,212,209,212,215,217,220,225,225,225,222,217,215,215,215,217,217,217,222,222,222,225,230,233,233,230,228,228,225,222,222,217,212,212,217,228,228,225,217,213,215,217,217,217,222,225,228,228,225,217,216,215,222,230,235,235,233,230,230,230,225,222,217,217,217,217,222,225,222,217,215,212,212,215,217,222,217,215,212,212,212,212,209,207,207,204,207,207,209,212,215,212,209,207,204,199,198,199,207,215,217,217,215,202,141,143,209,222,225,225,217,215,212,212,209,204,202,204,209,215,222,217,215,212,212,212,212,212,209,207,207,207,207,207,204,207,207,209,212,212,212,215,215,215,215,212,209,204,204,204,212,217,217,212,204,204,204,207,207,204,204,207,209,212,215,217,215,209,207,199,143,135,129,129,137,145,196,202,202,204,222,230,230,235,248,251,243,238,241,243,246,243,241,241,238,233,230,228,230,233,235,235,235,235,233,228,222,215,212,212,215,225,228,225,222,217,215,207,205,207,212,212,209,209,209,207,202,199,199,199,202,204,207,207,209,209,207,207,209,212,212,207,204,207,215,212,203,202,207,212,209,207,207,204,204,204,204,207,207,207,204,204,199,189,137,134,135,181,186,186,186,189,194,194,189,186,186,183,181,181,181,183,186,189,189,189,189,189,186,183,181,176,173,129,129,173,129,125,119,113,111,115,121,123,123,123,127,173,178,176,173,131,131,133,178,183,183,183,183,189,191,189,189,186,189,189,189,186,186,186,189,189,191,191,194,196,202,204,207,209,212,215,217,222,225,228,230,233,238,238,238,238,241,238,235,117,170,181,99,0,0,0,0,57,115,163,163,209,255,243,203,202,222,235,235,230,199,85,20,29,57,61,33,0,0,0,0,0,0,53,57,53,53,59,92,92,39,0,0,0,0,0,0,0,0,0,183,238,196,105,45,71,118,134,144,126,73,41,21,14,23,69,170,196,178,129,105,131,116,45,37,43,41,27,0,33,53,61,69,85,72,87,131,168,168,131,74,33,5,1,33,64,53,33,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,33,45,43,37,31,53,163,191,212,230,230,222,222,230,254,255,255,255,233,83,0,0,0,0,0,0,0,0,71,144,144,67,61,129,155,157,191,255,255,241,235,248,235,139,69,100,98,51,37,23,0,5,92,160,126,67,105,155,0,0,0,204,183,157,144,160,199,191,142,116,121,116,118,124,95,27,0,0,0,0,0,0,0,0,0,0,0,0,0,15,69,43,35,53,111,129,47,0,0,0,0,0,0,0,45,33,3,0,0,35,131,176,176,165,165,152,147,173,191,165,85,71,71,85,87,81,85,97,109,160,178,183,183,173,163,150,97,71,66,71,85,95,95,97,103,97,73,62,64,75,75,87,72,65,81,85,77,89,91,83,71,52,50,56,73,89,93,69,37,36,69,142,137,91,91,137,147,147,105,81,55,52,53,61,89,176,212,220,220,230,220,215,215,215,212,204,204,204,202,204,209,209,207,207,207,196,163,121,121,119,107,99,93,89,89,97,103,142,147,157,152,89,6,5,12,45,79,81,83,129,144,134,95,93,84,82,83,84,82,83,85,89,93,129,129,139,126,126,95,93,93,87,85,83,83,83,83,81,77,75,75,74,74,77,81,91,121,129,129,129,129,126,124,126,69,13,0,2,21,23,33,51,59,121,170,178,176,176,173,150,129,91,91,93,93,99,99,93,82,83,97,150,168,178,178,176,176,207,241,255,255,0,0,0,0,255,255,255,255,255,255,255,255,251,230,207,191,173,142,69,55,111,137,90,0,0,0,0,0,0,212,147,85,59,29,15,17,46,64,59,38,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,87,82,39,35,27,31,92,131,118,111,116,124,131,124,113,108,108,108,113,95,55,29,0,0,0,25,31,23,11,1,0,0,3,19,67,113,137,142,142,139,139,147,150,126,75,85,134,144,152,150,147,139,134,124,116,113,73,47,19,5,0,0,0,1,17,37,59,87,87,63,41,19,11,17,35,49,61,73,116,129,129,129,134,134,129,113,104,111,139,168,189,204,225,235,241,233,199,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,14,0,0,9,25,20,1,0,0,4,12,38,61,77,64,43,48,79,118,142,147,155,160,165,165,170,173,181,183,176,0,0,0,0,0,0,173,168,168,168,157,139,129,0,0,0,0,0,92,79,66,43,25,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,98,124,147,157,157,139,126,113,81,77,73,71,57,35,33,53,71,73,73,73,64,67,99,150,109,103,105,109,115,114,115,163,181,189,199,207,217,217,209,207,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,30,0,0,66,196,241,235,113,0,0,0,0,0,0,0,0,29,0,0,0,0,9,23,49,0,0,0,0,75,49,43,152,212,212,189,157,176,183,176,168,169,176,183,191,202,204,204,204,207,209,209,209,209,209,207,209,207,202,199,196,183,135,135,181,133,125,124,129,178,183,183,189,196,202,199,194,186,186,191,196,199,196,194,194,194,194,194,196,199,199,202,202,202,196,192,194,199,204,209,212,212,215,215,212,215,217,217,217,217,222,222,222,217,215,215,212,207,196,189,187,189,189,194,199,199,199,194,191,189,186,189,191,191,196,202,202,199,196,194,196,196,202,204,204,207,212,215,212,212,209,204,202,202,202,199,199,202,209,217,228,228,225,215,212,215,222,228,215,209,215,228,233,230,222,209,204,207,209,209,212,207,204,202,202,199,194,192,204,222,230,230,233,233,235,235,233,230,225,217,199,137,139,209,225,230,233,233,228,217,215,212,209,209,209,202,194,194,194,194,199,199,195,192,192,195,199,199,199,199,196,196,199,199,199,199,202,196,194,196,199,199,204,204,202,202,199,196,196,204,209,212,212,212,212,209,207,202,202,202,204,207,207,204,204,204,199,186,181,183,191,194,194,191,194,199,204,207,207,204,204,202,202,204,207,212,215,209,199,131,129,131,137,189,139,139,191,199,196,191,187,187,191,196,199,207,212,212,209,209,215,207,189,182,186,191,191,186,141,186,194,204,212,215,212,212,212,215,217,222,222,222,217,217,215,215,215,215,215,212,212,215,212,196,139,141,204,215,215,215,212,212,212,209,204,204,202,199,191,196,209,207,183,133,181,196,202,204,209,204,194,183,176,170,169,169,174,178,181,176,173,170,127,123,111,106,106,123,168,168,168,127,125,123,129,176,181,183,189,191,194,191,189,189,189,189,178,181,189,183,121,81,82,113,191,199,194,191,194,194,191,189,191,194,191,191,191,178,105,101,194,196,178,123,120,123,183,186,183,183,183,183,189,191,186,137,137,183,191,194,191,194,196,199,199,202,202,207,215,222,225,222,222,215,207,204,199,189,199,204,196,137,127,183,209,215,209,204,109,71,69,79,91,86,80,186,178,191,196,194,189,183,183,191,191,186,181,183,191,199,199,196,191,190,191,199,207,209,207,204,202,202,202,202,202,204,204,202,191,137,128,125,181,207,209,207,204,202,202,204,207,209,212,212,212,212,215,217,222,222,225,225,228,225,225,228,228,230,230,225,217,215,215,217,222,222,222,222,225,222,217,217,217,217,215,209,202,191,141,141,141,141,189,196,199,196,196,194,196,196,199,202,202,202,202,200,202,207,212,215,215,215,215,215,215,212,209,212,215,207,189,119,117,199,209,212,215,217,217,215,207,207,209,204,191,186,185,189,204,215,215,209,207,212,217,212,204,202,209,215,215,212,209,207,204,202,199,196,191,187,189,196,204,207,207,207,202,199,200,207,209,199,192,194,202,212,222,225,222,215,212,212,215,217,222,222,225,225,225,222,217,217,217,217,217,217,216,216,217,225,228,228,228,225,222,222,217,217,217,212,211,211,217,228,228,228,225,222,225,225,225,222,225,228,228,228,222,217,216,216,225,233,235,235,230,228,228,228,222,217,220,222,222,222,225,222,222,222,217,217,222,225,225,222,215,212,212,212,215,212,209,207,207,204,204,207,207,209,212,212,209,204,202,199,199,199,204,212,217,217,212,149,130,130,196,217,225,225,222,217,217,215,215,212,207,204,209,215,222,217,215,212,209,209,209,209,209,209,209,212,212,212,212,212,215,215,215,212,215,215,217,217,217,215,212,209,204,204,207,215,217,215,209,207,209,209,207,204,202,202,204,209,212,215,212,209,209,202,191,139,133,129,133,141,196,202,202,207,217,225,228,233,243,248,246,241,243,246,248,243,241,238,235,233,230,230,230,233,235,235,235,233,230,228,225,225,222,217,222,225,228,225,225,222,215,209,207,207,212,212,209,209,212,212,207,202,199,199,202,202,204,207,207,207,207,209,209,209,209,207,204,207,215,215,205,204,209,212,207,204,204,204,204,204,204,207,207,207,207,204,202,194,183,135,133,137,183,183,183,186,191,191,189,186,186,186,186,186,183,183,186,186,189,189,191,191,189,189,186,183,181,176,176,178,178,176,129,123,119,121,125,127,127,127,131,176,178,176,131,130,130,131,176,186,189,189,189,191,191,189,186,185,186,189,189,191,191,194,194,191,191,194,194,196,199,199,202,204,209,212,215,215,215,217,225,230,238,238,238,238,241,238,233,113,120,170,113,59,0,0,0,35,115,173,163,202,246,220,189,196,222,238,238,228,186,61,10,18,35,53,41,21,33,254,255,0,19,61,105,103,105,113,113,61,9,0,0,0,0,0,0,0,0,17,163,209,181,108,71,111,150,183,191,176,137,105,59,15,23,65,147,155,69,15,3,0,0,0,0,17,33,17,13,0,0,0,0,61,66,72,95,124,147,147,116,74,48,59,90,77,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,33,43,45,43,39,49,137,178,212,248,255,241,215,215,235,254,255,255,254,150,0,0,0,0,0,0,0,0,0,47,71,53,65,144,163,157,173,225,241,251,255,255,255,248,144,108,47,7,7,3,0,0,65,178,111,55,105,165,189,202,204,199,191,168,147,152,178,160,129,113,95,57,47,39,9,0,0,0,0,0,0,0,0,0,0,7,27,0,0,13,90,103,49,26,27,103,100,51,21,0,0,0,0,0,29,31,11,0,11,55,131,173,183,183,189,176,168,178,183,144,79,68,71,71,71,67,71,89,109,173,191,191,176,161,168,168,107,77,68,72,89,97,93,93,93,85,73,64,69,75,81,81,61,56,79,126,91,89,73,59,53,50,50,56,73,89,131,75,40,40,89,163,157,137,134,142,155,155,99,73,52,49,55,75,109,194,212,209,212,220,212,212,207,204,204,212,215,212,212,212,217,215,209,207,212,204,181,168,168,119,105,93,93,92,92,101,109,109,144,144,101,71,13,15,35,61,79,91,129,137,142,87,83,89,84,83,85,82,82,83,85,89,131,144,144,129,79,77,85,126,134,87,79,78,79,83,83,81,83,81,79,74,73,75,83,131,139,147,147,144,134,126,124,131,73,7,0,5,23,16,18,39,69,129,118,7,23,124,160,157,134,91,84,85,85,93,101,101,89,85,85,95,155,163,165,157,165,191,230,255,255,255,0,0,0,255,255,255,255,255,255,255,255,251,230,199,176,150,105,39,17,29,55,33,0,0,0,19,0,0,194,82,69,64,46,13,0,48,61,56,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,0,0,0,0,0,0,0,0,0,0,17,77,98,85,55,41,45,108,134,131,137,134,137,134,124,111,103,103,105,105,67,47,25,0,0,21,103,59,51,43,37,27,35,49,69,116,139,144,144,139,133,131,137,144,134,124,131,137,142,144,142,131,129,126,111,103,100,71,47,33,27,21,13,3,1,11,27,45,49,61,63,43,23,7,13,27,47,57,73,116,126,129,121,118,126,131,129,118,118,139,168,189,204,225,241,248,248,222,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,17,0,7,17,27,14,9,20,27,30,40,53,53,43,30,48,79,113,129,137,147,155,160,163,160,160,163,170,170,0,0,0,0,0,186,168,165,168,168,157,147,129,0,0,105,0,0,0,79,59,43,25,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,87,105,121,121,121,113,73,61,57,57,57,49,33,15,14,25,41,51,55,67,67,85,147,168,113,103,107,113,115,112,115,163,181,199,207,209,217,220,217,209,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,196,220,220,176,0,0,0,31,64,0,0,0,0,0,0,0,0,103,144,215,131,0,0,0,0,0,0,97,212,212,189,112,163,183,196,189,181,181,176,181,194,204,204,204,207,209,212,209,207,207,207,209,209,204,202,199,186,181,135,127,121,120,123,133,183,189,189,194,199,202,196,189,183,182,182,191,196,196,194,191,186,189,191,194,199,199,202,202,202,199,194,196,202,204,204,207,207,209,212,209,209,215,215,217,220,222,222,222,217,215,217,215,207,196,189,187,189,189,191,191,194,196,196,194,191,189,191,194,199,199,196,196,196,196,194,194,196,196,202,207,212,215,215,215,212,204,199,196,196,196,196,196,204,209,217,222,222,215,207,204,212,225,230,222,209,209,230,233,233,228,212,204,207,212,215,217,209,204,204,204,204,196,196,207,225,230,233,233,233,233,233,233,230,230,225,209,191,194,215,230,235,235,235,230,225,217,215,212,212,212,202,199,207,212,209,204,202,196,195,196,202,209,209,207,207,204,202,202,202,202,204,204,196,191,194,202,204,207,204,199,196,195,195,196,204,215,217,212,209,209,207,204,202,199,199,202,207,209,207,204,204,204,196,189,189,191,191,189,189,194,202,209,212,209,204,202,199,199,199,199,191,194,196,189,123,124,137,209,212,196,191,196,199,191,186,187,189,191,194,194,199,207,209,207,207,209,207,191,182,183,189,189,189,189,191,199,204,207,207,207,207,209,212,215,217,220,222,217,217,215,212,212,215,212,209,209,209,204,194,189,199,212,217,215,215,215,212,209,202,196,196,199,196,186,183,189,183,135,181,196,202,204,204,204,196,183,178,176,176,176,178,181,183,183,181,178,176,125,117,96,102,107,123,168,166,168,170,127,123,125,129,176,181,186,191,194,191,189,189,186,181,170,178,183,178,119,84,88,123,194,202,194,191,189,186,185,186,191,194,194,194,191,129,109,116,189,196,183,123,116,118,181,183,186,189,183,181,186,191,186,136,135,183,194,194,191,190,194,196,199,202,204,209,215,222,225,225,217,207,199,199,191,135,191,207,209,204,196,196,207,204,183,121,93,79,87,183,204,204,202,204,199,199,191,183,181,181,183,196,199,191,178,178,189,196,199,199,194,191,191,194,199,202,204,202,202,202,202,204,202,202,202,199,191,137,128,129,189,204,207,207,202,199,199,202,207,209,212,212,212,212,215,217,215,215,215,222,225,225,225,225,225,228,228,222,215,213,215,217,222,222,217,217,222,222,222,222,222,222,215,212,207,196,189,189,191,191,191,199,199,199,194,194,194,196,196,199,202,202,202,202,204,209,215,215,215,217,217,217,215,209,207,212,212,141,121,109,107,202,209,212,215,217,217,209,204,204,207,209,202,191,186,185,194,207,207,202,202,207,217,222,212,207,207,212,212,212,209,209,204,202,199,194,189,186,189,194,202,204,207,209,204,200,202,209,212,204,194,190,191,204,217,225,225,225,222,217,217,217,217,217,222,222,222,217,217,217,217,217,217,217,216,216,217,222,222,222,217,215,215,212,212,215,215,212,211,212,222,225,222,225,228,230,230,230,228,228,228,230,230,228,225,222,217,217,225,230,233,233,230,230,228,217,212,211,215,222,225,225,225,222,222,222,222,225,228,228,225,217,215,212,215,215,212,212,207,204,204,204,204,204,204,207,207,207,204,202,202,202,199,199,204,212,217,220,215,199,126,124,141,212,222,222,222,222,220,220,222,217,212,209,212,215,217,215,212,209,209,209,209,209,212,212,215,215,217,222,222,222,217,215,215,215,215,217,217,222,217,215,215,212,207,204,204,209,212,212,209,209,212,212,209,204,202,200,202,204,209,209,207,207,207,204,196,189,137,131,129,139,196,202,202,207,212,217,225,230,238,246,246,241,241,246,246,241,235,233,230,228,228,228,228,233,235,235,233,233,230,230,233,233,230,228,225,225,225,225,225,225,217,212,209,209,215,215,209,209,215,215,207,202,199,202,202,202,204,204,204,202,204,207,209,209,209,204,203,204,212,215,209,209,212,212,209,207,207,207,207,207,207,207,207,209,207,202,199,199,196,183,135,137,183,181,181,183,189,191,189,189,186,186,189,186,183,181,183,183,186,186,189,189,189,189,189,189,189,183,181,181,181,181,181,176,129,129,131,173,173,173,176,178,178,176,173,130,130,131,176,183,189,194,196,196,194,191,186,185,186,189,191,194,196,199,196,194,191,191,194,194,196,196,199,202,209,212,212,209,208,208,215,228,235,238,238,238,241,241,238,117,120,125,125,99,9,0,0,57,160,163,156,173,209,204,194,199,217,228,228,222,204,121,24,15,21,29,35,41,118,255,255,103,87,137,165,147,137,126,95,19,0,0,0,0,0,0,0,1,13,43,116,142,98,31,19,63,144,191,191,165,121,73,45,0,0,7,9,0,0,0,0,0,0,0,0,11,49,79,90,0,0,0,0,85,90,92,95,124,157,168,150,134,108,87,74,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,23,29,29,33,41,49,89,155,212,255,255,255,215,191,204,235,255,255,254,93,0,0,0,0,0,0,0,0,0,0,19,53,118,155,173,183,199,225,251,255,255,255,255,241,124,57,15,0,27,92,5,0,33,108,29,15,47,139,168,181,186,191,191,163,131,137,155,150,129,116,79,25,0,0,0,0,0,0,0,0,0,0,0,5,47,95,191,163,72,74,139,163,87,11,5,47,95,53,11,0,0,0,0,0,1,21,19,17,33,79,137,173,183,191,194,191,186,194,178,103,81,71,71,65,58,58,71,89,111,181,196,191,176,163,173,176,150,97,89,101,111,144,105,142,103,81,65,67,73,75,79,73,60,57,75,95,91,77,56,53,55,67,75,81,85,93,131,139,131,95,152,181,181,168,160,163,163,155,93,65,53,52,61,89,165,202,212,202,196,202,191,181,181,178,194,215,215,215,212,212,209,209,215,212,207,204,196,194,178,115,99,93,99,105,111,152,160,150,147,139,97,73,49,59,67,69,75,95,137,134,69,39,61,89,87,93,129,93,91,91,89,93,131,142,131,85,59,57,69,89,95,87,79,78,79,79,81,83,89,89,81,74,73,77,93,139,150,155,155,144,129,87,113,126,69,7,0,11,33,25,19,35,69,79,19,0,0,43,144,157,142,89,80,73,81,91,101,103,97,85,68,70,93,111,157,165,176,191,225,241,255,255,255,0,0,0,0,255,255,255,255,255,255,251,228,194,168,134,105,51,13,5,5,0,0,0,0,19,0,0,90,23,35,53,21,7,0,48,64,59,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,53,5,0,0,0,0,0,0,0,0,0,3,45,105,108,111,111,108,124,124,124,137,142,142,139,137,124,104,104,111,108,67,47,29,29,49,121,170,144,108,67,53,49,59,105,137,150,160,163,152,142,129,129,134,144,142,131,139,144,137,134,131,125,126,118,65,59,63,61,51,45,39,37,25,7,0,0,15,29,35,41,55,45,23,7,5,19,33,47,67,111,121,118,116,116,124,129,129,126,124,139,152,176,196,225,243,255,255,241,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,25,0,0,1,14,9,12,38,59,59,40,27,20,17,22,53,87,111,118,129,142,152,155,157,152,152,163,163,176,0,0,0,0,0,189,173,168,0,0,0,157,150,0,0,0,0,0,85,69,56,38,25,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,69,95,95,100,100,95,57,35,33,39,39,33,19,9,9,15,25,27,35,55,73,93,168,181,168,150,115,160,115,115,117,170,189,207,217,217,217,220,220,217,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,173,121,0,0,0,0,82,147,0,0,0,0,0,0,0,0,163,160,118,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,0,0,0,0,66,85,178,207,207,152,0,0,0,98,118,0,0,0,0,0,0,13,5,111,173,220,233,194,11,0,0,0,0,89,189,194,111,110,117,168,194,199,196,183,170,176,189,202,207,207,207,209,209,209,207,204,204,207,207,204,202,199,191,178,127,122,119,120,125,178,191,191,191,194,199,202,199,191,186,181,181,186,196,199,194,189,183,183,189,191,196,199,202,202,202,196,194,199,207,209,207,203,204,209,209,209,212,215,215,215,215,217,217,217,217,217,222,217,204,194,191,191,194,196,196,196,196,196,196,196,191,191,194,199,204,204,199,196,196,199,196,196,194,192,196,209,217,222,222,222,215,207,199,194,192,194,196,202,209,209,212,212,212,207,196,196,215,228,228,212,196,187,228,230,225,217,209,204,209,215,222,225,215,204,200,202,204,199,199,209,225,233,235,238,235,233,230,230,230,230,228,212,196,199,222,233,235,235,233,228,225,225,217,212,215,212,207,204,215,222,217,209,202,199,199,204,215,225,222,212,212,207,204,204,204,202,204,202,194,189,194,209,212,212,207,202,196,196,196,199,204,212,215,209,204,204,204,204,202,199,198,199,204,207,204,204,204,207,204,196,191,189,186,186,189,196,204,212,215,212,207,202,199,196,191,183,127,129,183,189,121,121,129,215,217,204,199,202,199,189,186,187,196,196,194,191,194,202,207,204,204,204,202,191,182,182,183,186,189,189,191,196,202,199,199,202,204,204,207,212,215,217,217,217,212,209,209,209,212,212,209,207,202,194,189,194,204,215,217,215,217,217,212,207,199,191,191,196,194,183,136,135,137,186,196,207,207,204,204,199,189,181,176,181,183,186,186,186,183,183,186,186,178,123,111,75,104,119,168,170,168,170,173,170,127,125,125,127,173,181,186,189,189,189,189,189,178,121,125,125,173,183,96,95,121,189,199,196,191,189,183,182,186,191,194,196,199,191,127,118,173,189,196,194,176,121,123,178,178,178,181,181,178,183,189,189,137,137,183,194,196,191,191,194,194,196,202,207,209,212,215,217,217,207,196,194,199,186,118,123,207,212,207,194,125,125,133,125,101,105,131,196,207,215,220,217,212,207,202,178,128,133,181,189,199,202,194,181,136,183,191,194,194,196,194,189,181,178,186,194,194,199,202,204,204,199,196,191,191,191,137,128,131,183,196,204,204,199,198,198,202,207,209,212,215,215,215,215,215,209,204,202,212,215,215,217,217,222,222,225,222,215,213,215,222,225,222,217,217,217,217,217,217,222,222,220,215,209,202,194,191,194,194,194,196,199,196,194,194,194,196,196,199,202,202,202,204,207,212,215,217,217,217,217,217,212,207,204,207,202,119,113,109,109,204,207,207,209,215,215,207,203,204,207,212,209,202,189,183,187,199,202,196,196,204,212,217,217,209,207,209,212,209,209,209,207,202,196,191,187,187,191,196,199,199,202,207,204,202,204,209,215,215,204,190,187,194,212,222,225,228,225,222,217,215,215,217,217,217,215,212,209,212,212,215,217,222,222,222,222,222,217,212,209,209,209,209,209,215,217,215,212,217,225,220,212,215,225,228,230,233,230,228,230,230,230,228,225,225,225,222,225,228,230,230,230,228,225,215,209,209,212,222,225,225,222,217,220,222,225,228,230,228,222,215,212,212,215,215,212,207,202,199,199,202,202,202,202,202,202,199,199,199,199,199,196,196,204,212,217,220,225,222,133,127,143,209,217,222,222,222,222,222,222,225,222,215,215,215,215,212,209,209,209,209,209,212,215,215,217,222,225,225,228,225,222,217,215,215,217,217,222,222,217,217,215,212,209,207,207,204,207,207,207,207,209,209,209,204,202,200,200,202,207,207,204,202,204,204,202,196,189,135,129,137,196,204,202,204,207,212,222,230,238,243,243,241,241,243,243,238,233,228,225,226,228,230,230,235,238,238,233,230,230,233,238,238,235,230,225,222,222,222,225,225,222,215,215,215,217,215,209,209,215,215,207,202,202,202,202,204,204,204,202,199,202,207,209,209,209,207,203,204,209,212,212,209,212,212,212,209,209,209,207,207,209,209,212,209,202,192,192,202,207,199,186,183,183,181,135,137,186,191,191,189,186,186,189,186,181,181,181,183,183,186,186,189,189,189,191,194,194,191,189,186,183,181,183,183,178,176,176,178,178,176,178,178,178,178,176,133,131,133,176,183,189,196,199,199,196,191,189,186,186,189,191,194,199,199,199,194,191,191,191,194,196,199,199,204,209,215,212,209,207,207,209,222,230,235,235,238,243,243,243,127,125,125,168,113,27,0,0,79,163,168,156,170,202,212,220,220,228,217,207,217,217,178,81,35,29,27,29,39,105,225,202,0,126,178,186,150,144,129,39,0,0,0,0,0,0,0,0,0,11,39,71,98,43,5,0,2,65,152,165,118,57,37,21,0,0,0,0,0,0,0,0,0,0,0,0,41,0,0,0,0,0,0,129,105,95,85,95,113,131,124,131,0,0,0,48,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,33,21,9,25,35,19,7,12,43,81,137,163,212,255,255,251,191,165,168,207,255,255,215,39,0,0,0,0,0,0,0,0,0,0,0,25,77,139,173,202,233,255,255,255,255,241,191,108,39,15,0,0,59,215,63,0,0,0,0,0,27,105,147,157,178,194,186,150,105,108,147,144,118,111,53,7,0,0,0,0,0,0,0,0,0,0,0,39,100,137,202,209,186,168,189,189,129,24,20,100,108,21,0,0,0,0,0,0,0,21,31,19,19,49,93,165,183,191,202,194,183,186,178,109,97,91,79,61,57,59,79,99,155,170,181,176,173,168,173,176,163,150,160,183,186,168,150,165,152,73,51,61,75,77,75,73,71,68,75,85,83,73,56,55,71,129,144,137,129,131,139,165,165,157,170,183,194,202,196,183,163,105,79,57,53,55,65,99,165,194,202,202,191,170,163,123,119,123,178,212,225,215,212,204,194,199,209,207,199,183,170,178,168,157,105,101,107,152,173,186,183,170,157,147,101,85,83,81,77,83,89,131,131,83,24,23,43,89,86,93,147,137,129,95,91,95,131,129,93,79,57,56,61,81,89,87,81,85,79,78,78,83,129,126,87,79,79,85,126,142,150,150,147,129,79,73,77,118,69,7,1,19,41,45,37,39,61,59,15,0,2,49,126,139,134,91,80,72,81,95,107,109,95,71,64,64,87,107,157,176,191,207,225,241,255,255,255,255,255,0,0,0,255,255,255,255,255,255,235,209,176,142,129,100,23,0,0,0,0,0,0,15,0,0,0,15,23,0,0,0,13,48,69,66,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,69,108,111,131,139,142,142,124,118,129,129,129,134,137,129,111,111,116,100,61,31,17,39,113,170,181,168,126,98,57,57,71,118,152,157,163,163,152,142,133,139,147,152,150,147,147,147,142,134,131,129,126,77,47,39,53,61,53,47,45,43,31,9,0,0,9,19,27,35,47,45,25,7,0,5,15,31,55,75,113,111,118,124,126,124,121,121,118,124,139,165,196,235,251,255,255,251,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,25,0,0,0,0,0,0,20,61,61,40,27,20,20,30,53,79,98,108,118,139,147,152,147,147,147,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,87,64,46,38,25,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,35,72,87,87,92,87,49,29,29,39,51,41,25,14,14,25,25,23,33,55,73,91,168,189,186,178,168,168,170,170,170,181,199,209,220,220,217,220,225,220,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,0,0,0,0,48,147,0,0,0,0,0,0,0,168,209,207,215,209,178,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,0,0,0,0,30,0,0,0,0,31,77,160,199,194,19,0,0,0,0,0,0,0,0,0,0,0,51,69,147,186,202,238,243,178,0,0,0,1,103,176,178,101,116,114,112,165,189,191,181,168,170,183,196,204,207,207,204,204,204,202,199,196,199,199,196,196,194,181,129,125,127,129,129,133,181,189,189,189,194,199,204,202,196,191,182,181,186,196,196,191,183,183,183,189,191,196,199,202,204,202,196,196,202,212,217,212,204,203,207,212,212,215,217,217,215,215,215,215,215,217,222,225,217,202,191,191,196,202,207,209,204,199,196,194,191,189,186,191,202,209,207,202,196,199,202,204,202,194,190,194,209,222,225,228,228,222,215,207,199,195,196,207,212,212,212,207,204,202,199,189,189,207,225,225,212,194,179,212,212,204,204,204,207,212,217,225,228,222,207,200,202,204,202,202,212,225,233,241,243,241,235,230,228,228,228,222,207,196,204,225,235,235,233,228,225,225,228,225,217,215,212,207,207,215,222,215,207,199,202,204,212,225,230,228,217,212,204,202,204,204,202,199,194,189,187,196,212,217,215,212,207,202,202,199,199,202,207,209,207,204,204,207,204,202,199,202,202,202,204,204,204,207,209,204,194,186,139,139,186,191,199,207,212,217,215,209,204,199,191,137,123,109,123,189,207,127,122,127,199,202,194,196,204,204,194,191,199,202,199,191,189,196,202,207,204,202,202,194,186,181,182,183,186,186,183,186,191,196,196,196,199,204,204,207,209,212,212,215,212,207,207,204,207,209,209,207,199,191,186,186,191,204,215,217,222,222,217,212,207,199,191,194,199,196,186,137,136,186,202,209,207,202,202,199,194,186,181,183,189,191,194,191,183,178,183,191,191,178,119,109,68,119,176,181,178,173,173,176,173,170,127,121,120,127,176,181,183,183,186,189,186,181,116,109,100,118,204,101,86,111,183,196,196,196,191,185,182,186,191,191,196,202,191,127,125,181,194,196,191,181,176,176,133,132,131,132,178,181,181,186,189,186,183,186,194,196,194,194,196,196,196,202,204,207,207,207,209,209,196,189,194,204,191,114,116,191,204,207,189,109,106,122,129,137,202,212,212,217,225,230,225,215,207,196,128,125,135,189,194,196,199,191,181,136,181,183,186,189,194,199,191,176,172,174,181,186,191,199,199,196,194,189,183,183,189,135,128,131,135,186,199,202,199,199,199,204,207,209,212,215,215,215,215,212,207,199,198,202,207,207,212,215,217,222,222,222,217,215,217,222,225,225,222,217,217,216,215,216,217,222,222,217,212,204,196,194,194,191,191,196,199,196,194,194,194,196,199,204,207,209,207,207,209,212,215,217,222,222,217,212,207,204,204,202,143,114,114,115,121,204,204,204,207,212,212,209,205,207,212,215,215,212,199,186,186,196,199,196,194,199,207,215,217,212,207,209,209,209,209,209,207,202,199,191,186,187,194,199,199,199,202,204,207,207,207,209,215,217,215,194,187,191,207,217,225,228,225,225,217,212,212,215,215,212,207,204,202,204,209,212,217,225,225,228,225,222,215,209,208,208,208,209,212,215,222,217,215,222,222,212,205,207,215,220,225,230,228,228,228,228,228,225,222,225,228,225,225,225,225,228,228,228,225,222,212,211,215,217,222,217,217,217,217,222,222,228,230,225,215,212,212,212,212,209,207,199,194,194,196,199,199,202,202,202,202,198,198,199,199,194,190,191,202,212,217,220,230,241,209,139,202,209,215,217,225,225,225,222,222,225,225,222,222,217,215,209,207,207,207,207,209,212,215,217,222,225,228,228,228,228,225,217,217,217,217,222,217,217,217,215,215,212,212,209,207,204,204,204,204,204,207,207,207,204,202,202,202,202,204,207,202,199,202,202,204,204,196,139,129,139,202,207,202,199,204,212,217,230,241,246,246,243,243,243,243,241,235,230,228,228,233,235,235,238,238,235,230,230,230,235,238,238,235,230,225,222,220,222,225,225,222,217,217,217,222,217,209,209,212,212,207,202,202,202,202,202,202,202,199,195,199,204,209,209,207,207,204,204,207,209,209,209,209,209,209,212,212,209,209,209,212,215,212,209,196,189,189,199,212,209,196,186,181,137,135,137,183,189,191,189,186,186,189,186,181,179,181,181,183,186,189,191,191,191,194,194,196,196,194,189,183,181,181,183,181,178,178,181,181,183,183,181,181,178,176,133,133,133,178,181,186,194,199,202,196,194,189,189,189,189,191,194,196,196,196,194,194,191,191,194,199,202,204,207,212,215,215,212,208,208,209,217,228,230,233,238,241,243,243,131,127,125,168,107,0,0,0,87,170,178,176,189,209,228,246,255,235,215,204,217,230,207,168,139,113,53,27,19,55,131,118,0,0,181,160,113,126,137,49,0,0,0,0,0,0,0,0,0,0,31,98,116,75,35,0,0,7,118,144,118,65,47,35,1,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,144,111,69,56,64,66,56,39,61,126,0,74,40,35,1,0,0,0,0,12,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,77,55,63,113,103,23,0,6,71,199,209,202,220,241,241,189,137,87,131,168,207,215,165,39,0,0,0,0,0,0,0,0,0,0,0,0,21,67,144,196,255,255,255,255,248,129,43,23,3,0,0,0,0,131,0,0,0,0,0,0,39,105,139,155,178,199,191,150,90,92,116,116,92,82,43,9,0,0,0,0,0,0,0,0,0,0,0,3,66,105,157,196,204,196,196,189,160,103,111,178,170,39,5,27,0,0,0,0,0,45,55,19,2,6,65,155,186,202,207,191,173,176,178,160,111,105,89,65,58,67,97,111,113,113,113,113,157,160,163,163,163,163,186,202,202,168,105,155,150,52,43,53,85,81,73,75,89,89,83,87,85,75,71,71,91,152,165,155,139,139,142,147,131,131,168,202,209,212,204,181,144,83,59,53,53,55,75,99,157,178,196,204,191,160,115,116,116,119,178,212,225,215,212,202,179,179,189,196,186,163,152,157,168,168,163,117,155,163,176,186,191,173,157,147,101,91,91,83,83,99,137,93,79,45,17,17,51,93,85,86,147,150,137,126,91,95,131,131,93,81,65,60,65,75,81,81,85,93,85,78,78,81,97,129,87,79,79,93,134,142,147,147,129,77,63,62,75,124,69,13,5,27,45,63,57,51,55,51,25,21,53,83,126,94,97,134,91,85,85,99,142,142,101,81,67,68,107,155,165,183,207,225,241,255,255,255,255,255,255,0,0,0,255,255,255,255,0,255,255,243,202,160,137,108,23,0,0,0,0,0,9,19,27,0,0,17,0,0,0,0,13,48,69,66,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,35,92,111,118,139,152,157,157,147,137,139,126,120,124,129,129,108,108,100,49,17,0,0,29,121,165,163,139,108,65,53,55,71,111,129,144,147,142,137,134,144,155,163,165,160,157,163,155,144,142,142,137,126,67,35,27,43,53,55,51,45,43,31,7,0,0,0,13,23,35,47,55,29,11,0,0,0,15,37,65,103,111,118,131,131,121,113,113,116,118,137,165,204,241,255,255,255,248,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,25,7,0,0,0,0,0,0,38,53,0,0,46,46,43,53,69,90,105,118,142,150,147,147,147,152,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,111,87,59,38,27,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,37,51,79,85,85,49,29,30,49,67,65,41,33,33,35,33,25,35,59,67,79,147,186,194,186,178,178,181,181,181,189,202,217,225,225,220,225,228,220,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,0,0,0,0,0,0,0,0,0,0,0,0,0,163,207,209,215,212,209,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,142,170,134,0,0,0,0,0,0,0,0,0,0,61,17,0,65,150,178,191,209,220,207,23,0,0,0,79,168,176,173,163,113,115,123,173,178,181,176,170,131,183,196,202,199,194,194,194,191,189,191,189,186,137,137,135,131,129,127,131,135,178,178,178,181,183,186,194,199,204,204,202,189,182,182,189,194,191,183,139,138,141,191,196,199,202,204,207,207,207,207,209,215,222,217,207,203,204,209,212,217,225,225,217,215,215,215,215,215,217,217,212,202,191,189,191,199,207,209,204,196,191,189,186,141,140,189,202,209,209,202,196,199,204,209,209,194,189,196,212,217,228,233,230,225,222,215,207,207,207,209,215,209,207,204,199,199,196,186,178,189,212,217,199,192,190,202,202,190,191,202,204,209,217,222,225,217,207,204,207,202,199,207,217,228,235,241,243,238,235,233,228,228,230,215,143,145,212,230,233,233,230,225,221,224,228,230,228,222,215,207,204,204,207,204,202,202,207,212,222,225,228,225,220,207,196,194,204,209,204,196,190,187,191,207,212,215,217,212,204,199,199,202,199,199,202,204,204,207,204,204,204,199,202,207,207,204,202,202,204,207,207,196,186,136,136,137,186,194,199,204,212,212,212,207,202,196,135,93,86,95,139,209,209,191,131,135,186,182,182,191,207,207,202,202,207,199,186,139,191,204,207,207,204,204,199,189,186,189,191,191,186,183,182,183,189,194,192,196,202,207,204,204,204,207,204,204,207,207,207,207,204,207,207,202,191,185,185,186,191,204,212,217,222,215,212,207,202,194,191,196,207,209,189,137,186,204,209,209,204,196,196,196,191,189,189,196,199,199,196,194,176,131,181,191,194,173,115,113,115,123,189,191,186,178,176,173,170,176,173,121,106,119,170,176,176,178,183,186,183,178,129,112,101,113,173,99,48,95,189,199,202,199,196,194,189,191,194,196,202,202,186,121,125,189,196,194,183,181,183,183,178,133,132,133,181,183,183,183,186,186,183,186,189,194,196,199,199,199,199,199,202,204,202,202,204,202,194,187,196,207,199,129,115,121,183,194,191,131,125,186,204,207,215,222,222,225,230,233,228,217,199,129,125,129,186,196,199,196,189,181,137,137,137,181,181,183,189,194,194,186,178,177,177,181,186,191,189,183,186,186,183,183,137,135,135,135,131,135,191,199,202,202,204,207,209,209,212,215,215,215,215,215,209,204,200,202,202,202,207,215,222,222,222,222,222,222,222,222,222,225,225,222,217,216,216,216,217,217,217,215,209,204,202,196,191,190,191,199,199,199,194,194,196,199,204,207,212,215,215,212,215,215,215,217,222,225,215,202,196,199,202,199,141,133,127,123,127,191,207,209,207,209,209,212,212,215,217,222,217,212,202,187,186,196,202,196,189,191,202,212,215,212,209,209,207,209,209,209,204,202,202,196,185,186,194,202,202,204,204,204,209,209,207,204,207,215,217,207,194,191,196,212,222,225,225,222,215,209,209,209,209,207,202,199,199,199,204,209,217,222,225,228,225,222,215,212,209,212,212,212,212,217,222,222,217,217,217,209,205,205,207,212,220,225,225,225,225,225,217,215,215,222,228,225,225,222,225,225,225,228,230,230,228,222,217,217,217,217,217,217,217,222,222,225,228,222,212,209,209,209,209,207,202,194,147,145,147,196,196,199,202,204,207,204,199,199,202,194,183,182,199,209,215,222,230,233,228,217,212,212,215,217,225,228,225,222,217,222,225,228,228,225,217,209,204,199,199,204,207,212,215,215,217,222,225,225,225,225,222,217,216,217,222,222,217,215,212,212,212,212,212,209,209,209,207,207,207,209,207,205,207,207,204,202,202,202,204,207,204,199,199,199,202,202,199,141,133,143,204,204,194,194,204,212,215,225,241,248,248,248,246,246,246,246,243,238,235,235,238,238,241,238,235,233,230,229,233,238,241,238,233,228,225,222,222,222,225,225,225,225,222,222,222,215,209,207,207,207,204,202,199,199,202,202,199,199,196,195,195,202,209,209,207,204,204,204,207,204,204,204,207,207,207,209,209,209,209,212,215,217,212,204,194,190,190,196,212,212,202,183,134,135,137,137,181,186,189,189,189,189,189,186,181,181,181,181,183,186,189,191,191,191,191,194,194,191,191,191,189,183,181,181,178,176,178,181,186,189,189,186,183,178,176,133,133,133,178,181,183,189,199,204,202,194,189,191,191,191,189,189,189,191,194,194,194,191,191,194,202,204,209,215,217,215,215,217,217,212,209,215,222,225,230,235,238,241,241,123,121,170,183,105,0,0,0,105,173,178,186,207,209,217,243,255,212,186,196,215,225,212,189,176,147,55,0,0,0,49,63,95,124,142,100,51,90,108,95,37,37,82,95,33,0,0,0,0,0,37,108,150,124,69,118,0,13,111,165,170,144,121,73,29,3,7,27,27,0,0,0,0,0,0,0,0,0,0,0,0,163,163,137,85,38,30,33,40,39,39,72,134,0,0,90,100,77,0,0,0,0,64,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,43,72,87,121,144,157,139,55,23,45,178,255,255,228,209,199,157,69,62,70,89,157,173,168,150,73,1,0,0,0,0,0,0,0,0,0,0,0,0,0,51,230,255,255,255,246,152,0,0,0,0,0,0,0,0,0,0,0,0,17,41,95,113,126,134,150,176,191,199,176,113,55,49,49,39,31,21,17,13,3,0,0,0,0,5,0,0,0,0,0,0,0,43,150,186,168,163,170,163,131,131,131,157,160,147,155,63,0,0,0,31,73,63,21,0,0,33,150,191,199,199,176,157,173,173,157,111,111,91,69,65,87,111,111,109,107,108,113,160,160,115,109,113,170,199,212,204,173,103,103,83,45,43,85,144,91,75,79,89,131,139,139,131,91,77,91,144,176,189,186,163,147,93,27,33,69,150,202,204,202,196,155,89,65,59,55,55,61,75,93,115,168,191,191,178,163,119,119,119,168,194,215,215,215,212,204,189,178,179,186,186,163,153,156,165,181,181,178,165,163,163,173,178,170,157,105,93,83,81,85,95,142,131,81,67,51,30,36,71,93,93,93,129,147,137,126,95,95,131,131,93,85,77,73,71,75,81,87,93,134,91,79,76,77,89,95,87,79,79,95,142,150,150,147,118,65,55,58,113,134,69,25,19,45,59,65,69,67,53,35,47,126,142,144,134,96,142,150,139,99,93,93,101,147,150,109,97,107,170,178,178,189,215,248,255,0,0,0,255,255,255,0,0,0,255,255,255,0,0,0,0,255,220,173,116,51,19,3,0,0,0,3,9,13,19,25,21,7,0,0,0,0,13,56,74,56,23,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,43,98,126,144,144,144,150,160,173,176,176,150,129,124,129,121,95,65,63,23,0,0,0,29,108,121,103,59,59,49,37,41,53,59,69,75,77,79,79,126,157,165,168,170,170,165,165,155,152,150,147,137,126,77,37,25,25,31,51,57,51,43,31,11,0,0,0,7,17,29,45,53,37,17,0,0,0,3,29,55,73,111,126,126,124,113,111,111,113,118,144,181,212,241,255,255,254,246,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,17,17,0,0,0,0,0,20,0,0,46,61,69,72,64,72,90,103,126,150,155,147,146,147,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,137,116,95,66,27,20,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,27,35,39,49,51,41,33,39,61,71,71,61,49,39,33,25,22,27,41,59,71,99,173,189,189,186,186,181,189,189,199,207,217,225,228,228,228,228,220,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,194,199,220,191,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,100,121,0,0,0,0,0,0,0,0,0,0,45,150,113,17,35,139,191,196,199,202,217,142,0,15,45,95,163,176,181,178,165,163,165,170,178,183,183,173,126,129,181,186,181,135,135,181,183,183,186,183,131,121,121,125,129,131,131,131,131,135,178,178,181,183,189,194,199,202,202,196,183,181,183,191,194,189,139,138,138,141,191,199,202,207,209,215,215,215,215,215,222,225,217,209,207,207,212,215,222,228,228,222,217,217,220,217,215,215,209,204,199,191,186,186,191,194,191,189,189,189,186,141,140,140,189,202,207,207,202,199,196,202,209,209,196,191,199,212,222,230,233,230,228,225,220,215,215,209,204,202,196,199,199,199,204,204,191,182,183,199,209,196,195,202,215,196,186,187,194,196,199,204,209,212,209,204,202,199,195,196,207,217,225,228,233,238,233,233,233,230,225,217,145,129,139,215,230,230,230,230,228,224,222,225,230,230,230,222,209,199,196,194,194,196,207,215,222,225,228,228,225,217,202,192,194,204,212,207,196,190,191,202,209,212,215,215,207,191,186,191,202,204,199,199,202,204,207,202,199,196,196,204,209,207,202,199,199,202,202,199,191,139,136,135,137,189,194,196,199,202,204,204,202,196,137,93,68,58,109,186,204,204,199,191,191,194,183,182,191,204,204,199,199,202,189,137,139,196,209,212,209,207,204,202,196,199,204,204,199,189,183,183,189,194,196,196,199,202,204,204,199,191,189,191,194,199,207,212,212,207,204,199,194,189,187,191,191,196,204,209,212,212,207,204,202,196,191,191,196,204,202,186,183,196,212,215,212,202,196,196,196,194,191,196,204,204,202,194,183,127,125,173,183,191,129,115,115,119,173,194,194,189,181,176,169,169,176,181,170,119,123,173,173,170,173,178,181,178,176,178,170,121,173,191,170,81,123,194,202,204,202,199,199,199,202,202,199,199,189,95,99,129,191,194,189,183,183,186,186,183,183,181,183,189,189,186,186,186,183,186,189,194,196,199,199,199,202,199,196,199,202,202,202,204,202,196,189,196,209,207,189,117,113,123,189,202,207,209,212,215,212,212,215,217,225,230,233,228,215,194,128,126,181,199,204,204,199,191,181,134,135,181,183,181,135,181,186,191,191,189,186,183,183,181,183,183,182,182,186,189,186,137,137,183,183,135,133,183,196,202,207,209,209,212,209,209,212,212,212,212,215,215,212,209,207,204,204,207,215,222,222,217,222,222,225,222,222,222,225,228,225,225,222,217,217,217,220,220,215,212,209,207,199,194,190,191,196,199,199,196,194,196,199,204,207,212,215,215,215,215,215,215,212,225,225,207,143,143,191,194,199,196,194,189,133,131,141,202,207,209,209,212,212,215,220,222,222,212,209,202,191,191,202,204,191,143,144,199,209,212,212,209,207,207,209,209,207,202,204,204,199,186,186,194,199,202,204,204,204,209,207,204,203,203,209,215,215,204,194,194,207,217,222,222,220,212,207,205,207,207,202,196,149,149,196,204,209,215,217,217,222,217,217,215,212,215,217,217,217,215,217,220,217,216,216,217,215,212,207,207,209,215,217,222,222,225,225,215,212,213,220,225,225,225,222,225,225,225,228,233,235,235,230,225,222,220,217,217,217,217,222,222,225,225,222,215,209,209,209,209,204,199,147,143,143,145,147,194,199,202,209,215,215,209,207,209,204,189,187,199,209,215,222,228,233,233,230,225,217,217,222,225,225,225,222,217,217,225,230,230,228,222,212,204,198,196,198,202,209,212,215,215,217,222,222,222,222,222,217,217,217,217,217,215,212,209,208,209,212,212,212,209,212,209,209,209,209,209,207,207,207,207,204,204,204,204,204,202,199,196,196,194,194,194,141,137,141,189,141,137,145,204,212,215,222,238,246,248,248,251,248,248,248,246,246,243,243,243,241,238,235,233,230,230,230,235,241,241,238,235,230,228,222,222,225,225,225,225,222,222,217,217,215,209,204,202,202,202,199,196,199,204,204,202,204,199,195,195,196,204,209,209,207,204,204,204,204,202,204,204,204,204,207,207,207,207,212,217,217,212,202,196,192,192,199,209,215,207,134,131,135,181,137,181,186,191,189,189,191,189,183,181,181,181,183,186,186,191,191,186,183,186,189,189,186,189,191,191,186,181,178,176,174,176,178,183,186,189,189,183,181,176,133,133,133,178,183,183,186,194,199,199,194,191,191,194,194,189,183,183,189,191,191,191,190,190,194,202,207,212,217,220,217,217,222,222,215,212,215,217,222,228,230,235,238,238,121,118,168,186,121,25,0,0,103,178,178,181,199,217,217,225,225,186,182,186,215,230,228,212,204,157,19,0,0,0,7,55,65,49,5,0,17,39,85,92,103,118,137,142,111,0,0,0,0,35,61,69,108,75,55,37,13,19,71,176,212,199,176,147,111,57,49,57,35,0,0,0,0,0,0,0,121,0,230,160,118,111,113,92,43,23,21,30,46,87,131,147,150,142,0,95,111,95,0,0,0,0,90,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,129,129,113,103,103,129,152,160,152,108,65,131,222,255,255,241,191,163,93,61,60,75,150,176,165,150,160,150,65,0,0,0,0,0,0,0,0,0,0,0,0,0,21,233,255,255,248,155,0,0,0,0,0,31,0,0,0,0,0,0,9,53,113,155,163,142,0,0,168,199,225,191,126,49,39,39,31,14,15,23,39,33,0,5,1,5,1,0,0,0,0,0,0,0,69,105,124,121,139,170,176,147,100,83,98,152,189,194,113,0,0,0,0,29,57,51,0,0,47,173,199,196,173,101,99,168,168,109,103,107,97,83,85,111,168,157,109,108,109,160,173,160,111,106,108,170,202,212,204,173,105,97,85,65,71,139,165,101,81,75,83,134,173,186,163,131,79,91,152,178,196,191,181,147,33,6,11,33,81,157,163,157,142,91,73,59,63,73,75,73,83,107,168,189,191,178,176,170,168,165,170,181,194,207,204,194,202,212,202,186,179,186,196,183,161,161,168,181,191,189,178,163,163,160,160,160,150,101,87,81,81,89,97,139,95,81,75,71,61,63,77,93,131,139,139,150,150,134,95,93,89,87,81,73,73,77,83,83,87,93,134,134,93,83,75,75,83,89,87,79,85,95,142,147,155,157,139,77,61,62,113,131,67,29,31,65,73,81,116,111,61,43,55,118,139,142,137,134,152,160,152,139,99,93,101,147,163,160,157,168,186,189,189,207,230,255,0,0,0,0,255,255,255,0,0,0,255,255,0,0,0,0,0,255,199,142,49,25,39,87,37,0,0,0,0,0,13,19,11,0,0,0,0,0,7,48,66,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,31,90,142,152,147,138,140,157,178,178,170,173,152,134,124,98,45,17,9,15,0,0,0,37,92,95,53,33,39,37,25,19,19,17,33,39,43,47,59,81,155,173,173,170,170,165,155,155,152,150,147,137,126,81,47,23,16,18,51,59,51,43,29,23,7,0,0,1,11,21,35,37,29,13,0,0,0,0,15,35,57,71,108,116,113,105,105,111,118,124,152,189,225,241,255,255,255,254,246,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,7,25,17,0,0,0,0,0,0,0,0,0,87,87,79,85,98,105,126,147,155,152,147,147,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,150,111,95,77,43,17,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,17,21,27,35,41,39,33,39,61,71,71,65,53,39,27,21,21,25,35,47,61,87,160,181,186,186,189,189,189,194,199,202,207,217,225,228,235,230,220,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,147,131,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,38,0,0,124,220,165,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,0,0,0,0,0,25,65,147,160,124,73,139,194,196,194,194,209,137,31,81,101,150,163,176,189,189,178,170,168,170,181,189,191,178,124,126,131,133,131,130,132,178,181,183,189,186,127,116,116,121,129,133,135,131,130,133,181,186,191,196,196,196,199,199,199,194,183,182,183,191,194,189,139,138,141,189,194,202,207,212,215,217,217,217,222,225,225,222,217,212,209,212,215,217,225,228,228,225,222,222,222,217,215,212,207,199,194,186,139,141,186,189,187,186,187,189,186,186,141,186,194,204,209,209,207,202,194,191,196,199,196,196,204,215,228,233,233,230,228,228,225,222,217,209,196,189,189,189,194,204,212,212,204,196,196,196,202,202,204,212,225,207,189,187,190,190,191,194,199,204,207,204,196,192,194,196,204,209,212,215,225,230,233,233,233,228,212,194,119,117,141,228,235,233,230,230,230,228,225,225,230,230,233,225,209,196,191,191,192,199,212,217,222,228,230,228,225,215,202,192,194,204,209,204,194,194,204,209,212,212,215,212,199,185,181,189,207,212,207,202,204,204,204,196,192,192,194,199,204,199,194,194,196,199,199,196,194,189,139,137,139,189,194,194,189,189,189,194,196,194,139,115,95,99,129,183,194,199,202,204,207,207,199,191,196,199,196,189,186,186,137,136,139,202,212,215,209,207,204,202,202,204,204,202,196,189,183,186,194,199,199,202,199,199,196,199,194,187,186,187,189,191,207,215,215,207,199,194,189,189,196,212,209,204,202,204,207,204,196,196,196,196,194,191,194,196,191,189,191,202,212,217,209,202,194,194,194,194,199,204,207,204,194,181,131,125,125,127,123,117,117,113,113,119,173,186,186,189,183,170,166,168,176,183,181,173,173,176,173,130,170,176,173,131,131,176,178,176,183,191,186,129,183,196,199,202,202,196,199,202,204,209,202,113,69,75,99,131,189,191,189,186,183,181,178,183,191,194,194,194,194,191,189,189,186,191,194,196,199,199,199,196,199,196,194,194,196,199,202,204,204,196,186,189,207,212,199,118,120,135,194,207,215,217,215,212,207,207,209,212,222,230,230,225,212,191,129,129,194,209,209,209,207,202,186,135,135,183,186,135,129,131,135,181,186,183,183,183,183,181,181,183,183,183,191,194,186,137,137,189,191,183,135,137,189,199,207,209,209,209,212,212,209,207,207,209,212,215,217,215,212,209,207,207,212,215,215,215,215,222,225,222,222,222,222,225,225,225,222,222,217,222,222,222,217,212,212,209,204,196,190,190,194,196,196,196,196,196,199,202,202,204,209,209,209,212,212,212,217,228,225,139,119,135,189,191,199,204,207,204,191,139,137,136,191,204,209,212,212,220,225,222,217,209,204,202,194,196,204,202,189,143,144,196,204,207,207,207,204,204,207,207,204,202,204,207,199,187,187,196,199,202,204,204,204,207,207,207,204,204,207,212,217,212,199,196,207,215,217,217,215,209,205,205,207,204,199,149,148,148,199,204,212,215,215,212,212,212,212,212,215,222,225,228,225,222,217,217,216,216,217,222,225,217,212,209,209,212,215,215,217,225,225,215,212,212,217,225,225,222,222,225,225,225,228,233,238,238,235,230,225,222,217,217,215,217,217,217,222,225,222,217,215,212,212,209,204,199,147,143,142,143,145,194,196,204,212,217,222,217,212,215,215,207,199,202,209,215,222,228,233,235,233,228,225,225,225,222,217,217,217,217,217,225,228,230,228,225,217,207,198,196,196,199,207,212,215,215,217,217,222,222,225,222,222,222,217,217,217,215,212,209,208,208,212,212,212,212,212,212,212,209,209,209,209,207,209,209,207,204,207,204,199,199,199,196,194,189,186,139,135,135,133,123,117,127,143,199,207,209,217,233,241,246,248,251,251,251,251,248,248,248,248,246,241,235,233,233,233,233,235,241,243,243,241,235,230,228,222,225,228,228,228,225,217,215,215,212,209,207,204,202,199,199,195,194,196,204,204,204,204,204,199,195,195,202,207,209,207,207,207,204,204,204,202,204,204,204,207,204,204,204,212,222,217,209,202,202,202,199,199,204,209,204,132,132,137,186,181,181,186,189,189,191,191,186,181,179,181,183,186,186,189,191,191,183,181,182,183,183,183,186,191,191,186,181,178,176,174,176,181,183,186,189,189,186,181,178,176,133,176,178,183,183,183,189,189,189,189,189,194,196,194,186,139,138,186,191,191,191,191,191,194,202,207,209,215,222,222,217,222,222,220,217,220,222,225,228,230,233,235,238,122,123,176,186,176,85,19,11,79,170,186,181,199,217,217,217,204,186,182,185,212,235,235,217,204,137,19,0,0,0,0,55,63,0,0,0,0,25,27,31,90,118,137,142,111,0,0,0,3,95,98,37,33,43,43,31,25,25,63,183,230,230,215,194,155,126,111,61,9,0,0,0,0,0,0,37,142,183,163,116,69,69,69,53,30,23,30,56,105,157,170,147,116,98,108,98,77,69,0,0,0,0,137,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,178,176,155,129,100,90,116,134,152,152,134,134,176,235,255,255,222,170,144,83,67,71,150,191,204,168,148,160,157,71,13,0,0,0,0,0,0,0,0,0,0,0,0,73,238,255,255,181,53,0,0,0,0,131,155,29,0,0,1,0,0,39,105,152,173,163,137,0,0,0,209,233,202,142,90,74,74,45,23,17,33,43,39,17,5,1,0,0,0,0,0,0,0,0,0,17,72,103,124,163,189,194,168,98,81,92,152,202,220,134,0,0,0,0,5,79,142,7,0,71,186,207,181,99,81,88,157,157,103,102,103,105,103,111,183,196,181,160,113,160,165,173,160,109,105,108,163,194,202,196,168,99,91,91,87,87,93,99,93,87,75,83,142,191,202,157,85,75,83,139,163,176,176,165,147,15,4,8,21,51,95,97,89,77,71,59,53,59,79,75,75,93,163,207,217,204,178,176,170,168,165,170,181,194,196,194,194,194,209,212,189,179,186,196,186,170,168,178,191,191,191,189,178,173,163,150,150,155,144,95,85,91,99,134,134,87,79,81,87,85,75,71,83,131,157,165,155,150,137,95,83,81,75,73,70,72,79,91,134,137,137,137,137,99,83,77,77,83,89,95,87,87,95,142,150,165,173,165,131,67,58,65,73,49,25,33,81,134,144,150,139,121,69,61,59,77,126,134,137,160,168,157,147,147,139,142,155,168,168,168,178,186,189,191,212,241,255,255,0,255,255,255,255,255,0,0,0,255,255,0,0,0,0,0,230,183,116,33,22,55,144,113,15,3,0,0,0,0,0,0,0,0,0,0,0,0,13,38,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,11,11,45,126,163,155,138,140,173,191,173,150,165,163,134,108,53,5,0,0,9,0,0,0,39,65,57,33,21,27,27,21,9,0,0,0,3,11,23,35,65,139,170,176,170,168,163,155,155,152,150,147,131,118,81,53,23,6,6,51,69,55,43,37,33,23,9,3,3,7,17,27,31,23,7,0,0,0,0,0,19,35,51,63,75,105,105,113,118,137,147,163,186,202,233,248,255,255,248,246,246,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,0,0,4,7,0,0,0,0,0,0,0,0,0,0,105,100,98,98,105,118,142,155,165,160,157,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,147,113,87,79,46,17,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,11,15,21,33,39,29,23,33,53,65,67,61,51,39,27,22,20,23,35,41,61,87,147,168,178,181,186,189,194,189,189,183,189,199,209,225,230,228,220,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,95,103,103,124,168,199,228,228,194,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,95,95,113,155,160,147,152,191,196,191,186,178,53,43,101,152,163,170,181,194,194,181,170,168,173,181,189,194,186,128,128,131,133,133,133,178,183,186,191,194,194,135,118,118,125,129,133,133,131,133,181,191,199,204,207,204,199,196,196,196,191,186,183,183,189,191,189,183,186,191,199,202,202,204,209,215,217,217,217,222,228,225,217,215,215,215,215,215,215,222,225,222,222,217,222,217,212,209,207,204,196,143,139,137,141,189,191,189,189,191,194,194,191,191,194,199,207,215,222,217,207,191,186,186,189,196,204,207,215,228,235,233,230,228,228,225,222,217,204,191,187,187,187,196,212,217,212,209,215,228,204,202,204,207,209,217,209,194,191,191,190,190,194,199,204,212,212,196,192,199,204,202,199,200,204,215,225,230,230,217,125,83,99,105,107,133,228,238,233,230,230,230,230,228,228,228,225,222,212,202,194,192,192,194,204,217,222,222,225,228,228,225,215,202,194,194,202,204,199,194,196,209,215,215,215,215,212,202,186,186,202,215,217,212,209,209,209,204,196,192,192,194,194,194,189,191,194,196,199,196,196,199,199,194,186,186,191,194,191,187,185,183,185,194,199,191,135,127,127,133,183,189,194,204,209,212,215,215,207,202,199,191,183,139,139,137,135,137,196,212,212,207,204,202,199,199,196,194,189,186,186,186,191,199,199,199,199,196,194,194,194,189,186,186,191,189,191,202,209,207,199,194,189,185,186,207,222,217,199,194,196,199,196,191,191,194,196,196,194,191,190,191,194,199,202,209,212,207,196,194,194,196,199,204,209,207,202,186,131,125,125,125,117,99,93,103,111,113,119,173,181,183,189,186,170,168,170,181,186,183,181,181,181,173,130,131,173,131,129,129,131,176,178,181,186,186,186,191,199,199,196,196,194,194,194,191,183,69,41,53,91,121,131,183,189,189,183,178,176,176,183,196,199,196,196,196,196,196,196,196,196,194,191,191,196,196,196,196,194,191,191,196,199,204,204,204,196,183,186,202,207,196,123,183,191,199,204,209,212,209,207,204,204,204,207,215,225,228,222,212,194,133,135,202,212,212,209,212,209,196,183,181,183,137,127,126,126,129,133,135,135,135,178,181,178,181,183,183,186,191,189,181,133,137,189,196,194,186,139,139,191,202,207,207,207,209,212,207,204,203,204,209,212,217,217,215,209,207,207,207,207,207,207,209,215,217,217,217,217,217,217,220,222,222,222,222,225,225,225,217,215,215,215,209,199,191,190,191,194,196,196,196,199,202,202,199,202,204,204,204,207,207,209,215,215,186,102,101,129,194,199,202,207,212,212,212,207,139,122,134,196,209,212,215,225,230,228,217,207,202,199,194,196,199,196,191,144,189,194,199,202,202,202,202,202,204,204,202,200,202,204,199,191,191,196,202,204,204,207,204,207,212,215,215,209,207,209,217,215,202,199,209,220,217,215,212,209,207,207,207,204,202,196,149,196,202,207,212,215,215,212,212,212,212,215,222,225,230,230,228,225,225,222,217,216,217,225,225,217,215,212,212,212,212,209,209,217,222,217,213,213,222,225,225,222,222,222,225,225,225,233,238,238,235,233,228,222,215,215,215,215,215,217,222,225,225,222,217,217,215,212,207,199,147,143,142,142,143,147,196,202,209,217,222,217,211,212,217,217,207,202,209,215,222,228,233,233,233,230,228,228,225,222,215,212,212,215,215,222,228,230,230,230,225,212,204,199,198,199,204,209,215,215,217,217,222,225,228,228,228,228,225,222,217,217,215,212,209,209,209,212,209,212,212,215,212,209,207,209,207,207,209,212,212,207,207,204,199,199,199,196,194,189,141,135,133,133,125,105,101,123,191,194,191,202,215,225,233,241,246,251,251,251,251,248,248,248,251,248,243,235,233,235,235,238,241,243,246,243,241,233,228,225,222,225,228,230,228,225,215,212,209,209,207,204,204,202,202,199,195,194,196,204,204,204,204,204,204,199,196,199,204,207,207,209,207,207,207,204,202,202,202,204,207,204,203,204,212,222,222,212,204,204,204,202,202,202,204,199,183,139,189,191,189,186,186,186,186,189,189,183,178,178,181,186,186,186,189,194,191,186,181,181,182,182,183,186,189,189,186,183,181,178,178,178,183,186,189,189,189,186,183,181,178,178,178,181,183,183,183,183,183,181,181,186,191,196,196,189,138,138,186,194,194,196,199,199,199,204,204,207,212,217,220,217,222,225,225,225,225,228,228,228,230,233,235,238,123,123,168,176,178,121,71,27,39,160,186,196,207,217,217,207,204,204,186,186,212,228,212,183,137,59,5,0,0,0,0,37,47,0,0,0,0,0,0,0,11,47,82,90,55,19,0,0,57,160,147,40,33,61,116,108,63,45,108,199,241,230,217,215,194,168,137,73,15,0,0,0,5,9,27,90,139,150,131,108,82,82,82,69,56,53,72,113,168,0,0,147,108,116,142,134,92,0,0,0,0,176,194,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,178,163,139,121,87,79,85,116,142,160,160,168,199,228,235,220,168,134,93,75,73,99,183,228,243,194,155,155,150,59,13,21,57,83,85,69,37,27,33,0,0,39,89,199,246,251,233,181,67,0,0,0,0,0,255,27,11,37,37,9,3,33,98,142,147,126,105,0,0,0,0,225,199,163,129,108,98,72,37,23,33,41,39,13,0,0,0,0,0,0,0,0,0,0,0,0,0,87,150,178,189,186,170,129,98,111,165,207,220,131,0,0,0,0,9,189,222,51,17,85,181,196,165,87,78,89,163,165,103,102,107,152,160,183,209,220,207,189,178,170,170,168,113,108,106,109,170,194,199,194,168,103,97,99,99,77,42,39,59,83,83,89,147,178,160,83,67,72,79,129,147,147,144,147,134,33,12,15,33,51,83,85,77,63,63,53,48,49,61,61,61,93,176,215,228,212,196,178,164,163,163,165,178,194,202,194,194,191,191,196,189,189,183,173,173,123,160,168,181,191,199,199,189,176,152,110,150,157,152,101,93,97,144,142,93,69,63,71,85,79,70,68,77,131,165,173,163,155,134,89,77,75,73,70,70,72,83,95,134,95,93,91,93,93,85,79,78,87,97,129,97,95,134,144,157,173,183,170,137,67,56,59,63,41,15,29,111,155,170,168,160,142,124,59,33,47,85,129,134,152,170,170,170,170,165,165,168,170,168,170,173,173,178,191,212,241,255,255,255,255,255,255,255,255,0,0,0,0,255,255,0,0,0,0,209,181,113,43,39,55,105,90,35,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,13,0,0,0,17,17,13,37,116,163,165,147,155,181,191,168,150,152,150,134,108,37,0,0,0,3,0,0,1,45,55,43,17,14,19,29,29,7,0,0,0,0,0,9,23,51,121,160,173,178,170,165,155,155,152,150,150,131,83,81,63,25,0,0,59,103,65,43,41,41,39,27,19,13,17,21,27,31,17,0,0,0,0,0,0,7,27,45,57,69,105,113,126,147,155,173,173,173,186,204,233,241,246,238,238,238,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,113,103,98,105,118,139,165,186,181,165,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,126,100,85,66,38,17,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,6,15,27,33,27,17,23,39,57,65,61,57,41,33,23,23,29,35,51,67,93,147,163,168,173,178,181,183,181,170,163,163,181,199,217,228,225,220,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,0,0,0,0,0,0,90,0,98,108,113,131,189,202,204,209,222,225,222,209,131,95,87,41,9,0,0,0,3,53,105,0,0,0,0,0,0,51,100,111,103,108,144,144,152,196,199,191,178,157,61,51,144,163,168,173,181,191,189,176,170,170,176,181,186,189,189,178,133,133,178,183,186,186,191,196,199,202,202,194,135,133,181,137,133,129,128,133,189,202,207,209,209,204,196,194,194,194,191,189,183,183,186,191,194,194,199,204,207,202,194,194,202,209,212,209,212,217,225,225,217,215,217,217,212,212,212,215,215,215,215,217,215,207,199,196,194,194,189,137,135,136,141,191,196,196,196,199,199,199,196,196,199,204,212,222,228,228,215,196,186,183,186,199,207,209,212,225,230,230,228,228,230,228,217,209,194,187,189,187,189,202,212,212,202,204,222,228,217,209,199,199,204,207,194,196,196,194,194,194,196,202,209,215,212,196,195,215,222,204,198,199,204,209,209,212,209,135,68,68,95,117,119,143,230,235,233,228,228,228,230,230,228,222,212,199,194,196,196,196,199,202,209,225,228,225,225,225,225,217,209,202,196,194,194,196,194,196,204,215,217,217,217,217,215,207,202,204,212,222,222,217,217,212,207,202,196,199,199,196,194,191,142,143,194,196,196,196,199,202,204,204,196,194,194,196,194,191,189,187,189,196,196,183,129,115,100,135,186,189,196,207,212,212,217,222,215,207,199,191,186,186,189,183,134,134,186,204,207,202,196,194,191,194,194,189,183,185,189,191,196,199,196,194,194,191,191,194,194,187,185,187,194,194,191,196,199,196,191,189,186,185,185,209,212,139,125,135,191,194,194,191,191,191,194,196,194,191,190,194,202,204,202,202,207,204,199,196,199,202,204,207,207,202,194,183,129,123,123,121,109,96,93,103,121,129,176,183,181,183,189,183,173,173,183,191,191,186,186,183,181,173,130,173,173,130,129,130,173,176,181,181,181,183,189,194,202,194,189,186,181,176,123,101,55,21,31,85,176,176,176,181,186,183,131,125,131,183,194,202,202,199,196,199,202,202,202,202,199,191,183,186,194,196,194,191,189,191,194,202,207,207,204,202,191,182,186,199,202,194,137,135,189,196,202,207,209,207,204,203,203,203,204,212,217,217,215,207,191,133,137,202,212,212,212,215,209,199,186,181,137,133,126,126,126,129,131,131,129,133,178,178,181,181,178,178,189,191,178,130,129,133,183,194,199,199,191,139,189,202,207,207,205,207,209,207,204,203,203,204,209,212,215,212,212,209,207,204,204,202,200,202,209,212,212,212,215,215,212,212,212,215,222,222,225,225,222,217,215,215,217,212,204,194,190,191,194,196,196,196,199,202,202,199,199,199,202,202,202,207,207,196,119,102,97,102,141,204,204,204,209,215,217,220,222,209,128,134,194,209,215,220,230,233,230,222,212,204,199,194,196,196,194,194,145,144,189,194,196,199,202,202,204,204,204,200,202,204,204,196,191,191,196,202,207,207,209,209,209,212,215,212,202,199,202,212,209,199,199,215,225,222,212,207,207,207,207,204,204,204,204,202,204,204,209,215,217,215,215,212,211,212,215,222,228,230,230,228,228,228,228,225,222,222,225,222,217,215,215,212,212,207,205,205,212,217,217,215,217,222,225,225,222,220,222,222,222,225,230,235,235,235,230,228,217,212,209,212,215,215,215,222,228,228,222,217,217,217,215,209,202,196,145,143,142,145,194,196,199,204,212,215,212,209,209,217,217,209,204,209,217,222,228,230,233,230,228,228,228,228,225,217,212,211,211,212,222,228,230,230,230,228,217,209,204,199,199,202,207,209,212,215,217,225,228,230,230,233,233,230,225,222,217,215,209,207,204,207,209,209,209,212,212,212,207,204,204,204,204,207,215,215,209,204,202,202,199,199,199,196,194,189,139,135,135,125,93,85,105,199,141,137,194,207,215,222,233,238,243,248,251,248,248,248,248,248,248,246,238,235,238,238,241,243,246,246,243,241,233,225,222,222,228,230,230,228,222,215,209,207,204,203,204,204,204,202,199,196,196,202,209,209,207,207,204,204,204,202,202,204,204,207,209,209,209,207,204,202,199,199,204,209,207,204,204,212,225,225,215,207,202,202,202,202,202,199,199,194,191,196,196,194,191,189,181,179,181,183,181,178,178,183,186,185,183,186,191,194,189,186,183,183,183,186,186,189,186,183,181,181,181,181,183,186,189,189,189,189,189,186,183,181,181,181,181,183,183,186,189,189,183,181,181,186,191,194,186,138,138,186,194,196,204,209,209,209,207,207,204,209,215,215,215,217,225,228,225,228,228,230,230,233,235,235,238,113,111,109,121,176,176,97,41,16,91,186,204,217,225,217,207,215,212,178,168,191,191,150,118,39,0,0,0,0,0,0,27,47,0,0,0,0,0,0,0,0,7,5,0,13,39,0,0,0,255,255,204,131,131,168,181,163,155,199,241,235,199,191,215,228,209,189,147,103,39,29,39,41,31,35,82,116,134,137,131,126,129,129,129,113,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,129,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,150,147,129,113,85,75,79,105,142,176,186,199,209,209,189,155,89,71,71,67,67,99,191,255,255,254,173,155,150,87,59,124,155,163,155,121,25,0,0,0,0,67,163,222,241,241,241,241,189,47,0,13,0,255,255,2,9,37,35,0,0,0,9,87,87,55,79,0,0,0,0,0,0,183,168,129,87,43,0,23,39,43,39,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,124,152,160,144,131,124,134,165,189,194,142,13,0,0,0,0,194,222,147,77,137,173,178,155,91,88,150,173,168,109,103,111,160,181,196,215,220,212,196,189,186,183,176,160,109,108,115,173,194,194,194,178,163,152,152,111,77,33,29,47,73,79,93,142,150,97,71,64,78,93,137,144,144,142,144,134,59,33,39,41,51,79,83,79,71,71,59,47,47,49,51,55,87,155,189,209,212,212,189,164,163,163,165,173,191,196,191,181,181,176,170,176,189,183,123,113,112,117,160,178,191,199,199,196,176,152,110,110,150,147,97,90,95,144,142,83,50,45,55,73,73,71,71,89,142,176,173,163,150,97,85,77,77,81,79,77,79,85,91,89,77,74,75,85,91,85,83,87,97,134,137,137,129,142,163,168,181,183,163,137,79,71,79,113,47,0,3,65,147,170,168,160,150,124,41,7,33,118,134,134,150,170,181,181,178,176,176,178,178,176,176,178,166,169,191,215,230,251,255,255,255,255,255,255,255,255,0,0,0,0,255,255,0,0,235,222,176,98,57,92,98,45,19,19,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,27,17,7,7,15,19,27,45,118,152,178,176,178,181,178,157,155,165,150,134,113,37,0,0,0,3,0,0,7,45,53,31,12,12,23,41,39,9,0,0,0,0,0,5,21,51,118,160,173,173,170,163,155,155,152,150,147,124,80,81,65,31,0,0,59,108,67,47,43,47,51,39,31,31,35,33,33,31,17,0,0,0,0,0,0,0,21,45,57,69,105,121,142,163,176,183,178,172,172,191,207,230,233,230,230,230,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,105,90,98,113,129,157,186,186,165,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,137,111,95,87,56,20,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,7,6,15,27,35,23,15,15,29,51,59,63,63,59,43,35,29,37,43,61,81,126,150,163,163,165,170,173,173,165,117,110,111,163,191,217,228,228,212,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,155,0,0,46,155,108,0,0,0,0,131,56,22,61,77,150,189,202,204,207,209,220,225,225,215,209,207,222,228,131,0,0,0,0,0,55,0,0,0,0,0,0,0,105,139,92,74,113,124,137,186,191,194,181,150,77,75,155,165,168,170,176,183,181,173,170,173,176,178,178,181,183,183,181,176,181,186,189,186,186,196,202,202,202,202,196,196,196,191,137,127,125,129,189,202,207,207,207,202,191,187,189,191,189,186,183,182,186,194,199,207,215,217,212,196,186,185,189,192,194,199,207,217,225,222,215,215,217,215,212,211,212,215,215,215,215,215,204,196,191,143,139,137,139,136,135,137,186,194,199,202,202,202,202,202,199,199,204,207,209,215,225,225,217,204,194,189,191,202,209,209,209,209,220,225,225,228,228,222,212,199,186,186,191,191,191,199,207,204,196,198,215,228,225,212,199,202,204,202,196,199,196,196,196,199,202,207,209,209,202,196,204,225,230,212,202,202,207,204,199,202,199,135,71,91,228,248,228,217,228,230,228,225,222,222,225,225,222,212,202,187,186,191,199,204,204,202,209,225,228,225,222,217,215,209,207,202,196,194,145,145,191,199,207,215,222,222,222,217,215,212,212,215,217,222,222,225,222,212,202,199,196,199,202,199,196,191,142,141,143,191,194,196,199,204,209,209,204,199,202,202,202,199,202,209,204,196,133,103,107,107,93,137,189,196,204,209,212,212,217,222,215,207,196,186,185,186,191,186,135,133,137,194,199,194,186,181,181,186,191,189,185,185,191,199,202,202,196,191,189,187,189,194,191,189,189,194,196,194,191,191,191,186,185,186,189,186,186,202,129,100,101,129,199,199,196,196,194,189,189,191,194,194,194,199,204,204,202,202,204,202,199,204,207,207,204,202,202,194,186,176,125,123,127,125,109,100,99,115,183,194,196,194,189,186,181,176,173,178,191,196,194,189,189,186,183,173,131,173,176,173,173,176,178,178,183,183,181,181,183,191,196,181,170,129,125,115,95,67,62,61,79,178,194,194,189,189,189,176,117,114,121,183,196,202,202,194,191,196,202,204,204,202,194,183,182,189,196,196,186,182,183,191,199,207,212,207,202,191,185,182,185,191,191,191,183,137,183,191,194,196,202,204,203,203,204,203,204,207,212,215,209,202,189,135,183,204,212,212,215,215,207,191,133,127,129,131,131,127,129,131,133,129,125,129,178,183,186,183,178,178,189,191,133,126,127,133,181,189,196,202,196,139,186,202,209,209,205,207,207,209,207,203,203,204,207,209,209,212,212,212,212,209,204,202,200,200,204,207,207,207,212,215,212,211,211,212,217,220,222,222,222,217,213,213,215,215,204,194,191,191,194,194,194,194,196,199,199,199,196,196,196,196,196,199,202,186,117,108,115,189,207,209,207,207,212,215,212,212,222,222,202,141,194,207,215,222,230,230,228,225,217,212,204,199,199,202,199,196,145,143,144,194,199,202,202,204,207,204,202,202,204,207,204,196,191,189,191,202,207,209,215,215,209,207,202,194,143,145,199,207,207,199,198,212,225,222,212,207,204,204,203,203,204,207,209,212,212,212,212,215,217,217,215,212,211,211,215,222,228,228,225,225,225,225,228,225,222,222,225,225,222,217,217,215,212,207,204,204,209,212,212,215,217,225,228,225,220,217,222,222,222,225,228,230,233,233,230,225,217,209,208,208,212,215,217,222,228,228,225,217,217,217,217,212,207,199,196,147,145,147,196,199,196,199,204,209,212,211,211,215,217,209,207,212,217,220,225,228,228,228,228,228,228,230,228,225,217,211,208,212,222,228,230,230,233,230,225,215,209,204,202,202,204,207,209,215,217,222,228,230,233,233,233,233,228,222,217,212,207,202,202,207,209,209,209,209,209,209,207,202,202,199,202,204,212,215,212,204,202,202,199,199,199,196,196,194,189,183,139,127,89,76,74,189,137,135,143,199,207,212,222,230,238,246,251,251,248,248,248,248,248,243,235,233,238,241,243,246,248,246,243,241,235,228,225,225,228,228,228,225,222,215,212,207,204,203,204,207,207,204,199,199,196,204,212,209,207,204,204,207,207,204,204,202,202,202,207,207,209,209,204,199,199,199,207,212,209,207,204,212,222,222,212,204,196,194,196,202,202,202,202,199,196,196,199,196,196,191,181,179,181,181,181,179,179,186,189,185,183,186,191,194,194,191,189,189,189,189,189,189,186,183,181,181,181,181,183,186,189,189,186,186,186,186,186,186,186,186,186,186,186,189,194,196,189,181,135,135,181,186,183,139,139,186,191,196,207,215,217,215,215,212,209,212,212,212,212,215,222,225,222,225,228,230,233,235,235,235,235,99,92,91,103,165,178,160,79,22,71,160,196,217,225,217,207,196,178,83,79,144,126,65,65,39,0,0,0,0,0,0,31,55,11,0,0,13,25,0,0,0,0,0,0,0,25,0,0,255,255,255,255,196,163,163,176,199,241,255,255,212,157,150,178,215,228,225,212,181,142,121,103,65,47,41,0,0,160,191,183,176,168,176,178,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,121,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,137,139,131,121,85,74,79,108,157,199,220,225,217,199,163,95,67,59,51,45,47,67,155,255,255,255,173,150,170,189,202,189,155,59,0,0,0,0,0,0,5,129,181,215,233,241,255,255,255,233,178,181,235,255,255,9,9,25,7,0,0,0,0,5,13,13,39,0,0,0,199,0,0,0,202,155,74,25,19,25,43,66,41,17,3,0,0,0,0,0,0,0,0,5,64,0,0,0,0,0,111,139,129,121,126,134,157,178,189,186,157,61,0,0,0,9,152,155,155,168,173,173,165,139,155,176,181,168,152,109,160,170,189,202,209,212,204,196,194,196,199,191,178,113,113,163,186,194,194,194,194,183,178,163,155,144,44,39,85,67,69,89,134,142,97,85,89,152,152,147,155,163,157,163,147,59,41,41,39,41,69,79,79,79,71,63,53,49,49,53,61,79,107,168,178,202,212,191,168,165,165,168,173,183,183,173,170,170,123,122,176,199,186,119,110,109,112,117,160,181,191,196,189,163,111,111,110,147,105,90,87,92,144,142,83,49,45,49,67,79,85,91,134,155,173,170,163,147,97,91,89,89,93,93,91,91,97,137,89,75,72,75,85,87,89,91,99,139,142,147,144,147,163,176,183,186,183,155,137,137,134,150,150,47,0,0,21,134,160,157,152,142,77,19,0,21,129,142,134,144,168,178,178,170,165,176,186,186,183,186,189,173,176,191,215,230,241,248,248,246,255,255,255,255,0,0,0,0,0,255,251,241,243,243,235,155,55,82,165,170,43,5,3,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,56,46,46,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,33,39,33,27,27,21,21,39,103,139,168,189,189,173,147,142,147,170,150,124,67,0,0,0,0,3,0,0,13,49,49,23,12,17,45,59,45,13,0,0,0,0,0,5,29,55,118,157,170,168,160,157,147,147,144,142,139,124,80,81,73,33,0,0,45,103,73,55,47,47,51,49,43,43,41,39,37,31,17,0,0,0,0,0,0,0,7,29,49,61,73,113,142,163,181,189,181,172,172,186,207,230,230,230,230,230,238,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,92,92,103,113,147,165,168,160,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,121,103,95,87,56,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,11,11,17,23,35,27,15,9,17,35,51,59,67,63,55,43,41,43,53,63,87,131,144,150,163,163,165,165,165,152,110,110,110,119,183,220,228,222,209,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,228,0,0,85,168,165,0,0,0,0,0,0,9,23,59,178,199,202,199,204,209,217,217,215,220,215,212,217,222,215,113,0,0,0,0,0,0,0,0,0,0,0,25,116,131,86,74,116,121,137,168,168,183,178,87,67,85,157,168,170,170,173,178,181,176,173,176,178,181,178,177,181,189,186,181,181,183,183,178,178,189,196,196,196,199,202,204,204,199,186,131,127,133,189,199,202,202,202,194,186,186,189,191,191,186,182,182,186,194,202,209,217,217,212,194,187,186,190,189,186,192,207,222,222,217,215,217,217,215,211,211,212,217,217,222,217,207,191,189,194,189,135,134,136,137,139,141,189,194,196,199,199,196,196,196,194,196,202,204,204,207,212,217,217,212,207,204,204,204,207,209,204,196,207,217,222,222,222,215,207,196,187,187,194,196,194,196,202,199,196,198,209,225,222,204,189,204,199,199,199,199,195,195,196,199,204,207,209,199,189,194,207,217,222,215,207,207,207,204,199,199,202,194,131,199,238,243,230,212,204,207,215,215,212,212,217,215,209,204,196,187,186,191,202,207,202,196,194,212,217,217,212,209,204,204,202,199,196,191,144,143,145,202,212,217,222,222,222,217,215,215,215,215,217,217,217,222,222,212,204,199,195,195,199,199,202,196,143,141,142,189,194,196,199,204,207,204,202,202,204,204,204,204,209,215,209,194,100,88,103,129,119,181,191,199,207,212,212,209,215,217,215,204,194,185,183,186,191,189,136,134,137,189,191,189,183,181,179,183,189,189,186,189,199,204,204,204,202,196,191,189,189,189,186,189,196,199,194,191,191,191,189,189,186,189,191,191,194,194,125,102,107,202,212,204,199,196,189,186,186,191,196,196,194,196,202,207,209,207,204,199,199,209,209,199,194,194,194,189,178,129,125,123,129,127,111,109,117,176,196,202,202,194,191,189,173,170,172,178,189,196,196,194,191,189,183,173,130,131,176,178,183,186,181,181,181,181,178,178,181,186,181,122,121,123,121,115,101,85,194,207,196,194,199,199,199,196,189,129,116,114,119,133,186,194,191,183,183,189,199,204,202,196,186,181,181,191,204,202,186,181,183,194,207,212,212,204,191,185,186,186,186,185,185,189,186,186,186,183,138,139,194,204,203,203,204,204,204,207,209,212,207,199,189,183,194,209,212,212,215,215,207,183,117,114,122,131,133,129,129,133,133,127,122,129,183,191,189,183,133,133,183,186,133,127,131,183,186,181,183,189,186,133,139,196,207,209,207,207,209,209,209,207,207,207,209,209,209,209,212,215,217,215,209,204,200,199,202,204,202,204,212,217,215,212,212,212,212,215,215,217,222,217,213,213,215,215,209,199,194,194,191,191,189,189,189,194,196,196,194,191,191,186,141,186,191,196,196,207,215,212,212,212,207,207,209,212,204,203,215,225,217,194,194,204,215,225,228,228,228,228,225,217,209,202,204,207,204,199,191,144,191,202,207,204,204,204,204,202,200,202,204,204,202,199,194,189,189,202,209,209,215,217,209,202,196,143,140,143,199,207,209,199,196,204,217,225,222,212,204,202,202,204,212,215,215,217,217,217,217,217,217,215,215,212,211,211,215,225,228,228,225,225,222,222,222,222,222,225,228,225,222,217,217,215,215,209,207,209,209,209,207,209,217,225,228,225,217,217,222,222,222,222,225,228,230,230,230,228,217,212,208,208,209,215,217,225,230,230,225,217,217,217,217,215,212,207,202,196,194,196,202,199,194,194,199,209,215,212,212,215,215,212,212,212,212,215,222,225,228,228,228,228,228,228,230,228,222,209,207,212,225,230,230,233,233,233,228,217,212,207,204,207,207,207,209,212,215,222,225,228,230,230,233,233,228,222,215,212,207,203,202,204,207,207,207,207,207,204,204,202,199,196,196,202,207,209,209,207,202,198,198,199,199,194,194,194,194,189,183,135,109,78,74,121,135,139,141,145,202,207,209,217,233,246,251,254,251,248,248,246,246,238,231,230,235,241,243,246,246,243,243,243,241,235,230,230,230,225,222,222,217,217,217,212,207,204,207,209,207,202,196,195,195,202,207,207,204,203,203,204,204,204,204,204,199,198,199,202,204,207,204,202,199,204,209,212,212,209,204,209,215,217,212,202,194,192,194,199,202,202,204,202,199,199,199,194,194,191,183,181,181,181,181,181,183,189,191,186,185,189,194,196,194,194,191,191,189,191,191,189,186,183,183,183,181,181,183,186,186,186,186,183,186,186,189,189,189,189,189,186,186,189,196,202,194,183,133,129,130,135,181,139,139,139,186,191,204,215,217,217,222,225,225,222,217,212,212,215,222,222,217,217,222,228,233,233,233,233,230,93,88,86,97,121,165,165,105,71,71,81,147,204,225,217,199,186,97,47,50,87,81,61,79,111,27,0,0,0,0,0,0,15,0,0,0,25,90,45,0,0,0,0,0,0,0,53,230,212,202,243,243,152,131,142,142,181,241,255,241,165,118,111,121,152,194,0,233,217,186,155,129,105,95,0,0,0,0,241,222,183,183,199,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,139,139,90,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,118,137,131,124,92,81,83,108,160,209,235,225,209,178,150,93,67,47,39,29,29,41,83,217,255,254,160,150,204,248,255,228,131,0,0,0,0,0,0,47,77,168,199,225,233,233,255,255,255,255,255,255,255,235,139,37,23,11,0,0,0,0,0,0,0,7,0,0,0,186,0,0,0,0,233,181,90,31,21,33,59,66,35,13,3,3,3,0,0,0,0,0,0,0,66,103,43,0,0,0,77,126,118,112,121,134,150,170,186,202,204,134,0,0,0,0,0,79,157,183,176,178,173,155,165,176,165,157,109,109,157,178,196,204,204,194,194,191,196,196,207,199,189,168,163,183,194,202,202,202,196,189,163,103,109,165,85,51,99,79,75,89,97,142,150,163,186,202,173,152,163,183,186,191,178,43,36,37,34,33,51,75,79,79,65,63,73,63,55,55,75,93,160,186,186,191,196,189,168,165,165,165,170,183,183,170,125,121,119,120,176,202,186,123,113,113,117,117,119,157,165,176,160,105,105,111,150,150,107,97,93,99,142,134,83,63,53,55,67,89,95,97,134,152,152,152,147,137,137,97,97,131,131,99,93,93,99,139,95,81,75,81,91,87,91,101,142,150,150,150,155,165,178,186,186,189,183,163,137,129,126,150,144,33,0,0,3,113,139,137,137,124,53,0,0,11,129,150,142,142,155,163,163,155,160,178,196,199,183,186,204,202,202,212,222,241,248,248,246,251,255,0,0,0,0,255,255,0,0,255,246,255,255,248,225,90,45,82,178,181,39,0,1,23,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,116,98,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,31,39,47,55,79,43,19,3,13,55,131,178,196,189,152,124,116,129,155,150,105,11,0,0,0,0,15,0,0,13,45,37,15,12,33,69,98,45,9,0,0,0,0,0,13,35,55,81,139,155,160,157,155,147,147,142,139,131,121,80,81,73,39,8,2,33,73,100,65,53,47,46,49,49,0,41,37,37,33,23,5,0,0,0,0,0,0,0,17,31,55,69,111,142,160,178,181,178,172,176,191,209,230,233,230,228,230,235,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,91,98,111,139,152,160,0,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,126,111,103,87,46,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,17,23,21,23,31,31,17,5,5,17,35,51,63,63,59,51,43,49,53,67,89,131,139,139,150,163,163,165,152,152,152,111,111,119,183,220,230,220,202,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,0,0,118,255,255,12,0,0,0,0,0,64,69,124,178,196,202,198,202,207,215,215,212,215,212,212,217,222,230,235,165,129,15,0,0,0,0,0,0,61,3,43,103,113,98,100,134,131,150,168,152,157,134,54,42,87,157,170,176,176,173,176,181,183,178,176,183,186,183,181,183,191,191,186,181,181,181,178,176,178,186,189,189,191,202,207,204,196,191,183,181,186,194,196,196,196,199,194,186,186,194,196,191,186,183,183,189,194,196,202,207,209,207,199,196,207,212,196,187,192,212,225,228,222,217,215,215,212,211,211,215,222,228,228,225,196,137,143,204,199,136,134,139,189,189,189,189,186,139,137,141,186,189,189,189,191,199,202,199,202,207,212,215,215,212,212,209,204,204,207,199,192,196,215,217,217,215,207,204,199,191,191,202,202,194,194,202,202,199,202,212,217,222,143,101,135,196,196,196,195,194,194,196,202,204,207,204,189,186,196,209,207,204,209,212,212,209,207,204,202,204,202,202,215,230,230,215,196,141,189,204,207,209,215,217,212,202,194,191,189,189,196,204,207,202,191,189,196,204,204,202,202,202,204,204,199,194,191,144,144,194,204,215,222,222,222,217,217,212,209,212,215,215,215,215,222,222,215,207,204,199,196,202,207,209,204,194,194,196,199,199,196,196,196,196,196,196,202,204,204,202,202,207,209,209,207,129,98,189,212,186,139,186,191,202,209,207,207,209,212,209,204,196,189,189,196,202,191,181,137,183,191,194,191,189,186,181,183,189,191,191,196,207,207,204,204,204,202,194,191,191,186,139,139,186,186,139,186,194,191,191,191,191,194,196,196,196,196,186,135,199,222,212,194,189,186,183,183,191,202,204,199,194,196,204,212,215,212,202,194,191,204,199,189,183,189,189,183,176,131,125,120,123,123,109,127,181,191,199,199,196,191,191,196,173,172,178,183,189,194,196,196,194,189,181,131,130,131,173,178,189,189,183,178,178,178,178,181,186,183,129,119,121,129,170,173,183,202,199,196,196,199,196,196,199,196,186,176,127,123,127,176,181,181,176,173,174,186,199,204,202,194,183,178,181,194,207,207,194,185,191,204,212,217,215,202,189,189,199,199,194,186,185,189,189,186,183,136,135,139,199,207,207,204,204,207,204,207,209,212,209,202,191,189,202,215,212,207,209,212,209,186,111,108,121,131,135,129,131,135,133,125,123,133,194,196,189,181,133,129,129,133,131,131,186,196,191,181,133,133,131,127,128,137,194,204,207,209,212,212,212,209,209,212,212,212,209,209,212,215,217,217,212,207,202,199,202,202,202,204,212,217,217,217,215,212,211,211,212,217,222,222,217,217,222,222,217,209,202,194,189,186,141,141,141,189,194,196,191,183,135,127,125,129,141,202,212,222,217,212,209,209,209,207,207,207,204,204,215,225,215,199,194,204,217,228,230,230,230,233,230,225,215,209,209,209,207,207,199,194,199,209,212,204,202,204,202,200,199,202,204,202,199,202,199,190,189,202,212,212,215,212,209,204,199,191,143,194,204,209,212,202,195,198,212,225,228,217,204,199,200,207,217,222,217,222,222,222,222,222,217,215,215,215,212,212,217,228,230,230,228,225,222,217,217,215,217,225,228,222,217,215,215,217,217,215,215,215,212,204,203,204,215,222,225,222,217,217,222,222,222,225,228,228,228,228,230,228,222,212,208,208,209,215,222,225,230,230,225,217,217,222,222,217,215,209,204,199,196,199,202,199,195,194,196,207,215,215,212,215,212,212,215,212,212,215,217,222,228,230,230,228,225,225,225,225,217,209,208,215,225,228,230,233,233,233,228,222,215,212,209,212,212,212,212,212,215,217,222,225,228,228,230,230,228,222,217,215,212,204,203,207,207,207,207,207,204,204,202,204,199,194,194,196,199,204,207,204,199,198,198,202,202,194,189,194,196,191,186,183,135,107,88,99,135,189,141,143,199,204,204,209,228,243,251,254,254,248,248,246,243,235,229,229,233,241,243,246,243,241,241,243,243,241,238,235,230,228,222,217,217,222,217,215,209,207,207,207,207,202,199,196,196,202,207,204,203,203,203,204,202,202,204,204,202,198,196,198,199,202,202,202,204,207,212,215,212,209,207,207,212,215,212,207,199,194,194,196,202,204,207,204,202,202,196,194,194,194,186,183,181,181,181,183,186,191,191,191,191,194,196,196,194,194,194,191,191,191,191,189,186,186,186,183,183,181,183,186,186,186,186,183,183,186,189,191,191,191,191,191,186,189,196,202,199,189,135,128,128,131,135,137,137,137,139,186,196,209,215,217,225,233,235,233,228,217,215,217,222,217,212,212,215,222,228,230,230,228,228,97,93,90,97,111,157,160,157,105,79,55,73,178,207,204,199,178,81,41,50,139,134,118,160,126,39,0,0,0,0,0,0,0,0,0,0,5,100,35,0,0,0,0,0,0,0,0,7,27,27,65,69,55,108,131,124,124,186,212,176,111,63,57,47,63,137,202,228,217,199,181,147,116,121,0,0,0,255,255,222,178,178,196,209,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,103,129,90,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,85,116,124,124,118,111,113,108,150,199,225,217,196,178,160,134,67,41,28,24,24,33,67,165,241,217,150,150,225,255,255,255,168,23,0,7,0,3,33,71,124,173,209,233,241,241,255,255,255,255,255,255,255,202,118,49,25,0,0,0,0,0,0,0,5,0,0,0,0,194,222,0,0,0,241,191,105,39,31,37,39,35,17,0,0,0,0,0,0,0,0,0,0,0,15,157,163,0,0,0,19,103,113,113,121,131,144,165,178,189,186,49,9,0,0,0,0,25,131,176,178,181,178,155,155,155,101,101,103,107,157,183,196,202,196,194,194,194,196,196,196,191,183,176,176,194,202,212,212,212,207,189,111,81,84,111,85,45,59,81,81,81,91,142,173,199,212,204,157,139,152,183,191,196,183,43,37,41,33,29,37,69,83,77,61,63,85,81,55,55,87,163,207,220,202,189,178,170,163,119,119,163,170,183,196,181,170,123,120,165,189,199,189,173,165,163,121,117,115,115,155,113,103,89,92,107,160,168,157,147,144,137,144,134,83,73,75,73,79,97,85,75,81,97,131,129,93,129,134,134,134,144,144,131,91,81,83,89,85,81,81,87,93,93,101,144,152,157,157,157,165,176,186,186,186,191,191,173,139,73,65,116,118,19,0,0,23,105,113,105,105,71,29,0,0,3,126,152,144,144,147,147,147,157,165,178,199,189,168,170,202,225,230,228,235,248,255,255,255,255,255,0,0,0,0,255,0,0,0,255,251,255,255,230,168,41,0,74,116,79,0,0,7,0,147,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,183,189,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,51,82,90,105,108,55,7,0,4,71,147,186,196,183,150,114,108,114,147,150,108,0,0,0,0,21,27,0,0,0,25,21,12,12,53,108,103,43,11,0,0,0,0,5,23,39,51,69,118,137,152,157,157,147,147,137,134,131,124,85,85,75,49,19,8,29,59,73,67,53,47,46,51,49,39,33,31,33,29,23,9,0,0,0,0,0,0,0,5,23,47,67,111,142,160,173,181,178,173,178,191,212,230,238,230,228,225,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,98,105,113,129,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,131,111,95,79,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,19,27,23,23,29,29,15,3,0,11,27,43,59,63,59,51,51,53,53,69,87,124,124,126,139,150,163,152,152,152,165,165,163,163,191,222,238,228,209,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,92,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,82,222,217,0,0,0,0,0,66,183,183,152,168,191,202,199,204,212,215,212,209,209,209,209,212,217,225,228,225,220,191,65,0,0,0,0,0,69,15,13,27,111,118,139,147,150,165,176,163,144,75,69,75,144,163,176,178,181,181,178,183,186,178,176,183,189,186,181,183,191,194,189,181,183,191,194,181,173,178,183,183,194,207,207,202,194,191,194,199,202,202,202,196,195,199,196,187,189,202,202,191,183,183,189,194,199,196,195,199,207,207,207,209,215,212,202,194,199,215,228,230,228,222,215,215,215,211,212,215,222,230,233,212,128,130,196,215,207,139,139,196,199,189,189,194,139,124,126,137,141,141,141,186,186,194,196,196,199,204,212,215,212,209,209,209,204,202,202,196,192,195,207,215,215,209,204,202,199,194,196,202,199,192,196,204,207,207,212,215,217,215,137,98,103,196,204,195,196,196,195,196,202,204,202,194,187,196,215,212,200,195,200,215,217,217,212,207,202,204,207,209,212,212,217,196,143,137,141,199,204,209,222,230,217,196,143,143,142,143,194,207,209,204,192,190,192,196,196,196,199,204,212,207,196,191,191,194,196,204,212,215,222,222,217,217,217,212,204,207,209,212,212,217,222,222,212,207,204,204,207,212,217,217,212,204,207,209,209,204,199,194,194,195,196,202,204,204,202,199,199,202,207,207,199,194,199,207,202,189,135,133,135,183,196,202,199,202,202,202,202,199,196,199,207,207,202,189,189,194,196,202,207,196,186,137,137,186,194,199,202,204,204,204,204,204,202,196,194,194,191,139,131,129,129,131,139,191,191,191,194,196,202,202,199,194,191,191,189,196,215,194,125,130,137,137,139,194,209,209,202,194,199,207,215,217,212,199,191,189,191,186,183,183,191,181,176,176,176,121,117,120,173,186,191,191,191,194,196,196,194,183,176,176,178,186,189,189,191,191,191,189,183,176,173,173,131,129,173,181,183,178,176,178,181,183,189,191,183,125,121,127,176,178,178,181,189,194,194,191,191,194,194,189,183,183,189,191,189,183,183,183,178,172,170,176,191,202,204,199,191,186,181,182,191,202,202,199,199,207,207,212,217,215,204,202,204,204,204,204,196,186,186,194,189,139,133,134,194,207,209,209,207,207,207,207,207,209,212,209,204,189,189,204,217,215,207,209,212,209,199,139,129,133,183,191,189,183,181,129,118,125,181,189,199,196,194,186,131,119,113,127,183,194,199,199,194,186,181,133,125,121,121,123,135,202,209,212,215,215,212,215,217,217,215,212,212,212,212,215,220,217,209,202,200,202,202,202,204,212,215,215,215,215,212,211,211,215,217,222,225,222,217,222,222,222,215,207,194,139,137,139,141,139,183,189,191,183,127,118,111,115,129,191,204,212,217,212,207,207,207,207,204,204,204,204,207,212,217,215,204,199,204,222,228,230,230,230,230,230,225,217,217,217,212,207,209,212,204,204,209,199,191,198,202,202,202,204,209,207,202,198,199,202,194,191,199,212,215,215,212,209,204,204,202,202,204,209,215,215,202,194,198,215,228,228,225,207,199,199,209,217,217,222,222,222,222,225,225,217,215,217,217,215,215,220,228,230,230,230,228,228,222,215,215,222,225,222,217,213,213,213,215,217,215,215,215,209,204,203,203,209,215,220,217,215,215,217,225,225,228,228,228,228,228,228,225,222,217,212,209,212,215,222,225,228,228,225,225,225,225,225,222,217,212,207,202,199,202,202,202,199,199,202,204,207,212,212,212,211,212,212,215,215,215,217,222,228,233,233,225,222,217,217,215,212,211,212,217,217,217,228,233,233,230,228,225,217,215,215,217,217,217,215,215,212,215,215,217,225,228,230,230,228,225,222,217,212,207,207,207,204,204,204,204,204,202,199,199,199,194,191,192,196,202,199,199,199,199,204,209,207,194,187,191,191,189,186,186,139,133,121,113,127,186,194,199,204,204,202,204,220,235,246,254,254,251,246,246,243,238,233,231,235,241,246,243,241,238,235,238,241,243,241,238,235,230,225,222,222,220,215,215,212,209,207,204,202,202,204,207,207,207,207,207,207,207,207,204,202,202,202,204,204,199,199,198,198,196,199,204,207,209,212,215,212,207,207,207,212,215,212,209,207,199,194,194,202,207,209,207,204,199,194,191,191,191,189,181,133,131,178,183,186,189,194,194,196,196,199,199,196,196,194,191,191,194,191,189,186,186,186,186,183,181,181,181,183,186,186,183,182,183,189,191,191,194,194,191,186,183,191,196,196,194,189,137,131,131,135,135,135,137,139,139,191,204,209,215,225,235,238,235,230,222,212,212,215,215,209,209,212,217,222,225,225,225,225,97,103,99,99,107,160,170,170,157,97,59,53,99,176,178,181,147,77,71,144,191,181,178,178,121,33,0,0,0,0,0,0,0,0,0,0,0,13,3,0,0,0,0,0,0,0,0,0,0,0,0,0,9,59,113,116,124,165,191,150,53,33,39,35,36,111,204,230,215,215,207,173,116,0,0,0,248,255,255,207,155,157,178,196,189,189,0,0,0,0,0,0,0,0,0,0,222,220,121,7,20,61,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,77,105,124,139,139,129,124,144,176,196,196,181,178,189,176,85,41,28,27,25,33,63,139,165,157,134,99,186,255,255,255,241,157,51,33,33,33,31,37,57,79,170,230,246,251,255,255,255,255,255,255,255,225,173,69,15,0,0,0,0,0,5,19,33,0,0,0,222,196,233,0,0,248,233,176,79,33,33,25,23,0,7,0,0,0,0,0,0,1,23,0,0,0,0,23,0,0,0,0,0,87,111,113,129,142,131,152,170,178,142,51,15,1,0,0,0,51,87,155,170,178,176,163,163,105,97,97,101,109,165,176,183,194,194,194,196,196,196,196,183,181,178,183,183,194,209,220,228,222,220,196,91,71,79,93,87,63,55,63,65,65,83,147,186,204,196,173,140,127,142,176,186,173,181,75,57,69,49,30,32,71,97,85,63,71,99,97,54,54,155,189,209,217,209,191,178,168,119,119,119,163,173,196,209,207,194,178,178,189,186,176,168,173,186,163,157,117,109,113,115,107,93,86,89,103,150,160,157,157,147,144,144,101,81,69,75,89,129,134,67,54,62,89,95,87,81,81,91,97,134,142,144,131,87,76,69,68,75,83,95,137,152,147,152,152,160,168,168,173,173,178,178,178,183,191,191,173,134,61,43,63,63,5,0,0,35,108,73,39,63,63,37,0,0,29,121,152,152,150,142,142,147,173,173,176,196,176,144,150,189,241,254,248,248,255,255,255,255,255,255,255,255,255,255,0,0,0,0,255,255,255,248,196,116,37,38,51,0,0,0,0,0,0,0,199,13,0,0,0,0,0,0,0,0,0,0,19,25,43,142,202,183,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,103,113,105,113,103,63,39,1,1,118,189,204,191,181,150,116,107,121,152,150,108,21,0,0,35,53,29,0,0,0,1,15,15,25,65,103,71,45,17,5,7,9,15,29,35,39,45,63,79,124,144,152,157,147,139,134,134,126,124,121,118,81,57,31,20,23,51,67,57,55,53,61,51,43,31,29,29,31,29,21,5,0,0,0,0,0,0,0,0,15,41,63,111,142,155,170,173,178,178,178,191,209,238,246,235,228,215,217,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,72,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,19,23,23,23,23,21,9,0,3,17,35,43,59,63,59,51,51,53,63,73,81,116,89,89,95,139,144,144,142,152,165,173,165,168,196,228,248,248,230,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,98,163,196,225,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,48,33,0,0,0,1,64,134,212,199,129,142,176,194,207,217,209,202,207,212,212,209,207,207,209,215,217,222,225,243,248,11,0,0,0,0,0,0,7,9,21,51,155,170,181,189,183,152,134,87,93,147,160,160,170,183,191,189,181,178,176,174,176,181,186,183,181,183,186,186,183,181,186,199,204,196,177,178,181,189,202,204,199,194,191,189,191,199,204,207,202,195,194,199,199,191,194,202,199,183,182,186,191,199,204,202,196,202,209,212,212,209,207,202,199,196,199,209,222,230,230,225,217,217,222,217,215,215,222,230,228,131,124,137,209,212,196,141,191,207,204,186,137,141,137,129,130,139,141,140,141,186,185,189,196,199,202,207,209,212,207,205,205,209,207,204,202,196,194,196,204,209,212,209,207,202,196,194,194,196,194,196,202,207,209,212,217,215,209,204,191,130,133,202,207,202,207,209,204,196,199,202,196,189,189,204,222,217,200,195,200,217,225,225,215,204,196,202,209,212,207,194,135,133,139,143,191,196,204,215,228,230,215,191,141,141,141,142,191,204,212,209,199,194,194,196,196,194,194,202,209,204,194,194,199,207,212,215,215,212,215,217,215,215,215,212,202,202,207,209,215,222,217,212,204,202,202,207,212,217,225,225,220,212,212,212,212,209,202,195,195,202,207,207,207,204,202,202,199,202,204,202,199,199,202,207,202,186,133,132,132,137,189,194,196,196,191,191,194,196,196,199,202,202,199,194,196,204,207,212,212,196,136,134,135,181,191,199,199,196,199,199,202,202,199,196,194,194,194,183,129,125,125,129,183,191,190,190,191,199,204,204,196,183,137,186,189,189,189,131,125,129,181,181,183,194,207,207,199,194,199,207,212,209,207,204,194,181,128,129,135,181,183,176,176,186,189,127,119,123,186,202,204,196,189,186,194,199,196,131,125,131,183,189,191,189,186,181,181,178,173,173,178,181,176,127,127,131,173,176,181,186,191,194,194,194,189,131,129,178,183,183,178,176,177,186,191,191,191,191,189,178,177,186,196,202,199,194,191,189,181,173,172,178,194,202,202,199,196,191,183,179,182,194,199,196,202,207,207,207,209,209,204,207,209,209,209,209,204,191,189,194,196,189,137,136,191,207,212,209,204,207,207,209,212,215,215,209,194,182,183,199,212,209,204,207,212,212,207,202,199,202,204,207,204,199,191,133,115,116,137,194,202,202,204,204,189,111,103,125,189,199,204,204,204,202,199,199,196,133,125,121,126,191,207,217,217,215,215,215,217,217,215,215,215,215,215,217,222,222,215,207,202,202,202,202,204,212,215,215,215,215,215,212,212,217,222,222,222,220,217,217,217,217,215,209,196,139,137,139,139,137,139,183,139,129,122,118,120,127,139,191,202,212,215,212,207,207,207,204,204,204,207,207,207,209,215,217,212,204,202,209,225,230,233,233,230,225,212,207,212,212,204,202,207,215,212,209,204,185,182,199,204,207,209,215,217,212,202,198,198,199,196,191,196,207,215,215,215,212,209,207,209,212,215,215,217,215,202,194,199,215,225,225,217,207,200,200,209,215,215,215,217,217,222,225,222,217,215,220,222,217,217,222,225,228,228,225,228,228,225,215,212,215,220,217,215,213,213,215,215,217,215,215,215,212,207,203,203,207,212,215,215,215,215,222,225,230,230,230,230,228,225,225,225,225,222,215,212,212,215,217,222,222,222,225,222,225,228,228,225,217,212,207,204,202,202,204,204,204,207,207,204,204,204,207,212,212,212,212,215,215,217,222,225,230,230,230,228,222,215,212,212,215,222,225,217,212,212,222,230,230,230,228,225,222,217,217,217,217,217,217,217,217,215,213,215,217,225,228,228,228,228,225,217,215,209,207,207,204,204,202,202,199,199,199,199,199,194,191,191,196,202,199,198,199,207,212,215,209,196,187,187,189,186,186,186,183,139,129,117,123,139,194,202,207,204,202,202,212,228,235,243,248,248,248,246,246,243,238,238,238,243,246,243,238,233,230,233,235,241,241,241,235,233,228,225,225,222,215,215,212,209,204,199,199,202,207,212,215,212,209,209,209,209,207,202,200,200,204,207,207,204,202,199,196,195,199,207,209,209,212,212,209,204,202,204,209,209,209,209,209,204,199,199,204,207,207,209,204,196,194,191,191,191,186,133,127,127,133,181,186,189,194,191,194,196,199,199,196,194,191,190,191,191,191,189,186,186,186,186,183,181,181,181,183,186,186,183,182,183,189,191,191,194,194,189,183,182,186,191,196,196,196,191,186,183,139,137,135,135,139,141,189,196,204,215,228,233,233,228,222,212,205,205,207,209,209,207,209,212,215,222,222,225,228,95,99,99,99,107,165,178,178,165,144,71,47,65,93,139,160,139,80,87,181,225,217,196,178,129,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,108,124,152,191,194,124,31,27,37,45,63,183,255,255,255,243,235,196,160,0,0,0,255,255,255,199,144,144,168,178,168,178,189,0,0,0,0,0,0,0,0,0,222,209,108,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,74,108,134,144,139,142,150,160,170,170,176,186,212,202,150,67,53,41,33,39,59,75,91,99,95,99,173,241,255,255,235,165,51,26,25,23,18,19,23,37,89,215,251,255,255,255,255,255,255,255,255,248,222,134,25,0,0,0,0,11,35,53,85,103,0,0,202,189,230,251,0,241,209,150,64,23,23,19,15,17,17,7,0,0,3,9,5,13,29,5,0,0,0,0,0,0,0,0,0,47,95,111,129,129,113,113,147,163,147,79,55,53,45,15,35,77,89,97,155,170,170,163,160,150,100,99,107,155,176,178,181,186,194,204,204,196,196,189,176,170,178,183,191,199,212,230,230,230,222,202,97,80,82,95,95,79,71,63,65,67,85,155,189,194,178,142,129,127,181,191,176,160,91,87,81,81,61,45,57,85,134,137,99,103,155,105,49,49,147,176,194,212,212,202,178,163,119,119,160,170,191,209,217,217,204,194,191,189,168,121,121,173,183,119,111,111,109,113,115,107,93,92,99,105,150,157,157,157,155,155,144,91,71,69,87,131,131,85,58,52,63,91,93,81,67,63,71,83,95,144,155,144,93,81,72,70,80,134,155,163,165,165,163,168,170,176,176,173,173,173,170,176,178,189,183,147,67,43,39,57,49,0,0,0,41,65,41,5,47,67,59,47,41,69,134,144,152,152,147,143,155,176,183,183,176,142,93,142,199,233,255,255,254,255,251,251,255,255,255,255,255,255,255,0,0,0,0,255,255,255,233,189,147,105,90,85,45,0,0,0,0,0,181,134,0,0,0,0,0,0,0,0,0,0,0,38,118,186,209,202,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,77,111,105,53,53,51,63,98,45,33,131,194,212,183,150,139,137,129,137,144,126,57,21,25,53,73,65,21,0,0,0,0,11,31,47,65,71,67,51,27,15,13,17,33,43,47,45,41,55,71,118,126,142,150,147,137,131,129,126,131,129,126,116,73,49,29,27,51,65,65,57,63,61,59,49,33,29,31,33,33,21,5,0,0,0,0,0,0,0,0,11,29,61,111,139,160,170,178,178,178,183,191,220,238,246,235,217,204,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,38,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,23,23,21,21,17,11,5,0,5,23,41,51,59,59,53,43,41,43,55,67,73,75,81,81,89,95,131,134,103,144,170,176,165,168,191,222,248,255,241,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,14,0,0,0,0,0,0,0,0,0,0,79,144,194,222,233,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,116,176,220,186,82,103,160,173,189,215,207,202,207,212,212,209,207,207,209,209,212,215,225,233,251,152,0,0,0,0,0,0,11,3,0,11,173,194,199,202,194,155,144,142,152,163,165,107,157,191,199,191,176,172,173,174,178,183,183,183,183,186,183,181,181,186,196,207,212,209,199,186,183,194,204,199,191,191,189,187,187,194,204,207,196,194,196,207,207,199,196,199,191,181,181,186,194,202,209,207,202,207,215,217,215,207,199,199,202,202,196,199,212,225,228,225,222,225,228,228,222,215,222,230,215,118,119,194,209,196,139,143,202,212,209,186,135,137,141,139,141,189,186,141,186,186,183,186,194,202,209,212,212,209,207,205,207,212,209,204,199,196,196,202,207,207,207,209,207,202,196,194,192,192,194,204,207,204,204,209,212,207,196,194,194,199,199,199,204,209,222,228,215,199,196,199,194,187,194,212,228,228,209,202,212,228,228,222,207,191,190,202,215,222,212,196,119,125,135,189,202,202,204,217,228,225,204,143,140,141,189,191,196,204,212,212,204,199,199,199,196,192,192,194,202,202,196,202,212,217,222,220,212,204,204,212,212,209,212,209,199,196,202,209,217,222,212,202,196,196,199,209,220,225,228,225,222,212,207,207,207,207,204,202,202,209,215,212,207,202,202,202,199,202,207,204,202,199,204,207,202,189,135,133,135,139,189,194,196,196,189,187,189,191,189,189,189,191,191,191,199,207,212,212,207,191,137,135,136,183,191,196,196,194,194,196,199,199,199,194,191,190,191,186,133,126,127,183,194,194,191,190,191,199,204,202,191,135,131,181,191,189,137,131,131,137,183,183,186,191,199,199,196,194,196,199,199,196,202,207,196,129,118,124,131,135,176,176,186,199,196,176,123,127,189,204,207,196,176,176,191,202,202,121,119,129,178,183,186,183,181,176,173,131,130,173,183,189,181,127,125,127,173,181,189,196,199,199,196,191,183,131,170,183,189,186,181,177,177,183,191,191,191,191,183,178,181,191,202,204,202,199,196,191,183,176,174,181,191,196,199,199,196,199,191,181,181,191,196,194,196,204,204,204,204,204,204,209,212,212,212,212,207,194,187,191,202,202,194,138,138,199,209,207,204,204,207,212,217,222,217,207,194,185,185,194,202,202,202,207,212,212,212,212,212,212,212,212,209,207,204,191,113,111,129,207,209,207,207,209,207,109,98,178,194,202,204,207,207,209,209,212,212,204,194,131,133,194,207,217,217,215,212,212,215,215,215,212,215,217,222,222,225,222,217,212,207,207,207,207,209,215,220,217,217,217,215,212,215,222,225,222,222,215,215,215,215,217,215,209,199,141,135,135,135,135,137,137,133,126,124,127,186,194,191,191,202,209,215,212,209,209,207,204,204,204,207,207,207,209,212,215,217,212,198,196,217,230,230,233,230,217,190,182,185,190,190,194,204,212,212,212,202,182,181,199,207,209,215,222,222,215,207,202,199,202,199,196,196,204,209,215,217,217,215,215,217,222,222,222,217,215,204,196,199,212,215,215,212,207,202,203,209,209,209,212,212,212,215,217,215,215,215,217,220,217,217,222,225,225,222,217,222,225,222,212,209,209,212,215,215,215,217,222,217,217,217,217,217,215,207,204,203,204,209,212,212,215,217,222,228,230,230,228,228,228,225,225,228,228,228,225,217,215,215,215,215,215,215,215,217,222,225,225,222,217,212,207,207,207,207,207,207,207,209,209,207,203,202,204,212,217,215,212,215,215,215,222,228,230,230,228,225,217,212,212,215,222,228,228,215,207,209,217,228,230,230,230,228,225,222,222,217,217,215,215,222,217,215,213,213,215,222,225,228,228,225,225,222,217,212,209,207,204,202,199,194,194,199,199,196,196,194,192,194,202,207,204,199,202,207,209,212,207,194,187,187,189,189,189,186,186,183,135,119,123,135,186,194,202,202,199,202,209,222,230,235,241,246,246,246,246,243,241,238,241,246,246,243,235,230,229,229,230,235,238,238,233,228,225,228,228,222,215,212,212,207,202,199,199,202,209,215,217,217,215,212,212,212,207,202,200,200,204,207,209,209,204,199,196,196,199,204,209,209,209,209,204,200,200,202,207,204,204,204,207,207,207,204,207,204,204,207,199,191,191,191,191,189,186,131,126,127,133,183,186,189,191,189,191,194,196,199,196,194,191,190,190,191,191,189,186,186,186,186,186,183,181,181,183,183,186,183,183,186,189,191,191,191,194,189,183,181,183,191,196,199,199,196,196,194,191,183,135,135,183,189,191,194,202,212,228,233,228,222,215,209,205,204,205,209,207,207,207,207,212,217,225,228,230,94,95,99,107,113,176,186,178,178,168,93,59,53,59,81,139,139,87,89,191,230,228,207,191,147,73,37,0,0,0,0,0,0,0,0,0,0,11,0,0,0,25,5,0,0,0,0,0,0,0,0,0,0,31,75,124,178,225,199,116,43,31,39,69,157,0,0,255,255,255,246,207,181,196,0,255,255,255,0,0,165,165,168,160,150,157,168,0,0,0,0,0,0,0,0,183,186,165,90,17,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,69,108,131,142,134,131,131,134,144,157,168,196,220,220,181,142,85,61,47,47,51,55,63,87,95,139,176,233,254,248,207,126,31,23,31,39,31,27,23,26,71,233,255,255,255,255,254,255,255,255,255,225,191,142,43,0,0,3,0,53,85,95,103,105,137,163,0,0,0,0,0,0,0,142,90,56,31,19,19,31,51,23,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,59,111,126,111,98,96,113,147,157,147,142,150,150,124,89,131,129,97,155,176,173,163,157,150,105,105,107,165,176,183,183,181,186,204,204,196,189,181,170,170,181,191,194,202,220,228,235,235,230,207,117,91,93,95,87,81,81,81,77,79,99,165,189,189,163,142,137,150,178,170,160,181,33,75,131,131,87,89,129,137,147,155,150,147,147,85,46,45,85,157,176,202,212,212,191,170,165,170,173,178,194,202,202,196,191,194,191,176,117,107,109,119,165,115,105,101,95,103,115,113,113,155,150,144,109,157,170,170,168,168,137,71,62,69,95,137,93,67,55,58,81,129,95,75,61,52,55,63,85,147,168,165,142,93,85,83,137,160,168,173,165,165,163,170,170,176,176,170,170,173,170,170,178,186,168,73,35,38,57,113,65,0,0,9,55,45,7,0,33,55,63,108,124,131,142,144,150,152,150,147,150,157,176,181,142,67,61,79,103,189,230,248,248,255,248,233,238,243,254,255,255,255,255,0,0,0,0,255,255,255,228,189,173,176,139,108,85,61,92,129,35,56,56,0,0,0,0,0,0,0,0,0,0,0,0,77,243,255,228,144,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,95,103,63,36,36,40,55,124,113,69,118,160,186,147,116,131,155,155,150,137,37,0,0,33,69,73,53,9,0,0,0,0,11,35,55,61,65,65,55,37,25,21,25,37,55,57,45,37,43,65,79,89,124,131,139,131,129,129,134,134,131,137,134,118,61,37,31,47,65,69,69,63,61,59,49,41,33,39,39,35,25,9,0,0,0,0,0,0,0,0,0,21,47,79,139,155,170,173,178,173,183,196,228,246,246,233,217,202,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,27,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,23,23,17,17,11,9,3,0,5,27,41,51,51,51,41,31,23,23,35,43,59,63,69,75,81,89,95,97,97,144,165,173,165,165,183,209,241,255,246,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,0,0,0,0,0,0,0,0,0,0,0,0,56,173,194,209,207,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,59,14,0,0,0,0,79,176,196,155,77,103,150,155,134,160,194,196,202,207,212,209,207,207,207,207,209,212,222,220,225,217,111,0,0,0,0,0,45,67,39,61,183,194,199,199,186,155,157,163,170,178,189,103,157,204,199,189,178,176,178,183,186,186,186,186,186,183,181,178,181,196,209,212,215,217,222,202,186,186,191,189,186,191,191,189,189,194,199,199,196,195,204,215,212,202,196,194,186,181,181,186,196,204,209,209,207,209,215,215,209,204,199,204,212,212,189,189,204,215,225,225,225,225,228,225,222,222,225,222,199,121,120,196,204,143,138,191,212,222,222,194,137,139,194,199,199,196,196,194,194,189,182,182,194,204,212,212,212,212,209,207,209,215,209,199,196,196,202,207,209,204,203,207,209,204,199,196,196,194,202,212,209,196,191,191,191,191,191,191,196,204,202,198,199,215,228,230,217,202,196,194,191,189,199,212,225,228,215,209,215,230,225,207,186,182,187,207,228,228,217,199,91,119,133,189,202,202,204,217,225,215,199,143,142,143,194,196,202,209,215,212,207,202,199,199,199,194,192,194,199,202,204,212,222,225,222,215,202,195,196,207,209,207,207,199,191,191,199,212,222,212,204,196,196,196,199,212,222,228,225,217,212,204,202,204,207,209,209,207,209,217,225,217,207,199,196,199,199,202,209,209,204,202,202,204,199,186,133,133,137,186,191,194,196,199,196,191,189,189,183,135,135,181,183,186,196,204,209,209,202,191,186,186,183,186,189,191,191,194,194,196,196,196,196,194,191,191,191,189,186,183,191,202,204,202,196,194,194,196,202,199,186,131,129,135,196,194,137,137,189,189,186,183,183,189,194,196,199,199,199,194,191,191,196,202,191,129,122,127,133,133,178,183,194,199,186,127,122,127,186,202,204,191,119,125,186,194,191,115,119,173,181,183,183,181,178,176,176,173,130,173,186,191,183,129,126,131,189,194,199,202,204,202,202,194,173,127,130,181,189,189,186,183,183,189,191,191,186,181,178,181,189,196,202,199,196,196,196,194,191,183,178,181,186,189,191,194,194,199,202,191,186,189,191,194,196,202,202,204,204,204,207,207,207,209,212,209,209,202,191,191,202,207,204,186,133,137,202,204,207,207,209,215,222,225,215,202,191,186,186,191,196,199,204,209,212,212,209,212,212,212,209,208,209,209,212,207,119,111,119,207,209,204,202,204,204,109,96,191,196,202,207,207,204,207,209,212,212,212,209,194,186,196,209,215,217,212,209,209,207,207,207,207,212,217,222,222,220,217,215,215,212,212,212,215,217,222,225,225,222,222,217,215,217,222,225,222,217,215,215,212,212,215,215,212,199,186,135,129,129,131,133,135,131,133,183,194,202,202,199,199,204,209,212,215,212,209,204,202,202,204,204,207,205,207,209,212,215,215,196,191,207,222,225,225,225,212,189,178,182,186,187,191,204,209,209,207,204,195,191,199,207,212,217,222,217,215,212,209,204,207,207,202,199,202,207,209,215,217,217,217,222,225,225,217,215,215,207,199,202,209,209,209,207,207,204,204,207,207,207,209,212,212,212,212,212,212,212,215,215,215,217,222,225,225,217,212,212,215,217,215,208,208,208,212,212,217,222,222,222,217,217,222,222,215,209,204,204,207,212,215,215,217,222,228,230,230,228,228,228,228,225,225,228,230,230,228,222,215,212,212,209,204,202,204,209,212,215,217,217,215,215,215,215,215,212,209,209,209,209,209,207,204,202,203,209,215,215,212,215,212,212,217,228,230,230,225,217,215,212,215,222,222,222,212,207,204,207,215,225,230,230,230,230,228,225,225,222,217,215,215,217,217,215,213,213,215,217,222,225,228,228,225,222,217,215,209,207,207,202,194,191,191,196,199,199,196,196,194,199,204,209,207,202,202,202,202,199,199,194,187,187,191,194,194,189,183,181,135,123,125,133,137,186,191,194,196,204,215,228,230,233,235,241,246,248,248,246,241,238,241,246,248,243,238,230,229,229,230,233,235,233,228,222,222,228,228,225,217,215,209,202,199,199,202,204,207,215,217,217,217,215,212,212,207,202,200,202,204,207,209,209,204,199,198,196,199,204,207,209,209,209,204,200,200,204,207,204,203,204,207,209,209,209,207,204,202,202,191,186,187,189,189,189,186,135,128,129,135,183,186,189,189,189,189,191,191,194,194,194,191,190,190,191,191,191,189,189,189,189,189,186,186,183,183,186,183,183,183,186,189,191,191,191,191,191,186,183,189,194,199,202,199,196,199,202,196,186,137,135,141,189,191,194,202,212,228,228,225,217,217,215,209,207,207,207,207,204,204,207,212,222,228,230,233,95,97,107,113,168,178,178,178,178,178,147,83,59,53,49,67,124,79,75,147,217,230,230,217,168,71,57,47,17,49,126,33,0,0,0,0,17,33,3,0,0,25,31,0,0,0,0,0,0,0,0,0,0,15,43,63,139,204,178,118,71,53,31,39,152,0,0,255,255,255,215,178,139,173,246,255,255,238,0,0,0,0,168,142,134,139,139,0,0,0,0,0,0,0,163,139,118,103,59,27,17,1,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,59,105,131,142,129,113,108,111,131,152,168,196,228,228,202,160,99,81,65,55,45,29,29,55,89,139,181,233,241,233,165,49,25,39,0,160,150,71,37,27,77,251,255,255,255,254,254,255,255,255,230,170,142,108,57,37,33,0,87,105,124,113,103,85,95,113,0,0,0,0,0,0,0,152,129,100,72,48,48,64,56,23,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,33,59,121,126,103,95,95,113,131,147,165,170,176,176,165,144,97,129,134,170,186,170,150,105,103,99,97,105,160,183,191,191,181,183,194,191,181,181,173,170,181,194,199,202,212,220,235,241,238,233,215,186,155,113,101,87,87,95,95,89,97,150,189,194,189,178,152,150,147,137,150,207,31,0,25,139,165,147,142,147,144,152,155,142,97,87,65,48,47,79,150,176,202,212,212,204,191,194,194,194,173,170,168,165,163,165,191,178,163,103,90,91,105,113,111,105,92,88,91,109,165,178,176,152,144,142,160,173,170,157,152,95,66,59,67,89,93,81,62,58,69,95,134,95,75,61,49,51,57,75,134,168,165,139,97,97,139,157,160,163,168,165,165,163,163,168,168,168,165,170,173,170,170,178,189,168,67,31,36,69,139,108,0,0,11,61,47,0,0,0,11,15,45,116,131,147,147,144,152,147,134,142,155,168,155,41,27,35,39,31,85,189,222,241,251,243,228,228,235,243,254,255,254,246,0,0,0,255,0,0,255,222,181,168,0,131,103,108,157,255,255,238,0,0,0,0,0,0,0,0,0,0,0,0,0,23,176,255,255,191,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,59,103,103,61,42,42,48,108,152,142,118,118,126,134,75,59,124,173,178,165,134,0,0,0,33,67,61,37,3,0,0,0,0,9,35,53,53,61,65,61,47,33,27,33,45,59,63,45,36,39,57,77,89,124,131,131,129,127,129,134,134,137,139,142,137,113,47,33,45,57,69,69,55,51,51,49,43,43,45,43,39,29,9,0,0,0,0,0,0,0,0,0,13,41,65,118,142,152,152,163,170,178,202,230,238,238,228,215,204,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,92,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,23,17,15,11,5,3,0,0,5,23,35,41,41,35,27,17,9,9,15,27,37,43,53,63,73,81,89,89,91,103,152,165,155,152,163,183,222,241,238,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,53,0,0,0,0,0,0,0,0,0,0,0,40,186,194,204,199,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,59,48,3,0,0,0,23,147,165,157,127,131,147,163,108,95,173,183,191,204,207,207,204,204,207,207,209,209,215,217,225,222,209,178,29,0,0,0,33,81,77,144,186,189,189,163,134,133,160,170,183,191,189,96,113,186,181,173,178,189,189,189,189,186,186,183,181,181,178,177,181,207,222,220,217,222,225,212,189,182,182,183,185,191,194,196,199,199,196,194,196,202,215,222,215,202,191,186,183,181,183,194,202,207,209,212,209,212,209,204,196,196,199,207,212,207,139,141,202,215,217,222,225,225,225,222,222,228,228,209,141,131,135,196,202,194,191,204,222,228,225,202,189,194,207,207,202,202,207,204,199,191,181,181,191,207,212,209,209,212,209,209,212,215,209,196,195,196,204,209,207,202,200,204,207,204,199,199,199,204,215,217,204,191,185,179,178,185,196,199,199,204,202,199,202,212,222,217,209,202,194,189,143,143,191,196,207,215,212,207,209,215,207,191,185,183,190,209,225,225,209,101,51,105,141,194,196,192,202,212,217,209,196,189,143,189,191,194,202,212,215,209,204,202,199,199,199,196,194,196,202,207,209,220,228,225,217,209,199,195,195,196,202,202,194,181,179,189,204,217,222,199,194,194,199,199,202,209,217,215,209,204,200,200,204,207,209,212,212,209,212,217,225,217,204,194,191,194,199,204,207,207,202,196,196,196,191,137,130,132,139,189,194,196,199,202,199,194,191,189,183,135,133,134,181,186,191,199,204,204,194,191,191,189,183,181,181,183,186,191,194,194,194,194,191,194,194,196,196,194,196,207,212,212,209,209,207,199,196,196,196,191,181,131,129,137,199,196,181,186,194,189,182,182,183,189,194,202,209,212,207,199,192,192,196,196,186,133,133,178,135,132,183,196,202,191,125,121,122,127,181,194,194,178,112,123,176,123,112,110,123,186,194,194,189,183,178,176,176,173,131,131,181,189,183,173,131,181,196,202,204,204,204,204,202,194,173,128,130,178,183,189,189,186,186,189,189,183,173,169,173,183,194,196,194,189,189,194,199,199,196,189,183,181,181,181,183,186,189,194,199,199,191,186,189,196,196,196,196,202,204,207,207,202,199,204,204,202,204,204,196,194,202,207,209,194,131,131,189,204,209,212,212,215,217,217,207,191,182,182,185,191,196,202,209,215,217,215,209,209,212,212,209,208,208,209,215,215,191,116,116,186,202,202,196,196,196,113,90,135,194,202,207,204,204,207,209,209,212,215,209,189,183,194,207,215,215,212,207,204,202,200,200,202,209,215,222,222,215,213,215,217,215,215,217,222,222,225,225,225,225,225,222,217,217,222,225,222,217,217,215,215,212,212,212,209,202,191,135,128,127,129,135,135,137,183,191,199,202,202,202,204,204,207,209,212,212,207,202,200,202,204,207,207,207,207,209,212,217,222,202,194,200,212,215,215,212,212,207,199,199,194,190,191,204,209,207,204,204,207,204,207,212,217,222,222,215,212,212,212,209,212,212,207,202,202,202,204,207,212,215,215,217,217,215,207,207,209,207,202,204,209,209,207,204,207,207,204,204,204,207,212,215,217,217,215,212,212,215,215,212,212,215,220,225,228,222,212,205,207,212,215,212,208,208,209,212,215,222,222,217,217,217,222,222,215,209,207,207,209,215,217,217,217,222,228,233,233,230,230,230,228,225,225,225,228,230,228,217,209,207,207,204,149,145,145,202,204,207,207,209,212,217,222,228,228,222,217,212,209,207,207,207,204,203,204,207,212,212,212,215,211,211,212,222,230,230,228,217,215,212,215,215,212,204,203,204,207,212,217,225,230,230,230,230,230,228,228,228,222,217,212,212,212,215,215,215,217,217,222,225,228,225,225,222,215,212,209,207,207,202,194,191,191,194,199,199,199,199,196,196,202,204,202,199,199,199,196,196,196,194,189,189,194,196,194,189,181,133,131,129,131,133,135,181,189,191,194,204,222,233,235,235,235,241,243,248,251,248,241,238,241,248,248,246,241,235,230,230,233,235,233,230,222,221,222,228,228,225,220,212,204,149,149,202,204,204,204,212,215,215,215,212,212,212,209,204,204,204,207,209,209,207,204,199,198,198,199,202,207,209,209,209,204,202,204,207,207,207,204,204,207,207,207,207,204,204,202,199,189,185,186,189,189,189,183,135,129,131,178,186,189,189,189,191,189,186,183,186,191,191,191,191,191,191,194,194,194,191,191,194,194,191,189,189,186,186,183,181,181,183,186,189,189,189,189,191,189,189,191,196,202,202,199,199,204,204,199,186,137,135,139,186,194,199,204,212,222,225,222,217,217,217,215,209,204,204,202,202,204,209,217,228,233,233,235,99,103,113,160,170,170,170,176,178,178,170,147,93,71,31,5,53,35,35,81,178,207,222,215,168,54,57,111,108,137,209,199,27,0,0,0,3,0,0,0,0,17,31,13,0,0,0,15,33,0,0,0,0,0,17,29,51,129,129,116,118,71,13,0,0,0,0,255,255,243,134,75,75,131,235,255,230,183,0,0,0,0,0,124,124,131,0,0,0,0,0,0,0,150,118,77,59,0,0,35,25,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,41,105,131,134,109,96,111,142,168,181,199,217,228,202,155,93,89,85,69,45,16,13,29,63,95,165,215,225,194,124,31,26,0,0,196,165,69,27,9,53,222,255,254,251,254,255,255,255,255,191,121,57,37,51,92,103,108,124,144,152,144,92,69,77,98,0,0,0,0,0,0,0,0,157,142,90,64,64,74,56,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,77,111,139,129,111,103,111,131,131,131,147,163,168,176,165,95,77,83,134,176,183,165,103,93,93,87,89,99,152,183,202,202,186,178,178,168,121,121,165,170,189,207,209,209,212,228,238,241,243,238,230,207,199,191,157,99,99,147,142,134,142,178,196,194,186,173,157,131,75,75,150,241,0,0,0,121,165,160,155,142,129,134,137,89,65,61,63,59,65,99,160,176,202,212,212,212,215,215,215,194,165,156,155,155,157,165,191,178,117,97,86,86,91,99,105,97,92,88,94,150,178,178,163,152,144,150,173,183,170,147,137,93,75,66,67,75,81,73,67,71,83,126,139,95,83,69,56,57,63,77,95,150,155,129,85,97,150,157,142,139,150,165,165,165,163,163,160,165,168,173,178,170,163,170,186,181,121,39,35,57,121,71,0,0,0,49,65,9,0,0,0,0,0,55,121,139,139,129,131,118,118,150,173,157,87,12,17,27,27,17,45,163,217,235,251,251,233,233,0,0,246,246,238,246,0,0,0,255,255,0,0,0,0,0,0,0,85,100,209,255,255,251,0,0,0,0,0,0,0,0,0,0,0,0,13,116,191,222,209,121,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,100,100,103,95,65,63,69,113,150,173,157,139,126,116,53,9,23,121,170,168,150,134,0,0,0,47,65,53,29,0,0,0,0,0,21,43,47,49,57,65,63,51,39,35,37,49,71,75,55,39,40,61,79,121,126,131,126,124,125,129,134,139,137,144,152,150,126,61,41,39,51,65,63,53,45,45,49,47,47,45,43,37,29,15,3,0,0,0,0,0,0,0,0,9,29,59,79,116,126,137,144,160,181,207,230,238,230,220,204,217,220,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,100,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,17,15,9,3,0,0,0,0,3,17,27,31,29,23,15,7,3,3,7,17,27,35,37,43,63,69,75,81,83,97,152,165,152,111,109,163,202,228,222,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,189,204,165,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,131,155,152,142,144,134,0,0,139,170,181,196,204,202,202,204,207,209,209,209,212,217,225,228,222,215,142,73,0,0,0,25,45,95,165,173,139,126,124,126,163,176,186,191,91,86,103,163,163,163,168,183,191,189,186,183,178,176,173,178,186,183,189,212,225,222,217,220,222,215,194,182,182,185,186,191,196,199,202,199,194,194,202,212,217,217,209,196,186,182,182,183,191,204,209,209,212,212,212,215,207,199,191,189,196,202,204,194,136,140,204,215,217,215,220,225,222,218,220,228,225,137,127,139,189,194,196,202,207,215,222,225,217,199,194,204,212,209,199,199,209,207,202,194,182,181,194,207,209,209,209,212,215,212,212,212,209,199,195,199,204,209,204,200,200,204,207,202,196,194,199,204,215,212,196,189,189,182,179,191,202,207,209,209,209,207,209,215,215,209,202,199,191,141,140,141,141,141,191,204,207,202,202,202,194,194,194,196,202,209,217,212,189,99,72,135,204,202,194,192,199,204,204,199,194,189,189,194,196,199,202,209,212,209,202,199,196,196,196,199,202,202,204,207,212,222,225,222,215,209,207,202,196,195,196,199,191,179,179,199,212,215,209,145,143,191,196,196,202,207,207,204,200,200,199,200,207,209,212,215,215,209,209,212,215,209,196,141,139,186,194,199,199,199,196,194,194,194,186,135,131,133,139,191,199,204,204,207,202,194,189,194,191,183,135,135,181,186,189,194,199,196,189,186,186,183,179,177,177,178,183,189,191,191,191,189,191,194,196,199,202,202,204,212,215,209,209,212,209,204,199,194,191,186,137,132,133,186,199,196,186,189,194,186,181,181,186,191,199,209,217,222,217,204,194,194,196,194,183,133,133,135,132,129,189,204,207,186,123,123,127,129,173,181,178,127,122,127,127,110,107,109,131,199,207,204,196,186,176,129,127,127,129,129,173,181,178,173,176,186,194,199,202,202,202,202,199,191,176,130,173,178,181,186,189,186,181,178,176,173,168,166,170,186,194,194,186,178,178,191,202,204,202,191,183,178,178,178,181,186,186,186,189,191,186,183,189,196,191,189,194,199,202,207,204,196,194,196,194,186,191,196,189,185,199,207,207,196,134,132,183,202,209,209,209,209,207,204,196,185,179,182,191,199,204,209,212,215,215,215,209,209,209,209,212,212,209,212,215,215,209,133,117,123,194,199,196,196,194,125,82,84,183,196,204,204,204,204,207,207,209,212,204,139,135,191,204,212,212,212,207,202,200,199,200,202,209,215,217,217,215,213,215,217,215,215,215,217,217,217,215,217,222,222,222,215,217,222,225,225,222,217,217,217,212,209,207,207,202,194,139,128,128,133,137,139,139,183,186,194,199,202,204,207,207,207,207,209,209,207,202,202,204,207,209,212,209,209,209,212,222,228,215,200,200,204,207,207,207,215,215,212,209,204,196,196,204,209,209,202,199,207,212,212,217,222,225,222,215,212,212,212,212,212,212,209,207,202,200,200,202,204,207,207,207,209,204,196,196,202,204,202,207,209,207,207,204,209,209,207,207,207,207,212,217,225,225,222,217,217,217,215,212,211,211,215,225,228,225,215,204,204,209,217,217,215,212,215,217,217,220,217,217,217,222,225,225,217,212,207,207,212,215,217,215,215,217,225,230,233,235,235,235,230,228,224,224,225,225,222,215,204,199,199,151,145,142,144,199,202,202,202,207,212,222,228,235,235,230,225,215,209,207,204,204,204,204,207,207,209,212,215,215,212,212,212,217,228,230,228,222,215,212,209,207,203,202,202,207,215,217,222,225,230,230,230,230,230,230,233,230,228,222,215,211,211,212,215,217,217,217,222,225,225,225,222,217,215,209,207,207,204,202,196,192,191,194,199,199,199,199,194,194,191,191,191,191,196,199,202,202,202,199,194,191,194,196,194,186,176,129,128,131,133,130,130,176,183,191,194,202,215,228,233,235,238,241,243,248,254,251,243,241,246,251,251,248,246,241,238,238,238,238,235,230,225,222,225,228,225,225,220,209,196,147,149,202,207,207,204,207,209,209,209,209,209,209,209,207,207,207,207,209,207,204,202,199,199,199,199,202,204,207,207,207,204,204,207,207,209,209,209,207,204,204,204,204,202,202,204,204,196,187,187,189,189,186,135,129,127,127,133,183,189,191,194,191,186,179,179,181,183,189,189,191,191,191,191,194,194,194,194,196,194,194,191,189,186,183,181,177,178,183,186,189,189,189,187,189,189,186,189,194,199,202,199,202,207,207,202,189,183,137,137,141,194,202,207,212,217,222,217,217,215,217,215,207,199,198,199,202,207,212,222,230,233,233,235,107,107,113,160,168,160,157,165,170,170,178,186,178,147,63,0,0,0,0,33,113,160,178,186,168,65,73,157,168,176,230,255,53,0,0,0,0,0,0,23,85,53,82,90,59,25,19,41,63,3,0,0,0,0,21,31,43,81,87,83,118,85,37,0,0,0,0,255,255,251,55,28,37,75,204,246,189,139,152,0,0,0,0,105,113,124,113,105,0,0,0,0,142,126,74,35,35,0,0,59,35,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,121,150,121,108,126,160,186,199,209,217,220,189,144,87,91,105,105,71,43,28,49,83,97,150,173,183,170,83,37,43,0,0,165,75,21,0,0,11,155,215,228,246,255,255,255,255,212,118,29,0,0,29,108,0,124,124,147,170,160,92,64,64,85,0,0,139,0,0,0,0,176,165,142,98,56,51,48,31,11,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,53,111,139,129,129,129,150,155,144,127,131,147,157,168,150,75,62,70,134,168,178,160,103,97,93,91,87,93,101,168,191,196,183,170,119,107,103,109,121,170,189,207,209,209,220,228,241,251,251,238,228,215,215,212,181,105,101,150,150,139,147,178,186,163,144,144,131,77,53,53,69,0,0,0,29,87,157,168,160,147,95,85,83,71,57,56,71,87,97,109,163,176,191,204,209,212,212,215,207,191,163,155,155,159,168,178,194,178,117,101,89,89,91,93,95,97,97,101,113,168,178,165,160,152,152,160,173,173,157,139,97,93,85,71,69,73,73,73,79,79,85,126,134,131,89,79,73,79,83,79,85,95,131,93,77,91,139,142,97,134,147,157,160,160,163,163,160,168,168,165,165,160,152,163,186,189,157,69,39,39,69,61,0,0,0,27,92,29,0,0,0,0,0,29,69,129,131,117,114,111,118,150,150,87,55,17,25,19,5,0,41,173,222,241,251,251,243,243,0,0,251,246,238,255,0,0,255,241,228,0,0,0,0,0,0,0,92,92,215,255,255,27,0,0,0,0,0,0,0,0,0,0,0,0,17,124,150,108,98,43,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,108,126,103,65,61,59,59,69,121,147,160,152,142,126,75,9,0,0,65,121,75,43,0,0,0,0,55,65,51,29,3,0,0,0,15,47,53,49,47,57,65,63,53,41,39,43,55,77,83,71,55,57,71,91,126,134,131,126,124,125,129,144,142,139,137,144,150,134,71,47,41,51,57,55,53,45,45,44,49,47,39,33,29,25,15,9,3,0,0,0,0,0,0,0,0,17,47,65,77,108,113,124,152,181,209,230,230,220,220,207,220,228,235,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,134,92,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,59,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,11,9,3,0,0,0,0,0,3,15,23,27,27,21,11,6,3,7,15,23,29,31,37,37,51,63,69,75,77,91,144,152,152,109,99,105,176,204,204,191 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,0,0,0,147,163,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,40,35,0,0,0,0,0,0,0,0,0,0,0,4,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,118,137,147,152,147,0,0,0,37,129,155,168,189,191,191,196,202,207,209,209,212,212,217,222,212,163,73,71,0,0,0,45,71,134,137,133,131,130,134,152,191,191,189,186,95,96,115,121,163,165,168,178,186,183,181,178,173,172,172,181,194,191,191,209,222,222,217,217,217,212,194,185,186,194,194,194,194,196,194,191,191,196,207,215,217,215,204,194,183,181,182,189,202,215,215,209,209,209,212,215,209,199,189,143,191,196,194,141,134,140,209,222,217,212,215,222,222,218,220,225,215,121,120,143,143,141,191,204,215,220,222,222,209,194,191,209,217,207,196,196,204,202,199,194,185,185,196,209,209,207,209,215,217,212,207,207,207,199,199,202,207,209,207,203,204,209,207,202,191,187,191,202,207,202,189,189,199,189,185,199,202,207,215,217,217,217,217,220,215,209,204,199,191,143,141,140,140,139,143,202,209,204,199,199,194,202,212,215,215,217,217,212,194,141,194,215,225,212,204,202,199,194,194,194,191,189,194,204,215,204,199,202,209,209,204,199,196,195,196,202,207,207,204,204,209,217,222,217,212,212,215,215,212,207,202,202,202,194,196,215,215,204,143,141,142,143,191,194,199,202,204,204,204,207,204,202,202,202,204,209,209,207,204,207,209,199,139,135,136,139,191,194,194,194,196,196,196,194,189,183,139,183,186,194,204,209,209,212,204,189,137,183,189,183,181,181,183,189,189,191,196,191,183,182,183,181,178,177,177,179,183,189,189,186,186,189,189,194,196,196,199,202,207,212,212,209,209,209,204,202,199,196,189,181,135,133,137,189,196,194,189,191,196,191,182,183,191,199,207,217,225,225,217,207,194,191,196,199,191,135,131,135,133,129,191,207,207,181,123,129,176,173,131,176,176,129,129,131,129,113,113,119,183,202,209,209,202,191,178,129,125,126,127,127,129,173,176,173,176,183,189,191,191,194,191,191,186,181,176,173,176,178,178,178,181,178,170,128,128,170,170,170,178,189,191,191,181,173,176,191,202,204,202,191,181,176,178,181,186,189,186,181,178,177,178,183,186,189,183,183,191,199,202,202,202,194,191,194,183,177,181,186,183,178,191,204,202,189,138,137,183,194,202,202,202,199,196,194,191,186,186,194,202,207,209,209,212,209,212,212,209,208,208,209,212,212,212,212,211,212,217,204,125,121,189,199,202,199,202,196,84,71,129,189,202,202,199,199,199,199,202,202,191,131,131,194,204,209,212,212,212,207,202,202,204,209,212,215,215,215,215,215,215,215,212,209,212,212,212,209,207,209,212,215,215,215,217,225,228,225,222,222,222,217,212,204,202,199,202,196,141,129,128,133,139,139,139,139,183,186,194,199,204,207,207,204,204,209,212,209,207,207,209,215,217,217,215,215,215,217,222,225,217,207,202,202,204,204,209,215,212,207,207,204,202,204,207,209,207,196,191,196,207,209,212,215,222,222,217,212,209,209,212,215,215,212,212,207,204,200,202,204,204,199,202,204,199,191,190,196,199,202,204,204,202,202,202,209,212,212,212,209,207,209,215,225,228,228,225,225,225,217,212,209,209,212,222,225,222,215,207,205,209,220,225,222,222,225,225,222,222,217,222,225,228,228,228,222,215,209,209,212,215,215,213,213,213,217,228,233,235,235,235,233,228,225,225,225,228,225,215,202,149,149,149,145,144,149,204,207,207,207,209,217,225,233,235,235,230,222,215,209,207,202,199,202,204,207,209,212,215,217,217,222,217,222,225,228,228,225,222,215,212,207,203,202,202,203,212,222,228,228,228,230,233,230,230,233,233,235,235,233,230,222,212,211,212,215,217,217,217,217,217,217,217,217,215,212,209,207,207,204,202,199,196,194,194,194,199,199,196,194,191,189,186,185,189,194,202,204,204,207,204,199,196,196,199,196,189,178,129,128,173,176,130,129,131,183,191,194,196,204,215,222,228,233,235,235,243,251,251,248,246,251,254,254,248,246,243,243,243,243,241,238,233,228,228,228,225,217,217,215,202,147,147,196,202,207,207,204,204,204,204,204,204,204,207,209,209,207,207,209,209,207,204,202,199,202,202,199,199,204,207,204,202,202,204,207,207,207,209,209,207,204,202,202,202,200,200,204,207,204,196,189,189,191,181,129,126,126,126,131,181,191,196,196,194,186,179,178,179,181,183,186,191,191,189,189,191,194,196,196,194,194,194,191,186,183,181,178,177,178,183,186,189,191,191,189,189,186,181,137,183,191,196,196,202,207,207,199,191,189,183,139,186,194,199,204,209,215,222,222,217,215,215,209,202,196,196,199,204,209,215,222,228,230,233,233,99,99,103,113,113,107,107,147,160,155,168,186,186,183,139,11,0,0,0,0,27,71,129,160,168,129,134,176,183,176,191,220,35,0,0,0,0,9,82,173,207,183,176,176,157,137,111,98,100,27,0,0,0,33,61,69,116,124,116,69,63,85,124,69,17,0,0,255,255,255,33,20,21,37,160,204,173,124,116,126,118,108,100,103,111,105,103,98,103,0,0,0,134,126,87,40,40,0,0,0,59,33,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,116,150,129,116,131,176,209,217,217,217,209,189,147,87,91,155,170,165,163,144,157,173,165,163,160,157,150,69,33,37,71,126,77,39,0,0,0,19,137,194,233,255,255,255,255,204,116,15,0,0,0,0,0,0,134,134,160,181,173,103,64,60,69,111,155,157,176,191,202,199,183,157,116,77,31,15,0,0,0,40,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,15,57,118,144,155,163,157,155,147,142,142,147,147,144,95,62,58,77,147,168,168,147,105,103,99,93,93,87,85,95,115,173,168,119,107,100,100,103,111,121,181,199,209,217,220,235,241,251,251,238,220,215,222,225,191,107,99,139,99,87,95,142,139,77,55,63,65,69,53,43,33,0,0,23,121,139,157,160,144,129,89,79,79,83,65,61,85,142,147,150,155,168,178,202,204,202,196,194,194,178,163,160,165,173,176,181,191,176,121,109,101,101,107,107,99,103,109,113,168,183,183,165,155,152,152,157,155,150,101,95,91,85,77,65,65,69,75,75,77,79,79,89,134,142,129,89,87,93,91,77,69,75,87,85,75,81,91,97,97,147,157,147,134,134,152,163,160,157,150,147,144,139,142,152,173,186,173,116,39,15,31,43,5,0,0,0,1,0,0,0,0,0,0,0,31,103,129,126,116,112,118,150,121,47,29,7,19,0,0,0,69,212,246,241,238,233,228,228,243,0,246,238,238,246,255,255,246,228,222,0,0,0,0,0,0,255,92,66,194,230,59,0,0,0,0,0,0,0,0,0,0,0,0,0,7,59,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,126,134,100,57,51,41,30,32,63,121,134,137,124,77,45,1,0,0,27,41,0,0,0,0,0,0,69,103,65,41,19,1,0,1,27,63,63,49,51,59,67,63,53,43,39,45,59,77,85,81,73,79,89,124,131,134,131,131,129,131,144,152,150,139,137,142,150,139,79,53,45,51,51,57,63,53,45,44,45,41,33,25,23,23,23,19,7,0,0,0,0,0,0,0,0,11,41,61,73,108,116,124,152,186,204,222,222,209,207,217,220,220,228,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,111,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,82,79,48,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,5,0,0,0,0,0,0,5,15,23,27,27,23,15,9,9,21,31,41,43,41,37,41,43,53,63,69,71,89,134,150,142,103,90,91,152,186,183,178 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,111,79,0,0,43,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,116,121,87,0,22,0,0,0,0,0,0,69,1,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,116,126,176,186,5,0,0,23,39,139,157,165,163,163,176,191,202,207,207,209,209,196,131,81,55,0,0,0,0,27,168,181,183,150,142,163,199,215,209,215,209,202,194,186,173,160,115,121,170,173,178,181,178,178,178,173,170,173,186,191,186,183,194,209,215,215,212,212,204,186,183,191,196,194,194,194,190,187,189,191,199,207,212,215,212,207,196,183,181,183,196,209,217,215,207,204,207,207,209,207,196,143,141,142,191,194,189,135,141,209,222,215,209,215,222,225,222,222,222,215,123,121,191,135,136,191,209,217,225,222,215,204,189,189,209,222,207,196,196,199,196,196,196,189,189,199,207,207,204,209,215,215,207,199,198,202,199,202,204,209,212,209,207,212,215,209,199,189,185,186,196,202,199,141,141,196,191,185,189,194,202,215,222,222,222,225,228,222,217,212,202,194,189,143,143,141,139,143,202,209,204,204,207,207,212,222,225,228,230,228,217,204,196,209,217,230,228,217,207,196,189,143,189,194,194,199,215,225,204,141,143,202,207,207,204,202,196,196,204,209,207,204,204,209,215,217,212,211,212,217,225,225,217,207,196,196,196,194,199,207,191,138,141,143,191,145,194,194,202,207,212,220,222,215,204,199,198,199,202,204,203,203,204,209,202,139,135,137,189,196,196,192,194,196,196,196,194,194,191,191,194,191,196,204,209,209,209,202,135,125,124,127,131,137,183,191,196,194,194,196,191,183,182,183,183,183,181,181,183,189,189,183,181,183,186,189,194,194,191,189,196,207,207,207,212,212,207,199,199,199,196,189,181,133,132,135,186,191,191,186,189,196,196,186,186,194,204,215,222,225,225,215,202,189,189,202,215,209,191,181,191,191,176,189,202,199,133,121,129,176,131,130,178,186,183,176,173,131,131,181,181,189,199,207,209,207,199,183,173,129,127,129,129,127,131,176,173,176,181,183,183,183,181,181,178,178,176,173,173,176,176,173,173,170,128,127,126,128,178,183,186,186,191,191,189,178,131,173,189,199,202,199,186,133,133,178,186,191,194,191,183,177,176,178,183,183,181,178,183,196,204,202,202,202,194,189,189,181,177,181,194,191,185,196,207,202,186,183,183,186,189,194,199,199,191,189,189,189,186,194,204,207,204,204,207,209,209,212,215,212,209,209,209,212,212,212,212,209,211,222,222,189,129,186,199,202,202,209,215,101,70,119,181,196,196,194,194,191,189,189,189,135,119,121,196,207,209,212,215,215,212,209,207,209,215,212,212,212,212,212,212,212,212,209,207,207,209,207,205,205,205,207,209,212,212,217,225,230,228,222,217,220,217,212,207,199,196,196,194,141,131,128,133,137,137,137,139,183,189,191,196,204,207,207,204,204,209,212,212,212,212,215,217,222,222,220,217,217,217,220,220,217,212,204,202,199,202,207,212,209,205,207,207,204,207,212,207,199,145,143,145,199,202,204,207,212,215,217,215,209,209,212,215,215,215,217,215,209,207,207,209,207,199,196,199,196,191,189,191,194,196,202,202,200,200,202,209,215,217,222,217,212,209,212,217,225,225,225,225,225,222,215,211,211,215,217,217,215,212,209,207,212,222,225,225,228,230,230,225,217,217,222,225,228,230,230,228,217,212,212,209,212,215,213,213,213,215,222,225,230,233,235,233,228,225,228,233,235,233,225,207,151,149,151,149,151,204,212,215,215,215,217,222,228,233,233,228,222,215,209,204,202,199,198,199,202,209,215,215,215,215,217,225,228,230,228,228,228,225,217,215,212,209,207,204,204,207,215,225,228,230,230,233,233,230,233,233,235,238,238,235,233,225,217,212,212,212,215,215,217,215,215,215,215,215,215,212,212,209,207,204,204,202,199,196,194,191,194,194,194,191,191,189,186,186,186,191,199,202,204,207,207,204,202,202,199,199,194,186,176,170,181,183,176,169,170,181,191,191,191,196,202,207,212,222,225,228,230,241,248,251,251,254,254,251,248,246,246,246,246,246,243,241,235,230,230,228,222,212,209,204,147,146,147,196,202,204,207,207,204,204,203,203,203,204,207,207,207,207,207,207,207,207,204,202,199,202,202,199,199,202,204,204,200,200,204,204,204,204,207,209,207,204,202,204,202,200,200,204,207,207,199,189,189,189,181,127,127,126,126,129,178,191,196,199,196,189,183,181,181,181,181,183,191,191,189,187,189,191,194,194,194,194,191,189,183,181,181,178,178,181,183,186,191,194,191,191,191,189,181,133,132,137,183,189,196,202,202,194,191,191,191,186,189,194,196,202,207,215,222,222,217,215,212,209,202,199,199,207,209,212,215,217,222,225,230,233,95,91,91,97,105,97,97,105,137,95,131,155,163,168,142,37,0,0,0,0,0,37,111,155,157,144,137,155,168,144,113,100,17,0,0,0,0,0,55,207,217,220,228,228,207,202,202,176,134,63,21,19,39,105,126,137,168,152,124,57,39,69,170,186,199,255,255,255,255,238,35,25,20,31,131,181,157,124,100,61,45,51,100,108,103,92,82,72,87,92,105,124,147,157,139,95,66,0,0,0,77,48,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,121,150,131,121,131,168,209,225,225,217,209,189,144,85,87,160,191,204,204,191,204,215,204,173,157,139,85,43,7,4,25,51,51,33,0,0,3,53,165,209,243,255,255,254,228,157,67,13,0,0,0,0,0,0,168,168,173,186,178,111,77,60,60,103,173,189,191,202,202,209,189,150,90,51,21,5,0,0,0,98,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,108,155,170,168,155,144,147,152,152,157,131,89,75,60,60,95,157,160,147,103,97,99,93,89,93,81,74,76,89,107,117,109,105,100,100,101,105,113,170,191,207,217,220,235,241,243,241,238,220,215,225,225,196,101,87,93,73,51,61,79,71,33,13,13,31,51,51,39,51,0,155,152,155,150,150,142,77,70,77,83,91,137,99,93,139,152,147,109,109,150,176,191,202,196,178,170,178,170,119,117,157,119,119,160,173,168,160,117,115,157,165,160,115,111,152,160,178,191,189,176,155,152,152,147,139,101,91,81,79,73,59,55,59,73,75,73,72,71,77,87,134,142,131,93,93,129,91,67,61,63,73,79,73,73,77,85,139,157,157,134,81,81,99,152,163,139,81,65,75,124,129,142,165,183,176,124,27,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,55,139,155,147,129,131,150,134,41,15,0,0,0,0,5,95,228,246,225,217,212,191,192,220,235,230,222,225,230,233,238,246,241,241,0,0,0,0,0,255,255,0,19,147,142,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,3,0,11,37,116,150,150,118,100,63,45,22,21,35,75,116,126,116,53,39,25,0,0,33,25,0,0,0,0,0,73,121,129,105,63,53,31,11,7,27,55,53,49,59,63,65,61,51,45,45,49,55,71,83,83,85,121,126,124,129,134,139,134,131,134,144,160,157,139,131,137,150,139,87,61,55,53,51,57,63,63,45,44,49,41,27,21,21,23,29,27,15,3,0,0,0,0,0,0,0,5,41,61,79,111,118,139,163,186,202,212,209,202,209,207,207,204,207,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,131,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,0,0,0,85,61,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,21,29,31,31,29,21,19,21,35,43,59,59,55,43,43,43,55,55,57,65,77,97,142,103,99,89,90,150,183,183,176 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,38,0,0,0,0,0,0,0,0,0,0,0,0,0,1,61,126,150,64,0,0,0,0,0,0,0,105,163,121,0,0,131,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,124,0,0,0,0,0,0,0,0,0,0,0,0,5,105,126,160,189,113,0,31,45,53,183,191,189,152,143,144,157,189,191,191,194,71,27,0,0,71,1,0,0,3,139,152,165,178,160,152,181,202,212,215,215,215,209,194,183,168,119,112,115,170,178,178,181,181,178,176,176,173,176,181,183,133,131,133,186,202,202,194,196,194,186,185,191,194,191,191,191,187,187,191,196,196,199,207,209,209,207,199,182,181,191,207,215,215,209,204,203,204,204,204,202,196,191,142,142,196,209,215,191,189,194,212,209,212,222,228,230,228,225,228,209,96,133,137,127,139,207,217,225,222,215,207,199,189,196,212,212,204,199,199,199,199,202,202,194,189,194,204,204,204,207,215,215,204,196,195,199,202,202,204,209,212,209,209,215,215,209,199,189,186,189,196,199,191,140,139,191,194,189,189,191,202,215,217,215,222,230,230,222,217,212,204,194,189,189,194,194,189,194,204,202,202,212,222,225,228,230,233,233,233,230,222,207,191,196,212,225,228,217,202,189,143,142,143,194,199,204,217,225,191,126,131,199,207,207,209,207,202,202,204,207,204,204,207,212,212,212,212,211,211,217,228,230,222,204,192,192,194,190,186,194,194,191,194,199,202,199,196,196,204,207,212,222,225,222,209,202,199,200,204,204,203,202,204,212,222,212,191,189,202,207,202,196,199,202,202,196,194,194,199,204,204,202,204,207,207,204,196,137,126,124,122,121,124,133,189,196,204,204,196,191,189,186,186,189,189,189,189,189,191,194,189,137,135,137,181,189,191,189,186,185,191,196,199,204,207,209,202,199,196,199,196,191,183,133,131,131,137,186,189,186,186,191,194,189,189,196,207,217,222,225,225,217,183,133,186,204,215,217,212,207,194,181,176,178,189,191,133,123,131,176,129,129,181,191,189,131,131,178,186,191,194,196,199,204,207,207,199,183,176,173,173,173,173,178,181,181,181,181,181,178,178,176,176,173,173,173,131,131,131,131,173,173,173,129,126,127,173,181,183,183,183,186,191,191,181,131,125,173,183,194,196,189,178,131,130,176,186,194,199,196,189,181,178,178,178,178,178,183,191,202,207,204,204,202,196,186,182,182,186,196,204,207,207,212,215,209,196,186,183,186,196,196,204,207,196,187,189,186,182,191,202,204,204,203,203,207,209,212,215,215,212,212,212,212,215,215,212,211,212,222,225,209,186,181,199,202,202,212,215,125,88,123,183,196,199,196,196,194,191,191,191,183,117,101,199,204,207,209,212,215,215,212,212,212,212,209,207,207,207,207,204,207,209,207,205,204,205,205,207,207,205,205,209,212,212,217,225,230,230,225,217,212,215,215,212,207,199,196,194,191,139,131,131,135,137,137,139,183,189,191,196,202,204,204,204,207,209,212,212,212,215,217,220,220,217,217,215,215,215,217,220,222,217,212,199,138,143,202,212,212,209,207,204,207,209,212,207,194,141,140,145,196,199,202,202,207,209,212,212,209,209,212,215,217,215,215,217,217,215,212,212,207,202,196,194,194,191,190,190,191,194,199,202,204,204,204,209,215,222,225,225,222,215,209,212,217,222,222,225,228,225,222,217,222,225,222,212,207,204,204,207,212,222,222,222,225,230,228,222,217,217,222,225,228,228,230,228,222,217,215,215,215,217,217,217,217,215,217,220,225,228,230,228,225,225,230,235,241,235,228,212,202,151,151,151,202,207,212,215,215,215,217,222,228,233,228,217,209,207,204,202,202,199,198,199,204,209,215,212,209,207,209,222,228,228,228,228,228,225,215,212,212,212,215,212,209,209,212,215,222,228,230,230,233,233,233,235,238,238,238,235,233,230,222,215,212,212,212,215,215,215,212,212,212,212,215,212,212,209,207,204,202,199,196,194,194,191,191,194,194,191,191,194,191,186,183,189,196,202,202,202,202,204,204,202,199,199,196,191,183,181,181,189,189,181,173,178,186,189,186,186,191,196,202,207,212,217,222,230,241,251,254,251,248,248,248,246,246,248,248,248,248,243,238,235,230,228,222,215,207,151,144,144,147,196,199,207,209,209,209,207,207,207,207,207,207,204,204,204,207,207,204,204,202,202,202,204,204,202,199,202,204,204,202,200,202,204,204,207,207,209,209,207,207,207,204,204,204,202,202,199,194,186,183,183,181,133,131,129,127,129,178,191,196,199,196,194,191,189,186,183,181,186,191,191,189,189,189,191,191,191,194,194,194,189,183,181,183,186,186,183,186,186,189,191,191,191,194,196,191,137,131,131,133,181,191,196,196,189,189,194,196,191,194,194,196,199,204,212,215,217,217,215,212,209,207,204,207,209,212,215,215,217,217,222,228,230,95,90,88,91,97,101,97,95,97,91,91,131,144,137,81,31,0,0,0,0,0,39,118,157,176,144,116,124,144,126,63,31,11,0,0,0,0,0,0,163,199,204,222,238,238,230,241,255,183,118,49,19,21,57,126,170,181,163,139,63,38,63,181,181,202,255,255,255,255,225,121,73,59,63,75,116,118,105,65,41,31,51,100,103,100,92,72,61,61,61,85,126,0,178,157,131,105,0,0,150,108,59,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,139,168,147,139,142,155,196,217,217,217,199,170,99,81,87,147,186,209,209,212,215,212,183,155,85,55,43,21,0,0,7,43,51,33,0,0,27,100,181,199,225,238,228,241,202,150,142,163,67,0,0,0,0,0,0,196,168,134,124,129,103,64,60,95,163,194,191,183,186,199,181,139,82,35,15,0,0,0,137,142,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,118,163,168,155,139,139,144,144,144,147,144,124,71,64,69,101,147,157,147,99,91,91,85,81,87,81,74,77,95,155,155,109,117,109,103,103,107,115,170,191,202,209,220,228,230,235,235,230,222,220,230,222,165,73,61,51,0,0,21,71,67,19,0,0,0,29,47,47,49,43,189,191,178,150,124,79,68,66,74,93,137,142,142,147,147,142,104,104,104,147,168,178,191,191,178,163,168,165,97,85,89,57,47,99,160,163,157,117,157,168,183,186,173,163,168,168,186,191,189,178,160,152,152,144,139,137,95,77,67,58,53,54,65,75,73,70,70,72,83,91,131,134,131,129,129,129,91,66,61,64,75,81,73,70,72,83,97,142,142,93,79,77,85,144,150,81,45,36,52,87,137,137,163,176,173,139,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,129,147,150,147,157,173,155,85,0,0,0,0,0,5,53,204,217,173,181,194,185,173,196,230,222,205,211,222,225,238,254,255,0,0,255,255,0,255,251,157,17,0,15,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,19,7,0,0,7,39,47,23,17,31,103,160,186,181,152,134,108,57,30,29,45,77,121,134,118,61,39,51,39,39,113,3,0,0,0,0,134,147,144,137,126,116,113,59,25,13,15,21,41,55,65,63,55,49,47,47,51,53,55,65,75,118,121,126,126,129,134,144,144,139,137,134,144,160,160,142,129,139,150,139,87,69,69,59,51,55,63,63,45,45,59,43,25,19,21,29,35,35,21,7,0,0,0,0,0,0,0,5,41,67,111,118,118,139,165,183,196,202,202,200,209,207,199,189,189,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,118,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,0,0,0,90,48,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,23,29,31,31,29,29,25,29,37,53,65,65,55,45,45,51,45,45,41,47,71,85,129,99,93,91,97,168,194,199,189 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,139,87,0,0,0,0,0,0,0,0,0,0,0,0,0,38,64,118,155,64,0,0,0,0,0,0,0,155,246,155,0,0,163,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,238,0,0,0,0,0,0,0,0,0,0,0,0,0,111,139,144,183,183,165,168,126,89,202,204,204,202,186,146,148,165,139,39,23,0,0,0,0,67,63,0,0,3,137,137,101,147,152,152,178,199,207,209,215,212,191,119,98,109,121,119,119,165,173,181,183,186,183,181,181,181,178,178,176,129,127,129,131,131,131,178,189,194,191,191,194,194,190,190,194,191,194,199,196,194,192,196,204,204,204,196,183,183,202,212,215,212,209,207,207,207,204,204,202,202,199,196,196,207,222,222,212,202,196,196,196,209,222,230,233,233,228,222,120,84,121,191,141,194,215,228,228,215,202,191,143,143,196,207,204,202,202,204,204,204,207,207,199,194,194,199,204,207,209,215,212,202,196,198,207,207,207,204,207,207,207,207,207,212,209,199,191,189,191,191,143,141,139,139,191,196,194,194,199,207,215,212,212,217,228,225,215,209,207,199,143,142,189,196,199,199,202,202,194,199,217,230,233,233,233,233,235,233,230,217,196,187,189,196,202,202,199,191,143,189,143,189,196,199,202,207,204,137,124,126,196,209,215,217,215,204,202,204,207,204,207,212,215,212,212,212,212,215,222,230,228,217,202,192,192,196,191,189,191,204,212,212,207,204,204,207,209,207,202,202,204,212,217,215,209,209,207,209,209,209,207,207,217,228,222,204,199,207,209,204,196,199,202,202,196,196,202,207,212,212,212,209,207,202,191,139,131,131,135,135,125,125,135,191,199,207,202,191,186,186,191,194,196,194,194,194,196,199,196,189,135,131,128,129,181,189,186,185,185,186,189,194,199,202,202,196,194,196,196,196,194,186,135,131,131,135,183,186,185,185,186,189,189,186,191,202,209,212,215,217,212,127,126,194,209,209,212,215,212,172,170,181,183,178,178,133,131,176,176,133,173,181,186,181,130,178,194,196,191,189,191,196,204,207,207,199,181,133,133,176,178,183,191,194,194,191,191,189,178,131,131,131,173,131,129,129,129,129,129,131,173,176,173,129,170,178,181,176,170,173,181,189,194,173,119,117,127,176,183,186,178,133,131,131,178,186,194,199,199,194,189,186,178,177,177,181,194,202,207,207,202,199,196,194,186,182,183,196,209,212,212,212,212,215,209,202,189,137,137,194,204,207,207,196,191,194,191,183,194,202,204,204,203,203,204,207,212,212,215,215,215,215,215,215,212,212,212,215,222,225,215,199,181,189,196,202,209,202,111,90,127,189,199,202,202,204,204,199,202,207,202,127,107,183,199,207,209,212,212,215,212,212,212,209,207,204,204,204,204,202,204,207,207,205,205,207,209,209,209,207,207,209,212,212,215,225,230,230,225,217,212,209,212,212,209,204,202,202,199,189,135,129,129,135,137,139,183,186,191,194,196,202,204,204,204,204,207,209,209,212,215,215,215,215,215,215,215,215,215,212,209,212,212,194,130,134,204,212,215,212,209,207,207,209,209,204,194,143,144,199,207,207,204,202,204,207,209,209,207,204,207,212,215,212,212,215,217,217,212,209,204,196,190,190,194,199,199,196,196,199,204,209,212,212,209,209,215,220,225,225,225,215,208,208,212,217,222,222,225,228,228,228,230,230,225,212,203,202,203,207,215,225,217,215,216,225,228,225,225,222,225,225,225,228,230,228,228,225,222,220,222,222,225,225,225,225,222,222,222,225,228,225,224,225,233,241,241,235,228,217,209,202,151,151,199,204,207,209,209,212,215,222,230,230,225,215,209,207,204,204,204,202,199,202,204,209,209,207,199,196,204,212,217,217,217,225,230,228,215,207,207,212,217,217,215,212,209,209,212,222,228,228,230,233,235,235,238,238,238,235,235,233,228,222,215,212,215,215,215,215,212,212,212,212,212,209,209,207,207,204,202,196,194,191,191,191,191,196,196,191,189,191,191,189,183,186,191,196,199,196,196,199,199,196,194,194,196,194,189,183,181,186,194,191,181,178,183,183,183,182,183,189,194,199,204,212,222,228,233,243,251,251,248,246,246,248,251,254,254,254,251,246,241,235,233,230,225,217,207,149,144,145,149,196,202,207,209,209,209,209,209,209,209,207,204,202,200,200,202,204,204,202,200,200,202,204,207,204,199,199,204,207,202,202,202,202,204,207,207,207,209,209,207,207,207,207,207,204,202,196,191,183,181,181,181,137,133,129,125,129,178,191,196,196,196,196,194,194,189,183,183,189,191,191,191,191,189,191,191,194,196,196,196,191,189,186,186,189,189,189,186,186,189,191,191,191,196,202,202,194,181,132,131,133,139,189,186,186,189,194,194,191,194,196,196,199,204,209,215,217,217,212,209,207,207,207,207,207,212,215,217,217,215,217,225,230,91,91,90,95,101,101,95,91,91,97,137,142,137,85,49,17,0,0,0,0,0,17,113,165,183,157,111,105,118,103,59,49,35,15,3,0,0,0,15,131,165,189,199,202,212,235,255,255,204,155,63,16,6,19,79,157,168,147,142,124,63,131,170,124,71,69,37,69,248,251,225,222,202,113,29,17,23,37,29,17,25,45,90,100,100,90,69,35,27,27,61,121,0,0,157,139,142,0,0,181,116,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,165,194,168,157,150,147,168,196,209,209,199,178,155,105,147,168,199,212,212,212,204,183,152,73,41,21,20,21,17,4,17,43,61,49,7,3,31,100,163,176,168,183,212,235,202,157,165,191,155,49,0,0,0,0,202,183,134,87,100,144,144,85,64,77,126,147,139,139,165,189,181,139,79,31,0,0,0,0,116,124,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,155,150,126,118,121,129,131,147,157,157,147,83,71,83,134,147,147,147,101,95,85,63,53,73,79,81,85,107,176,178,170,170,168,119,111,111,121,170,181,191,194,212,220,228,230,230,233,230,222,220,212,152,67,47,35,0,0,19,83,67,9,0,0,0,0,19,43,49,53,160,196,176,124,72,68,72,77,89,144,144,137,99,137,144,142,106,103,101,109,165,168,170,176,170,163,155,119,91,57,46,37,36,83,119,117,114,115,160,176,186,186,186,183,183,181,181,178,165,155,147,144,144,144,142,142,101,81,67,59,55,57,65,75,75,72,73,79,91,126,134,131,131,129,93,126,91,79,71,81,93,89,79,73,77,79,85,89,89,87,79,79,85,131,129,61,41,37,53,85,126,134,152,165,165,139,53,33,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,57,61,118,155,183,199,207,173,15,0,0,0,0,0,3,85,103,95,150,194,196,187,215,246,235,217,212,225,233,248,255,255,0,0,255,255,255,248,230,113,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,82,90,23,23,90,139,131,63,35,53,121,173,194,194,176,152,129,108,71,65,75,121,139,152,139,67,49,67,65,39,29,0,0,0,0,176,212,186,157,144,142,152,137,73,37,13,9,13,35,59,63,57,46,47,53,61,61,59,55,59,75,118,121,126,131,129,131,142,144,142,137,133,144,157,160,139,129,137,142,131,87,75,69,59,53,57,63,63,53,47,59,45,25,19,21,37,43,43,27,17,7,0,0,0,0,0,0,11,45,73,121,129,124,142,165,183,196,202,212,209,222,209,189,178,176,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,152,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,40,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,23,29,29,25,25,25,23,25,31,43,61,65,55,51,45,55,51,39,33,41,59,77,79,85,85,91,107,178,212,222,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,196,147,0,0,0,0,0,0,0,0,0,0,0,0,0,59,92,129,150,61,0,0,0,0,0,0,0,87,137,111,0,0,59,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,155,0,0,0,0,0,0,0,0,0,0,0,0,0,129,150,59,67,173,191,194,152,142,196,204,202,199,196,194,191,152,15,0,7,9,4,67,79,139,183,0,0,0,83,101,103,157,170,168,176,199,207,209,209,194,107,94,91,103,165,173,165,125,170,181,189,191,191,189,189,186,181,181,176,131,129,130,131,128,128,181,191,196,194,191,194,191,190,191,199,202,204,207,202,194,191,192,199,199,196,189,183,191,209,215,212,209,212,212,215,212,209,207,207,209,207,202,196,204,215,225,225,215,202,194,191,199,209,222,228,233,225,131,89,101,137,204,204,202,207,215,215,199,143,140,139,142,194,199,195,196,204,207,204,204,209,212,207,196,192,194,199,207,212,215,209,204,202,209,215,215,209,204,202,202,202,199,199,209,209,199,191,191,191,141,139,140,141,143,196,202,199,204,212,212,207,204,207,215,217,209,199,194,196,189,137,138,189,196,196,202,204,199,192,196,222,235,235,233,233,233,235,233,228,212,191,187,189,190,189,190,191,189,191,194,191,194,199,199,196,196,145,133,124,126,196,212,217,217,217,199,191,196,202,204,209,217,222,217,215,212,212,215,222,228,217,204,196,194,194,196,194,191,196,212,225,225,215,209,209,212,212,204,194,192,194,202,207,212,215,215,209,207,209,215,209,207,215,222,215,207,199,202,204,202,196,196,199,199,199,199,207,215,215,215,212,209,204,196,186,137,135,183,196,196,137,133,186,196,202,204,196,183,181,186,194,199,202,196,194,194,202,204,202,191,137,129,125,126,137,186,185,183,186,185,185,191,196,196,194,191,191,191,194,194,191,186,181,135,133,137,183,186,186,186,186,186,185,185,189,194,196,196,196,196,183,124,126,202,212,212,209,212,212,168,172,202,191,176,133,133,176,178,178,181,183,183,183,181,176,186,199,196,186,183,186,194,199,202,202,191,133,129,133,176,181,191,199,202,199,196,199,194,173,124,125,129,131,129,129,129,129,129,128,129,173,178,181,178,178,176,129,121,119,125,173,181,204,125,105,109,119,127,129,131,131,133,133,133,181,186,191,196,199,196,194,189,181,177,177,183,194,202,204,202,196,194,194,194,186,182,186,199,212,217,212,209,207,207,204,202,194,133,129,137,189,139,137,139,186,196,199,194,202,207,207,207,204,204,204,207,209,212,215,215,215,215,215,212,211,212,212,215,222,225,222,209,189,186,191,202,204,186,111,105,131,189,199,202,204,207,207,207,209,212,212,189,117,124,186,207,212,212,212,212,212,212,209,207,207,202,202,202,199,199,204,209,209,207,209,212,215,215,212,209,207,209,209,207,209,217,228,230,225,222,217,212,209,209,207,204,202,202,196,183,131,121,121,135,139,183,186,189,189,191,194,196,202,202,202,202,204,207,209,212,212,215,215,215,215,215,212,209,202,143,137,145,204,145,127,130,204,212,212,212,215,215,212,209,204,204,202,199,204,217,222,217,209,204,204,204,204,204,202,200,202,207,212,212,209,212,217,217,209,207,202,191,189,190,202,212,215,215,212,209,212,215,217,217,215,212,212,215,222,222,217,215,209,208,212,217,222,215,217,225,228,228,228,228,222,212,204,202,202,207,225,228,217,213,215,225,228,228,228,228,225,225,225,228,230,228,228,225,225,222,222,222,225,228,230,230,228,225,225,225,228,225,224,225,235,243,241,233,228,222,215,207,199,151,151,199,202,202,204,207,215,225,233,233,228,222,215,215,212,212,209,207,204,204,204,207,204,202,195,192,196,207,209,212,212,222,230,228,212,204,204,209,215,222,217,215,212,208,209,215,217,225,230,235,235,235,235,235,235,235,235,235,233,230,222,217,217,217,217,215,215,212,209,209,209,207,204,204,204,204,202,199,194,191,191,189,189,196,196,191,186,189,191,189,183,183,186,191,194,194,196,199,199,194,191,192,199,199,194,186,183,189,199,202,189,181,181,183,186,183,183,186,189,191,196,207,228,233,233,238,246,251,248,248,248,251,254,255,255,255,254,248,243,238,233,230,225,217,209,199,147,149,196,199,204,207,212,209,209,208,209,209,209,207,202,200,200,200,204,207,207,204,202,200,200,204,204,204,199,199,202,204,202,202,199,202,204,207,207,207,207,207,207,207,209,209,207,207,204,199,194,189,183,183,186,183,135,129,124,125,135,191,196,196,199,196,194,194,191,186,186,189,191,191,191,191,191,191,194,196,196,196,194,191,189,186,185,185,189,191,189,189,189,191,191,191,194,202,207,207,196,183,132,131,133,135,137,139,186,189,189,191,194,199,202,204,207,209,215,217,217,212,209,207,207,205,205,205,209,215,217,217,215,217,225,228,90,91,97,101,105,97,91,89,91,131,144,137,81,39,13,11,13,0,0,0,0,0,35,134,155,134,71,57,57,57,63,100,98,53,25,11,9,23,55,105,126,165,168,137,144,212,243,233,204,165,111,41,19,39,111,144,126,87,142,178,196,225,204,75,32,33,5,0,0,0,255,255,255,202,47,13,4,0,4,7,11,27,51,90,95,87,47,33,21,21,53,111,147,157,139,131,144,181,0,181,108,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,74,87,129,157,176,176,181,163,144,150,170,186,209,209,199,202,202,202,212,222,230,230,212,202,173,97,43,19,18,21,43,43,23,17,37,57,57,37,33,49,100,137,129,98,108,183,225,204,150,142,163,155,126,63,55,0,150,157,150,108,83,100,170,186,152,103,111,137,137,116,0,0,186,181,139,87,48,5,0,0,40,64,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,100,121,118,107,107,118,129,139,157,157,165,157,97,83,89,134,101,103,103,103,97,79,38,29,53,75,81,91,109,176,186,181,176,178,178,168,121,121,173,181,173,174,194,212,228,235,235,235,233,222,220,209,170,85,61,39,0,0,13,55,39,0,0,0,0,0,0,7,33,65,142,163,155,75,65,72,118,126,93,134,142,95,85,91,139,150,150,107,101,109,165,168,160,160,163,163,117,111,77,47,43,36,38,89,119,117,113,113,160,176,186,186,183,183,170,165,157,150,111,107,103,105,104,105,139,142,99,81,73,67,65,65,71,77,81,81,81,87,129,134,131,124,124,89,85,87,93,91,91,131,134,131,93,91,87,83,79,77,81,83,79,73,81,89,85,69,56,57,73,85,121,126,137,150,150,131,69,43,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,139,183,207,225,220,124,0,0,0,3,0,3,57,69,67,109,207,217,212,233,255,255,230,225,228,238,255,255,255,0,0,255,255,255,248,199,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,155,98,98,139,176,155,92,51,61,113,147,181,181,165,152,144,134,129,121,129,137,147,173,155,81,57,85,83,0,0,0,0,173,215,255,241,181,144,142,155,152,129,65,25,7,5,17,45,67,61,49,49,57,75,111,81,67,54,57,69,81,118,121,131,129,126,134,139,139,134,137,144,160,163,139,125,127,134,124,87,77,75,67,57,57,65,69,55,51,49,39,22,20,25,39,53,53,35,25,13,1,0,0,0,0,0,13,57,113,144,144,131,142,155,181,196,212,225,222,230,222,189,178,176,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,152,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,19,23,23,19,19,17,17,17,23,37,53,61,61,55,55,53,45,39,33,39,47,67,67,65,73,85,139,186,222,233,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,129,0,0,0,0,0,0,0,0,0,0,0,0,0,69,139,147,147,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,163,60,44,108,176,183,163,157,183,196,199,194,196,212,233,93,0,0,0,73,144,220,215,207,241,93,0,0,67,160,176,196,191,170,95,99,196,204,199,189,157,99,101,121,181,189,176,121,125,178,189,196,196,194,194,189,183,181,178,178,176,176,183,135,135,194,196,196,191,190,191,191,191,196,204,207,209,212,209,202,196,196,196,194,189,186,186,199,215,217,212,212,215,217,217,215,212,212,212,209,204,191,186,189,207,225,228,225,209,202,196,194,194,202,209,204,137,96,77,121,143,207,215,204,189,143,189,143,142,140,140,189,196,196,194,199,207,209,207,207,212,215,212,202,192,192,196,207,215,215,212,207,209,215,222,217,209,202,199,196,194,194,199,207,209,194,142,189,189,141,141,194,196,194,199,204,209,217,225,212,196,194,204,215,209,196,186,186,191,143,135,137,194,196,194,196,204,204,196,196,212,230,230,228,230,233,233,233,225,209,196,194,196,194,190,191,194,194,199,199,196,194,196,194,143,137,129,124,123,127,194,204,207,209,209,189,185,189,196,202,209,225,233,228,217,215,212,212,217,217,202,145,145,191,194,191,191,196,202,212,222,222,222,217,215,209,204,194,190,191,194,199,202,207,209,209,202,196,202,212,209,207,212,212,207,202,199,196,196,196,196,196,199,199,199,202,209,217,217,215,209,204,199,196,191,186,183,189,199,196,186,186,196,202,199,196,189,179,179,186,196,202,199,191,186,191,202,207,204,194,186,133,126,127,137,186,186,186,189,185,183,189,196,196,191,190,190,191,194,191,189,183,181,181,186,183,183,186,189,186,186,186,185,185,186,189,189,186,181,133,128,126,133,199,209,212,209,207,202,183,191,202,183,133,133,131,176,181,183,186,189,191,191,189,186,186,189,186,185,185,185,189,189,183,178,176,129,128,131,133,181,191,199,199,194,194,199,196,125,121,123,127,129,128,129,173,176,173,131,129,173,181,189,189,178,125,115,112,115,123,129,127,111,100,96,104,115,125,127,129,131,178,181,181,181,183,189,196,199,196,191,189,183,178,178,181,186,194,199,196,191,191,194,194,191,183,183,194,207,212,209,204,202,199,199,202,196,133,122,123,122,119,121,129,135,189,202,207,212,212,212,212,209,209,209,209,207,209,212,215,217,215,215,212,211,212,215,215,217,217,220,215,202,191,194,202,199,121,106,117,137,194,202,204,207,209,209,209,209,212,212,199,121,117,127,207,212,212,209,209,212,209,209,207,204,202,199,199,199,199,204,212,215,215,215,215,217,217,215,209,209,209,207,202,202,209,222,225,228,225,222,217,215,212,207,202,199,196,139,127,123,118,117,135,186,189,189,189,189,191,191,194,196,196,199,202,204,209,212,212,212,212,215,215,212,207,199,194,141,132,130,137,202,194,131,138,202,207,207,212,217,222,217,212,207,207,209,209,217,228,230,225,215,209,207,204,204,204,202,200,202,204,209,209,209,212,215,215,209,202,196,190,189,191,204,217,222,222,217,212,209,209,212,215,212,209,209,212,215,217,217,215,212,212,217,228,225,212,209,215,222,220,222,222,217,209,204,203,203,209,228,233,225,216,216,225,228,228,230,230,225,225,225,228,228,228,225,225,222,217,216,217,222,225,228,230,230,228,225,225,228,228,228,230,235,238,238,230,228,228,225,215,204,151,151,151,199,199,199,204,215,228,235,235,233,230,228,225,222,217,215,212,212,209,207,204,202,199,196,194,195,202,209,212,215,217,222,222,212,204,204,207,215,222,222,217,212,209,208,209,215,222,230,235,238,235,233,235,235,238,238,238,238,235,230,222,217,217,217,215,215,212,209,207,207,204,202,199,202,202,202,199,199,196,191,186,186,191,191,186,183,186,189,189,183,181,181,186,191,194,199,204,202,194,191,194,202,204,196,189,189,194,204,207,194,189,186,189,196,191,186,186,186,189,194,207,233,241,241,243,243,246,248,251,251,254,255,255,255,255,254,251,246,241,235,230,225,217,215,207,202,199,202,204,207,209,212,212,209,208,209,209,209,207,202,202,204,207,209,212,212,209,204,202,200,202,202,202,199,198,199,202,202,202,199,199,202,207,207,207,207,207,207,207,209,209,207,207,209,207,202,196,191,189,186,186,181,131,122,121,125,186,196,199,199,196,194,191,189,189,189,189,191,191,191,191,191,194,196,196,196,194,191,191,189,186,183,183,189,191,191,189,191,191,191,190,190,196,204,212,209,196,139,133,131,131,132,137,139,139,139,141,191,199,207,209,209,209,209,212,212,209,207,207,207,207,205,207,209,212,215,215,215,217,225,228,88,91,97,105,105,95,89,85,85,97,137,85,29,0,0,7,19,3,0,0,0,0,0,61,118,111,55,39,38,43,57,103,90,47,31,49,53,49,47,51,47,105,108,49,41,137,196,196,176,137,108,69,79,118,129,126,65,65,139,225,255,255,243,139,53,85,39,0,0,0,0,255,255,225,113,49,23,6,6,10,11,31,61,92,87,51,39,29,23,21,33,85,113,124,108,108,124,150,181,165,87,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,152,147,137,139,150,173,194,176,150,150,168,189,217,217,217,225,235,241,241,248,255,251,230,209,173,87,33,18,27,51,69,61,23,9,17,43,51,55,63,113,134,129,98,85,77,124,183,176,124,67,98,137,163,181,189,176,150,131,131,103,91,124,194,228,204,186,191,207,186,157,0,0,0,173,150,98,48,0,0,0,0,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,85,103,111,111,107,107,111,126,144,150,157,152,152,147,131,89,89,97,95,97,97,103,103,87,39,28,39,67,85,87,101,168,183,176,168,178,186,181,168,170,181,181,161,161,183,209,228,235,235,235,235,222,215,215,189,144,87,65,0,0,4,29,21,0,0,0,0,0,0,0,0,75,126,137,137,75,71,124,142,126,77,83,95,79,71,79,139,157,157,150,104,109,165,165,157,152,115,113,111,89,51,46,49,53,63,105,170,170,117,117,160,176,173,173,173,168,160,152,103,95,95,99,103,105,104,105,139,101,93,77,67,71,75,79,83,83,87,87,85,87,129,126,126,91,87,85,82,85,91,124,126,134,142,144,142,131,93,85,77,75,81,87,81,67,71,79,85,85,87,126,124,87,113,124,124,134,142,118,67,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,147,186,209,222,230,199,49,0,1,27,47,73,101,89,75,157,215,217,212,246,255,255,238,217,217,233,255,255,255,0,255,255,248,243,235,173,19,0,0,0,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,100,157,139,139,163,163,126,63,53,65,103,124,142,147,144,142,134,137,137,147,152,150,152,173,170,129,81,79,7,0,0,7,118,254,255,255,233,157,139,142,155,139,79,37,11,0,3,25,61,103,69,57,61,105,139,152,137,73,55,55,65,77,81,91,126,124,89,126,131,139,134,137,144,163,165,147,129,127,129,124,87,85,85,77,67,65,65,63,53,47,43,33,22,22,31,45,61,53,41,31,19,7,0,0,0,0,0,19,63,124,152,152,144,142,150,178,196,215,225,225,230,222,196,183,181,191,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,163,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,11,17,13,13,11,7,7,11,17,29,45,61,65,61,55,45,39,31,27,31,45,59,57,51,61,77,103,186,215,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,150,150,147,100,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,163,157,54,65,118,160,165,160,168,181,189,191,199,209,215,73,0,0,13,157,194,209,209,212,222,220,107,31,75,191,204,212,207,186,57,35,101,183,178,183,178,101,111,183,202,207,186,116,118,129,183,194,199,199,196,191,186,183,181,183,181,178,189,189,186,194,196,196,194,194,194,194,194,202,207,212,215,215,215,215,209,204,196,189,183,139,186,202,215,217,215,215,217,217,217,215,215,215,212,202,186,182,185,191,207,217,222,215,207,202,202,191,187,196,209,189,131,119,110,141,191,215,217,207,143,140,142,191,194,191,191,196,202,202,202,209,217,212,209,209,215,217,215,204,196,196,204,212,217,217,215,212,212,212,215,212,204,196,194,192,192,194,199,204,202,143,138,142,196,194,202,209,207,199,199,204,212,225,228,209,187,186,207,217,204,189,185,186,194,191,138,141,202,199,191,191,204,217,209,195,195,212,215,217,222,225,228,225,215,207,204,202,202,199,194,196,196,196,207,204,196,191,145,141,135,127,123,121,122,137,202,202,200,207,209,190,185,190,199,202,209,225,233,228,215,212,209,212,217,215,199,143,142,143,143,143,145,199,207,212,215,215,217,217,215,207,196,191,190,194,202,207,207,207,207,204,194,190,194,207,209,207,209,207,204,202,199,196,199,199,199,199,199,199,199,202,207,212,215,209,207,204,202,199,196,194,191,191,194,194,191,194,202,199,191,189,183,179,179,186,194,196,191,183,137,183,194,199,199,196,191,183,133,133,183,189,189,191,191,186,185,189,196,196,194,191,190,194,196,194,186,181,183,189,189,183,181,181,183,186,189,189,189,186,189,189,189,186,183,135,128,128,178,194,199,204,204,202,199,194,194,186,127,127,129,129,176,186,189,189,189,196,199,196,191,186,185,186,189,189,189,189,183,128,126,127,128,129,129,131,181,191,194,189,181,186,194,194,127,123,125,129,131,129,131,176,178,181,178,176,178,186,194,191,181,121,112,112,117,127,129,123,101,100,100,111,121,131,129,126,133,183,189,189,189,186,189,194,196,189,183,181,183,181,178,135,135,181,189,191,191,194,196,196,191,181,179,186,199,204,207,204,199,194,196,202,196,135,122,121,122,123,129,133,131,137,199,212,215,215,212,212,212,209,209,207,207,207,212,215,217,215,215,212,211,212,215,215,215,215,215,217,212,202,199,202,191,98,96,115,191,204,209,212,212,215,215,212,209,209,209,204,131,110,116,204,209,207,204,204,207,209,207,204,202,199,199,199,199,199,207,215,222,222,217,215,215,215,215,212,209,207,204,199,199,204,212,217,222,225,222,217,215,215,207,199,194,189,133,127,129,123,122,135,186,191,191,191,191,191,191,191,191,196,202,204,209,209,209,209,207,209,212,212,207,196,141,140,141,136,136,194,212,207,144,196,204,204,204,209,215,222,215,212,212,212,215,217,222,228,228,225,217,215,209,207,207,204,202,202,202,199,199,204,209,212,215,212,207,202,194,191,191,196,204,209,217,217,215,209,207,205,207,208,209,209,209,212,215,217,217,215,217,220,228,235,230,212,205,209,212,212,215,215,215,209,207,207,209,217,228,233,228,222,222,225,222,225,228,228,228,225,225,225,225,222,217,222,222,217,216,217,222,225,228,228,228,228,230,230,228,233,233,233,233,233,233,230,228,228,228,225,212,204,153,153,153,152,152,204,217,230,235,235,233,233,230,228,225,222,217,217,217,212,207,202,202,202,202,202,199,204,212,215,217,215,215,215,212,207,204,209,215,217,217,215,212,209,208,208,212,222,233,235,235,233,233,233,235,238,238,238,238,238,233,225,222,215,215,215,212,209,207,207,207,204,202,199,196,196,199,202,204,199,194,186,185,186,186,183,183,189,191,189,186,181,181,183,189,194,202,204,202,196,192,196,202,204,199,189,189,196,204,202,196,199,202,199,199,194,189,186,186,186,191,204,233,248,251,246,235,233,235,243,246,251,255,255,255,255,254,251,246,241,233,228,222,220,217,217,209,207,207,209,212,215,215,215,209,209,209,209,209,207,204,207,212,215,215,215,215,212,207,202,202,202,202,202,199,198,198,199,202,199,194,194,199,204,207,207,209,207,207,207,209,209,207,207,209,209,207,204,196,191,186,183,183,135,123,120,124,181,194,199,199,196,191,189,189,189,189,189,191,191,191,191,191,194,194,196,196,194,189,189,189,189,183,183,191,194,191,191,191,194,191,190,190,194,202,209,212,204,191,139,133,131,132,137,137,136,135,137,186,196,204,209,209,209,204,204,204,204,202,204,207,207,209,207,207,209,209,209,212,217,228,230,88,91,97,105,97,89,79,75,79,95,131,75,3,0,0,5,15,0,0,0,0,0,5,69,134,134,65,42,42,48,63,92,37,3,3,35,45,11,0,7,0,9,15,0,0,0,92,137,134,103,60,62,79,126,113,57,36,37,121,215,255,255,225,170,142,176,85,25,61,0,241,255,255,196,121,121,157,178,131,61,65,113,126,118,90,39,25,27,27,21,27,59,85,87,85,95,116,144,0,160,87,14,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,124,113,103,105,121,157,183,176,155,157,176,209,225,225,225,238,241,248,255,255,255,255,251,222,170,71,27,23,53,116,121,55,12,9,23,41,43,49,90,150,170,155,137,129,90,90,111,105,63,61,95,137,191,241,255,241,168,131,121,100,100,147,194,222,220,220,238,238,207,157,0,0,0,0,157,98,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,137,150,142,124,111,111,129,142,144,150,144,131,131,131,131,95,89,95,97,101,103,147,160,147,73,38,49,73,85,81,91,155,176,165,109,163,183,186,183,183,191,189,161,161,176,202,220,230,235,235,230,222,215,215,207,186,155,97,43,5,15,29,27,9,0,0,0,0,0,0,0,53,77,126,150,129,113,131,134,77,59,63,77,61,58,73,101,147,150,144,109,150,160,160,152,103,90,87,97,83,49,48,71,97,115,170,194,191,178,165,160,165,173,173,163,160,152,109,95,93,95,107,152,152,144,150,142,99,83,71,61,67,77,85,89,87,82,82,82,87,129,126,126,91,87,87,87,85,85,91,126,131,131,142,144,93,85,79,77,75,81,93,81,67,65,73,85,129,131,139,139,124,124,121,111,124,126,69,47,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,147,173,186,207,215,202,142,37,9,27,87,176,189,152,144,189,225,209,194,246,255,255,222,199,196,217,248,255,254,241,243,241,228,222,222,189,33,0,0,11,53,46,17,0,0,13,0,0,0,0,0,0,0,0,0,0,0,0,13,17,0,0,0,0,0,92,137,160,168,176,168,137,103,95,103,113,116,124,134,139,134,130,130,137,168,189,176,152,157,155,121,83,0,0,0,129,165,163,222,246,251,212,160,144,155,152,131,53,19,0,0,3,41,79,116,77,67,79,134,163,168,144,77,55,54,63,69,73,79,89,89,87,87,131,131,130,137,147,168,168,150,137,137,134,124,118,116,116,85,79,75,65,55,47,37,37,29,22,25,39,55,61,53,51,33,25,13,0,0,0,0,0,19,63,124,152,157,144,130,142,165,189,204,212,212,212,204,194,186,183,191,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,113,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,25,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,7,7,5,5,5,5,13,25,39,55,65,65,45,39,25,19,15,25,39,47,47,47,51,71,97,170,204,215,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,43,77,131,137,139,150,134,51,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,95,100,63,67,81,147,168,165,163,176,186,189,199,207,183,13,0,0,157,204,207,207,209,209,207,212,199,81,105,194,207,215,220,230,61,23,63,111,119,176,170,94,103,194,212,222,194,112,114,119,176,191,196,199,199,194,189,186,183,183,181,178,186,186,183,186,191,199,199,199,202,199,199,202,209,215,217,217,217,217,215,204,189,183,139,139,141,199,209,209,212,217,222,217,215,212,212,215,209,189,182,183,196,207,207,204,204,199,141,133,191,189,191,202,215,215,235,238,215,209,207,217,217,209,196,191,194,202,202,199,199,202,204,207,209,222,225,217,215,215,217,217,212,204,202,207,215,222,222,222,217,215,209,207,207,204,199,194,194,192,192,194,202,202,199,143,139,189,209,209,212,212,207,196,195,199,209,222,225,207,186,185,215,222,204,189,187,191,202,196,142,143,196,194,189,194,212,230,228,192,189,196,204,209,212,215,215,212,209,207,207,202,199,194,191,191,194,194,204,202,194,191,143,145,145,139,135,133,143,217,222,207,204,215,222,207,199,202,207,209,212,217,225,217,209,209,209,212,217,217,204,145,142,142,142,143,194,204,209,215,217,215,215,215,212,204,199,194,192,196,207,222,222,212,204,199,192,191,194,204,207,207,207,204,202,202,204,204,204,204,202,199,199,199,199,199,204,204,204,202,199,199,199,199,194,194,194,194,194,194,196,202,202,194,189,189,186,183,183,191,194,189,181,135,133,135,139,189,191,191,191,189,183,183,189,189,189,194,196,189,186,189,194,196,194,191,191,194,196,194,186,183,186,191,186,179,178,179,181,183,189,194,196,196,194,191,191,196,199,194,131,127,133,186,186,186,194,202,204,196,181,127,119,123,129,133,178,186,189,186,186,191,196,194,189,186,189,191,194,191,194,196,194,129,126,128,176,178,133,131,181,191,191,181,178,183,194,194,178,133,176,176,133,173,173,176,176,181,183,181,181,186,191,191,181,125,115,117,127,131,131,125,129,189,194,183,178,178,131,125,131,186,196,199,196,191,186,189,189,181,177,178,181,183,181,135,134,135,181,186,191,194,196,194,186,179,179,183,191,199,202,204,199,196,194,196,196,183,125,122,133,183,194,189,135,137,196,212,212,209,207,207,209,209,207,207,205,207,209,212,215,215,215,215,212,212,212,215,213,213,215,215,212,202,196,194,137,95,92,107,199,209,215,215,217,217,215,212,209,207,209,209,196,105,112,194,202,199,196,199,202,204,204,202,199,196,196,199,199,199,207,215,222,217,215,212,215,215,215,212,209,209,204,199,198,202,209,212,215,217,222,217,212,207,191,133,137,141,137,139,191,189,135,137,183,186,189,189,191,191,191,191,194,196,202,207,209,207,204,204,204,207,212,212,207,196,143,141,204,209,207,212,217,212,199,204,207,204,204,207,215,215,212,211,215,217,217,222,225,225,225,222,222,217,212,209,209,207,207,204,199,191,145,196,204,212,215,215,212,207,199,196,199,199,199,202,209,215,217,212,208,205,207,208,209,212,212,215,215,215,215,215,217,222,228,235,230,215,205,207,212,212,215,217,217,212,212,215,222,228,230,230,230,225,225,222,222,222,228,228,228,228,225,222,212,209,209,215,217,216,217,222,225,228,228,228,228,228,230,230,230,233,235,233,233,233,233,230,228,228,228,228,225,215,207,204,204,153,153,204,217,230,235,233,230,228,228,225,217,217,217,217,222,215,207,202,202,204,209,209,207,207,212,215,212,209,212,212,209,207,204,207,212,215,212,209,209,209,208,208,212,222,230,233,233,233,230,235,238,241,238,235,235,235,233,228,222,215,212,212,209,207,207,207,207,207,204,202,196,196,196,202,204,202,194,189,186,186,183,183,186,189,191,191,189,183,181,183,186,191,196,202,202,196,194,196,202,204,196,189,187,194,199,196,196,207,215,209,202,196,191,189,183,181,183,199,228,243,246,235,215,204,204,209,225,238,251,255,255,254,251,246,241,233,228,222,217,217,222,222,217,212,212,212,217,217,217,217,215,212,212,209,209,207,207,212,217,217,217,215,215,215,209,204,204,204,204,202,202,199,199,202,202,194,143,141,191,202,207,207,207,207,207,207,209,209,209,209,209,209,209,207,199,191,183,182,183,181,133,127,131,183,194,196,196,194,189,185,186,189,191,189,189,189,189,189,189,191,191,194,194,191,189,189,189,189,186,186,191,194,194,194,194,196,194,194,194,196,202,207,209,204,196,189,186,137,137,139,139,137,136,137,141,189,194,202,207,207,202,199,198,198,198,199,204,207,209,209,207,202,199,199,207,217,228,230,91,91,91,91,89,79,71,68,71,91,137,81,0,0,0,5,15,0,0,0,3,75,126,144,168,176,137,103,111,126,137,126,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,108,62,62,77,113,79,41,24,23,39,147,204,204,191,189,194,191,97,33,53,176,235,255,255,233,189,168,178,215,255,255,255,251,181,134,100,49,29,20,0,18,21,33,61,69,72,95,126,0,0,168,98,33,0,0,0,0,43,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,43,90,139,168,155,139,150,176,209,235,241,238,238,238,255,255,255,255,255,255,222,147,45,20,27,61,129,121,47,0,23,53,57,37,23,43,144,189,186,199,222,157,55,23,7,37,103,131,147,181,246,255,248,176,150,131,100,100,150,170,168,170,204,233,220,144,72,72,0,0,0,165,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,111,157,160,142,126,129,150,144,139,129,129,121,93,131,147,134,97,101,144,157,157,165,170,170,103,71,59,77,79,73,81,115,176,155,103,111,176,186,196,196,199,191,172,168,186,202,220,228,228,228,230,222,220,217,207,199,181,147,71,27,27,31,29,17,0,0,0,0,0,0,0,13,45,129,163,150,113,77,60,55,56,59,61,57,58,77,101,139,107,107,150,157,160,152,103,91,80,76,99,105,93,91,105,157,183,207,212,204,191,168,163,165,173,173,173,168,160,147,101,95,105,155,165,163,152,152,142,93,75,63,53,59,67,77,83,87,82,82,87,91,129,134,126,124,89,89,89,81,77,83,91,124,124,129,124,75,61,65,71,69,75,81,73,59,61,79,91,137,142,147,150,137,131,111,69,103,105,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,144,157,160,178,168,165,152,69,17,17,63,173,191,178,176,212,228,199,194,235,255,246,220,194,189,202,233,246,241,233,235,235,209,0,0,202,72,0,0,35,82,103,0,0,0,48,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,118,157,170,186,194,194,189,178,157,144,131,113,116,131,147,144,133,130,131,163,194,186,152,137,87,29,0,0,0,63,170,173,160,189,215,222,194,160,155,155,131,81,47,19,5,0,9,47,79,111,69,71,111,147,160,152,126,73,59,54,57,63,67,69,79,79,77,87,126,131,130,131,144,163,165,150,139,139,134,124,118,87,85,85,83,77,65,47,35,33,31,27,23,27,41,55,55,53,53,41,29,19,7,0,0,0,0,21,65,124,152,155,144,130,142,157,181,196,204,202,194,194,183,183,186,194,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,152,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,5,0,0,0,0,0,0,0,0,0,5,5,5,5,7,13,25,37,55,65,65,43,25,13,7,7,15,33,45,41,39,39,61,87,152,186,207,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,0,0,0,0,0,0,0,0,7,25,111,121,131,129,131,147,144,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,25,57,69,89,150,170,163,155,173,191,173,181,173,31,0,0,21,186,209,212,209,209,207,204,207,209,191,189,191,196,209,222,230,89,40,75,107,121,173,123,107,113,196,207,212,186,115,116,118,127,181,191,196,196,191,189,186,183,181,178,181,183,181,179,181,189,196,199,199,202,204,204,207,212,217,222,217,215,212,207,194,139,139,139,139,141,196,202,202,207,215,222,222,215,212,212,212,204,194,187,194,202,202,191,143,191,189,129,106,133,191,202,209,215,225,241,235,222,212,212,215,217,215,209,209,209,207,204,204,202,202,204,209,215,222,228,222,215,212,212,209,204,199,204,212,222,225,222,215,215,212,209,204,202,199,194,194,194,196,196,199,204,202,199,194,141,194,217,215,207,207,202,194,194,196,202,212,212,204,190,189,212,217,204,194,194,202,207,199,189,143,143,141,143,202,222,235,230,194,189,196,204,207,207,204,202,202,204,207,204,194,189,143,142,189,194,199,202,196,194,194,194,202,217,222,222,225,230,235,233,217,215,225,228,225,217,217,217,217,215,215,215,209,208,209,212,212,212,209,199,145,143,143,191,199,204,209,215,217,222,222,222,217,212,207,204,202,199,196,209,228,228,212,202,196,194,194,196,202,204,204,204,204,204,204,207,212,212,207,202,199,199,199,199,199,199,199,194,192,192,194,194,196,194,196,199,196,194,196,202,209,209,196,191,194,191,189,189,189,186,137,133,133,133,131,131,133,139,186,189,186,186,191,194,194,194,196,199,199,196,194,194,196,196,194,189,189,191,189,186,186,191,191,186,179,179,183,186,186,189,194,199,199,196,191,194,202,207,202,127,125,129,176,176,178,191,204,207,196,123,114,119,129,176,183,183,186,186,186,186,189,189,191,191,191,191,191,189,189,194,204,204,178,129,176,183,183,178,176,183,191,189,179,178,186,196,194,186,186,186,181,176,176,176,176,178,183,183,178,173,178,183,186,181,129,125,129,173,173,131,173,181,191,196,191,186,181,176,131,133,183,194,199,199,194,189,186,183,179,178,179,186,189,189,183,178,134,135,181,189,194,194,191,179,178,181,189,194,196,199,202,202,199,194,194,196,191,131,127,181,194,199,191,137,181,194,202,204,204,204,204,207,209,207,205,205,207,207,209,212,215,215,217,215,212,212,215,215,215,215,215,207,191,137,135,129,107,104,135,202,207,212,215,217,217,215,212,207,204,207,212,212,105,113,189,196,195,194,195,199,202,202,199,196,196,196,199,199,202,204,209,212,209,209,212,215,217,217,215,212,209,207,200,199,202,207,209,209,215,215,207,194,139,129,124,130,137,186,194,202,204,194,139,137,137,181,183,189,191,194,194,194,196,199,204,204,204,202,202,202,204,209,209,209,204,202,204,215,222,220,215,215,209,199,204,204,204,204,207,212,212,211,209,212,217,222,225,228,225,222,217,222,217,215,209,209,209,207,204,196,145,144,191,199,207,212,217,222,217,212,207,202,199,196,199,204,212,217,217,215,212,212,212,209,212,215,215,212,209,209,207,207,209,215,222,217,209,207,207,209,212,215,222,222,222,217,225,228,230,230,228,228,225,225,225,225,225,228,230,230,230,225,217,205,204,207,212,217,216,217,222,225,228,228,228,225,228,228,228,228,230,233,230,230,233,233,233,230,228,228,230,233,228,217,212,207,204,204,209,217,228,233,233,230,228,225,222,216,215,216,217,217,212,207,204,204,207,212,212,209,209,209,212,209,205,207,209,207,202,202,204,209,212,209,204,207,209,209,209,215,225,230,233,233,230,230,235,241,241,238,233,233,233,233,228,217,212,209,207,207,204,204,207,209,209,209,207,202,199,196,199,202,202,196,189,189,186,183,183,139,183,186,189,186,181,178,181,186,189,194,199,202,199,199,202,204,204,202,194,189,189,194,194,196,207,217,215,207,202,194,186,178,176,179,196,215,225,220,207,196,189,181,177,183,209,238,254,255,248,241,235,228,225,222,217,215,215,217,222,222,215,212,217,222,222,222,222,217,215,212,209,209,209,209,215,222,222,215,215,215,215,212,209,209,207,204,202,202,202,202,202,199,145,138,137,141,194,202,204,204,204,204,207,209,212,212,212,209,209,207,204,199,194,186,183,186,189,183,181,181,186,191,194,194,191,186,183,185,189,189,186,189,189,189,186,186,189,189,191,191,189,186,186,189,189,189,189,194,194,194,194,196,196,196,196,196,202,204,207,207,204,199,196,196,194,189,189,186,141,141,141,141,141,186,194,204,209,207,202,198,196,196,199,204,207,209,209,204,196,192,194,204,222,230,233,97,91,83,79,79,71,66,64,77,126,131,71,0,0,0,9,25,0,0,0,67,152,163,157,165,186,178,165,168,183,183,165,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,126,126,124,118,124,137,126,35,29,39,137,196,204,196,209,217,209,176,85,71,155,230,235,233,255,255,178,121,170,255,0,255,255,157,116,108,100,49,29,20,21,27,59,66,61,61,72,116,0,0,0,87,40,0,0,0,0,0,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,29,59,129,147,130,122,134,165,199,225,246,246,238,248,255,255,255,255,255,255,228,89,21,12,20,47,83,73,49,0,0,113,67,23,0,0,51,142,155,189,212,108,0,0,0,0,87,98,95,137,199,233,202,176,178,163,108,100,124,108,57,92,178,220,170,33,1,23,79,0,0,150,53,0,0,0,0,0,0,0,0,0,0,5,0,0,0,0,0,0,0,0,0,0,0,0,0,118,142,124,118,144,155,152,129,121,87,81,81,129,147,150,134,134,157,168,176,170,170,165,105,79,65,73,69,55,69,109,176,155,102,105,163,186,196,199,196,189,181,181,194,202,212,212,217,220,230,230,222,217,207,196,191,152,71,37,35,31,17,1,0,0,0,0,0,0,0,0,23,126,157,150,113,58,55,58,63,63,63,63,77,99,147,147,107,105,147,157,155,109,97,91,88,90,117,165,170,170,163,173,207,215,207,191,170,160,163,176,183,186,173,181,170,152,103,99,109,155,155,144,105,137,95,75,59,49,45,41,41,57,73,87,89,91,121,129,137,134,126,87,83,81,79,65,63,77,85,85,83,87,79,53,38,47,57,59,57,63,57,59,73,93,144,150,152,160,157,147,144,77,43,59,61,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,142,150,150,142,126,142,144,79,23,14,33,93,173,191,207,220,217,194,199,235,254,243,222,217,196,191,215,225,217,220,235,235,220,0,0,191,72,0,0,27,66,95,0,111,79,30,17,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,160,178,191,199,202,202,209,207,196,170,131,73,69,129,181,186,165,134,130,144,178,181,165,139,65,0,0,0,157,178,173,139,87,129,181,196,173,142,134,124,81,67,51,33,15,3,9,33,59,61,53,67,116,142,144,131,83,73,61,57,57,61,61,63,69,73,77,87,126,131,130,131,144,160,157,147,139,144,137,124,87,79,75,77,83,83,65,47,33,29,31,29,29,33,47,55,55,51,53,41,33,19,7,0,0,0,5,21,59,116,137,147,147,130,142,157,181,196,196,196,189,186,186,189,194,204,215,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,147,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,13,13,13,7,0,0,0,0,0,0,0,0,0,5,7,7,11,17,25,39,55,65,55,33,17,5,0,0,13,27,39,33,27,27,39,67,97,155,186,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,56,38,23,1,0,0,17,29,29,39,69,124,126,129,129,137,144,147,144,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,29,33,65,126,150,155,139,89,147,142,77,51,0,0,0,11,155,209,217,215,212,204,202,204,199,202,199,196,183,186,215,228,228,204,168,170,163,163,123,105,117,178,196,189,186,170,121,123,119,119,131,183,189,191,189,186,186,183,177,178,183,183,178,178,181,183,189,191,191,196,204,209,215,212,215,217,215,209,204,194,135,133,139,189,189,191,202,207,204,207,215,217,217,215,215,215,209,204,199,202,202,189,133,129,133,143,194,133,93,131,199,215,217,222,222,228,228,222,211,212,217,222,222,222,222,217,209,207,209,207,204,207,212,215,222,222,215,209,209,207,202,196,196,204,212,215,217,215,209,209,212,209,207,202,196,194,194,196,199,199,204,204,202,199,194,141,143,207,204,195,195,196,195,195,196,199,204,204,204,196,195,207,212,204,202,202,209,209,199,191,145,140,138,140,204,225,230,217,195,192,202,207,209,207,204,199,199,202,204,199,143,141,140,141,189,202,209,204,196,196,196,199,209,228,230,230,233,233,233,228,222,217,225,228,228,228,225,222,222,215,212,209,209,209,212,212,207,202,194,143,143,191,199,207,215,215,215,217,217,222,225,228,228,215,207,207,207,202,196,204,222,222,207,199,196,196,199,202,202,202,202,204,207,207,207,209,217,217,212,204,199,199,199,199,199,199,194,192,191,191,192,194,194,196,202,202,199,196,196,202,212,215,204,194,194,194,189,186,183,135,129,128,131,135,133,127,126,131,139,186,189,189,194,199,196,196,199,204,209,207,202,199,199,199,194,186,185,186,186,189,191,191,194,191,186,191,196,199,194,191,194,196,196,194,189,194,199,199,189,120,124,129,129,129,186,202,209,209,204,110,101,121,183,186,189,194,191,189,194,196,194,191,194,202,196,183,178,181,186,191,199,196,178,131,176,181,181,178,176,181,186,183,181,183,194,199,194,186,189,189,183,178,181,183,181,183,186,181,129,125,127,178,183,178,131,131,173,176,173,173,176,181,186,186,183,181,176,173,131,133,181,186,191,196,194,191,189,186,183,183,186,191,194,196,191,181,134,133,135,183,189,191,183,177,177,189,199,202,196,194,199,202,202,194,191,196,196,183,135,189,196,196,186,181,183,189,186,194,199,202,204,207,209,207,207,205,205,207,207,212,215,215,217,217,215,215,215,215,215,215,212,191,121,111,119,129,129,181,204,204,207,209,212,215,215,212,209,204,203,203,209,215,108,115,189,196,195,194,194,196,202,202,199,196,195,196,199,199,202,204,207,204,202,204,209,215,217,217,215,212,212,209,204,202,204,209,209,212,212,204,137,128,129,129,129,133,141,191,196,204,209,204,186,135,133,133,135,183,191,194,194,191,191,194,196,199,199,202,202,199,199,199,204,209,212,215,215,217,222,222,212,212,207,199,202,202,199,199,204,212,212,212,211,212,217,225,228,230,228,222,217,222,217,212,209,209,209,207,202,199,194,145,145,191,199,209,217,225,228,222,212,202,196,196,196,199,207,217,222,217,215,215,215,209,209,215,212,207,202,199,199,198,199,202,202,202,204,204,207,209,209,215,220,225,225,225,228,230,230,230,228,225,228,228,230,230,230,230,233,235,233,225,215,205,204,207,215,222,217,217,217,217,222,225,225,225,225,225,222,222,222,225,225,230,235,235,233,230,228,228,233,235,235,228,217,215,212,209,212,217,225,233,235,233,230,228,222,217,216,216,217,217,215,212,209,209,209,212,209,209,209,209,212,207,205,205,207,202,196,196,199,204,207,204,202,204,212,215,217,222,230,233,233,230,230,230,235,241,241,238,233,230,230,230,228,217,212,209,207,204,203,203,204,207,209,212,209,207,202,196,196,199,199,194,191,189,189,186,139,138,137,138,183,181,176,173,176,183,186,191,194,199,199,202,204,209,209,209,204,196,191,191,194,196,202,209,212,217,215,204,186,174,173,179,194,204,204,196,194,191,186,177,170,173,191,225,248,254,243,228,217,216,217,217,215,215,212,211,212,217,217,215,217,222,222,222,222,217,215,215,212,209,209,212,217,222,222,215,215,217,217,215,212,209,207,202,199,199,199,199,199,196,143,137,137,140,194,202,202,202,204,207,209,215,217,217,215,212,209,207,204,202,196,191,189,186,186,183,181,137,181,186,191,194,191,185,183,185,189,189,186,186,186,186,186,186,189,189,189,186,186,185,185,186,189,189,189,194,196,196,196,196,199,199,199,199,202,204,207,207,204,202,202,202,202,199,191,186,186,191,191,189,186,186,194,207,215,215,209,202,199,199,199,204,207,209,209,207,196,191,194,207,222,230,233,97,89,77,75,75,71,67,66,89,129,121,51,0,0,0,9,35,9,0,0,67,152,155,134,142,181,196,189,189,196,194,178,124,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,124,165,165,144,137,168,204,202,165,157,212,254,243,238,228,217,215,230,199,91,144,204,202,176,215,215,79,37,113,0,0,0,220,47,49,118,142,124,82,39,41,66,92,90,61,52,55,74,0,0,0,74,48,0,0,0,0,0,56,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,47,79,111,147,147,126,113,130,157,183,217,246,246,246,255,0,0,255,255,255,255,230,81,20,14,20,35,61,73,0,0,0,118,61,0,0,0,0,0,0,53,47,0,0,0,0,0,13,13,5,39,126,157,124,137,186,178,108,82,51,27,0,17,160,220,168,0,0,0,72,0,163,139,37,0,0,0,0,0,0,0,0,0,77,79,1,0,0,0,0,0,0,0,0,0,0,0,0,51,95,90,100,129,157,155,129,118,81,78,80,93,147,155,147,144,155,176,176,168,155,147,97,73,63,63,55,44,57,109,173,109,99,103,163,186,196,196,189,176,181,186,191,194,202,209,212,215,222,230,222,217,199,186,178,152,85,49,45,31,1,0,0,0,0,0,0,0,0,0,15,108,142,142,116,69,61,77,83,77,79,85,134,155,170,165,150,101,93,95,99,93,97,109,157,168,165,165,170,173,168,176,196,207,204,170,111,109,157,173,173,173,173,186,183,160,103,95,107,144,97,79,83,87,81,61,47,43,39,29,27,33,57,87,129,131,131,134,134,124,83,75,71,67,57,41,47,63,77,75,75,73,61,39,33,40,51,50,48,51,63,81,137,160,163,150,152,165,168,155,144,57,7,29,31,0,0,0,0,0,3,31,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,131,131,95,103,142,155,87,31,17,33,71,165,217,233,233,207,190,194,225,235,238,235,233,212,189,186,178,163,176,222,233,222,0,0,189,45,0,0,7,0,0,0,59,33,9,0,0,0,0,0,3,0,0,0,0,0,0,0,0,0,0,0,0,108,178,196,207,204,189,183,186,196,194,168,113,43,29,73,178,209,202,176,134,139,168,178,181,170,85,0,0,0,163,209,199,124,21,33,137,168,142,121,118,116,81,75,65,51,27,11,9,19,31,39,43,65,116,134,129,118,83,75,65,59,57,51,49,53,63,73,77,93,131,131,130,137,144,152,157,147,137,137,134,126,87,77,65,69,75,77,65,49,35,30,31,33,35,41,57,63,55,45,53,43,35,21,7,7,5,5,9,25,53,77,124,134,134,131,144,168,183,191,191,183,181,181,194,204,212,222,225,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,113,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,13,19,17,11,5,0,0,0,0,0,0,0,0,7,11,13,17,23,29,39,55,85,55,29,11,0,0,0,7,25,31,27,19,9,19,39,73,137,176,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,40,51,48,15,3,5,17,29,39,69,105,124,129,131,137,147,155,152,139,103,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,55,116,157,168,155,73,35,9,0,0,0,0,0,57,165,199,215,217,217,209,204,202,199,195,195,199,196,119,111,209,225,220,202,189,181,173,123,100,101,123,176,176,170,123,119,123,123,117,119,127,178,186,189,186,183,183,181,178,181,186,183,179,178,181,183,183,181,183,191,204,212,212,212,215,215,212,204,189,127,120,127,139,191,194,196,209,215,215,212,217,217,212,215,217,215,207,196,191,199,120,116,123,125,131,189,202,202,141,141,202,217,225,225,225,225,222,212,211,212,220,225,228,228,228,222,217,215,215,212,209,207,212,215,217,212,205,205,207,204,194,191,202,209,209,204,207,212,209,209,212,212,209,207,199,194,196,196,196,199,204,207,204,196,143,140,140,189,196,194,192,196,199,196,199,204,202,202,199,202,202,204,207,207,207,207,204,199,191,191,194,191,141,145,199,212,215,207,194,194,199,204,204,207,209,207,199,196,194,143,141,140,140,142,194,207,209,204,202,202,204,209,217,228,230,228,230,230,225,222,222,222,225,225,228,228,225,222,217,215,209,207,207,207,209,207,199,194,143,141,194,209,217,222,222,222,217,220,222,222,225,230,228,215,207,207,207,199,194,194,199,204,204,202,202,199,199,202,204,204,204,204,207,207,204,207,212,215,209,204,202,202,199,199,202,196,192,192,194,196,199,194,192,194,202,202,196,194,196,204,212,212,202,192,192,194,194,189,137,131,127,126,129,137,135,127,124,127,139,191,194,194,194,194,194,194,199,207,209,209,204,202,199,196,191,186,186,191,194,194,194,196,196,194,194,199,207,212,207,196,189,189,189,186,186,194,199,191,128,121,133,186,104,191,196,207,212,212,215,99,98,191,194,191,191,196,199,199,202,202,199,199,199,207,199,133,121,129,186,186,174,178,178,133,130,131,176,176,176,178,181,181,186,194,196,194,189,189,181,181,183,189,194,194,189,186,186,178,127,124,126,178,186,178,173,131,173,173,131,129,131,176,176,176,176,176,176,173,176,178,178,181,186,194,196,191,186,186,189,191,191,194,196,196,194,183,135,134,178,186,186,183,181,177,179,196,209,207,199,191,194,199,196,189,189,196,202,196,196,202,209,196,137,181,191,186,179,181,191,199,199,202,207,209,207,207,205,205,207,212,215,217,217,220,217,222,217,213,217,217,196,84,90,107,183,189,189,202,207,204,207,207,207,207,209,212,207,203,203,204,207,202,115,109,191,196,196,196,196,196,199,199,199,196,195,196,199,202,202,204,204,200,198,200,209,215,217,217,215,212,212,215,215,212,212,215,215,212,212,207,143,137,189,199,199,191,189,189,194,204,209,204,191,137,133,131,132,137,189,191,191,189,186,183,186,191,194,199,202,199,191,189,194,204,212,217,217,217,217,217,215,212,207,202,199,199,192,192,202,212,212,212,212,212,217,225,228,230,230,225,222,217,212,207,204,207,209,207,199,199,202,196,137,135,145,199,212,222,225,222,209,194,144,145,194,194,199,209,215,215,212,212,209,207,207,207,207,204,199,198,198,202,204,202,200,199,200,207,209,212,215,212,215,222,225,228,230,230,228,228,228,228,228,230,230,230,230,230,233,235,235,228,212,207,207,212,222,225,225,217,213,212,213,217,222,225,228,225,215,212,212,215,217,225,230,230,228,230,230,230,235,238,238,233,225,222,217,215,215,215,222,230,235,235,235,235,230,225,222,220,217,217,217,217,217,215,212,212,209,208,209,212,209,207,205,205,207,202,196,194,194,196,202,199,199,202,212,222,225,228,233,235,235,233,230,233,235,241,241,235,230,230,228,225,222,217,215,212,209,204,203,202,203,204,209,212,212,209,204,199,196,196,196,194,191,189,186,183,139,137,137,138,181,178,172,170,173,181,186,189,191,191,194,202,207,212,215,0,212,207,199,191,191,194,199,199,196,212,0,222,207,183,183,189,189,191,194,192,204,209,189,181,181,189,209,222,246,255,207,164,202,217,222,215,213,215,212,208,204,212,222,222,217,215,215,215,212,212,215,215,215,212,212,212,217,222,220,215,215,217,217,215,209,209,207,202,199,199,199,202,202,196,191,141,143,191,199,202,202,207,209,212,215,217,222,222,217,212,209,207,204,202,199,196,191,183,181,137,135,133,135,181,186,191,191,186,186,186,189,189,186,183,183,183,186,189,191,191,191,186,186,186,186,189,189,189,189,194,199,199,196,196,199,199,199,202,202,204,207,209,204,199,199,202,202,202,186,99,123,194,196,196,194,196,204,212,215,215,212,209,204,204,204,204,207,209,209,207,202,196,202,212,225,230,230,89,89,83,83,83,83,75,79,124,134,121,55,0,0,0,0,7,0,0,0,23,121,131,131,142,173,191,186,181,186,191,194,152,63,1,0,0,0,0,0,0,0,0,0,0,0,0,0,5,100,165,178,147,139,176,222,241,230,243,255,255,255,255,217,181,189,209,191,168,183,199,178,131,139,131,61,21,57,0,0,255,131,41,49,0,0,0,0,126,111,118,129,118,79,57,59,66,0,0,0,87,0,0,0,0,0,0,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,147,160,204,181,165,150,150,168,183,199,209,233,241,248,0,0,0,255,255,241,241,209,142,57,41,41,45,67,137,144,113,63,51,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,51,87,49,17,0,0,0,0,92,217,178,0,0,0,15,111,144,111,43,21,29,0,0,0,0,0,0,69,82,46,0,0,0,0,0,0,0,0,0,0,0,0,0,43,49,55,92,126,152,144,126,118,80,81,81,81,87,131,147,144,163,176,176,147,103,103,97,79,67,61,49,42,49,152,165,96,96,103,168,186,194,189,173,121,121,123,173,183,191,202,212,212,220,228,228,215,204,186,178,155,134,69,55,41,0,0,0,0,0,0,0,0,0,0,27,108,126,111,111,116,71,71,83,77,83,129,155,170,186,199,173,95,46,43,49,67,101,160,178,189,168,155,155,157,157,165,183,204,204,163,101,97,109,160,173,173,173,189,194,170,103,93,95,91,52,52,67,83,77,61,53,53,41,27,24,25,35,69,87,129,137,137,129,83,65,63,67,61,31,23,31,55,65,69,69,61,43,39,41,49,53,50,49,53,81,137,160,165,163,152,157,165,157,147,57,0,0,0,5,0,0,0,9,17,23,87,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,103,103,116,168,202,157,57,47,81,99,173,230,255,255,225,191,190,220,228,228,235,233,215,191,168,81,74,134,199,230,0,0,246,222,21,0,1,11,0,0,0,0,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,178,204,207,194,176,170,173,186,194,178,121,33,11,11,75,191,209,191,165,165,178,186,189,181,147,79,73,139,189,212,194,126,17,2,67,118,85,77,116,139,139,126,118,73,47,21,15,19,23,31,43,67,111,118,121,118,116,79,65,59,53,45,41,44,55,71,87,126,137,139,139,144,152,160,157,147,139,129,134,142,131,79,65,69,75,67,57,49,41,39,37,41,43,51,65,71,55,40,42,45,39,27,13,7,7,15,21,29,45,63,81,116,121,131,150,168,183,183,178,173,170,178,196,215,225,233,235,243,251,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,108,59,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,51,33,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,3,7,13,17,13,5,0,0,0,0,0,0,1,5,7,13,17,23,25,37,45,55,55,43,23,5,0,0,0,3,19,29,25,13,8,9,25,63,97,168,194 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,194,134,38,0,0,0,0,0,0,0,0,0,0,0,31,39,35,11,1,7,23,41,82,108,124,131,139,157,173,170,150,129,121,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,31,71,150,165,178,186,189,194,173,55,0,0,0,0,0,157,212,207,209,212,215,212,207,207,204,199,195,195,196,196,113,75,97,209,220,194,189,183,176,173,168,168,176,168,115,109,110,115,125,127,125,127,173,186,194,196,191,183,178,178,181,183,183,183,181,181,179,181,181,181,183,191,199,207,207,207,209,209,204,194,137,125,120,129,183,191,196,204,217,225,220,217,217,215,212,212,212,207,199,143,139,137,111,108,121,129,139,194,202,204,196,194,202,212,217,217,222,217,215,212,212,215,217,222,225,228,228,225,225,222,215,212,209,209,212,217,222,215,207,207,209,204,191,189,196,204,204,202,204,209,209,209,209,209,209,209,207,202,196,194,194,194,199,204,196,191,143,140,140,189,202,196,195,204,209,204,204,207,204,199,198,204,207,204,204,204,204,199,196,191,189,191,204,207,202,202,202,204,207,199,192,192,196,199,202,209,217,215,202,145,141,140,142,143,143,191,202,209,209,204,204,209,212,217,222,225,228,228,228,225,217,215,217,222,225,228,228,228,225,222,222,217,212,207,204,204,204,204,199,191,143,145,204,222,228,228,225,225,225,225,225,222,225,228,225,215,207,202,199,196,192,191,192,196,204,209,212,207,204,207,209,209,207,204,202,199,199,199,204,207,204,204,202,199,199,199,199,194,192,194,202,207,209,202,192,192,196,199,194,192,194,202,207,204,199,192,192,199,202,199,194,186,137,129,133,137,137,131,127,135,191,199,204,202,196,189,186,191,196,202,202,199,196,196,196,194,191,186,191,199,204,202,199,196,196,196,196,204,212,217,212,199,189,185,183,183,186,196,199,181,126,131,183,183,98,204,207,209,212,111,113,104,106,196,196,191,194,199,204,204,204,199,194,194,196,199,189,121,113,125,199,189,157,173,178,178,133,133,135,178,178,183,183,183,186,194,196,194,189,183,173,173,183,199,204,199,189,186,183,176,129,127,131,181,189,181,173,131,129,129,125,125,125,129,131,173,173,173,176,178,181,181,178,178,186,194,196,194,189,189,191,194,194,194,196,196,194,186,181,135,178,186,186,183,181,179,183,196,207,209,199,191,189,189,189,183,186,196,202,202,204,204,199,133,129,181,189,183,178,178,182,186,186,191,202,207,207,205,205,205,207,212,217,222,222,225,222,217,217,217,222,207,93,73,86,115,189,196,199,207,207,204,207,204,198,198,204,207,207,204,204,207,209,204,118,108,186,194,199,199,199,202,202,202,199,196,196,199,199,202,204,204,204,200,199,200,207,215,215,215,215,212,215,217,217,217,217,215,212,207,212,217,212,207,212,212,207,199,191,189,194,202,204,202,194,186,181,133,133,137,186,189,189,186,183,182,182,183,189,196,204,202,189,139,186,196,207,215,220,220,217,215,215,215,209,204,196,194,194,199,207,209,209,209,209,212,217,225,228,230,230,228,222,212,207,202,200,200,207,207,202,204,209,204,126,125,137,191,204,217,222,217,209,191,138,140,191,191,194,199,207,209,209,207,204,202,199,199,202,202,198,198,199,207,212,212,207,202,204,212,217,222,222,215,212,217,222,225,228,225,222,222,220,222,225,228,228,228,228,230,230,233,233,228,217,212,212,215,222,228,228,222,213,212,212,215,220,225,225,222,212,207,207,212,217,220,220,217,222,228,230,233,238,241,241,235,230,225,222,222,217,217,225,230,235,238,238,238,235,233,228,222,217,217,217,222,222,217,215,212,212,212,212,212,209,209,207,209,207,204,196,194,194,196,199,199,198,202,212,222,228,230,233,235,238,235,235,235,235,238,238,235,233,228,228,225,222,217,217,217,215,212,207,204,204,207,212,215,212,209,204,199,196,196,196,194,189,189,186,141,139,139,181,183,183,178,172,172,176,183,186,186,186,186,189,194,202,209,215,0,0,209,204,199,194,196,196,191,186,0,0,0,0,225,212,199,186,186,194,202,220,222,199,189,189,199,204,209,235,255,225,192,208,225,225,222,217,217,217,211,207,212,225,228,217,212,215,212,211,209,212,217,217,217,215,215,217,217,217,215,215,215,215,212,209,207,204,204,204,204,204,204,204,202,196,191,191,196,202,204,204,207,212,215,217,222,222,222,215,209,207,204,202,202,199,194,189,183,137,135,135,131,129,133,183,189,191,189,186,183,183,183,181,137,137,181,183,191,194,196,194,191,189,189,189,191,191,189,191,196,199,199,196,196,199,199,199,202,200,202,207,207,202,196,194,196,199,194,96,69,83,186,196,202,204,204,209,215,212,212,212,209,207,207,207,207,209,212,215,212,209,207,209,217,225,228,228,87,89,83,87,89,89,89,89,129,134,131,65,0,0,0,0,0,0,0,0,0,0,67,131,155,170,181,181,173,176,191,196,170,111,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,176,196,170,139,160,199,215,217,255,255,255,255,225,150,87,89,142,173,191,212,209,155,93,129,142,150,157,0,0,0,196,134,113,0,0,0,0,0,0,160,152,144,129,100,69,69,85,0,0,105,87,56,22,0,0,0,14,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,124,147,165,181,168,165,173,183,196,209,228,235,230,230,241,0,0,0,255,238,228,220,199,150,91,83,118,134,160,181,165,69,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,129,13,0,0,0,35,90,87,61,43,74,29,0,0,0,0,19,53,7,0,0,0,0,0,0,0,0,0,0,0,0,0,19,111,53,55,100,126,129,118,114,126,129,121,79,55,49,73,97,150,160,173,168,105,101,105,103,91,79,73,59,45,55,107,152,90,93,103,119,170,178,176,173,121,97,91,97,111,183,209,217,217,220,222,222,215,194,181,157,144,124,77,47,5,0,0,0,0,0,0,0,0,0,0,31,105,126,105,107,108,71,71,83,89,126,155,173,196,212,225,191,91,46,44,49,75,103,165,191,194,170,114,110,111,115,157,170,191,181,163,103,97,101,160,176,186,196,196,183,152,87,73,73,59,47,49,69,95,97,81,75,75,51,29,24,24,27,45,65,87,131,137,129,77,65,63,65,51,20,17,25,59,69,69,69,61,51,53,59,65,65,65,71,81,124,147,155,155,152,150,157,165,150,65,0,0,0,2,23,21,11,17,31,47,51,85,69,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,45,137,157,189,209,170,87,87,144,150,176,230,251,248,225,194,196,215,222,230,235,230,212,191,168,79,71,83,168,0,0,0,255,255,21,0,0,39,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,7,0,0,7,100,168,194,199,191,173,170,170,186,212,230,186,63,11,9,27,118,160,163,176,194,194,194,196,186,155,139,144,173,199,207,191,131,19,0,10,23,33,59,124,168,178,157,131,85,59,31,23,33,41,39,43,63,79,113,121,129,116,83,67,61,53,45,39,42,53,71,79,126,137,144,147,150,160,170,165,150,139,95,129,142,134,83,69,69,73,57,49,45,47,43,45,51,59,67,73,71,55,40,43,57,51,35,19,13,11,17,27,27,33,51,61,71,75,113,142,157,168,168,165,165,165,178,194,212,225,228,230,235,243,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,77,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,48,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,3,3,7,9,13,9,1,0,0,0,0,0,0,1,9,13,19,23,25,33,39,45,45,43,25,15,1,0,0,0,1,19,31,25,19,9,9,21,57,91,152,186 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,233,233,251,137,0,0,0,0,0,0,0,0,0,0,0,27,37,29,5,0,1,25,77,105,118,129,137,147,155,163,152,118,95,118,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,118,152,186,202,196,191,191,191,194,202,207,75,0,0,0,0,160,238,233,217,212,209,209,209,207,207,207,202,196,196,196,209,204,75,49,47,73,111,178,181,176,176,183,189,189,178,113,104,106,117,129,176,176,173,181,191,196,199,196,186,177,178,183,183,181,181,183,183,181,183,181,183,186,191,194,194,194,191,196,199,196,189,139,131,129,139,186,189,196,209,222,225,222,222,217,212,209,207,194,141,141,137,139,189,125,120,141,141,191,199,204,204,202,199,202,204,209,212,212,209,207,209,209,215,217,217,222,225,225,225,225,217,212,209,212,215,217,222,225,222,215,215,217,209,191,187,190,196,199,204,207,204,207,207,204,202,204,212,215,209,199,189,143,189,191,196,191,189,191,189,143,199,217,209,207,215,217,212,209,212,207,199,198,204,207,204,199,196,196,194,196,196,196,204,217,225,225,217,212,209,207,202,195,196,202,204,207,212,222,217,204,191,142,142,194,202,204,207,212,215,215,209,207,212,222,225,225,225,225,230,230,225,217,215,217,222,225,228,228,228,225,225,225,222,215,204,202,203,207,209,207,194,145,196,212,228,230,230,228,225,228,228,225,222,225,228,222,209,199,194,194,196,194,194,194,196,202,212,215,212,212,212,215,215,212,204,198,196,198,202,202,202,202,199,199,196,199,199,194,192,194,202,209,217,217,209,199,196,196,199,194,191,192,196,199,199,196,194,196,199,204,209,207,204,196,189,183,183,183,183,186,194,204,207,207,204,196,186,183,185,191,191,183,137,139,186,189,189,189,186,194,202,207,207,202,196,194,194,199,207,215,217,215,204,194,186,183,185,191,199,194,176,127,183,186,176,95,191,199,202,202,97,104,119,189,202,196,189,194,196,199,196,194,189,181,183,181,181,176,121,116,131,209,204,169,172,178,189,191,191,189,183,183,183,183,183,186,189,191,191,189,181,166,166,183,207,209,202,186,183,181,176,133,133,178,183,186,183,176,129,127,125,123,123,124,125,131,176,176,173,173,178,181,176,176,181,189,194,194,191,189,189,189,191,191,194,196,196,191,189,183,135,178,183,183,183,183,183,183,189,202,209,204,196,186,181,178,177,181,191,194,194,199,199,135,119,121,137,183,182,182,183,186,183,135,137,191,202,207,207,207,207,209,212,215,222,225,225,222,217,215,215,209,133,82,83,107,123,137,189,194,204,204,204,204,199,196,195,199,207,207,204,204,207,209,207,118,105,133,191,196,199,204,204,204,204,202,199,199,199,202,202,204,204,204,204,202,204,207,212,212,212,215,215,215,215,217,217,215,209,204,204,215,225,225,217,215,209,204,199,194,191,194,199,202,199,196,194,191,186,181,181,183,189,189,189,183,182,182,183,189,196,204,202,141,133,135,191,207,215,217,222,217,215,215,215,212,204,192,189,194,207,212,209,207,207,207,209,215,225,230,233,233,228,217,209,204,202,200,199,202,207,207,209,215,207,121,123,135,191,204,217,217,217,217,196,134,136,145,145,143,145,194,202,204,202,199,196,195,196,199,202,199,199,204,212,215,215,207,202,202,215,225,228,225,212,209,215,217,222,225,222,217,215,212,212,217,222,225,222,225,230,230,230,230,230,225,222,217,222,225,228,228,225,220,215,215,217,222,222,222,215,209,204,204,209,217,215,207,204,212,222,228,230,235,241,241,235,233,228,228,228,228,228,230,235,238,241,241,241,238,235,230,225,220,217,222,225,222,217,217,215,217,217,215,212,209,209,209,209,209,204,196,195,196,199,199,199,198,202,212,222,225,228,233,235,235,238,235,233,233,233,235,233,230,228,225,222,217,217,220,222,222,217,215,209,209,212,215,215,215,209,207,202,199,196,194,194,191,189,186,141,183,139,183,186,186,181,176,176,181,186,189,186,183,181,183,186,194,202,212,0,217,212,209,207,204,202,196,189,181,183,0,0,0,243,225,207,189,189,202,207,215,220,207,194,189,194,191,190,204,238,235,225,228,230,230,228,225,228,228,222,212,215,225,230,222,215,212,212,211,209,212,222,228,228,225,217,217,217,217,215,212,212,212,212,207,204,204,207,209,209,209,207,207,207,202,196,196,199,202,204,204,207,209,212,215,217,222,222,217,209,207,204,202,202,199,194,191,186,181,137,135,127,122,125,137,189,191,191,186,181,136,137,137,136,136,137,183,189,194,196,196,191,189,189,191,194,194,194,194,196,199,199,196,196,199,202,202,202,202,202,204,204,196,192,191,192,199,202,107,74,83,137,196,207,209,209,209,212,212,209,209,207,207,207,209,212,215,222,222,222,215,212,215,222,225,228,225,83,83,85,89,95,95,95,95,134,142,142,81,0,0,0,0,0,0,0,0,0,0,33,152,170,173,181,173,164,164,176,186,181,134,55,1,0,0,0,0,0,0,0,0,0,0,0,0,0,51,165,183,142,108,121,160,186,199,230,246,233,194,142,63,39,35,67,150,220,248,225,134,79,129,189,225,0,0,0,255,150,142,163,0,0,0,0,0,230,207,181,144,121,103,95,85,90,0,0,105,87,56,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,129,139,147,150,139,155,181,199,207,209,230,243,217,217,233,255,0,255,255,228,220,220,191,160,134,139,152,155,160,160,118,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,21,41,41,61,79,31,0,0,0,0,15,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,35,17,39,100,126,126,113,114,129,142,121,67,42,37,43,69,95,144,163,157,105,103,147,147,99,95,85,73,61,69,107,107,92,96,107,111,111,110,119,170,121,87,81,85,101,183,225,233,220,220,220,215,204,183,155,147,129,81,85,47,0,0,0,0,0,0,0,0,0,0,0,23,67,134,134,134,118,71,71,116,142,163,189,196,204,215,217,183,87,54,55,81,97,152,168,189,191,173,155,113,111,115,155,160,165,165,163,111,99,109,168,189,186,191,170,111,83,61,55,54,53,51,58,91,150,150,134,95,85,61,35,31,31,35,43,55,81,131,137,121,77,65,61,57,33,15,17,39,77,77,69,67,63,67,73,77,79,77,83,89,124,137,137,144,139,137,144,157,157,139,59,17,19,63,69,67,51,33,33,41,77,74,17,0,0,0,0,0,29,21,5,0,0,0,0,0,0,0,0,0,0,152,178,207,209,178,150,144,155,157,176,215,222,212,194,189,196,220,228,235,243,238,222,204,194,144,83,78,111,0,0,241,255,255,53,0,0,82,139,0,0,168,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,23,25,23,37,100,150,181,181,181,176,170,170,194,228,255,255,215,77,29,39,67,69,77,163,194,202,196,194,196,181,147,147,168,189,204,194,147,45,4,4,4,9,51,152,189,186,157,124,73,47,23,23,41,45,43,39,55,75,113,118,131,116,79,65,59,57,45,41,42,49,65,77,93,137,144,152,152,160,170,168,157,139,93,126,134,134,87,79,77,67,51,44,44,47,47,47,53,65,71,105,98,55,42,53,65,63,51,31,21,17,17,21,27,27,33,41,51,63,77,121,131,144,150,157,165,173,181,196,202,212,215,215,217,230,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,95,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,11,11,9,7,7,1,1,0,0,0,0,0,0,0,1,13,15,19,27,33,41,47,47,41,31,19,7,0,0,0,0,1,19,27,25,15,7,1,15,41,77,129,157 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,209,222,233,170,0,0,0,0,0,0,0,0,0,0,0,17,21,0,0,0,13,57,118,129,129,131,142,152,152,131,79,28,21,92,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,33,0,0,0,33,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,0,7,116,199,204,207,207,199,194,191,186,183,191,191,85,0,9,65,183,215,228,225,217,209,205,205,207,209,209,207,202,195,196,202,217,228,202,44,7,17,89,165,178,176,173,178,186,194,199,189,110,109,121,173,181,183,176,178,186,186,191,191,186,181,183,181,133,133,181,189,191,189,186,186,186,189,189,189,186,186,181,186,191,189,186,183,183,186,189,186,183,191,207,215,222,225,228,217,209,202,194,125,121,127,139,196,215,217,215,215,207,207,209,209,204,202,202,204,207,209,209,207,202,200,202,207,212,215,215,215,217,225,228,225,215,209,209,215,217,222,225,228,228,225,222,225,215,194,187,189,191,199,209,209,204,202,199,196,194,199,212,222,217,199,141,138,139,141,191,194,196,202,204,204,212,225,222,217,225,222,215,209,209,207,199,199,207,209,207,196,143,189,194,204,212,217,222,228,230,230,230,225,217,217,215,207,207,212,215,212,207,207,207,204,202,199,202,207,215,217,217,217,217,217,212,212,215,225,228,228,225,225,230,230,222,215,215,217,222,225,225,228,225,228,228,230,230,225,204,202,207,215,217,209,196,191,204,215,225,230,230,230,228,225,225,222,222,222,222,215,199,191,192,194,196,196,202,202,199,199,202,209,212,215,222,225,225,217,207,198,198,204,209,207,202,202,196,195,196,199,199,194,192,196,204,215,222,222,212,207,202,202,202,196,192,192,194,196,196,194,196,196,199,202,209,212,209,202,196,186,139,186,196,202,207,209,204,204,202,194,186,183,185,186,183,137,135,136,139,186,186,183,183,186,196,204,207,202,194,191,192,199,207,212,212,212,207,199,194,189,189,191,194,183,133,131,183,181,125,95,117,133,183,189,93,96,178,196,199,191,183,191,196,194,181,181,181,179,181,133,121,117,116,119,183,209,207,181,173,181,199,207,204,194,186,181,181,183,183,186,186,186,189,189,183,168,168,191,209,209,196,183,178,176,176,176,181,183,183,183,181,176,129,127,124,123,123,124,127,173,178,176,173,173,176,176,173,174,181,189,191,189,183,181,186,186,183,186,189,191,191,189,189,183,178,178,183,183,183,186,186,183,186,199,212,212,202,191,181,178,176,177,181,181,133,135,181,123,116,119,135,183,186,191,199,202,191,133,131,137,194,204,209,209,209,212,212,215,217,222,225,222,215,207,202,191,131,95,123,127,123,129,137,186,194,199,202,204,199,196,195,199,204,207,202,202,204,207,199,114,102,131,191,196,202,207,207,204,204,204,202,199,199,199,199,202,204,207,207,207,207,209,209,209,212,212,215,215,215,215,209,204,202,202,207,217,225,217,212,207,204,199,199,196,196,196,199,199,199,196,196,199,196,189,183,183,189,191,189,186,183,186,189,191,196,202,199,135,129,133,196,212,217,217,222,217,215,215,215,212,204,194,187,194,209,209,207,207,209,207,204,209,220,230,233,230,225,215,207,204,209,207,200,202,204,207,209,212,204,130,129,139,145,204,215,215,217,222,207,139,139,145,143,139,139,143,191,199,199,198,195,195,196,202,204,204,204,207,212,212,209,202,199,200,212,225,225,222,209,208,212,215,222,222,222,217,212,211,211,215,220,222,222,222,228,230,230,230,228,228,228,228,228,228,228,228,228,222,217,217,217,222,222,217,212,207,204,204,209,212,207,151,151,207,215,222,228,233,235,238,235,233,228,228,230,233,235,238,241,243,241,241,241,241,238,233,228,222,222,222,225,225,222,217,217,222,220,215,209,208,209,209,209,207,204,202,199,202,202,202,198,198,199,209,217,225,228,230,233,233,233,233,233,233,235,233,233,228,225,222,217,217,217,222,228,228,225,217,215,215,217,217,217,215,212,209,204,202,199,196,194,191,189,189,186,183,183,183,186,186,183,178,181,183,189,186,183,181,179,179,181,189,196,207,0,222,217,215,215,212,204,199,191,183,0,0,0,0,0,217,209,207,209,217,215,209,207,202,194,191,194,190,187,192,212,230,238,238,238,235,233,230,230,230,228,222,222,228,230,225,215,212,215,215,215,217,228,233,233,228,222,222,222,222,217,215,215,215,215,212,209,209,209,212,212,209,207,207,209,207,202,199,199,202,202,202,204,207,209,212,215,217,217,217,212,209,207,207,204,202,196,194,189,181,135,131,125,121,123,135,189,194,194,189,181,137,137,181,181,137,181,186,191,196,196,196,191,189,189,189,194,196,196,196,199,202,199,196,196,202,204,204,204,204,204,204,202,199,194,192,194,202,209,194,103,101,135,199,209,209,207,207,209,209,209,207,207,207,209,212,217,222,225,228,228,222,217,217,222,225,225,225,79,83,83,89,93,95,89,89,134,152,155,121,29,0,0,0,0,0,0,7,0,0,53,170,186,191,186,176,164,163,168,173,168,131,95,27,0,0,0,0,0,0,0,0,0,0,0,0,0,35,75,67,11,0,27,81,157,181,189,181,129,69,43,31,17,7,31,144,238,255,228,87,0,0,0,0,0,255,255,255,168,152,183,225,248,0,0,0,248,222,183,118,95,95,95,85,87,0,0,0,87,56,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,124,147,147,142,139,139,157,194,207,198,192,207,215,209,209,230,255,255,255,248,218,220,220,209,178,152,144,134,83,39,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,47,74,72,29,0,0,0,0,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,126,142,121,121,129,118,79,59,46,43,46,61,77,95,144,152,147,147,160,160,107,105,99,85,79,87,152,152,99,103,155,155,110,107,108,121,121,90,86,91,113,196,230,241,230,220,215,207,199,181,170,152,144,131,150,75,3,0,0,0,0,0,0,0,0,0,0,9,41,124,144,150,129,79,79,134,168,196,196,181,160,165,173,150,87,89,103,152,168,178,189,170,157,163,165,165,160,157,115,117,155,113,117,111,97,109,176,189,173,163,111,85,71,61,61,59,57,67,89,144,173,170,147,95,75,53,41,47,57,59,59,63,81,131,137,118,77,65,57,41,24,20,24,71,118,77,63,63,69,81,87,85,79,77,79,85,121,124,121,87,85,89,131,144,150,134,116,113,144,152,142,134,105,51,35,25,27,3,0,0,0,0,0,0,5,0,0,0,0,0,0,0,0,95,21,0,0,116,176,207,209,186,163,147,138,139,165,189,191,178,165,168,186,215,228,235,238,233,222,212,202,183,160,126,79,0,0,248,255,238,98,5,0,59,126,160,152,85,53,0,0,0,30,30,9,0,0,0,0,33,0,0,0,17,48,61,59,61,87,121,150,170,181,181,176,173,194,228,255,255,255,209,144,124,111,67,65,142,189,202,202,202,194,168,137,121,131,152,181,196,189,129,45,17,6,11,73,181,199,178,134,77,61,41,20,20,41,53,45,37,47,73,87,118,118,83,75,65,65,63,53,44,44,49,59,69,85,131,144,152,152,160,170,170,157,139,95,91,126,124,87,83,77,59,45,41,44,49,47,49,55,65,71,105,105,65,55,61,71,71,65,49,33,23,19,21,21,21,20,25,41,57,71,113,111,113,129,150,176,183,189,196,204,212,215,212,215,217,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,92,56,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,22,17,15,9,1,0,0,0,0,0,0,0,0,0,3,13,15,21,27,33,45,47,41,33,27,15,9,7,1,0,0,3,19,25,21,13,1,0,1,25,55,79,95 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,212,220,209,178,0,0,0,0,0,0,0,0,9,7,5,11,13,1,7,33,59,108,131,139,137,139,147,160,163,150,92,27,16,43,69,0,0,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,163,11,0,0,79,64,38,103,139,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,118,111,165,204,207,204,202,194,189,189,186,183,181,173,147,83,196,209,212,217,222,217,212,207,204,205,209,212,212,209,199,194,195,204,215,217,215,47,9,51,103,123,170,173,173,173,176,183,196,196,173,119,127,178,183,181,176,176,176,174,178,186,191,191,189,129,124,129,183,194,199,199,194,189,186,186,183,183,183,183,181,186,191,189,183,183,186,189,189,183,139,186,194,204,212,220,225,215,202,196,141,120,117,125,196,212,225,225,225,225,222,222,222,217,209,199,199,209,215,215,212,207,200,199,200,204,209,212,212,212,215,222,225,222,212,209,215,217,222,220,222,228,230,228,228,228,217,202,191,190,194,202,212,212,204,199,196,192,191,194,209,222,217,199,141,137,137,139,196,207,212,215,215,217,225,225,225,225,222,215,212,207,204,202,202,204,212,215,209,194,138,143,199,212,225,228,228,228,230,230,233,228,228,228,225,215,212,222,225,212,199,195,196,199,204,209,209,212,215,217,217,215,215,215,215,215,217,228,233,230,228,230,230,225,217,213,215,217,222,222,225,225,225,228,230,235,238,230,209,204,212,215,215,204,194,191,207,212,217,225,233,233,230,225,217,215,215,215,212,204,194,191,199,202,194,194,199,207,204,198,198,204,215,222,228,230,230,222,209,204,207,215,217,209,202,199,195,194,196,202,204,196,196,199,207,215,217,215,209,207,204,204,202,199,196,196,199,199,196,196,196,196,196,196,202,207,202,191,139,132,131,183,202,209,212,209,204,202,199,199,199,196,194,189,186,137,136,139,183,183,183,183,179,179,189,199,204,199,192,191,194,202,204,204,204,204,202,199,196,196,194,191,186,181,178,181,181,129,107,94,105,127,181,191,95,93,125,186,191,186,183,191,199,186,128,131,181,186,186,178,116,109,108,119,191,207,202,183,177,183,199,207,202,191,183,179,178,181,186,189,191,189,189,189,183,173,174,194,204,199,191,183,178,176,176,181,183,186,183,181,178,173,129,127,127,127,127,129,173,178,178,178,178,178,178,176,174,176,181,183,186,183,178,178,181,181,178,178,181,183,183,186,189,186,178,181,186,186,183,189,191,186,189,202,215,215,204,194,189,186,178,178,178,133,126,126,127,123,119,122,135,186,191,196,202,204,196,133,129,132,189,202,207,207,207,209,212,217,220,222,217,215,202,186,189,191,191,189,181,131,118,122,137,183,186,194,196,202,199,198,196,199,202,202,200,202,204,202,191,111,102,137,186,194,199,207,207,204,204,207,207,204,199,198,198,199,204,209,209,209,209,209,209,209,209,209,209,212,215,212,204,202,200,203,215,222,222,212,204,202,199,199,199,199,199,199,199,199,196,196,199,202,199,191,186,186,191,191,189,189,189,194,196,196,196,199,194,139,134,186,204,215,217,222,225,222,217,212,209,209,207,202,194,202,209,209,207,209,215,209,196,199,212,225,230,225,217,207,202,202,209,212,204,202,204,204,204,204,202,145,141,141,139,194,209,212,215,217,215,204,194,191,139,135,137,139,145,196,202,204,202,199,204,209,212,207,204,204,209,212,212,207,200,202,209,217,217,215,205,205,209,215,222,222,222,217,215,212,212,215,220,222,222,217,222,225,228,228,225,225,228,230,230,230,228,228,225,222,222,217,220,222,222,215,209,207,207,204,204,207,153,150,151,204,212,217,228,230,233,233,233,230,228,226,228,233,238,243,246,246,243,241,238,238,238,235,230,225,225,225,225,222,217,217,217,222,222,215,209,208,209,209,209,209,207,207,207,207,204,202,198,196,199,209,215,222,225,230,230,228,228,230,233,235,238,233,228,225,222,217,217,217,220,225,230,233,225,222,217,217,220,222,222,217,215,212,209,204,199,196,194,194,191,191,189,186,186,186,189,189,189,186,183,186,186,183,181,183,183,183,183,189,196,207,0,0,225,222,222,217,209,204,199,196,0,0,0,0,0,215,217,222,228,241,238,212,199,194,191,199,209,199,194,194,202,215,238,243,241,238,235,233,233,230,228,228,225,228,228,225,217,217,217,222,225,228,230,230,230,225,217,217,225,228,228,225,222,222,222,220,215,215,212,212,209,209,209,209,212,209,209,207,204,202,200,200,202,204,207,209,212,215,217,215,212,209,209,209,209,204,199,194,191,139,133,131,127,125,129,183,189,194,194,191,183,183,186,189,189,186,186,191,194,196,199,196,191,189,187,189,194,196,199,199,202,204,202,199,199,204,207,207,203,204,204,207,204,204,202,202,202,204,204,196,127,117,133,202,209,207,204,202,204,207,209,207,205,205,207,212,217,222,225,228,228,225,222,217,222,225,225,225,75,75,77,83,89,89,83,83,124,139,152,124,57,29,15,0,0,0,0,9,0,1,105,181,202,199,191,181,173,165,164,165,155,131,113,87,27,0,0,0,0,7,7,0,0,0,0,0,17,51,51,11,0,0,0,19,67,139,163,139,73,43,41,41,10,0,11,99,228,255,228,93,0,0,215,255,255,255,255,230,157,142,170,217,255,255,254,238,207,183,142,82,47,69,85,85,72,0,87,98,98,64,33,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,116,144,144,139,139,147,165,194,207,199,191,189,191,199,209,230,255,255,255,230,215,228,238,235,209,178,144,81,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,170,199,144,105,61,0,0,0,0,0,0,0,0,0,0,0,0,15,49,87,74,35,7,0,0,0,5,0,0,0,0,0,0,0,0,0,0,0,3,37,3,0,0,0,0,3,51,126,157,152,144,129,79,59,55,61,75,81,75,77,87,101,144,147,152,163,160,150,101,91,85,83,93,152,160,107,155,168,168,155,111,119,170,165,107,107,121,173,196,222,233,230,220,212,207,199,186,181,181,189,202,194,124,25,0,0,0,0,0,0,0,0,0,0,0,23,67,108,100,71,105,129,150,168,163,147,89,70,77,137,142,105,155,168,178,191,204,196,152,99,107,170,191,181,157,107,107,111,105,109,97,87,99,165,165,152,113,99,83,77,89,95,91,85,93,139,152,163,160,147,89,67,41,41,61,71,77,81,77,85,129,131,118,77,65,59,43,33,35,61,118,118,59,53,61,69,83,87,85,77,74,75,83,89,83,77,71,73,79,116,131,139,134,126,111,105,121,144,152,134,63,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,225,207,55,45,121,168,202,202,178,163,139,134,133,150,176,183,168,152,111,163,209,228,230,228,215,194,183,176,196,202,178,150,0,0,251,246,173,55,9,0,27,74,74,46,11,7,17,0,0,79,113,7,0,0,0,0,61,0,0,0,23,64,74,74,59,45,90,129,170,189,199,199,191,202,217,251,255,255,230,189,170,168,144,129,147,181,199,202,194,178,142,112,105,111,126,150,183,194,168,87,33,13,23,89,189,199,168,124,73,61,41,20,21,51,61,49,37,43,65,83,116,85,75,69,67,69,71,63,51,47,53,59,65,77,129,144,152,155,160,170,168,157,139,129,91,91,85,83,83,77,59,43,41,45,51,49,49,51,53,65,77,113,103,67,73,100,75,69,59,49,31,23,18,21,21,20,25,33,57,69,73,75,73,121,150,176,191,191,199,209,215,217,215,215,230,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,87,61,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,27,17,15,9,3,0,0,0,0,0,0,0,0,0,3,13,15,19,25,33,41,41,39,33,27,21,19,19,15,7,3,7,15,19,15,7,0,0,0,9,33,57,75 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,228,228,212,181,0,0,0,0,0,0,0,5,27,19,11,15,25,25,35,51,87,113,134,142,142,144,147,152,160,157,142,95,37,35,23,0,11,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,170,157,3,33,79,33,0,87,147,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,144,152,181,202,202,196,196,194,189,191,191,186,178,176,186,209,225,217,217,225,222,215,209,209,205,207,209,209,212,209,202,195,196,209,215,207,199,51,19,95,117,123,125,170,181,178,173,173,172,181,176,129,170,178,181,178,176,174,174,174,176,183,191,202,199,129,124,130,189,194,196,199,194,194,191,183,182,183,183,183,181,186,191,186,183,183,186,186,139,137,137,137,141,191,199,207,209,202,194,194,143,125,123,143,212,217,225,228,228,228,225,228,225,222,207,196,195,204,212,212,212,209,204,202,202,204,209,212,209,209,209,215,215,207,204,207,217,222,217,215,217,228,230,228,228,225,217,207,199,196,196,199,209,212,207,199,194,194,192,194,207,215,215,202,143,138,139,145,207,222,225,222,222,225,228,228,228,225,215,209,209,207,202,204,207,209,212,215,209,191,135,189,209,222,228,228,226,228,230,233,230,230,233,233,228,217,215,222,222,209,196,195,196,202,207,209,212,212,215,215,215,209,207,209,215,215,217,230,238,235,233,233,228,217,213,213,215,215,217,222,222,225,225,228,233,235,238,230,209,204,207,207,204,196,191,191,204,207,209,220,228,230,225,217,212,209,207,207,204,199,199,202,212,207,194,190,192,202,204,199,199,209,222,228,230,233,230,222,212,209,212,217,217,209,199,195,194,196,202,207,207,202,199,202,204,209,212,207,204,202,202,199,199,199,202,204,204,204,202,196,196,194,191,189,194,199,194,139,131,128,129,141,207,217,217,215,209,207,207,209,215,215,209,202,191,183,139,183,186,183,183,183,179,178,181,194,202,202,194,192,199,204,202,196,194,196,194,191,194,196,196,194,189,189,189,186,176,109,99,95,109,181,196,204,110,109,127,183,189,186,183,186,186,129,123,128,181,189,189,181,123,113,114,181,199,202,202,196,191,189,191,194,189,183,181,181,179,181,189,194,196,196,191,189,181,176,178,191,194,189,183,183,186,186,183,183,183,183,183,178,176,131,131,131,173,131,129,131,131,176,178,178,186,191,189,181,176,174,174,176,178,178,177,177,178,177,176,177,177,177,178,183,189,186,181,181,186,186,183,189,191,189,189,199,207,204,194,189,191,191,186,181,178,133,127,126,127,127,125,127,135,186,191,196,196,199,191,133,129,130,137,191,196,196,196,202,209,215,217,215,209,196,132,129,183,202,209,209,199,137,107,112,133,181,186,194,196,199,199,199,198,199,199,202,202,204,204,202,189,112,105,183,183,183,189,199,204,204,207,212,212,209,202,198,198,202,204,207,207,209,209,209,207,207,209,207,207,212,215,212,207,204,204,212,217,225,222,212,204,202,202,202,202,199,199,199,199,199,199,196,196,199,199,191,189,189,191,191,189,189,191,196,202,199,199,199,196,196,199,207,209,212,212,217,222,222,215,207,202,202,207,207,207,209,212,209,209,209,209,202,191,191,204,217,225,217,212,204,196,194,202,209,207,204,204,199,191,191,194,196,196,145,139,194,207,209,212,215,222,217,209,194,135,133,135,141,194,202,207,209,209,209,212,217,215,209,204,203,204,209,212,212,209,207,207,209,212,209,204,205,212,217,225,222,220,217,217,217,217,217,222,222,220,217,217,225,228,225,225,228,230,233,233,230,225,222,222,222,222,217,217,222,220,215,212,209,207,204,204,202,153,151,152,207,212,217,228,230,233,233,233,230,226,226,226,230,238,243,246,246,243,241,238,238,241,241,235,230,228,225,225,222,215,215,215,217,217,217,212,209,209,209,209,209,209,209,209,209,204,202,199,198,202,209,215,222,225,228,225,222,222,228,233,238,235,230,217,213,215,217,217,217,222,228,233,233,230,225,217,217,220,222,222,222,220,217,215,209,202,199,199,196,194,194,191,189,189,191,194,194,191,189,186,189,186,181,178,181,186,189,186,189,196,207,222,0,228,228,225,222,217,212,209,209,0,0,0,0,0,0,0,0,0,0,255,230,196,187,189,207,212,202,196,196,202,215,235,246,246,238,235,235,233,230,230,228,225,225,225,225,225,225,225,228,228,228,228,225,225,217,213,215,225,230,233,230,228,225,225,225,222,215,212,209,209,209,209,209,212,212,212,212,209,204,202,202,202,204,204,207,207,212,215,215,212,209,209,209,209,204,199,194,191,186,139,137,135,135,181,186,189,189,191,189,189,189,191,194,196,194,194,194,199,199,199,194,189,187,187,191,196,199,199,202,204,204,204,202,204,207,209,207,203,204,207,207,207,209,212,212,212,209,207,204,191,133,139,202,207,207,202,199,202,207,209,207,205,205,207,212,215,217,222,222,222,222,217,217,217,222,222,222,67,67,75,81,87,87,81,77,79,87,124,113,67,53,35,3,0,0,0,1,23,47,113,170,186,191,191,191,186,176,173,173,163,150,131,121,87,21,0,0,7,59,65,27,0,0,0,23,105,116,75,31,0,0,0,1,25,83,147,157,147,99,139,178,15,1,15,93,196,241,233,176,97,99,181,255,255,255,255,157,134,129,135,189,235,235,196,160,134,108,82,37,33,41,69,72,64,64,85,105,103,72,38,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,103,111,111,131,147,165,181,196,207,199,196,192,198,209,230,255,255,248,218,216,238,255,254,235,209,178,126,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,17,0,0,0,0,0,0,209,222,173,157,150,1,0,0,0,0,0,0,0,0,0,0,0,0,45,87,79,43,31,21,5,0,0,0,0,0,0,0,0,21,33,31,31,23,59,82,9,0,0,111,61,55,92,126,160,163,152,129,77,54,53,73,95,142,99,89,89,97,144,152,157,165,160,150,95,79,73,73,83,101,109,107,155,160,163,168,168,176,178,173,160,170,173,173,183,202,217,217,212,212,207,199,189,189,189,202,204,176,134,71,15,0,0,0,0,0,0,0,0,0,0,0,41,53,43,47,105,134,134,116,77,77,69,63,70,101,157,165,176,186,186,191,209,202,109,88,101,168,194,183,115,103,104,105,105,105,93,79,81,101,111,113,147,99,83,83,103,150,150,139,105,142,144,144,152,147,95,73,59,61,69,59,65,83,81,79,87,126,121,83,73,67,63,57,61,73,85,71,37,39,61,75,83,87,81,77,74,77,85,89,81,70,66,69,79,85,118,129,129,79,63,63,75,134,150,129,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,191,207,144,121,124,163,189,186,165,147,138,134,135,150,176,183,168,103,71,87,217,243,243,225,191,168,150,160,196,233,233,217,0,255,248,181,90,9,0,0,45,82,51,0,0,0,0,0,0,137,176,0,0,0,0,0,53,0,0,0,0,72,82,82,59,25,45,116,163,196,215,207,191,183,209,246,255,254,217,183,173,178,178,144,113,129,165,170,170,163,142,116,108,113,126,137,147,163,157,124,43,27,55,139,189,196,163,89,73,67,47,20,23,53,61,49,29,35,55,77,85,85,75,75,73,79,83,77,67,55,53,59,59,71,126,144,152,155,157,165,165,157,147,137,93,83,73,75,79,69,53,42,43,51,55,55,49,45,45,49,67,108,105,103,100,100,71,67,65,57,41,29,19,18,21,25,25,31,51,63,69,67,75,121,152,178,191,196,204,215,217,217,220,220,233,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,79,61,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,22,17,17,15,7,0,0,0,0,1,0,0,0,0,1,7,9,15,21,27,33,33,33,33,27,27,25,27,27,19,9,9,13,13,9,1,0,0,0,7,27,47,67 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,191,202,98,0,0,0,0,0,0,0,0,17,19,17,27,41,41,39,41,55,103,129,139,139,139,139,142,147,144,134,111,90,43,25,13,19,37,29,0,7,5,0,0,0,0,0,0,0,0,0,0,0,0,38,176,170,15,17,38,0,0,0,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,147,165,186,196,199,194,194,191,191,191,189,183,181,186,202,217,225,222,222,225,217,212,209,209,207,207,207,207,207,209,207,202,204,212,217,204,183,77,47,107,121,123,123,170,189,194,189,181,172,173,176,173,173,176,178,174,174,176,181,183,183,178,186,199,202,181,131,176,189,191,191,189,191,196,194,186,182,186,189,181,179,183,186,186,183,183,183,139,133,133,135,135,139,186,191,189,186,186,189,194,194,143,143,209,217,222,225,230,230,225,225,228,225,215,207,199,196,199,202,204,207,209,212,209,209,207,209,209,209,208,208,209,204,196,194,202,215,215,207,204,209,222,228,228,225,225,215,209,204,202,199,196,202,212,209,202,196,202,202,199,202,207,207,204,196,145,191,204,222,228,225,222,217,217,222,228,230,225,209,204,212,212,207,207,209,209,209,209,207,189,134,196,217,228,230,228,228,228,228,230,233,233,235,235,228,215,212,215,212,202,196,199,207,209,207,209,212,212,215,215,209,199,196,199,207,209,215,233,241,238,233,230,225,215,212,213,217,220,220,222,225,228,228,230,233,233,233,225,194,145,194,199,202,199,194,194,196,199,204,212,215,215,215,212,209,207,209,207,202,202,204,209,209,207,196,191,192,199,204,202,207,217,228,230,230,228,225,217,209,207,207,209,212,209,199,194,195,202,209,212,209,207,204,199,199,204,207,204,204,204,202,199,202,204,207,209,209,204,199,191,189,189,186,185,186,191,189,139,135,133,139,202,215,222,222,220,215,212,215,217,222,222,222,215,204,189,139,186,191,189,189,186,181,179,181,189,199,202,196,194,202,202,194,186,186,191,191,186,186,191,196,196,196,196,191,178,109,102,102,106,133,202,212,220,121,127,178,186,189,181,178,133,127,124,124,176,189,189,186,183,178,181,196,204,204,204,207,212,202,194,191,191,186,183,183,183,183,186,191,196,199,199,194,186,181,179,183,186,183,179,181,183,189,189,186,181,181,183,183,181,178,176,176,178,176,129,125,123,125,131,133,178,186,196,194,183,176,173,173,174,178,181,178,178,181,178,178,178,177,177,178,183,186,183,181,181,186,183,181,183,191,189,189,191,194,189,187,187,191,194,191,183,135,133,133,178,181,178,133,131,135,178,181,186,189,191,186,133,131,132,133,135,181,181,137,183,196,204,204,202,196,186,129,128,189,207,212,212,209,196,106,107,125,137,186,191,196,199,199,202,199,199,202,204,207,209,209,204,194,115,107,183,181,133,133,189,202,207,207,212,212,209,204,202,199,202,204,204,202,207,209,209,207,207,209,207,209,209,212,209,209,212,215,217,217,222,217,212,204,202,202,202,202,199,196,196,199,202,199,199,196,196,196,191,189,189,189,189,186,186,191,196,202,202,202,202,202,204,207,212,212,209,207,209,217,212,202,194,191,194,199,202,204,204,207,212,209,202,194,143,143,145,196,209,215,215,212,207,196,192,194,202,207,207,202,194,187,187,191,194,199,199,196,204,207,207,209,215,222,222,212,196,137,134,135,145,202,209,212,209,209,212,215,217,217,209,204,204,204,207,209,209,212,209,207,207,212,212,205,207,217,225,225,222,213,213,215,217,220,222,220,217,212,209,215,217,220,217,225,230,233,233,230,225,217,216,216,220,222,217,215,220,220,215,212,212,209,209,207,204,202,153,153,204,212,222,230,233,235,233,233,233,230,228,228,230,238,243,246,246,243,241,237,237,241,243,241,235,230,225,225,217,212,209,212,212,215,215,215,212,209,207,207,207,209,209,209,209,207,204,202,202,207,212,215,217,222,225,222,215,215,222,228,233,233,225,213,212,213,217,217,222,225,230,235,235,233,228,222,220,222,222,222,222,222,222,220,212,207,202,202,202,199,196,194,191,191,191,194,194,189,186,186,186,183,176,172,176,186,189,189,189,194,204,215,0,0,0,228,228,228,222,217,217,0,0,0,0,0,0,0,0,233,243,255,235,204,191,190,207,204,190,187,196,212,225,238,248,246,238,233,233,233,233,230,230,222,217,217,222,225,228,228,228,228,228,225,225,222,215,212,212,222,230,233,230,228,225,225,222,217,215,212,209,209,209,209,212,212,212,212,212,212,209,207,207,204,204,204,204,204,207,209,212,209,209,209,209,209,204,196,191,189,191,191,189,186,186,189,189,189,187,189,189,191,191,196,196,199,196,196,199,199,202,199,196,189,189,189,194,199,202,204,202,202,204,204,204,204,209,209,207,204,207,209,209,207,209,212,212,215,215,212,209,207,202,199,204,209,209,202,196,199,207,209,209,205,205,209,212,215,217,217,217,215,215,215,215,215,217,222,222,63,64,67,81,95,95,89,81,75,74,81,81,67,67,57,23,0,0,0,23,61,65,61,105,139,160,173,186,191,191,186,181,181,160,142,139,121,49,13,0,7,65,95,51,17,0,0,131,155,144,124,69,27,7,0,0,9,61,91,147,178,178,186,225,71,35,65,150,196,235,255,255,212,183,181,207,255,255,196,150,134,126,129,147,178,173,150,124,69,45,32,29,28,30,41,69,64,61,85,105,105,64,30,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,33,105,126,139,165,181,207,215,215,215,207,209,235,255,255,255,238,235,255,255,255,241,228,212,178,129,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,21,0,0,0,0,0,67,134,121,150,134,11,0,0,0,0,0,0,0,0,0,0,0,0,0,87,87,72,72,79,35,9,0,0,0,0,0,0,0,37,98,160,144,66,23,7,0,0,0,53,105,105,108,126,150,147,142,126,79,59,57,79,131,147,147,134,97,97,103,157,165,157,160,139,91,73,69,70,73,87,103,107,109,109,105,109,157,168,157,157,170,173,160,152,168,191,209,209,212,212,207,196,189,187,189,196,178,129,121,118,25,0,0,0,0,0,0,0,0,0,0,0,0,35,47,67,105,77,43,43,61,89,124,85,97,165,189,189,189,189,189,186,202,202,163,100,107,173,181,165,107,103,107,111,109,109,97,79,71,74,93,113,152,99,83,83,103,155,157,155,147,139,99,99,134,142,131,85,87,87,69,34,35,75,83,77,81,121,121,85,73,69,69,63,57,57,55,37,28,35,69,87,87,89,87,81,79,77,85,89,77,70,68,73,85,121,129,118,83,69,63,67,73,71,69,90,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,11,3,45,55,61,134,178,186,170,147,139,155,157,168,176,176,150,65,19,11,209,254,255,230,173,139,139,160,202,235,233,220,241,255,235,95,13,0,0,0,100,113,39,0,0,0,0,0,0,103,118,0,0,0,0,0,19,0,0,0,0,61,87,90,37,13,23,87,134,194,225,204,137,111,160,217,254,248,202,155,137,137,137,103,29,45,71,81,116,131,137,129,116,129,137,124,83,87,124,85,57,71,131,176,191,186,163,93,73,67,47,19,20,49,57,39,24,23,43,67,77,83,83,89,85,87,129,121,77,65,59,59,58,69,91,144,152,152,157,160,163,157,150,144,126,75,64,65,71,61,49,43,45,57,65,55,53,45,41,42,53,75,105,103,103,73,65,60,67,65,57,33,19,21,27,27,19,25,33,49,57,67,81,129,152,178,191,196,202,207,215,220,220,230,233,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,87,69,38,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,15,15,17,21,13,1,0,0,3,3,0,0,0,0,0,1,7,9,15,21,25,27,27,27,27,25,22,27,39,31,15,9,9,7,1,0,0,0,0,9,27,57,75 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,77,0,0,0,0,0,11,3,0,0,9,23,35,51,53,45,31,25,29,61,121,134,133,129,133,144,144,129,108,92,87,77,39,33,29,39,59,35,59,51,0,0,0,0,0,0,0,0,0,0,0,0,113,235,173,11,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,152,178,189,191,191,191,189,189,191,186,176,170,176,191,204,212,215,217,217,215,215,215,212,207,209,209,207,203,204,207,209,209,209,212,215,209,189,170,119,121,123,125,127,178,196,204,207,207,196,181,178,176,173,173,176,174,173,176,186,194,189,178,176,183,186,181,178,183,189,191,187,186,187,194,196,189,186,189,189,183,179,181,183,183,183,183,183,135,131,132,133,137,141,189,185,182,181,183,189,199,204,202,204,220,225,225,225,230,230,225,225,228,222,215,209,207,204,196,196,199,199,207,215,217,212,209,209,212,212,212,212,209,199,192,192,202,209,207,199,199,202,212,217,217,222,215,209,204,204,202,199,195,196,207,212,204,202,209,209,202,199,202,204,207,204,202,207,217,230,228,222,217,216,216,217,228,228,217,199,196,209,215,209,209,207,207,204,202,199,139,135,202,222,228,230,230,230,228,225,225,230,233,238,238,225,209,204,207,199,194,194,202,209,212,212,209,212,215,215,209,199,143,138,143,196,202,212,233,241,238,233,230,225,217,213,217,222,225,222,225,228,230,230,230,230,230,225,212,132,131,137,196,209,212,207,196,192,194,199,204,207,204,209,212,209,212,215,212,207,204,204,207,202,204,204,196,194,196,202,204,209,217,225,225,222,217,215,212,204,199,199,199,202,204,199,195,196,207,215,215,212,209,207,199,194,199,204,204,207,209,207,204,207,209,212,209,207,202,196,189,185,185,185,185,186,191,191,191,202,204,207,215,222,225,225,222,217,217,222,222,222,225,225,225,215,196,186,189,196,199,196,191,183,181,181,189,194,196,194,191,191,189,178,136,183,194,194,186,178,181,189,194,199,199,186,113,100,102,127,194,202,209,212,228,115,176,183,186,181,131,131,129,125,126,176,199,202,194,189,189,191,199,204,207,209,209,212,212,207,199,196,196,194,189,186,186,186,186,191,196,199,196,191,186,183,186,191,189,181,178,178,179,183,183,181,179,179,183,189,189,183,178,178,181,176,123,118,117,121,127,133,178,186,194,194,183,176,174,176,181,186,186,183,181,186,189,186,186,183,181,183,186,183,178,177,178,183,181,179,181,189,189,189,189,187,187,187,189,191,196,191,183,178,178,183,196,199,191,181,135,133,129,125,131,181,186,183,135,133,135,135,133,133,131,127,131,183,191,189,183,186,183,134,133,194,207,207,207,204,199,114,113,129,181,186,191,196,199,202,204,204,204,204,209,212,209,209,209,202,118,107,135,181,131,123,137,199,204,204,207,207,207,207,202,202,202,202,196,194,199,207,209,209,207,207,207,207,207,207,209,212,217,222,222,217,215,209,204,199,196,196,199,196,194,191,194,196,199,199,199,199,196,194,189,186,186,183,183,183,183,189,194,199,199,202,204,207,204,204,209,212,207,204,204,209,202,186,140,141,142,191,196,199,199,204,212,209,196,140,138,142,191,196,202,207,212,217,217,207,195,194,199,207,204,199,191,189,190,191,191,196,202,204,209,212,209,209,212,215,215,209,199,143,139,141,196,209,215,212,209,208,209,212,215,215,212,209,209,209,207,205,205,207,209,209,212,215,215,208,209,222,228,225,217,212,212,213,217,217,217,215,209,204,204,207,212,207,204,212,228,233,233,228,222,216,216,217,222,217,215,215,217,217,215,212,212,215,215,215,212,209,207,204,204,215,228,233,235,233,233,233,235,235,233,233,235,241,243,246,246,246,241,237,237,238,243,243,238,230,228,222,215,209,208,209,209,212,215,217,215,209,204,202,204,207,207,207,207,207,207,204,204,207,212,215,217,217,222,215,212,212,215,225,230,233,228,222,215,217,222,222,225,228,233,235,235,235,230,225,222,222,222,222,222,225,225,222,215,209,207,204,204,199,196,194,191,191,191,191,189,186,185,186,186,181,173,169,170,181,186,186,189,191,196,207,0,0,0,0,0,235,230,228,0,0,0,0,0,0,0,0,0,238,238,0,0,0,212,204,212,204,187,185,194,222,233,235,243,241,233,228,230,233,233,233,230,217,213,213,217,225,228,228,228,230,228,225,225,225,222,213,212,217,228,230,230,225,222,222,222,217,215,212,209,209,209,212,212,212,212,209,209,209,212,212,212,209,204,204,204,204,204,207,207,209,209,212,212,209,204,196,189,185,189,194,194,189,191,194,194,191,189,189,191,194,196,199,199,199,196,199,199,202,204,202,199,194,191,194,196,202,204,207,204,204,204,204,204,204,207,207,207,209,215,215,209,204,202,204,207,212,215,212,207,209,209,209,209,212,209,202,196,199,207,212,209,207,207,209,215,217,217,217,215,213,213,213,213,215,217,222,222,63,64,67,87,93,131,93,85,75,74,75,69,63,63,57,23,3,9,33,65,105,59,0,0,61,129,163,181,181,181,186,191,186,160,150,155,150,108,53,23,0,33,55,47,23,0,5,160,163,142,108,55,25,11,1,0,0,27,39,59,93,99,147,181,176,160,186,209,220,243,255,255,255,255,222,170,101,101,170,196,186,144,134,135,142,150,150,134,100,45,32,32,29,30,41,61,61,56,69,98,87,46,20,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,111,126,147,165,194,215,235,238,235,235,254,255,255,255,255,0,0,255,254,235,228,222,212,173,71,0,0,0,0,0,0,0,0,0,15,15,0,0,0,0,0,0,0,0,0,17,100,0,0,0,0,0,0,13,39,105,105,43,0,0,0,0,0,0,0,0,0,0,0,0,0,111,126,103,105,0,98,64,43,41,5,0,0,0,0,37,118,222,72,0,0,0,0,0,0,0,55,98,108,118,126,118,121,121,85,73,73,93,144,152,157,155,134,101,103,152,157,157,160,147,97,79,73,73,73,83,101,107,107,101,99,101,107,111,110,108,160,160,152,148,160,191,202,204,209,204,196,189,187,187,189,189,165,65,59,55,0,0,0,0,0,0,0,0,0,0,0,0,0,3,65,105,69,41,34,40,129,186,207,196,186,199,207,199,199,209,202,189,191,204,194,168,170,178,165,115,107,105,107,105,105,109,103,83,68,67,87,160,160,105,89,87,103,157,176,176,155,147,137,97,97,131,129,93,129,91,45,19,20,73,121,81,73,81,87,79,65,59,57,41,29,31,31,28,26,37,75,124,121,121,118,85,81,79,85,89,87,79,75,79,87,129,131,129,83,71,73,103,55,30,30,51,87,41,53,77,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,47,152,202,189,160,155,173,183,186,176,163,97,31,2,0,107,243,255,228,147,100,105,176,215,228,194,150,178,233,196,29,0,0,0,0,92,92,17,0,0,0,11,13,17,38,0,0,0,0,0,27,15,0,0,0,13,46,72,79,31,0,1,37,85,168,215,186,49,19,53,152,196,183,155,134,118,100,65,35,11,11,23,25,31,67,113,126,129,142,142,87,69,69,85,91,126,173,204,199,196,186,168,95,87,79,59,22,22,49,57,35,20,21,35,57,71,77,87,126,87,124,142,139,93,75,65,59,58,65,91,139,150,150,152,150,157,147,147,139,93,75,64,65,71,71,55,45,51,59,65,57,55,47,41,41,49,69,73,73,71,67,61,61,67,69,65,49,23,23,21,21,15,13,19,31,43,61,83,131,152,178,191,199,199,207,215,215,217,220,230,241,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,98,72,40,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,20,17,21,21,15,3,0,0,1,1,0,0,0,0,0,1,3,9,13,19,21,21,27,27,27,22,21,25,41,39,21,13,7,7,1,0,0,0,0,9,27,57,79 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,25,0,0,0,15,39,59,63,57,41,27,24,25,43,124,139,131,130,144,176,170,116,55,41,43,49,37,6,31,39,43,82,66,85,90,0,0,0,0,0,0,0,0,0,0,11,98,147,144,37,21,27,25,27,31,21,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,165,183,191,191,191,189,186,189,189,173,155,155,170,191,207,209,209,212,215,215,212,212,207,205,207,209,207,203,203,204,209,212,212,212,215,212,202,173,119,121,125,127,173,191,204,207,209,212,209,199,181,178,178,176,176,176,174,178,189,194,191,183,177,174,177,177,178,186,191,191,189,189,191,194,194,191,191,191,189,183,181,181,181,181,181,183,139,135,132,130,133,183,191,191,185,183,185,191,199,204,209,209,212,217,225,225,225,228,228,225,225,225,222,215,209,209,207,202,196,195,199,209,217,217,212,212,215,215,217,215,215,209,194,191,194,199,207,202,199,199,202,204,204,207,207,204,199,196,196,199,202,196,194,199,207,204,204,212,207,198,199,204,209,212,207,209,217,228,228,222,217,216,217,217,222,222,225,204,191,194,207,215,212,207,204,202,194,143,138,136,139,202,222,228,228,230,230,228,224,224,225,230,238,238,225,204,196,196,194,194,196,202,207,215,217,222,222,215,209,199,145,139,136,137,145,202,215,230,235,235,233,230,225,220,215,217,222,225,225,225,230,233,233,230,230,225,209,196,130,130,135,194,212,222,215,207,194,191,196,204,204,209,222,222,217,217,222,215,207,204,202,199,196,199,207,204,196,196,204,209,212,212,215,212,207,204,204,202,199,195,195,196,195,194,194,196,202,207,215,217,217,212,207,202,194,194,202,204,209,212,212,212,212,212,209,204,199,199,199,191,185,185,186,189,189,194,196,204,212,215,215,217,222,225,225,225,222,222,222,222,222,225,228,228,222,207,194,191,199,202,196,189,181,183,186,186,186,189,189,183,136,132,132,136,189,199,202,194,181,177,179,186,194,196,189,125,106,123,204,207,209,204,199,121,73,181,194,189,176,128,176,181,176,176,189,199,204,199,191,189,196,207,207,204,207,207,207,209,207,202,199,202,199,186,186,191,189,189,191,196,202,196,189,183,183,191,199,199,191,183,181,181,183,186,183,179,181,189,194,191,177,176,177,181,133,122,116,115,121,129,176,181,186,191,191,189,183,183,186,183,183,186,186,191,196,196,196,191,189,186,186,183,178,176,177,181,186,183,181,183,186,189,189,189,187,187,189,191,194,191,183,178,181,191,199,202,204,199,189,183,135,125,123,124,133,181,181,178,133,133,133,133,133,135,127,129,183,191,186,135,178,178,135,134,186,202,202,196,196,191,123,119,127,181,189,194,196,199,202,207,207,207,207,209,209,207,207,212,212,123,105,125,189,137,105,115,189,196,202,204,204,207,207,202,199,204,202,192,190,194,207,212,212,207,204,202,199,196,199,204,215,222,225,222,217,212,204,199,195,194,195,196,194,187,186,187,189,191,194,196,199,196,194,191,186,181,178,135,178,181,186,191,196,199,199,202,204,202,199,204,207,207,205,205,207,196,139,141,141,140,143,196,204,209,212,215,217,212,143,135,143,196,199,196,199,212,222,225,225,222,199,196,207,204,196,196,191,190,191,191,194,194,202,209,217,215,212,212,212,212,207,199,194,194,199,209,217,217,215,212,209,209,209,209,212,212,212,212,212,209,207,205,207,209,215,217,222,217,209,212,222,228,225,217,215,215,217,217,215,215,212,207,202,203,207,209,200,196,200,222,230,228,222,217,217,222,222,222,217,215,215,215,212,212,212,212,217,222,225,225,222,220,215,215,220,228,233,233,230,230,233,235,238,235,235,238,241,246,246,246,246,243,241,238,238,241,241,238,233,228,222,215,209,209,209,209,212,215,222,222,215,207,202,202,204,204,204,207,207,207,207,204,204,207,212,215,217,215,212,209,208,212,217,228,230,230,230,228,225,225,225,225,228,233,233,233,233,230,225,225,225,225,222,220,220,222,220,217,215,212,207,204,202,196,194,191,191,191,191,189,186,186,189,189,186,176,170,170,176,183,189,189,189,194,204,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,228,0,0,0,0,0,222,215,196,189,191,209,225,225,225,230,225,215,225,230,233,233,233,217,213,213,217,228,230,230,233,230,230,228,225,228,230,222,213,215,225,230,230,225,222,222,225,222,217,212,209,209,212,212,215,215,212,209,207,209,212,212,212,209,207,204,204,204,204,204,204,207,209,212,212,209,204,196,189,185,186,191,191,189,189,194,194,191,189,189,191,194,196,199,196,196,196,199,202,207,207,207,204,199,196,196,199,202,204,209,209,207,204,204,204,204,204,204,204,209,215,217,209,202,199,202,207,212,209,209,207,207,207,207,209,207,204,196,196,199,207,212,212,207,207,209,215,217,217,217,217,213,213,215,215,217,222,225,222,67,67,81,87,93,93,89,83,81,83,75,61,45,35,23,9,0,1,65,103,95,35,0,0,9,121,163,173,157,148,165,191,191,163,150,150,142,126,103,45,15,15,35,49,29,9,29,124,137,69,31,3,0,0,0,0,0,7,13,11,15,53,93,170,225,238,255,255,241,243,255,255,255,255,255,186,88,88,0,0,255,215,137,135,163,189,189,173,150,118,92,51,45,39,69,87,35,33,53,59,38,15,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,111,121,139,155,181,215,246,254,255,255,255,255,255,255,255,0,0,255,248,238,230,222,209,178,65,0,0,0,0,0,0,0,0,0,0,29,7,0,0,0,0,0,0,0,0,0,82,183,37,1,0,0,0,0,35,71,71,105,165,191,168,137,126,121,0,0,0,0,0,0,95,160,152,139,139,150,150,129,134,129,64,5,0,0,0,74,98,31,0,0,0,0,0,0,0,0,41,92,108,108,105,108,118,137,126,85,85,93,131,152,163,168,155,144,103,147,157,165,165,147,93,85,83,85,87,87,95,107,103,102,103,104,109,155,157,165,157,157,152,152,160,183,194,202,196,189,183,183,189,196,196,173,83,9,7,17,3,0,0,0,5,0,0,0,0,0,0,0,0,0,47,53,43,45,59,142,189,209,212,204,196,204,209,209,217,217,220,209,196,196,204,204,194,160,103,103,105,100,97,95,96,100,103,93,78,78,107,170,163,111,97,101,142,157,168,165,165,160,157,144,91,81,93,139,139,131,77,24,25,121,134,87,63,55,67,63,53,43,20,14,18,25,31,33,35,47,71,118,124,121,121,87,87,89,126,139,124,124,124,87,85,116,118,131,129,108,108,105,59,37,36,63,108,108,103,59,33,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,126,178,191,181,173,176,183,176,168,160,89,29,4,0,45,209,235,178,104,95,104,176,215,202,93,43,57,75,5,0,0,49,98,79,74,45,11,0,0,11,48,53,38,17,3,0,0,0,0,15,15,0,0,0,5,23,56,64,27,0,0,0,19,33,176,209,87,1,7,39,53,51,103,131,118,69,59,39,3,0,0,0,0,17,69,113,126,134,124,77,68,79,126,144,191,207,207,196,186,186,168,142,129,126,81,45,39,59,61,39,21,20,27,51,61,67,75,87,87,124,142,144,139,89,71,59,58,63,85,134,139,142,144,142,142,139,129,93,77,65,64,73,83,87,75,59,53,57,59,57,49,47,45,47,59,67,65,63,56,56,59,65,75,73,69,57,39,31,17,11,3,0,3,19,31,59,77,124,144,170,194,191,199,207,217,212,209,212,217,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,98,72,40,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,22,30,35,21,15,3,0,0,0,0,0,0,0,0,0,1,7,9,15,15,15,21,31,33,27,19,19,25,41,41,25,13,7,3,1,1,0,0,0,0,15,41,79 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,15,0,0,9,41,87,103,98,59,43,31,27,35,65,137,152,150,142,150,170,181,121,21,0,9,51,1,4,27,27,45,87,82,100,98,5,0,0,0,0,61,79,0,0,0,17,98,116,105,95,87,121,108,72,61,56,66,74,33,0,0,0,0,0,0,0,0,0,0,0,0,21,53,168,181,191,194,194,194,186,181,173,157,150,155,176,199,207,209,208,209,212,215,215,212,207,207,207,209,209,207,204,204,209,209,209,212,215,215,207,178,125,127,129,170,181,199,209,209,209,209,209,202,186,181,181,178,178,181,178,181,186,189,191,189,186,178,177,178,181,181,178,178,186,196,199,199,196,196,196,194,189,183,181,181,181,181,183,186,186,139,133,131,133,189,199,199,194,196,199,202,207,209,212,212,212,215,222,225,225,228,228,228,225,225,222,215,212,209,207,199,195,196,204,212,217,212,207,209,212,217,217,215,209,202,190,190,199,207,207,204,202,207,207,202,196,191,145,191,194,194,194,196,202,202,196,202,207,202,202,207,207,204,209,212,217,217,209,212,222,228,225,222,217,217,222,220,215,215,212,196,190,196,209,215,215,209,204,199,191,139,135,135,141,207,225,230,230,233,233,230,225,225,225,230,238,235,217,196,145,191,196,202,204,202,202,207,215,222,222,207,191,143,143,141,138,137,143,199,215,225,230,230,230,233,230,222,215,217,222,225,225,225,230,233,233,230,225,207,191,143,137,135,139,191,202,209,212,209,202,194,202,209,212,217,228,228,217,215,215,209,204,202,199,196,194,196,207,209,207,207,212,212,209,207,204,199,196,196,196,196,196,195,195,195,194,192,194,199,207,212,215,215,215,212,207,202,194,194,199,204,209,212,215,215,212,212,207,202,199,202,204,202,191,186,186,189,194,199,204,209,212,215,215,215,217,222,228,228,225,222,222,222,225,225,228,228,222,215,199,189,191,194,194,189,183,183,186,183,183,183,183,178,133,133,136,183,199,209,212,207,189,178,178,186,191,196,194,181,123,133,212,215,204,112,106,105,113,212,209,194,176,133,194,196,189,186,191,196,202,199,194,189,194,204,207,207,207,204,204,207,207,202,194,186,181,181,186,196,191,189,191,196,199,196,191,186,186,196,204,207,202,196,194,194,194,191,186,181,181,189,191,186,176,174,177,181,181,131,125,125,129,176,181,183,189,194,199,199,196,194,186,178,135,181,189,194,196,199,196,194,191,189,186,183,177,176,181,186,189,186,183,189,191,194,196,194,189,187,187,189,189,186,181,177,178,189,199,204,207,202,194,186,181,133,125,123,125,133,178,178,135,133,127,125,131,129,121,127,199,207,196,135,133,133,134,133,178,194,199,194,191,183,131,127,133,186,191,194,196,199,202,207,207,207,207,207,207,207,207,209,209,186,121,183,199,199,111,99,107,183,199,199,202,202,202,196,196,199,199,192,191,196,207,212,209,204,199,195,194,194,195,202,212,222,225,222,217,212,207,202,196,196,196,196,194,189,186,186,187,187,189,191,194,194,196,196,186,135,131,130,130,178,186,191,194,191,191,194,196,196,196,199,207,209,209,209,209,199,189,194,194,143,191,202,215,222,220,217,217,215,202,142,145,199,199,191,145,202,215,225,230,228,192,187,199,204,202,202,196,191,191,194,199,199,202,207,217,217,212,212,212,209,207,202,199,202,207,212,215,215,212,212,209,207,207,207,209,209,212,212,209,209,209,209,209,215,215,217,222,217,212,212,220,225,225,222,220,222,222,222,217,215,209,207,204,207,215,215,202,196,199,212,217,217,215,217,222,225,225,225,217,215,215,215,212,211,211,212,217,222,228,228,228,225,222,222,222,228,230,230,228,228,230,235,238,238,238,238,243,246,246,243,243,243,241,241,241,241,241,238,235,230,225,217,215,215,215,215,215,220,225,225,217,209,202,200,202,204,204,204,207,207,204,202,202,202,204,209,212,212,209,209,208,209,212,222,228,233,233,233,228,225,225,225,225,230,230,228,228,228,225,225,225,225,222,217,215,215,217,217,217,215,209,207,202,196,194,191,194,194,191,191,189,191,194,194,189,183,176,172,173,181,189,191,191,194,202,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,230,217,0,0,0,0,0,222,217,212,202,191,189,194,204,212,215,204,199,220,230,233,233,230,220,215,215,222,230,233,230,225,215,217,225,228,230,233,228,217,217,225,230,228,225,222,225,228,225,217,215,212,209,212,212,215,215,212,207,207,207,209,212,212,209,209,207,207,204,204,204,204,204,207,207,207,204,202,196,191,187,189,191,189,187,187,187,191,191,191,191,194,196,199,196,196,194,196,199,204,207,209,209,207,204,202,199,199,202,207,209,212,209,207,207,207,204,202,202,202,204,212,215,212,204,199,204,209,209,209,207,207,204,199,199,202,202,199,194,194,199,207,212,212,209,209,212,215,217,217,217,217,213,215,217,222,225,225,225,222,71,73,83,87,91,93,87,85,77,75,73,55,33,17,0,0,0,0,49,57,61,57,0,0,0,105,155,160,153,148,160,183,189,160,152,152,139,126,98,47,33,29,53,95,55,9,3,47,61,37,0,0,0,0,0,0,0,13,19,19,31,73,160,215,255,255,255,255,225,196,196,209,255,255,255,168,94,137,0,0,255,241,137,139,196,0,0,246,233,178,124,92,51,45,79,85,27,15,17,19,17,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,57,113,137,157,194,215,243,254,255,255,255,255,255,255,255,0,0,255,255,243,230,222,209,178,105,0,0,0,0,0,0,0,0,0,0,13,0,0,0,0,0,0,0,0,0,0,0,47,59,65,103,137,142,113,73,61,58,118,183,222,222,217,233,251,225,142,53,21,13,67,144,150,147,155,173,181,176,160,152,134,82,21,0,0,0,29,74,39,0,0,0,0,0,0,0,1,49,92,100,105,105,118,147,163,155,144,129,129,131,147,157,165,163,150,144,144,157,168,168,147,91,82,89,93,93,93,101,152,152,155,160,168,170,178,186,189,178,160,160,160,176,189,199,202,191,189,183,183,189,204,196,147,39,4,4,21,33,29,29,31,27,13,0,0,0,0,0,0,0,0,0,17,33,49,73,144,202,196,170,160,173,199,209,217,217,225,228,220,202,191,191,191,173,103,87,93,101,99,94,94,95,100,111,113,109,113,157,165,170,163,152,144,142,142,142,150,155,163,176,157,95,77,83,131,144,139,83,37,38,126,134,83,47,39,43,41,45,37,17,14,21,37,49,49,51,59,75,87,121,121,121,118,121,129,139,137,61,87,142,137,81,67,71,79,113,126,129,116,75,61,69,111,121,131,131,95,47,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,37,21,43,113,160,170,170,168,163,157,157,152,142,71,23,11,12,53,155,165,106,105,107,150,168,196,168,43,0,0,0,0,0,67,178,183,137,90,39,0,0,0,7,21,17,11,9,9,0,0,0,3,17,17,5,0,0,7,21,46,56,31,5,0,0,0,0,72,155,95,15,0,0,0,11,65,126,113,63,61,47,0,0,0,0,0,0,73,121,116,116,81,68,66,85,144,183,202,209,199,189,183,186,176,155,144,150,95,57,53,69,73,53,29,27,37,51,57,57,69,81,87,124,142,147,142,93,71,59,58,63,85,131,139,139,142,142,134,95,87,77,63,62,62,73,87,121,85,69,59,53,57,57,49,47,47,51,65,67,57,54,53,56,63,69,75,73,65,59,57,37,23,5,0,0,0,21,45,63,77,116,131,160,181,186,194,204,212,209,209,209,215,220,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,95,72,40,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,27,35,35,21,15,3,0,0,0,0,0,0,0,0,0,7,13,13,15,15,19,21,33,41,33,21,19,27,39,39,25,15,9,9,13,7,0,0,0,0,0,33,75 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,35,85,121,147,155,147,147,124,124,134,139,144,147,144,139,134,134,129,41,0,0,0,150,7,55,43,0,72,92,85,85,72,23,0,0,0,0,183,204,61,0,0,92,113,111,111,129,152,168,126,82,82,92,98,87,61,0,0,0,0,0,0,0,0,0,0,0,0,13,47,147,173,183,186,186,186,176,160,144,142,150,168,194,207,212,209,208,208,209,212,212,212,209,207,207,209,212,209,209,209,209,209,208,212,215,212,199,176,127,173,176,176,183,199,209,209,209,209,207,202,186,181,181,178,181,186,186,186,186,186,189,194,196,194,186,181,176,133,131,132,186,199,202,202,202,199,199,194,189,183,179,181,181,183,189,194,191,183,137,133,137,191,202,204,207,207,207,207,207,209,209,212,212,215,222,225,225,225,225,225,228,225,222,217,215,212,204,196,194,196,207,215,212,204,199,202,209,215,217,212,204,194,189,191,207,215,209,207,209,215,215,204,191,142,141,145,199,199,194,194,199,202,202,207,209,202,199,202,212,217,222,225,225,215,207,209,217,225,222,222,222,225,222,215,207,202,196,191,191,199,209,215,217,215,207,202,194,139,136,136,191,212,225,228,230,235,238,233,230,228,230,233,235,228,204,145,143,194,202,207,209,202,196,196,199,207,209,199,142,141,143,191,145,143,194,204,212,217,222,222,225,230,230,225,217,217,222,228,228,225,225,228,230,228,204,135,135,143,194,194,145,143,143,191,204,207,204,199,204,212,217,222,222,217,209,207,209,204,202,199,194,194,194,196,209,217,220,222,222,215,207,202,199,194,194,194,194,196,196,196,196,196,199,199,202,204,209,215,215,212,209,209,204,196,192,194,196,204,212,215,215,212,207,204,202,202,199,202,207,207,199,189,183,185,191,199,204,207,209,215,215,215,215,217,225,228,225,225,222,222,225,228,228,228,225,217,204,191,186,189,189,191,189,186,183,181,181,137,136,135,136,181,178,181,204,217,222,215,191,179,181,186,186,186,189,183,121,127,212,217,204,106,105,109,196,215,212,199,129,125,196,202,196,191,194,196,199,196,194,191,196,202,204,204,207,204,204,204,202,196,181,135,181,183,186,189,189,186,189,194,199,196,191,189,191,199,209,212,209,207,204,204,204,196,186,181,181,186,186,183,181,181,186,189,191,189,186,186,183,186,189,189,194,202,207,209,204,194,135,124,125,135,189,196,196,196,196,196,194,191,189,183,178,178,186,189,186,183,183,191,196,199,202,199,194,189,189,191,194,194,191,181,178,183,191,199,202,199,194,186,183,186,178,127,124,129,181,189,191,183,131,125,125,117,109,129,212,215,202,181,132,133,134,134,178,186,191,191,189,181,178,186,189,191,194,191,191,196,199,204,207,207,207,204,204,204,207,207,207,196,137,191,204,207,186,98,90,99,191,194,196,196,194,194,196,196,196,194,192,196,204,209,204,199,196,195,195,195,196,204,212,217,222,217,215,212,209,207,204,202,202,199,199,194,189,189,191,189,189,189,189,189,191,191,181,133,130,129,131,181,189,189,186,183,183,186,191,191,191,196,202,207,212,212,212,207,202,204,202,194,199,209,225,228,220,212,209,207,202,191,191,196,194,143,142,145,202,212,222,215,186,181,194,209,209,204,199,194,194,202,212,212,209,209,217,215,212,209,212,212,209,207,207,212,215,215,212,212,212,209,207,205,207,207,212,215,217,215,209,209,209,209,212,215,217,217,217,217,217,217,222,222,222,222,222,222,222,222,220,215,212,212,212,217,217,215,204,200,204,212,215,213,213,215,217,222,222,220,217,215,215,212,212,211,211,212,217,222,225,225,225,225,225,222,222,225,228,228,225,225,228,233,235,238,238,238,243,243,243,243,243,241,241,241,241,241,238,238,235,233,228,225,222,222,222,222,222,225,228,228,222,212,204,202,202,202,202,204,207,204,202,199,198,199,202,204,209,209,209,209,209,208,209,215,225,230,233,230,228,228,225,225,225,230,230,225,225,222,222,222,222,225,222,217,215,215,215,217,217,215,212,207,204,199,196,196,196,196,194,194,194,194,196,196,194,189,183,181,178,181,189,194,196,199,202,207,0,0,0,0,0,0,0,0,0,0,0,0,0,230,228,225,225,215,0,0,0,0,0,0,225,225,212,191,173,165,181,196,196,189,189,212,228,235,230,225,217,217,222,228,233,233,222,199,192,204,220,228,228,230,228,225,222,222,228,225,225,222,225,228,225,220,215,212,209,212,212,215,215,212,207,205,205,207,209,209,209,209,209,207,207,204,204,204,204,202,199,199,196,194,194,191,189,191,194,191,187,186,186,189,191,191,191,194,196,196,196,194,194,196,202,204,207,209,207,207,204,202,202,202,204,207,209,212,209,209,209,209,207,202,199,199,202,207,209,207,202,199,204,209,209,209,207,204,199,194,194,199,199,196,194,194,199,207,212,212,209,207,209,212,215,217,217,215,213,215,222,228,230,228,225,222,67,73,79,85,87,87,87,85,77,75,73,65,49,21,0,0,0,0,5,19,47,92,0,0,1,111,152,155,155,155,160,173,178,170,170,150,118,92,53,35,29,29,59,111,87,3,0,0,29,35,0,0,0,0,0,3,33,59,79,97,144,168,194,225,254,255,255,255,152,91,85,87,199,228,186,98,98,215,0,0,255,212,129,131,0,0,0,0,238,160,105,51,39,39,39,41,21,13,13,15,15,17,11,20,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,53,121,165,196,225,243,246,246,246,255,255,255,255,255,0,255,255,255,238,228,220,209,178,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,103,137,173,209,199,155,69,51,63,150,196,225,243,255,255,255,230,176,118,98,139,160,144,142,176,207,212,194,176,152,111,49,9,0,0,0,1,72,90,21,0,0,0,0,0,0,53,98,100,98,100,108,126,160,170,170,163,144,129,124,131,147,157,165,163,155,157,168,170,168,147,87,82,91,99,95,95,107,170,183,189,191,191,186,186,196,196,181,160,157,160,183,196,202,194,189,191,196,196,202,196,170,85,35,14,19,69,124,116,63,33,25,17,0,0,0,0,0,0,0,0,0,0,11,37,63,152,204,170,137,134,160,199,217,225,225,228,220,209,191,189,189,181,160,93,79,93,111,113,107,105,105,111,157,168,173,176,176,173,173,170,163,152,103,95,99,139,147,160,176,157,97,75,75,91,95,87,73,49,51,81,83,65,39,37,39,40,61,57,20,21,49,57,59,57,59,67,75,81,87,124,129,126,129,139,89,53,0,5,87,131,79,64,64,71,75,116,129,116,111,124,126,129,134,150,150,121,79,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,111,103,57,63,113,137,144,147,152,157,140,150,150,97,45,17,15,37,95,165,155,147,168,186,176,170,170,134,27,0,0,0,0,25,191,222,209,165,98,19,0,0,0,0,0,0,0,3,15,13,0,0,13,30,33,15,5,9,17,23,46,56,37,17,0,0,0,0,0,37,47,19,0,0,0,0,35,87,55,49,49,23,0,0,0,0,0,0,79,129,113,83,75,66,67,121,176,202,202,202,191,178,170,178,178,165,160,157,134,69,65,81,85,67,47,41,47,57,57,57,63,75,87,126,142,147,142,93,71,59,59,69,91,137,139,142,144,144,134,95,83,69,63,62,61,65,87,124,89,77,59,57,57,59,57,53,53,55,65,65,59,54,57,61,67,73,75,75,63,57,49,39,23,5,0,0,5,29,59,71,77,83,116,144,160,178,186,202,209,204,204,209,215,222,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,98,74,43,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,20,30,35,21,15,3,3,3,3,0,0,0,0,0,7,15,19,19,15,19,21,25,33,41,39,22,21,25,33,31,21,15,13,19,25,19,3,0,0,0,0,33,75 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,51,92,124,163,191,204,207,207,202,202,196,178,160,139,85,111,113,108,55,0,0,0,0,13,0,45,15,0,103,116,90,49,33,19,0,0,0,0,155,191,186,150,152,155,134,124,129,147,170,178,87,75,108,126,118,103,79,1,5,13,0,0,0,0,0,0,9,0,0,0,17,95,150,173,170,157,152,150,134,91,97,155,186,204,212,215,212,209,209,212,212,212,212,209,207,207,209,209,209,209,212,212,209,209,212,212,202,186,170,127,173,178,178,183,194,204,204,207,207,204,194,178,176,178,178,181,189,191,191,189,186,189,196,202,199,189,176,130,130,132,178,191,199,202,202,202,202,199,196,191,183,181,181,183,186,191,196,194,189,139,137,139,194,204,207,209,209,207,204,204,204,209,212,215,217,222,222,222,222,222,225,225,225,222,220,217,212,199,194,192,196,207,212,204,195,192,195,204,215,217,212,204,194,191,192,204,212,209,209,215,222,222,209,194,143,143,199,209,209,202,196,202,204,204,212,212,204,200,207,222,228,228,228,222,212,204,207,215,217,217,217,222,225,222,209,196,191,190,191,194,199,207,212,215,217,215,207,196,141,138,141,196,209,212,215,222,233,238,235,230,228,230,235,233,209,141,141,191,199,204,209,209,204,199,194,189,187,196,199,196,191,194,196,202,207,209,212,215,215,209,209,212,222,228,228,222,222,222,225,222,222,217,212,215,215,141,127,131,189,207,207,194,139,135,137,191,204,202,199,204,212,215,215,212,204,199,199,204,204,202,196,192,192,194,199,212,225,228,230,228,215,207,202,196,196,196,196,194,194,196,196,199,204,207,209,212,209,207,209,209,199,196,202,199,194,194,194,199,204,209,212,212,207,199,194,194,196,196,194,199,204,202,194,185,185,186,194,202,207,209,215,217,217,215,217,225,228,228,225,225,225,225,228,228,228,225,217,204,189,183,183,186,189,189,186,181,137,137,137,136,136,186,186,169,163,204,222,217,207,191,183,186,189,181,176,178,178,113,115,199,209,202,116,119,194,207,207,207,196,96,85,113,194,196,196,199,199,202,199,196,194,194,196,196,199,207,209,204,202,194,137,125,131,191,194,186,183,186,189,191,199,202,202,194,191,196,204,209,215,212,212,209,209,207,196,183,178,181,183,183,181,189,191,194,196,199,199,199,196,194,196,196,196,199,204,209,209,202,186,125,121,122,133,189,194,194,196,199,199,199,196,194,191,186,186,189,186,181,178,181,189,194,199,202,202,196,194,194,199,204,207,204,194,183,181,183,189,189,186,181,181,186,189,186,178,131,178,194,204,209,207,194,176,123,109,105,129,204,204,194,186,176,178,181,183,183,183,183,186,186,178,186,204,204,199,191,183,183,191,196,199,204,207,207,202,196,194,196,202,204,194,183,191,199,202,199,137,86,66,111,183,189,189,189,194,196,199,202,199,196,196,199,202,199,196,199,202,202,202,202,207,212,215,212,209,207,209,209,209,209,207,204,202,196,194,191,194,194,191,189,189,183,135,133,178,135,133,130,129,135,186,189,183,135,135,181,186,189,189,189,191,196,202,207,212,215,212,207,204,202,196,204,215,225,228,217,204,196,196,196,194,194,196,194,144,143,145,196,204,209,207,191,187,204,222,215,207,202,196,196,204,215,217,215,212,212,209,209,209,209,212,212,209,212,217,225,222,217,215,215,212,207,207,209,209,212,217,217,215,207,207,207,204,204,209,215,215,217,220,222,225,225,225,225,222,220,217,217,222,222,217,215,215,217,222,215,209,204,207,215,217,217,215,215,215,217,217,215,215,215,215,215,212,212,211,211,212,217,222,222,222,222,222,222,222,222,225,228,228,225,225,228,233,235,238,238,238,241,243,243,241,241,241,243,243,243,241,238,235,235,233,230,228,225,225,225,225,225,228,228,228,222,212,207,202,199,199,199,202,202,202,199,198,198,199,202,204,209,212,212,215,212,208,208,209,222,230,233,230,230,230,230,228,230,233,230,225,222,222,222,222,222,222,222,220,217,215,215,215,217,215,212,207,204,202,199,202,202,202,199,196,196,199,199,196,196,194,194,191,183,183,186,191,196,199,202,204,215,0,0,0,0,0,0,0,0,0,0,0,0,228,217,215,212,217,0,0,0,0,0,0,0,235,222,194,168,160,160,165,176,178,183,194,212,235,230,225,222,225,228,230,233,230,209,187,187,196,215,222,225,225,225,222,218,222,222,222,222,222,225,228,225,217,215,212,212,212,212,215,215,212,207,205,205,207,207,209,209,209,209,207,207,204,204,204,202,199,196,191,189,189,186,186,186,191,194,191,191,189,189,189,191,191,194,194,196,196,194,194,196,199,202,207,207,207,207,207,204,202,202,204,204,207,207,209,212,209,209,209,207,202,199,199,199,202,199,196,194,196,202,207,209,209,207,202,199,194,191,191,194,194,194,196,202,207,209,209,204,204,207,212,215,217,222,217,215,215,222,225,228,225,222,220,67,67,67,73,81,79,75,77,81,81,111,105,73,51,0,0,0,0,0,19,55,87,0,0,21,129,160,155,142,142,155,163,170,170,160,113,47,21,15,27,9,0,0,33,33,9,0,0,9,27,0,0,0,9,5,25,71,134,186,241,255,233,225,225,241,255,255,217,75,59,53,52,87,155,103,87,92,217,255,255,255,194,131,124,0,0,0,255,189,131,92,45,33,31,25,27,27,23,21,21,21,21,35,38,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,105,165,207,228,243,243,239,239,246,255,255,255,255,255,255,255,254,220,211,212,202,168,37,0,0,0,0,0,0,0,0,0,5,0,0,0,0,0,0,0,0,31,0,0,0,5,63,126,147,163,189,212,181,118,54,54,81,157,204,235,251,248,241,199,150,71,49,73,142,144,147,176,202,202,194,183,160,111,37,0,0,0,0,0,17,66,13,0,0,0,0,0,45,124,147,124,105,100,116,137,152,170,176,163,129,85,75,81,93,147,165,168,165,165,168,173,168,147,97,91,91,91,87,79,93,165,183,196,202,194,186,186,186,189,181,157,151,160,183,199,191,183,186,196,204,212,212,189,137,63,47,53,121,155,157,142,65,13,13,19,11,0,0,0,0,0,0,0,0,0,0,29,108,204,220,168,129,134,173,215,225,225,225,217,202,178,168,178,178,181,163,91,71,93,157,168,165,163,163,163,168,168,176,176,183,183,170,163,152,109,103,95,95,101,139,147,152,144,85,70,70,81,81,73,73,67,65,63,55,39,35,41,53,63,126,118,43,51,63,63,59,59,61,69,71,75,77,89,129,129,139,129,59,0,0,0,35,75,79,73,67,65,61,71,108,111,111,124,126,124,134,142,147,131,95,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,100,139,118,65,65,105,116,129,129,139,142,142,150,152,87,29,15,23,73,163,194,191,183,199,199,176,160,142,83,41,1,0,0,0,67,155,173,165,137,82,9,0,0,0,0,0,0,0,0,13,13,0,3,19,40,40,19,0,21,29,29,29,35,35,23,7,0,0,0,0,0,0,0,0,0,0,0,0,13,13,19,19,0,0,0,0,0,0,0,79,129,113,77,75,69,81,147,183,196,196,194,183,160,150,157,170,170,168,168,144,77,69,81,81,71,57,53,55,63,65,63,69,81,87,129,142,147,142,93,71,59,59,71,91,137,144,142,142,144,134,95,87,83,77,75,67,73,91,124,121,81,67,59,59,65,69,63,63,61,61,59,54,57,63,63,71,73,75,67,59,51,49,39,23,11,0,0,9,53,65,73,71,77,83,124,152,170,186,202,204,202,202,209,220,233,243,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,100,74,51,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,27,35,35,23,11,11,17,11,0,0,0,0,3,17,25,25,25,23,23,27,27,39,47,41,27,23,25,27,25,21,21,23,33,39,35,21,3,0,0,11,59,124 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,152,176,191,202,207,207,204,204,202,204,202,196,189,168,85,57,61,59,41,0,0,0,0,0,9,29,0,0,82,116,79,47,17,5,0,0,0,0,116,160,215,225,204,183,155,139,137,142,160,165,81,74,118,137,134,121,92,15,17,27,17,0,0,0,0,0,1,19,5,0,0,3,69,155,147,108,83,126,95,85,92,173,202,209,212,215,217,215,212,212,212,212,209,207,207,209,207,207,207,209,209,212,212,215,217,209,191,178,170,129,176,178,176,181,194,202,202,202,199,189,178,170,176,186,186,186,186,191,191,189,186,186,194,199,196,183,132,131,133,181,186,191,196,199,202,202,204,202,199,191,186,183,183,186,189,191,196,196,189,183,139,189,196,204,204,204,202,199,196,199,202,207,212,215,217,217,217,217,215,217,217,217,217,217,220,217,212,199,194,194,196,207,207,202,195,192,195,207,217,220,215,207,199,196,196,199,204,207,212,222,225,222,209,196,145,196,212,217,212,207,204,204,204,207,212,215,207,204,212,225,228,228,225,217,207,204,207,215,215,212,215,217,222,215,202,191,190,194,199,202,202,202,207,215,220,217,207,194,186,141,189,199,202,196,196,207,222,230,228,225,225,228,235,228,133,129,140,204,209,209,207,204,204,204,202,191,186,189,199,204,204,204,204,212,222,222,222,217,209,204,202,207,212,222,225,222,222,217,215,212,209,209,141,189,204,191,133,134,141,207,207,196,140,135,136,140,194,199,202,207,212,215,209,202,196,194,194,202,204,202,196,191,191,196,202,212,225,230,233,230,217,204,199,196,199,196,196,194,194,194,196,202,204,209,209,209,204,202,204,196,187,187,191,194,194,194,196,199,207,209,207,204,202,196,191,191,194,191,186,186,194,199,199,196,189,186,189,196,204,212,215,217,217,217,217,225,228,228,228,228,228,228,228,230,228,225,215,196,182,182,183,183,186,186,181,135,135,181,181,181,181,189,189,165,159,199,215,209,199,196,191,194,191,178,131,133,131,113,116,181,191,191,178,194,209,212,204,199,121,82,79,103,133,194,202,207,207,204,202,199,194,191,189,189,196,204,207,202,186,137,119,115,127,189,189,181,181,186,194,202,207,209,207,202,196,199,204,209,212,212,212,212,212,207,191,178,135,181,186,183,183,186,191,194,199,204,204,202,196,196,199,202,199,199,202,204,202,191,135,125,122,125,178,189,194,194,196,202,202,204,202,199,196,194,191,189,181,135,135,181,186,194,196,202,199,196,196,199,202,204,204,204,199,191,183,178,178,178,134,133,135,181,181,181,183,194,202,209,215,222,220,212,199,178,111,100,113,189,191,191,189,183,183,186,191,189,183,178,178,183,178,186,207,207,196,183,178,179,186,194,194,199,204,204,196,187,181,185,194,202,191,182,189,194,194,204,204,101,60,91,123,181,183,186,194,199,204,209,209,204,202,199,196,196,199,204,207,207,207,204,207,209,209,204,202,199,204,207,209,209,207,204,199,196,194,191,194,191,189,189,189,178,128,127,131,135,178,131,128,133,183,183,135,132,135,183,186,183,181,181,183,191,196,204,209,212,212,209,207,202,202,207,217,225,225,217,204,196,194,194,196,204,204,199,196,196,199,202,204,207,212,209,209,222,230,228,215,209,204,204,204,209,212,212,212,209,208,208,208,209,212,212,212,215,222,228,230,228,225,225,222,215,215,212,209,209,212,212,207,202,204,204,203,203,204,209,212,215,220,225,228,228,228,228,225,222,217,217,217,217,215,212,209,215,215,212,209,207,212,217,222,222,217,217,217,217,217,215,213,215,215,215,212,212,211,211,212,217,217,222,222,222,220,217,222,222,225,225,225,225,225,228,230,235,238,238,238,241,241,241,238,238,241,241,243,243,241,235,233,233,230,228,225,225,225,225,225,228,228,228,225,222,215,209,204,202,199,199,199,199,199,198,198,199,202,204,209,212,215,217,217,215,209,208,209,217,228,233,233,230,233,233,233,233,235,233,225,222,222,222,222,222,222,222,222,222,217,215,215,215,212,209,207,204,202,202,204,204,204,202,202,202,202,199,199,199,199,199,196,191,189,189,189,194,199,202,204,209,215,225,230,0,0,0,0,0,0,0,0,0,0,228,217,209,0,0,0,0,0,0,248,0,0,0,209,183,165,157,153,160,170,176,173,178,235,235,230,230,230,230,228,230,233,215,191,194,204,215,217,222,222,222,222,218,218,218,218,218,222,225,225,222,215,215,215,215,215,215,215,217,212,207,205,205,207,207,207,207,207,207,207,204,204,202,202,199,196,194,189,186,141,140,140,183,189,191,194,194,194,191,191,191,191,194,196,199,196,194,194,196,199,202,207,207,207,207,207,204,200,200,204,204,204,204,209,212,212,209,209,207,202,202,202,202,199,194,190,189,191,196,202,207,207,207,207,204,196,141,138,143,191,196,199,202,204,207,207,204,204,207,212,217,222,225,222,217,215,215,217,217,217,217,222,71,59,59,65,67,65,59,67,81,113,118,118,118,98,27,0,0,0,0,43,87,49,0,0,21,139,170,152,131,131,152,160,152,147,95,21,9,1,0,1,0,0,0,0,0,9,3,3,0,0,0,0,121,75,33,53,83,144,204,255,255,255,254,225,217,230,230,111,61,61,67,61,85,152,152,95,94,181,255,255,243,212,170,150,194,0,0,255,199,173,142,105,51,31,25,19,21,23,21,15,7,3,15,30,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,111,176,215,235,243,243,235,235,246,255,255,255,255,255,255,255,248,212,208,212,212,178,63,0,0,0,0,0,0,0,0,0,41,59,13,0,0,0,0,0,74,111,85,59,100,142,176,186,181,170,176,191,191,165,129,75,83,152,199,228,215,191,178,33,0,0,0,0,59,124,134,147,157,157,176,194,178,137,74,0,0,0,0,0,0,0,0,0,0,0,0,0,134,189,191,168,134,118,118,126,142,152,170,157,118,73,68,72,85,131,155,163,163,165,176,176,173,160,137,91,79,65,49,35,41,75,105,168,181,186,178,178,178,178,173,157,152,160,183,191,183,176,183,196,204,212,204,186,137,69,67,131,173,176,142,126,69,21,16,21,25,0,0,0,0,0,0,0,0,0,0,53,173,230,220,157,129,147,196,225,225,209,199,189,165,107,103,160,176,178,168,83,64,85,163,176,170,163,163,170,178,178,168,168,176,173,163,150,105,101,101,103,95,101,137,139,137,91,71,63,67,79,81,79,83,89,79,57,45,38,36,49,75,118,155,124,43,55,57,57,55,61,65,73,77,77,81,87,89,85,126,126,63,3,0,0,23,65,85,85,71,57,56,59,67,79,105,105,108,111,124,121,131,121,95,39,0,0,0,0,0,0,0,0,0,0,0,0,0,7,41,108,124,69,53,57,67,108,118,129,129,131,131,142,142,79,33,20,45,105,173,191,191,191,212,194,150,83,75,73,63,41,11,0,7,67,67,64,90,98,82,27,0,0,0,0,0,0,0,0,3,7,0,0,19,40,35,13,0,17,43,43,25,21,23,23,19,11,7,0,0,0,0,0,0,0,0,0,0,0,0,5,11,0,0,0,0,0,0,0,63,79,75,69,67,73,121,144,165,163,178,189,178,150,133,137,155,173,178,176,147,83,69,73,75,67,61,53,57,63,65,69,79,87,124,126,139,147,142,126,73,59,59,69,87,129,131,131,129,131,134,95,89,89,93,91,83,81,124,131,124,85,73,67,67,71,73,73,63,61,61,59,59,57,69,71,67,69,69,67,59,55,59,49,31,13,0,0,17,53,65,67,65,71,77,116,147,170,186,202,204,204,199,212,220,233,241,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,129,100,77,43,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,25,38,46,46,23,23,25,23,9,0,0,0,15,23,33,33,33,33,35,39,39,41,47,47,35,23,23,23,21,21,21,27,39,57,55,35,21,9,11,33,79,139 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,157,170,183,194,202,207,209,204,199,196,196,196,199,202,207,202,165,43,37,35,37,21,0,0,1,0,139,137,0,0,0,9,37,37,0,0,0,0,0,0,103,160,215,217,199,181,165,150,142,137,144,152,129,98,121,134,142,137,116,55,39,49,49,37,0,0,0,0,0,21,41,7,0,0,0,69,77,61,65,89,93,89,105,191,209,212,212,215,217,217,215,212,212,212,209,209,209,209,207,205,205,207,212,215,215,217,215,199,176,170,170,173,176,174,176,183,199,204,199,191,183,129,125,125,176,194,194,191,189,189,189,183,181,183,189,194,189,181,181,186,189,186,181,178,189,196,202,204,204,204,199,191,189,189,191,189,189,189,194,191,189,186,189,194,202,204,202,199,196,196,195,196,202,209,212,215,215,217,217,217,215,215,215,215,215,215,220,222,212,204,199,196,199,204,207,207,202,196,199,209,220,222,215,207,199,202,199,194,194,202,212,217,222,215,207,196,191,204,217,217,212,207,207,207,207,209,215,215,212,212,215,222,222,225,225,217,207,204,209,217,215,207,207,209,215,209,194,190,191,204,212,212,207,202,204,212,215,212,202,191,141,186,194,196,194,187,187,194,207,215,212,209,209,217,228,209,128,126,189,215,217,212,204,199,199,207,209,202,189,186,189,199,204,207,212,215,222,225,222,215,209,202,202,204,212,215,215,215,215,215,209,204,199,194,123,125,194,196,141,138,139,191,194,191,143,141,141,189,196,202,207,212,215,212,202,191,191,189,189,196,199,199,196,192,194,199,202,209,220,228,230,230,215,199,196,199,199,196,194,194,194,196,202,204,204,202,202,199,196,194,196,199,194,191,194,191,190,191,196,199,204,204,199,199,202,199,196,194,191,186,139,139,186,196,204,204,196,186,185,191,202,209,212,215,217,222,222,225,228,228,228,228,228,228,228,228,228,225,212,191,179,181,186,186,186,181,135,134,135,137,137,136,178,183,186,177,176,199,207,202,199,199,196,191,183,131,129,133,131,119,119,127,133,189,199,215,217,212,202,186,96,87,109,133,181,196,204,209,209,207,202,196,194,191,187,189,194,196,196,181,98,93,102,115,125,129,125,127,181,196,204,212,217,217,215,209,204,202,204,207,209,212,212,215,212,204,189,135,135,183,189,189,186,189,191,196,202,207,207,202,194,191,196,199,196,196,199,199,194,189,181,133,131,135,186,191,191,194,196,199,202,204,204,202,199,199,194,189,178,133,135,181,186,191,196,199,196,194,194,199,202,199,196,196,199,196,189,181,178,135,133,132,133,134,134,135,186,202,209,215,215,222,225,222,215,209,123,94,102,183,194,196,196,191,186,189,191,191,181,176,135,183,181,183,196,196,186,178,177,181,186,189,191,194,196,199,196,187,179,186,199,204,194,183,189,194,196,204,207,199,87,99,117,137,183,183,186,196,207,215,217,215,212,204,202,202,204,207,207,207,202,202,202,204,204,199,198,198,199,204,207,209,207,204,202,202,199,196,196,191,189,189,189,135,126,126,133,186,186,133,126,129,178,181,135,132,133,135,133,129,128,131,135,183,191,202,207,207,209,209,207,207,209,209,215,222,225,222,212,204,199,199,204,209,209,204,202,204,207,209,209,212,217,222,222,225,228,230,225,222,217,212,209,207,212,215,212,209,209,209,209,209,209,212,212,215,225,230,233,233,233,230,230,225,222,217,209,204,204,202,199,199,202,207,207,204,204,204,204,209,215,222,225,228,228,230,230,228,222,217,215,215,212,209,208,209,212,215,215,215,215,215,215,217,217,215,215,217,217,217,215,215,215,215,212,212,211,211,212,217,217,222,222,217,217,215,217,222,225,225,228,228,228,230,233,235,238,238,238,241,241,238,238,238,238,241,243,241,238,235,233,230,228,225,225,222,217,217,222,225,225,222,222,220,215,212,207,204,202,199,199,199,199,198,198,199,204,207,209,215,215,217,217,215,212,209,212,217,228,233,233,230,233,233,233,233,235,230,225,222,225,225,225,222,222,222,222,222,217,215,215,215,212,209,207,204,204,202,202,204,204,204,204,202,202,199,199,199,199,202,202,199,196,191,191,194,196,199,202,204,209,217,230,0,0,0,0,0,0,0,0,0,0,0,0,212,212,0,0,0,0,255,251,0,0,0,0,202,183,173,160,155,163,165,155,152,233,235,241,241,238,230,226,228,233,230,215,215,217,217,217,217,217,222,222,222,222,218,218,218,222,225,222,215,213,213,215,215,215,217,217,215,212,207,205,205,207,209,209,207,207,207,204,204,202,202,202,199,196,191,189,141,140,140,140,183,189,191,196,196,196,194,191,191,191,194,196,199,199,196,194,194,196,202,204,207,209,207,207,204,200,200,204,204,203,203,207,212,212,209,207,204,204,204,204,207,202,194,189,189,191,194,199,202,204,207,207,207,196,137,131,139,191,199,202,202,202,202,204,204,209,212,217,222,228,228,228,222,215,215,215,215,215,217,222,73,59,47,59,59,53,47,57,71,81,111,111,113,111,65,13,0,0,0,43,57,7,0,0,0,113,152,124,116,116,124,129,111,57,0,0,7,11,0,0,0,0,0,0,0,0,0,0,0,0,0,31,163,142,83,89,134,157,176,212,251,255,255,217,97,63,55,51,51,77,111,152,165,191,204,170,144,176,222,241,225,222,207,189,225,0,0,255,255,255,220,142,61,25,13,7,0,1,3,0,0,0,0,0,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,137,194,233,243,251,243,235,235,246,255,255,255,255,255,255,255,248,217,212,228,235,209,134,1,0,0,0,0,0,0,0,0,19,41,35,15,3,3,0,23,90,124,121,134,168,196,220,230,228,209,199,212,220,212,191,157,139,165,196,202,170,126,116,0,0,0,0,0,7,61,103,108,108,131,0,0,0,178,118,23,0,0,0,0,0,0,0,0,0,0,0,15,173,217,230,199,168,150,142,137,126,142,152,144,85,73,69,75,87,131,144,144,150,165,176,181,176,165,103,85,65,39,13,2,2,17,57,89,109,170,176,176,170,170,165,157,160,170,181,189,183,176,183,196,196,196,196,183,147,79,75,137,173,142,77,77,77,53,31,19,7,0,0,0,0,0,0,0,0,0,0,142,183,204,181,137,124,160,212,225,209,199,189,157,81,54,57,101,176,181,150,68,61,85,163,173,161,157,159,170,178,178,168,163,163,165,163,147,97,97,97,95,91,91,99,101,93,83,71,66,70,83,91,93,93,134,91,65,55,45,37,47,79,121,134,73,26,29,41,49,61,65,73,79,85,89,118,87,75,73,85,126,83,45,15,19,47,79,137,139,79,57,58,59,63,77,105,103,105,103,92,92,105,108,95,45,11,0,0,0,0,0,0,0,0,0,0,0,1,7,23,47,55,53,52,53,67,108,129,129,129,91,85,87,87,71,51,45,77,155,170,173,169,183,215,194,93,64,63,71,85,95,121,63,67,111,67,62,65,98,90,51,19,9,5,0,0,0,0,0,0,0,0,0,19,40,23,9,0,2,43,51,23,13,13,17,21,21,17,17,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,0,0,0,0,0,19,33,43,53,59,61,71,77,71,69,139,178,183,152,133,131,144,170,181,178,147,81,68,69,67,61,57,53,55,63,65,69,83,124,87,93,137,147,147,131,77,63,55,58,71,85,89,85,83,87,89,87,83,89,129,126,91,85,124,131,131,121,77,67,67,75,77,73,63,61,61,61,63,67,75,73,63,63,61,61,63,67,73,65,49,23,3,0,11,35,61,61,61,65,71,108,147,173,186,199,199,194,194,202,212,220,238,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,124,103,69,33,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,46,64,61,46,29,43,29,15,3,0,9,21,29,33,35,41,47,49,72,49,49,57,55,35,23,19,19,21,21,23,33,49,73,73,57,35,23,29,57,124,160 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,176,181,186,194,202,204,204,207,204,202,194,190,191,199,204,209,209,196,139,37,7,23,33,0,0,35,0,124,126,31,0,0,0,15,21,0,0,0,0,0,0,33,150,186,191,181,170,163,160,157,150,147,163,165,150,144,142,142,139,129,137,118,105,108,98,0,0,1,0,0,0,87,63,0,0,0,7,53,57,69,91,97,137,173,204,215,215,211,212,217,217,215,212,212,212,209,209,209,212,209,205,205,209,215,217,220,217,209,183,164,166,173,178,176,173,174,186,199,202,191,178,129,123,122,121,129,183,189,191,194,191,189,183,178,178,183,186,183,181,189,196,196,186,174,173,181,194,199,202,204,204,199,191,191,194,196,191,186,186,189,189,189,191,196,202,204,204,202,196,195,195,195,196,202,212,215,215,215,217,222,222,217,215,215,213,213,215,222,222,215,209,207,207,204,207,207,209,209,207,202,207,215,222,212,196,194,199,199,192,191,194,204,212,215,212,204,196,191,204,215,217,207,202,202,204,204,209,215,215,212,209,209,212,215,222,225,222,209,205,212,217,212,202,199,204,207,202,191,189,196,209,220,217,207,199,199,204,207,202,194,189,186,191,196,196,191,187,186,189,196,199,196,191,194,204,215,209,143,141,209,217,217,209,204,199,199,204,207,202,189,185,187,196,204,207,209,212,217,222,222,215,207,202,202,207,212,212,204,199,202,207,207,199,191,143,124,127,191,191,141,141,143,191,191,189,191,196,202,207,204,204,209,215,212,207,194,141,143,141,141,191,191,194,196,196,202,202,199,202,212,222,225,215,199,191,194,199,196,191,190,191,196,199,204,204,199,194,194,194,194,194,196,202,207,204,199,191,189,190,194,199,204,202,194,196,204,207,204,196,189,139,139,141,186,191,202,209,204,191,185,189,196,204,207,207,212,222,225,225,225,225,225,225,225,225,225,225,225,222,212,196,186,191,194,194,189,181,134,134,135,137,136,135,135,181,183,183,189,196,202,202,199,199,194,183,127,123,131,181,181,131,119,115,121,196,212,222,215,207,194,131,102,111,215,202,196,199,207,209,209,204,199,196,194,191,189,189,189,186,183,131,95,80,103,125,123,121,122,129,189,207,215,222,222,222,217,215,212,207,204,204,204,207,209,209,207,199,183,135,178,183,189,189,189,191,194,196,199,202,202,196,190,190,194,196,196,196,199,199,199,196,194,186,183,186,191,191,191,194,196,199,202,202,202,202,199,196,196,194,181,132,133,135,183,191,194,194,191,189,191,196,199,196,194,194,196,194,189,183,181,181,178,135,134,134,134,178,189,202,212,217,217,217,222,222,215,204,123,98,105,191,202,204,204,196,189,189,191,186,176,133,181,186,186,181,181,181,178,178,181,186,186,186,189,191,191,194,199,202,191,196,204,204,196,186,183,191,194,202,204,212,100,115,133,186,186,181,178,183,202,215,222,222,217,212,209,207,207,207,207,202,200,199,200,202,202,199,198,196,199,204,209,209,209,207,207,207,207,202,199,194,189,189,194,186,130,130,181,194,191,178,127,129,178,183,178,135,135,133,129,127,128,130,133,137,183,191,199,204,204,207,202,204,212,212,215,217,222,222,217,212,209,207,209,212,209,204,202,202,207,212,215,217,217,222,222,222,222,225,228,228,228,225,215,215,217,222,217,215,212,212,212,212,212,215,215,222,225,228,230,233,235,235,235,230,230,225,212,207,207,204,200,202,209,215,212,207,204,204,204,207,212,215,222,225,228,230,230,230,225,215,213,215,215,212,209,208,208,215,222,222,215,212,215,217,215,212,215,217,222,222,222,217,217,215,215,212,211,211,212,215,220,222,222,217,215,212,215,222,228,228,228,228,230,230,233,235,238,235,238,238,238,238,237,238,238,241,241,241,238,235,233,230,228,225,222,217,217,216,217,222,222,217,217,217,217,212,209,209,204,202,199,199,199,199,199,199,202,207,209,212,212,212,212,212,212,212,215,222,228,230,233,230,233,233,233,235,233,230,225,225,228,228,228,222,220,222,222,222,217,215,212,212,212,212,209,207,204,202,202,204,207,207,204,202,199,199,196,196,199,202,202,204,202,199,194,194,196,199,202,202,209,222,230,233,0,0,0,0,0,0,0,0,0,0,0,217,204,0,0,0,248,251,248,246,251,0,0,215,204,196,183,160,155,153,150,150,220,228,243,248,243,235,226,226,230,233,228,225,225,222,217,215,215,217,225,228,225,222,220,222,225,225,222,215,213,213,215,217,217,220,217,217,212,209,207,207,209,212,212,209,209,207,207,204,204,202,202,199,196,191,186,141,141,141,186,186,186,191,196,199,199,199,194,191,190,194,196,199,199,196,194,194,196,202,204,209,209,209,207,204,202,202,207,207,203,203,209,212,212,209,207,204,204,207,207,207,202,194,191,191,194,196,196,199,202,204,204,202,196,139,135,143,196,202,204,204,204,204,207,209,215,217,222,225,228,228,228,222,217,215,215,215,215,217,222,67,47,27,45,53,41,33,47,61,71,75,71,75,111,111,63,0,0,0,11,31,0,0,0,0,33,87,85,85,82,49,27,0,0,0,0,33,33,0,0,0,0,13,53,47,15,0,0,0,0,0,5,67,83,87,131,144,163,165,165,204,254,254,183,42,25,26,36,44,77,165,189,191,204,212,204,186,194,222,235,222,207,207,207,238,255,255,255,255,255,230,108,25,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,100,147,204,235,251,254,243,239,246,254,255,255,255,255,255,255,255,255,225,233,254,255,246,186,65,0,0,0,0,0,0,0,0,0,0,0,0,0,15,0,23,82,131,150,178,217,230,235,235,238,248,241,230,230,230,212,181,168,176,191,183,139,73,59,0,0,0,0,0,0,39,103,113,116,142,0,0,0,196,168,129,19,0,0,0,0,0,0,0,0,0,0,0,95,196,212,202,183,165,152,142,142,126,126,121,85,79,79,85,95,131,144,144,150,163,170,170,157,134,77,65,53,35,13,0,0,7,37,69,99,160,176,170,157,157,113,113,160,165,173,173,163,163,176,189,191,189,189,170,91,59,37,67,121,77,62,71,121,108,51,5,0,0,0,0,0,0,0,0,0,0,69,150,147,144,137,116,89,160,212,217,209,186,163,99,60,49,53,95,176,178,91,67,68,111,183,181,165,159,163,168,168,168,168,163,157,157,155,147,105,97,93,87,87,89,93,97,95,91,81,71,75,89,126,134,129,134,91,75,75,65,43,39,59,79,85,59,24,22,29,49,67,79,79,83,89,118,118,77,67,65,73,81,73,51,31,39,69,137,160,152,116,71,75,83,81,75,79,105,103,59,39,49,92,103,87,51,39,27,9,0,0,0,0,0,0,0,0,0,1,0,0,11,31,53,63,69,105,121,129,129,118,73,64,59,61,65,71,79,103,157,170,173,173,191,202,176,83,67,70,95,155,178,196,186,165,155,113,100,100,100,98,57,33,11,9,0,0,0,0,0,0,0,0,0,0,53,51,15,0,0,21,43,27,13,0,15,21,27,23,17,0,0,0,0,0,0,0,0,0,0,0,0,5,11,0,0,0,0,0,0,19,19,29,43,55,51,33,21,15,19,75,170,196,178,147,138,150,168,181,176,147,87,73,73,71,67,61,55,55,59,65,69,81,87,83,85,134,147,144,137,81,65,56,58,67,77,83,75,73,71,79,69,71,85,129,137,93,89,124,131,131,124,85,73,67,75,81,75,63,63,61,69,67,75,81,77,65,58,58,61,67,75,81,73,49,25,9,0,7,29,53,59,61,71,71,83,124,163,183,194,194,183,178,189,202,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,118,87,53,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,56,77,77,56,43,46,29,17,9,9,15,23,29,33,37,47,77,95,95,82,74,82,57,35,21,18,19,21,21,27,41,59,103,103,69,49,35,43,75,139,173 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,100,168,202,191,191,199,202,204,207,207,207,202,191,187,190,199,204,207,209,209,194,53,0,0,15,15,15,49,55,47,43,41,23,0,0,0,27,27,0,0,0,0,0,0,103,144,168,168,160,163,170,183,189,181,183,183,189,196,178,144,60,60,134,124,124,196,217,0,0,3,0,0,0,111,139,67,0,0,0,45,61,87,131,137,165,191,209,217,217,212,212,215,215,215,212,212,209,209,209,209,212,209,207,207,209,215,217,222,222,212,181,163,166,176,178,176,174,176,181,191,191,178,125,123,125,123,119,120,127,176,189,199,199,194,186,178,176,181,186,183,178,181,189,191,181,176,176,183,186,189,194,199,199,196,191,191,196,196,191,186,186,186,186,189,196,204,207,207,204,202,199,196,195,195,196,207,215,217,217,217,217,222,222,222,217,217,215,215,215,217,217,212,209,209,212,209,207,207,212,215,209,202,202,207,212,204,191,190,196,196,192,191,192,202,209,212,209,204,196,194,204,215,212,199,194,196,196,202,212,215,212,209,207,207,207,212,222,225,222,209,207,209,212,204,199,198,202,207,204,191,190,196,207,215,212,204,196,194,196,194,191,191,191,191,194,196,196,191,189,187,187,189,189,187,186,187,196,209,217,225,230,228,217,212,207,204,202,199,202,202,194,187,187,199,209,209,207,204,207,215,215,215,209,204,199,202,207,209,207,196,190,191,204,207,202,191,143,134,139,194,140,138,189,204,209,199,191,194,204,212,215,215,209,215,217,212,204,191,141,143,141,141,189,189,191,196,199,204,204,198,198,204,209,209,196,185,186,191,191,190,187,189,191,199,204,207,204,192,190,191,194,194,196,196,199,202,199,196,191,190,190,191,199,204,196,191,194,204,207,207,196,141,139,186,191,191,194,204,212,212,199,191,191,196,202,199,199,204,215,222,222,222,222,222,222,222,222,222,222,222,215,212,207,202,204,204,196,189,181,137,181,186,189,186,181,178,181,181,186,194,199,202,204,202,196,186,129,119,120,181,194,194,189,115,110,113,204,217,217,207,196,181,127,125,202,217,207,202,202,204,207,204,199,194,191,191,189,186,186,179,177,181,181,125,97,135,135,122,121,133,199,212,217,222,225,222,222,217,217,215,209,207,204,202,199,199,199,196,191,137,134,135,181,183,186,189,187,189,191,191,194,196,191,189,191,196,199,196,196,202,204,204,207,204,196,186,183,189,191,191,194,196,199,199,202,202,199,196,191,196,199,186,133,132,132,178,186,191,189,186,186,189,196,199,196,194,194,194,189,181,179,181,186,189,186,178,135,181,191,199,207,215,217,217,217,215,212,204,131,115,107,125,194,204,207,207,199,194,191,191,181,132,133,183,191,191,183,178,177,178,181,194,189,183,183,186,189,189,191,199,204,202,204,204,202,199,186,181,183,186,191,196,204,99,127,199,196,191,181,174,176,194,212,215,215,215,212,209,209,209,207,204,202,200,200,200,202,202,202,199,199,202,207,212,212,212,212,209,209,207,204,199,191,183,189,194,194,183,178,186,191,189,178,130,131,181,183,181,181,181,135,131,131,135,181,137,135,137,186,194,204,204,202,191,194,212,215,215,215,215,217,217,217,215,212,212,215,215,207,202,202,207,215,225,225,217,222,222,217,217,217,222,228,228,225,222,222,225,228,222,217,212,209,209,212,215,217,222,222,222,225,228,233,235,238,235,233,233,228,217,215,217,217,215,215,222,225,217,212,209,209,209,209,209,212,217,225,228,228,228,228,222,215,215,217,222,222,217,212,209,215,225,222,212,212,217,217,215,212,212,217,222,225,225,222,217,215,212,212,212,212,215,217,222,222,222,217,212,211,212,225,228,228,228,228,228,230,233,235,235,235,235,238,238,238,238,238,238,238,238,238,238,235,233,230,228,225,222,217,216,216,217,222,222,215,215,215,215,212,212,209,204,199,196,196,196,196,196,199,202,207,209,209,209,204,204,209,212,215,217,222,228,230,233,233,233,235,235,235,235,230,228,228,230,230,228,225,217,217,217,217,215,212,212,212,215,212,212,209,204,202,202,204,207,207,207,202,199,196,196,196,196,199,202,204,204,204,199,196,194,196,196,199,209,220,225,230,235,0,0,0,0,0,0,0,0,0,0,225,204,0,0,0,0,246,254,248,246,0,0,225,225,217,202,176,153,152,151,152,199,202,235,248,246,241,230,228,228,228,228,225,225,222,217,212,207,212,222,228,228,225,222,225,228,228,225,215,215,215,215,217,225,225,222,217,215,212,209,209,212,215,215,212,212,209,209,207,207,204,204,202,196,189,186,141,141,189,191,186,186,191,196,202,204,202,196,191,191,194,196,202,202,196,191,191,194,202,207,209,209,209,209,207,202,204,207,207,204,204,212,215,215,209,207,207,207,209,209,207,202,196,194,196,199,196,195,199,202,199,196,194,196,194,194,194,199,207,209,209,209,209,212,215,217,222,222,225,225,225,222,217,217,217,217,217,217,217,222,59,31,24,27,27,13,15,33,53,67,67,59,65,111,131,129,25,0,0,0,11,0,0,0,0,0,13,21,27,15,0,0,0,0,0,0,57,51,0,0,0,0,59,111,113,67,61,55,21,0,0,0,0,0,29,69,134,165,165,161,183,238,233,173,71,33,36,43,43,51,93,160,165,173,183,186,189,199,222,241,222,196,194,212,233,254,255,255,255,255,157,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,53,111,150,196,230,243,251,248,248,254,255,255,255,255,255,255,255,255,248,233,241,255,255,255,220,150,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,90,165,207,233,243,235,238,235,248,255,255,230,222,222,196,176,173,183,191,176,147,91,91,55,0,0,0,0,0,27,126,150,165,186,0,0,0,204,194,183,126,0,0,0,0,0,0,0,0,0,0,0,0,85,173,183,183,168,157,152,142,126,118,111,118,118,121,129,131,147,163,165,165,165,157,101,89,63,37,39,53,53,35,9,4,11,37,73,101,165,176,163,111,103,103,107,113,160,160,160,160,160,163,181,196,202,191,150,59,20,6,19,49,69,66,77,129,126,75,1,0,0,0,0,0,0,0,0,9,75,150,150,126,126,126,83,85,155,196,215,209,176,85,73,65,65,85,144,150,91,69,77,107,191,215,196,181,178,181,170,152,148,151,157,157,157,147,150,144,107,97,89,87,87,85,87,93,131,97,89,89,131,137,134,85,91,121,89,126,87,55,37,45,69,79,63,28,23,27,49,73,85,85,83,83,85,81,69,65,67,67,53,45,39,31,51,87,155,165,147,118,85,131,150,129,77,75,103,71,41,31,40,100,108,90,59,85,90,37,0,0,0,0,0,0,0,0,0,0,0,0,5,39,92,108,113,121,129,131,121,77,67,61,57,58,65,89,99,105,144,160,189,199,212,194,150,83,93,150,178,189,204,220,217,191,157,124,103,95,92,90,82,39,15,7,0,0,0,0,0,0,0,0,0,0,74,74,40,0,0,21,51,43,19,0,15,23,31,35,17,0,0,0,0,0,0,0,0,0,0,0,0,0,23,11,0,0,0,0,29,51,33,29,53,59,43,7,0,0,0,49,150,199,199,170,155,155,168,178,165,147,87,75,75,79,77,73,63,61,65,67,69,75,87,81,85,134,147,150,139,91,69,58,59,69,83,83,73,65,65,63,65,71,89,131,137,126,91,124,131,134,129,87,77,75,79,85,81,73,67,71,69,69,79,113,81,65,58,58,61,71,81,81,73,57,33,19,9,11,25,47,61,65,73,77,77,116,147,170,189,183,176,165,178,191,202,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,111,87,43,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,56,90,90,64,53,46,29,17,9,11,17,27,33,37,43,64,90,103,103,90,77,87,77,41,21,19,23,27,23,27,41,65,105,113,105,69,49,63,87,147,178 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,178,183,194,194,194,194,196,199,202,204,207,207,204,202,196,191,194,202,204,204,207,209,207,95,0,0,0,23,33,79,71,59,41,43,98,15,0,0,0,53,35,0,0,0,0,0,3,116,137,139,160,176,186,199,204,202,196,194,199,204,204,199,118,50,63,90,113,209,255,13,0,11,9,0,0,95,131,142,126,105,108,41,23,87,147,137,186,202,215,217,217,215,212,212,215,217,215,212,209,207,207,207,207,209,207,207,209,212,222,217,217,209,196,178,178,181,181,178,176,178,181,178,178,125,115,121,127,129,119,118,123,170,189,196,202,194,186,178,176,181,183,183,176,131,173,133,133,186,191,191,183,181,183,191,194,194,191,189,194,194,189,186,189,189,189,191,199,207,209,207,204,204,202,199,196,196,202,209,217,217,217,217,217,217,222,222,222,222,222,217,215,209,207,207,207,207,209,212,212,209,209,209,204,195,195,199,196,194,191,191,195,196,196,194,199,207,212,215,212,207,202,202,209,212,196,187,191,194,196,209,225,204,196,204,209,215,217,217,222,225,222,212,207,207,204,198,198,202,209,217,215,202,191,191,199,207,207,199,196,191,186,186,186,189,196,199,199,194,191,191,189,187,189,189,187,187,189,199,207,209,217,228,233,230,222,212,207,207,202,199,199,199,194,189,202,217,225,222,207,200,202,207,207,204,199,196,196,199,202,202,199,194,190,191,202,209,207,196,139,138,139,143,140,140,194,209,212,199,194,202,215,222,222,222,217,217,215,212,204,191,141,141,143,196,199,196,199,202,202,202,202,199,199,202,202,194,187,186,189,191,189,187,189,194,204,207,212,209,204,194,191,192,196,196,194,189,189,191,194,194,191,191,191,194,199,202,194,190,191,199,202,202,186,139,191,204,209,199,199,204,212,212,207,196,196,199,202,196,190,191,199,209,209,207,209,212,217,220,222,222,222,217,209,204,204,207,207,204,196,186,181,183,191,199,202,202,194,186,178,181,186,194,199,204,207,199,189,133,119,118,131,194,202,204,196,115,109,121,212,222,209,196,186,133,127,131,194,207,207,202,196,202,204,199,194,191,189,189,189,189,183,176,176,181,186,137,131,129,127,127,133,194,209,215,217,222,225,225,225,222,217,215,209,209,204,196,191,189,189,186,183,135,134,135,181,181,186,189,187,189,191,191,191,191,191,194,202,204,202,199,199,202,207,207,209,212,202,178,178,189,194,191,194,194,196,199,202,202,194,189,183,194,196,186,178,133,135,181,186,189,186,181,181,186,194,194,191,191,194,191,186,179,181,183,189,191,186,178,178,189,199,207,209,212,215,215,215,209,204,191,107,107,113,123,178,194,202,202,196,191,191,189,178,130,132,186,194,196,191,179,178,181,189,194,186,183,186,189,189,189,191,196,199,202,202,199,199,199,189,178,177,181,189,199,191,129,178,194,199,196,191,178,177,186,204,207,204,204,202,202,204,207,207,204,204,202,202,202,202,204,204,204,202,204,207,212,212,212,212,209,204,202,199,196,186,178,181,189,191,189,183,181,181,181,176,131,133,176,178,181,181,178,135,178,181,189,191,181,133,134,186,199,204,207,199,141,139,199,215,217,217,217,215,215,217,217,215,215,217,217,209,199,199,207,215,225,225,222,222,220,217,215,215,217,222,222,220,220,222,225,225,222,220,209,207,207,212,217,217,215,215,215,217,225,230,235,235,233,230,230,230,225,222,225,225,225,225,230,230,225,217,215,215,215,215,217,215,217,225,225,225,228,228,225,222,225,228,228,225,225,217,212,215,222,222,212,212,222,222,215,212,215,217,222,222,225,225,222,215,212,212,215,217,217,220,222,222,217,212,211,212,217,225,230,228,225,222,222,225,228,233,233,230,233,235,238,238,241,241,241,241,238,238,238,235,233,230,228,225,222,220,220,222,225,222,217,215,215,215,215,212,209,207,204,202,199,196,196,196,196,199,202,204,207,207,204,200,200,204,209,215,217,225,225,228,230,230,233,233,235,235,235,233,230,230,230,230,228,222,217,215,215,215,215,215,215,215,215,212,212,209,207,204,204,204,207,207,207,202,199,196,195,196,196,196,196,199,204,207,202,196,191,191,191,196,204,212,222,228,0,0,238,241,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,230,215,194,183,181,176,168,168,176,196,238,243,241,235,228,225,225,225,225,225,222,217,209,199,202,215,225,228,228,222,225,228,230,225,222,222,222,217,217,225,228,225,222,220,215,212,212,215,217,215,212,212,212,209,209,207,204,204,202,196,191,191,189,186,189,191,191,189,191,196,202,207,204,202,196,194,194,194,199,202,196,190,190,194,202,207,207,207,207,207,207,204,207,207,207,207,209,215,217,217,215,209,209,209,209,209,207,204,199,199,202,202,196,195,196,199,199,194,192,194,199,202,199,199,204,207,212,212,215,215,217,222,222,222,222,222,222,217,217,215,215,217,222,217,217,217,53,33,27,27,5,0,0,27,59,69,63,51,53,100,137,168,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,90,13,0,0,0,43,103,126,129,103,95,67,49,1,0,0,0,0,29,89,181,189,161,160,189,199,178,165,173,157,73,46,43,67,91,103,165,152,103,111,155,178,194,194,183,178,178,196,228,255,255,255,189,51,0,0,0,0,0,13,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,53,116,152,181,204,220,230,241,248,255,255,255,255,255,255,255,255,255,255,248,248,255,255,255,228,150,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,95,176,225,241,235,222,217,222,238,248,243,222,191,173,170,157,157,176,189,194,186,178,176,178,163,51,0,0,0,33,137,173,191,207,228,0,0,209,202,178,98,0,0,0,0,0,0,0,0,0,0,0,0,0,92,165,176,168,168,163,150,142,118,118,129,142,144,150,165,173,173,181,178,155,95,75,45,28,25,35,61,73,59,31,15,15,49,81,107,168,170,155,107,103,101,103,107,147,160,168,173,163,163,176,202,204,204,165,33,13,11,21,43,69,69,69,108,118,55,0,0,0,1,27,0,0,0,0,17,73,144,157,150,144,139,83,81,131,163,191,199,157,59,53,77,105,144,93,35,28,69,105,173,199,207,196,183,181,181,170,152,146,147,157,163,157,155,163,163,157,147,139,95,81,71,70,87,137,144,134,139,150,144,65,39,61,85,124,126,124,63,43,53,75,83,65,45,33,33,51,73,87,118,85,79,77,75,67,69,79,71,47,37,45,55,61,81,155,155,121,85,137,157,152,131,108,73,71,61,40,38,57,108,108,90,90,118,124,49,0,0,0,0,0,31,0,0,0,0,0,11,53,95,108,113,113,124,131,131,85,69,62,61,65,77,89,97,103,101,94,105,173,199,217,212,155,83,142,178,196,202,204,207,207,199,181,147,95,83,90,98,98,57,23,11,0,0,0,0,0,0,0,0,0,0,90,69,40,11,15,31,59,59,33,21,21,25,56,37,11,0,0,0,0,0,0,0,0,0,0,0,0,0,27,17,0,0,0,19,41,41,33,59,61,61,43,7,0,0,0,13,91,186,194,176,155,153,163,170,165,137,81,69,69,75,79,75,67,69,75,77,75,79,81,83,93,142,157,150,144,124,73,59,63,69,75,73,65,53,48,51,63,79,93,131,129,126,121,126,134,139,129,121,85,83,89,89,83,81,79,75,69,69,83,116,81,69,63,67,67,69,75,81,79,65,49,25,17,13,21,35,53,67,75,77,76,83,124,155,183,183,173,163,173,186,199,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,126,116,95,72,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,53,90,98,90,74,56,29,21,11,11,17,27,35,43,64,77,90,98,103,87,87,87,87,43,27,27,41,41,29,29,41,65,111,124,113,81,71,77,131,160,189 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,183,196,194,196,196,192,194,196,199,199,202,204,204,204,204,202,196,196,202,202,202,204,209,209,194,65,0,31,87,121,131,124,79,61,51,37,0,0,0,0,103,157,0,0,1,19,31,53,134,137,142,165,183,191,199,204,207,204,202,202,204,207,207,196,111,61,38,55,238,255,61,0,1,0,0,0,1,98,129,186,178,170,57,18,25,126,178,194,207,215,217,217,217,215,212,215,217,217,215,209,207,207,207,207,207,209,209,212,215,215,217,215,209,191,199,196,189,186,181,176,173,181,186,178,121,114,116,123,173,127,122,125,173,186,194,194,191,183,178,176,176,131,127,129,127,129,129,133,189,196,194,183,178,178,183,189,191,191,189,189,186,185,186,189,191,191,194,202,207,209,207,204,204,202,199,196,199,207,215,217,220,217,215,212,215,222,225,228,228,225,222,215,209,207,209,207,204,204,209,212,212,207,202,199,196,196,196,195,196,199,199,196,199,202,207,209,215,217,222,217,212,209,207,209,207,190,185,191,202,209,222,194,127,135,202,217,225,228,225,225,228,222,212,209,207,199,196,199,207,217,225,217,204,191,187,189,194,196,196,196,189,135,135,141,191,196,199,196,191,189,189,191,194,194,191,189,191,199,207,212,209,212,217,228,230,225,215,209,207,202,199,202,204,207,204,212,225,228,222,207,200,200,202,202,199,196,194,194,194,194,191,191,191,191,191,199,215,217,207,143,138,138,141,143,191,199,204,199,192,194,209,222,225,222,222,215,209,212,215,207,140,137,140,191,204,212,212,215,215,207,199,199,199,199,202,199,194,189,187,189,191,194,196,207,217,222,222,217,215,212,209,202,199,199,199,196,187,186,187,191,194,194,194,191,191,196,199,191,190,194,202,199,133,115,135,207,217,215,207,202,202,207,207,202,196,194,199,199,194,189,190,194,196,196,194,202,207,209,212,212,215,215,212,202,196,199,202,202,199,191,183,183,189,196,204,209,212,207,194,181,181,189,194,199,202,202,194,178,117,115,121,133,191,199,199,189,123,117,183,212,215,202,191,181,133,129,135,189,199,202,196,196,202,199,186,182,186,189,191,194,191,186,179,181,189,189,137,127,125,126,135,194,209,212,215,215,222,225,225,225,222,217,215,212,209,204,194,186,181,181,181,137,134,134,137,183,183,186,189,189,191,196,194,194,194,196,202,204,207,204,199,196,202,204,207,209,212,199,177,177,186,191,191,194,196,196,199,202,199,191,181,135,183,186,181,178,135,178,183,183,186,183,178,177,181,186,186,186,189,191,191,186,181,183,189,191,191,189,186,186,194,204,209,209,207,207,204,204,204,199,186,107,107,105,104,113,129,178,189,191,189,189,186,133,129,130,183,194,199,194,189,189,189,191,191,183,182,186,191,194,194,194,194,194,199,199,196,196,196,189,178,178,189,199,207,199,181,181,189,194,199,196,189,181,186,191,186,186,186,183,183,189,199,202,202,204,204,202,202,204,207,207,207,204,204,204,207,209,209,207,202,196,194,194,191,183,178,178,181,186,189,186,181,135,133,131,131,131,131,133,176,178,135,133,178,183,191,191,181,133,134,189,199,207,212,209,194,135,139,209,222,222,217,215,215,222,222,222,222,217,209,143,140,194,209,215,222,222,225,222,222,217,215,212,215,217,215,215,215,220,222,225,225,217,209,205,205,212,217,217,213,211,212,213,222,228,233,233,228,226,228,228,228,225,228,228,228,228,230,230,228,225,222,222,217,215,222,225,225,225,225,225,230,230,228,225,228,228,225,225,225,220,215,215,220,215,209,209,217,217,215,212,212,217,220,222,225,222,217,212,209,212,217,222,222,222,222,222,215,212,212,215,222,228,228,222,217,215,217,222,225,228,228,228,230,233,235,238,238,241,241,241,238,238,238,235,235,230,230,228,225,222,222,225,228,225,220,215,215,215,215,212,207,204,202,199,199,199,196,199,199,199,202,202,204,207,204,202,200,202,204,212,217,222,225,225,225,228,230,230,233,235,235,235,235,233,233,230,225,222,217,215,215,217,217,215,215,212,212,212,209,209,207,207,204,204,204,207,207,204,199,196,196,196,196,195,195,196,202,204,199,194,190,189,190,194,199,207,215,225,0,0,246,248,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,215,212,212,207,189,170,165,170,202,228,238,238,230,225,225,228,230,230,225,217,209,199,199,212,225,230,230,225,225,228,228,228,225,228,222,212,212,222,225,222,222,222,217,215,212,215,217,215,212,209,212,212,209,207,204,204,202,199,199,196,194,189,189,194,194,194,196,199,204,207,207,202,196,194,192,192,196,199,196,190,189,191,202,207,204,204,204,204,204,204,207,207,207,207,212,215,217,217,215,212,212,209,209,209,209,207,202,202,204,204,202,199,196,199,199,196,194,196,202,204,202,199,202,204,209,212,215,217,217,222,222,217,217,217,217,215,212,209,212,215,215,215,215,215,43,35,47,35,1,0,0,27,57,61,53,35,35,67,126,168,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,21,0,0,0,0,27,65,92,59,60,67,55,23,0,0,0,0,0,61,178,207,176,155,161,176,178,191,212,194,107,67,59,85,113,173,202,176,98,95,102,105,101,137,134,97,129,147,170,204,241,233,108,35,0,0,0,0,7,17,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,51,108,144,170,178,194,212,220,233,243,251,251,255,255,255,251,251,255,255,255,248,248,255,255,248,160,47,1,0,0,0,0,0,0,0,0,0,0,0,0,0,7,79,157,207,228,220,199,196,209,225,230,222,189,155,139,147,152,150,146,160,186,228,243,235,217,225,191,49,0,0,59,147,181,207,222,233,235,235,209,194,165,63,0,0,0,0,0,0,0,0,0,0,0,0,0,51,147,168,160,168,168,160,144,142,142,147,152,152,152,157,165,173,178,165,95,75,59,45,31,28,37,65,85,79,65,49,41,61,89,155,173,155,109,105,105,102,101,101,105,160,178,183,173,173,178,194,199,204,194,41,18,27,39,47,51,53,47,55,61,33,0,0,0,11,29,1,0,0,0,11,21,51,131,150,150,131,69,53,63,121,160,173,142,61,45,67,155,105,20,16,28,99,163,181,196,196,183,181,178,181,170,163,151,155,165,165,157,160,163,170,170,168,157,137,85,63,63,79,134,150,144,142,142,85,37,32,41,71,89,121,121,77,63,67,85,87,73,59,51,55,65,79,118,118,85,77,71,69,69,79,87,79,57,47,55,71,75,87,137,147,118,81,85,150,170,157,71,37,51,65,59,65,100,111,100,98,105,131,129,43,0,0,0,0,35,144,5,0,0,0,27,116,129,129,124,121,124,126,131,129,77,65,64,64,71,91,99,134,139,99,90,95,147,173,202,222,183,107,150,181,196,191,190,191,199,207,204,165,105,90,100,105,113,98,41,3,0,0,0,0,0,0,0,0,0,0,90,59,19,0,13,31,59,64,53,29,29,35,61,37,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,27,39,53,103,79,71,57,13,0,0,0,5,73,168,183,170,160,157,163,168,155,95,75,61,58,65,71,67,63,65,77,87,83,81,85,85,93,147,160,155,150,137,79,65,63,67,69,65,55,48,46,51,65,87,126,129,124,120,121,134,142,139,134,124,87,87,89,89,89,83,83,79,71,69,79,116,81,73,73,75,71,69,79,83,83,73,57,35,23,19,21,35,53,69,77,77,77,81,116,144,170,173,165,155,157,165,178,202,228,0,0,0,0,0,0,0,0,0,0,0,0,160,150,131,118,105,79,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,43,79,105,113,103,77,46,23,15,17,21,23,29,43,64,77,90,98,98,90,87,95,90,49,33,35,49,47,35,33,43,65,105,113,113,81,81,116,147,178,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,181,204,202,199,199,196,192,194,199,199,199,199,199,199,202,204,204,199,196,196,199,199,202,204,207,209,178,55,69,87,126,152,155,142,124,69,0,0,0,0,0,7,113,3,0,73,59,63,118,144,144,147,170,189,194,194,196,202,207,204,199,199,202,204,209,220,209,65,43,111,118,65,0,0,0,0,0,0,35,105,181,191,199,178,39,17,20,165,199,209,215,215,215,215,215,215,215,215,217,215,212,209,209,209,207,207,209,209,215,215,215,217,217,196,23,196,202,194,191,183,173,121,173,191,183,123,115,115,123,189,199,189,173,178,186,181,181,183,181,178,178,176,127,123,125,127,173,173,178,186,191,191,186,178,178,178,183,189,191,191,186,185,185,189,191,194,194,194,199,204,207,207,207,204,199,194,194,202,207,212,217,217,217,212,208,209,217,228,230,230,225,217,215,215,215,217,212,207,202,204,209,212,204,196,196,204,207,202,202,209,215,212,202,199,207,217,217,217,217,217,217,215,209,207,207,204,191,190,207,215,222,228,123,120,126,209,228,230,230,228,228,228,225,215,212,212,207,199,202,207,215,217,215,202,191,186,186,189,194,199,194,135,129,132,189,196,196,194,194,194,191,191,196,204,202,194,191,196,204,209,212,207,204,209,222,230,228,215,207,204,199,199,202,209,209,207,212,217,222,215,207,202,202,202,199,196,199,199,196,194,190,187,189,191,194,191,199,215,217,204,143,138,138,186,196,202,204,204,194,192,196,212,225,225,222,217,209,202,204,217,209,136,135,141,199,215,225,225,228,225,209,202,199,196,196,199,196,194,191,189,189,194,204,215,225,230,230,228,222,215,212,217,212,202,199,204,202,191,187,187,191,196,196,196,191,186,189,191,191,194,207,217,233,108,81,113,217,217,212,202,196,199,199,199,194,191,191,196,196,194,191,190,191,194,192,194,199,204,204,204,202,202,202,199,191,189,191,196,196,194,186,183,186,191,196,202,209,212,212,202,181,135,186,191,194,199,194,181,129,112,114,121,127,178,189,186,178,131,176,196,207,202,191,183,181,178,135,135,181,186,189,191,196,202,196,182,181,186,194,194,196,194,191,191,199,199,194,183,131,125,127,189,209,217,215,212,212,217,222,222,222,217,215,215,212,209,204,194,183,135,137,181,135,134,135,186,191,189,189,191,194,199,199,199,196,194,196,202,202,204,204,199,196,199,204,207,209,209,194,176,177,186,191,191,194,196,196,199,199,194,186,135,133,178,178,135,178,178,183,183,183,183,183,181,177,178,181,183,183,186,189,189,186,186,186,189,191,194,194,194,196,204,209,212,207,196,194,196,196,194,194,199,186,123,101,99,107,117,125,176,186,186,186,183,176,129,129,178,191,199,199,199,202,196,189,186,182,182,183,191,196,196,196,194,194,196,196,194,194,191,183,135,183,199,209,217,209,189,183,186,191,196,199,191,183,183,183,135,130,129,129,130,135,186,194,196,199,199,199,202,204,204,207,207,204,202,199,202,204,204,199,191,191,194,194,189,183,181,179,181,183,189,186,181,176,133,131,131,131,131,133,178,178,133,133,135,181,186,189,183,135,137,191,199,207,212,217,204,127,133,209,225,222,217,215,215,222,225,222,225,222,207,139,137,143,204,212,217,222,222,222,222,217,215,212,212,212,212,209,209,215,222,225,225,217,209,207,208,215,222,217,213,211,212,213,222,228,230,228,226,225,228,230,228,228,228,230,230,230,230,228,225,222,225,225,222,222,228,225,225,228,225,225,228,228,228,225,228,225,225,222,225,220,215,215,217,215,209,207,212,212,209,207,209,215,222,225,228,222,217,212,209,212,215,217,217,222,225,222,217,215,215,217,225,228,225,215,209,212,215,217,222,228,228,230,230,233,235,235,235,235,238,238,238,238,238,235,233,233,230,230,228,225,225,228,228,225,222,217,215,215,215,212,207,204,202,199,199,199,199,199,202,202,202,204,204,207,207,204,202,202,204,212,217,222,225,225,225,225,225,228,233,235,238,238,238,235,233,230,225,222,217,217,217,217,217,215,215,212,209,209,207,209,207,204,204,202,202,202,202,202,202,199,199,199,199,196,195,195,196,199,196,190,190,190,190,194,199,204,207,215,0,0,251,254,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,225,222,220,212,196,170,155,150,152,170,207,228,233,233,233,233,233,230,225,217,212,202,199,209,225,230,233,230,228,225,225,225,225,225,217,209,207,212,217,217,222,222,217,215,212,215,215,212,207,204,207,207,207,207,204,204,204,204,204,204,199,194,191,196,199,199,202,204,207,209,207,202,196,194,192,192,196,199,196,190,190,194,202,204,204,203,203,204,204,204,207,207,207,209,212,217,217,217,215,215,212,209,209,209,209,207,202,202,204,204,202,199,196,199,199,199,196,199,202,204,202,202,202,204,207,209,212,215,217,222,222,217,217,217,217,212,207,202,202,207,209,209,212,212,28,31,51,47,13,0,5,43,53,51,35,31,33,61,113,157,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,17,0,0,0,0,45,103,65,63,65,53,35,13,0,0,0,0,13,152,212,196,165,161,176,183,204,222,215,168,91,89,115,202,228,255,228,101,92,105,155,91,73,53,50,71,79,91,147,178,157,75,43,21,5,0,0,7,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,53,108,134,160,170,181,202,212,212,222,241,248,254,255,255,251,255,0,0,255,254,248,255,255,248,199,134,53,17,0,0,0,0,0,0,0,0,0,0,0,0,25,87,150,183,196,196,189,189,196,212,222,199,165,135,124,139,165,160,142,143,183,243,255,233,176,165,183,144,57,57,134,155,181,207,222,222,225,215,209,194,165,108,21,0,9,15,0,0,0,0,0,0,0,0,0,79,139,152,147,157,163,152,144,144,142,134,134,134,134,126,131,147,160,150,95,79,69,59,51,45,53,61,73,79,73,61,55,67,99,168,176,155,105,104,109,144,101,98,105,160,181,183,181,183,194,199,194,204,196,85,41,57,59,47,45,44,46,55,67,53,13,0,0,15,23,0,0,0,5,7,0,0,15,55,75,51,33,29,33,41,85,150,139,67,43,49,85,43,13,16,91,170,181,181,183,194,194,183,178,178,178,168,160,160,176,176,165,155,155,163,181,194,181,144,81,61,61,73,99,139,129,95,89,59,34,31,41,75,85,89,121,121,85,81,87,87,79,71,67,75,81,87,118,118,85,77,71,71,81,121,129,118,77,67,69,79,116,126,134,118,79,57,57,116,168,157,11,0,11,71,113,124,124,111,103,108,131,139,129,43,7,0,0,0,118,165,0,0,0,0,61,126,121,116,131,131,131,137,131,116,71,65,69,69,77,87,97,134,139,139,99,95,105,157,191,222,199,165,170,189,199,196,191,191,199,207,202,170,139,113,113,105,113,105,47,0,0,0,0,0,0,0,0,0,0,48,72,25,11,10,15,23,33,51,51,33,33,61,72,56,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,19,29,69,134,129,121,79,71,31,0,0,0,17,71,157,176,168,165,163,163,165,160,101,75,57,56,59,61,59,51,61,77,89,89,87,87,85,93,144,165,160,157,147,124,73,69,63,63,55,53,48,51,57,69,87,124,121,121,121,126,137,142,142,139,124,118,118,118,89,85,83,87,79,71,61,77,83,77,73,75,79,79,77,83,87,87,79,65,39,31,23,29,35,53,71,79,83,83,81,113,131,157,163,157,150,151,152,157,186,209,0,0,0,0,0,0,0,0,0,0,0,0,0,168,142,124,105,79,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,27,61,103,124,124,98,46,17,13,17,23,23,23,33,64,90,90,90,98,98,98,103,98,57,41,43,55,49,41,35,41,57,69,75,75,75,81,126,157,189,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,183,189,199,202,199,199,196,192,194,199,199,199,198,198,198,199,202,202,202,199,196,196,196,196,199,204,207,202,160,91,67,64,163,165,160,147,118,0,0,0,0,0,0,0,0,0,126,73,105,129,142,144,150,176,194,196,194,194,199,204,202,199,198,199,202,204,215,220,207,33,0,0,0,0,0,0,0,0,0,0,69,134,178,204,222,212,31,7,61,204,212,215,215,215,215,215,215,212,212,215,215,215,212,212,209,207,207,207,207,212,212,215,222,212,117,0,178,194,191,194,191,176,117,120,181,183,125,115,119,178,202,209,196,178,181,186,170,129,173,173,173,178,183,178,127,127,176,183,183,186,183,183,189,189,183,178,177,181,186,191,191,186,185,186,191,194,196,196,196,196,199,202,204,204,204,196,190,194,202,207,207,209,215,215,209,208,209,215,225,230,230,225,222,217,217,222,222,217,212,204,202,202,204,202,199,202,209,212,209,212,222,225,217,202,195,199,215,217,215,212,212,212,209,209,207,207,207,207,209,222,225,225,222,131,124,137,222,233,230,228,228,228,228,225,217,217,217,217,209,202,202,204,209,207,196,189,186,186,189,199,202,191,130,127,137,202,202,196,192,192,196,194,191,199,207,204,194,191,202,209,209,212,207,204,207,222,228,222,212,204,202,199,199,202,204,202,196,199,204,209,209,207,204,204,204,196,194,199,202,199,191,189,189,190,191,194,196,202,207,202,191,141,139,186,194,204,207,207,204,202,196,199,209,215,217,222,217,207,198,202,215,207,138,137,191,209,225,228,228,228,222,209,199,191,189,191,194,194,194,194,194,194,202,212,217,228,230,230,228,228,209,207,212,212,199,199,207,204,196,191,191,194,196,196,194,189,185,186,191,194,202,222,241,255,111,75,103,209,209,196,187,189,191,194,194,191,189,189,191,194,194,191,190,190,194,196,199,202,202,199,199,196,194,194,189,186,183,186,189,191,189,183,183,186,191,196,202,207,212,209,202,125,125,133,183,191,194,189,133,127,119,118,120,123,129,178,183,178,181,191,202,202,191,183,181,183,183,181,178,134,135,181,186,196,199,194,183,186,199,202,196,199,196,194,199,204,202,199,199,196,139,137,194,212,217,217,212,212,212,215,215,215,212,212,212,215,212,207,194,133,127,135,183,137,135,183,194,199,196,191,191,196,199,202,202,199,196,196,196,199,202,204,199,196,199,204,207,207,204,189,177,178,189,191,191,194,196,196,196,196,191,183,135,133,135,135,133,178,183,186,186,183,183,183,183,178,178,181,183,183,183,183,183,186,186,189,189,191,194,196,199,204,209,212,207,202,131,129,189,191,178,181,204,217,183,104,103,113,113,113,129,183,183,186,186,178,130,129,133,191,199,202,207,207,196,186,183,183,182,183,189,196,199,199,196,196,196,196,194,191,186,135,129,181,194,204,215,204,186,181,183,191,196,196,186,133,135,183,181,131,128,128,128,130,135,139,186,189,189,191,194,196,199,202,202,199,196,196,196,196,196,191,190,194,199,196,186,183,186,186,181,183,186,183,181,178,178,176,133,176,176,181,181,181,176,133,131,135,181,183,186,183,186,194,199,204,209,207,117,99,137,222,225,222,217,215,215,222,222,222,225,225,217,196,142,191,202,212,217,217,217,215,215,215,215,215,215,212,209,208,208,209,215,222,225,222,215,212,215,225,228,225,217,215,215,217,222,225,228,226,226,228,233,233,230,230,230,233,230,233,230,225,217,217,225,225,225,228,230,225,222,228,228,217,215,217,222,225,225,225,222,222,222,222,217,217,220,217,209,207,209,207,202,199,204,215,225,230,230,228,225,217,212,209,209,209,212,222,225,225,222,222,222,225,228,228,217,209,207,207,212,217,225,230,230,230,233,233,233,230,228,230,233,233,233,235,235,235,233,233,233,233,230,228,225,228,228,225,222,217,217,215,215,212,209,204,202,199,199,199,199,199,199,204,204,207,209,212,215,212,209,209,212,212,215,217,222,225,222,222,222,228,230,233,235,238,238,235,233,228,222,217,217,217,217,217,217,215,212,212,209,209,207,207,207,204,202,202,202,199,199,202,202,202,202,202,202,199,196,196,199,199,194,191,191,191,194,196,199,199,202,204,217,238,251,251,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,0,0,0,225,217,215,207,194,173,155,144,140,140,150,186,222,235,238,233,228,228,225,222,215,204,196,202,212,225,230,233,228,225,222,222,225,225,215,207,204,209,212,212,215,217,215,212,209,212,215,209,204,200,202,202,202,202,202,204,204,207,207,207,204,199,196,199,202,204,204,207,207,207,204,199,194,194,194,194,196,199,196,194,194,199,202,204,204,204,204,204,204,204,204,207,207,209,212,215,217,217,215,215,212,209,207,207,204,204,202,204,204,204,202,199,196,199,199,202,199,199,202,202,199,196,199,202,207,209,209,212,215,217,217,215,215,215,215,209,202,194,191,191,196,199,207,209,24,28,45,51,33,19,27,51,51,45,34,33,41,63,111,134,137,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,92,0,0,0,33,111,113,113,67,41,29,15,0,0,0,0,1,101,202,209,183,183,191,202,212,222,212,168,99,97,160,207,255,255,238,155,99,170,207,144,49,38,42,67,77,70,73,129,139,113,75,49,25,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,43,77,108,134,152,163,170,194,204,204,204,212,222,251,255,255,251,255,255,255,255,255,255,255,246,225,209,176,113,21,0,0,0,0,0,0,0,0,0,0,0,31,82,124,163,186,194,191,189,189,196,222,225,212,173,138,130,139,183,191,160,157,199,248,254,199,38,0,18,85,147,147,152,163,189,222,222,202,196,199,202,183,165,116,57,49,55,37,0,0,0,0,0,0,0,15,77,121,150,142,116,124,142,139,131,131,118,81,79,81,83,81,81,93,144,155,150,131,95,79,71,67,59,53,53,59,59,57,55,75,101,155,165,155,142,109,155,157,109,105,144,160,168,173,176,183,194,207,194,191,183,89,57,67,73,65,53,51,61,75,126,131,47,21,9,19,19,0,0,0,0,11,0,0,0,0,3,1,3,9,9,11,35,131,147,75,49,43,39,28,25,55,173,191,181,173,173,183,196,194,181,178,170,160,151,155,168,176,165,155,144,144,168,186,165,95,75,69,70,79,97,129,89,83,79,55,37,37,65,121,126,91,124,129,121,87,85,87,83,83,83,89,83,81,89,121,87,83,83,85,126,147,144,131,118,81,75,83,124,134,87,47,9,0,11,63,129,75,0,0,0,108,152,152,134,129,126,131,139,142,134,65,27,7,0,0,35,31,0,0,0,0,51,57,0,1,98,131,142,144,137,111,64,69,77,87,79,77,79,89,137,152,160,155,155,165,191,215,212,194,194,207,199,191,196,220,222,207,191,170,150,129,105,61,87,98,49,0,0,0,0,0,3,25,17,0,0,48,53,15,9,11,19,19,19,27,33,0,0,72,79,72,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,55,100,157,194,160,129,121,116,63,25,11,17,47,85,157,173,168,165,163,163,178,183,152,81,63,59,65,61,45,43,51,75,97,97,87,87,83,85,139,157,157,157,157,137,87,71,61,55,49,49,51,53,65,73,85,87,121,124,129,144,144,150,147,139,129,118,118,121,124,89,87,87,81,63,54,69,83,81,81,87,116,85,83,83,89,87,77,65,43,31,31,33,47,65,79,85,85,79,75,81,124,144,155,155,155,155,152,152,165,194,217,0,0,0,0,0,0,0,0,0,0,0,0,191,155,129,105,72,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,43,85,116,129,105,46,13,10,17,29,23,23,29,64,90,98,98,98,100,103,108,103,59,47,49,59,55,43,35,41,47,49,57,59,67,81,124,147,170,183 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,194,194,196,196,199,199,199,196,192,194,199,202,202,199,198,198,199,202,202,202,202,199,199,199,196,196,202,204,207,196,173,65,59,160,160,160,152,131,67,0,0,13,0,0,0,0,0,61,53,49,118,129,131,144,173,194,199,199,196,199,202,199,199,198,199,199,199,202,209,212,51,0,0,0,0,0,0,0,0,0,0,35,116,165,204,230,246,137,27,85,207,215,217,215,215,215,217,215,211,212,215,215,215,212,212,212,207,204,204,204,207,204,209,215,204,0,0,0,59,194,199,202,189,120,116,123,181,127,115,183,199,204,204,186,176,181,183,123,120,125,123,119,127,183,189,181,178,189,199,204,207,176,178,189,191,186,178,177,178,186,191,191,186,186,189,191,194,194,194,194,194,196,196,199,199,199,191,190,196,204,204,202,204,212,215,212,209,209,212,217,225,228,225,222,217,222,222,222,222,217,212,207,194,145,194,202,209,215,217,222,222,225,222,212,196,191,192,202,212,209,207,207,207,204,204,207,209,212,217,225,228,228,225,222,207,194,207,228,230,228,225,225,225,225,222,217,217,222,222,212,199,194,196,199,199,194,189,186,186,194,207,207,189,129,130,225,212,207,196,192,194,196,196,191,196,204,202,194,194,202,209,209,209,207,204,207,215,217,212,202,199,196,194,191,191,191,189,141,143,191,199,204,207,207,209,204,194,192,194,196,196,190,190,191,194,194,194,202,202,194,186,141,189,196,202,207,207,207,207,204,204,199,199,204,209,212,215,212,202,198,202,204,199,189,189,199,212,225,225,222,217,212,199,194,187,186,187,194,196,196,199,202,204,209,215,220,225,230,230,230,225,207,200,207,207,199,195,202,202,202,199,199,196,196,191,186,185,183,186,196,202,209,222,233,251,137,100,117,191,194,189,186,187,189,191,194,191,189,187,189,190,191,191,190,190,191,196,199,194,194,196,199,202,202,199,194,186,182,182,183,183,183,182,183,186,191,196,202,207,207,204,194,113,118,127,181,191,196,189,127,125,183,133,123,127,131,176,186,189,194,202,204,202,191,183,183,189,191,189,181,133,134,181,191,196,191,186,183,196,209,207,199,199,196,196,202,202,202,202,207,207,194,186,196,209,215,217,215,209,207,209,209,207,207,207,209,212,212,207,191,119,118,135,186,183,183,194,202,204,199,191,191,191,194,199,202,199,196,194,194,196,199,202,199,196,202,204,204,199,194,183,177,183,191,191,194,196,196,196,194,194,186,178,129,129,133,133,132,178,183,186,183,181,181,183,183,181,178,181,181,181,178,178,181,186,189,189,189,189,194,196,204,209,209,202,189,129,120,123,189,194,178,176,209,209,176,123,123,121,99,95,127,181,183,186,189,183,173,129,131,189,199,202,204,204,191,181,183,186,183,183,186,191,196,199,199,196,196,196,196,194,189,178,129,125,125,129,186,183,129,129,135,183,189,189,135,127,129,183,189,183,135,131,131,131,131,131,133,135,137,139,183,186,189,191,194,191,191,191,194,194,191,190,191,199,204,196,186,183,191,191,186,183,183,181,178,178,176,133,133,176,178,183,183,183,178,135,131,131,133,181,189,191,194,199,199,202,183,96,84,86,133,220,217,215,215,209,209,217,222,222,225,228,222,212,204,204,207,212,217,215,212,209,209,212,215,217,220,215,212,209,208,208,209,215,217,217,217,217,222,228,230,230,225,222,217,222,225,228,228,226,228,238,241,235,230,229,230,230,230,228,222,217,216,220,225,222,216,222,228,225,217,225,222,212,209,212,217,225,225,222,222,225,225,222,222,222,225,222,215,209,207,204,198,195,199,212,228,233,230,230,230,228,217,209,208,207,208,222,228,228,228,228,228,225,225,215,212,207,204,204,207,217,225,228,228,230,230,233,233,230,228,228,228,228,230,230,233,235,235,233,233,233,230,228,225,228,228,225,222,217,217,217,215,215,209,207,204,202,199,196,196,196,196,199,204,209,217,225,225,222,217,222,222,217,215,215,217,222,225,222,222,225,230,233,233,233,235,235,233,228,222,215,215,215,215,215,212,212,212,209,209,209,207,207,204,204,204,202,199,199,199,199,202,202,204,207,207,204,202,199,202,199,194,191,194,196,196,196,196,194,196,202,217,235,246,246,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,215,212,207,199,186,168,152,142,139,139,150,183,220,233,233,230,228,228,228,222,204,189,189,199,212,225,230,228,222,217,222,225,225,217,209,204,202,202,202,207,209,209,207,207,209,212,209,207,204,202,200,200,200,202,202,204,207,209,207,204,204,202,202,202,204,207,207,207,202,199,196,194,194,194,196,199,202,199,199,199,202,204,204,204,204,204,207,204,204,204,204,207,212,212,215,215,215,215,215,212,209,207,204,202,202,202,204,207,204,202,199,196,196,199,202,202,202,202,196,192,192,196,204,207,209,209,209,209,212,212,212,212,215,215,207,199,190,186,186,187,190,199,207,33,34,51,63,63,51,51,57,57,51,45,49,59,95,111,126,124,92,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,105,155,29,0,0,25,59,95,113,33,25,29,35,7,0,0,0,61,142,199,209,204,202,212,222,215,222,204,168,101,96,101,160,217,220,209,173,105,168,199,155,57,43,50,91,126,73,68,81,137,147,139,121,69,31,11,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,72,92,121,144,160,160,163,170,170,163,147,144,168,222,255,255,251,254,255,255,255,255,255,254,178,178,176,144,37,0,0,0,0,0,0,0,0,5,61,72,72,98,134,160,181,189,189,189,189,196,220,230,235,230,199,173,157,165,191,199,191,194,235,251,241,191,45,0,0,43,147,160,146,163,189,222,228,199,192,196,202,176,139,69,49,55,82,37,0,0,0,0,0,0,0,111,147,147,157,124,90,90,98,103,108,111,77,68,65,68,73,79,81,87,142,165,165,155,144,89,81,81,67,49,47,49,53,55,57,81,101,139,155,155,155,155,155,144,144,155,160,147,107,109,168,176,186,199,194,186,163,32,16,67,85,87,75,67,69,113,142,150,75,37,25,25,23,5,0,0,0,13,0,0,0,0,0,0,0,0,0,0,27,131,147,81,49,37,35,39,69,157,196,199,181,170,170,183,196,194,181,178,170,152,147,151,165,176,165,152,107,99,95,75,47,51,75,87,93,95,129,97,89,89,93,75,61,65,91,142,137,126,126,126,121,87,81,85,118,126,124,89,77,74,85,121,121,126,134,134,157,168,163,142,121,81,71,71,77,83,63,1,0,0,0,49,69,55,9,0,0,79,160,150,142,152,150,142,139,147,155,144,63,27,3,0,0,0,0,0,0,19,41,9,0,0,11,124,150,150,142,116,71,75,124,87,79,79,79,97,137,155,173,183,189,194,202,215,225,225,217,194,165,142,170,209,230,222,191,168,150,129,69,47,53,90,49,0,0,0,0,0,33,74,66,25,25,64,48,10,10,19,31,23,19,27,51,0,0,0,95,79,25,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,116,139,183,196,178,147,142,139,131,75,69,81,87,147,168,173,173,173,163,168,194,202,173,93,73,71,77,65,45,39,44,69,89,97,87,81,79,83,134,150,155,157,160,142,89,73,61,49,47,46,53,59,65,71,79,87,121,131,144,155,160,157,152,142,129,121,118,126,134,124,89,83,73,54,50,61,85,89,87,121,129,118,85,85,85,81,75,61,39,31,31,37,59,73,87,89,85,77,72,75,116,134,152,157,165,168,168,152,160,181,212,241,0,0,0,0,0,0,0,0,0,0,0,194,152,121,98,61,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,56,105,129,105,53,13,10,17,35,33,29,0,0,0,105,105,105,105,113,121,108,87,59,82,95,63,43,33,33,35,37,43,49,59,77,124,134,147,157 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,199,199,196,196,196,199,196,196,194,194,196,202,204,204,202,199,202,202,202,204,204,202,202,199,199,196,199,202,204,204,196,91,63,137,150,155,150,139,121,67,59,134,0,0,0,0,59,81,33,0,27,49,81,134,163,186,199,204,202,202,202,202,202,202,204,202,199,199,207,212,147,0,0,0,0,0,0,0,0,0,0,0,63,150,199,225,233,176,97,186,207,215,217,215,215,215,217,212,211,212,212,215,212,212,215,212,207,202,204,202,202,191,202,178,0,0,0,0,39,202,204,209,196,125,116,119,181,173,119,204,209,209,204,189,183,186,127,114,118,121,117,106,107,170,186,183,183,189,202,212,230,117,127,186,191,186,178,177,181,186,194,194,191,191,191,191,189,187,187,189,194,196,196,194,194,194,191,191,202,204,204,202,204,209,217,217,217,215,212,215,220,222,222,217,217,217,217,217,217,217,217,212,194,138,138,199,212,215,222,228,225,217,209,204,196,191,191,196,204,204,202,202,199,196,199,207,212,215,222,225,228,228,225,217,215,215,222,228,228,225,225,222,222,222,217,215,217,222,222,212,199,191,191,196,194,191,189,189,189,199,212,209,186,130,133,230,215,204,196,194,194,196,194,189,191,196,194,191,194,199,204,204,204,202,202,204,209,207,199,194,191,189,140,138,139,141,141,141,141,189,196,202,204,207,209,207,196,192,194,196,194,191,194,202,204,196,191,196,194,141,139,191,207,215,217,212,204,202,202,202,199,198,198,202,209,212,209,204,198,198,199,199,199,199,199,202,207,217,217,215,209,202,194,189,187,187,189,196,199,202,204,207,212,217,217,222,228,230,228,222,209,202,202,204,207,199,194,194,199,207,209,209,204,199,194,189,186,185,194,204,207,207,209,204,189,191,194,194,189,187,191,194,196,196,196,199,196,194,191,191,194,194,194,191,191,191,194,194,192,192,199,207,212,209,204,196,186,182,182,182,183,183,182,182,189,194,199,204,204,202,194,186,122,125,181,194,199,202,191,123,118,191,181,129,176,176,133,189,199,207,209,207,199,191,186,186,191,194,191,183,135,178,191,202,199,186,178,181,196,207,209,204,202,199,196,199,202,196,196,199,196,191,191,196,204,212,217,215,209,207,207,207,204,202,202,204,207,209,207,186,113,115,135,186,186,191,204,207,202,194,191,189,189,189,194,196,196,194,191,191,194,199,196,194,196,199,199,194,186,181,177,177,181,186,186,189,194,196,196,194,189,181,128,126,127,133,133,133,135,181,181,181,178,178,181,183,178,135,178,181,178,178,178,181,183,189,191,189,189,191,199,207,209,204,186,125,114,120,181,199,199,183,121,89,82,97,127,170,101,59,71,121,181,183,183,186,186,178,130,130,183,194,199,199,196,186,135,137,181,183,181,181,183,186,191,191,191,194,196,199,199,196,189,135,120,114,112,124,127,120,122,131,135,178,178,131,127,128,181,189,186,181,137,137,137,135,135,133,133,133,133,133,135,139,186,186,183,183,189,191,191,191,191,196,202,204,199,189,186,194,194,191,189,183,181,178,133,129,125,127,131,178,181,181,181,181,178,131,129,130,178,191,194,194,199,196,183,103,86,86,107,129,139,194,199,199,196,199,207,215,217,225,222,215,209,212,217,215,212,212,212,209,209,209,212,217,222,225,222,217,212,209,208,208,209,212,215,217,222,225,228,230,230,230,225,225,225,228,230,230,233,235,241,241,235,230,229,230,228,222,215,215,215,217,228,230,217,212,211,222,225,217,212,209,207,207,209,215,217,215,215,217,225,228,225,225,225,228,228,222,215,209,204,199,195,196,209,225,230,230,230,233,230,222,215,209,208,209,222,225,228,228,228,228,222,212,204,202,202,202,202,207,215,222,222,222,222,225,230,233,233,230,230,228,228,228,228,230,233,233,233,233,233,230,228,225,225,225,225,222,220,217,217,217,215,209,207,204,202,199,196,196,195,195,196,199,207,217,228,228,228,225,228,228,222,217,215,217,222,222,222,225,225,228,230,230,230,230,230,228,225,217,215,212,212,212,212,212,212,209,209,209,209,207,204,204,204,204,204,202,199,199,202,202,202,204,207,209,209,207,204,202,199,194,191,194,196,196,194,192,192,194,207,222,238,243,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,212,212,212,204,196,183,165,150,142,140,140,152,181,217,235,238,235,233,233,228,209,187,183,187,199,212,222,217,215,215,217,222,217,212,204,196,194,189,191,194,199,199,196,199,207,209,212,212,212,209,204,202,200,200,200,202,204,207,204,204,204,204,202,202,202,207,207,204,199,196,196,194,194,196,199,202,202,202,204,204,204,204,204,204,204,207,207,207,204,204,204,207,209,212,212,212,215,215,215,212,209,204,202,199,199,202,204,207,204,204,199,196,194,196,199,199,199,199,194,190,190,196,204,209,212,209,209,209,212,212,212,212,215,215,209,204,194,189,189,189,191,199,209,59,65,71,77,79,73,65,59,63,55,51,59,71,100,111,118,116,105,79,0,0,0,0,0,0,0,0,0,19,9,0,0,0,0,0,0,0,0,51,144,163,51,11,25,57,92,61,61,33,43,67,121,129,129,131,152,163,181,209,220,220,209,215,225,225,222,207,183,163,111,97,83,83,93,105,103,99,152,176,155,91,85,134,176,168,93,73,79,147,212,212,189,157,124,85,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,66,98,131,160,160,152,134,91,83,53,47,53,79,160,220,233,235,238,243,246,255,255,255,183,101,129,137,108,37,0,0,0,0,0,0,0,13,39,85,92,95,124,144,168,189,194,194,191,189,196,212,222,225,222,207,191,173,176,191,199,199,215,243,255,235,183,150,67,36,57,147,160,152,173,199,228,228,202,192,195,199,176,113,35,0,37,59,43,0,0,0,0,0,0,0,41,108,113,134,105,49,37,37,43,57,71,71,68,66,69,79,113,121,124,142,144,134,131,131,95,89,89,77,59,47,47,41,38,49,91,139,139,139,155,163,155,107,99,103,144,160,105,92,94,150,181,176,181,186,196,183,10,0,49,83,124,87,75,81,124,152,157,116,63,43,35,31,17,11,9,21,19,5,0,7,9,3,0,0,0,0,3,49,152,157,81,41,35,57,144,181,196,199,191,181,173,165,173,176,181,173,173,170,157,151,160,176,186,165,107,95,79,46,24,19,31,79,139,142,139,137,134,126,134,147,131,91,93,142,150,139,131,126,124,89,81,79,85,126,137,131,87,69,68,79,126,134,137,152,160,160,163,157,131,85,73,67,59,57,63,49,7,0,0,35,51,55,59,45,9,7,47,126,137,144,163,160,150,139,147,165,189,121,43,11,0,0,0,0,0,1,25,9,0,0,0,45,126,131,131,131,111,70,71,77,77,77,89,134,144,144,144,165,191,202,215,215,202,222,233,202,47,9,11,59,170,222,230,199,165,147,129,67,42,47,61,43,0,0,0,0,0,39,74,66,56,56,64,29,13,25,61,66,51,31,51,0,0,0,0,121,90,53,11,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,79,139,163,178,186,183,165,165,173,163,139,150,170,173,178,183,178,181,183,181,183,204,217,189,103,79,85,85,73,51,39,42,61,87,89,81,77,75,79,124,142,144,147,152,139,89,73,61,47,45,46,53,59,59,63,79,87,124,137,155,160,165,157,157,147,129,121,118,126,137,129,89,77,63,51,48,61,83,85,89,124,131,129,91,91,83,81,75,61,43,31,33,47,69,83,93,93,85,75,71,72,79,124,139,152,165,173,168,152,155,178,212,238,0,0,0,0,0,0,0,0,0,0,173,157,134,113,90,59,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,90,121,105,61,19,14,25,56,64,0,0,0,0,116,116,116,116,124,129,118,98,87,98,105,90,43,27,25,25,27,29,43,63,77,118,131,139,150 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,196,196,196,191,191,194,196,196,196,194,191,190,196,204,204,202,199,199,199,202,202,202,199,196,199,199,196,196,199,204,204,199,91,58,83,131,134,139,139,126,124,139,150,0,0,0,27,207,230,150,0,6,21,71,137,157,176,194,204,204,204,204,204,204,207,207,204,198,199,207,202,170,0,0,0,0,0,0,0,0,0,0,0,0,51,189,212,207,178,165,191,207,217,220,217,215,215,215,212,212,212,212,212,212,212,215,212,207,202,202,207,204,176,189,25,0,0,5,113,191,207,207,212,194,120,117,123,183,186,183,209,212,207,199,189,191,191,118,112,120,170,125,104,102,119,176,181,178,181,191,207,230,97,108,176,183,183,178,178,183,191,194,196,194,194,194,191,187,186,186,189,194,199,196,191,190,191,194,196,202,202,202,202,204,209,215,222,225,217,215,215,217,217,215,212,212,215,212,212,212,217,222,217,204,137,133,139,207,217,225,228,222,207,199,199,196,195,195,199,204,202,202,202,196,194,196,209,217,215,215,222,228,225,215,208,212,222,230,230,225,228,228,217,215,215,212,215,217,222,222,212,199,191,191,194,194,191,191,189,189,199,207,202,186,132,133,199,202,196,194,194,196,191,189,189,189,191,191,191,194,196,199,196,196,196,196,199,196,194,189,189,189,186,139,137,139,186,189,189,191,196,199,199,199,202,207,207,199,194,194,196,194,191,196,207,209,199,189,139,131,129,139,207,225,228,222,207,196,196,199,202,199,198,198,202,209,215,209,202,198,199,199,198,199,204,204,202,204,212,212,207,202,194,191,194,191,189,191,199,202,199,202,207,215,217,222,225,225,222,207,141,189,199,204,204,202,196,192,190,196,212,222,217,209,204,202,199,196,194,199,204,204,204,204,196,185,199,209,207,196,194,202,207,207,204,202,202,202,199,199,202,202,202,196,194,194,194,194,194,192,194,202,212,217,212,202,189,183,183,186,189,191,186,182,183,194,196,196,199,199,191,183,183,189,196,204,204,204,204,191,122,120,176,178,133,181,181,181,191,199,207,207,199,191,186,186,183,189,191,191,186,181,186,199,207,199,181,177,181,194,202,204,204,202,199,202,202,202,196,189,139,137,189,196,199,202,207,215,215,212,209,209,207,202,202,202,204,207,207,204,183,114,117,181,183,186,199,209,207,196,189,187,189,189,189,189,189,191,191,189,191,196,196,194,191,191,194,191,181,177,177,177,177,181,181,178,183,194,196,196,194,189,178,127,125,131,183,183,181,181,178,178,178,178,178,178,178,135,131,133,178,181,181,181,181,183,186,186,186,186,194,204,207,204,196,181,127,120,176,202,202,191,131,77,39,67,86,129,123,51,49,71,119,191,189,183,183,186,183,133,132,181,189,191,191,189,183,132,131,135,181,181,181,179,179,181,181,183,186,189,194,199,196,191,183,125,114,112,127,129,119,122,133,133,131,133,131,129,131,181,189,186,183,181,183,183,183,186,183,137,133,132,132,133,137,183,183,183,182,183,189,191,194,194,194,199,199,196,189,189,194,196,194,189,186,183,178,129,123,122,124,131,176,178,178,178,181,178,131,128,128,178,191,191,191,194,189,133,115,102,133,202,135,120,124,137,186,185,186,196,204,209,212,212,207,202,207,217,215,212,209,209,209,212,215,217,222,225,225,222,220,217,212,208,208,208,209,212,215,222,222,225,228,230,233,230,228,228,228,233,235,235,238,238,238,235,230,230,230,225,217,215,215,216,222,233,235,225,212,209,217,225,217,209,207,207,207,209,209,209,202,199,207,217,225,228,225,225,225,228,225,222,215,209,204,198,198,202,215,222,225,230,233,233,228,222,217,215,217,222,222,225,228,228,225,215,204,152,151,152,153,204,209,215,215,215,215,217,222,228,233,235,235,235,233,228,225,225,225,228,230,230,230,233,230,228,222,222,225,225,225,222,217,217,217,215,209,207,202,202,199,196,196,196,196,196,199,204,212,217,222,222,222,225,225,222,217,217,217,217,217,222,222,225,228,228,230,230,228,228,225,222,217,212,212,211,211,212,212,212,209,209,207,207,204,204,202,204,204,204,204,202,202,204,204,204,204,207,209,209,209,207,204,199,194,191,196,199,196,194,191,192,199,212,230,238,241,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,204,207,204,202,196,191,178,163,155,150,142,144,160,196,230,241,243,238,235,230,212,189,183,185,189,199,204,202,199,202,209,212,207,199,191,143,141,139,139,141,143,189,189,194,202,207,209,212,215,212,212,207,204,202,200,202,204,204,202,199,202,202,199,199,202,207,207,204,199,196,194,194,191,196,199,202,202,202,207,209,209,207,204,204,207,207,209,209,207,204,207,209,209,209,209,209,212,215,215,212,209,204,202,198,198,199,199,202,202,202,202,196,194,194,196,196,199,199,194,191,191,196,204,209,212,212,212,212,212,215,212,215,217,217,215,215,209,204,204,202,204,207,215,65,73,77,79,79,79,73,65,65,55,51,63,95,98,100,111,116,92,57,39,29,25,9,0,0,0,9,45,72,29,0,0,0,0,0,0,0,0,41,116,113,3,0,19,124,165,105,61,73,113,129,139,168,191,199,196,199,202,212,228,222,209,209,225,233,233,220,212,215,199,163,83,66,73,69,42,63,97,152,155,152,152,176,186,168,129,69,68,144,0,0,255,228,189,150,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,85,131,160,160,131,57,25,19,22,35,53,79,142,183,207,215,222,238,246,255,255,248,160,105,116,134,134,124,85,25,0,0,0,0,45,79,79,79,74,74,95,126,152,178,194,209,209,196,194,196,196,196,189,191,181,173,173,183,191,202,215,228,235,217,191,191,191,168,155,168,178,181,194,209,233,233,207,195,196,207,189,113,27,17,31,85,49,0,0,0,0,0,0,0,0,0,19,87,87,35,15,7,11,29,57,71,100,77,79,83,118,124,129,129,126,93,91,95,97,97,97,87,71,59,49,39,33,37,137,165,152,142,142,144,107,99,89,87,99,157,144,93,92,142,168,163,163,165,186,183,25,0,43,73,87,87,87,124,142,160,160,134,116,77,57,43,27,33,51,51,33,21,23,27,21,3,0,1,5,3,3,41,155,165,95,43,41,95,194,204,196,183,170,168,165,165,165,165,173,173,163,163,168,168,176,189,186,163,99,79,61,42,26,21,36,91,147,147,147,144,134,126,131,147,147,144,147,155,150,137,134,134,126,121,85,79,85,134,142,134,81,66,65,75,129,139,150,163,160,144,134,131,87,65,58,63,59,51,45,39,27,23,51,118,71,65,73,61,17,5,23,67,113,139,157,155,142,134,147,170,183,121,51,25,0,0,0,0,0,13,0,0,0,0,0,157,131,116,100,100,75,67,67,71,71,77,126,152,157,144,137,155,181,189,191,191,181,186,181,73,0,0,3,53,170,222,230,202,168,155,139,73,43,43,43,7,0,0,0,0,0,17,39,33,21,21,29,17,13,39,85,85,66,51,61,0,0,0,0,152,121,79,25,3,0,0,0,1,11,13,0,0,0,0,0,0,0,0,0,103,152,155,168,178,178,170,163,173,168,152,170,194,202,202,191,186,189,204,207,204,220,230,196,144,87,93,99,85,59,42,39,55,77,81,73,73,71,75,91,134,131,139,142,134,89,73,61,49,47,49,53,59,59,65,79,116,124,139,155,160,165,163,157,147,134,121,118,126,134,118,77,65,55,51,52,61,71,71,79,124,129,129,126,121,89,85,77,67,51,39,39,57,69,85,93,95,87,77,73,73,77,116,126,137,157,160,152,131,139,176,212,243,255,255,255,0,0,0,0,0,0,173,139,131,124,108,82,48,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,56,98,98,64,25,19,27,64,90,0,0,0,0,0,131,124,124,129,134,124,105,98,105,116,98,43,25,17,17,19,25,39,59,77,116,126,139,157 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,189,194,194,191,190,194,196,196,196,191,187,187,191,199,204,202,199,198,198,199,199,196,194,194,196,196,196,196,199,204,204,194,66,41,75,79,75,91,129,124,139,170,155,0,0,7,202,215,225,217,144,11,23,91,144,152,168,189,199,202,204,207,204,204,207,207,207,204,202,202,194,181,55,0,0,0,0,0,0,0,0,0,0,0,0,152,196,186,170,170,194,209,217,222,220,217,215,215,212,212,215,215,215,215,212,215,212,209,204,204,212,215,117,183,0,0,0,125,207,217,215,212,207,178,114,117,168,186,196,204,212,212,196,176,121,181,189,123,123,173,183,181,107,103,115,173,176,176,176,183,199,217,87,99,119,133,176,176,181,186,194,196,194,189,191,194,191,189,189,191,196,199,202,199,191,190,191,199,202,202,196,199,204,207,209,212,220,225,225,217,217,215,215,209,208,209,212,212,209,209,215,217,220,217,143,131,136,202,215,222,220,212,202,198,199,202,202,204,209,209,207,207,204,199,196,202,215,222,217,215,217,225,222,209,202,208,222,230,230,228,230,228,217,212,209,212,215,222,225,225,215,199,189,189,189,191,191,191,189,187,191,194,191,186,135,135,186,191,191,191,196,194,189,187,189,191,189,189,189,191,191,191,191,189,189,191,191,186,139,139,141,191,191,141,141,189,196,196,196,202,202,202,199,198,202,209,212,204,196,196,196,191,189,191,202,207,202,186,127,121,123,186,215,228,228,212,196,189,191,196,199,202,199,198,202,207,212,207,202,202,202,202,202,204,207,207,202,204,209,209,202,196,191,194,199,191,189,194,196,196,199,199,202,209,217,222,217,215,202,133,119,136,199,207,202,199,199,195,191,196,212,225,222,212,207,204,207,209,204,199,199,199,207,212,212,199,207,209,207,202,199,207,212,209,204,199,199,202,202,202,204,207,204,196,194,194,199,202,199,191,192,202,212,215,204,191,183,183,186,194,199,199,191,183,183,194,194,191,191,189,183,179,181,199,207,207,204,204,204,194,127,125,127,131,176,183,186,189,191,191,196,196,186,181,181,181,181,181,186,189,186,183,186,199,204,194,181,178,186,194,196,199,204,202,202,204,207,204,196,139,133,135,196,202,199,198,199,207,209,212,212,209,209,204,202,204,207,207,207,202,183,118,121,181,137,186,202,209,207,194,187,187,194,196,194,189,183,183,186,186,189,196,196,191,186,186,186,181,177,177,178,181,181,181,178,177,181,191,194,194,194,189,181,133,131,189,202,202,194,189,181,178,178,181,181,178,133,129,129,133,181,186,186,186,186,183,183,183,186,189,199,207,204,199,194,189,183,178,189,196,194,183,131,117,91,113,181,202,129,52,66,183,196,204,196,183,181,183,183,181,178,181,186,186,183,183,181,131,129,133,181,186,186,183,179,179,181,181,181,183,186,189,189,186,183,186,125,122,183,183,123,125,178,135,131,131,133,135,183,189,191,191,189,183,183,186,186,189,189,183,137,133,132,133,135,181,186,189,186,183,186,191,194,189,183,186,191,191,189,189,191,194,194,189,186,189,186,131,122,122,127,133,178,178,176,178,183,181,133,129,129,178,189,189,186,189,189,189,204,204,207,212,191,116,122,137,186,185,185,191,196,202,204,204,202,196,202,209,212,209,212,212,215,217,222,222,222,222,222,220,222,217,215,212,209,209,209,212,215,217,222,225,228,233,235,233,230,228,230,233,235,235,233,233,235,235,233,233,230,228,222,225,222,222,225,233,238,233,217,215,225,225,217,215,212,207,207,207,207,204,196,192,196,209,225,228,228,225,225,225,225,225,217,212,209,204,202,202,209,217,225,230,233,235,230,225,222,225,225,222,222,222,225,225,222,212,202,151,150,151,202,209,215,217,215,215,217,217,225,230,233,235,238,238,235,230,225,224,224,225,228,228,230,230,230,225,222,222,225,225,225,222,217,217,217,215,209,207,202,202,199,199,196,196,196,196,199,202,204,209,209,209,209,215,217,217,222,222,217,217,217,217,217,222,225,228,228,230,230,228,225,222,217,215,212,211,211,212,212,212,209,207,204,202,202,202,202,202,204,204,204,204,204,207,207,204,204,207,207,209,209,209,207,202,196,194,199,199,199,196,194,194,202,215,228,233,235,238,0,0,0,0,0,0,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,196,194,192,192,194,194,191,181,176,165,155,150,155,173,196,235,241,238,235,233,225,199,187,187,189,189,186,139,139,189,199,196,191,143,139,137,137,139,139,137,137,139,143,194,202,207,209,209,212,212,212,209,204,202,200,202,204,202,199,196,196,199,199,199,202,204,207,204,199,196,194,194,191,194,196,202,202,204,207,212,212,209,207,207,209,212,212,212,209,207,207,209,207,207,204,207,212,215,215,215,212,207,202,199,198,198,198,198,199,202,199,194,191,191,194,196,199,199,196,192,192,196,204,212,215,215,215,215,215,217,215,217,217,222,222,222,217,215,215,212,209,212,215,55,59,65,71,71,71,71,71,63,45,45,59,92,92,90,100,113,43,41,45,51,55,49,0,0,15,98,116,108,72,3,0,0,0,0,0,5,5,0,0,5,0,0,11,116,165,121,73,121,139,134,127,155,196,209,199,202,207,220,230,230,212,212,233,254,241,233,241,255,254,217,125,99,178,79,17,28,71,111,165,155,152,165,176,152,91,59,56,113,255,0,255,248,207,168,0,0,0,0,0,0,0,0,13,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,72,121,150,144,73,17,0,2,37,79,99,147,160,173,196,215,217,222,217,209,209,202,176,142,124,137,152,142,92,37,0,0,0,13,72,87,79,47,35,29,37,53,103,163,196,220,222,220,199,196,189,181,181,181,178,173,165,165,183,199,202,194,191,186,191,199,202,194,176,178,189,202,220,222,233,233,209,199,202,225,202,139,35,23,43,98,49,0,0,0,0,0,0,0,0,0,0,27,41,21,5,0,0,11,49,98,116,118,118,113,121,129,129,124,122,94,124,131,131,97,97,89,83,71,59,49,39,55,139,173,168,155,142,103,97,91,81,81,93,160,160,105,95,101,103,139,142,103,137,101,57,42,59,73,79,75,85,134,150,160,157,137,129,118,85,71,49,65,121,121,73,49,37,29,15,0,0,1,17,5,0,0,87,173,165,93,75,103,170,196,173,157,144,147,160,165,165,165,173,173,161,163,170,178,194,199,176,157,103,79,63,69,81,81,79,95,137,134,129,129,126,89,89,129,150,155,155,147,142,131,134,139,134,129,87,71,69,91,134,131,83,71,69,89,150,155,160,163,147,124,87,87,79,57,54,59,65,55,37,31,31,47,67,81,116,85,85,67,13,0,11,55,113,134,139,134,131,139,152,165,155,121,65,43,7,0,0,0,0,0,0,0,0,0,0,165,142,111,100,111,113,70,67,71,79,89,126,144,137,99,95,139,155,150,157,165,150,101,75,6,0,0,45,170,222,235,230,207,183,176,157,75,41,31,7,0,0,0,0,0,0,0,9,5,0,0,7,1,0,37,74,77,61,56,69,0,0,0,0,170,157,108,61,9,0,0,0,0,9,7,0,0,0,0,0,0,0,0,0,124,139,131,126,152,163,157,152,163,155,151,170,194,204,204,199,194,204,225,235,222,230,235,209,157,101,142,152,103,71,45,39,49,69,79,73,71,69,69,73,79,83,124,137,129,87,75,63,55,49,53,53,59,65,71,85,118,124,129,139,152,160,160,157,147,139,121,121,118,126,85,71,57,53,52,55,71,67,64,71,89,124,129,129,126,93,89,85,75,61,55,57,65,73,81,93,97,93,85,77,77,77,85,118,124,137,139,129,124,139,173,209,241,254,255,255,0,0,0,0,0,0,173,134,126,124,108,87,64,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,64,79,56,25,19,29,64,103,0,0,0,0,0,139,131,131,139,142,0,0,105,121,124,103,43,19,11,11,13,23,29,49,75,108,124,139,157 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,163,181,194,191,191,191,194,194,196,194,191,189,187,191,199,202,202,199,198,199,202,202,196,194,195,196,196,192,192,194,204,204,194,97,91,79,73,65,73,91,121,121,155,160,0,0,65,212,217,225,228,204,27,18,85,97,134,150,183,194,196,204,207,204,204,207,209,207,204,209,199,196,189,168,0,0,0,0,0,0,0,0,0,0,0,0,47,134,139,142,160,207,217,222,222,220,217,212,212,212,215,217,217,217,215,212,212,212,209,209,212,212,230,36,39,49,93,121,173,194,222,215,199,194,173,117,117,170,191,204,212,215,209,103,105,99,99,170,170,170,176,178,181,173,103,109,173,178,178,178,183,194,199,186,112,104,123,131,176,181,189,194,191,186,182,189,194,191,189,191,196,199,202,204,202,194,191,194,202,202,199,196,196,204,209,212,212,217,222,228,225,222,215,209,208,208,209,212,212,209,207,209,217,222,222,217,194,143,204,207,202,204,204,199,198,199,207,212,215,217,212,212,207,202,204,207,209,222,225,222,217,212,217,215,209,207,212,222,228,233,233,230,225,215,202,204,207,215,222,222,222,207,191,139,139,186,189,191,191,189,191,189,181,135,137,183,186,186,186,186,191,194,194,191,191,194,196,194,189,186,186,186,189,189,183,139,186,186,135,130,131,141,191,191,186,186,191,196,194,196,199,199,199,202,204,212,217,217,212,204,199,191,186,186,191,196,199,196,141,124,121,127,191,212,217,215,199,141,186,191,194,196,196,199,199,202,204,207,204,202,207,212,212,207,207,209,207,202,204,212,217,209,199,194,194,194,189,194,196,194,194,204,209,207,207,212,215,209,202,194,136,127,139,202,207,204,204,212,215,209,204,207,212,217,209,202,202,209,212,209,204,198,199,215,230,230,222,209,202,199,199,199,204,207,207,196,194,195,202,204,204,204,204,202,199,194,196,204,207,204,192,192,199,207,204,194,141,135,137,183,191,199,196,186,181,183,189,189,186,186,181,179,178,181,196,209,204,199,202,199,189,131,122,121,125,176,183,189,191,186,183,181,178,176,177,181,181,179,181,183,186,183,181,183,191,194,189,183,183,189,194,199,202,202,202,204,204,204,202,189,134,133,183,202,202,198,196,196,199,209,212,209,209,209,207,204,204,209,207,202,191,137,123,119,123,133,189,199,207,204,196,191,194,199,196,194,186,182,182,183,186,189,191,194,189,186,183,181,178,178,178,183,186,186,183,178,177,178,183,186,183,181,181,183,186,194,199,204,207,202,194,189,183,183,186,183,176,128,127,128,135,186,191,189,191,194,191,186,186,191,194,199,202,204,194,189,189,189,194,196,194,183,131,173,186,199,209,212,212,209,125,89,127,202,207,207,186,174,177,181,183,186,186,186,181,178,178,135,132,132,181,186,189,191,189,186,186,191,191,189,186,181,179,183,186,189,186,135,131,178,135,123,125,133,178,133,133,181,191,199,202,202,199,194,191,189,186,186,189,189,186,186,181,135,135,135,181,189,194,194,189,183,186,191,183,177,182,189,191,191,189,189,191,191,183,181,186,189,181,127,124,129,176,178,176,176,181,186,183,135,131,133,178,183,183,189,194,196,199,204,209,212,212,207,199,196,199,199,194,191,194,199,199,196,199,196,194,199,207,209,209,212,217,217,217,222,222,217,215,215,217,220,222,220,220,217,215,209,209,212,217,222,225,230,235,235,235,230,230,230,235,235,230,228,230,233,235,235,233,230,230,228,228,228,228,230,235,238,235,233,228,230,225,222,217,217,212,207,209,209,207,202,196,198,209,225,228,228,230,228,225,225,222,222,215,212,212,209,209,212,222,228,233,235,235,230,225,225,228,230,228,222,220,222,225,225,217,209,204,153,153,204,212,217,220,217,215,222,225,228,233,235,235,238,238,235,230,228,225,224,225,225,228,228,228,228,225,222,220,225,228,225,222,217,217,217,215,212,207,204,202,199,199,196,196,196,196,196,199,202,204,204,204,204,207,212,215,217,222,222,222,217,215,217,220,222,225,228,230,233,230,228,225,222,217,215,212,212,212,212,209,207,204,202,202,199,202,199,199,202,202,202,204,204,207,207,207,204,204,204,207,209,212,209,204,202,202,202,199,199,199,196,196,202,209,217,225,233,235,0,0,0,0,0,243,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,196,191,192,194,194,191,191,196,196,189,178,163,152,155,165,204,230,238,238,238,238,235,222,212,209,194,137,132,132,135,141,141,139,137,137,137,137,141,143,137,136,137,143,194,202,204,207,207,209,209,209,207,202,200,200,202,202,202,196,194,194,196,196,196,199,202,202,202,199,196,194,194,189,189,194,199,204,204,207,209,209,207,207,209,212,212,212,209,209,209,209,209,207,204,203,207,209,215,217,217,215,212,207,202,199,198,198,199,199,199,196,191,191,194,196,199,202,199,196,194,194,196,202,212,217,217,215,215,215,217,217,217,217,222,222,222,217,215,212,209,209,212,212,45,45,51,59,65,71,71,65,51,33,31,51,65,65,61,61,59,31,19,19,31,74,82,74,82,100,124,134,116,82,25,0,0,0,0,0,51,47,0,0,0,25,49,63,129,155,118,73,116,131,150,139,152,181,199,199,199,209,217,230,238,228,222,238,254,243,235,255,255,255,255,255,255,255,207,39,24,43,101,165,165,147,152,183,202,168,69,56,79,209,255,255,255,228,150,15,0,0,0,7,11,11,25,66,66,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,98,134,137,41,0,0,45,150,147,147,155,165,165,173,186,196,178,155,147,160,170,176,155,124,73,51,23,1,0,0,0,0,0,21,85,79,27,9,7,0,0,0,121,217,212,228,209,199,196,178,163,173,181,173,165,157,165,176,183,183,181,173,165,147,168,155,61,69,155,194,207,222,222,225,225,228,222,228,233,209,173,69,35,57,113,57,0,0,0,0,0,0,0,0,0,0,5,21,15,5,1,4,15,49,105,124,121,118,118,126,147,142,124,126,144,155,144,131,95,97,134,97,77,61,61,59,69,97,152,152,155,142,103,97,85,77,78,93,155,160,144,95,89,88,90,91,101,95,57,40,51,73,87,73,66,75,131,150,168,150,124,85,85,121,121,118,121,147,157,124,47,37,33,23,0,0,0,0,0,0,0,15,163,189,157,101,103,155,163,155,140,137,140,152,165,165,173,173,165,159,160,170,189,194,189,165,147,107,89,79,89,137,103,93,81,75,77,79,89,95,126,89,93,142,152,147,137,126,89,91,142,137,124,81,39,22,39,121,126,124,89,124,150,173,181,170,160,137,118,85,87,81,67,55,55,65,65,51,39,31,41,61,79,116,118,116,75,31,0,0,45,79,131,113,103,121,142,155,157,147,134,116,98,39,0,0,0,0,0,0,0,0,0,155,176,150,124,124,139,126,73,77,85,126,89,89,89,73,61,73,91,91,81,101,147,101,69,51,57,61,99,178,228,235,235,230,230,222,212,194,45,37,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,41,59,39,39,66,100,0,0,0,178,170,124,69,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,113,100,63,95,126,142,155,168,168,170,186,196,196,199,202,207,220,243,243,233,230,235,225,170,144,160,176,160,89,63,44,44,63,75,73,71,69,65,61,61,73,89,134,134,89,77,69,67,61,59,59,59,61,71,79,79,79,85,129,144,147,142,144,150,139,121,85,85,87,79,67,57,52,55,63,71,71,69,77,85,124,93,93,93,93,93,91,81,75,67,69,75,77,81,89,131,129,95,89,85,85,85,85,118,129,131,126,125,131,173,207,228,248,255,255,255,0,0,0,0,0,196,157,131,129,121,100,85,43,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,40,59,40,19,13,31,87,116,0,0,0,0,0,150,142,144,152,152,0,0,134,134,134,105,45,19,7,6,11,19,31,59,79,108,124,144,160 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,173,186,189,191,191,191,191,194,194,191,191,190,190,194,199,202,202,202,202,202,202,202,199,196,196,196,194,191,191,194,204,209,207,178,101,83,69,55,41,79,83,57,69,55,31,23,163,220,215,217,225,228,129,25,37,71,99,137,155,194,202,204,207,207,207,209,212,209,207,204,207,202,199,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,150,225,225,222,222,217,215,212,211,211,215,217,217,215,212,209,209,212,207,217,215,217,246,20,2,71,202,186,125,117,168,186,173,173,170,122,122,176,191,204,209,204,95,94,101,100,105,125,170,170,123,100,106,117,107,113,181,191,186,189,189,191,194,194,178,119,123,129,133,178,186,189,186,182,183,194,196,191,189,189,194,199,202,204,202,196,194,196,199,202,199,196,199,207,212,212,209,215,217,225,225,222,215,209,209,212,215,222,217,207,204,205,212,217,222,217,204,196,202,196,191,192,199,202,202,204,212,215,217,217,215,204,200,204,212,212,212,222,225,225,222,212,209,207,209,209,212,215,225,230,233,230,225,212,133,123,191,217,212,204,199,191,183,135,137,189,191,191,191,191,191,183,134,132,135,189,194,189,185,185,189,191,194,194,196,199,202,199,191,186,183,183,189,191,183,139,139,137,130,127,131,189,194,191,185,185,191,191,186,186,189,194,202,209,217,225,228,228,225,222,209,194,186,189,199,204,196,139,125,122,123,131,194,209,207,141,118,121,189,199,196,194,194,196,199,202,204,202,202,204,217,225,225,217,212,207,202,198,199,215,228,225,209,196,191,189,189,191,194,194,204,222,225,217,207,207,204,202,199,199,194,143,199,207,209,207,215,228,230,222,199,196,202,207,202,198,200,209,212,209,204,202,204,217,230,230,222,207,199,198,199,199,202,199,195,194,195,204,209,207,204,204,204,202,199,196,199,207,207,202,194,199,207,209,199,186,135,134,135,139,186,186,181,178,177,179,186,186,183,181,178,178,179,181,189,199,196,194,191,181,131,123,120,119,123,176,183,189,189,181,177,177,178,177,177,181,183,179,179,183,186,186,182,182,186,189,189,186,186,189,196,202,204,204,204,204,204,202,196,139,132,133,186,199,199,198,199,198,199,207,209,207,207,207,204,204,204,204,199,189,181,131,121,117,119,129,186,196,202,202,199,196,199,199,196,191,186,182,182,186,189,189,186,186,186,183,181,178,178,178,178,181,183,183,181,178,178,178,176,173,172,173,178,186,191,196,202,204,204,204,202,194,191,189,186,183,176,129,127,129,178,186,189,191,194,199,194,189,189,196,199,196,196,194,181,181,183,189,202,204,202,189,176,181,196,207,212,215,217,212,178,77,69,129,199,202,186,174,176,178,183,189,194,189,181,177,178,183,186,189,191,194,196,196,196,191,194,199,202,202,194,183,178,179,186,191,191,181,133,131,125,120,121,133,181,178,181,189,196,202,204,207,202,202,199,194,189,186,189,189,189,189,186,181,135,133,137,189,199,202,196,189,191,196,189,179,183,191,194,194,191,189,186,183,179,179,181,183,176,127,125,129,133,176,176,181,186,189,183,133,131,135,178,183,189,191,196,199,202,204,207,209,212,209,209,209,209,209,204,199,202,202,199,194,191,194,191,196,204,209,209,212,215,215,217,222,222,212,207,207,209,217,222,225,222,222,215,209,204,207,215,222,228,230,235,235,233,233,230,233,235,235,230,226,226,230,233,233,233,230,230,228,228,228,230,233,235,235,235,235,233,230,225,217,217,222,215,209,212,212,212,212,209,209,212,222,222,225,228,225,222,220,222,222,217,215,217,217,217,222,228,230,230,233,233,233,230,228,230,233,233,225,222,222,228,228,225,217,212,209,209,209,215,217,217,217,217,222,228,233,233,235,235,235,233,230,230,230,228,228,228,228,228,228,228,228,225,217,216,222,225,228,225,222,222,222,217,212,207,207,204,202,199,199,196,196,195,196,199,202,204,204,204,204,207,209,212,215,217,222,222,217,215,215,217,222,222,228,230,233,233,230,228,222,220,217,215,215,215,212,209,207,204,202,202,199,199,199,199,199,199,202,204,204,207,207,207,204,204,204,207,209,212,212,209,207,204,204,202,199,199,199,199,202,207,209,217,228,233,0,0,0,0,0,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,207,202,202,199,196,194,196,207,209,207,202,189,168,157,157,173,212,238,243,246,248,248,246,241,235,215,186,133,132,132,135,135,135,135,137,135,137,141,189,141,137,137,139,189,196,202,202,204,207,207,204,204,202,202,202,204,202,202,199,194,194,194,194,194,194,196,199,202,199,196,191,186,141,141,191,199,202,202,202,202,202,204,207,209,212,212,209,212,212,212,212,209,207,203,203,204,209,215,217,217,215,212,207,202,202,199,199,202,202,199,194,190,190,191,194,199,199,199,196,196,194,194,199,209,215,215,212,212,215,222,222,222,217,217,222,217,215,212,209,207,207,209,209,25,25,33,45,55,65,71,67,49,25,29,45,51,45,41,33,25,5,0,0,13,31,49,77,100,116,126,134,118,100,49,19,0,0,0,0,47,39,0,0,0,11,63,124,155,150,118,79,79,113,150,160,160,181,191,194,199,209,217,233,254,233,230,238,243,228,225,243,255,255,255,241,235,225,189,95,43,40,73,150,165,152,152,199,246,241,152,68,64,121,217,255,255,255,225,61,9,0,23,79,79,39,53,66,59,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,31,82,134,147,105,24,49,168,191,155,97,93,105,147,147,144,103,95,93,131,144,160,155,134,71,37,0,0,0,0,0,0,0,0,0,27,45,23,0,0,0,0,0,142,209,181,181,196,199,189,155,126,134,144,126,97,147,163,176,183,183,181,173,147,16,0,0,0,16,83,178,207,222,228,230,235,243,248,251,248,233,189,129,61,98,113,43,0,0,0,0,0,0,0,0,0,0,7,27,43,41,37,41,49,55,105,124,126,111,103,118,160,155,142,142,155,155,134,95,95,134,157,147,91,71,73,73,73,89,137,152,155,139,103,97,91,80,81,91,103,105,101,93,88,86,86,91,101,89,40,33,47,89,131,81,69,81,137,157,168,142,124,85,84,84,118,129,147,196,207,186,131,67,49,35,11,0,0,0,0,0,0,15,93,194,173,142,103,144,160,150,142,140,140,147,165,181,183,173,165,159,160,170,189,194,176,157,107,103,99,95,103,147,150,95,69,53,53,71,91,131,126,83,83,124,139,131,126,121,85,91,139,131,87,69,29,18,23,77,124,124,126,137,165,181,181,170,150,124,118,124,121,121,81,71,67,73,71,55,33,28,31,55,79,85,85,83,71,39,0,0,23,67,108,73,67,108,139,150,150,147,142,142,134,61,5,0,0,0,0,0,0,0,160,181,126,98,69,71,113,100,69,111,121,126,89,71,61,57,54,57,61,67,73,91,107,101,69,69,85,155,181,207,235,235,230,230,238,238,238,220,65,59,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,31,39,37,37,61,85,0,0,142,165,160,121,69,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,87,82,47,37,65,134,173,183,189,199,199,194,186,199,217,228,238,248,248,233,225,238,228,189,163,176,194,186,152,81,61,55,63,73,73,67,65,57,53,55,65,81,129,129,87,79,77,75,73,65,59,53,55,59,63,63,61,67,113,129,139,134,137,144,139,121,77,77,81,75,67,57,57,55,63,71,71,73,77,83,89,89,89,93,91,126,95,91,85,81,83,85,85,83,89,131,142,129,93,91,91,89,85,121,126,131,126,126,134,173,204,222,241,251,255,251,0,0,0,0,0,204,176,155,147,139,118,92,48,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,40,19,1,1,25,100,134,0,0,0,0,0,0,160,160,163,163,0,0,142,147,139,108,45,19,6,6,11,19,45,77,111,111,118,142,150 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,178,183,183,189,191,191,191,191,191,191,190,190,191,196,199,199,199,202,204,204,202,202,199,199,199,199,194,192,194,196,204,209,215,209,81,75,65,59,39,53,43,0,31,49,11,7,129,202,215,217,222,225,183,45,9,3,87,99,150,215,209,209,209,207,205,209,215,212,209,207,212,207,194,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,163,217,222,222,222,217,217,215,212,212,215,217,217,217,215,212,207,203,207,220,217,212,233,30,7,121,225,212,183,115,118,125,125,125,170,168,170,183,194,196,181,91,87,95,111,117,117,117,125,173,115,70,74,109,123,127,183,196,196,199,196,189,191,199,194,178,131,133,176,178,181,183,182,183,194,199,199,191,189,189,194,196,199,202,202,202,202,199,199,199,199,196,202,207,209,209,207,209,212,215,217,215,212,212,212,217,225,228,222,207,203,203,207,215,215,204,196,196,196,194,192,194,199,202,207,209,215,215,215,215,212,204,199,207,217,217,212,217,222,228,225,212,207,205,209,209,209,212,222,228,228,222,217,212,125,85,124,204,196,186,139,139,133,137,189,199,199,196,191,191,189,181,133,132,137,191,194,191,185,185,189,191,191,194,199,199,199,199,194,189,185,185,191,191,186,139,139,137,131,129,137,194,196,194,186,186,189,189,183,182,185,196,212,225,230,233,233,233,233,230,215,186,137,186,202,207,194,131,122,122,125,135,194,207,202,126,112,118,196,207,199,194,194,191,194,199,202,199,199,209,228,230,230,228,215,204,198,196,199,215,230,228,209,194,189,189,191,191,194,199,212,228,228,222,212,204,196,194,196,199,199,199,207,209,207,207,215,228,230,215,194,192,199,204,200,199,202,212,212,207,204,204,207,209,215,217,212,207,202,199,202,207,207,199,194,195,202,209,209,207,204,204,202,199,196,195,199,207,204,196,202,212,220,212,196,139,135,134,135,139,183,181,179,178,178,179,189,191,189,183,179,181,186,191,194,194,183,181,178,127,123,122,121,121,127,178,181,181,181,177,177,178,189,189,181,183,186,181,181,186,194,194,191,186,183,186,189,189,189,194,199,204,207,207,207,207,204,202,191,135,132,135,191,199,202,202,204,204,202,204,202,199,196,196,199,202,199,191,183,135,133,129,121,118,120,131,186,194,199,202,202,204,202,199,194,191,186,183,183,189,189,186,182,182,183,186,183,181,178,177,177,177,178,181,178,178,178,181,178,173,172,176,189,194,194,196,199,202,202,204,204,202,196,191,183,181,176,133,131,133,178,183,186,191,194,196,189,186,189,196,196,194,191,189,178,178,181,186,202,207,207,194,181,186,202,207,204,209,217,207,173,31,0,63,189,196,191,178,178,181,183,189,199,196,189,183,191,196,202,204,204,204,204,204,202,196,199,202,207,207,199,183,178,178,181,189,191,186,181,135,125,119,120,131,183,186,189,194,199,202,204,204,202,199,199,194,189,186,189,191,194,194,191,186,181,133,135,191,202,207,202,194,194,199,194,182,181,183,189,194,194,191,189,186,183,183,183,178,129,125,125,127,131,176,178,183,189,189,181,131,129,131,178,186,194,196,199,202,204,204,207,207,209,209,209,209,209,207,204,202,204,204,196,143,143,189,191,194,202,204,207,209,209,212,217,222,220,212,204,203,203,212,222,225,225,222,215,207,203,204,212,220,225,228,233,233,233,233,233,235,235,233,228,226,226,228,230,233,233,230,228,228,228,228,230,233,233,235,235,233,230,225,217,216,217,217,215,212,212,212,215,222,225,222,215,212,215,220,222,220,215,215,217,220,217,217,217,220,222,225,230,233,230,230,233,235,233,233,235,235,233,228,225,225,228,230,228,222,217,217,215,215,215,215,215,215,217,225,230,235,235,235,235,233,230,228,230,230,230,228,228,228,228,228,230,230,228,222,216,217,222,225,225,222,222,222,217,212,207,207,204,202,199,199,199,196,196,196,196,199,202,207,209,209,209,209,212,215,217,217,215,215,215,215,217,220,222,225,230,233,235,233,230,225,222,222,222,217,215,212,209,207,204,202,199,199,199,198,198,199,202,204,204,207,207,207,207,204,204,204,207,209,215,212,212,209,209,207,204,202,202,202,199,202,204,207,212,225,233,238,0,0,246,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,220,212,204,199,199,207,0,0,212,209,202,186,170,160,157,183,225,235,238,243,248,248,248,248,238,212,191,137,133,133,133,133,133,133,131,131,137,186,141,139,137,133,137,189,196,199,202,202,204,204,204,204,204,204,204,202,202,199,196,194,192,192,192,192,194,196,199,199,196,189,138,137,139,189,199,202,199,198,198,198,199,204,209,212,212,209,209,212,215,215,215,209,204,204,204,209,212,215,215,212,207,204,202,202,202,202,202,202,199,194,190,190,191,194,196,196,196,196,196,196,194,199,207,212,212,212,212,217,222,225,225,222,217,217,217,217,215,212,207,207,207,207,19,22,25,33,45,57,71,75,51,25,25,45,33,18,16,19,7,0,0,0,0,19,29,45,85,108,121,131,126,111,87,49,9,0,0,0,3,5,0,0,0,0,43,124,155,126,111,79,69,75,150,183,173,170,176,186,199,212,217,233,251,233,226,233,238,221,215,220,255,255,215,111,121,109,99,101,93,73,59,73,147,165,183,222,255,255,194,85,66,69,137,217,255,255,243,105,43,37,77,105,98,56,29,27,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,11,23,35,95,142,165,152,144,178,215,207,160,87,61,65,83,83,63,41,51,83,142,168,168,160,139,71,41,0,0,0,0,0,0,0,0,0,0,13,3,0,0,0,0,0,57,155,178,181,196,194,178,142,59,37,19,9,37,79,155,183,199,199,191,202,183,53,0,0,0,16,63,163,204,222,230,238,251,255,255,255,255,248,202,155,129,105,61,0,0,0,0,0,0,0,0,0,0,0,0,27,95,118,105,98,90,63,108,121,118,111,103,111,142,155,152,147,144,134,124,91,95,147,168,168,134,91,85,79,73,87,101,150,142,103,99,101,97,93,91,91,93,95,95,95,93,91,93,97,139,95,57,39,75,155,152,137,129,137,155,170,150,139,134,131,91,85,85,129,155,204,215,202,157,85,47,27,7,0,0,0,0,0,5,43,137,207,186,142,103,150,163,165,152,144,143,147,165,194,207,191,173,163,163,178,191,191,173,144,101,99,144,144,139,144,150,101,75,48,45,49,77,81,69,55,63,81,121,91,85,85,79,89,139,89,69,53,33,23,28,69,124,124,124,139,165,183,181,168,147,124,124,126,131,121,87,81,79,77,71,59,43,33,43,61,79,79,79,69,55,37,9,0,1,37,59,59,59,79,131,139,142,147,152,152,142,67,13,0,0,0,0,0,0,33,173,118,0,0,19,27,43,49,55,73,111,126,126,73,60,57,57,57,57,61,79,103,147,107,101,97,150,181,199,204,207,207,199,222,246,255,254,230,152,134,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,19,29,31,25,25,37,74,100,113,121,121,103,61,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,79,36,23,33,124,181,191,189,194,186,168,168,194,225,243,251,255,246,233,225,238,233,196,173,181,196,194,176,144,83,73,73,71,67,65,59,55,51,55,63,75,89,87,77,79,87,113,83,69,59,51,47,51,57,53,51,61,77,129,137,134,134,142,131,113,75,75,77,75,67,65,59,65,63,69,71,71,73,77,83,87,89,89,91,97,129,134,95,93,93,95,91,87,97,137,142,131,97,129,129,93,91,91,121,124,124,124,137,176,204,217,230,246,251,243,0,0,0,0,0,204,194,168,160,147,121,77,40,9,0,0,0,0,0,0,0,0,0,0,0,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,19,1,0,0,29,108,142,0,0,0,0,0,173,173,173,176,176,0,160,160,160,150,116,49,19,7,6,11,23,59,116,124,116,111,124,134 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,178,183,182,189,191,194,191,191,190,190,190,191,194,194,196,196,196,199,202,204,202,199,199,199,199,199,199,199,204,204,207,212,222,228,62,63,57,61,53,47,19,0,0,31,0,0,0,131,222,228,217,225,228,196,39,0,0,61,150,204,215,215,212,209,207,209,215,212,209,212,209,204,118,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,165,189,207,212,217,217,217,217,215,212,212,215,215,215,217,217,209,204,209,222,215,119,51,59,79,199,199,196,189,168,168,173,168,170,170,168,176,194,207,199,113,76,92,121,173,178,168,114,117,207,225,95,94,127,173,129,183,199,202,199,194,191,194,202,199,186,176,178,178,181,181,183,183,189,196,202,199,194,191,191,196,199,199,198,199,204,209,204,199,199,196,196,199,204,207,204,204,204,204,207,209,209,207,209,212,222,228,230,228,212,204,204,209,215,209,194,189,190,194,196,199,202,199,202,207,212,215,215,212,209,209,207,204,207,215,215,209,209,222,225,222,212,207,207,212,212,207,209,215,212,204,199,204,202,139,89,129,196,191,133,90,101,119,183,202,209,209,204,191,186,183,137,134,134,181,191,194,191,189,189,189,189,191,194,196,194,191,194,196,194,191,191,194,194,186,139,139,183,139,139,186,194,196,194,189,189,194,194,186,185,186,204,225,235,235,235,233,233,235,228,199,133,132,139,194,191,191,137,127,123,125,133,194,209,209,189,127,137,196,202,196,196,194,189,189,196,196,194,199,217,230,230,230,228,215,199,196,199,207,215,217,209,199,191,189,191,194,194,196,207,217,225,222,217,215,202,192,192,194,194,194,199,204,207,202,204,209,217,217,204,194,196,207,212,207,202,207,215,215,209,209,207,207,207,207,207,204,204,202,199,204,212,209,202,196,196,199,202,199,199,202,204,199,199,196,194,199,207,204,196,204,215,215,204,189,139,137,137,137,186,191,186,183,186,189,191,196,199,196,189,183,189,199,209,209,194,125,125,127,123,122,123,125,123,129,176,178,178,177,177,178,181,189,191,186,189,191,183,186,194,202,209,209,196,183,181,189,191,194,196,202,207,209,209,212,212,209,202,191,134,134,189,202,207,207,207,207,207,204,204,196,194,191,191,199,202,191,135,131,129,129,129,125,123,127,181,191,194,199,202,207,209,207,202,196,191,189,186,186,189,189,186,183,183,186,189,186,181,178,177,177,177,178,178,178,178,178,181,181,176,176,189,199,199,196,196,199,199,202,204,204,202,196,186,178,178,178,178,178,178,178,181,189,191,194,191,189,186,189,196,194,194,196,194,181,181,183,189,194,202,202,191,183,189,202,202,199,194,202,186,170,30,0,43,183,196,199,194,186,181,181,186,194,199,199,202,204,207,204,204,207,207,207,207,204,202,202,204,207,207,199,189,179,178,179,181,189,189,191,189,135,121,120,129,189,194,196,196,199,199,196,196,191,191,189,189,186,186,189,194,196,199,196,194,189,135,131,186,204,207,202,194,194,196,194,183,177,179,183,189,194,194,194,191,191,194,191,183,131,127,127,129,133,178,181,183,189,189,183,131,129,130,135,186,196,202,204,204,207,207,209,209,209,209,207,204,202,199,199,202,204,202,143,134,137,189,191,194,202,204,207,209,209,209,212,217,215,209,204,202,202,207,217,225,225,222,212,204,202,203,209,217,222,225,228,230,230,233,235,235,233,230,228,228,228,228,230,230,230,228,228,228,225,225,228,230,230,233,233,230,225,222,217,217,217,217,212,207,209,209,215,225,228,225,212,209,212,217,217,215,213,213,217,217,217,217,217,217,217,220,225,228,230,230,233,233,233,235,235,238,235,233,228,225,228,228,222,217,217,217,217,217,215,215,215,217,222,228,233,235,235,235,233,233,230,228,228,228,228,228,228,228,230,230,233,235,233,228,222,217,217,222,222,222,222,222,215,209,207,204,204,202,202,202,199,199,199,199,199,199,202,207,209,212,209,212,215,217,217,215,215,212,212,215,217,217,222,225,230,235,238,235,233,228,225,225,225,222,217,212,209,204,202,199,198,198,198,199,199,199,202,204,207,207,207,207,207,204,204,204,207,209,212,215,212,212,212,209,207,204,204,202,199,202,202,204,209,222,235,241,241,241,243,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,230,222,209,202,202,0,0,0,209,204,196,191,181,168,157,157,165,181,202,225,235,238,243,248,246,233,217,199,183,137,137,133,129,125,125,127,135,139,139,139,137,131,130,137,191,196,199,199,202,207,209,209,209,207,204,202,202,202,199,196,192,192,194,194,196,199,199,199,194,186,138,137,139,189,196,202,199,198,196,198,199,204,209,212,209,208,208,209,212,215,217,215,209,207,207,209,212,212,212,209,204,202,202,202,202,202,204,202,199,194,191,191,194,199,199,199,195,195,196,199,199,202,207,212,212,211,212,217,222,225,225,222,217,217,217,222,222,215,209,207,204,202,17,19,25,25,25,45,65,75,55,23,19,33,31,16,13,19,13,0,0,0,0,13,25,45,77,100,118,126,126,118,103,90,39,0,0,0,0,0,0,0,0,0,0,29,69,71,71,73,65,69,152,196,183,166,168,173,199,217,217,220,238,233,230,230,230,221,215,220,243,243,178,51,43,27,15,57,113,163,67,31,83,0,212,248,255,255,212,139,77,66,68,118,194,255,0,144,116,103,100,98,79,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,61,56,37,37,100,150,165,176,189,215,225,207,173,97,53,33,35,27,7,0,25,81,157,183,183,168,160,142,113,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,178,186,163,160,116,31,0,0,0,0,31,99,189,212,191,181,202,215,173,107,67,23,19,45,109,196,222,230,238,255,255,255,255,255,241,207,173,139,67,3,0,0,0,0,0,0,0,0,0,0,0,0,0,85,131,118,98,79,90,100,108,124,139,124,79,111,121,129,129,129,91,87,87,95,147,168,173,160,134,99,85,79,87,101,142,139,97,93,95,103,103,101,97,99,99,103,139,139,101,99,99,103,97,77,77,142,144,93,144,168,168,176,168,129,124,131,144,144,142,144,150,165,189,196,181,144,67,21,0,0,0,0,0,0,0,17,59,152,194,173,147,142,155,170,170,163,152,147,155,173,196,209,199,181,173,181,191,191,189,157,97,89,103,160,160,103,97,139,139,95,65,43,41,47,55,47,43,49,69,85,87,79,67,49,57,87,67,37,27,37,45,61,83,124,124,131,150,176,183,181,170,150,129,118,87,81,79,75,75,73,65,65,71,71,69,69,73,77,75,73,59,41,33,17,0,0,3,37,53,65,79,121,131,139,147,152,152,134,63,13,0,0,0,0,0,0,90,39,0,0,0,0,13,31,43,47,61,63,79,126,121,73,67,67,67,61,73,139,157,163,157,157,157,163,181,181,181,181,176,165,191,238,255,246,207,147,134,67,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,17,29,21,0,0,17,69,87,92,92,79,41,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,87,45,19,26,73,157,178,173,150,129,126,160,194,225,243,251,255,251,238,230,238,233,196,173,176,183,191,183,160,137,89,81,71,67,63,59,52,51,53,61,71,73,73,73,77,116,118,113,73,59,47,41,45,51,45,45,55,69,121,126,129,129,134,118,77,63,69,77,77,75,71,65,65,65,67,67,67,69,73,79,83,91,93,93,97,137,137,137,134,139,139,99,97,103,144,142,101,131,139,139,129,93,89,87,83,79,83,124,168,202,215,228,243,243,235,0,0,0,189,194,202,202,183,165,157,111,53,19,9,0,0,0,0,0,0,0,0,0,0,4,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,59,126,160,0,0,0,0,0,176,176,181,181,181,0,173,173,178,160,126,51,23,7,6,7,25,71,126,134,111,73,73,77 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,165,178,186,186,191,194,194,191,191,190,190,190,191,194,196,194,194,194,196,199,202,199,196,199,199,199,202,204,207,212,212,212,215,225,235,71,69,49,47,45,35,21,0,0,0,0,0,0,0,97,204,204,222,228,222,181,7,0,0,152,181,207,212,215,217,217,212,207,199,194,202,199,186,75,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,160,168,178,194,202,209,212,217,212,207,202,204,212,215,215,217,212,202,191,196,95,0,0,45,71,183,173,164,170,183,194,199,186,178,173,166,173,204,225,222,178,92,186,209,202,186,173,121,181,233,241,230,215,186,59,55,129,196,196,189,186,194,202,204,199,189,178,176,178,181,181,186,189,191,194,196,194,194,196,199,199,202,199,196,198,207,215,215,207,202,199,195,196,199,202,202,202,202,199,200,202,202,202,207,212,222,225,230,228,217,209,209,212,212,207,191,187,189,191,196,199,196,196,199,204,209,212,209,209,207,207,207,207,207,207,202,199,207,225,222,215,207,207,207,209,209,207,202,194,141,137,141,191,194,194,135,209,212,207,127,17,16,95,194,215,222,217,209,191,181,137,137,137,181,186,191,194,196,196,194,191,191,191,194,196,196,192,194,196,194,194,196,199,194,183,138,138,183,189,191,194,194,196,194,189,189,196,199,194,191,191,209,233,241,238,235,233,230,230,215,186,133,135,186,141,129,137,141,139,127,124,133,196,215,217,209,189,186,191,194,194,199,196,186,186,191,194,190,199,222,228,225,225,225,215,202,199,209,215,212,204,199,194,191,191,196,196,199,207,215,217,217,215,212,207,196,192,194,196,192,192,194,199,202,202,204,207,209,204,199,194,202,215,222,215,207,207,212,212,212,212,207,207,209,207,202,199,199,196,194,199,207,207,202,196,192,191,192,194,196,204,207,207,204,202,199,204,209,204,196,199,204,199,189,183,186,186,186,189,194,194,186,183,191,196,202,204,204,199,191,191,199,209,215,215,199,123,122,123,120,121,127,127,123,125,176,181,183,186,189,186,181,181,186,189,194,194,186,191,199,207,217,225,207,179,177,186,196,202,202,202,204,209,212,212,215,212,202,186,134,137,199,209,212,212,207,202,202,204,202,196,191,189,194,204,204,186,125,125,127,131,133,133,131,135,189,194,196,196,202,207,209,209,204,199,196,194,191,191,194,191,189,189,189,191,189,186,181,178,177,178,178,178,178,181,181,181,178,176,176,181,194,202,199,196,196,196,196,199,199,199,196,191,183,178,177,181,183,183,181,178,181,191,194,191,191,189,189,191,196,199,199,202,199,183,181,186,189,191,194,191,186,183,194,202,199,186,115,119,125,127,83,13,69,178,194,204,202,186,176,176,178,183,194,204,209,209,207,204,204,207,207,207,207,207,207,207,207,209,207,202,196,191,189,183,181,186,189,189,186,131,121,123,135,194,199,196,196,196,194,191,186,185,183,182,183,186,191,196,196,199,199,199,199,194,137,127,131,202,204,202,196,194,194,194,189,181,182,183,186,189,191,189,186,194,199,202,194,183,176,133,133,133,176,178,183,189,191,189,183,135,135,181,189,199,204,207,207,207,209,212,212,212,209,204,199,196,195,196,199,204,199,135,129,134,189,194,196,202,209,209,209,209,209,209,209,209,207,204,203,202,204,212,217,222,220,212,204,203,204,215,222,222,225,225,228,230,233,233,233,233,230,230,230,233,233,230,228,225,225,225,225,225,225,225,228,228,230,228,228,222,217,217,222,222,215,204,200,204,212,217,225,228,222,212,209,212,217,217,215,213,213,215,220,217,217,217,215,212,212,217,225,230,230,230,230,233,235,238,241,238,235,230,228,225,222,217,217,217,217,217,215,215,215,222,225,225,228,233,235,233,233,230,230,230,230,228,225,225,225,225,228,228,230,235,238,238,233,228,217,215,217,217,217,217,217,212,207,207,204,204,204,202,202,202,204,204,204,202,202,202,204,209,212,209,212,215,217,222,217,212,212,212,212,215,217,222,225,230,235,238,235,233,230,228,225,225,225,222,217,212,207,202,199,198,198,199,199,199,202,202,204,204,207,207,207,207,204,204,204,207,209,212,212,212,215,215,215,212,209,207,202,199,202,202,204,207,217,233,241,243,243,243,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,225,212,204,202,202,0,0,0,194,186,186,183,173,155,150,150,115,121,178,194,207,230,241,241,235,233,228,209,199,194,135,124,122,123,127,131,135,139,141,139,131,129,131,139,189,194,194,199,209,215,212,209,207,202,200,202,202,202,199,196,196,199,202,202,202,202,199,196,189,139,138,139,186,194,199,202,202,199,199,202,204,209,209,209,208,208,209,212,217,217,215,212,209,209,209,212,209,209,207,204,202,202,202,202,204,204,204,202,196,191,191,199,202,202,199,195,195,196,202,204,207,209,212,212,212,212,217,222,225,228,225,222,222,225,225,225,222,212,207,204,202,18,22,25,25,24,31,55,67,53,19,14,25,31,21,18,23,25,11,0,0,0,5,21,43,55,92,108,121,126,116,113,105,98,0,0,0,7,0,0,0,0,0,0,0,11,59,75,71,61,66,150,196,199,183,178,183,212,230,228,217,228,233,233,241,230,224,225,233,255,255,199,67,11,0,0,10,99,160,67,36,69,0,0,0,255,255,222,165,87,66,55,59,113,243,0,0,225,170,124,92,39,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,69,64,39,43,103,147,168,189,207,215,215,207,199,160,59,19,0,0,0,0,9,61,157,196,196,183,176,178,165,142,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,55,37,71,71,35,0,0,0,0,0,0,73,181,189,168,160,173,191,173,115,81,29,19,53,111,189,220,230,238,255,255,255,251,233,209,191,173,139,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,79,87,53,49,55,87,105,124,147,118,57,51,53,73,85,89,85,84,87,126,147,157,168,165,155,137,91,83,93,101,139,101,95,92,93,97,101,103,105,105,142,147,147,142,95,95,97,103,134,85,83,99,41,40,79,168,189,181,155,92,87,93,142,173,196,194,173,160,176,178,168,144,73,21,0,0,0,0,0,1,13,29,53,91,147,142,137,142,160,168,165,157,146,147,165,183,196,207,207,207,194,191,194,189,178,147,89,86,139,155,142,83,77,91,142,144,91,48,43,47,65,65,53,43,43,71,91,81,49,17,10,23,41,20,13,20,65,87,121,126,134,142,165,176,183,173,170,155,134,79,57,51,55,61,61,60,57,60,77,116,124,121,87,81,79,79,59,43,43,31,0,0,0,37,65,77,108,108,108,134,147,152,152,134,95,29,0,0,0,0,0,0,9,0,0,0,0,13,49,63,67,55,51,50,57,116,134,126,81,81,79,75,99,165,181,178,176,178,176,163,168,165,170,170,157,144,170,230,246,199,126,55,57,39,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,17,37,37,0,0,0,43,85,79,77,69,31,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,85,59,29,32,61,124,163,150,118,111,120,168,207,228,238,246,251,246,233,220,230,228,204,176,172,178,186,176,157,142,103,89,73,67,63,59,52,52,53,61,67,65,63,69,75,85,118,111,69,55,45,41,43,45,45,43,49,63,111,118,118,121,118,81,61,61,75,79,81,75,75,71,71,69,69,69,67,67,69,77,85,95,129,129,137,139,144,142,142,150,147,142,137,144,147,144,101,134,152,152,142,97,87,81,75,68,68,85,160,196,209,225,235,243,233,0,0,189,170,178,202,204,194,183,168,121,39,17,9,0,0,0,0,0,0,0,0,0,1,25,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,98,134,173,0,0,0,0,0,173,181,181,183,181,0,181,189,191,178,134,61,25,11,7,7,23,71,126,129,103,51,39,39 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,168,176,186,189,194,194,194,194,194,194,191,191,194,196,199,199,199,196,196,196,196,196,196,196,199,199,202,204,209,215,215,215,215,220,222,105,95,57,39,29,9,11,29,17,31,0,0,0,0,0,49,87,202,209,212,207,155,0,0,142,160,183,202,209,222,225,209,181,168,156,153,176,168,137,131,0,0,0,0,0,0,0,0,0,0,0,0,0,13,170,186,147,93,109,163,178,189,199,209,207,199,183,119,95,103,189,212,202,186,127,87,0,0,0,47,51,125,173,165,173,186,189,189,186,186,181,170,178,212,230,233,217,194,202,217,207,168,127,189,215,228,230,230,225,191,34,51,127,183,183,179,181,196,204,204,199,189,176,133,176,178,183,189,191,191,191,190,190,194,202,204,204,204,202,198,198,207,217,222,215,207,202,195,194,195,199,204,204,202,199,199,200,202,202,207,212,217,217,217,217,215,215,217,215,207,199,191,189,189,194,194,191,189,196,202,204,204,204,207,209,209,204,199,199,204,199,190,190,212,225,217,207,204,207,204,204,204,209,202,141,129,127,135,186,194,204,215,228,225,230,196,17,7,101,217,230,225,222,209,186,135,135,137,181,183,189,191,196,202,202,196,191,191,194,199,204,204,202,202,199,191,191,196,196,194,186,139,138,183,194,199,202,204,209,204,194,191,194,196,194,191,194,215,233,238,233,230,225,217,212,202,141,138,189,194,137,121,123,139,196,191,137,186,199,207,212,204,186,182,186,194,196,199,196,186,186,191,191,190,199,217,225,222,222,222,212,204,204,215,215,207,199,196,196,196,196,199,202,207,212,212,207,202,199,202,199,196,199,204,204,196,192,192,194,196,202,202,202,202,196,194,196,204,215,217,215,207,204,202,202,207,207,204,204,209,209,202,196,194,190,190,194,202,204,202,194,190,189,191,199,207,212,215,212,209,204,202,204,204,199,194,196,196,189,183,189,199,199,196,196,196,191,183,182,186,199,207,209,209,204,196,196,207,212,212,209,202,178,129,123,119,121,131,133,123,125,178,191,199,207,207,196,186,179,183,196,202,196,191,196,204,209,222,230,207,174,174,191,202,204,207,204,207,209,212,209,212,209,196,186,137,183,199,207,207,207,202,195,195,199,199,194,189,189,194,202,199,135,122,123,127,133,181,181,137,186,196,199,196,196,199,204,209,209,207,202,202,196,196,196,199,199,194,191,189,189,186,181,178,178,178,181,181,181,183,186,186,183,176,130,132,181,191,196,196,194,191,189,189,191,191,191,189,186,181,178,181,183,186,189,186,181,181,191,189,183,186,189,194,194,194,199,199,196,191,177,177,183,189,189,186,183,178,181,196,204,196,92,90,111,119,113,91,69,121,178,191,202,196,133,125,129,133,181,191,204,207,207,204,204,207,204,204,204,204,207,209,207,207,207,207,204,204,204,204,194,189,194,191,181,129,119,117,123,181,194,199,196,194,194,194,189,185,185,183,182,185,191,199,202,199,199,202,199,199,199,186,123,120,186,194,196,199,199,196,196,196,194,191,189,183,183,186,186,185,191,196,196,196,191,186,181,178,131,131,133,178,186,194,196,194,189,186,189,194,202,204,204,204,204,207,209,212,212,209,207,202,196,195,196,199,207,202,135,128,134,191,196,196,204,212,212,209,209,209,209,207,207,207,207,204,203,204,209,212,215,215,212,204,207,215,220,222,222,222,222,225,228,230,230,230,233,233,233,233,233,233,230,225,222,221,222,225,225,225,225,228,228,228,228,228,225,222,222,225,225,209,199,196,202,212,222,228,228,225,217,212,212,215,217,217,215,215,217,222,222,220,215,209,207,209,212,222,228,230,228,228,230,235,238,241,241,235,230,228,225,222,217,217,220,217,212,212,215,220,225,228,228,230,230,230,230,228,228,230,230,228,225,225,224,225,225,228,228,230,233,235,235,235,228,215,213,215,215,212,215,215,212,207,207,204,204,204,204,204,204,204,207,207,204,202,204,204,207,209,209,212,217,222,225,222,215,212,212,212,215,217,217,225,228,233,235,235,235,233,230,228,225,225,225,222,217,212,207,204,202,202,204,204,204,202,202,202,202,204,204,207,207,204,204,204,207,209,212,212,212,215,217,217,217,215,209,204,202,202,202,204,207,215,228,238,243,243,243,248,0,0,243,241,246,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,225,212,204,199,196,0,0,0,191,186,186,183,170,160,155,150,111,110,113,163,183,220,233,235,233,238,241,241,233,212,183,124,122,123,127,129,133,137,137,137,135,133,135,139,186,189,189,194,204,212,212,209,207,204,202,202,202,202,202,202,202,204,207,204,207,204,202,196,191,189,186,141,143,189,196,202,204,204,204,204,207,212,212,209,209,212,215,215,217,217,215,212,212,212,212,209,207,207,204,204,204,204,204,204,204,204,204,202,196,191,194,199,202,202,199,195,195,199,202,204,207,209,212,215,215,215,215,217,225,228,228,225,225,228,228,228,222,212,204,202,202,20,24,29,29,25,31,49,57,49,25,14,19,29,31,25,25,29,17,0,0,0,0,11,29,49,79,98,116,124,124,121,124,121,95,17,0,0,0,0,0,21,1,0,0,3,69,111,77,61,67,152,191,207,209,207,194,217,251,238,228,238,251,241,243,238,241,255,255,255,255,255,215,71,0,0,51,87,79,56,59,69,66,81,204,255,255,230,178,139,87,71,68,118,255,0,0,255,255,170,105,43,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,61,69,47,51,103,147,178,199,215,225,225,220,228,207,144,39,0,0,0,0,0,49,157,209,217,215,215,217,207,178,126,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,1,0,0,0,0,0,0,0,0,67,170,181,168,160,173,191,173,101,45,16,31,111,183,194,207,220,230,241,255,255,233,199,183,173,165,139,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,25,35,35,61,108,113,69,0,0,0,7,47,79,87,85,85,87,126,131,137,147,152,155,137,91,85,93,99,93,91,93,95,95,97,97,97,105,142,144,144,139,97,86,89,139,150,144,85,65,57,38,40,77,155,181,157,137,92,92,95,150,191,209,194,138,121,157,189,189,181,163,137,65,35,25,11,9,15,25,25,25,29,41,65,97,150,160,160,152,146,142,147,165,183,194,202,207,207,204,194,191,178,165,142,89,88,99,89,53,48,57,87,139,150,137,85,77,83,124,89,61,37,31,41,77,85,57,13,5,8,33,20,9,14,59,91,121,126,134,155,168,173,165,157,152,147,118,63,47,43,48,61,65,60,57,60,71,85,121,124,116,85,85,87,73,59,61,49,15,0,11,59,111,111,79,78,78,131,147,152,152,150,137,67,9,0,0,0,0,0,0,0,0,0,0,55,69,121,139,75,57,51,48,65,126,131,89,81,91,95,147,176,191,186,186,186,176,160,155,165,165,165,139,87,157,230,238,163,53,7,0,0,0,0,0,5,35,41,27,13,0,0,0,0,0,0,0,11,21,35,82,82,17,0,0,74,108,92,77,43,23,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,87,59,61,69,116,150,150,120,113,134,181,215,235,238,243,243,235,212,207,215,225,204,181,176,183,189,170,142,101,139,139,81,73,65,63,57,55,55,61,65,65,63,65,71,75,77,73,61,53,41,41,41,45,41,39,43,55,67,79,108,108,81,65,55,61,79,111,111,77,75,71,71,73,73,73,67,67,69,79,89,131,139,139,137,139,137,137,142,152,163,150,147,160,157,144,103,142,163,168,157,137,93,81,71,65,65,83,155,191,207,220,233,238,235,220,204,189,170,181,204,209,202,199,186,147,87,27,7,0,0,0,0,0,0,0,0,0,22,59,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,105,142,183,0,0,0,0,160,173,181,181,181,181,0,181,191,199,183,142,87,29,11,3,7,23,69,126,126,100,37,19,13 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,168,170,186,191,194,194,194,194,196,196,196,194,194,196,199,202,202,199,196,194,194,194,194,196,199,199,196,199,204,207,212,212,212,209,202,181,155,103,67,41,11,13,77,181,209,77,0,0,0,17,59,97,191,202,207,212,212,27,23,97,101,150,181,189,202,217,191,146,148,152,151,163,170,194,212,0,5,33,0,0,0,0,0,0,0,0,0,0,176,222,217,103,46,93,109,157,168,183,199,202,194,176,80,33,27,49,105,181,178,113,0,0,0,0,170,117,170,176,176,183,183,172,172,178,183,181,183,202,217,228,230,228,209,176,75,77,85,123,217,225,225,225,225,212,183,24,89,189,181,181,181,183,194,199,199,194,183,132,131,132,135,183,191,194,191,191,189,189,194,202,204,204,202,204,204,204,207,215,222,222,215,207,196,192,194,202,207,209,207,202,202,204,204,204,209,217,217,212,207,207,209,212,217,212,202,194,199,196,190,191,191,143,189,199,204,202,199,198,199,204,207,199,194,194,199,196,190,191,222,222,209,202,202,207,204,204,207,212,212,196,129,123,126,139,199,217,225,230,228,233,233,69,50,186,225,225,217,212,196,135,137,183,183,181,183,186,191,199,204,202,194,189,189,194,202,207,209,209,209,202,191,189,194,194,189,183,183,183,186,194,202,209,217,225,217,199,190,190,190,189,190,196,212,222,215,209,209,209,207,204,196,189,189,194,191,131,122,123,186,212,222,215,204,199,199,199,196,185,181,186,196,199,194,141,138,139,189,191,191,199,212,217,217,222,222,209,204,204,209,207,199,196,199,202,199,196,199,207,212,209,202,191,190,190,191,194,202,209,215,212,204,196,194,194,194,196,199,199,196,194,192,194,199,204,209,207,202,196,194,194,199,199,199,202,207,209,204,199,191,190,191,196,199,202,202,199,194,194,202,209,215,217,217,212,207,202,202,199,194,189,191,196,196,194,191,202,212,212,204,199,196,194,189,186,189,199,209,215,215,207,202,202,209,207,199,194,191,178,131,125,120,123,133,178,127,127,189,204,215,222,217,212,202,186,186,207,207,191,189,196,204,207,212,217,189,169,174,199,207,207,207,209,209,209,207,207,207,199,189,189,194,196,199,199,195,196,196,195,195,199,194,189,186,189,194,194,183,125,122,124,129,137,189,189,186,191,202,202,199,196,199,202,207,209,207,204,202,199,196,199,204,204,199,189,183,181,135,135,135,181,183,186,186,189,189,191,189,183,133,131,133,183,189,191,194,189,178,176,177,181,183,186,183,183,183,181,183,186,189,189,186,181,178,183,181,177,178,189,194,191,190,191,194,191,186,174,176,183,189,189,181,173,127,173,196,202,191,63,72,113,123,111,97,117,176,183,191,196,186,117,115,127,178,189,196,204,204,204,204,207,207,207,204,204,204,207,209,207,204,204,207,209,209,212,215,209,204,204,196,181,125,115,109,113,127,186,196,199,196,194,194,191,189,186,186,189,194,199,204,204,202,199,202,199,199,204,199,129,118,120,131,186,199,202,202,202,202,202,199,191,182,182,189,191,191,189,186,186,191,191,186,181,178,131,130,131,176,183,191,196,194,191,186,189,196,202,204,204,202,202,204,207,209,212,212,209,207,204,199,198,202,209,207,141,131,139,194,196,199,207,212,207,204,207,209,209,207,207,207,207,207,204,207,207,207,209,209,209,209,212,217,222,222,217,215,215,220,225,228,228,230,233,235,235,233,233,230,228,225,220,220,222,225,225,228,228,230,230,230,228,228,225,222,225,230,228,215,202,199,200,209,217,228,230,233,228,215,211,212,215,217,217,217,222,225,222,217,212,207,205,207,212,222,225,225,225,228,233,238,238,238,235,233,228,225,222,222,222,222,222,215,209,207,209,220,228,230,230,230,230,228,225,225,225,228,228,225,225,225,225,225,228,228,228,230,230,230,233,233,225,215,213,215,212,212,212,215,212,209,207,207,204,204,204,204,204,207,209,209,207,204,204,207,207,209,209,215,222,225,228,225,217,212,212,212,215,215,217,222,228,230,233,235,235,235,233,228,225,222,222,222,217,212,209,207,207,207,209,209,207,204,202,199,199,202,204,207,207,204,204,204,207,209,212,212,212,215,217,225,225,222,215,209,207,204,204,202,204,212,225,238,243,243,241,243,0,0,243,241,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,222,215,204,202,202,204,0,204,194,191,196,191,181,173,168,157,147,109,109,115,170,204,228,233,235,238,243,248,246,228,199,135,127,129,131,133,137,139,135,135,141,191,189,141,186,186,141,141,196,204,204,204,207,207,204,204,204,204,204,204,204,207,207,207,207,207,204,199,196,194,191,189,143,143,194,202,207,207,207,207,209,212,215,215,215,215,217,215,215,215,215,215,215,215,212,209,207,204,204,207,209,207,204,204,204,204,204,202,199,194,196,199,202,202,199,199,199,202,204,204,204,207,209,215,217,217,215,217,225,228,230,230,228,228,228,225,215,207,199,196,199,20,25,29,31,43,47,49,49,43,31,21,17,19,29,29,23,19,11,0,0,0,0,7,21,29,49,79,105,118,126,131,137,134,111,27,0,0,0,0,7,27,0,0,0,39,108,126,118,79,129,170,189,199,217,207,170,209,255,255,254,255,255,251,254,255,255,255,255,255,255,255,255,255,105,71,91,97,73,67,93,89,57,57,163,255,255,238,212,194,196,196,189,215,255,255,255,255,255,191,121,87,37,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,43,53,66,69,74,103,150,196,212,212,225,241,238,233,212,170,75,19,0,0,7,17,57,176,235,246,235,235,228,215,178,111,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,97,181,199,194,189,199,212,183,75,11,9,55,183,217,215,220,207,204,230,246,243,222,186,165,157,155,147,103,19,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,9,15,47,98,92,17,0,0,0,0,27,79,124,121,87,91,95,91,89,97,134,150,137,95,89,93,89,84,85,95,103,105,101,97,97,101,105,105,103,97,88,84,95,150,163,150,83,54,51,51,65,91,144,150,99,95,131,139,142,160,196,202,155,101,87,147,199,209,209,217,217,157,67,37,23,13,11,7,0,0,0,5,37,95,168,176,160,152,146,142,142,155,173,194,207,207,207,194,181,170,165,155,142,93,91,91,43,29,37,57,93,134,129,91,131,142,144,144,134,71,37,31,38,61,77,61,21,8,10,39,47,21,23,71,87,86,124,134,152,155,139,129,124,126,121,79,61,50,48,55,67,73,71,61,61,69,79,87,87,87,83,82,87,85,75,77,67,41,31,55,113,124,79,78,79,105,131,144,144,144,152,165,137,35,0,0,0,0,0,0,0,0,0,0,29,25,61,147,129,77,75,65,65,116,137,137,129,129,142,155,168,178,183,186,178,168,155,155,155,163,152,79,55,134,235,238,163,47,0,0,0,0,0,0,35,126,142,98,41,7,0,0,0,5,11,19,37,49,79,108,118,49,0,0,0,139,108,74,39,17,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,95,113,126,126,131,150,160,137,121,131,168,199,228,238,243,241,220,199,198,204,212,196,176,168,173,176,157,91,87,147,155,139,87,79,71,63,57,55,59,63,65,63,65,69,67,67,61,55,47,41,36,41,39,33,29,31,39,53,59,65,75,73,63,55,61,113,121,113,81,73,69,75,77,81,75,71,71,73,83,97,142,150,147,147,137,102,101,137,152,168,163,160,163,163,144,103,142,163,170,163,142,99,89,79,71,69,87,157,189,207,217,225,225,228,228,212,199,181,191,212,212,207,194,189,170,129,66,7,0,0,0,0,0,0,0,0,0,51,111,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,25,87,142,191,0,0,0,0,160,176,181,181,181,176,173,181,191,199,191,150,98,31,11,3,3,17,61,116,126,100,33,9,5 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,168,170,189,194,191,189,189,191,196,199,199,196,196,196,199,202,202,199,196,191,189,189,191,194,199,196,194,191,194,194,199,204,202,202,199,199,186,173,163,155,160,157,176,215,212,178,83,93,173,202,202,189,194,191,199,209,212,97,99,105,99,101,163,163,168,196,163,134,144,176,189,173,191,220,220,168,152,144,47,0,0,0,0,3,0,0,0,67,212,228,235,196,56,79,97,111,160,176,194,204,202,202,196,115,59,49,57,77,83,47,0,0,0,0,170,168,168,173,170,176,173,170,172,173,172,172,191,215,222,225,228,228,217,57,0,0,49,176,230,228,225,228,222,202,105,0,65,189,181,181,186,189,189,189,189,186,176,132,132,135,183,191,196,196,194,194,190,190,194,199,202,202,202,204,209,209,209,209,217,222,217,212,202,194,195,202,209,212,209,207,209,212,212,212,215,217,217,204,200,199,200,207,212,209,202,202,217,209,194,191,191,143,189,199,204,199,196,195,198,204,207,194,191,192,196,199,199,207,222,215,204,199,196,204,202,207,209,212,222,215,139,116,114,127,204,228,228,228,228,235,238,109,71,189,202,199,196,196,137,133,186,194,189,181,181,183,189,199,202,199,191,187,187,191,196,202,204,207,207,202,191,189,191,186,179,181,186,191,194,196,204,212,217,222,215,196,189,189,189,190,191,199,204,196,185,185,196,204,207,204,199,194,191,189,139,133,131,202,209,222,230,230,215,204,202,202,209,204,191,191,196,194,183,135,135,138,186,189,191,199,204,207,212,215,209,202,199,202,202,199,195,195,196,199,196,196,202,204,209,204,196,189,189,191,194,196,204,215,217,217,209,202,196,194,194,196,196,199,196,196,194,191,192,194,196,196,194,191,191,194,199,199,202,207,209,209,209,202,194,191,196,202,202,202,207,212,209,209,212,217,222,222,217,209,202,202,202,196,186,141,189,194,196,196,194,204,215,212,202,196,196,199,202,199,199,204,212,217,217,212,204,202,202,194,181,178,176,127,125,123,122,125,131,176,127,129,189,209,217,225,222,222,215,194,191,204,199,178,181,189,199,199,199,194,173,166,179,209,209,207,207,209,212,209,204,202,202,191,187,194,207,207,199,195,192,194,195,196,199,199,194,189,186,189,191,189,135,125,124,127,135,186,194,196,194,196,202,202,202,202,202,204,207,209,209,202,199,196,196,199,207,207,199,183,135,133,133,134,135,183,191,194,194,191,191,191,186,178,133,176,183,189,189,186,186,181,173,172,174,177,181,181,181,183,183,183,183,186,189,189,186,181,178,178,177,176,178,189,196,196,191,190,191,191,191,179,181,186,191,186,173,123,119,125,186,194,183,60,64,95,173,170,181,207,189,194,196,194,176,112,113,133,189,199,202,202,202,202,202,202,204,204,207,204,204,207,207,207,203,204,209,215,215,217,222,222,217,212,204,194,181,121,107,99,98,133,194,199,199,196,196,194,191,191,194,199,202,204,204,202,199,199,202,199,196,204,207,186,120,115,119,131,194,204,204,202,204,204,202,191,183,183,194,199,199,191,181,179,183,186,181,176,176,131,131,133,176,181,186,191,186,181,135,181,194,202,204,202,202,204,204,207,207,207,209,212,212,212,207,202,207,212,207,191,137,143,194,196,196,207,212,207,203,204,209,209,207,207,209,209,207,207,209,209,207,205,207,207,209,215,217,217,215,212,209,209,212,222,225,225,230,235,238,235,233,230,228,228,225,222,222,225,225,228,230,230,230,230,230,228,228,228,225,228,233,235,228,217,209,202,207,215,222,230,235,230,217,209,209,215,217,217,217,222,222,222,217,212,207,205,207,215,222,222,220,222,228,235,241,241,235,230,228,222,222,222,222,225,228,228,217,205,204,205,215,222,228,228,230,228,225,222,222,225,225,222,222,222,225,228,230,230,230,230,228,228,228,230,230,222,215,215,215,212,212,212,215,212,209,207,207,204,204,204,204,207,207,209,209,207,207,207,207,209,212,212,217,225,228,230,225,222,215,212,212,215,215,217,222,225,230,233,233,235,233,233,228,222,217,217,217,215,212,209,209,209,212,212,212,209,204,202,199,196,199,202,207,207,207,207,207,207,209,209,209,212,215,217,225,228,228,222,215,209,207,204,202,202,209,225,238,243,241,238,241,243,0,0,0,0,254,238,233,238,0,0,0,0,0,0,0,0,0,0,0,0,222,215,209,209,209,212,0,0,199,199,209,207,196,194,181,160,147,110,110,113,121,181,215,233,238,241,243,246,246,238,220,202,194,189,183,183,186,191,137,135,189,202,196,141,137,139,137,135,143,196,199,202,204,209,209,207,204,202,202,204,204,204,207,207,209,207,204,202,199,199,196,191,189,189,191,199,207,209,207,207,209,215,215,215,215,215,215,215,212,215,215,215,217,215,212,207,204,202,204,209,209,207,204,204,204,204,204,202,199,199,199,199,199,199,202,202,204,204,202,199,199,202,207,217,222,217,215,217,225,230,233,233,230,228,225,217,209,202,196,195,196,18,24,27,39,49,53,53,47,39,31,25,11,11,19,19,11,5,5,0,0,0,0,17,23,23,23,49,98,113,113,126,144,150,108,7,0,0,0,3,0,0,0,0,0,49,75,108,126,147,173,189,170,168,196,173,79,178,248,255,255,255,255,254,255,255,255,255,255,255,255,255,255,255,204,93,81,87,91,107,168,181,87,77,176,238,248,248,0,0,0,0,0,255,255,255,255,255,251,157,124,116,92,37,13,13,21,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,66,61,35,41,66,72,105,150,199,215,215,230,246,241,215,181,142,65,11,7,25,53,61,124,207,251,243,222,215,215,186,124,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,0,0,0,0,0,0,0,0,31,134,163,189,222,233,230,222,199,157,29,0,3,57,178,225,228,220,196,190,204,235,241,209,181,165,152,155,155,150,95,21,0,0,0,0,0,0,0,0,27,7,0,0,0,0,0,0,0,0,15,55,63,27,0,0,0,0,15,79,131,129,91,87,85,81,80,83,97,150,139,99,91,93,84,81,84,95,139,142,103,103,103,99,105,101,99,89,85,85,101,150,150,139,79,59,59,71,85,87,87,87,83,89,150,152,152,160,186,189,142,100,90,176,215,217,217,225,217,155,45,37,27,19,13,3,0,0,0,0,27,99,186,194,178,163,163,150,147,147,165,191,209,207,194,181,170,152,150,147,142,101,91,77,32,20,31,81,134,95,73,57,91,152,155,152,144,121,61,43,43,49,61,61,33,15,17,47,87,121,87,129,126,89,129,142,144,131,87,73,73,79,79,69,63,61,63,69,75,79,77,67,67,73,83,118,116,84,80,80,85,87,77,73,67,63,69,113,137,124,79,83,121,131,139,147,147,144,152,168,157,47,0,0,0,0,0,0,0,0,0,0,0,0,0,131,142,134,144,126,79,126,144,150,144,147,155,155,157,165,170,173,170,168,163,160,163,155,85,43,35,85,230,238,181,67,11,0,0,0,0,19,124,196,191,134,27,0,0,0,0,13,33,43,57,90,108,137,142,95,9,11,116,152,116,85,45,27,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,87,129,157,152,134,134,144,144,126,89,142,181,212,238,246,246,235,209,199,204,207,196,170,152,150,157,105,81,83,150,170,155,137,95,81,69,61,61,61,65,65,63,63,63,61,57,51,47,43,37,36,41,39,33,23,21,27,37,41,53,65,65,57,55,71,113,121,116,77,71,73,75,85,87,83,81,79,81,91,134,144,150,150,147,139,101,98,103,155,173,170,170,173,168,147,103,105,165,173,165,147,137,97,89,79,75,87,160,189,207,212,220,220,212,220,220,207,191,199,212,212,194,173,173,173,147,98,17,0,0,0,0,0,0,0,1,25,82,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,7,21,64,150,202,0,0,0,0,176,181,181,181,181,181,173,181,194,204,196,157,100,31,13,3,3,15,51,118,126,100,39,9,6 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,155,168,186,191,191,186,185,186,194,199,199,196,196,196,196,199,199,199,194,189,187,189,189,194,196,196,191,189,186,186,189,194,194,196,202,204,199,183,170,165,168,176,189,204,209,199,142,139,186,207,209,207,207,196,163,209,209,147,101,95,103,99,37,8,105,196,157,153,183,207,209,207,209,217,220,212,199,181,155,93,85,150,204,189,59,0,0,155,212,225,225,147,42,59,83,111,170,189,202,209,212,217,225,228,209,127,89,83,81,35,0,0,0,0,178,161,125,117,166,176,176,181,178,169,168,173,209,217,225,225,225,228,233,99,0,0,53,194,215,228,225,225,222,209,61,0,57,125,173,178,181,183,183,183,186,181,133,132,178,189,196,199,202,199,196,194,194,191,196,199,202,202,199,202,207,209,207,207,215,220,217,212,209,202,199,202,209,212,209,209,217,222,217,215,215,215,209,202,199,199,200,202,207,212,212,217,222,212,199,199,202,194,143,196,202,202,199,199,204,212,212,192,191,194,204,212,217,217,215,204,199,194,191,191,191,199,209,215,222,217,199,118,113,127,204,222,225,217,222,233,228,191,133,186,186,131,96,98,123,135,186,191,186,181,181,181,183,199,199,196,189,187,187,191,191,194,194,194,199,194,183,179,183,181,178,183,196,202,202,204,209,212,209,209,207,202,196,194,194,196,202,202,199,186,181,182,191,199,202,202,194,191,191,141,137,189,209,217,222,228,230,230,217,207,207,212,222,217,204,191,189,189,189,141,139,139,141,189,194,199,196,196,199,191,136,186,199,202,199,199,196,195,195,196,199,202,202,202,202,202,196,190,189,196,212,212,212,212,215,217,209,199,194,192,194,196,199,199,199,199,196,192,191,192,194,196,194,191,191,199,204,209,212,215,215,215,212,204,199,202,202,204,204,207,209,215,220,222,217,217,222,217,212,204,202,202,202,194,136,135,189,191,191,189,189,194,202,202,194,194,199,207,209,207,204,207,212,212,215,212,202,194,183,130,132,133,131,127,125,125,125,123,125,129,173,176,183,204,215,217,217,222,212,196,189,191,189,178,174,181,186,189,183,170,169,186,209,215,212,207,207,207,207,204,204,207,204,191,186,194,204,202,196,199,196,196,199,199,199,196,194,189,189,186,189,194,189,131,127,129,137,191,202,202,199,199,199,202,202,204,207,209,209,209,207,202,196,194,194,196,202,204,196,183,135,133,134,135,181,186,194,196,191,186,189,186,178,133,176,181,186,189,186,183,183,181,178,178,178,181,183,183,181,183,183,183,186,189,191,191,189,183,181,181,177,177,181,194,202,204,196,191,191,194,194,191,189,189,189,183,127,118,116,118,170,183,181,85,85,103,183,199,202,202,202,204,209,202,131,113,119,178,196,202,204,202,202,200,200,202,202,204,204,207,207,207,207,204,203,204,212,217,220,222,225,225,217,209,204,204,209,181,107,99,95,117,191,202,199,196,196,194,191,191,196,199,202,204,204,204,202,199,199,199,196,199,202,196,181,121,121,123,181,204,209,207,207,204,199,194,191,191,196,202,207,202,182,179,183,189,181,176,176,178,178,181,183,183,183,183,181,125,122,129,191,202,202,202,204,204,204,204,204,204,207,209,212,212,209,209,212,209,204,196,191,186,189,194,199,207,212,209,204,204,207,209,207,209,209,209,209,212,212,212,209,207,207,207,207,212,212,212,209,209,209,208,209,212,220,225,230,235,235,235,233,233,233,230,228,228,228,228,230,230,230,233,233,230,228,226,228,228,230,230,233,233,228,222,212,207,207,212,215,222,230,228,217,211,211,217,222,217,215,215,217,217,215,212,209,209,212,217,225,222,222,222,228,238,243,241,235,230,228,222,220,222,225,230,233,230,222,209,204,204,209,215,222,228,230,230,225,222,222,222,225,225,222,222,222,225,230,233,230,228,225,225,225,225,228,225,222,215,215,212,215,215,212,212,212,209,207,207,207,207,207,207,209,209,209,209,209,209,209,212,215,217,222,228,230,230,225,222,215,212,215,215,215,215,217,222,225,230,233,233,233,230,225,222,217,215,215,212,209,209,209,209,212,212,212,209,207,204,199,196,196,202,204,209,212,212,209,209,209,209,209,209,212,217,222,225,225,222,217,215,212,207,202,200,204,215,233,0,0,0,0,243,241,0,0,254,246,230,225,230,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,204,209,207,202,199,189,168,152,147,111,111,113,119,176,212,238,243,241,238,241,238,241,233,222,212,199,191,196,194,186,137,139,194,196,133,130,133,133,132,137,191,196,199,202,207,209,207,202,200,202,202,202,204,207,212,212,209,204,202,202,199,196,194,194,194,191,194,204,207,207,207,209,212,215,209,212,215,215,212,209,212,212,212,212,215,212,207,202,202,204,207,207,204,204,207,207,204,202,202,202,199,196,196,196,194,196,202,204,204,202,199,198,202,209,217,222,217,217,217,225,230,233,233,228,222,215,209,204,199,195,195,196,18,25,31,43,49,55,51,43,31,23,17,11,9,9,0,0,0,0,0,0,0,9,25,29,19,7,25,90,90,57,90,131,150,87,27,15,0,0,15,0,0,0,0,0,0,21,39,77,134,157,157,77,65,137,99,73,83,207,251,255,255,255,255,255,255,255,255,255,255,255,255,255,251,121,68,55,52,64,107,222,243,233,178,178,225,0,0,0,0,0,0,0,0,0,0,255,255,181,116,114,137,124,45,25,25,56,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,15,13,21,41,53,98,131,173,199,212,235,248,238,199,152,81,39,0,1,53,129,129,157,235,255,238,215,215,196,124,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,142,152,163,181,225,241,233,215,176,81,29,8,16,93,204,233,230,220,190,181,191,228,228,207,181,165,157,157,165,150,95,35,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,92,35,0,0,0,0,5,75,131,129,89,83,82,77,77,83,99,155,155,139,99,93,89,87,85,89,103,142,144,144,105,97,99,99,101,93,86,91,142,160,142,95,83,71,71,83,81,71,68,69,75,95,150,168,170,152,157,176,152,117,107,176,207,204,202,209,202,163,144,131,69,43,45,53,25,1,3,7,27,75,160,196,202,189,170,170,163,152,155,173,207,199,181,168,152,103,95,99,101,91,73,65,51,49,83,137,134,75,49,49,77,142,150,152,139,85,73,53,37,37,49,57,41,29,35,61,87,137,144,147,139,134,137,155,155,124,71,64,65,69,65,59,55,57,57,63,69,69,67,67,69,77,116,126,137,121,87,85,118,116,69,44,55,81,116,139,144,137,124,124,137,144,157,168,181,170,163,173,178,98,0,0,0,0,0,0,0,0,0,0,0,0,9,129,152,150,147,134,134,144,152,157,150,147,147,150,150,150,152,157,165,178,189,194,196,176,43,21,57,170,241,254,228,152,71,29,0,0,13,75,165,202,196,100,0,0,0,0,0,21,61,92,98,116,152,165,157,98,23,25,100,144,126,103,92,79,39,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,43,100,134,118,65,65,108,118,87,83,124,163,194,225,243,241,233,212,199,207,215,194,170,150,144,105,87,73,79,150,165,165,152,137,93,73,65,63,67,71,67,63,63,63,61,55,43,37,36,36,39,47,49,37,23,17,17,19,23,35,47,55,57,61,0,113,113,111,77,73,75,83,124,126,124,87,83,87,126,144,150,150,150,150,139,102,101,105,157,176,176,181,181,173,160,105,105,147,168,165,147,103,97,91,77,72,81,139,181,199,212,212,207,199,204,217,212,199,204,215,207,181,161,169,173,163,118,37,0,0,0,0,0,0,9,27,51,103,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,25,82,157,202,209,194,0,0,0,0,183,183,0,0,0,191,199,209,204,160,105,37,13,0,0,7,43,108,118,71,31,15,9 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,157,165,173,186,194,186,183,185,191,196,199,196,196,196,196,196,199,199,194,189,187,189,191,194,196,196,191,186,183,183,189,191,194,199,204,207,199,183,173,168,168,170,178,191,202,199,139,105,173,196,204,207,212,215,91,87,97,77,49,47,95,16,0,0,33,155,173,189,207,212,212,212,209,215,217,217,212,209,207,212,220,222,228,230,225,29,0,163,204,207,163,67,38,71,101,176,194,207,212,215,217,222,228,228,225,215,209,209,209,194,183,15,0,0,202,202,161,160,178,181,178,181,176,169,168,181,215,222,225,225,222,230,235,181,0,0,0,178,215,222,225,222,217,209,181,56,97,125,170,173,176,176,178,186,189,183,133,132,181,196,204,204,202,199,196,196,194,191,194,196,202,202,199,199,204,204,199,199,209,215,215,212,212,209,204,202,204,207,207,209,215,220,215,215,215,212,204,202,202,202,202,204,207,212,215,220,217,207,199,207,212,202,143,189,202,209,209,209,212,215,209,194,194,202,212,222,217,209,199,189,191,194,196,186,139,191,204,215,222,217,204,186,139,183,191,207,215,209,212,222,217,196,137,181,189,186,121,98,99,127,191,196,189,178,181,186,191,202,199,196,191,189,189,191,194,194,191,189,189,186,179,178,181,183,186,199,207,212,215,215,212,207,202,199,202,202,202,196,199,202,207,204,194,183,181,183,191,196,196,196,189,186,141,137,141,204,217,225,228,228,230,230,217,207,207,215,222,215,199,185,185,189,194,194,191,189,186,186,194,196,194,189,186,134,131,137,199,207,207,204,202,199,199,202,207,209,207,202,199,199,199,191,190,199,215,217,215,207,207,209,202,194,192,194,196,196,196,196,199,202,202,196,194,196,199,202,199,196,196,209,215,222,222,222,217,215,212,207,207,207,207,207,207,207,207,209,215,217,217,215,215,212,204,202,199,202,202,194,135,133,137,189,189,189,186,186,189,189,186,194,204,215,217,212,207,207,209,212,209,204,191,183,181,133,181,186,176,131,178,181,131,122,121,129,181,186,189,196,204,209,215,217,207,189,178,178,178,176,176,178,178,183,181,172,173,191,209,215,209,204,202,202,202,204,207,207,204,189,185,189,196,199,199,207,207,207,204,204,199,191,189,191,189,181,183,196,199,183,131,127,131,189,202,202,202,199,196,199,202,207,207,207,207,209,207,202,196,194,191,194,194,196,194,191,186,181,135,134,178,186,194,191,183,181,181,178,132,132,176,183,183,183,181,181,181,183,183,186,191,194,194,189,183,183,183,183,186,191,194,194,191,183,181,181,178,178,186,199,209,212,204,194,191,191,191,194,194,194,191,183,176,125,117,117,125,173,170,127,125,176,196,207,207,204,204,209,217,189,73,83,121,181,196,202,204,202,202,200,200,202,202,202,204,207,207,207,207,204,204,207,212,217,222,222,225,222,215,204,204,209,212,191,111,99,99,115,189,199,199,194,191,190,194,196,199,202,202,202,204,204,202,199,199,196,194,196,199,196,189,178,129,118,125,207,212,207,204,202,199,196,194,194,196,207,212,209,191,182,183,186,181,176,178,181,183,186,186,186,181,178,133,98,110,125,189,196,199,202,204,204,204,202,202,202,202,204,207,209,212,215,215,212,202,199,199,196,194,196,199,207,209,209,207,204,204,207,207,207,209,209,209,212,212,212,212,212,209,207,207,209,209,209,209,209,209,208,208,209,215,222,228,230,230,233,233,235,235,235,233,233,233,233,233,230,233,233,233,230,228,228,228,230,230,230,230,228,222,217,212,209,212,212,212,215,215,217,215,212,215,222,225,217,212,212,215,212,212,212,212,215,215,217,222,225,225,225,230,238,241,238,233,233,230,225,225,228,230,233,233,230,228,215,207,205,209,215,217,225,228,228,225,222,222,225,228,228,225,217,215,217,228,230,228,225,225,224,224,225,225,225,222,217,215,212,215,215,212,212,215,212,209,207,207,207,207,209,212,212,212,212,209,209,209,212,217,222,225,230,230,230,228,222,217,215,215,217,215,215,217,217,222,228,230,230,233,230,228,222,217,217,215,209,209,207,207,209,209,212,212,209,209,204,202,196,196,199,202,207,212,212,212,209,209,209,207,207,209,215,222,225,225,225,222,222,215,209,207,202,200,204,217,230,0,0,0,246,241,243,0,248,241,230,225,225,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,207,209,204,199,196,189,178,163,152,147,111,111,111,119,183,222,233,233,235,241,243,246,241,233,228,215,207,207,202,194,141,139,189,189,133,130,131,131,131,137,189,196,196,196,202,204,202,200,200,202,202,204,207,212,217,215,209,204,202,196,191,191,191,194,196,194,191,199,204,204,207,207,209,209,207,209,212,212,209,204,204,202,202,209,212,209,204,199,199,204,207,204,204,204,207,207,204,202,202,199,196,194,194,194,189,191,199,199,199,199,199,202,204,209,215,215,215,215,217,225,230,230,228,222,212,207,204,202,199,196,196,199,24,39,43,47,47,47,47,39,29,23,17,17,9,0,0,0,0,0,0,0,5,23,25,19,9,11,31,45,25,25,82,116,121,85,55,53,9,0,0,0,0,0,0,0,0,0,0,47,83,147,137,45,18,33,59,77,99,196,235,255,255,255,248,238,255,255,255,254,254,255,255,255,222,121,75,60,52,53,69,165,233,254,228,212,230,0,0,0,0,0,0,0,0,0,0,255,196,152,118,113,134,126,79,31,25,31,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,31,47,79,113,139,168,207,238,246,217,168,124,91,81,33,25,67,147,157,176,243,255,255,251,246,204,116,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,129,160,163,163,178,225,241,233,215,183,105,49,31,55,173,225,233,225,217,196,190,199,225,222,199,181,165,157,157,157,139,61,21,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,21,0,0,0,11,49,113,131,124,83,83,83,83,85,91,137,155,160,152,137,101,101,95,89,95,103,152,160,170,144,93,93,137,144,137,95,101,163,168,142,89,79,81,83,79,71,66,66,69,85,134,157,178,170,134,134,163,173,135,130,165,199,183,178,191,191,183,202,209,191,152,152,168,144,63,41,27,31,47,95,170,199,199,194,181,173,155,151,165,183,183,165,147,99,89,81,83,87,81,71,81,93,142,150,137,81,48,43,51,79,134,144,152,137,71,61,49,35,33,37,37,31,35,57,73,87,131,139,139,137,129,131,142,142,121,71,66,68,71,63,53,53,53,45,35,35,43,53,53,53,65,79,124,142,142,137,144,147,116,45,36,45,81,129,139,139,137,137,134,152,157,173,189,199,189,173,181,178,98,0,0,0,0,0,0,0,0,0,0,0,0,65,152,165,147,129,137,139,147,157,160,150,139,133,133,134,133,134,144,165,189,204,204,204,176,27,17,85,194,243,243,230,183,165,134,0,0,29,126,168,183,157,47,0,0,0,0,0,33,95,113,121,155,183,183,165,113,49,49,105,150,155,0,139,139,100,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,57,25,0,0,43,71,77,73,81,131,170,196,215,220,209,199,191,196,191,173,150,101,101,101,79,71,79,147,163,163,152,137,85,73,65,67,75,77,77,69,65,65,65,57,47,37,34,36,41,57,55,43,29,21,9,5,7,19,33,43,49,55,71,105,113,105,77,77,77,85,124,131,126,124,87,93,129,144,152,152,150,150,144,139,102,139,168,181,183,183,183,181,163,107,102,105,160,163,144,105,91,85,73,71,79,101,168,189,204,207,199,190,202,212,207,199,202,212,204,173,168,176,183,181,150,98,13,0,0,0,0,0,0,35,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,116,170,199,199,181,0,0,0,0,0,191,0,0,0,0,207,220,207,170,116,43,15,0,0,0,29,98,108,63,27,13,13 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,155,163,165,183,196,189,186,189,194,196,196,194,194,196,199,199,199,199,196,191,189,191,194,194,194,194,191,186,183,186,191,196,196,199,204,204,196,183,173,168,163,160,165,176,191,207,155,107,147,170,191,204,212,215,71,0,3,57,51,43,31,17,14,0,43,73,186,202,209,209,209,209,209,212,215,215,212,212,212,217,220,222,228,230,225,41,0,85,191,191,157,79,71,157,186,202,209,215,217,217,215,217,217,225,228,230,230,228,225,230,251,204,57,13,222,230,222,215,196,186,178,176,173,172,176,189,215,225,222,222,222,233,238,117,0,0,0,127,207,217,222,225,215,202,186,176,183,173,173,176,173,173,178,189,194,186,133,132,186,202,207,204,202,199,199,199,194,189,189,194,199,199,196,196,199,196,191,194,202,209,212,212,212,212,209,202,199,199,204,207,209,212,209,209,212,209,204,207,209,209,207,207,207,209,212,215,209,199,196,204,212,202,135,137,199,212,212,209,207,202,191,191,199,207,217,222,215,202,189,187,189,199,209,189,134,189,199,212,222,215,209,212,202,137,137,196,209,209,209,217,215,194,135,137,191,199,186,90,78,93,207,209,194,177,179,199,204,202,199,199,194,189,189,191,194,196,194,186,183,181,181,181,183,189,196,204,209,215,222,217,209,199,192,191,196,202,202,196,199,204,209,204,194,186,186,191,196,199,202,199,189,139,135,137,189,212,220,225,228,228,230,230,215,202,199,207,209,204,189,183,183,186,191,194,191,186,140,140,186,194,196,194,189,136,135,189,199,204,207,207,204,202,202,207,209,212,209,202,196,196,199,196,194,196,207,212,207,199,196,196,192,190,192,196,199,196,195,195,196,202,202,202,199,202,204,207,207,204,207,215,222,225,225,222,217,215,212,212,209,209,207,207,207,204,204,204,204,207,204,204,204,202,199,199,198,198,202,199,141,135,141,194,196,196,194,189,183,182,183,191,207,217,222,215,207,207,209,207,204,194,133,133,181,189,199,199,181,176,186,194,181,122,120,127,183,189,186,189,194,202,209,207,194,176,127,126,129,176,181,186,186,191,191,181,179,191,204,209,204,199,199,199,202,204,207,207,202,189,186,187,191,196,207,215,215,215,212,207,196,186,183,186,183,135,135,191,199,191,137,126,127,183,196,202,199,196,194,196,202,207,207,204,204,207,207,202,196,194,191,190,190,191,194,196,196,189,135,132,134,183,189,183,176,133,176,133,132,133,178,181,178,176,176,178,183,183,183,186,196,202,196,189,186,183,182,182,186,191,194,194,189,183,181,181,178,181,191,204,212,212,207,196,189,186,186,191,196,202,196,186,178,131,121,118,123,127,127,173,181,191,199,204,207,207,207,209,215,91,38,57,127,186,196,202,204,202,202,202,202,202,202,202,204,207,209,209,209,207,207,207,212,215,217,222,222,217,209,204,204,212,212,199,119,86,87,113,181,196,199,194,189,189,194,199,202,202,202,202,204,204,202,202,199,196,194,194,194,194,191,191,183,113,115,204,207,202,196,196,196,196,194,191,196,202,209,207,196,186,183,183,181,178,178,181,183,186,189,186,181,176,127,93,110,133,191,196,196,196,199,202,204,202,202,202,202,202,202,207,212,217,217,209,202,199,202,202,199,199,202,207,209,209,207,203,203,204,204,207,209,209,209,209,212,209,212,212,212,209,207,207,209,209,212,212,212,209,208,209,212,217,222,222,225,228,233,233,235,238,238,238,235,233,233,233,235,235,233,233,230,233,233,230,230,230,228,225,222,217,215,217,217,222,217,215,212,212,215,217,222,225,222,212,207,207,207,209,209,212,215,217,217,217,217,225,225,225,230,238,241,235,230,230,228,228,228,228,230,228,228,228,228,225,215,212,215,217,222,222,225,225,225,225,225,225,228,230,225,215,211,215,222,225,225,225,225,225,225,225,225,225,225,222,215,212,212,215,217,217,217,215,212,209,207,207,209,212,215,217,215,212,209,209,212,215,217,222,228,230,233,230,228,225,222,217,217,217,217,217,217,216,217,222,225,230,230,230,228,225,222,217,215,209,207,204,204,207,209,209,212,212,209,207,202,196,194,196,199,202,207,209,209,209,209,209,207,205,207,212,217,222,222,225,225,222,217,212,207,204,202,202,212,222,228,235,243,246,243,243,0,248,243,235,228,222,222,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,209,196,199,202,199,194,191,191,183,173,160,152,150,111,109,111,123,186,204,215,230,241,246,246,238,233,233,230,222,217,217,209,202,191,194,194,139,135,133,133,135,139,189,191,189,189,194,199,202,200,202,202,204,204,209,215,215,215,212,207,202,191,140,142,191,194,199,196,194,194,199,202,207,204,204,207,207,209,212,212,207,202,194,142,143,204,209,209,204,199,199,202,204,204,204,204,209,209,207,204,202,196,194,191,191,191,187,189,196,196,196,196,202,204,209,212,212,212,209,209,215,222,228,225,217,212,204,202,202,202,202,202,204,207,39,47,47,43,39,43,43,39,29,25,29,29,19,0,0,0,0,0,0,9,29,23,9,0,0,19,43,21,7,18,90,113,105,61,55,55,7,0,0,0,0,0,0,0,0,0,0,53,124,150,91,18,13,19,41,105,176,189,215,246,255,251,228,213,238,254,247,247,255,255,255,255,222,178,113,103,85,65,65,81,109,194,209,209,238,255,0,0,0,0,0,0,251,255,255,255,199,173,126,118,150,163,118,43,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,27,47,103,121,131,165,207,235,217,181,144,142,160,150,37,16,55,144,157,173,215,254,255,255,255,215,144,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,0,0,0,0,0,0,0,45,87,134,165,178,183,196,225,235,233,215,202,183,101,89,165,225,235,228,217,217,217,220,230,238,233,220,199,165,147,139,137,73,41,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,49,55,98,111,79,111,121,124,121,89,89,126,131,134,137,147,155,155,150,137,137,139,101,95,95,142,160,170,170,103,73,72,93,144,150,142,147,173,168,134,83,79,89,91,79,70,69,71,81,93,101,147,170,155,95,93,163,186,163,152,176,191,178,157,157,155,160,202,228,238,209,199,212,204,144,63,31,23,26,47,101,178,204,199,194,178,160,151,157,173,173,152,99,91,83,75,67,79,81,85,95,147,163,152,91,59,47,47,57,77,126,137,150,131,51,43,51,45,37,30,26,24,33,65,77,83,89,121,124,118,87,89,129,134,126,87,75,75,73,63,57,59,55,37,27,24,29,43,49,51,53,71,118,139,137,137,144,152,77,33,32,53,83,129,139,137,131,137,142,157,168,176,186,191,181,170,178,163,49,0,0,0,0,0,0,0,0,0,0,0,27,113,157,165,150,129,129,129,131,147,160,160,142,131,129,129,130,130,144,170,196,207,204,196,168,5,0,85,186,230,230,207,178,173,152,0,0,41,142,178,165,118,33,0,0,0,0,0,47,111,139,155,181,199,191,173,137,113,116,137,168,178,0,0,168,139,45,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,19,0,0,0,7,59,75,69,69,81,129,160,176,176,173,163,157,155,144,89,75,73,83,89,77,69,75,139,152,152,144,95,77,67,61,65,75,81,81,73,69,73,75,69,55,41,36,36,45,51,51,43,33,25,9,0,0,1,17,29,39,49,57,71,105,113,77,77,77,83,116,126,131,124,89,93,131,147,160,152,142,142,142,142,142,147,168,178,181,183,183,181,163,107,102,105,147,157,150,101,85,79,73,75,83,103,168,186,196,207,196,189,190,207,207,198,202,209,202,181,176,183,202,202,181,131,29,0,0,0,0,0,0,27,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,134,183,194,191,173,0,0,0,0,194,196,0,0,0,204,222,233,217,181,126,51,21,0,0,0,21,90,103,47,13,4,7 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,147,155,160,181,191,191,191,191,194,194,191,189,191,196,199,202,202,202,199,194,191,194,194,196,196,194,191,183,181,186,194,196,196,196,199,196,191,181,173,168,165,160,160,168,176,186,163,109,107,150,178,199,209,215,155,0,0,19,25,25,13,41,63,53,61,59,199,209,212,212,209,209,209,209,212,212,212,211,212,212,209,217,228,222,150,0,0,55,181,191,189,186,202,209,212,212,212,212,215,215,215,212,212,215,222,228,228,225,225,228,233,222,209,207,215,222,225,222,209,196,183,176,173,176,178,194,217,225,220,218,222,233,235,111,0,15,63,202,217,222,225,222,207,183,125,178,194,178,173,178,178,178,181,189,191,181,132,133,189,202,204,199,199,204,207,207,196,189,189,194,199,196,194,194,194,191,186,186,194,204,209,212,212,212,212,204,195,195,196,202,204,207,207,207,209,209,207,209,209,212,209,207,204,204,207,209,204,198,196,202,207,196,132,130,141,199,199,194,189,138,135,189,202,212,217,222,215,202,191,189,187,196,204,134,128,135,186,204,209,202,207,215,183,112,119,191,209,212,215,222,215,183,123,124,183,196,191,92,78,96,222,222,209,186,191,215,215,202,199,199,194,186,186,189,191,194,194,186,181,183,189,189,186,189,196,202,204,207,212,209,204,194,190,190,194,202,204,199,196,204,207,202,194,194,199,202,202,204,212,209,191,137,136,139,191,209,217,225,225,225,225,225,209,196,194,196,196,194,186,183,183,186,189,189,189,141,138,138,186,199,207,207,207,202,199,199,196,191,196,202,202,202,202,204,209,209,207,199,194,196,199,202,199,199,202,202,199,192,192,194,192,191,194,202,204,202,199,196,196,202,204,202,202,202,207,209,209,209,209,215,217,222,222,217,215,212,212,215,212,209,209,207,207,207,204,204,199,194,192,192,194,196,199,199,198,196,199,204,199,194,199,209,209,209,207,196,183,181,182,186,199,212,217,215,212,212,209,207,202,183,125,129,183,194,199,194,178,131,178,189,183,127,121,127,176,178,181,181,183,186,196,189,176,127,124,124,127,178,191,199,202,204,204,199,191,189,194,196,194,189,191,196,199,202,204,202,196,189,189,189,189,196,209,215,215,215,212,207,196,186,179,181,181,131,129,137,191,191,183,129,129,181,196,196,194,194,192,196,202,207,207,204,202,202,202,196,196,196,191,190,189,190,194,199,202,194,135,132,135,181,178,133,131,131,133,176,176,181,183,181,176,172,173,176,181,183,181,183,191,194,186,181,183,183,182,182,183,189,189,189,183,181,181,183,181,183,194,207,212,209,204,199,194,183,181,186,196,202,196,186,173,129,129,125,121,121,123,170,186,196,196,199,204,207,209,207,194,52,36,65,186,194,202,204,204,204,202,202,202,202,202,202,202,207,209,212,212,209,209,209,209,212,217,217,217,212,207,204,204,209,212,212,194,74,72,99,125,189,199,199,191,189,191,199,202,202,199,202,202,204,204,202,202,202,196,191,189,189,191,199,194,111,113,194,196,189,189,191,196,196,189,186,189,194,199,199,196,189,186,186,186,186,181,181,183,186,189,189,186,181,131,111,118,133,191,194,194,196,199,204,204,204,204,204,204,202,202,204,212,217,217,209,202,199,199,196,196,202,204,207,209,209,204,203,203,204,204,207,209,212,209,209,209,209,212,212,212,209,207,207,207,209,212,217,217,215,212,212,215,217,222,222,222,225,228,233,235,235,238,235,235,233,233,235,235,235,233,233,235,235,235,233,230,230,230,228,225,222,217,217,217,225,225,217,212,212,215,222,225,222,215,209,205,204,204,205,207,212,217,222,222,217,217,222,225,228,233,238,241,235,230,228,226,226,226,228,228,228,226,228,230,230,225,217,217,222,222,222,225,225,225,225,225,225,225,228,225,215,211,211,217,225,228,228,225,225,228,228,228,225,225,225,217,212,212,217,222,225,222,222,215,212,207,207,209,215,217,222,217,215,212,212,215,217,222,225,228,230,233,233,230,228,225,222,217,217,217,217,217,216,216,217,222,228,230,230,230,228,225,222,215,209,204,203,203,204,207,207,209,212,212,209,202,196,194,194,194,196,202,204,207,207,209,212,209,207,207,209,215,222,225,225,225,222,217,215,209,204,202,204,212,222,228,233,238,243,241,243,0,251,248,241,235,228,217,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,204,189,189,191,191,191,194,194,189,183,176,165,155,150,110,111,115,121,125,178,209,235,243,243,238,235,235,235,233,233,233,230,222,209,204,199,186,141,139,141,143,189,143,141,140,141,191,199,204,204,204,204,204,202,204,207,209,212,209,204,196,143,137,141,191,196,202,202,199,196,199,202,204,199,199,204,207,209,209,209,207,199,143,135,136,194,209,212,204,196,196,199,199,199,202,204,207,207,207,204,199,196,191,189,189,189,189,191,199,199,196,196,202,207,209,212,212,209,207,207,209,215,217,222,215,209,202,202,202,204,207,207,209,209,39,39,39,29,29,31,39,39,31,39,43,43,29,11,0,0,0,0,0,17,29,11,0,0,0,15,31,18,10,31,105,121,113,92,61,51,9,0,0,0,0,0,0,0,0,0,0,79,155,144,59,11,16,31,55,194,181,115,168,207,233,248,231,202,248,255,247,252,255,255,255,255,241,215,222,238,233,168,93,85,93,109,150,173,228,255,255,0,0,0,0,255,255,255,255,255,255,228,142,142,228,246,173,92,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,33,79,121,144,150,176,207,207,168,144,150,178,199,152,0,0,45,131,139,137,147,181,230,248,246,212,165,103,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,79,225,183,139,116,111,121,118,165,225,160,89,144,186,199,212,228,228,215,191,183,176,113,113,202,241,241,228,228,225,228,238,248,255,255,238,207,165,139,126,108,55,15,0,0,15,0,0,0,0,0,0,0,0,17,33,17,13,29,35,35,0,0,0,59,121,124,124,126,121,113,81,85,124,131,144,144,134,134,147,152,163,155,139,134,134,139,101,95,101,142,160,168,144,83,59,59,73,137,150,150,160,163,147,93,83,87,99,97,83,71,73,81,93,95,93,89,101,139,95,97,163,189,181,176,189,207,191,152,99,79,67,95,202,238,230,212,222,215,155,57,27,23,26,43,95,168,199,194,181,173,165,155,157,170,165,147,99,91,81,67,61,73,87,137,139,155,155,131,71,55,51,59,59,73,126,139,144,89,31,29,61,69,49,31,25,23,31,65,75,77,77,81,81,81,79,83,124,131,131,124,83,71,61,53,51,57,57,45,31,27,32,59,67,63,61,71,85,124,116,81,85,131,57,30,35,67,89,129,129,126,131,137,144,152,155,157,157,155,147,139,152,134,27,0,0,0,0,0,0,0,0,0,0,0,17,51,118,147,155,139,79,67,67,81,144,160,160,150,142,139,134,134,152,178,202,207,196,178,126,0,0,81,178,199,189,170,139,81,47,0,0,37,155,181,152,75,39,7,7,13,15,41,77,147,163,173,189,207,199,183,165,165,160,168,0,0,0,0,160,139,74,0,0,0,0,3,5,0,0,0,0,0,0,0,0,0,0,0,0,7,47,0,0,0,0,51,69,63,59,65,79,91,97,137,105,95,93,87,81,70,66,66,72,81,75,69,75,137,147,147,134,85,75,63,57,61,69,75,73,69,69,77,113,111,67,47,37,36,39,45,43,39,39,33,9,0,0,0,0,17,29,39,49,61,105,108,77,77,77,83,85,118,124,124,124,129,139,152,155,144,99,103,144,150,142,147,168,176,178,183,186,181,163,107,103,103,150,163,160,105,85,73,73,79,93,142,170,178,191,196,196,190,191,204,204,199,207,215,207,189,183,191,207,209,194,152,53,0,0,0,0,0,0,20,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,142,183,194,183,160,0,0,0,0,194,202,0,0,0,209,222,233,222,186,134,82,25,0,0,0,13,53,95,37,2,0,5 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,152,155,157,181,189,191,194,196,194,191,189,186,186,194,199,202,204,204,204,199,196,194,194,196,196,194,189,178,176,183,189,191,191,191,191,189,183,181,176,173,170,168,165,160,157,157,111,105,105,109,165,191,202,204,191,29,17,10,0,16,69,87,81,63,61,47,202,212,215,215,212,212,212,212,209,212,212,212,212,209,207,215,228,191,47,0,15,107,189,196,207,209,217,225,225,217,212,212,215,212,209,207,207,212,215,217,217,215,215,222,222,215,209,209,202,202,204,209,212,209,194,178,173,170,173,199,217,225,220,217,222,230,225,101,0,61,189,222,230,233,222,204,189,170,121,127,173,127,173,186,189,186,183,183,183,176,131,176,189,196,196,194,199,207,215,215,202,190,190,196,202,199,191,189,189,186,182,183,189,196,202,204,204,207,212,207,199,195,196,196,202,207,207,207,209,212,212,207,207,209,209,207,204,204,204,207,207,202,199,202,204,196,135,127,131,139,139,139,139,136,135,191,207,212,215,217,217,207,196,189,187,191,196,134,128,133,137,191,191,181,182,196,127,103,103,191,209,215,222,222,212,129,116,115,125,189,191,137,127,186,217,222,209,202,207,222,212,196,199,199,191,183,183,186,189,191,191,183,179,186,199,199,186,183,189,196,202,204,199,199,202,196,192,192,202,209,209,204,199,202,202,196,194,202,207,209,207,209,217,222,194,183,186,189,191,204,215,222,222,215,215,212,204,194,191,189,189,186,186,186,186,189,191,191,189,141,138,139,191,207,217,217,217,215,209,199,189,185,191,199,199,199,199,202,202,202,199,194,192,194,199,204,204,199,196,196,194,192,194,199,199,196,199,204,204,204,204,202,202,204,204,204,204,207,209,212,215,212,209,209,209,212,215,215,212,212,212,215,215,212,212,215,215,212,209,207,199,192,191,191,194,196,199,199,198,196,198,204,204,204,212,222,217,217,212,202,186,182,182,183,189,199,209,217,222,217,209,204,194,125,121,131,186,189,186,183,178,131,129,176,181,176,129,129,129,129,173,178,176,131,131,131,127,126,126,127,133,186,199,207,207,209,212,207,196,186,183,183,181,137,183,189,189,189,189,189,191,191,191,191,189,191,204,207,207,209,207,202,194,186,183,186,186,135,128,130,181,189,186,135,133,183,194,196,194,194,194,199,202,207,209,207,202,196,194,194,194,196,194,191,191,194,196,202,204,196,183,178,181,178,131,129,130,133,178,181,186,189,189,186,176,172,172,176,181,181,178,181,181,178,129,133,183,186,182,183,186,186,186,181,176,176,178,183,183,186,196,209,209,207,204,202,196,186,178,181,189,191,186,178,129,129,173,129,123,121,120,127,186,196,199,196,202,204,204,202,105,50,52,135,196,196,202,204,204,204,204,204,204,204,202,202,204,207,209,212,215,212,212,209,209,212,215,212,209,204,202,204,204,207,212,225,222,86,82,99,121,186,202,204,194,190,191,196,199,199,199,199,202,204,204,202,204,204,199,189,186,187,194,202,194,117,119,183,186,183,183,186,191,191,183,181,183,189,191,191,194,194,194,194,196,196,191,189,186,186,189,191,191,189,181,125,122,125,183,194,196,199,204,204,202,202,202,204,204,202,199,202,209,215,212,207,204,202,199,196,196,199,202,204,207,207,207,204,204,204,204,207,209,212,212,209,209,209,212,212,212,209,207,204,204,207,212,215,217,215,215,217,222,225,225,225,222,222,225,230,233,235,233,233,233,233,233,233,233,233,233,235,238,238,238,233,233,233,230,228,225,217,215,212,213,222,225,222,213,213,222,228,228,225,215,207,205,205,204,204,205,209,217,228,228,222,217,222,225,228,233,238,238,235,230,228,226,226,228,230,230,230,228,228,233,235,230,225,222,222,222,222,225,225,225,225,222,222,217,222,225,222,212,209,212,222,228,228,225,228,228,230,230,228,228,228,222,215,212,217,225,228,228,225,222,215,209,209,212,215,217,222,222,217,217,217,217,222,225,228,230,230,233,233,233,230,228,225,222,217,217,222,222,217,216,216,217,222,228,230,230,228,228,225,217,212,207,203,203,204,204,207,207,209,212,209,204,199,194,194,194,194,196,199,202,204,209,212,212,212,209,209,215,222,228,228,225,225,217,215,209,207,204,207,212,217,222,225,230,235,238,241,0,255,254,246,241,235,228,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,238,235,228,204,0,185,185,187,194,199,196,189,183,181,176,163,152,147,113,113,111,108,109,127,204,230,235,241,241,238,238,238,238,235,233,230,217,209,199,141,139,141,189,194,191,143,141,140,142,196,204,209,209,209,209,204,199,195,196,202,207,207,202,194,142,139,143,194,199,204,207,204,199,199,204,204,191,191,204,209,209,207,207,207,202,189,134,134,143,209,215,207,196,194,194,194,194,196,199,202,204,204,202,199,196,194,189,186,186,189,194,202,202,196,196,202,204,209,212,212,212,207,207,207,209,215,215,215,209,204,202,204,207,209,212,212,209,25,21,21,17,21,29,39,39,31,39,39,39,29,21,15,1,0,0,0,9,9,0,0,0,0,9,23,31,35,90,124,131,124,113,103,92,47,13,13,3,1,7,0,0,0,0,0,45,73,71,45,18,41,51,69,202,165,75,74,99,191,248,255,255,255,255,252,254,255,255,255,255,255,255,255,255,255,243,178,105,107,168,163,163,186,220,235,0,0,0,0,255,247,255,255,255,255,255,202,230,255,255,173,108,45,19,7,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,37,79,121,139,139,165,199,189,150,144,168,202,215,160,9,6,65,87,81,59,0,113,165,207,215,204,165,113,37,15,17,0,0,0,0,0,0,0,0,0,0,13,33,77,118,230,238,215,186,176,183,191,241,255,157,54,67,178,212,222,225,225,202,168,150,107,96,107,194,233,228,228,233,228,230,238,254,255,254,228,186,134,113,126,108,53,1,0,0,13,17,0,0,0,0,0,0,19,69,35,15,41,72,39,7,0,0,0,134,165,152,124,111,79,73,70,79,124,150,150,134,89,91,137,152,163,160,139,133,137,139,142,103,103,152,165,170,155,85,64,62,73,137,157,160,160,142,95,82,89,134,139,95,77,65,71,83,97,99,87,73,69,95,144,152,173,176,176,178,204,225,215,168,93,41,19,22,93,202,209,212,225,222,155,55,33,31,43,75,101,157,170,170,168,168,165,155,157,165,165,147,93,83,69,59,57,61,87,144,152,155,144,93,71,59,61,69,67,85,142,150,137,69,17,18,67,79,69,45,30,30,47,71,77,69,69,69,75,79,79,79,85,89,89,83,69,49,31,30,37,47,59,65,61,53,65,85,85,73,63,65,81,83,77,65,64,73,47,33,44,79,89,116,88,88,131,139,144,137,134,121,108,108,105,118,144,137,59,0,0,0,0,0,0,0,0,0,0,0,0,0,29,118,147,139,103,64,61,67,131,163,173,168,160,142,134,142,165,191,215,220,194,142,3,0,0,176,199,181,142,124,69,37,15,5,0,7,113,163,105,59,51,37,33,39,53,77,139,163,181,189,199,207,207,194,191,191,186,0,0,0,0,160,126,116,82,21,0,0,0,5,7,5,0,0,0,0,0,0,0,0,0,0,0,43,144,57,0,0,0,41,61,55,47,51,61,73,83,91,95,93,87,85,85,79,72,72,77,87,81,72,79,137,144,142,95,79,71,63,53,53,59,61,59,57,69,79,121,113,71,53,41,37,35,36,39,45,51,45,21,0,0,0,0,7,19,33,43,53,73,103,77,77,77,79,83,85,116,89,124,139,147,152,147,137,97,100,144,150,144,147,155,170,176,183,186,183,165,109,103,104,150,168,165,107,87,73,73,81,93,144,165,176,183,196,196,191,191,204,204,204,207,209,207,191,191,204,215,217,204,168,98,19,0,0,0,0,0,12,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,79,147,191,194,176,152,0,0,0,0,194,202,0,0,0,209,222,233,222,191,142,95,31,3,0,0,0,37,53,27,2,1,13 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,155,155,155,176,183,189,194,196,194,189,186,185,185,189,194,196,202,204,202,199,196,194,194,194,194,191,183,176,173,178,186,186,183,183,183,183,181,181,178,176,173,170,168,157,113,105,81,78,85,89,97,168,196,183,176,57,57,71,73,152,105,87,33,29,37,32,165,207,212,215,215,215,215,212,209,212,215,217,215,212,207,191,142,49,17,39,181,207,207,207,215,217,225,228,228,222,217,217,217,212,207,205,207,212,215,215,212,212,212,215,217,212,209,212,207,191,176,189,204,202,183,168,125,127,176,204,222,222,220,218,225,225,204,0,0,77,217,228,233,230,212,120,121,170,127,125,116,115,178,194,202,196,189,183,181,176,133,178,186,191,189,186,194,207,215,212,202,194,194,204,207,199,191,186,186,186,183,182,183,186,189,191,194,202,207,209,207,202,199,194,199,207,209,209,209,212,212,204,204,207,209,209,207,204,204,204,204,204,202,202,204,202,191,134,134,137,141,189,186,139,139,199,209,215,215,215,215,207,196,191,191,196,202,186,135,137,139,189,189,178,176,186,194,116,101,186,202,212,217,217,199,125,117,125,181,186,186,183,181,189,199,202,199,199,204,207,196,186,194,199,191,183,183,183,186,189,189,183,181,189,202,202,186,182,185,196,204,204,194,191,196,202,202,204,209,212,215,212,207,202,196,194,196,207,212,212,209,209,215,212,191,191,199,199,194,202,212,215,212,207,207,207,199,191,191,191,189,186,189,191,194,194,196,196,194,186,140,141,199,215,225,225,222,212,202,194,186,186,194,199,199,196,196,196,196,196,194,192,192,194,199,204,204,202,196,192,191,191,196,204,202,199,199,202,202,204,204,204,204,204,207,209,212,212,215,217,215,212,207,204,204,209,212,212,212,211,212,217,217,217,217,222,222,215,209,204,196,194,196,199,199,196,196,199,202,199,199,202,202,207,222,225,222,215,207,196,186,183,182,182,182,189,202,215,217,215,204,189,125,108,113,181,191,183,131,176,178,173,128,128,173,178,176,173,131,129,176,181,129,120,120,125,127,129,176,183,186,196,204,207,207,207,209,212,199,183,181,137,134,133,135,137,135,133,133,181,191,194,196,194,187,187,191,194,196,199,199,196,194,194,194,199,199,183,129,129,137,189,186,181,135,186,196,196,194,194,196,199,202,207,209,207,202,194,192,192,194,196,196,194,194,196,199,202,204,202,194,189,186,178,130,129,131,178,178,181,189,191,191,189,178,173,174,178,181,178,176,133,131,126,124,129,183,191,189,186,186,189,183,176,130,130,133,181,181,183,199,209,212,209,207,204,196,186,173,131,178,181,176,131,131,176,176,131,127,123,120,127,183,196,199,202,202,204,199,186,83,62,111,202,199,199,202,202,204,204,207,207,207,204,204,204,204,209,212,215,215,215,212,209,209,212,212,207,202,199,199,202,204,207,212,222,215,117,93,105,133,194,204,207,196,190,191,196,196,196,199,199,199,199,199,199,199,202,202,191,187,191,199,199,186,127,131,181,181,183,186,189,186,183,181,181,183,189,189,186,189,194,196,196,196,199,199,196,194,191,191,194,194,189,186,181,129,129,181,191,194,199,202,199,191,189,191,194,196,196,194,196,202,204,204,204,207,204,202,196,196,199,202,202,202,204,204,204,207,207,204,207,209,212,212,209,209,209,212,212,212,209,207,203,203,204,209,215,217,217,220,225,230,233,230,228,222,222,225,230,233,233,233,233,233,230,230,230,230,230,230,235,238,238,235,230,230,233,233,228,222,215,212,212,213,217,222,222,217,222,228,230,230,225,215,209,209,209,209,207,207,212,217,228,228,225,222,222,225,230,233,235,235,235,230,228,226,226,228,230,233,230,228,225,228,230,230,228,225,222,222,222,225,225,225,225,222,217,215,217,228,228,215,208,209,215,225,225,225,228,230,233,233,230,228,228,225,217,215,217,228,233,230,228,225,217,215,212,215,217,217,222,222,222,222,222,225,225,228,230,230,233,233,233,233,233,230,228,222,215,215,217,222,222,217,217,217,222,225,228,228,230,230,228,225,215,209,204,204,204,204,204,204,207,209,207,204,202,199,196,194,194,194,196,199,204,207,212,215,215,215,212,212,217,228,228,225,225,222,217,212,209,207,204,207,212,212,215,222,228,235,0,0,0,251,246,241,235,230,217,0,0,0,0,0,0,0,0,0,0,222,217,0,0,0,238,230,212,194,187,186,187,196,199,191,181,178,178,178,168,157,152,152,152,111,106,104,108,121,194,212,233,238,235,233,235,235,228,228,228,225,215,202,186,186,191,194,196,196,194,194,196,202,204,209,215,215,215,212,204,196,192,194,199,204,204,202,194,189,143,191,199,202,207,207,204,204,202,202,199,185,185,202,209,209,207,207,207,204,196,140,138,191,212,215,207,196,191,191,189,191,194,196,196,199,202,202,199,196,194,189,186,141,139,189,199,199,199,196,199,204,209,212,215,212,209,207,207,207,209,212,212,209,202,202,204,209,212,212,209,207,15,11,12,15,21,27,37,37,27,27,27,27,21,21,21,9,0,0,0,0,0,0,0,0,9,9,29,57,98,124,131,129,118,111,111,111,100,47,25,7,0,0,0,0,0,0,0,0,0,41,77,77,75,75,89,194,178,81,69,79,117,225,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,199,113,113,194,202,181,163,163,186,0,0,0,0,255,251,251,255,255,255,255,255,255,255,238,121,105,92,66,39,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,49,95,103,121,144,176,168,160,176,191,191,189,160,49,25,47,61,55,41,41,61,139,176,194,183,157,124,55,29,29,17,0,0,0,0,0,0,0,0,0,39,85,108,113,191,230,230,215,194,181,157,144,113,50,48,73,178,212,230,235,243,215,168,101,101,109,160,194,215,215,217,228,233,238,246,243,230,202,160,79,53,61,81,113,53,0,0,0,0,1,0,0,0,0,0,0,0,7,0,0,3,13,0,0,0,0,5,157,173,155,126,111,73,67,69,79,124,150,134,89,81,84,91,150,163,163,137,134,139,150,139,103,103,160,168,170,168,103,79,73,87,139,157,157,147,101,83,81,93,142,137,83,65,59,59,73,93,99,87,67,60,97,170,183,186,173,163,176,204,228,228,207,147,35,11,10,25,89,160,186,217,212,144,51,29,28,39,57,85,97,105,147,150,155,155,150,150,157,152,103,85,69,67,65,61,65,81,131,144,144,139,129,87,81,81,81,87,134,160,155,134,57,14,14,53,79,73,67,59,65,77,118,116,73,65,66,73,81,85,79,77,73,71,69,55,31,26,26,39,47,61,77,81,69,73,85,85,71,58,59,77,83,77,65,63,67,61,51,63,83,89,86,85,88,131,139,137,124,83,77,74,76,105,131,165,173,152,108,19,0,0,0,0,0,0,0,0,0,0,0,25,103,139,139,121,67,67,75,131,160,173,173,160,142,134,142,168,196,220,217,186,67,0,0,0,225,225,170,79,73,59,35,31,41,15,0,29,61,23,23,61,65,63,65,77,131,155,170,189,204,212,215,217,207,207,199,191,0,0,0,0,139,108,103,82,21,0,0,3,7,9,7,0,0,0,0,0,0,0,0,0,0,7,108,183,129,23,0,0,19,39,45,44,45,55,65,83,95,137,105,95,103,107,101,91,89,97,99,89,75,85,142,147,142,95,79,71,63,53,50,53,53,47,47,63,75,113,111,69,57,47,41,36,36,43,51,61,61,41,15,0,0,0,0,13,29,43,55,63,73,103,77,79,81,111,83,83,83,124,139,150,155,144,100,96,101,144,144,142,142,150,170,176,183,186,183,165,109,103,104,150,160,163,107,87,75,62,67,85,103,150,163,173,189,199,191,191,191,191,191,204,207,202,194,199,215,228,225,212,183,129,53,19,3,0,0,0,30,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,100,160,194,199,176,152,0,0,0,0,202,202,0,0,0,202,209,222,222,194,142,95,31,3,0,0,0,21,33,21,4,9,29 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,152,157,157,168,176,181,189,191,189,186,186,185,185,189,191,194,196,199,199,194,194,194,194,191,186,183,178,173,173,176,181,181,176,176,178,178,176,176,178,178,173,170,165,157,111,97,77,71,73,76,83,155,173,111,99,57,63,165,251,241,79,0,0,9,37,34,71,176,202,209,212,215,215,212,209,212,217,220,217,212,194,81,49,41,31,147,222,222,217,215,212,215,225,230,228,222,217,222,225,217,209,207,209,212,215,215,212,211,211,215,217,217,212,215,222,191,127,176,191,186,173,125,120,120,178,207,217,222,220,220,225,222,178,0,0,176,228,230,233,225,207,106,110,127,127,121,114,116,181,199,204,199,191,186,183,181,178,178,183,183,182,182,189,202,204,202,194,191,196,204,207,202,194,191,191,191,189,186,182,182,182,182,186,191,202,209,209,204,196,194,199,207,209,212,209,209,207,204,204,209,215,212,209,207,204,204,204,204,202,202,202,199,196,191,189,191,202,209,204,194,191,204,212,215,212,212,212,204,194,191,202,204,199,186,139,186,189,194,196,186,179,189,204,189,115,135,194,207,212,207,189,133,135,215,202,191,183,181,179,183,189,191,190,196,199,186,136,136,191,199,194,186,183,183,186,186,186,183,181,189,196,196,186,183,186,196,204,202,191,186,191,202,207,209,209,209,215,217,215,204,194,194,199,204,207,209,207,204,199,189,183,199,207,207,199,204,207,207,204,202,202,204,196,191,194,196,194,191,196,202,199,199,199,202,196,189,183,189,204,217,225,222,215,199,186,185,186,191,196,196,196,195,196,196,196,194,194,192,194,194,199,202,202,199,196,192,192,192,194,202,199,195,196,196,202,204,204,204,207,209,212,217,222,222,222,222,215,207,202,202,204,207,212,212,215,215,215,217,217,217,222,225,222,215,207,199,194,194,202,204,199,191,191,199,204,204,202,199,199,204,222,228,222,209,199,191,189,186,183,182,182,186,191,202,204,199,189,133,120,105,117,183,183,133,127,129,176,173,128,127,129,173,176,176,173,178,189,186,127,118,120,127,129,133,186,194,196,202,204,202,202,202,207,209,199,183,181,183,135,133,134,135,134,131,132,186,199,202,202,196,189,186,187,189,191,194,196,196,199,204,207,209,204,181,128,130,186,194,189,181,137,189,199,199,196,194,196,196,199,204,207,204,199,196,194,194,194,194,196,196,196,196,196,199,204,204,202,196,186,178,131,130,176,178,177,177,183,191,191,186,181,176,178,181,183,181,176,133,127,124,124,127,178,189,191,183,186,189,186,178,130,129,131,178,176,181,196,209,212,212,209,204,199,186,131,128,173,176,173,129,173,183,186,173,127,125,125,131,178,189,196,202,204,199,189,111,89,99,196,204,204,202,202,202,202,204,207,207,207,207,204,207,207,209,215,215,215,215,212,209,209,212,209,202,196,196,199,202,204,207,215,215,204,131,81,83,129,196,204,204,199,194,194,196,196,196,199,199,196,196,196,196,196,199,199,196,191,194,199,194,176,129,178,181,181,189,194,191,183,178,176,178,181,183,186,183,186,191,194,194,191,194,196,199,194,191,194,194,191,186,181,183,183,183,189,191,191,194,196,189,181,177,178,183,189,191,189,191,194,194,194,199,204,204,196,186,189,199,204,204,199,196,199,202,204,207,204,204,207,209,209,209,209,209,212,212,212,209,204,203,203,204,209,215,220,222,228,230,233,233,230,228,225,225,228,230,233,235,235,235,233,230,230,228,226,226,230,233,235,235,230,226,228,230,233,230,225,217,215,215,217,215,212,215,222,225,228,230,230,222,215,212,215,217,217,215,212,215,217,228,228,225,217,222,225,228,233,235,235,235,230,228,226,228,230,233,233,228,222,217,222,225,228,228,228,225,222,222,222,222,225,225,225,217,215,215,222,225,212,209,209,215,222,222,222,225,230,233,233,230,228,228,228,225,217,222,228,233,233,230,225,222,217,217,217,217,217,217,222,222,225,228,228,230,230,230,230,233,233,235,235,235,233,230,222,215,212,217,222,225,222,217,217,217,222,222,228,230,230,230,228,222,215,209,207,204,204,202,204,204,207,207,207,204,202,199,196,194,191,194,199,202,207,209,212,215,212,212,212,217,222,225,225,222,222,215,212,209,204,203,203,204,204,209,215,222,233,0,0,0,246,241,238,235,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,233,222,207,199,191,189,194,194,186,0,173,174,176,176,168,163,160,155,111,107,106,107,111,119,173,215,230,230,228,230,228,222,222,225,228,228,217,204,207,207,199,196,196,204,209,212,209,209,212,217,217,215,212,207,199,195,196,204,207,204,202,199,199,196,199,204,209,212,207,204,204,204,199,191,178,179,202,209,207,207,207,207,207,207,202,196,204,215,215,207,196,191,189,189,189,194,196,196,196,199,202,202,199,196,191,186,137,132,134,189,196,196,196,202,204,209,212,215,212,212,209,207,207,207,207,207,202,199,199,202,207,209,209,209,207,11,11,12,21,23,29,37,37,29,27,27,21,9,7,9,15,15,21,15,0,0,0,0,3,21,27,47,92,113,134,144,111,90,87,67,111,116,67,41,15,0,0,0,0,0,0,0,0,0,39,155,168,155,150,165,196,204,160,85,89,168,225,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,225,170,112,199,235,228,207,186,196,235,0,0,0,0,255,251,255,255,255,255,255,255,255,191,108,103,108,90,59,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,39,53,95,121,155,176,176,178,199,191,160,150,134,65,24,25,35,27,21,29,55,105,121,139,142,139,139,129,87,47,27,0,0,0,0,0,0,0,0,0,31,0,105,95,163,191,207,204,183,131,55,32,21,32,57,134,186,215,228,241,251,225,152,81,155,183,191,202,199,204,217,228,228,246,254,230,186,137,67,39,34,45,73,73,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,139,126,118,77,71,69,71,85,131,147,131,89,81,81,89,137,157,163,152,139,139,139,139,99,103,142,160,155,137,91,85,87,93,137,144,147,139,95,85,83,95,134,91,71,59,54,55,65,85,93,83,69,67,139,178,183,186,173,163,165,189,215,230,228,199,79,17,12,19,53,99,165,207,199,144,63,27,23,25,35,55,81,91,99,137,147,147,139,101,101,97,85,71,67,77,89,89,83,81,93,131,142,144,137,126,131,137,142,139,139,147,139,124,63,14,14,43,75,87,85,79,85,129,142,134,83,69,66,73,85,85,79,75,69,66,67,57,37,29,31,41,45,55,71,71,59,58,69,77,63,56,58,81,124,87,77,71,71,77,83,83,89,118,89,116,126,131,131,124,113,79,77,77,108,139,163,181,186,176,147,37,0,0,0,0,0,0,0,0,0,0,0,59,103,121,126,105,79,81,124,139,150,160,168,160,142,133,139,165,191,207,194,160,121,0,0,0,129,178,152,111,73,67,67,79,142,67,0,7,23,0,0,67,111,81,83,131,152,168,181,196,217,228,215,228,228,215,199,183,0,0,0,191,126,108,116,100,37,5,3,7,9,13,9,0,0,0,0,0,0,0,0,0,0,33,144,178,134,49,5,0,5,25,45,53,59,65,71,83,97,150,155,147,152,160,152,142,105,142,147,103,83,95,147,152,144,95,77,73,65,53,50,53,53,47,46,59,71,77,75,67,61,53,45,41,41,47,55,65,67,49,27,7,0,0,0,7,27,43,51,55,61,71,100,105,111,111,83,81,83,89,126,139,147,137,100,99,137,142,142,105,105,147,170,178,186,189,183,168,111,104,104,150,150,111,101,87,69,53,53,73,95,101,109,152,181,189,186,181,176,178,186,194,194,191,186,204,225,241,233,209,186,147,103,35,19,7,0,5,59,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,4,0,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,43,116,173,209,202,181,152,0,0,0,0,202,204,0,196,0,194,202,212,222,194,142,90,31,3,0,0,0,15,27,21,9,15,35 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,134,163,163,160,163,168,178,186,186,186,186,189,186,186,189,189,191,194,191,191,191,196,194,189,181,178,173,173,173,176,176,176,173,173,173,173,173,170,173,173,170,168,165,160,117,105,103,97,81,87,173,178,160,3,3,15,51,95,194,209,83,0,0,75,189,75,67,103,181,196,202,204,207,207,204,207,212,209,215,204,69,33,43,55,65,178,228,225,222,215,209,207,222,230,228,222,217,222,225,222,212,209,209,212,215,215,212,212,212,220,220,217,217,209,225,183,127,173,189,189,189,183,118,113,121,204,212,215,215,217,222,217,123,103,125,194,209,222,228,215,191,104,109,121,120,121,121,125,173,191,196,191,186,186,189,189,183,178,181,183,182,182,186,191,194,189,186,189,194,199,202,196,194,194,194,196,194,191,183,182,181,181,183,186,191,202,207,202,191,194,196,204,209,212,209,207,204,204,207,215,220,222,217,212,209,209,209,207,204,204,204,199,196,196,194,196,212,225,217,204,199,204,212,215,212,209,207,202,194,199,215,209,194,183,139,194,199,199,196,191,183,186,194,186,129,135,186,196,202,199,186,183,204,207,199,191,186,183,181,186,191,194,191,199,199,137,134,135,189,196,191,186,183,183,183,183,183,183,181,186,194,196,189,186,191,194,196,196,189,183,186,196,207,207,204,204,209,215,215,204,194,194,196,196,202,204,202,191,134,131,135,202,207,209,207,209,207,199,199,199,202,204,194,189,191,194,194,196,204,207,204,196,196,204,204,196,191,196,212,225,225,215,204,185,179,182,186,194,196,196,195,195,199,202,199,196,196,196,194,194,196,199,199,196,194,196,196,194,196,196,194,194,196,202,204,204,207,209,212,215,222,225,228,228,225,217,209,202,199,202,204,207,212,217,220,220,217,215,212,209,212,215,215,207,196,191,189,191,199,202,194,189,189,194,207,207,202,196,195,199,215,217,212,202,191,191,194,191,186,183,183,183,183,186,186,181,178,133,131,125,181,183,129,125,125,127,129,131,131,129,129,131,176,176,176,186,196,191,127,119,123,129,129,176,189,196,199,202,204,199,199,194,196,202,191,181,186,189,181,135,137,181,183,137,181,196,207,209,204,199,191,187,187,191,194,196,196,199,207,215,217,209,196,129,125,131,194,199,194,186,181,191,204,204,196,192,192,194,199,204,204,202,199,199,199,196,196,196,196,199,196,194,191,194,202,207,204,196,183,133,131,131,178,181,176,174,178,186,189,186,181,181,183,186,186,181,178,178,131,126,125,125,129,178,181,178,181,189,189,181,133,131,131,176,133,176,189,202,207,209,207,204,199,186,129,128,173,181,176,129,129,183,194,181,129,129,176,176,176,176,183,196,196,186,123,95,97,183,207,204,207,209,204,202,204,207,209,209,209,209,209,209,209,212,215,215,215,212,212,209,209,212,207,199,196,196,202,204,202,204,215,217,207,186,49,18,67,181,196,199,199,196,196,196,196,196,199,196,191,189,194,196,196,194,196,196,191,189,191,186,131,131,178,133,176,191,196,194,181,176,176,178,178,181,183,186,186,189,191,189,187,189,191,191,189,189,189,191,189,181,174,176,189,196,196,191,189,189,189,183,177,176,176,178,186,191,189,189,189,185,186,194,202,199,183,129,137,199,207,207,199,192,191,196,204,204,204,204,204,204,207,209,212,212,212,212,212,209,204,203,203,207,212,217,222,228,233,233,233,230,228,225,222,225,228,228,230,233,238,238,238,233,230,228,226,226,228,233,233,233,228,225,225,228,233,233,233,228,225,225,222,212,204,204,215,225,225,225,222,217,212,212,217,225,225,225,222,217,217,225,228,222,217,215,217,225,230,235,235,235,233,228,228,228,230,233,230,225,216,215,216,222,225,230,230,228,225,222,217,217,222,225,225,222,215,212,215,215,212,211,212,217,220,217,222,225,230,233,233,230,228,226,228,228,222,222,228,233,235,230,228,222,222,217,217,217,217,217,222,225,228,230,230,230,230,230,233,233,233,235,235,235,235,230,222,215,212,215,217,222,222,217,217,215,217,217,225,228,230,228,228,225,217,215,209,207,204,202,202,202,202,204,204,204,204,202,196,194,191,194,196,202,204,207,209,209,212,212,215,215,217,217,217,217,217,215,212,207,204,203,202,203,203,204,209,217,228,235,0,238,238,241,241,241,0,0,0,228,225,0,0,0,0,0,0,0,0,0,0,0,0,238,230,225,217,209,199,189,189,191,186,0,0,176,178,183,183,178,168,157,147,109,109,111,111,113,121,199,220,222,228,230,225,217,216,222,228,230,230,225,228,222,209,199,199,207,212,212,209,209,215,215,215,215,212,209,204,202,204,209,207,204,202,204,204,202,204,207,212,215,209,204,207,204,199,189,177,179,199,207,207,207,207,204,204,209,215,212,215,215,215,207,199,194,194,189,189,194,196,199,199,199,202,202,202,194,191,186,135,129,130,139,191,194,196,202,209,212,215,215,212,212,209,209,204,202,202,199,198,196,196,199,204,207,209,209,204,15,15,21,27,37,37,37,29,29,27,27,15,0,0,0,7,21,27,15,0,0,0,0,0,27,45,55,87,100,124,124,95,59,58,58,67,111,103,59,39,15,11,21,25,0,0,0,0,13,69,163,181,176,181,176,186,196,189,160,123,212,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,225,178,113,204,255,255,255,255,230,230,0,0,0,255,251,225,0,0,255,255,255,255,255,183,116,105,108,90,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,41,77,121,160,189,194,189,189,199,189,150,124,116,57,31,25,21,9,6,15,35,43,27,29,55,108,157,196,155,87,29,0,0,0,0,0,0,0,0,0,13,0,92,95,144,163,173,176,155,111,57,43,27,49,134,163,189,209,215,222,230,199,82,50,147,191,202,196,194,215,228,217,204,233,243,196,142,73,51,35,34,45,59,61,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,43,57,61,65,71,73,79,87,131,147,131,89,84,83,85,99,152,163,160,152,101,101,95,89,89,101,103,97,74,72,76,79,93,101,101,99,93,93,95,95,97,97,85,71,69,58,54,61,73,75,69,63,79,147,173,173,176,181,176,163,160,189,207,222,215,160,49,27,41,83,142,183,212,204,163,99,51,31,28,31,55,87,103,103,137,142,139,93,85,81,79,67,61,63,81,131,139,95,87,93,147,155,147,131,126,137,160,178,150,126,121,118,85,49,16,16,47,81,121,87,85,87,134,152,144,121,73,67,73,85,87,85,79,73,69,75,77,67,59,49,25,19,31,55,61,55,56,67,77,67,56,61,81,124,118,87,87,79,85,118,89,118,137,129,129,129,126,126,124,113,79,77,108,131,157,176,186,181,168,139,0,0,0,0,0,0,0,0,0,0,0,27,65,59,53,61,61,75,121,131,139,150,150,157,160,152,139,144,163,183,183,163,142,168,155,0,0,0,51,121,126,111,111,131,163,181,150,29,15,11,0,0,57,116,118,131,160,178,189,196,215,235,235,217,228,233,220,199,186,191,0,0,176,134,126,157,147,82,37,21,13,9,9,3,0,0,0,0,0,0,0,0,0,0,55,165,168,131,57,11,0,0,21,59,77,83,83,83,89,95,150,157,163,173,176,170,150,142,150,150,139,89,97,152,155,147,99,81,77,67,53,51,53,53,47,47,57,69,75,75,67,61,59,53,41,41,45,53,57,61,49,33,15,0,0,0,1,23,37,51,57,57,63,75,77,105,111,111,85,83,85,89,131,139,139,100,134,139,105,103,97,103,150,170,181,189,194,194,176,152,105,105,111,111,109,99,85,65,51,50,63,85,95,99,109,165,183,178,168,155,163,176,183,183,176,176,194,220,241,235,215,189,165,126,43,23,13,5,21,95,170,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,43,116,183,212,209,183,163,0,0,0,0,202,202,202,194,0,183,194,209,212,191,137,85,27,5,0,0,0,15,25,15,9,17,33 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,165,160,157,157,168,176,178,183,189,191,191,189,186,183,186,189,191,191,191,194,191,186,178,176,173,170,170,173,173,170,170,170,173,173,170,170,170,170,168,168,168,168,160,155,173,199,199,189,189,186,178,69,0,0,0,11,89,89,37,29,0,73,165,97,99,152,157,178,191,191,189,194,186,183,194,186,75,41,25,25,39,67,85,170,220,228,220,212,207,207,217,225,225,222,222,222,222,217,215,212,215,217,215,212,212,212,215,220,220,212,207,68,176,55,59,101,189,194,196,199,119,110,114,129,204,196,199,209,204,186,123,121,176,196,202,202,209,212,204,131,120,121,125,131,173,173,173,178,183,181,176,186,202,202,189,178,186,189,183,182,186,186,185,185,189,191,191,191,191,191,191,191,191,191,191,191,186,183,183,186,186,186,186,194,202,196,189,191,199,204,209,212,209,204,204,207,209,215,220,225,222,217,215,217,212,209,207,207,212,207,194,194,189,189,196,209,212,207,202,207,212,215,212,207,202,199,202,212,217,212,196,139,189,207,202,196,186,179,181,186,189,189,183,137,135,181,189,191,183,183,191,194,189,186,186,186,189,191,194,191,196,199,194,181,136,181,189,194,191,189,186,186,186,183,183,183,181,186,199,204,196,191,191,191,191,191,186,139,186,194,199,202,202,204,204,204,204,199,194,194,194,194,199,204,196,137,129,124,135,196,204,209,212,212,207,199,196,202,207,202,189,139,186,191,191,191,202,207,202,194,196,207,215,207,196,199,215,225,222,209,194,182,181,185,191,199,202,199,195,199,207,209,204,202,202,199,194,192,192,194,194,194,196,196,199,202,199,195,192,195,207,209,209,209,212,215,215,217,222,225,228,225,217,212,207,202,200,204,207,207,209,215,217,217,217,212,202,196,196,199,202,196,191,187,187,187,191,194,190,187,189,196,207,207,202,195,194,195,196,196,190,190,189,191,194,191,189,186,183,183,137,137,178,135,133,133,135,178,189,186,127,121,122,127,131,131,173,178,178,178,181,176,173,181,191,186,125,120,125,127,127,173,183,191,199,202,199,202,194,183,186,189,183,183,191,186,178,137,183,189,196,196,194,199,202,204,204,202,194,194,194,196,199,196,196,199,209,212,212,207,181,125,127,181,194,202,202,191,189,191,199,207,199,191,192,194,199,202,204,202,202,199,199,199,199,199,199,199,194,189,186,189,196,204,204,196,183,176,131,129,133,181,181,176,178,189,189,183,179,181,186,189,186,181,181,178,131,126,127,127,126,133,178,174,178,186,189,183,176,131,131,133,133,176,178,186,199,204,202,196,191,181,129,129,178,183,178,129,129,176,183,183,176,173,176,176,176,131,131,183,191,133,95,101,131,204,209,207,209,209,209,207,207,207,209,209,212,212,212,215,215,215,215,215,212,209,209,209,209,209,207,204,199,202,204,204,202,204,212,217,215,196,87,13,23,73,127,183,189,191,191,191,191,194,194,191,186,183,189,194,191,191,191,191,183,178,178,181,178,181,176,125,125,183,194,191,181,176,178,181,178,178,183,186,186,186,186,189,189,189,186,186,186,186,186,189,189,181,174,176,196,199,196,189,178,183,186,183,183,181,178,181,191,196,196,194,189,183,185,199,207,191,115,105,135,202,209,209,202,192,191,195,202,207,207,204,202,202,204,209,215,215,215,215,212,209,207,203,203,207,215,217,225,230,233,233,228,225,217,217,217,220,217,217,220,228,233,235,238,238,235,233,228,228,228,228,230,230,228,226,226,228,230,233,233,233,230,225,217,209,199,196,204,217,217,212,212,212,211,212,222,228,228,228,228,222,217,222,225,222,215,215,215,217,225,233,235,235,230,228,228,230,230,228,225,222,217,215,217,225,230,230,230,230,228,225,217,216,216,222,225,225,217,215,212,212,212,215,217,222,220,217,222,228,230,230,233,230,226,225,228,228,225,222,225,233,235,233,228,222,222,217,217,217,217,222,222,225,228,230,230,230,230,230,233,235,235,233,233,235,235,230,222,215,212,209,209,212,212,215,212,212,215,215,217,225,225,225,225,225,222,220,215,209,204,199,199,199,196,196,199,199,199,199,196,194,191,191,194,199,202,204,204,207,209,212,215,215,215,215,215,217,217,222,217,212,207,204,204,204,204,204,207,212,222,228,233,233,238,0,0,241,0,0,233,225,215,209,212,0,0,0,0,0,0,0,0,0,0,0,230,228,225,215,202,191,189,189,189,189,183,181,181,186,189,183,176,165,152,147,115,115,113,113,125,183,199,209,225,230,225,222,217,217,222,225,228,230,230,225,217,209,207,209,209,209,209,212,212,212,212,212,212,209,207,209,209,209,207,204,202,200,202,202,207,209,212,212,209,209,207,207,204,196,187,189,202,207,204,204,202,202,204,209,215,217,217,215,212,209,207,204,199,194,191,194,199,204,204,199,199,199,199,194,189,141,135,133,132,137,189,194,199,207,212,217,217,215,212,209,212,209,202,198,196,198,198,195,196,196,199,204,209,209,207,17,23,37,45,43,37,27,27,27,21,9,0,0,0,0,0,15,27,15,0,0,0,0,0,29,47,47,47,55,87,98,65,58,58,60,62,95,105,103,63,27,25,45,57,37,0,0,1,49,87,152,168,165,155,150,173,196,189,160,121,215,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,241,196,106,103,106,181,243,255,255,243,202,191,228,0,255,251,215,220,0,0,0,255,255,255,238,173,103,105,108,37,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,69,111,155,196,196,189,189,207,215,196,144,116,63,43,33,47,39,17,0,6,49,49,11,0,21,100,196,255,255,129,27,0,0,0,0,0,0,0,0,0,3,51,95,113,150,157,163,165,165,147,144,163,183,209,215,196,207,199,196,191,196,168,72,48,89,183,196,191,194,217,217,186,157,111,107,83,72,73,67,45,39,35,39,39,29,0,0,19,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,11,23,51,77,79,85,121,131,147,131,95,87,84,89,97,152,163,168,160,101,93,81,81,83,87,91,85,72,69,75,85,99,147,139,93,90,91,101,139,142,134,95,91,85,65,58,59,61,47,39,51,79,103,152,160,173,186,176,147,97,105,165,189,202,186,155,97,97,152,181,191,204,204,183,163,147,79,47,49,81,144,160,152,142,137,97,71,59,59,63,63,60,67,77,89,134,137,131,150,165,163,142,89,83,131,157,168,150,116,111,126,77,21,14,21,53,81,87,81,73,79,118,134,139,121,73,63,75,121,126,118,85,75,69,77,116,121,79,49,2,0,17,53,67,63,58,69,79,73,59,63,71,71,69,81,121,85,71,67,73,85,129,129,129,116,87,113,126,111,67,57,63,121,157,170,173,170,160,118,0,0,0,0,0,0,0,0,0,0,0,33,19,0,1,29,49,67,105,124,131,142,150,150,152,155,152,152,165,170,157,121,79,181,165,0,0,0,0,49,73,124,137,139,144,144,144,150,81,11,0,1,31,59,137,160,183,196,207,228,241,243,235,228,217,228,230,217,207,199,199,191,150,116,126,160,165,124,82,45,23,7,0,0,0,0,0,0,0,3,0,0,0,0,79,144,155,116,51,13,0,3,21,71,126,139,126,124,95,134,155,165,178,189,189,178,157,105,99,99,97,97,139,155,160,152,139,93,81,69,53,49,49,49,47,47,57,69,75,75,73,69,65,59,43,39,41,43,51,55,49,37,21,0,0,0,0,9,27,43,49,51,57,63,69,73,77,113,118,116,89,89,124,131,139,139,137,139,105,95,92,103,157,181,189,186,199,207,189,168,113,109,111,150,109,103,85,69,59,59,69,83,93,99,105,152,176,176,155,150,152,170,178,176,170,166,186,215,230,230,220,196,181,137,53,19,5,0,11,98,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,12,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,40,116,183,217,209,186,176,0,0,0,0,202,196,194,183,176,183,194,207,207,181,129,53,21,3,0,0,0,5,9,7,9,15,29 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,168,160,157,160,165,170,181,189,191,191,183,181,178,183,186,191,191,189,189,186,183,178,176,173,170,170,170,170,170,168,170,170,173,173,170,170,168,168,168,170,170,165,165,183,199,202,199,196,189,181,173,19,0,0,0,0,0,21,37,39,85,111,152,160,160,160,181,191,183,169,156,151,161,181,63,0,0,0,3,0,13,71,173,209,222,217,215,211,211,217,222,222,222,222,217,217,217,215,217,222,225,217,215,212,212,212,220,220,131,71,68,58,44,50,101,189,194,186,176,170,129,118,114,112,105,113,181,183,173,127,125,131,181,183,189,204,217,212,183,131,127,129,131,173,176,178,178,176,130,130,181,199,199,183,178,189,194,186,183,186,186,185,186,196,202,196,189,186,183,183,186,186,183,186,183,139,183,189,191,191,189,189,196,202,194,141,189,199,207,209,207,202,202,204,209,212,212,215,217,217,212,212,217,217,215,209,204,207,207,199,189,185,183,186,194,204,207,207,209,212,209,207,202,202,202,202,207,209,215,204,194,204,209,204,194,181,177,179,189,194,191,186,135,130,133,181,189,186,182,183,183,183,186,186,189,191,191,191,191,194,194,183,137,186,191,191,191,189,189,189,191,189,186,183,183,181,186,196,202,194,189,189,191,189,186,139,138,186,196,196,196,196,199,199,202,202,202,196,196,194,196,204,207,199,183,132,131,191,202,204,207,209,207,199,196,194,196,202,196,139,135,137,194,194,194,199,202,196,191,196,207,212,207,199,196,207,212,207,199,191,186,189,196,202,207,207,202,199,202,207,212,209,207,204,199,194,192,194,194,194,194,196,196,196,202,204,207,207,212,222,222,215,209,212,215,215,215,217,222,222,217,212,207,204,204,207,212,212,207,204,207,207,209,209,202,190,186,186,189,191,191,189,189,187,189,194,196,194,191,194,204,212,212,204,199,199,199,196,190,189,190,190,191,191,191,189,186,186,183,137,135,135,133,129,126,129,176,181,183,131,123,123,129,131,130,131,178,181,181,181,173,172,173,131,125,121,120,121,121,121,127,173,178,186,191,194,191,189,181,176,181,183,183,183,178,136,178,186,191,196,196,194,194,194,194,196,199,199,202,202,199,194,191,189,194,202,202,199,189,181,181,189,191,189,194,199,199,194,186,191,204,202,192,192,196,199,202,202,202,199,199,199,199,199,199,199,196,191,185,183,186,194,199,199,194,183,176,131,128,129,181,183,178,178,189,189,181,179,181,186,189,186,183,181,178,129,126,178,181,129,173,178,176,178,183,186,181,176,131,129,130,178,181,178,131,176,191,196,186,178,131,125,126,178,186,186,176,129,127,127,173,178,178,176,176,178,173,129,133,176,125,111,123,196,212,215,212,215,215,215,212,209,209,209,209,212,217,217,217,217,215,215,212,209,208,208,208,209,207,207,207,204,204,204,204,202,207,212,215,215,207,125,57,21,23,95,178,181,178,181,183,186,186,183,181,178,178,178,181,183,186,186,186,181,133,131,176,181,183,133,120,120,178,191,183,176,176,178,178,178,178,186,194,191,186,185,186,189,191,191,189,183,181,181,186,189,183,176,178,191,194,191,178,172,177,186,186,189,186,183,186,196,202,199,194,186,183,186,202,209,202,132,123,139,199,207,209,204,199,196,199,204,207,207,204,202,199,202,207,212,215,217,217,215,212,209,204,204,209,217,225,228,230,235,233,225,215,209,209,212,212,212,209,209,217,228,233,235,238,235,233,228,226,226,228,228,228,226,228,230,230,230,230,230,228,225,217,215,209,199,196,199,212,215,212,212,211,211,212,222,228,230,230,228,222,217,222,225,225,217,215,212,211,217,230,235,233,230,228,230,233,230,228,225,222,222,222,225,230,230,230,230,230,230,228,217,215,215,217,225,228,225,217,215,215,215,220,222,222,217,220,225,228,230,230,233,230,228,226,230,233,228,222,222,230,233,233,228,222,222,217,217,217,217,222,225,225,228,230,230,230,230,233,233,235,235,233,233,233,233,230,225,217,209,207,204,204,207,207,209,209,212,212,215,217,222,222,222,225,225,222,217,212,207,202,199,196,194,191,191,191,194,194,194,191,191,191,194,196,199,202,202,202,207,212,215,217,217,215,215,217,222,222,222,215,212,209,209,212,209,207,207,209,215,225,233,235,241,0,0,241,235,233,228,222,215,209,209,0,0,0,0,0,0,0,0,0,0,0,0,0,228,217,204,194,191,191,191,194,189,183,179,181,183,183,181,173,163,157,155,115,111,111,117,165,178,199,220,228,228,222,217,215,215,222,228,230,230,228,222,217,215,212,212,212,212,209,207,207,207,209,209,207,209,209,209,209,207,204,202,200,200,202,207,209,212,212,212,212,209,207,204,202,199,202,207,207,202,199,199,202,204,209,212,212,212,212,209,207,209,209,207,199,194,191,196,202,204,202,199,199,202,199,141,137,137,137,134,137,191,199,204,209,217,222,222,217,212,212,215,212,202,198,198,199,199,199,199,198,198,202,209,212,209,23,27,37,41,37,27,23,27,23,15,0,0,0,0,0,7,21,37,35,0,0,0,0,0,27,37,29,23,41,61,67,67,65,65,65,71,108,129,126,73,27,23,57,111,111,65,59,67,61,81,134,144,147,91,97,168,196,196,160,107,194,248,255,255,255,0,0,0,255,255,255,255,255,255,255,255,233,178,99,100,110,160,173,163,147,147,143,144,181,230,246,218,212,220,0,0,0,255,255,255,202,152,113,121,108,37,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,72,134,194,225,204,189,196,225,238,204,131,57,31,14,23,57,67,53,35,47,121,103,13,0,2,100,230,255,255,170,21,0,0,0,0,0,0,0,0,0,31,82,118,137,165,165,173,183,176,165,165,191,207,215,217,217,220,220,199,191,191,176,93,74,150,189,191,183,183,202,199,168,81,63,54,52,59,77,85,59,39,35,29,19,0,0,19,92,100,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,11,3,17,65,118,121,87,87,124,131,131,95,89,89,95,137,157,170,173,163,139,87,79,75,77,83,83,78,75,79,93,99,144,157,144,95,90,93,134,142,142,139,134,134,101,85,73,73,65,36,29,34,79,139,152,152,157,163,152,97,61,71,97,155,191,209,207,189,170,183,202,207,204,204,189,173,157,103,81,81,97,152,170,163,150,99,79,55,51,56,65,69,67,75,77,87,139,150,150,163,165,147,91,71,71,91,139,142,131,114,116,134,75,20,16,25,51,69,73,69,67,67,71,116,124,81,65,63,79,124,134,134,121,79,71,77,124,124,81,49,0,0,21,65,85,81,67,69,79,77,61,58,59,55,55,73,87,75,57,53,57,67,75,81,83,81,75,79,79,73,55,51,54,75,131,147,147,155,155,121,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,59,75,105,105,124,131,142,147,152,157,163,168,176,170,131,59,45,63,49,25,25,7,0,0,0,47,105,75,39,45,113,144,113,47,8,13,25,47,129,168,186,204,225,233,241,241,235,228,215,217,230,230,217,207,191,176,134,101,101,126,157,147,108,55,23,5,0,0,0,0,0,0,0,0,0,0,0,5,49,105,105,61,21,9,13,11,25,67,129,147,147,137,134,137,155,163,181,189,196,178,157,99,94,99,97,137,147,163,170,168,152,134,91,69,53,43,43,47,47,47,59,69,71,75,111,108,73,61,45,37,37,39,45,51,49,41,21,0,0,0,0,0,15,31,39,43,49,51,55,55,61,77,113,118,116,118,126,134,139,139,139,137,99,93,91,99,157,183,191,189,199,207,189,170,152,111,111,152,152,105,93,79,71,63,71,81,93,103,111,152,168,168,152,147,147,157,176,176,172,172,189,207,215,215,207,196,181,147,55,17,1,0,9,95,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,20,4,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,53,126,191,212,204,186,183,0,0,0,0,194,186,183,178,176,183,194,196,194,163,118,45,17,0,0,0,0,0,9,7,9,17,25 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,118,152,150,152,163,173,181,181,178,176,176,178,181,183,186,186,183,181,178,178,178,176,173,168,168,168,170,168,168,168,168,170,170,170,170,170,168,170,173,173,170,170,183,196,202,199,196,189,178,168,55,11,0,0,0,0,7,43,73,97,109,163,173,165,170,199,204,189,169,155,151,165,204,107,0,0,0,0,0,0,33,165,194,209,215,217,217,215,217,217,217,217,217,217,215,217,217,222,228,228,225,222,220,217,212,189,85,17,0,81,75,105,127,181,189,183,129,127,181,194,123,117,113,105,116,186,183,178,131,131,131,131,173,189,209,222,217,196,178,131,131,131,131,176,181,181,176,130,129,133,181,178,133,178,189,194,189,183,189,191,189,194,202,207,202,189,181,137,137,181,181,181,137,135,135,139,186,191,191,194,196,202,202,191,139,186,196,204,204,202,199,199,202,207,207,207,207,209,209,207,209,217,225,222,209,194,191,199,199,189,186,186,189,199,209,215,215,209,209,204,200,202,207,207,202,170,160,204,202,204,215,207,204,191,181,178,181,194,199,194,181,131,130,131,137,186,194,186,183,186,189,191,191,191,191,191,190,190,194,191,181,181,194,199,191,181,181,186,191,194,194,189,183,183,181,186,191,194,189,187,189,189,186,183,138,138,189,194,191,189,191,199,202,207,209,207,204,199,196,199,204,204,199,191,186,191,212,215,207,204,202,196,194,191,189,191,199,199,189,139,186,212,209,204,204,202,196,191,194,202,202,196,191,191,191,194,194,191,191,194,196,202,207,209,207,202,202,204,204,207,209,207,202,196,196,199,202,204,204,202,199,196,196,199,209,220,225,228,228,228,212,204,207,209,207,207,209,215,212,207,202,199,199,202,204,207,207,202,194,192,194,199,204,199,189,185,185,187,191,194,194,194,194,196,202,204,204,202,207,215,217,215,209,207,204,202,199,196,199,204,202,196,194,191,194,191,189,186,181,137,135,131,126,124,126,127,129,133,131,127,127,133,131,129,129,176,183,186,189,181,183,178,127,121,123,125,121,119,119,123,127,129,131,178,181,181,181,133,131,176,181,178,178,178,178,183,189,191,194,196,192,192,191,191,192,196,204,204,202,194,186,185,189,191,194,189,183,178,179,191,199,194,187,187,196,202,194,181,181,199,207,202,194,196,199,202,202,199,196,196,196,196,196,196,196,194,189,185,183,186,191,194,194,189,181,176,133,129,129,133,176,133,176,186,186,181,179,181,186,189,186,183,183,178,127,127,191,196,176,129,131,173,173,176,181,181,176,131,129,130,183,191,183,125,119,125,181,176,131,127,124,125,176,189,191,186,176,124,119,123,178,183,178,178,178,176,129,125,125,125,129,191,209,215,215,215,217,220,215,212,209,209,209,212,215,222,222,220,217,215,212,212,209,209,209,209,209,209,207,207,207,204,204,202,204,207,209,209,215,212,199,183,36,28,107,181,133,129,133,178,183,183,176,133,178,178,176,174,177,181,183,183,181,133,129,131,133,176,129,121,125,178,181,130,130,176,178,176,132,176,186,194,191,186,185,186,189,189,189,189,181,178,181,189,189,181,176,178,191,196,191,177,173,177,181,181,183,183,183,186,196,199,196,189,185,185,189,199,209,215,209,186,139,189,199,202,204,207,207,204,207,207,204,202,199,196,199,207,209,215,217,217,217,215,209,204,204,207,217,228,230,230,233,233,225,212,208,207,208,209,209,208,208,215,222,230,233,235,235,233,228,225,225,228,230,228,226,228,233,235,233,230,228,222,215,212,209,209,202,198,199,207,212,215,217,215,212,212,222,228,230,230,228,222,217,222,225,222,217,217,211,209,212,228,238,235,230,230,233,233,233,230,228,225,222,225,225,228,228,228,230,230,230,228,222,216,215,217,225,228,225,222,215,215,217,222,222,222,217,222,228,230,230,233,233,233,230,230,233,235,230,225,222,228,233,233,228,225,222,222,222,217,217,222,225,228,228,228,228,230,230,233,235,235,235,233,233,233,233,233,228,217,212,204,203,202,203,204,204,207,209,212,215,217,222,222,222,225,225,225,222,215,207,202,199,196,194,191,189,143,143,189,189,189,189,191,194,196,196,199,199,199,202,207,212,215,215,215,217,217,222,222,217,217,217,215,215,217,217,215,212,209,215,225,233,235,243,0,0,238,233,228,228,228,222,215,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,199,194,194,196,196,194,186,181,181,181,183,183,181,173,165,157,150,109,107,109,113,121,178,207,222,222,220,215,212,212,222,228,230,230,228,225,222,217,217,217,217,215,209,204,204,207,209,207,207,209,209,209,209,207,204,204,202,202,202,204,207,212,212,212,212,209,207,202,199,204,209,209,204,199,195,195,199,204,207,209,207,207,207,204,204,207,212,209,204,196,194,196,199,202,204,202,202,202,199,139,133,135,137,137,141,194,204,209,215,222,225,222,217,215,215,215,212,207,204,204,207,207,209,209,202,198,202,209,215,215,29,27,29,27,21,17,21,27,27,9,0,0,0,0,7,21,37,53,53,19,0,0,0,7,27,23,14,14,29,61,67,67,100,103,103,108,131,157,150,103,27,27,65,142,150,121,83,113,67,55,45,61,89,95,103,168,202,215,178,94,103,194,233,255,255,255,0,255,255,255,255,0,255,255,255,243,243,217,186,186,186,181,160,137,129,134,134,135,165,212,233,225,218,233,251,0,255,255,255,235,196,191,160,152,131,79,31,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,74,129,181,212,225,225,225,238,228,178,103,37,13,5,17,65,77,67,67,121,147,131,41,5,0,25,183,255,243,95,0,0,0,0,0,0,0,0,0,0,19,51,108,147,181,163,165,189,176,157,147,155,157,157,178,215,228,228,220,209,199,183,160,147,173,199,191,179,179,194,202,186,152,72,59,57,65,83,77,33,25,27,33,13,0,0,33,155,194,121,0,0,0,0,0,0,0,0,0,13,31,74,90,45,0,51,121,113,49,29,49,111,129,121,87,81,85,93,95,131,97,97,134,144,163,170,173,163,139,91,75,75,83,87,81,78,85,134,144,155,147,147,139,99,99,101,139,139,139,134,134,134,134,93,87,87,79,49,36,43,87,147,157,152,144,105,97,79,60,67,93,150,181,209,209,194,170,181,196,207,207,204,183,163,150,103,95,95,103,150,163,163,150,95,65,51,51,59,79,87,85,85,77,83,142,155,152,157,147,91,71,61,77,131,142,134,129,121,131,142,83,33,25,35,43,53,59,61,61,67,71,83,81,59,54,61,73,85,129,137,134,85,75,81,116,121,81,59,15,9,37,75,116,116,79,75,79,75,59,56,57,55,58,77,116,75,56,52,54,60,65,71,77,75,72,74,75,71,59,51,51,65,108,118,118,129,144,134,57,0,0,0,0,0,0,0,0,0,0,0,0,0,39,73,105,124,124,105,105,129,142,142,142,152,163,173,178,163,77,21,7,3,27,77,129,59,0,0,0,0,59,35,0,0,71,113,71,59,53,51,43,51,87,155,186,212,225,209,207,230,235,228,207,209,215,217,215,202,189,160,121,101,100,113,147,147,105,47,17,13,3,0,0,0,0,0,0,0,0,0,0,7,39,55,49,33,13,9,21,21,23,53,124,157,160,155,150,144,147,155,170,181,183,170,152,139,103,139,144,144,155,170,178,176,163,144,91,69,49,39,35,37,41,47,63,65,67,75,113,118,111,69,53,39,36,37,41,49,51,43,25,0,0,0,0,0,1,21,33,39,39,37,39,41,53,61,77,85,116,126,131,142,139,131,97,101,101,96,95,101,155,181,189,185,196,204,186,168,113,107,111,152,152,113,103,91,79,63,63,79,97,111,155,157,157,155,113,109,111,152,170,178,181,181,194,196,202,196,189,186,181,155,90,21,0,0,13,105,173,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,66,139,191,204,196,181,183,0,0,0,0,183,176,178,183,183,183,183,178,173,142,95,33,9,0,0,0,0,5,9,15,17,23,29 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,134,152,160,168,170,173,173,176,181,183,183,181,181,181,178,178,176,176,176,173,170,168,168,168,168,170,168,168,165,165,168,168,170,168,168,170,173,173,170,173,183,194,196,194,189,183,176,163,81,43,15,0,0,1,27,55,97,113,155,165,170,164,170,202,199,191,183,186,194,209,222,212,117,0,0,0,0,19,87,157,183,202,209,215,217,220,217,217,215,215,215,215,215,215,217,225,228,225,225,228,225,217,196,115,72,7,0,127,181,181,189,196,189,115,111,123,178,183,127,176,189,191,209,209,199,191,183,181,178,176,176,191,207,217,217,207,186,173,131,176,176,176,181,186,183,181,176,131,129,128,129,133,186,191,186,183,191,196,199,199,204,204,199,189,183,137,136,137,181,181,135,132,132,135,139,183,191,194,196,196,191,139,137,139,191,202,204,202,199,196,194,194,196,202,202,202,202,204,212,222,225,225,207,139,135,186,191,191,191,199,215,225,222,217,212,204,207,207,202,202,207,204,189,156,152,181,194,202,207,202,202,191,183,179,181,194,202,194,135,131,131,133,135,186,199,196,194,199,199,199,199,196,196,194,191,191,194,196,191,191,194,191,181,136,137,183,191,199,199,194,183,181,183,191,194,194,191,189,189,186,183,183,139,139,186,191,189,189,199,209,212,212,212,212,207,196,194,199,199,196,191,194,199,207,228,230,212,199,191,189,189,189,187,191,202,209,209,207,215,230,225,212,207,202,196,191,191,194,191,186,186,139,139,186,194,191,194,196,196,199,204,207,207,207,207,204,199,199,204,204,199,196,199,207,212,217,215,207,196,194,196,204,212,222,225,225,225,217,202,196,202,204,199,199,204,209,209,199,143,141,194,194,189,191,196,194,192,191,192,199,207,204,196,191,191,196,202,204,204,202,202,202,207,209,209,209,215,222,222,217,209,204,204,199,196,204,209,215,209,202,196,194,194,194,191,191,186,181,181,135,131,127,127,126,127,129,127,127,131,178,173,129,129,178,189,194,202,204,202,191,176,131,178,178,129,119,118,123,127,125,125,129,131,176,176,129,125,129,133,178,186,189,183,186,191,194,199,202,196,194,192,192,194,202,209,207,196,186,185,185,191,194,189,183,181,178,181,189,194,191,189,191,194,194,183,134,134,191,209,209,199,196,196,199,199,196,194,196,196,194,191,191,191,191,189,186,186,189,191,191,186,181,176,133,176,176,131,128,126,127,131,178,183,183,183,186,186,189,186,183,183,181,131,129,191,194,176,125,121,123,125,127,131,176,176,131,130,131,183,196,194,127,117,122,176,176,173,127,124,125,131,183,191,196,191,127,117,120,186,194,183,178,176,131,127,124,123,129,186,202,209,215,215,215,217,215,212,207,207,207,209,215,217,225,225,217,215,212,212,212,212,212,212,215,212,212,209,207,204,204,202,200,202,204,204,207,212,212,209,199,113,109,181,191,178,128,129,178,189,186,176,133,178,183,181,176,177,178,183,183,183,176,131,129,121,118,119,127,181,183,131,127,128,133,178,176,131,132,178,186,189,186,186,186,189,186,183,183,178,178,183,189,183,176,174,176,186,194,191,183,183,183,178,177,178,181,181,183,191,194,191,186,183,183,189,196,204,215,220,202,136,135,186,191,199,204,207,204,204,204,202,199,196,195,196,204,209,215,217,217,217,215,212,207,204,207,217,228,230,230,233,235,230,217,209,208,209,212,215,212,215,217,222,228,233,235,235,233,230,228,228,230,230,228,228,228,233,235,233,230,225,215,209,207,207,209,207,199,202,207,212,217,222,222,217,215,217,228,230,230,225,222,217,217,217,215,212,215,211,209,211,225,233,235,233,230,233,235,235,233,228,225,222,217,217,222,225,228,228,228,230,228,228,222,217,216,217,225,225,222,215,213,217,222,222,217,222,225,228,230,233,233,235,235,235,233,235,235,230,225,225,228,233,233,230,225,225,222,222,222,222,225,228,228,228,228,228,228,230,233,235,238,235,235,233,233,233,233,228,222,215,207,203,203,203,203,203,204,207,209,215,217,222,222,222,225,225,225,222,217,209,204,202,199,194,191,189,143,143,143,143,186,189,191,194,196,196,194,191,191,194,199,204,209,212,212,215,217,217,215,215,215,217,215,215,222,225,222,217,215,212,217,225,230,238,246,243,233,230,230,230,230,230,225,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,202,202,204,202,199,196,191,189,183,181,181,178,173,168,160,152,109,104,104,104,109,121,186,207,212,212,209,209,212,217,225,228,228,228,225,225,222,222,225,225,220,212,205,205,209,212,209,207,209,212,212,209,209,207,204,204,202,202,204,207,209,212,212,212,207,202,195,195,204,212,209,204,199,194,194,196,202,204,204,204,202,204,204,207,207,209,209,204,199,196,196,199,202,204,207,204,202,196,141,133,131,133,139,189,196,207,212,215,217,222,217,215,212,212,212,209,209,209,215,212,212,215,215,209,202,204,212,217,217,45,37,27,23,15,13,19,29,37,17,0,0,7,13,27,37,53,59,59,35,0,0,0,19,29,19,14,14,31,61,65,61,103,111,116,126,150,165,160,126,63,59,116,150,142,71,41,45,53,17,0,0,69,95,150,173,194,222,202,89,76,87,170,0,255,255,255,255,255,255,255,255,255,254,204,207,217,217,209,215,215,207,189,170,163,163,144,140,168,204,225,228,228,235,241,241,255,255,255,235,228,255,246,196,163,116,74,31,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,66,103,126,173,230,251,251,233,199,152,73,37,19,12,23,59,67,66,103,129,155,139,55,27,5,2,55,194,150,0,0,0,77,0,0,0,0,0,0,0,0,0,92,137,170,147,137,150,155,137,63,35,15,0,49,176,196,209,212,199,191,183,176,176,191,199,183,176,176,194,215,225,233,204,170,142,95,93,57,6,6,19,41,39,13,5,45,163,217,160,33,0,0,0,0,0,0,0,27,82,90,111,131,116,113,142,155,147,118,111,116,126,129,121,81,77,78,81,89,95,134,134,144,152,163,170,170,163,150,93,75,79,89,95,91,83,95,155,176,170,147,100,101,101,137,137,101,99,99,97,95,97,97,91,85,85,81,73,75,89,101,150,157,157,142,91,75,65,71,91,107,157,181,199,194,168,152,160,181,202,212,207,186,163,147,103,97,101,142,150,150,144,147,97,71,57,59,87,129,131,129,91,81,83,134,142,131,126,87,65,49,57,87,144,150,139,131,124,131,142,126,65,45,43,39,43,49,61,73,79,85,83,71,53,50,61,73,79,118,144,142,124,83,81,87,87,81,67,53,39,51,65,69,77,83,75,71,69,59,56,61,65,71,121,137,87,69,61,61,65,71,77,77,75,75,75,81,111,79,65,57,71,108,107,104,118,144,144,95,7,0,0,0,0,0,0,0,0,0,0,0,51,129,129,129,131,131,124,118,124,134,134,139,142,157,170,178,150,51,0,0,0,55,168,131,27,0,0,0,0,71,33,0,0,85,85,52,52,67,81,67,41,43,87,168,209,212,186,182,207,228,215,196,191,189,196,196,191,183,155,113,103,105,113,124,124,63,23,17,23,17,0,0,0,0,0,0,0,0,0,0,0,15,39,47,43,25,17,25,23,20,47,137,170,183,176,165,155,147,147,155,163,170,160,150,147,155,165,163,155,163,170,170,168,157,142,83,67,49,35,29,31,37,47,63,65,65,75,124,137,129,98,59,41,37,36,39,45,49,45,31,3,0,0,0,0,0,13,29,33,35,31,31,37,47,55,69,77,118,129,137,142,134,95,87,95,137,103,98,99,147,176,186,185,191,196,178,155,113,107,107,111,113,113,107,95,79,65,62,79,101,155,168,168,157,155,111,109,109,113,157,178,189,189,189,189,194,189,181,178,178,157,100,27,4,1,25,113,163,194,212,0,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,66,142,191,196,186,178,181,0,0,0,0,176,165,176,183,194,183,176,160,144,121,53,27,5,0,0,0,5,17,17,17,23,31,35 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,150,155,160,165,170,176,183,191,189,181,178,181,183,181,178,173,170,170,170,170,170,170,173,176,176,173,168,165,165,165,168,165,165,168,173,173,173,173,183,191,191,186,181,178,178,189,115,83,87,91,79,71,85,101,113,165,170,168,165,161,163,176,181,183,194,204,215,222,225,230,243,202,41,0,0,11,107,121,181,202,209,212,215,222,222,220,217,215,212,212,212,215,217,228,228,222,222,225,215,125,87,91,91,87,87,176,191,153,160,196,199,97,93,111,127,173,173,186,207,215,215,204,199,199,189,183,186,186,186,194,202,204,212,209,191,178,178,181,178,178,183,194,196,194,194,183,131,129,129,131,178,183,181,181,191,199,204,204,202,196,189,189,189,183,136,136,181,181,137,132,131,132,135,183,191,196,194,186,137,135,135,139,191,202,207,207,202,194,141,136,141,194,196,191,191,199,207,212,212,212,202,135,132,135,139,186,191,204,228,235,228,209,199,202,212,215,209,207,204,194,178,173,176,181,189,194,191,189,191,191,186,181,181,189,196,189,135,133,135,178,178,189,204,209,209,212,209,207,204,202,202,204,202,196,196,199,202,199,191,183,137,137,137,181,189,202,207,199,186,183,194,202,207,207,202,196,189,183,139,139,139,139,189,191,194,209,217,217,217,212,207,204,194,135,183,194,196,191,187,191,202,215,235,235,212,191,182,182,186,191,191,196,207,215,217,217,225,228,222,209,202,194,189,186,186,183,139,139,139,137,138,189,204,199,199,199,194,194,199,202,204,209,209,204,194,191,196,199,196,191,196,204,215,222,217,202,189,189,196,209,215,212,212,212,212,204,196,194,199,202,196,194,199,212,209,191,129,130,141,143,137,140,194,199,196,196,199,207,215,215,209,207,209,212,215,215,212,207,202,202,204,209,209,209,215,217,217,212,204,202,199,196,196,199,204,207,207,204,199,189,186,191,196,196,191,186,186,186,183,183,178,133,176,131,120,119,131,178,176,130,131,183,191,199,207,209,204,194,189,191,194,194,183,127,120,123,127,125,125,127,129,176,178,129,122,123,131,189,202,199,186,183,189,196,202,207,204,199,199,199,202,207,209,202,189,186,186,191,194,191,186,189,191,191,189,191,189,186,189,191,191,181,134,133,134,186,204,207,199,194,194,196,194,191,191,194,196,191,189,189,189,189,189,189,191,194,191,186,181,133,131,131,176,183,176,126,125,128,176,178,178,183,186,189,189,189,189,186,183,181,178,176,183,186,178,125,118,120,122,123,125,127,129,131,131,173,178,191,199,189,129,129,178,178,173,127,125,125,129,176,183,196,202,186,122,123,191,199,189,176,129,127,125,125,127,181,199,204,207,209,209,215,215,212,204,200,200,204,212,217,225,225,225,217,212,211,211,212,212,215,217,217,217,215,209,207,204,202,200,202,202,202,202,207,209,209,207,199,117,115,186,196,189,131,127,176,191,194,181,133,178,186,189,183,178,178,183,186,181,178,181,176,119,114,115,125,186,186,131,129,130,176,181,178,132,131,133,181,186,186,186,189,191,189,183,181,178,178,183,183,178,176,178,178,129,176,183,183,186,183,181,178,181,181,183,186,191,194,191,186,183,183,189,196,202,209,215,204,134,133,137,186,191,199,202,202,202,202,204,202,199,196,196,202,209,212,215,217,217,217,215,212,207,209,217,225,228,228,233,238,233,222,212,212,215,217,222,225,225,225,222,225,230,235,235,233,233,235,233,230,230,230,230,230,235,238,233,225,217,212,207,205,207,209,209,204,202,207,212,215,217,222,217,212,215,222,230,228,222,217,215,212,209,207,207,212,215,212,212,215,222,230,233,230,230,233,233,233,228,225,222,215,215,215,222,225,228,225,225,225,228,228,225,217,217,222,225,222,215,215,217,222,222,217,222,225,228,230,230,233,238,238,235,235,238,235,233,228,228,230,233,233,230,228,225,225,225,222,222,225,228,230,230,228,225,228,230,235,238,238,238,235,233,233,233,233,230,225,217,212,207,204,204,203,204,204,207,209,215,217,222,222,222,222,225,225,222,217,212,207,204,202,196,194,191,191,189,143,141,186,189,191,194,196,196,191,190,190,191,194,199,204,207,209,215,217,217,215,213,215,215,213,215,222,228,228,225,217,212,212,215,217,230,238,235,228,230,233,233,230,228,225,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,212,209,204,202,196,189,183,178,178,176,168,165,163,157,147,105,103,103,105,113,170,191,204,209,212,212,215,217,222,225,225,225,225,225,225,225,225,225,222,217,209,209,212,212,209,209,212,215,215,212,209,207,207,204,204,204,204,204,209,212,212,209,204,199,192,192,199,209,212,209,204,196,196,196,199,202,202,202,202,204,207,209,209,207,204,204,204,202,199,199,202,207,207,204,202,194,186,135,132,133,139,189,194,204,212,212,215,215,215,209,207,204,204,204,207,212,217,215,212,212,215,212,209,209,215,222,222,49,41,29,19,13,13,19,37,45,29,17,17,27,29,41,53,57,59,53,35,7,0,13,41,45,29,18,23,47,61,61,53,65,108,118,129,142,157,157,142,121,118,129,142,77,0,0,0,0,0,0,0,59,134,165,181,181,212,212,95,63,71,103,215,255,255,255,255,255,255,255,255,255,217,189,191,185,185,185,196,202,207,207,199,207,204,186,168,186,215,230,228,225,217,215,217,251,255,255,255,251,255,255,238,189,124,74,31,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,13,19,69,103,111,144,196,238,243,233,199,147,65,43,31,23,31,59,100,69,103,137,163,131,45,21,17,11,47,129,19,0,0,3,118,9,0,0,0,0,0,0,0,0,111,126,137,118,73,73,139,134,47,0,0,0,0,0,95,155,170,183,183,183,189,199,209,199,183,174,178,191,215,235,248,241,215,186,160,142,71,11,6,22,53,59,39,33,59,155,194,168,82,0,0,0,0,0,0,0,41,100,108,131,155,160,163,155,147,124,126,126,126,126,126,121,87,77,77,80,89,129,147,147,150,152,163,170,168,163,150,93,75,79,95,103,97,91,101,160,181,178,147,100,100,137,137,101,95,90,91,91,89,89,93,87,77,72,70,72,87,103,139,142,150,144,95,69,41,41,79,144,165,176,181,194,186,163,150,150,168,202,217,212,189,165,150,103,101,139,152,152,137,99,137,137,97,91,129,150,152,147,144,137,89,83,124,89,75,65,63,45,39,47,81,137,142,131,121,79,77,126,129,77,55,43,39,39,49,67,79,85,113,83,71,56,55,75,87,87,121,144,147,131,116,81,81,79,73,67,67,57,53,53,55,67,77,63,55,63,61,61,65,71,77,121,124,85,73,73,73,67,65,77,77,77,81,83,113,126,124,111,108,121,131,126,118,139,165,152,45,0,0,0,0,0,0,0,0,0,0,0,15,121,129,116,121,131,131,131,124,124,124,134,134,142,152,163,163,134,45,0,0,0,155,194,55,0,0,0,0,29,108,41,0,0,134,87,50,45,59,89,87,5,0,0,137,191,194,182,181,204,228,215,189,170,163,157,163,165,160,137,79,75,75,100,98,63,49,23,21,31,21,0,0,0,0,0,0,0,0,0,0,0,0,25,87,103,61,39,29,19,20,49,137,173,189,189,173,157,147,142,144,152,160,160,150,155,165,176,173,165,163,163,160,152,142,93,81,69,53,43,29,29,31,45,61,63,67,77,131,144,137,116,65,47,39,37,37,39,43,43,37,15,0,0,0,0,0,9,23,33,33,29,29,37,47,55,61,77,113,129,137,137,131,89,82,87,103,139,101,98,144,178,191,186,189,191,176,155,150,107,107,107,107,111,105,95,75,63,65,81,105,157,173,170,160,155,111,109,109,111,152,173,189,196,191,196,199,191,181,168,155,139,103,39,11,7,37,124,163,186,204,217,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,66,134,183,186,178,164,176,0,0,0,0,163,163,176,194,196,194,176,144,134,108,47,21,0,0,0,0,9,17,17,9,23,33,43 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,152,155,163,168,178,186,183,178,176,181,189,189,183,176,170,169,169,170,173,176,181,186,186,181,170,165,164,165,165,165,165,168,173,173,173,173,178,186,186,181,178,178,183,194,194,163,103,103,105,105,109,117,117,165,173,170,170,164,163,168,170,183,202,209,217,222,222,230,243,220,105,61,21,25,103,123,181,199,204,202,207,217,225,222,217,215,212,211,212,212,217,225,225,222,217,212,191,103,77,88,107,176,181,173,191,150,161,202,228,103,87,100,123,178,186,196,209,212,204,181,181,194,186,176,191,199,202,204,199,199,207,207,196,189,186,183,178,178,191,204,204,202,202,204,199,181,131,131,133,135,133,135,186,199,204,202,194,183,182,186,191,189,181,137,181,183,181,135,133,132,135,186,196,202,196,186,138,138,183,191,199,207,209,209,202,189,137,134,137,189,189,139,139,186,194,194,196,204,202,141,134,135,137,137,141,199,225,233,222,202,198,204,217,225,225,217,209,199,186,186,191,183,183,183,181,181,183,189,186,183,183,189,191,186,178,135,178,181,181,189,207,217,222,217,212,209,207,207,209,209,209,204,199,202,204,202,189,181,137,137,181,181,186,196,204,196,186,191,204,215,217,217,215,204,191,181,138,139,139,139,191,202,207,217,222,222,222,215,202,130,114,124,132,189,196,191,187,189,199,212,233,233,207,186,178,179,186,194,199,202,207,212,215,217,217,217,209,199,189,183,137,137,139,139,138,138,138,137,139,196,212,209,202,196,189,186,186,189,191,199,202,199,191,143,143,143,143,143,143,194,204,209,199,189,139,141,196,207,209,207,204,202,199,194,191,194,196,199,194,191,196,209,207,137,123,125,137,141,138,143,199,204,204,204,204,207,215,217,215,215,217,222,222,217,212,204,199,198,202,204,207,209,212,215,215,209,202,196,196,199,196,196,196,202,207,209,204,189,139,186,196,202,196,189,186,189,191,194,194,191,191,181,117,115,123,176,178,176,178,186,189,194,202,204,194,189,191,199,202,202,199,186,125,121,125,125,127,129,131,176,186,133,117,118,189,207,209,199,181,177,183,194,202,207,209,207,207,207,209,207,199,186,182,186,194,196,194,186,185,191,199,196,196,194,183,136,181,189,189,137,134,135,183,191,202,204,196,189,189,191,191,189,191,194,196,191,189,186,186,189,189,191,194,194,191,183,176,131,127,127,133,183,181,129,129,183,189,183,181,186,186,186,186,189,189,186,178,181,183,183,183,186,181,131,121,123,125,127,125,124,127,131,176,178,178,186,196,196,181,173,176,173,129,126,125,126,127,127,129,181,196,189,125,125,186,194,183,173,125,124,127,133,181,196,207,207,204,204,209,212,212,209,202,198,199,204,212,217,225,225,222,217,212,211,211,212,212,217,217,220,217,215,212,207,204,202,202,202,204,202,204,209,209,207,202,181,106,106,133,189,181,129,128,133,186,189,178,129,131,183,191,191,181,178,186,186,181,181,189,189,133,119,116,119,178,189,183,181,178,181,183,181,176,132,133,181,186,183,183,186,189,189,181,178,178,178,178,178,178,181,186,181,112,118,128,129,129,176,186,189,189,189,189,191,194,196,196,194,186,185,189,196,202,204,207,204,139,135,139,189,189,194,199,199,199,202,204,207,207,204,202,202,204,209,215,220,222,225,222,217,215,215,217,225,225,228,230,235,230,225,217,215,217,217,222,228,230,228,222,225,230,233,233,230,233,235,235,230,229,230,230,233,238,238,230,217,212,207,207,207,207,209,209,202,199,204,209,215,215,209,207,207,207,212,217,217,217,215,215,212,207,205,207,215,222,225,217,211,212,222,228,228,228,230,230,230,228,228,225,217,212,215,217,225,228,225,224,224,228,230,228,222,222,225,228,225,215,215,220,222,217,217,222,225,228,230,230,233,238,238,238,238,238,235,233,230,230,233,235,235,233,230,228,228,225,225,225,225,230,233,230,225,225,228,230,235,241,241,238,235,233,233,233,230,228,225,217,215,209,207,204,204,204,204,207,209,212,217,222,222,222,222,225,225,225,222,217,212,207,204,202,196,194,194,189,143,141,141,186,189,194,196,196,191,191,191,191,189,191,196,202,204,209,212,215,215,215,215,215,213,215,222,228,230,228,222,212,211,211,211,222,233,230,226,230,235,233,228,222,215,212,0,0,0,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,209,204,199,194,186,181,178,178,176,168,165,165,163,155,107,104,105,105,113,163,181,196,204,212,217,217,217,215,217,220,222,222,225,225,225,225,225,222,222,215,212,209,209,209,209,209,215,215,215,212,209,207,207,207,207,204,204,209,212,212,207,202,196,194,194,202,209,215,215,209,204,202,199,199,199,199,199,202,204,209,212,209,204,203,203,204,204,202,199,202,204,204,202,199,194,139,135,137,139,133,130,137,204,209,209,212,212,212,207,203,202,203,204,207,212,217,215,211,211,212,215,212,215,217,222,217,49,41,37,19,13,9,15,29,49,45,37,41,41,37,37,45,53,47,41,37,19,19,37,53,55,53,47,47,59,67,59,47,53,73,111,118,129,150,150,144,131,118,118,108,35,0,0,0,0,0,0,0,95,181,181,173,155,181,204,165,74,76,123,243,255,255,255,255,255,255,255,255,255,217,204,189,176,176,185,191,191,207,207,207,217,217,209,202,209,230,235,222,199,186,186,196,225,255,255,255,233,255,255,255,204,105,31,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,27,51,92,126,155,173,191,0,251,255,222,150,55,37,43,45,59,118,121,118,118,144,155,103,7,0,13,21,47,69,0,0,0,0,0,0,0,0,0,0,0,0,0,131,168,113,71,53,47,55,118,152,75,5,0,0,0,0,0,45,91,163,183,196,215,225,222,212,189,179,179,191,215,235,243,235,215,183,176,170,142,47,27,47,65,59,45,43,69,144,178,170,124,25,0,0,0,0,0,0,77,118,129,150,178,181,173,155,137,121,126,126,121,118,121,121,121,91,87,87,93,131,134,134,134,150,160,163,163,163,139,91,75,75,87,95,101,97,97,144,170,176,163,100,101,139,137,97,89,89,91,91,87,84,89,87,81,72,69,70,85,101,103,103,103,95,69,37,32,36,97,165,183,178,181,191,181,160,152,150,163,196,212,207,183,163,155,142,139,142,152,144,97,89,131,147,147,147,152,165,165,155,150,144,124,87,83,67,49,49,55,45,37,45,71,116,121,116,81,47,41,73,116,69,45,39,39,43,53,71,85,85,77,69,69,65,75,121,129,118,118,137,144,134,116,75,71,67,61,59,57,59,59,67,71,81,79,47,43,55,67,71,71,71,71,75,75,69,68,73,71,58,56,61,71,77,81,113,113,113,113,111,124,134,142,139,150,173,181,157,29,0,0,0,0,0,0,5,0,0,0,0,0,31,41,65,105,124,124,129,124,118,124,134,147,152,152,150,139,121,59,17,0,21,121,126,0,0,0,0,0,19,51,7,0,1,73,73,59,50,63,134,147,0,0,0,87,176,186,186,194,225,235,215,189,163,144,142,144,144,131,87,73,63,57,55,47,44,47,49,35,21,11,0,0,0,0,0,0,0,0,0,0,0,0,21,118,152,118,51,29,20,20,45,105,144,168,173,170,155,147,142,144,152,165,165,157,155,165,173,173,170,163,155,150,142,93,83,77,73,63,49,35,29,31,41,51,57,67,113,137,144,139,121,92,59,45,39,39,39,33,37,37,21,0,0,0,0,0,5,19,25,27,27,31,37,49,55,69,77,113,126,134,134,124,87,79,83,101,147,101,99,144,181,196,191,194,194,181,160,155,150,113,113,105,105,105,93,73,63,69,87,107,150,155,155,155,150,150,150,150,150,150,160,181,191,196,199,209,199,183,157,139,124,98,47,23,19,56,126,163,189,204,220,235,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,61,129,168,189,178,165,165,0,0,0,0,165,168,181,196,207,204,178,147,129,105,47,17,0,0,0,0,5,9,5,5,17,31,43 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,152,157,163,168,170,173,173,176,183,189,191,189,181,173,170,170,173,176,178,189,196,196,186,173,165,164,165,165,165,165,168,173,176,173,170,173,176,176,178,178,181,183,191,202,189,113,111,117,119,119,157,157,165,168,170,176,176,173,173,173,189,207,215,220,222,215,209,202,115,103,121,170,123,123,168,178,191,194,191,199,217,225,225,225,217,212,211,211,212,215,222,222,217,207,191,178,129,119,131,178,181,181,181,178,166,186,215,225,111,97,107,176,196,202,204,202,194,183,129,129,183,181,131,199,212,217,217,204,199,209,209,196,189,189,186,181,181,194,202,202,199,199,204,204,191,176,131,133,133,131,132,181,194,199,196,186,181,181,183,191,194,186,137,181,181,181,137,137,137,137,189,196,202,199,196,191,191,194,199,204,212,215,209,202,191,139,137,141,186,141,138,137,139,141,140,186,202,212,202,189,141,139,139,183,194,209,215,207,199,204,215,225,225,228,228,225,215,204,191,189,181,133,135,181,179,183,186,186,186,189,191,191,189,183,178,134,135,181,194,212,220,222,217,212,212,209,207,207,209,209,207,204,202,202,202,194,181,136,136,181,183,181,186,191,189,186,196,212,217,222,222,217,204,186,138,181,189,189,186,194,207,212,217,222,225,222,215,199,127,110,127,133,186,194,191,189,189,194,204,217,215,199,183,179,179,186,196,202,202,202,202,204,207,207,204,196,189,139,134,134,135,137,139,138,138,138,183,191,202,207,204,196,191,191,189,185,182,182,186,191,191,191,189,139,137,137,137,137,141,189,143,136,135,138,141,191,199,199,199,199,194,145,143,191,194,194,191,191,191,194,202,199,141,131,132,143,191,189,199,209,209,207,204,203,203,207,212,212,212,212,215,217,217,212,204,198,198,199,204,209,212,215,215,215,209,199,194,194,199,202,199,199,207,215,222,215,191,137,135,191,202,199,191,189,189,194,202,204,202,196,178,116,114,121,131,178,181,186,189,189,189,199,202,196,191,196,202,204,207,209,202,129,119,123,127,129,129,129,131,181,129,116,119,202,212,207,194,177,176,181,186,194,202,204,207,207,209,209,204,194,185,183,191,199,199,191,185,185,189,194,191,194,189,135,134,137,189,189,183,137,186,196,202,204,207,199,187,187,189,189,189,189,196,199,194,191,189,186,186,189,191,194,194,189,181,133,129,127,127,133,186,186,178,178,194,196,191,189,189,186,183,183,189,189,181,176,178,186,189,189,189,183,178,131,131,131,129,125,124,127,176,183,183,178,183,189,189,181,172,170,173,131,127,127,129,127,121,121,127,183,181,126,126,181,183,176,131,127,125,131,186,199,207,212,207,204,203,204,209,209,207,202,199,199,202,207,215,217,222,222,217,215,212,211,211,212,215,217,217,217,215,212,209,207,204,204,204,207,204,204,209,207,204,199,129,103,104,123,135,176,131,129,129,133,176,131,125,125,131,183,189,183,181,186,189,186,189,194,194,189,176,123,123,178,194,196,194,189,183,181,178,176,176,178,183,189,189,183,183,183,178,173,176,181,181,178,178,181,181,181,131,112,121,126,122,123,129,189,196,196,194,191,191,194,194,196,196,191,189,191,196,202,204,204,202,194,186,189,191,189,191,199,202,202,202,204,207,209,207,204,199,202,207,215,222,225,225,225,225,220,217,220,220,220,225,230,230,228,222,217,217,217,217,217,225,233,230,228,228,233,235,230,229,233,235,235,233,230,229,230,233,235,235,225,212,209,209,212,215,212,212,209,199,196,198,204,215,204,145,145,199,204,209,212,212,212,215,215,212,207,205,207,215,222,228,222,211,211,217,225,225,222,225,228,228,228,230,228,217,212,212,215,222,228,228,225,224,225,230,230,228,225,222,225,222,215,212,217,217,212,209,215,222,225,228,228,230,235,238,238,238,238,235,233,233,233,233,235,235,233,230,228,228,228,225,225,228,230,233,230,225,224,225,230,238,241,241,241,235,235,233,233,230,228,225,222,215,209,207,204,202,202,204,204,207,209,212,217,222,222,222,222,225,225,225,222,217,212,207,202,199,194,191,189,143,141,141,141,186,189,194,194,191,191,191,189,186,186,189,191,196,202,204,212,217,217,217,215,215,217,222,228,230,228,217,212,212,211,211,220,230,228,225,230,238,238,230,217,209,209,0,0,230,222,225,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,199,196,194,186,183,186,186,0,0,173,173,173,163,147,107,105,107,113,119,168,178,194,207,217,217,212,209,212,217,222,225,225,228,228,225,225,222,222,222,215,208,208,212,212,212,212,215,215,212,212,209,209,209,209,207,207,207,212,209,207,199,196,199,199,204,209,217,217,212,207,204,204,202,202,199,199,199,204,207,209,207,204,203,204,204,202,199,199,199,199,199,199,196,191,139,139,191,194,133,110,95,207,209,209,209,212,209,207,203,202,203,207,209,215,217,215,211,209,212,215,215,215,215,217,215,41,35,25,19,5,0,7,21,43,51,51,51,43,25,25,27,35,35,35,43,43,43,51,57,57,59,67,67,95,95,59,45,45,57,71,108,126,147,147,139,124,116,108,77,37,0,0,0,0,0,0,0,202,228,199,165,147,150,186,186,95,94,189,0,0,255,255,255,255,255,255,255,238,217,212,189,176,191,225,217,222,235,243,225,217,207,199,0,0,230,230,209,173,159,168,186,215,255,255,255,196,251,255,255,196,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,37,66,126,186,204,0,0,0,0,255,168,55,43,63,105,124,144,137,118,111,111,103,19,0,7,27,27,43,43,0,0,0,0,0,0,0,0,0,0,0,0,92,199,209,118,53,22,22,33,83,181,155,41,0,0,0,0,0,0,5,79,155,181,189,212,199,194,189,183,191,199,215,235,241,225,194,183,186,191,157,49,45,63,73,59,40,41,73,155,170,163,142,51,0,0,0,0,0,0,79,129,139,165,189,186,170,134,113,124,142,131,118,111,85,121,129,139,129,95,95,129,131,97,97,134,152,163,163,160,139,91,75,65,69,81,89,91,91,97,144,163,155,137,101,139,137,97,89,89,95,95,89,84,85,93,97,93,83,77,79,83,87,97,101,83,41,31,33,63,152,178,189,178,178,178,168,155,150,110,144,168,196,194,165,155,147,139,139,139,101,89,75,77,131,152,155,139,139,157,165,165,150,147,134,89,83,57,44,45,59,47,39,45,63,83,87,116,73,37,35,67,79,57,41,39,43,47,61,73,85,83,69,61,65,77,118,131,129,117,111,114,134,131,116,71,63,57,56,53,55,65,77,116,124,131,121,39,35,49,75,81,85,79,71,68,66,63,67,79,77,58,52,56,63,71,81,81,81,73,67,65,71,108,121,142,165,189,191,150,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,103,98,98,105,108,108,124,142,157,163,152,131,105,103,71,57,39,51,49,0,0,0,0,0,0,0,7,0,0,5,47,67,61,55,69,134,155,43,0,0,142,178,194,212,233,241,235,228,196,178,163,152,152,144,85,71,71,55,47,51,51,45,55,85,45,9,0,0,0,0,0,0,0,0,0,0,0,0,0,15,142,165,121,51,37,27,23,35,49,67,113,134,142,142,142,142,139,152,168,168,157,155,163,173,173,168,160,152,144,142,93,83,77,75,73,59,47,35,29,31,35,47,63,113,131,137,129,116,98,61,51,45,39,33,27,27,31,23,9,0,0,0,0,0,9,19,23,27,31,39,49,61,69,77,113,126,126,126,126,85,77,82,103,147,101,95,109,183,204,196,199,199,181,173,170,170,170,155,109,107,103,95,81,67,73,87,97,101,101,103,109,150,150,160,160,157,150,150,173,183,191,199,212,199,183,160,142,124,98,47,29,29,64,126,165,186,204,220,243,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,51,118,163,189,178,163,155,0,0,0,0,178,178,186,199,212,204,183,147,129,103,43,15,0,0,0,0,1,5,5,5,23,35,43 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,155,160,163,163,165,170,176,183,189,194,191,183,176,170,170,173,176,183,191,196,194,183,173,165,164,165,168,168,168,170,173,176,173,170,166,166,168,176,181,183,183,189,194,186,165,160,157,157,160,160,165,168,165,170,181,186,194,181,173,183,207,215,220,217,204,194,181,115,113,168,173,170,183,183,183,189,189,189,204,222,225,228,225,222,215,212,212,215,215,215,215,207,189,131,131,194,222,215,207,186,178,189,176,177,202,212,125,101,109,129,196,215,212,204,183,176,176,127,126,133,133,131,204,220,225,225,207,199,209,212,196,189,191,191,186,183,189,194,194,191,189,191,194,186,176,131,133,133,131,131,135,189,194,191,186,182,182,186,194,194,189,181,181,181,181,181,181,181,183,191,194,196,196,196,196,194,196,202,207,212,215,209,202,194,191,191,189,189,141,139,139,186,186,140,189,209,222,209,196,189,189,189,189,191,199,196,194,202,215,225,225,225,225,228,228,225,212,181,135,135,125,129,186,181,183,183,183,189,196,202,199,194,186,135,132,135,183,199,215,220,222,215,212,209,209,207,202,199,199,207,209,204,202,199,194,183,135,137,189,189,181,181,186,189,191,202,212,217,217,217,212,196,138,138,186,196,196,191,194,202,207,209,217,222,217,207,196,189,181,181,137,183,186,189,189,186,189,191,199,196,189,183,182,183,191,199,199,196,191,189,189,191,194,191,189,183,135,133,133,135,139,186,186,183,186,191,196,196,196,194,189,191,196,202,196,186,185,185,185,191,199,196,143,136,136,136,135,136,139,137,131,134,143,191,191,191,194,196,194,143,138,140,194,196,194,191,194,196,196,196,199,202,204,207,204,204,207,212,215,212,207,204,203,203,204,207,204,199,202,204,209,212,212,207,202,199,204,209,215,217,222,217,217,212,202,191,191,196,202,207,209,222,228,228,222,202,139,124,132,194,199,196,194,196,199,204,204,202,186,129,117,117,121,127,178,186,189,189,189,191,199,204,204,202,202,204,207,212,212,204,125,119,123,129,129,125,125,131,133,124,119,125,194,202,199,189,177,176,178,181,183,191,196,196,199,204,209,207,196,191,194,194,199,199,191,186,185,186,185,186,189,137,133,134,186,196,196,189,183,191,204,207,209,209,202,189,187,189,189,189,191,194,196,194,189,189,186,186,189,189,189,186,183,176,129,125,125,127,133,186,191,183,183,194,199,196,196,191,186,181,181,186,186,178,173,178,186,191,194,189,183,178,176,176,131,127,123,123,127,178,183,183,181,181,183,183,178,170,170,176,176,173,131,131,127,120,119,125,178,176,127,127,181,183,173,173,129,127,176,194,207,212,212,207,204,203,204,204,204,204,202,200,200,202,204,207,212,215,220,222,217,215,212,212,212,215,215,215,215,212,212,209,209,209,209,207,207,204,204,207,204,202,204,186,109,107,117,133,181,178,131,129,128,129,129,125,122,123,129,178,181,181,186,191,191,194,196,196,191,181,131,133,186,196,199,202,194,186,176,173,173,176,186,191,196,196,189,186,181,172,165,176,183,183,181,183,181,176,131,128,126,189,131,117,123,129,181,189,191,191,191,191,189,189,194,196,194,189,189,194,202,204,204,204,199,191,189,191,189,189,199,207,207,204,202,204,207,204,202,199,202,207,215,217,222,225,225,222,222,222,217,216,216,222,228,225,222,217,222,222,222,217,217,225,230,233,230,233,238,235,230,230,230,233,233,235,233,230,230,230,233,230,222,212,209,212,215,217,215,212,207,198,195,196,199,204,141,134,138,196,209,212,212,212,215,212,209,207,205,207,212,215,222,225,222,215,212,222,225,222,222,225,225,225,228,228,228,217,211,209,212,222,228,230,230,225,225,228,230,230,228,217,212,217,209,205,207,209,205,204,207,217,225,225,228,230,235,238,241,241,241,238,233,233,233,233,233,235,233,230,230,230,228,228,225,228,230,233,230,225,224,225,230,235,241,241,241,238,235,233,230,228,225,222,217,215,209,204,202,202,202,202,204,207,207,212,215,220,222,222,222,225,225,225,222,222,215,209,204,199,194,191,189,186,141,139,139,139,186,189,191,189,189,191,189,141,139,139,141,186,189,196,207,215,222,217,215,217,222,225,230,230,225,217,212,215,215,215,225,230,228,225,230,241,243,235,225,209,207,0,0,235,225,217,228,235,235,228,217,0,0,0,0,0,0,0,0,0,0,196,196,202,202,196,194,194,196,191,183,181,181,178,168,155,142,105,107,113,117,119,123,173,191,207,209,202,202,209,217,222,225,225,228,228,225,222,217,222,225,217,209,209,215,217,212,209,212,215,215,215,215,215,212,212,209,207,207,209,209,207,199,196,202,204,207,209,215,215,212,207,204,204,204,202,199,199,199,204,207,207,204,204,204,204,204,202,199,196,196,196,196,196,196,191,189,191,199,204,191,105,59,204,204,204,209,212,212,209,204,204,207,212,212,215,217,217,212,212,215,217,215,212,212,212,209,21,21,19,5,0,0,0,19,43,51,53,51,43,21,19,21,25,25,43,57,85,85,53,51,49,59,95,103,95,65,53,39,39,49,63,100,126,144,139,139,139,121,118,121,73,11,0,0,0,0,0,59,199,217,189,165,103,99,176,204,176,168,196,0,255,0,255,255,255,252,255,255,255,254,241,222,199,255,255,255,255,255,255,243,207,181,0,0,0,204,215,196,161,153,161,189,215,241,255,225,183,251,255,255,147,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,19,74,150,196,233,0,0,0,255,235,121,103,124,131,134,134,116,90,53,39,13,0,0,39,108,35,43,87,66,27,5,0,0,0,0,0,0,0,0,0,142,209,225,144,53,9,9,25,129,215,173,41,0,0,0,0,0,0,0,0,57,77,79,99,152,165,173,189,199,199,215,225,217,194,183,183,194,196,139,30,39,63,81,71,45,45,103,152,150,139,108,41,0,0,0,0,0,0,37,108,139,170,186,168,134,53,53,137,165,147,108,77,74,83,126,147,147,131,95,95,94,95,97,134,152,163,163,163,139,87,71,63,55,61,73,81,77,83,99,144,147,99,99,137,137,99,91,93,97,99,95,87,85,97,142,144,101,81,67,61,69,89,97,83,41,36,63,109,147,152,152,150,163,178,168,157,111,104,104,147,163,165,157,147,95,85,83,81,75,66,63,75,137,152,147,133,131,139,157,155,147,147,139,126,81,51,44,49,63,41,29,37,57,75,81,81,73,38,38,73,83,55,45,51,47,47,61,79,113,113,73,61,65,81,121,129,129,118,109,108,126,134,116,69,54,54,55,56,56,73,83,124,126,126,113,36,34,49,81,121,126,124,85,77,71,69,81,121,113,67,59,59,63,69,81,81,75,67,61,58,60,65,77,131,168,183,170,116,11,0,0,0,0,0,0,0,0,0,0,19,3,0,0,65,95,59,49,67,75,100,118,142,152,157,150,108,71,77,111,111,103,73,23,0,0,0,0,0,0,0,0,0,0,19,49,65,54,53,67,99,163,87,0,0,163,191,202,233,241,241,233,212,212,196,189,189,181,152,81,59,71,59,53,67,67,57,55,87,53,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,150,100,41,29,35,29,17,16,25,47,67,81,121,142,152,140,150,165,168,168,163,165,173,178,170,157,152,144,142,93,91,83,91,89,71,55,41,31,27,27,35,57,75,118,118,118,108,95,65,53,47,41,33,23,21,27,21,11,0,0,0,0,0,0,7,13,23,33,37,49,55,71,79,111,118,126,126,89,83,79,83,137,144,99,93,107,186,202,202,202,199,183,176,173,173,181,170,150,107,107,101,83,75,77,83,83,81,81,87,101,150,160,173,176,160,150,150,160,181,189,191,196,196,194,181,170,142,98,49,37,37,79,126,165,196,207,222,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,51,113,157,189,178,155,147,0,0,0,0,168,178,186,204,212,204,178,147,129,103,43,17,0,0,0,0,0,5,5,17,35,49,72 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,150,160,163,163,165,165,173,183,189,191,189,181,173,169,170,176,183,189,191,189,181,173,165,165,168,170,173,173,173,170,170,173,173,170,166,165,168,178,189,189,183,181,183,183,178,170,168,163,157,160,165,165,164,170,189,204,209,189,173,176,196,209,209,207,199,191,183,165,121,168,181,191,202,202,196,186,178,194,215,222,222,222,225,222,215,215,217,217,215,209,202,194,181,130,131,196,215,220,209,189,181,178,181,186,196,196,115,105,131,186,209,217,212,199,174,174,178,129,124,127,131,176,209,225,228,217,202,196,204,204,194,194,196,194,189,183,183,186,183,178,178,181,183,178,133,133,135,133,132,132,133,183,191,191,189,183,186,191,196,196,191,183,183,186,183,181,179,181,186,189,189,191,194,191,191,196,199,202,204,209,212,207,202,199,199,199,196,191,189,189,191,196,196,194,199,209,212,202,191,189,191,191,191,196,194,189,190,204,217,225,225,228,228,225,228,230,207,129,126,127,125,127,181,183,183,182,183,194,204,207,207,199,181,130,133,183,191,204,217,222,222,212,209,207,207,204,202,195,194,202,209,204,199,194,189,183,183,186,196,196,186,183,191,194,196,202,212,217,215,212,202,183,136,138,191,199,196,189,186,189,194,194,204,209,202,196,194,183,134,135,137,137,181,186,186,183,137,135,181,183,181,183,189,189,194,199,194,186,185,185,186,194,196,189,186,186,137,134,134,139,189,194,194,196,202,204,199,191,187,187,189,196,207,215,212,199,189,185,185,191,202,202,143,139,137,136,135,136,141,143,141,145,202,204,199,196,196,196,191,140,137,139,145,194,191,196,199,199,199,199,202,209,215,212,209,209,215,217,215,209,204,204,207,209,209,207,196,194,194,196,202,207,215,212,209,207,207,212,217,222,225,222,222,222,212,196,189,194,202,207,217,225,228,230,228,215,204,126,130,186,196,199,199,202,199,199,194,189,178,127,121,120,119,117,181,191,183,181,186,194,199,204,204,204,204,204,204,207,204,186,121,119,125,123,121,118,125,181,178,129,125,131,183,191,194,186,178,176,177,177,178,183,189,191,196,204,209,207,204,202,202,199,196,194,194,189,189,191,186,186,191,186,136,136,189,202,202,191,189,202,207,209,209,209,207,196,189,189,191,194,191,189,186,185,186,186,186,186,186,183,178,131,133,133,125,123,125,131,178,183,183,181,181,189,199,199,194,189,183,181,181,183,186,181,177,178,183,189,189,186,183,178,176,173,131,125,123,124,129,178,183,181,178,178,183,183,178,173,172,176,178,176,131,127,121,120,121,129,178,173,127,129,183,194,178,181,133,127,133,194,207,209,207,204,204,204,204,204,204,204,202,204,204,202,202,204,207,215,220,222,220,217,217,217,217,215,215,215,212,212,212,212,212,215,215,212,209,207,207,207,204,204,207,209,125,104,113,135,183,186,181,133,129,129,133,133,123,120,120,125,131,176,183,189,194,196,196,196,189,131,125,176,183,191,202,204,199,186,174,173,173,176,191,199,204,199,191,189,186,178,172,176,186,189,191,191,186,176,173,181,183,189,183,126,127,176,176,176,178,183,191,194,183,181,183,191,191,189,186,189,196,202,207,209,202,191,189,191,187,186,191,202,207,204,204,204,204,199,195,196,199,204,209,215,217,220,220,220,222,225,222,217,216,222,225,225,217,215,220,225,228,225,225,228,230,233,235,238,241,238,233,230,228,228,233,235,238,233,228,226,228,228,225,217,212,212,215,215,212,209,207,202,199,199,199,196,137,132,143,212,217,217,215,217,217,215,203,200,205,215,217,217,217,222,225,225,225,225,222,222,222,225,225,225,225,225,225,217,211,209,212,222,230,233,230,225,225,225,228,230,225,209,204,212,207,202,203,205,205,204,207,217,225,228,228,230,235,238,241,241,241,238,235,233,233,230,230,230,230,230,230,230,230,228,225,225,230,233,233,228,224,225,230,235,238,241,241,238,235,233,228,228,225,222,217,215,209,204,202,199,202,204,207,207,207,212,215,217,217,222,222,225,225,225,225,222,217,212,207,199,194,189,186,186,141,139,139,139,141,186,189,189,189,189,189,141,139,137,137,137,139,189,202,215,222,222,217,217,222,228,230,230,225,217,212,215,217,225,230,233,228,225,226,235,238,238,230,215,209,217,230,230,217,212,215,222,222,215,212,207,0,0,0,0,0,0,0,0,0,0,0,209,212,209,202,202,204,199,191,186,183,178,170,155,142,105,109,150,117,117,121,168,181,191,191,191,196,207,222,225,222,225,225,225,220,216,216,217,225,222,215,217,222,217,207,202,207,215,222,222,222,217,217,215,212,209,209,209,212,209,202,196,196,199,202,207,212,215,212,204,199,199,199,199,199,199,202,204,207,207,204,203,204,204,204,204,202,199,196,196,196,196,196,196,194,194,199,207,202,130,121,189,196,199,207,212,215,212,209,207,207,209,209,212,217,220,220,217,217,217,215,212,212,209,204,9,15,5,0,0,0,0,25,41,41,43,41,35,21,19,21,27,39,51,85,100,92,53,45,45,53,69,100,69,53,33,29,32,45,65,108,118,126,126,144,139,139,126,139,139,79,5,0,0,0,13,67,152,189,173,103,88,90,170,222,222,194,204,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,238,199,150,89,77,85,150,204,212,204,168,189,204,207,217,209,178,181,255,255,246,103,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,15,33,121,170,194,248,255,0,0,255,204,147,126,124,108,65,45,39,33,19,0,0,0,51,74,45,47,100,129,150,131,29,0,0,0,0,29,111,124,116,168,220,235,204,118,33,29,67,191,215,178,53,0,0,0,0,0,0,0,0,0,0,0,0,29,77,155,170,183,196,199,202,186,186,186,183,202,202,139,30,35,57,83,121,77,69,73,108,108,59,39,0,0,0,0,0,0,0,37,108,150,165,152,100,23,6,33,155,173,126,77,77,77,77,85,139,152,152,129,92,92,95,131,157,160,157,160,168,150,75,67,63,48,52,63,69,69,79,95,144,144,97,93,99,137,99,95,95,97,99,101,97,89,85,93,142,144,95,71,64,66,81,93,87,83,103,152,157,111,102,98,102,111,163,160,155,155,111,106,108,150,150,142,97,73,41,23,37,67,64,61,91,134,144,142,134,133,144,91,137,139,137,142,126,75,49,44,59,71,0,0,0,49,61,55,55,47,39,47,73,79,57,47,53,55,55,61,73,83,79,71,63,63,71,81,116,129,131,116,112,118,137,126,67,50,54,65,71,61,73,85,83,83,85,67,39,39,59,113,129,129,126,126,118,116,124,134,121,85,73,67,59,57,63,75,75,75,69,61,58,61,71,108,142,160,157,137,59,3,0,0,0,0,0,0,0,0,0,21,39,17,0,11,71,65,11,9,49,98,75,100,131,139,142,150,121,71,108,147,144,118,73,0,0,0,0,0,0,0,0,1,23,53,53,55,69,57,55,79,165,181,103,21,3,163,194,209,228,241,241,233,225,212,204,196,196,196,178,79,39,39,118,113,67,67,61,0,0,59,39,5,1,3,1,0,0,0,0,0,0,0,0,0,0,85,111,57,13,7,35,39,17,11,11,15,37,65,118,152,157,157,157,165,165,168,165,165,178,189,173,155,150,142,134,93,93,126,137,131,81,65,51,41,27,26,29,41,59,75,108,100,73,69,61,55,47,41,33,23,19,23,23,19,9,0,0,0,0,0,0,7,17,25,35,43,53,61,71,111,118,137,134,91,83,81,95,142,142,95,93,107,176,194,194,191,186,183,176,176,176,183,173,152,109,107,101,89,79,79,77,67,59,59,75,101,157,173,176,173,157,152,152,173,183,191,194,194,194,194,194,186,160,118,61,45,79,111,144,178,202,220,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,14,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,111,155,0,0,0,0,0,0,0,0,155,178,194,204,204,196,176,139,118,92,39,17,0,0,0,0,0,5,19,31,49,90,108 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,150,163,170,170,165,165,176,189,189,181,173,169,169,173,178,186,194,196,189,178,165,161,163,170,178,181,181,178,176,173,170,168,168,168,168,173,186,196,196,189,181,181,183,181,178,173,168,160,160,168,165,164,173,189,202,202,186,170,173,183,189,191,191,191,194,189,176,168,170,178,194,212,212,202,186,129,125,207,225,217,217,222,222,222,222,217,212,207,196,189,186,181,131,133,186,204,207,199,186,181,183,189,194,196,194,133,125,181,189,207,212,204,191,181,186,191,131,123,126,133,181,202,217,217,204,191,191,196,196,189,191,194,191,189,186,183,186,181,174,174,178,181,178,133,133,135,135,132,132,133,181,191,194,191,189,194,202,204,204,196,191,189,189,186,181,179,179,186,191,191,189,189,186,186,194,199,202,202,204,209,207,204,202,202,204,202,199,196,196,199,199,199,196,196,196,196,194,189,191,196,199,202,207,199,189,190,204,217,222,222,222,228,230,217,137,125,126,125,125,125,129,183,186,183,183,186,196,207,204,199,186,134,132,181,189,194,207,217,220,217,212,209,207,207,209,207,199,196,199,204,199,191,189,186,183,186,189,199,202,194,191,196,199,194,194,202,207,204,199,189,137,136,181,189,191,191,186,185,185,186,186,186,182,181,183,189,137,130,132,134,135,137,183,186,181,132,130,132,135,133,135,181,183,191,194,191,186,183,185,189,199,202,191,186,186,186,139,139,189,196,199,199,204,212,217,209,196,187,187,191,202,212,217,212,199,191,186,186,189,196,196,189,143,143,141,137,139,194,202,204,212,217,217,209,207,204,204,199,191,141,140,143,145,191,196,196,196,199,199,204,212,215,209,207,204,209,212,209,204,204,207,212,215,212,204,196,194,194,194,195,199,207,215,212,207,204,207,212,215,217,215,217,228,228,209,189,189,199,207,212,217,222,228,228,228,217,133,132,183,191,196,196,199,196,189,183,181,178,176,131,125,118,113,127,181,178,176,176,183,194,199,202,202,202,199,199,194,186,176,173,129,119,107,119,119,125,183,186,178,133,176,183,191,194,189,183,178,178,178,178,183,189,191,196,204,209,209,207,207,204,204,199,196,199,191,189,196,194,191,194,196,186,178,186,199,202,194,194,202,204,207,209,209,209,196,189,189,191,194,194,189,185,183,186,189,191,186,178,129,119,118,121,125,121,121,129,133,176,176,133,132,133,186,196,199,194,183,181,179,179,183,186,186,181,181,183,186,186,183,183,178,176,176,176,129,125,127,131,176,178,176,176,181,189,191,189,181,176,173,176,173,129,123,120,121,125,131,176,129,124,124,176,194,191,189,176,127,133,194,204,204,199,202,202,204,207,204,202,199,199,202,202,202,202,202,207,215,220,220,217,217,217,222,222,217,215,215,212,212,211,211,212,212,215,212,212,209,209,209,207,207,212,207,127,107,119,135,181,183,183,176,131,133,181,181,131,122,122,125,127,129,176,183,191,199,199,196,186,123,116,125,181,194,204,204,202,189,181,181,178,181,189,202,204,199,191,189,191,189,178,176,181,189,194,196,191,181,178,186,191,194,186,173,173,178,173,173,176,178,186,191,183,178,181,186,189,186,183,183,189,196,204,207,204,194,189,191,191,187,189,196,204,204,204,207,207,202,195,194,195,199,204,209,212,215,215,222,225,228,228,222,217,222,225,222,215,215,222,228,228,228,228,230,233,233,235,238,241,238,235,230,228,228,233,235,235,233,228,228,228,228,225,222,217,217,217,215,212,209,209,209,209,207,207,204,149,196,215,228,225,217,215,215,217,215,205,204,209,225,228,222,220,222,228,230,230,228,222,220,222,225,228,228,225,222,220,217,215,212,217,225,230,233,230,228,228,225,228,228,222,207,202,207,209,205,205,209,209,207,212,225,228,230,233,233,235,238,241,241,241,238,238,235,233,230,230,230,230,229,230,230,230,228,225,225,228,230,230,228,225,228,230,235,238,241,241,238,235,230,228,225,222,217,217,215,212,207,202,196,199,204,207,207,209,209,212,215,215,217,222,225,225,225,225,222,217,212,207,202,196,191,189,186,141,139,139,139,139,183,186,186,189,191,189,186,183,137,137,136,137,186,199,212,222,217,217,217,225,228,230,230,225,217,215,215,215,222,230,233,230,228,226,228,230,233,228,215,209,215,225,225,212,209,207,207,207,209,215,212,0,0,0,0,0,0,0,0,0,0,0,0,217,212,207,207,207,202,191,186,181,176,168,157,144,139,144,152,157,155,121,163,168,176,178,183,196,207,222,225,222,217,222,222,217,215,216,222,225,225,225,228,228,215,202,198,200,212,222,228,225,222,217,212,209,207,207,209,215,215,207,189,141,143,194,202,207,212,212,204,199,198,199,199,199,202,204,207,209,207,204,203,204,207,207,207,204,199,196,196,199,199,199,202,202,196,196,202,194,132,129,137,189,194,204,212,217,217,212,207,205,205,207,209,215,217,222,220,217,215,212,209,209,207,202,9,13,0,0,0,0,0,7,19,19,21,21,19,19,19,21,27,43,53,85,95,85,53,48,48,53,63,69,65,49,32,28,39,51,71,108,108,108,118,139,150,150,150,157,168,147,47,0,0,0,35,81,144,165,163,99,85,82,105,220,246,212,196,209,217,209,228,255,255,255,255,255,255,255,255,255,255,0,255,255,255,255,207,170,150,129,73,49,49,83,173,0,0,0,251,222,199,189,173,157,196,255,255,243,90,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,39,111,144,137,163,238,251,0,0,204,147,103,55,37,19,15,23,31,21,5,0,13,21,19,19,45,118,157,178,157,49,0,0,0,29,121,176,202,189,191,212,233,225,204,181,181,204,215,215,168,69,27,0,0,0,0,0,0,0,0,0,0,0,0,3,59,99,157,181,183,183,183,199,199,194,217,222,165,49,38,51,77,129,121,69,55,51,45,29,0,0,0,0,0,0,0,0,90,131,157,157,92,0,0,0,43,155,155,105,77,83,77,73,83,129,160,160,142,94,92,131,155,168,168,157,163,168,150,79,65,55,47,52,61,63,63,77,99,157,142,95,89,93,99,95,93,95,99,101,134,97,83,80,89,144,168,152,101,87,73,69,73,85,105,173,176,163,152,106,102,105,109,147,150,152,160,163,144,147,150,144,103,87,59,23,13,23,87,83,67,91,137,134,137,137,139,137,69,83,129,121,134,137,89,57,47,51,29,0,0,0,49,49,35,32,33,36,55,79,73,51,46,55,55,51,49,65,69,69,63,51,45,57,77,124,124,124,121,121,126,134,118,69,54,61,79,81,71,79,85,77,73,77,69,49,47,63,113,121,121,118,116,116,118,134,137,113,77,73,67,59,56,61,69,69,69,71,67,63,73,79,111,131,139,126,100,53,27,7,0,0,0,0,0,0,0,9,41,53,43,35,53,67,15,3,4,37,98,100,105,131,131,121,75,57,53,142,157,137,67,29,0,0,0,0,0,0,0,0,0,27,131,85,75,81,57,61,139,191,202,170,87,85,176,194,209,225,241,241,241,233,228,204,190,194,212,194,77,5,7,118,121,59,50,53,0,0,87,59,35,17,27,17,13,7,0,0,0,0,0,0,0,0,17,51,37,0,0,17,37,21,14,12,14,25,55,111,152,157,157,155,157,163,165,163,165,178,196,181,152,147,147,137,97,126,134,139,131,81,67,57,47,33,28,29,39,49,61,71,73,69,65,59,51,47,41,33,25,19,19,21,21,17,0,0,0,0,0,0,1,13,23,31,39,47,57,71,79,121,137,137,91,80,83,99,150,142,95,88,99,155,176,186,183,183,176,174,174,176,183,181,157,150,109,97,83,75,71,67,53,45,51,73,99,160,173,176,173,160,152,152,163,183,191,194,194,194,199,199,191,160,126,100,90,111,137,155,183,207,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,14,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,105,155,0,0,0,0,0,0,0,157,163,186,204,212,204,196,165,131,111,72,33,13,0,0,0,0,0,0,0,72,95,108,124 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,134,157,170,170,165,161,168,191,189,181,176,170,170,170,176,183,194,194,189,176,163,161,165,176,183,186,186,183,181,176,170,168,168,170,173,178,189,199,202,194,183,181,181,181,178,176,168,165,168,173,170,165,173,183,186,186,178,168,168,173,173,176,186,191,191,183,178,176,173,128,173,207,209,202,189,121,75,109,220,217,215,217,217,217,217,207,191,186,183,183,186,183,178,135,178,189,194,191,183,181,189,199,202,199,199,199,194,191,191,199,202,196,189,191,204,204,176,124,127,178,176,131,186,196,191,186,186,189,186,181,183,189,189,186,186,189,189,181,174,173,176,181,181,178,135,135,135,135,133,135,183,191,194,194,194,199,207,209,207,202,196,194,194,189,186,181,179,183,191,191,191,189,183,183,191,196,199,199,204,207,207,204,204,204,207,207,207,204,204,204,204,202,196,191,187,189,189,189,194,199,204,212,215,209,192,192,204,215,222,228,225,222,217,186,124,127,133,133,125,123,127,135,183,186,181,181,194,204,199,183,135,135,183,194,186,181,194,209,215,212,212,209,207,209,212,212,207,199,196,194,191,186,186,183,181,183,189,196,199,194,191,196,194,186,183,189,194,191,186,181,138,181,186,189,189,186,186,186,189,189,189,186,181,178,182,189,183,132,132,135,137,135,137,189,189,135,128,130,133,132,132,135,181,189,189,194,194,186,185,191,199,199,189,185,186,194,194,191,194,202,204,204,209,217,225,217,204,194,189,189,196,207,209,199,191,186,186,189,191,196,199,199,199,202,204,199,199,207,215,217,222,228,225,222,215,212,212,212,207,202,196,194,191,194,196,195,195,199,199,202,209,209,204,202,202,204,209,207,204,204,207,207,204,199,196,199,199,196,195,194,195,202,207,204,202,202,204,207,209,212,215,217,225,230,212,189,187,196,204,209,212,217,225,228,228,225,183,133,135,183,186,189,191,194,189,181,178,183,191,194,178,125,118,121,129,133,173,173,178,189,194,196,196,194,194,189,183,173,131,178,176,107,92,111,117,119,178,183,181,178,176,181,186,189,189,186,183,183,183,186,191,194,194,194,199,204,207,204,202,199,199,196,196,202,196,194,202,204,194,191,191,183,135,178,189,196,191,189,196,196,199,202,204,202,191,186,189,194,196,196,194,189,185,186,191,191,183,133,123,116,116,118,123,121,125,133,133,133,132,131,131,176,191,202,199,191,183,181,181,181,186,191,191,189,186,189,189,186,186,183,181,176,178,178,173,129,131,173,176,176,176,181,189,196,204,202,194,183,176,131,129,125,121,121,123,127,131,173,129,125,124,127,181,191,191,131,126,176,196,202,199,198,198,199,202,204,204,199,196,195,196,199,202,204,207,209,215,217,217,215,215,217,220,222,217,215,215,212,212,211,211,211,212,212,212,212,212,212,209,207,209,215,209,133,117,127,178,178,183,186,181,133,176,186,186,178,131,129,131,129,127,129,178,191,199,204,199,186,123,118,127,181,194,204,207,204,191,183,183,183,181,189,199,204,199,191,189,194,191,183,176,181,189,196,202,196,191,186,189,196,199,189,176,123,115,119,173,176,178,183,191,189,181,181,186,189,186,183,181,182,189,196,202,202,196,194,199,202,194,189,194,199,202,202,204,204,204,199,196,196,199,202,207,209,212,215,222,225,230,228,225,222,222,222,217,213,215,222,228,228,225,228,230,233,233,233,235,238,238,233,230,228,230,230,233,233,233,230,230,230,230,228,222,222,225,225,217,215,215,215,217,217,215,212,212,212,215,222,222,217,215,215,212,212,215,215,215,217,228,230,228,225,225,228,233,233,230,225,222,222,225,230,230,228,222,217,217,222,222,225,228,230,233,233,230,228,225,225,228,225,209,202,204,212,212,212,215,215,212,215,228,233,233,235,238,238,241,241,241,241,238,238,235,233,233,230,230,230,229,230,230,230,228,225,225,225,228,230,230,230,230,233,238,241,241,238,235,233,230,228,225,222,217,217,215,212,207,199,196,196,202,207,209,209,209,212,212,215,217,222,225,225,228,225,222,217,215,209,204,196,191,189,186,141,139,137,137,137,139,183,186,189,191,194,191,189,183,137,137,137,186,196,209,215,217,215,222,225,228,230,230,228,222,217,213,213,215,225,230,233,230,228,226,228,230,225,212,208,212,222,217,212,215,212,204,204,209,217,0,0,0,0,0,0,0,0,0,0,0,0,0,217,212,209,207,202,196,186,181,178,173,165,160,150,144,147,155,157,155,119,119,115,119,125,178,196,207,215,222,217,215,217,222,217,216,216,225,228,228,230,233,230,215,200,196,200,212,225,228,228,222,215,209,207,205,207,209,215,217,209,133,130,135,141,194,204,209,212,207,202,202,204,204,204,204,209,212,212,209,204,203,204,209,209,207,202,199,199,199,202,202,202,204,204,199,196,194,186,135,133,135,141,189,199,209,215,217,212,207,205,207,209,212,215,217,217,217,215,212,207,207,207,207,202,13,19,15,0,0,0,0,0,0,5,5,7,13,15,19,21,27,43,53,59,59,53,51,53,57,57,59,63,65,53,39,32,45,51,65,100,108,77,108,126,147,157,157,168,186,163,71,0,0,0,51,93,144,134,97,93,93,90,105,202,220,196,168,123,119,125,202,255,255,255,255,255,238,241,254,255,255,255,255,255,255,196,85,67,79,87,63,29,31,45,61,0,0,0,255,212,168,147,131,131,196,255,255,238,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,59,74,118,126,100,111,144,155,173,186,173,134,61,37,14,6,7,31,51,51,43,37,27,7,0,0,19,85,126,137,95,13,7,9,15,41,131,207,228,215,207,212,215,222,233,233,222,225,225,209,168,131,83,57,0,0,0,0,0,0,0,0,0,0,0,0,25,67,107,176,183,183,202,215,202,194,215,222,176,69,49,51,71,129,124,63,39,35,39,29,0,0,0,0,0,0,0,11,98,139,165,165,98,0,0,0,100,150,134,105,81,79,70,71,77,126,152,160,142,94,91,131,165,165,160,157,163,168,160,99,73,55,53,57,61,57,59,77,99,144,134,87,79,79,87,89,87,89,89,91,85,81,81,85,99,155,181,176,157,142,79,57,56,81,150,181,181,176,173,165,155,147,110,109,107,147,170,170,155,150,152,152,144,97,73,31,18,51,147,142,97,142,144,93,85,93,93,121,69,69,69,85,126,142,131,81,57,31,11,0,0,25,39,35,32,31,32,39,71,118,77,49,46,55,61,55,49,53,59,61,51,43,39,45,75,124,121,83,113,131,126,121,83,63,59,69,83,113,81,113,113,77,71,77,77,65,49,63,81,113,111,111,83,79,83,113,113,75,67,63,63,59,59,63,63,63,63,75,79,79,105,79,77,75,71,69,69,65,59,43,17,0,0,0,0,0,17,45,65,67,67,67,67,47,13,9,13,51,73,100,98,108,121,71,9,0,0,142,142,63,7,0,0,0,0,0,0,0,0,0,0,0,165,155,61,67,55,73,173,222,222,199,181,183,191,202,212,233,246,248,246,241,241,204,185,190,228,212,77,0,0,0,134,65,47,50,61,0,95,87,51,41,43,41,35,35,35,27,15,7,0,0,0,0,0,0,0,0,0,17,35,27,25,17,16,33,53,79,139,150,144,137,134,134,134,147,152,173,196,181,147,144,150,150,142,131,131,131,91,75,67,57,47,41,39,39,39,45,55,63,67,65,65,59,51,47,45,35,27,19,18,19,21,21,7,0,0,0,0,0,0,9,21,29,33,41,49,61,75,121,129,129,89,80,83,134,150,144,95,85,88,101,150,163,186,183,176,169,169,183,191,183,160,152,109,97,77,61,61,53,47,41,47,69,97,152,165,173,173,165,155,152,155,176,191,194,194,194,199,194,183,157,126,103,103,118,144,163,186,209,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,98,155,0,0,0,0,0,0,0,168,181,204,217,217,207,189,157,129,103,64,29,7,0,0,0,0,0,0,0,0,116,126,126 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,155,163,163,163,163,168,189,191,189,186,178,168,165,168,176,183,186,178,168,163,165,176,186,186,183,183,183,183,183,178,173,170,170,170,176,183,194,196,194,189,183,181,178,176,173,168,168,178,181,173,168,170,176,176,173,170,168,170,170,169,173,189,194,186,181,181,183,176,122,120,181,199,204,199,129,71,73,186,212,209,207,204,207,207,191,177,176,181,183,186,189,186,181,178,183,189,189,183,181,186,196,202,202,207,215,215,204,196,199,199,191,191,199,212,209,178,124,126,176,129,123,125,181,186,189,189,183,181,177,178,183,189,186,186,186,186,183,176,174,176,181,186,183,135,135,178,181,181,183,186,191,194,194,194,199,207,209,204,199,199,196,194,191,191,189,183,183,189,191,194,194,186,183,189,196,199,202,204,207,209,207,204,204,207,207,207,209,215,215,212,207,199,191,189,189,189,187,189,196,204,212,215,209,202,199,204,212,217,230,228,215,196,178,133,186,191,194,129,125,126,127,178,181,133,131,189,204,196,178,135,186,202,202,131,122,129,196,209,212,212,209,207,209,212,215,207,194,186,186,186,189,189,181,178,183,189,194,191,186,185,189,189,182,179,182,183,183,181,183,189,194,194,196,196,191,191,194,194,194,196,196,191,183,183,189,189,181,137,186,186,135,135,189,194,186,130,131,137,135,137,181,181,186,191,202,202,189,183,189,194,194,186,183,186,199,202,199,199,207,212,215,215,217,220,215,204,196,186,186,194,202,199,189,185,186,191,196,199,202,207,215,215,215,222,215,212,215,225,225,228,228,228,225,222,222,222,222,220,217,217,215,204,196,199,199,202,204,204,204,207,204,199,199,204,209,212,207,204,207,204,199,143,139,191,202,207,207,202,196,199,204,204,202,202,202,204,207,209,212,217,217,217,217,207,189,186,194,202,204,207,215,215,217,217,209,186,132,131,133,137,181,189,196,196,183,177,183,199,204,194,176,129,125,125,127,133,176,178,186,191,194,191,189,186,183,178,129,129,129,125,107,95,109,117,125,176,183,186,183,178,176,178,181,186,189,194,194,194,196,199,199,191,183,183,191,199,196,189,186,186,186,189,196,199,202,207,202,183,133,131,131,133,135,137,181,137,181,189,189,189,191,191,191,183,186,191,196,199,199,196,191,186,186,186,186,181,135,131,123,119,118,121,127,131,133,132,132,133,133,178,189,199,202,194,186,186,189,186,186,189,194,196,196,194,194,194,191,189,189,183,178,178,178,173,129,173,176,178,183,186,191,196,207,212,212,204,191,178,131,127,123,121,125,131,173,131,131,173,176,131,125,131,189,194,131,126,181,202,204,199,199,198,198,199,202,199,196,195,195,196,199,204,207,209,209,212,215,215,215,215,215,217,217,215,215,215,215,212,212,212,211,211,212,212,212,212,209,207,207,209,212,204,131,119,127,178,181,189,196,189,178,178,183,186,183,178,178,178,133,129,129,133,181,189,194,189,123,118,123,133,178,183,194,202,196,183,178,135,178,181,189,199,204,202,194,189,191,189,183,178,183,191,199,207,204,202,196,173,186,191,189,181,75,22,24,125,176,181,186,194,194,186,183,186,189,186,183,182,182,183,186,191,194,191,194,207,209,202,194,196,196,194,191,194,199,202,204,207,207,207,207,209,209,212,212,215,222,225,228,225,222,222,222,215,213,215,222,228,225,224,225,228,230,228,230,233,235,235,233,230,230,228,228,228,228,230,233,235,233,233,228,225,225,222,222,222,222,222,222,225,222,217,215,215,217,217,212,208,209,215,217,215,212,212,217,222,217,222,228,230,230,228,228,230,230,230,228,225,225,225,228,230,228,222,222,225,228,230,230,230,230,230,230,230,228,225,225,230,228,215,204,204,212,215,212,215,217,215,217,228,233,235,238,238,238,238,238,238,238,238,238,235,235,233,233,230,230,230,230,233,230,228,225,222,222,225,228,230,233,233,235,238,241,241,238,235,233,230,228,228,225,222,217,215,212,207,199,195,196,202,207,212,212,212,212,212,212,217,222,225,228,228,225,222,217,217,212,207,199,194,189,186,141,139,137,137,137,137,139,183,186,191,194,196,194,186,183,139,139,186,196,207,212,215,215,217,225,228,228,228,228,225,222,215,213,215,220,228,230,233,230,230,233,233,225,208,207,212,217,212,0,0,230,217,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,209,207,202,196,186,0,178,178,178,173,165,157,150,150,150,152,152,117,115,109,109,113,129,191,202,209,215,215,215,217,222,225,222,222,228,230,230,233,233,228,212,202,202,207,215,225,228,225,217,215,209,207,205,207,209,215,215,207,130,128,131,137,189,199,207,209,209,207,204,207,207,207,207,209,212,215,212,207,204,207,212,209,207,202,199,199,202,204,204,204,204,204,199,194,191,186,139,139,137,139,189,196,204,212,215,212,207,207,209,212,215,212,212,212,212,209,207,204,204,204,204,204,21,35,35,35,25,0,0,0,0,0,0,5,11,17,25,27,39,45,55,53,43,37,43,53,59,59,59,57,57,53,45,45,47,51,57,71,77,77,79,116,139,157,160,165,186,178,83,13,0,0,51,91,87,61,55,81,165,165,165,178,168,95,93,99,119,183,217,255,255,255,255,212,212,238,255,255,255,255,255,255,222,97,48,41,61,79,63,21,13,13,0,0,0,0,222,137,95,92,95,105,170,255,255,204,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,116,116,118,103,45,69,105,113,121,155,173,147,95,39,17,10,16,51,108,118,98,49,23,0,0,0,0,45,98,95,19,0,0,0,0,9,100,199,207,189,207,212,208,212,222,228,217,212,217,215,191,173,176,163,89,0,0,0,0,0,0,0,0,15,0,11,47,79,163,196,199,199,199,212,194,176,178,181,150,71,55,49,63,121,134,75,43,35,55,43,15,21,27,0,0,0,0,0,82,129,165,189,165,63,39,59,118,121,113,113,116,70,70,70,71,85,126,142,142,129,94,134,155,152,152,160,168,168,170,160,95,73,67,63,55,41,41,63,89,134,97,77,71,75,85,93,91,85,77,69,66,66,73,83,99,147,152,103,91,85,73,55,52,83,157,181,176,176,181,176,165,155,147,110,108,147,170,170,157,144,152,163,155,139,85,73,65,87,142,152,157,157,131,55,47,51,61,81,77,61,55,85,134,134,116,81,57,0,0,0,15,33,37,36,41,51,47,57,85,121,79,55,47,55,63,61,51,49,45,45,41,35,31,35,61,116,83,59,63,113,83,77,71,61,57,63,77,85,116,126,121,79,71,71,77,67,53,63,79,83,111,111,83,79,73,75,75,65,61,57,59,61,65,61,55,49,55,67,81,113,105,73,59,53,57,69,105,116,73,59,35,9,3,7,9,15,37,65,103,98,95,95,53,25,15,27,47,61,65,63,59,57,51,21,0,0,0,63,35,0,0,0,0,0,0,0,0,0,0,0,0,0,170,139,32,41,67,147,199,230,230,222,209,209,209,212,230,238,254,254,248,246,233,202,185,189,215,202,75,0,0,0,170,142,65,53,59,61,61,87,79,53,72,72,47,47,49,45,37,17,5,0,0,0,0,0,0,0,0,35,47,43,41,37,33,39,53,77,129,139,129,87,71,61,67,79,134,170,196,181,146,150,163,168,150,134,126,91,81,67,61,53,51,51,51,45,39,41,49,57,61,63,61,55,51,47,47,41,33,23,18,18,21,25,17,0,0,0,0,0,0,7,19,23,27,33,43,55,73,113,126,121,85,81,85,134,150,142,89,82,85,95,107,157,186,189,176,168,176,186,194,183,163,152,109,93,69,51,45,45,41,41,47,69,93,111,152,160,165,165,160,152,152,165,186,191,191,194,196,194,176,147,118,103,105,124,139,155,178,204,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,82,144,0,0,0,0,0,0,0,186,204,225,233,225,207,186,157,124,92,43,23,3,0,0,0,0,0,0,0,0,131,126,120 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,142,157,157,157,163,168,178,186,189,186,176,165,160,160,165,168,168,165,160,163,170,186,196,191,186,183,186,186,189,186,183,178,173,169,169,176,186,191,186,183,181,181,181,178,173,168,168,181,183,173,168,168,173,173,170,168,168,170,173,170,176,191,196,191,183,183,183,176,122,121,176,194,207,204,191,93,72,74,131,189,183,178,181,189,183,177,176,182,189,189,194,199,194,186,189,191,194,189,183,181,189,196,202,212,228,225,212,204,202,196,194,196,204,209,202,181,125,123,127,131,126,131,186,189,191,194,191,186,177,177,186,191,186,181,135,178,178,178,178,178,181,183,183,131,131,178,183,186,186,189,191,194,194,194,196,204,204,202,199,199,196,194,191,194,194,189,186,189,189,194,194,186,183,191,199,202,204,204,204,207,209,207,207,207,207,207,212,222,225,220,212,204,199,199,199,191,183,183,189,202,207,207,207,207,204,199,204,215,225,228,209,178,178,189,194,199,207,199,191,135,129,181,181,129,127,186,204,199,186,189,202,212,207,124,121,127,189,207,209,209,209,209,209,212,212,199,181,135,178,186,191,189,178,178,189,189,186,186,185,186,191,191,183,182,182,183,183,183,191,196,199,202,204,204,202,196,199,199,202,204,204,202,194,191,194,194,186,183,196,199,181,133,181,189,186,135,137,183,183,189,189,137,137,189,204,207,189,182,185,191,189,183,182,186,202,204,202,202,209,217,222,222,212,204,199,196,191,186,186,194,196,194,189,186,191,196,204,207,209,215,222,222,215,222,217,215,222,228,230,230,228,228,225,225,225,225,225,225,225,228,225,209,195,196,209,212,215,215,212,207,199,196,198,207,217,212,207,204,202,199,191,140,139,194,207,215,212,204,204,207,212,209,204,202,196,199,204,207,209,215,217,212,209,204,194,187,186,194,196,199,204,204,207,204,194,183,132,131,135,181,186,194,202,199,183,176,181,199,207,194,178,176,176,129,124,129,176,183,191,194,191,186,181,183,183,178,129,125,123,119,111,106,129,178,183,186,191,194,194,186,178,176,176,183,194,204,209,209,209,209,202,189,134,134,181,189,189,181,135,135,135,135,183,191,199,199,111,85,99,119,129,131,133,133,133,133,135,186,186,186,186,183,183,183,189,196,202,202,202,196,189,183,183,183,181,181,183,186,181,129,119,123,131,178,176,132,176,181,183,186,191,194,191,186,186,194,196,196,191,189,191,194,194,194,196,196,191,191,191,189,183,178,178,173,131,176,181,186,191,194,196,202,209,215,212,207,194,181,131,127,125,125,131,181,181,173,131,173,176,173,123,123,194,194,133,129,186,202,204,202,199,199,199,199,199,199,196,195,195,196,202,207,209,209,209,209,212,215,215,212,215,215,215,212,212,212,215,215,215,215,212,212,212,212,215,215,212,207,207,209,207,189,123,118,123,133,186,199,209,199,183,178,181,183,181,181,183,183,178,176,133,131,127,119,114,109,106,111,119,131,178,181,181,125,123,127,127,125,127,178,191,199,204,204,199,191,186,181,178,181,191,199,204,209,209,207,204,109,113,117,178,176,33,8,17,119,181,191,194,196,196,191,189,186,183,181,183,186,186,183,183,183,137,135,189,207,207,202,199,196,194,191,186,186,191,196,204,209,212,212,212,212,215,215,212,212,215,222,225,225,225,225,225,217,215,217,225,228,225,225,225,230,230,228,228,230,233,233,233,230,228,222,215,215,222,228,233,233,233,233,230,228,225,217,215,217,222,222,225,225,225,217,217,222,222,215,208,207,209,217,222,215,208,208,215,217,215,217,228,233,235,233,228,226,226,228,233,233,225,225,225,228,225,225,225,228,230,235,235,233,230,228,228,228,228,228,228,230,230,222,209,209,212,212,212,217,225,222,222,228,230,233,235,238,238,238,237,238,238,238,238,238,235,235,235,233,233,233,233,233,230,228,225,222,222,225,228,230,233,233,235,238,238,238,238,235,233,230,230,228,225,222,217,217,212,207,202,196,196,202,209,215,215,215,212,212,215,217,222,225,228,228,225,222,217,217,215,209,202,196,191,189,186,139,137,136,136,137,137,139,183,189,194,196,196,191,183,139,141,186,191,199,204,209,212,217,222,225,225,228,228,228,225,222,217,215,217,225,230,233,233,238,241,235,222,207,207,212,0,0,0,0,0,0,0,0,0,0,0,228,225,217,217,233,0,0,0,0,0,217,207,202,202,199,194,183,178,181,186,189,183,173,163,155,150,144,144,147,115,119,111,107,108,119,178,186,196,207,212,217,222,225,225,228,228,228,230,230,230,228,217,212,212,215,217,222,225,225,225,222,215,212,207,207,209,209,212,209,199,135,130,133,139,189,196,202,207,207,204,204,207,207,204,204,207,212,217,215,209,207,209,212,209,204,202,199,202,204,204,204,204,202,199,194,191,191,189,186,186,186,186,191,199,204,207,212,212,209,209,212,215,212,209,207,207,209,207,203,203,203,204,204,207,25,27,43,53,53,35,0,0,0,0,0,7,17,25,35,43,53,61,63,53,35,21,35,45,53,55,57,53,51,49,53,57,57,51,55,71,77,77,71,77,126,147,157,160,178,178,139,39,0,0,21,45,19,0,11,67,163,183,196,183,99,82,86,107,181,199,228,248,255,0,255,198,220,255,255,241,254,255,255,255,97,71,44,40,55,113,77,29,0,0,0,0,27,173,129,33,15,25,39,77,121,255,255,150,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,150,134,111,77,25,33,90,111,129,173,204,186,131,61,37,21,25,53,116,131,98,25,0,0,0,0,0,39,105,82,0,0,0,0,0,0,35,131,160,176,209,217,215,212,215,212,204,204,215,217,207,204,207,212,202,168,0,0,0,0,0,0,0,0,31,53,97,165,199,222,212,186,186,191,176,160,157,157,142,77,57,47,57,83,150,150,81,61,65,51,43,57,85,0,0,0,0,0,90,139,163,181,165,131,129,134,121,73,59,105,116,81,77,71,71,71,79,91,142,142,144,142,131,95,101,157,168,176,178,176,150,93,79,57,25,11,7,23,57,77,83,77,74,79,93,101,101,95,77,68,62,65,70,75,89,91,71,36,29,34,61,63,67,95,160,173,176,186,176,165,152,147,150,155,150,155,181,183,168,144,144,144,101,79,73,81,81,75,87,152,170,137,55,37,36,40,57,81,85,47,67,69,126,126,75,57,39,0,0,0,11,33,49,75,121,116,81,75,79,87,85,73,63,63,67,61,51,45,39,37,33,29,27,29,49,83,81,51,45,50,61,67,71,61,54,54,61,75,113,121,126,79,65,57,57,55,53,63,79,81,111,118,118,81,71,69,69,63,59,58,61,69,65,55,47,44,46,55,75,108,79,63,49,45,57,75,131,134,73,61,53,39,41,53,45,37,53,103,105,67,55,49,37,23,23,41,61,59,53,53,51,43,29,5,0,0,0,118,21,0,0,0,0,0,0,0,0,0,0,0,0,0,124,59,25,44,137,181,209,233,238,238,230,225,230,230,238,246,251,254,246,241,225,204,190,190,194,183,85,0,0,0,194,194,131,65,53,45,53,87,90,79,82,79,72,72,72,64,41,35,17,0,0,0,0,0,0,0,17,51,82,61,55,47,41,45,59,77,118,139,134,79,49,29,35,53,87,165,196,170,150,160,176,176,157,139,124,83,75,67,61,53,53,53,57,51,45,41,45,55,61,61,59,55,53,51,51,45,39,29,23,19,27,31,25,3,0,0,0,0,0,0,9,19,23,31,39,49,73,113,121,121,85,85,91,134,150,142,89,82,86,95,103,155,186,189,181,176,178,191,191,183,165,155,147,97,73,45,39,39,39,45,53,73,93,105,105,111,152,163,163,155,157,176,183,186,186,194,194,183,163,144,129,113,121,129,137,139,155,186,0,0,0,0,0,0,0,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,64,131,0,0,0,0,0,0,0,196,217,238,243,228,204,186,147,113,82,35,17,0,0,0,0,0,0,0,0,0,134,126,117 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,163,157,155,157,163,168,173,173,170,165,160,155,157,157,157,157,157,157,163,173,183,191,194,191,189,191,191,194,194,191,186,176,168,168,173,183,186,178,174,176,186,191,189,176,168,170,178,181,170,166,168,170,176,176,170,168,173,176,173,178,189,194,194,189,181,173,129,126,127,181,196,204,207,202,189,82,67,69,113,121,121,123,135,183,186,186,186,189,189,194,212,209,199,199,202,202,196,189,183,186,194,204,217,228,225,217,212,199,189,194,202,207,204,196,189,133,125,126,133,183,194,191,183,183,191,199,196,181,181,189,191,183,135,133,132,135,181,186,183,181,135,129,123,125,133,181,186,189,189,194,194,191,191,194,199,204,204,202,199,194,191,189,191,191,189,189,186,186,189,186,137,137,191,202,204,202,199,199,204,209,209,209,209,209,209,217,225,228,222,212,204,204,209,209,196,182,182,189,202,207,205,207,209,204,194,191,204,215,217,186,95,109,194,202,209,215,217,209,183,178,199,202,127,125,186,204,199,191,196,207,209,204,126,127,183,194,204,207,207,209,207,207,209,207,191,131,127,133,183,194,191,178,181,196,186,185,186,189,194,196,194,189,189,191,191,189,189,194,199,202,207,209,209,202,199,202,207,207,209,209,202,196,194,199,196,189,183,194,199,183,133,133,181,183,189,191,191,189,191,189,134,132,181,199,204,189,183,185,189,186,183,183,191,202,204,202,202,207,215,222,217,207,191,186,141,141,141,189,194,196,196,196,199,202,202,207,209,212,217,217,212,208,212,215,217,225,230,233,230,228,225,225,225,225,228,228,228,225,222,222,204,194,196,215,222,222,225,222,209,199,195,196,207,217,215,207,202,194,145,141,140,140,194,207,212,209,207,207,212,215,212,207,196,191,191,199,207,207,209,209,209,207,204,199,189,185,189,191,194,196,194,199,199,183,133,132,133,181,189,194,204,209,202,186,177,183,199,202,191,178,183,196,189,127,125,178,191,199,196,191,183,179,181,183,181,131,125,125,123,115,115,199,199,194,194,196,199,199,191,183,176,174,181,199,215,222,225,222,217,209,189,134,132,135,186,186,181,135,134,135,133,133,137,186,181,79,50,79,123,137,137,133,133,132,132,135,186,186,183,183,182,183,189,196,204,204,204,204,196,186,181,181,181,181,183,189,191,191,183,129,131,178,181,178,133,183,189,189,186,186,186,183,186,191,202,204,199,191,183,183,186,189,191,194,194,189,189,189,186,183,183,183,178,176,178,186,191,194,196,196,199,204,209,209,204,191,178,131,129,129,173,181,186,189,183,178,173,133,129,115,101,186,191,181,178,191,202,202,199,199,202,202,202,199,199,199,196,196,196,202,207,209,209,209,209,209,212,212,212,212,215,212,209,209,212,215,215,215,215,215,212,212,215,215,215,212,212,209,207,196,135,123,121,125,133,191,204,212,202,186,181,181,183,181,181,181,183,183,183,181,133,123,116,112,109,110,115,118,125,186,189,129,92,100,115,121,120,125,181,196,204,204,207,202,196,186,176,174,181,194,202,207,209,207,207,207,127,89,29,39,57,31,19,59,123,189,199,202,202,196,191,189,183,178,176,178,189,194,191,186,181,129,126,133,196,199,196,194,194,191,189,186,186,186,191,199,207,212,212,215,215,215,215,215,209,212,217,225,228,228,228,228,225,225,228,230,233,230,228,230,230,230,228,228,230,233,233,230,228,222,213,212,212,217,225,230,230,230,233,233,230,225,215,209,209,212,215,222,225,225,222,222,222,217,212,209,209,215,217,215,212,207,205,209,215,217,217,225,233,235,233,228,225,225,228,233,235,228,225,228,228,222,225,228,233,235,238,238,235,230,225,222,225,230,230,230,230,230,225,217,215,215,211,211,217,225,222,222,225,228,233,235,238,238,237,237,238,238,238,238,238,238,235,235,238,235,235,233,233,230,225,222,222,222,225,228,230,230,233,233,235,238,238,238,238,235,233,230,228,225,222,222,217,215,209,202,196,196,202,207,215,217,217,215,212,215,217,222,225,225,228,225,225,222,217,215,209,204,199,194,191,186,141,137,137,137,137,137,139,139,186,191,196,199,194,186,139,139,139,186,191,196,202,207,215,217,217,222,222,225,228,228,228,222,222,222,225,230,233,235,238,241,235,217,208,208,212,217,0,0,0,0,0,0,0,0,0,0,225,215,207,204,217,0,0,0,0,0,212,204,199,199,199,196,189,183,189,196,199,191,181,173,163,152,144,143,111,150,155,113,108,106,109,119,123,131,194,207,215,220,222,225,228,228,228,228,230,228,222,217,215,222,225,222,222,222,225,225,222,217,212,209,209,212,212,209,204,194,141,139,141,143,191,196,199,202,202,202,202,204,204,202,199,204,209,215,215,212,209,212,212,209,204,202,202,202,204,207,204,204,202,196,191,189,189,189,186,189,194,196,199,202,204,209,212,212,212,212,215,217,215,212,209,207,207,204,203,203,204,204,204,207,17,15,35,57,63,57,35,0,0,0,0,7,17,25,39,51,61,92,90,53,27,21,27,39,43,45,51,49,45,49,59,65,63,57,55,71,77,71,62,62,116,147,157,147,165,186,157,63,7,0,0,0,0,0,1,73,103,173,212,212,168,98,105,194,207,207,199,186,191,0,238,202,220,255,255,196,168,233,255,228,91,77,65,53,73,139,131,43,0,0,0,0,0,63,55,13,0,0,15,35,79,137,155,92,27,13,15,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,157,116,74,27,5,25,105,137,163,209,233,204,147,100,49,31,31,45,82,98,49,11,0,0,0,0,0,0,23,9,0,0,0,0,21,15,0,0,82,170,217,238,233,222,215,204,187,187,194,215,215,207,207,220,230,238,178,9,0,0,0,0,0,0,0,19,89,178,215,222,194,178,178,183,176,160,157,168,165,103,63,51,55,71,150,186,176,124,71,61,59,63,27,0,0,0,0,0,90,139,139,116,100,108,160,170,139,52,35,46,75,83,116,85,77,71,73,85,129,142,144,93,83,81,75,81,97,160,163,137,99,93,79,49,11,0,0,5,41,65,77,85,91,91,101,137,139,101,93,87,81,75,72,75,85,81,49,29,25,29,73,85,95,109,160,176,186,189,176,155,143,142,147,157,160,168,181,194,170,150,105,97,72,60,66,69,69,66,73,152,168,77,40,36,39,51,87,147,163,1,55,0,5,116,75,67,53,15,0,0,0,23,61,131,144,131,124,81,73,74,83,85,75,67,63,61,51,45,43,39,33,29,28,30,57,116,113,57,43,43,59,73,77,73,59,53,56,67,75,111,113,73,51,39,38,40,51,63,71,73,79,83,83,75,71,69,67,65,63,61,71,79,71,53,44,44,45,51,67,79,73,59,45,47,63,108,131,126,98,65,65,95,124,137,116,67,98,116,105,55,33,30,35,41,47,65,67,55,45,45,49,37,21,7,9,67,121,178,59,0,0,0,0,0,0,0,0,0,0,0,9,29,53,45,37,85,165,191,209,228,238,246,246,233,238,238,241,248,251,251,241,233,228,225,212,202,194,183,160,83,59,71,160,186,142,71,53,37,45,95,103,90,90,87,79,69,72,64,43,43,37,11,0,0,0,0,0,0,33,57,95,95,85,53,45,47,61,103,129,139,142,79,41,13,13,41,79,155,181,170,160,176,194,183,163,144,131,91,89,81,73,63,57,57,57,51,45,41,45,55,57,61,55,53,53,51,51,51,45,39,33,27,31,39,37,19,0,0,0,0,0,0,3,13,23,29,33,47,69,81,113,113,85,85,93,144,152,137,87,82,89,101,109,155,178,186,181,176,186,186,186,178,176,165,163,111,85,53,38,36,39,49,63,81,99,105,102,105,111,155,155,155,163,168,176,176,186,194,194,186,163,144,139,131,129,129,124,121,137,165,199,0,0,0,0,0,0,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,113,0,0,0,0,0,0,181,199,228,243,243,225,196,178,144,111,64,25,7,0,0,0,0,0,0,0,0,0,0,126,120 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,155,155,155,157,157,160,163,165,157,147,142,150,155,155,155,155,160,165,170,170,173,186,191,194,196,196,196,196,196,189,178,168,168,176,186,183,176,173,178,191,196,191,178,173,173,178,176,170,166,166,168,173,178,173,129,170,173,176,183,189,191,191,189,173,126,128,173,181,186,196,204,209,207,196,176,83,72,103,121,123,120,125,181,191,194,189,189,187,196,222,217,204,207,209,204,196,194,189,186,194,207,222,225,225,222,217,178,176,186,199,199,191,189,194,189,131,129,133,186,189,178,134,178,189,196,196,183,181,189,186,178,135,134,134,135,181,186,186,181,131,122,120,122,129,178,183,189,194,196,196,191,186,189,196,204,207,207,202,196,189,183,181,181,183,181,181,181,183,181,132,132,183,196,199,196,191,191,199,209,212,212,212,215,217,220,222,225,222,215,204,202,212,217,204,186,185,194,207,212,209,209,212,202,183,135,183,199,199,107,89,94,178,217,222,212,222,215,177,183,212,222,122,122,181,196,196,191,196,204,202,196,131,183,199,194,196,199,204,207,202,202,202,202,183,123,120,127,183,202,202,181,178,189,186,185,186,191,196,199,194,191,194,199,202,196,191,191,196,204,212,215,209,199,199,207,215,212,212,209,204,194,189,189,191,186,181,183,183,135,131,133,183,194,202,202,196,191,194,191,134,132,135,191,196,191,185,185,186,183,183,186,196,202,202,202,204,207,212,217,215,204,191,141,140,139,140,189,191,194,196,207,209,207,204,204,207,212,215,215,209,207,209,217,225,228,230,233,230,228,228,228,228,230,230,228,225,222,217,215,204,196,204,217,222,222,222,222,215,207,199,199,207,212,215,212,207,199,191,143,141,143,191,202,209,209,209,212,217,217,215,209,196,190,191,196,204,204,202,204,204,204,204,199,194,189,191,189,191,189,186,196,199,135,131,133,186,194,202,207,215,215,207,191,178,183,194,199,194,189,199,212,199,131,129,178,189,196,194,191,183,179,181,183,178,129,129,131,129,121,119,204,207,199,199,196,196,194,189,181,174,173,178,199,217,228,228,225,222,212,196,137,133,137,189,191,189,186,181,137,135,133,134,181,183,101,54,97,196,194,186,137,133,132,133,137,186,186,183,182,182,183,191,196,199,199,204,207,202,189,181,181,178,178,181,186,191,191,191,183,181,181,181,181,181,186,189,186,181,181,181,183,191,199,202,202,196,189,181,181,183,183,186,189,189,186,183,186,186,183,181,183,181,178,183,189,191,194,194,194,196,204,209,207,199,186,131,129,173,178,183,186,189,189,189,186,186,183,176,111,75,90,183,181,183,191,199,199,199,199,202,204,204,204,204,202,199,196,196,202,207,209,209,209,209,209,209,209,209,212,212,212,209,209,209,212,215,215,215,215,215,212,215,215,212,212,212,212,204,189,123,125,135,135,181,199,209,209,199,186,183,186,186,181,179,179,181,186,191,189,178,127,121,121,131,181,135,125,125,189,191,119,94,100,117,125,123,127,189,202,207,204,204,204,199,189,178,174,183,196,204,207,207,207,207,212,212,79,3,5,47,59,73,115,178,196,204,207,204,199,191,189,186,178,174,174,181,191,194,194,186,133,124,125,181,189,189,189,186,186,183,183,139,139,186,196,204,209,212,215,215,215,212,209,207,209,215,222,225,228,225,225,230,230,233,235,235,233,233,230,225,222,225,228,230,235,235,233,225,217,212,212,215,222,228,228,228,228,230,233,233,228,217,209,205,205,207,215,222,225,222,222,217,215,209,209,212,215,215,215,212,208,207,208,215,222,222,222,228,230,233,230,226,226,228,233,233,230,228,230,228,222,222,230,235,235,238,238,238,230,222,217,220,228,233,235,233,233,230,225,222,215,211,211,217,222,220,222,222,225,230,235,238,238,238,237,238,238,241,241,241,238,238,238,241,241,238,235,233,228,222,220,221,225,228,230,228,228,230,233,233,235,238,238,238,238,233,230,228,225,222,222,217,215,209,204,196,196,199,204,212,217,217,215,215,215,217,222,225,225,225,225,225,222,217,215,209,204,202,199,194,189,186,139,137,137,137,139,139,138,139,189,194,199,194,189,139,138,139,139,186,191,196,204,212,215,215,215,217,222,228,230,230,228,225,225,228,230,233,233,235,235,230,217,212,212,217,220,217,217,0,0,0,0,0,0,0,0,222,215,207,204,207,222,0,0,0,0,209,209,207,202,0,0,0,194,199,202,199,191,189,186,176,157,147,143,144,147,115,111,109,107,108,111,113,119,129,194,209,215,215,217,225,228,228,225,228,228,225,222,222,225,225,225,222,225,225,225,222,217,212,212,212,215,212,207,199,194,191,191,191,194,196,196,199,199,199,199,202,204,202,199,196,199,207,215,215,215,212,212,209,207,204,202,202,204,204,207,204,204,202,199,191,186,186,141,141,191,199,202,204,207,207,209,212,215,215,215,217,217,217,217,215,212,207,203,203,204,207,207,207,207,15,11,25,51,57,59,51,11,0,0,0,0,7,17,25,43,59,85,61,49,27,21,23,27,27,27,39,45,49,55,63,71,63,57,55,71,108,71,57,56,77,139,139,126,147,178,163,71,0,0,0,0,0,0,21,89,144,173,204,220,204,196,207,233,248,215,196,186,189,0,0,202,220,255,251,85,79,176,204,0,0,0,0,116,137,183,168,53,0,0,0,0,0,5,17,0,0,0,0,15,27,33,33,15,9,15,29,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,72,9,0,0,0,13,111,137,152,186,194,163,121,92,49,37,31,31,37,31,19,13,19,13,0,0,0,0,0,0,0,0,0,0,21,9,0,0,0,150,228,246,241,233,215,191,178,176,191,215,215,207,205,212,233,246,225,139,15,0,0,0,0,0,0,0,65,163,199,215,194,179,183,191,191,183,176,186,194,170,91,81,69,63,129,194,194,134,71,59,59,53,0,0,0,0,0,0,21,82,55,39,43,90,170,178,150,53,30,37,61,83,126,137,121,83,81,85,93,129,95,87,81,75,49,34,46,89,97,48,49,75,77,55,21,1,4,27,63,79,87,93,97,99,134,97,89,91,134,139,101,85,75,79,91,87,67,41,41,71,103,147,152,155,173,186,196,186,176,165,147,143,143,147,163,181,181,181,163,101,97,99,83,66,72,69,75,79,83,137,142,69,42,43,61,79,147,196,233,0,0,0,0,41,59,83,81,85,27,0,0,13,43,75,118,126,131,116,74,73,79,85,77,63,51,51,45,49,49,45,41,35,35,41,57,69,69,57,49,50,81,118,118,116,77,63,57,61,67,75,79,65,41,35,36,43,51,59,61,61,59,63,61,57,63,63,63,61,61,61,71,79,73,57,49,49,49,53,63,75,71,53,39,49,75,126,126,108,71,65,67,103,131,124,113,105,113,116,98,55,31,27,35,65,113,113,71,47,35,37,47,43,17,11,37,103,134,121,61,27,37,0,0,0,0,0,0,0,0,0,67,67,67,61,71,139,168,189,199,209,230,243,241,230,230,233,238,246,251,251,246,233,233,233,230,202,186,186,191,178,139,59,77,170,160,111,59,33,0,59,85,79,85,95,87,79,69,47,42,61,64,35,0,0,0,0,0,11,33,47,87,103,87,53,45,51,63,108,139,150,142,79,41,9,7,29,65,131,163,170,170,194,204,194,168,150,147,139,137,139,129,73,63,63,59,51,45,45,49,55,55,55,53,53,49,51,53,53,51,45,43,37,39,49,47,31,9,0,0,0,0,0,0,9,21,27,31,45,63,105,81,81,85,121,129,147,152,134,87,86,97,150,157,157,160,165,168,178,176,181,181,176,176,176,176,157,99,63,38,36,43,53,71,87,101,105,103,105,111,113,150,150,155,157,163,163,178,189,194,186,163,147,139,129,124,121,113,105,129,160,196,0,0,0,0,0,255,255,255,255,255,255,255,255,255,241,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,9,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,98,0,0,0,0,0,0,181,204,228,243,238,212,196,165,139,103,41,11,0,0,0,0,0,0,0,0,0,0,0,134,120 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,150,152,155,157,152,147,157,168,160,131,113,137,155,155,157,160,165,173,173,164,160,173,186,194,196,196,196,196,196,186,176,169,169,178,186,181,176,176,183,191,194,189,181,178,178,176,178,176,170,168,168,170,176,173,129,129,170,176,189,194,191,189,183,128,125,129,186,186,186,196,207,217,215,196,196,209,121,117,131,131,121,121,131,183,191,191,194,194,199,220,215,202,202,202,196,191,191,189,186,191,204,217,222,222,217,215,170,170,178,183,183,179,179,191,191,181,133,131,178,135,129,133,181,189,191,186,178,178,181,178,135,181,186,183,181,181,183,183,178,129,122,121,122,127,135,181,189,196,202,196,186,178,183,196,207,209,209,204,196,189,178,133,131,133,135,135,137,189,189,133,130,137,191,194,191,189,189,196,207,215,215,215,217,222,222,220,220,222,215,202,202,212,217,207,191,191,204,212,217,215,215,215,202,133,125,123,181,129,106,101,102,117,209,215,198,215,212,177,183,204,202,120,120,133,186,189,189,194,196,194,186,131,189,199,186,186,189,194,199,194,191,194,194,178,120,117,121,183,209,215,191,135,181,186,186,186,189,191,191,191,189,194,202,204,199,191,191,199,209,217,215,207,196,196,209,215,212,207,207,204,191,181,179,183,183,135,131,130,130,131,181,196,209,212,209,202,196,196,194,181,134,135,186,194,191,186,185,185,183,183,191,202,204,202,204,207,207,209,212,212,202,191,141,140,139,140,189,196,196,202,217,222,209,202,204,207,212,215,215,212,209,212,217,228,230,233,233,233,230,228,228,230,230,230,228,225,222,217,215,209,207,209,212,212,212,212,215,217,212,207,204,207,209,212,215,217,217,207,199,194,191,191,202,212,215,222,225,228,228,228,225,215,204,199,199,199,198,199,202,204,204,202,199,202,204,199,191,189,182,181,191,196,132,131,181,196,207,212,222,228,228,215,196,181,181,189,194,196,202,217,215,194,133,131,176,176,178,189,194,191,183,181,181,176,129,131,131,131,129,131,204,209,207,202,194,189,186,183,181,174,173,178,196,212,222,225,225,217,209,196,181,137,186,196,199,196,194,189,186,183,137,135,181,196,194,101,191,212,204,191,183,135,133,137,186,194,191,186,183,183,186,186,189,186,186,194,202,202,191,183,181,135,133,133,178,183,183,181,181,181,133,133,181,186,186,183,178,176,178,183,189,194,199,199,199,196,189,181,181,183,183,183,186,183,183,183,186,186,181,178,181,181,181,186,189,191,191,191,191,196,204,209,204,189,173,123,125,178,189,191,189,186,183,183,186,194,202,204,129,64,67,131,178,186,191,194,196,199,202,207,209,212,212,209,204,202,196,196,199,204,209,212,212,209,209,207,207,209,212,215,215,212,209,209,209,212,215,215,215,215,215,215,215,212,212,212,212,204,183,106,118,186,186,189,204,209,207,194,183,186,194,194,186,181,181,183,189,191,189,181,133,129,131,186,189,183,135,131,181,181,119,111,114,129,131,125,131,194,204,207,204,204,207,204,194,181,174,181,196,204,207,207,207,209,215,209,69,4,9,97,173,173,173,191,199,204,207,207,202,194,191,189,183,176,173,174,183,194,199,196,189,126,120,127,183,183,182,183,139,138,137,137,137,141,194,204,209,212,215,212,209,204,202,202,204,207,212,217,217,215,220,230,233,235,235,235,233,230,228,215,212,215,225,233,235,235,233,225,217,215,217,225,230,230,228,225,225,228,230,233,233,228,215,204,204,207,212,222,225,225,222,222,212,207,207,209,209,212,215,215,212,209,212,222,225,225,217,220,225,230,230,230,230,230,233,233,230,230,230,228,222,222,230,235,238,238,238,238,233,222,217,217,225,233,235,233,233,233,230,225,217,215,215,222,220,217,222,222,222,228,233,238,238,238,237,238,238,241,241,241,241,241,241,243,243,241,235,230,228,222,221,222,225,230,230,228,228,228,230,230,230,233,238,241,238,235,230,228,225,222,222,217,215,209,204,199,149,196,202,209,215,215,215,215,215,217,222,222,225,222,222,222,222,217,212,209,204,204,202,196,191,189,141,139,139,139,139,139,138,139,183,191,194,194,191,183,139,139,139,141,189,196,204,209,212,209,212,215,222,228,230,230,230,228,228,230,230,233,233,233,233,230,225,222,222,225,222,220,217,217,222,0,0,0,0,0,0,0,222,217,209,204,204,204,0,0,209,212,222,0,0,0,0,0,0,204,204,196,189,194,196,189,165,150,144,144,147,111,111,113,111,109,111,113,115,117,133,199,212,215,217,225,230,228,225,225,228,230,228,228,228,225,222,222,225,225,225,217,212,209,209,212,215,212,204,196,191,194,196,196,196,196,199,199,199,202,199,202,204,204,202,199,196,202,209,215,212,209,209,209,207,207,204,202,204,204,207,204,204,204,199,191,186,141,140,141,194,199,204,207,207,207,209,212,212,212,212,215,217,217,217,217,215,207,203,203,204,207,204,207,207,17,13,23,45,49,51,49,17,0,0,0,0,0,11,17,25,47,55,51,37,21,16,18,25,25,25,33,43,51,61,65,63,63,52,52,69,75,69,59,56,75,124,124,114,126,165,157,67,0,0,0,0,0,0,39,99,168,183,191,204,212,220,233,246,251,225,207,196,199,209,191,165,217,255,209,69,71,160,183,0,0,0,0,176,183,212,176,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,53,64,17,5,5,11,5,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,111,100,113,113,100,92,79,51,43,31,17,5,0,0,19,39,31,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,217,238,238,233,222,204,182,178,204,222,222,215,212,212,230,238,215,173,152,81,11,0,0,0,0,25,81,165,199,212,202,202,215,222,225,217,204,215,225,202,173,160,93,65,83,178,178,121,63,39,45,45,3,0,0,0,0,0,0,0,1,15,45,118,170,178,152,73,47,50,67,116,142,150,144,126,91,126,129,129,95,89,95,87,47,25,33,81,83,20,27,65,83,77,61,35,63,95,142,142,134,97,92,92,99,87,79,81,99,142,97,77,69,77,89,91,81,77,97,168,170,176,170,160,178,196,196,181,181,178,165,155,146,147,168,181,181,170,107,92,97,150,160,139,87,79,95,142,93,83,83,67,47,57,77,121,155,204,255,0,0,0,0,0,19,83,116,87,51,5,0,13,37,45,59,89,139,137,87,77,79,83,75,61,47,43,43,45,49,49,43,39,43,49,39,33,37,55,63,81,142,142,129,126,116,77,63,57,59,67,71,59,47,40,49,57,55,55,53,47,49,51,45,41,51,57,57,56,57,59,67,79,71,59,53,57,57,53,59,67,59,41,33,49,111,142,126,100,69,61,59,67,71,63,61,67,98,98,95,65,43,33,41,95,118,105,55,29,17,27,47,51,31,27,51,100,71,51,53,61,73,17,0,0,0,0,0,0,0,129,178,155,147,165,150,105,157,181,196,0,0,238,238,230,222,222,230,238,248,251,246,238,225,230,212,183,155,157,183,186,157,58,63,168,186,152,100,39,14,23,39,45,77,95,95,87,79,64,43,61,69,61,15,0,0,0,0,25,27,26,53,103,92,59,51,51,90,116,150,150,137,71,41,9,1,11,39,77,152,170,186,207,215,191,168,157,155,155,155,155,144,89,73,69,61,51,45,45,49,51,55,55,53,49,49,53,59,57,53,51,49,45,43,49,47,37,21,3,0,0,0,0,0,3,15,21,23,39,61,77,79,81,87,121,137,144,147,137,91,88,103,157,163,157,152,150,155,165,165,168,178,178,178,186,186,178,105,71,38,36,43,63,81,93,107,109,107,107,147,150,113,147,147,150,155,160,178,186,196,196,165,139,121,113,113,105,73,98,121,160,199,0,0,0,0,0,255,255,255,255,255,255,255,255,255,235,199,160,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,22,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,92,0,0,0,0,0,0,181,199,217,233,233,212,186,157,131,90,31,1,0,0,0,0,0,0,0,0,0,0,0,134,124 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,152,147,157,150,134,129,168,155,19,0,25,121,147,155,160,170,189,186,183,160,165,178,189,194,194,196,196,191,181,173,170,173,181,181,178,176,181,186,189,183,183,183,181,178,178,183,189,183,176,170,170,170,170,170,129,129,176,196,199,196,191,178,128,129,186,186,178,178,196,207,217,215,186,176,189,189,133,129,129,125,123,127,178,186,194,204,207,202,202,199,194,189,191,189,189,189,186,185,189,196,207,212,212,207,194,177,174,176,177,181,179,178,181,189,186,178,131,131,183,191,191,191,189,186,178,134,134,134,135,178,186,191,189,183,183,183,183,178,129,123,125,125,129,133,178,186,199,204,199,181,132,178,196,207,209,207,202,196,186,133,129,129,131,133,133,183,199,202,196,117,132,196,196,194,190,190,196,209,215,217,217,222,225,220,215,215,217,209,200,207,217,212,196,189,196,207,215,215,215,225,222,209,43,55,53,181,133,119,111,107,121,191,202,204,204,191,181,186,194,189,125,121,129,181,183,186,191,191,189,178,178,183,183,178,178,135,133,135,99,91,181,189,135,125,118,127,196,212,217,209,135,178,183,183,186,189,189,189,189,189,189,191,194,191,191,191,199,209,217,212,204,196,189,194,204,202,196,199,202,194,186,183,183,181,130,128,129,133,178,194,209,215,212,207,202,196,194,191,181,134,181,189,191,189,186,189,189,186,189,199,204,202,204,207,209,209,207,207,204,194,140,139,140,141,186,194,202,207,209,225,233,137,143,199,209,215,215,215,215,215,217,222,228,233,233,233,233,230,228,228,230,230,230,228,225,217,215,215,215,215,209,204,203,204,204,209,212,212,209,207,207,204,207,212,222,225,217,209,202,196,196,204,212,222,225,228,228,228,228,230,225,217,209,202,198,196,198,204,209,207,202,199,204,209,204,189,183,183,183,194,199,133,133,186,199,207,215,225,233,230,215,194,183,183,189,191,196,207,215,207,189,133,129,129,128,129,191,207,207,189,178,174,178,178,127,127,127,176,191,212,212,209,202,189,186,183,181,178,176,176,178,189,204,215,217,215,207,199,191,181,183,194,207,207,202,199,196,194,189,183,137,137,189,191,181,194,207,207,194,183,137,181,191,199,204,202,191,189,189,183,183,183,182,181,183,191,196,191,189,183,135,133,131,133,133,129,127,127,133,131,130,176,189,189,181,176,176,178,186,191,196,196,196,199,202,194,183,181,181,178,181,181,181,183,186,189,186,181,176,176,178,178,181,186,189,186,186,189,191,196,209,204,133,120,118,118,191,202,194,186,182,182,182,183,194,202,204,199,113,67,103,133,186,191,191,194,199,207,212,215,215,215,209,207,202,199,196,199,204,209,212,212,209,205,204,205,209,215,215,215,215,212,212,212,212,215,215,217,215,215,217,217,217,215,212,212,209,199,103,118,186,191,191,196,204,202,186,186,191,199,196,189,186,191,191,191,186,186,186,183,178,135,135,178,178,178,178,181,178,131,127,133,133,131,129,129,181,199,204,204,204,209,207,196,181,172,176,191,204,209,209,207,212,215,93,15,2,12,83,123,178,189,199,202,202,204,204,204,196,191,189,189,181,172,172,183,194,199,199,199,196,110,112,183,182,182,183,183,138,137,136,138,183,191,199,207,212,212,209,204,198,196,198,199,202,204,204,207,207,212,228,233,233,233,233,230,225,215,211,209,212,225,230,235,233,230,225,222,225,230,233,233,233,230,225,225,225,228,230,233,233,222,207,207,209,215,222,225,228,228,222,212,204,199,149,199,209,215,217,215,215,217,225,228,222,215,213,225,233,235,233,233,233,233,233,230,228,228,225,222,225,230,235,241,241,238,238,235,228,220,220,228,233,235,235,235,233,230,225,225,225,222,222,220,222,217,215,215,222,230,235,238,238,238,238,238,241,241,243,243,243,243,243,243,243,238,230,225,222,225,228,228,230,228,228,225,228,228,225,225,228,233,238,238,235,230,228,225,222,222,217,217,212,207,199,149,149,199,204,212,215,215,215,215,217,222,222,222,222,222,222,217,215,212,207,207,204,202,199,196,191,189,186,183,183,139,139,139,181,181,183,186,191,191,189,186,183,141,186,191,196,204,207,207,207,209,212,217,225,228,230,230,230,230,230,230,233,235,233,233,230,228,225,225,222,222,222,217,217,225,235,241,0,0,0,0,0,0,0,215,0,0,0,0,0,209,217,0,0,0,0,0,0,0,0,0,199,194,199,202,191,176,157,147,144,144,109,111,111,111,109,113,117,119,117,125,191,215,220,217,222,228,228,225,222,225,228,228,228,225,222,222,222,225,225,222,217,212,209,208,209,212,209,202,194,191,196,199,199,199,199,199,202,202,202,199,199,204,207,204,199,196,196,204,209,207,204,204,207,209,207,204,202,202,204,207,204,204,204,199,194,191,186,141,186,194,199,202,204,207,207,209,209,209,207,209,212,215,217,220,217,215,209,204,204,204,204,204,204,207,14,17,33,41,45,49,49,39,11,0,0,0,3,11,17,25,43,47,47,41,19,15,18,37,43,43,43,51,55,57,57,57,55,55,55,63,69,69,66,66,105,116,124,124,126,157,163,31,0,0,0,23,13,0,21,147,191,202,199,204,220,246,251,233,230,212,196,196,215,215,183,163,194,220,107,69,83,144,144,0,0,0,238,194,220,209,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,105,147,113,48,25,33,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,69,49,48,49,53,79,79,79,51,37,17,0,0,0,13,39,39,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,170,228,228,220,222,215,204,204,220,230,233,225,215,222,233,233,215,183,204,212,7,0,150,155,57,53,97,181,222,222,225,243,255,255,251,248,243,246,243,235,228,194,131,83,134,157,157,124,65,41,33,33,11,0,0,0,0,0,0,0,0,15,90,144,170,176,163,134,121,105,113,142,157,157,150,126,126,152,170,163,147,144,150,131,69,44,57,95,77,36,37,65,87,87,81,85,95,144,168,168,142,97,92,91,93,91,81,80,87,95,75,57,57,69,85,91,91,97,147,181,191,183,170,173,183,194,189,176,173,176,178,176,168,168,181,191,183,160,105,95,105,163,170,152,95,87,99,134,97,87,67,47,45,57,81,129,155,196,255,0,0,0,0,0,0,77,124,124,79,17,7,29,53,57,61,89,142,157,137,85,75,77,77,69,63,43,41,43,49,49,41,39,51,49,23,20,45,69,83,139,160,147,124,111,83,77,57,46,50,59,61,59,63,73,77,71,63,55,49,42,45,47,41,37,51,59,57,57,57,61,67,73,67,59,57,63,63,55,53,55,47,32,27,43,121,142,121,100,69,61,55,55,59,59,51,45,53,65,95,95,65,55,55,69,118,100,41,13,12,29,53,55,43,31,47,63,45,0,0,45,53,27,0,0,0,0,0,0,0,183,220,191,183,191,176,155,157,178,199,0,0,243,243,238,222,208,209,225,238,248,251,246,230,212,209,147,75,61,75,139,89,71,71,131,160,152,111,55,17,13,16,23,41,79,95,98,87,82,79,69,64,43,33,11,0,0,0,23,33,33,47,92,95,85,57,57,90,116,147,155,137,103,47,9,0,0,17,55,137,163,186,215,225,194,168,155,155,163,163,155,144,89,77,75,67,53,45,41,45,45,45,43,47,47,49,53,59,59,59,59,57,49,43,43,43,37,25,11,0,0,0,0,0,0,3,9,15,29,51,63,73,79,87,129,139,137,139,137,99,97,144,163,157,152,150,150,148,155,165,168,166,178,178,181,186,178,107,73,37,36,41,65,87,101,107,107,107,109,155,155,150,147,109,109,147,157,170,186,199,204,178,131,109,109,113,105,69,69,113,147,191,0,0,0,0,0,255,255,255,255,255,255,255,255,255,243,207,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,25,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,105,134,0,0,0,0,0,183,196,209,228,228,207,181,142,121,87,29,0,0,0,0,0,0,0,0,0,0,0,0,0,137 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,121,134,150,142,124,92,29,0,0,0,0,0,63,139,160,168,183,189,186,165,166,173,181,186,189,191,191,186,176,173,173,173,173,173,173,176,181,186,183,179,179,183,183,178,178,186,189,186,178,173,131,131,176,173,129,129,178,199,204,202,194,183,178,189,199,186,127,127,186,199,207,196,126,121,126,178,176,133,131,131,127,129,135,183,194,202,199,191,186,189,189,187,189,189,189,189,186,186,186,191,189,183,181,183,189,191,186,181,181,183,181,178,181,191,196,191,133,178,202,202,199,202,194,183,135,133,134,135,181,189,191,191,189,186,186,189,186,181,135,133,133,133,133,133,176,183,199,204,199,178,132,178,194,204,207,204,199,191,186,135,130,131,135,181,133,137,191,196,186,114,129,194,202,196,191,190,196,207,215,220,222,225,222,215,209,212,212,207,200,207,215,204,183,135,186,202,212,215,217,228,228,115,0,0,55,178,178,131,125,125,178,194,202,204,202,191,183,186,189,183,125,121,127,135,181,186,194,194,186,181,181,183,178,133,131,127,123,122,103,97,123,183,186,189,183,183,199,215,225,215,178,133,178,181,183,189,189,186,186,183,183,186,189,191,191,191,196,202,204,202,196,191,183,183,186,183,186,194,204,202,194,191,194,186,125,127,135,183,186,196,209,212,191,191,191,191,194,191,183,181,196,202,196,191,191,194,199,196,196,204,207,202,204,207,209,209,204,196,191,186,139,139,141,191,199,207,215,217,217,228,230,127,129,143,207,215,215,215,215,217,220,225,228,230,233,233,230,228,225,228,230,230,230,228,225,217,215,217,222,222,212,204,203,203,204,207,209,209,207,207,207,204,204,204,207,212,215,212,204,199,199,204,212,217,222,222,222,222,222,225,225,220,212,204,199,199,204,212,215,212,204,199,202,207,204,186,182,186,191,209,215,189,135,183,194,199,204,212,217,215,199,189,183,186,186,186,191,199,196,189,181,133,128,127,126,129,191,204,204,181,176,178,186,189,127,123,123,186,202,209,202,202,181,181,181,181,176,133,178,181,178,135,183,199,207,199,189,183,181,179,181,194,204,204,202,199,196,191,183,181,137,137,181,181,181,189,199,199,191,181,181,189,202,204,207,204,199,191,186,183,183,189,186,183,183,189,194,194,194,189,181,135,133,131,129,125,123,123,127,131,131,176,183,183,178,133,176,183,191,194,196,196,199,202,202,196,183,178,176,174,174,176,181,183,189,186,183,178,176,176,176,174,176,183,186,186,185,186,186,191,202,194,125,118,117,119,196,204,194,186,183,186,183,186,191,194,199,199,183,99,93,129,186,189,189,191,199,207,215,217,215,212,209,207,204,202,202,202,204,209,212,212,209,205,205,207,212,215,215,215,215,215,212,209,209,209,215,215,215,215,215,217,222,217,215,215,209,191,102,118,181,189,189,191,196,196,191,191,196,199,194,189,191,199,199,194,189,186,191,191,189,178,130,131,134,181,186,189,191,191,191,191,189,181,131,128,131,189,199,202,204,204,204,196,181,173,173,183,199,209,209,212,212,215,35,17,13,35,73,95,123,191,204,204,199,199,199,199,196,191,189,189,181,173,173,183,191,191,194,202,204,116,117,186,186,186,189,186,183,183,183,186,186,189,194,196,204,207,209,207,200,198,198,199,200,200,200,200,202,209,225,230,230,230,230,230,225,217,212,212,215,225,230,230,228,225,225,225,228,233,235,235,233,230,225,225,225,228,230,233,230,225,215,215,217,217,222,228,228,228,222,212,199,140,136,145,209,217,217,215,217,222,228,225,222,213,213,222,230,233,233,233,233,233,233,230,228,225,225,222,225,228,233,238,241,241,241,241,238,230,233,235,238,238,238,235,235,233,228,225,222,220,217,217,220,217,211,209,212,225,233,238,241,238,238,241,241,243,243,243,243,243,243,243,243,241,230,225,225,228,230,230,230,228,228,225,225,225,222,222,225,230,235,238,235,230,225,225,222,222,217,215,212,204,199,149,148,196,204,209,212,215,215,217,217,222,222,222,222,222,217,217,215,212,209,207,204,202,202,196,191,189,189,186,183,139,183,183,183,181,137,181,186,189,189,189,183,183,186,191,196,202,204,204,204,207,209,215,222,225,230,233,233,233,233,230,233,233,233,230,228,225,222,217,215,215,217,217,222,225,230,233,233,228,0,0,0,0,0,0,0,0,0,0,0,215,222,0,0,0,0,0,0,0,0,0,207,202,199,194,186,176,163,152,144,107,107,109,111,109,107,109,115,117,119,125,186,209,220,217,217,222,222,222,222,225,225,225,225,222,217,217,222,222,222,217,215,212,209,208,209,212,209,202,196,194,196,196,199,199,199,202,202,202,202,199,199,204,207,207,199,195,195,202,204,204,200,202,207,209,207,204,202,204,204,207,204,204,204,202,194,191,186,186,189,196,199,202,202,204,207,207,204,204,204,207,212,215,217,217,217,215,209,204,204,207,204,204,204,204,13,17,25,41,45,41,39,33,17,5,0,3,11,17,23,33,41,43,43,43,23,16,21,43,51,51,51,51,51,55,55,55,63,63,69,69,75,75,75,77,111,116,124,137,147,165,165,23,0,0,0,57,59,21,37,101,191,209,209,204,220,251,254,230,191,182,182,192,225,246,225,191,170,173,91,79,95,142,137,157,0,255,238,142,63,33,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,92,155,189,147,66,25,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,47,72,53,53,53,79,82,82,74,43,25,9,0,0,0,0,59,31,7,0,0,0,0,0,0,0,0,0,0,0,0,25,79,152,202,212,212,222,233,222,222,230,241,243,233,222,222,233,233,225,186,194,230,191,178,222,183,69,51,71,178,225,241,241,255,255,255,255,255,255,255,255,248,246,228,168,150,152,157,160,144,124,69,49,33,3,0,0,0,0,1,0,0,0,0,43,116,160,178,170,157,155,155,155,165,173,176,157,126,126,160,173,170,165,155,142,87,75,71,95,157,83,48,48,69,83,79,83,91,101,139,160,163,157,137,97,92,93,97,87,84,87,81,57,49,56,71,87,95,97,99,105,157,189,183,173,173,186,186,173,155,152,160,176,178,178,178,191,194,183,150,97,95,105,150,155,142,95,87,87,95,95,83,61,46,44,59,83,121,155,181,255,0,0,0,0,0,0,45,124,129,129,77,61,77,83,81,83,121,142,157,150,87,77,83,83,77,73,61,45,57,65,61,45,43,51,39,20,19,45,77,124,147,142,126,83,73,75,71,51,42,47,61,69,67,71,83,111,81,71,67,53,42,45,47,40,34,41,59,71,73,65,59,57,63,67,63,61,65,65,55,51,49,39,29,25,33,100,121,118,108,75,63,53,53,59,67,57,45,41,47,61,73,98,69,65,69,116,71,29,11,13,45,69,69,47,33,43,57,33,0,0,0,3,0,0,0,0,0,0,0,27,228,243,199,191,209,194,173,165,178,207,235,0,255,255,243,228,208,204,209,230,246,255,255,246,230,209,97,59,31,29,51,69,71,63,71,103,108,92,51,23,17,17,21,37,77,95,105,103,103,95,85,79,69,43,33,9,0,0,9,33,39,47,79,87,82,57,57,85,108,147,155,142,111,57,11,0,0,1,33,73,137,170,204,215,191,168,155,155,163,163,147,142,121,87,87,73,57,45,39,39,33,31,31,33,37,43,53,59,65,92,65,57,49,43,43,43,39,29,13,0,0,0,0,0,0,0,0,9,23,39,57,63,73,87,121,129,129,137,139,137,137,144,160,160,152,150,147,150,152,165,170,178,178,178,178,178,165,101,57,37,36,45,69,95,107,147,107,107,147,157,157,150,109,107,107,147,160,170,189,199,199,170,131,113,113,124,113,71,57,69,124,168,0,0,0,0,0,255,255,255,255,255,255,255,255,255,251,217,181,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,25,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,108,142,0,0,0,0,163,183,191,202,215,215,202,168,142,116,87,25,0,0,0,0,0,0,0,0,0,0,0,0,0,152 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,74,92,100,5,0,0,0,0,0,0,0,63,147,150,152,178,173,168,168,170,173,176,181,186,186,176,170,170,173,173,172,172,173,178,183,186,183,179,179,181,181,177,176,177,178,178,178,176,131,173,183,178,129,127,178,194,202,202,199,189,181,191,199,186,124,121,129,189,191,183,126,121,124,178,183,183,183,181,131,131,133,178,183,189,186,183,183,189,194,196,196,191,189,189,191,191,189,189,183,179,177,179,186,194,191,186,183,183,179,179,186,194,202,204,183,178,183,128,133,202,199,189,178,135,181,189,196,202,199,196,194,194,194,194,191,189,186,183,183,181,181,178,178,183,194,199,196,181,132,176,189,199,204,204,196,194,191,183,178,181,186,186,135,132,181,186,133,118,129,191,202,196,190,189,191,202,209,215,220,222,215,207,204,207,209,207,202,207,209,196,135,129,137,194,204,215,215,222,212,59,0,25,129,176,178,181,176,127,178,191,199,204,202,191,186,186,183,176,123,121,123,131,135,183,194,196,189,183,186,186,178,133,129,127,129,135,127,116,122,135,191,199,196,189,199,212,215,204,186,181,133,133,178,186,189,186,183,181,183,189,191,194,191,191,191,194,191,191,191,186,183,181,179,179,181,191,204,207,204,202,202,196,121,125,178,189,191,199,202,186,128,181,189,194,199,196,189,191,202,207,204,199,199,204,204,202,199,204,204,202,196,196,202,204,194,139,139,186,189,189,196,204,212,217,222,228,228,233,230,127,126,133,202,215,215,215,215,217,222,225,228,230,230,228,225,225,225,228,230,233,230,228,222,217,217,217,222,222,215,209,207,204,203,204,209,209,209,209,209,207,202,196,195,202,209,215,209,204,202,204,209,212,212,209,209,209,212,215,217,217,215,209,204,202,207,215,220,215,204,196,199,202,199,183,181,183,194,215,217,194,137,137,186,189,191,194,194,191,183,183,186,189,186,181,183,186,135,176,178,178,131,126,126,131,181,189,183,129,176,186,194,189,129,124,126,196,199,125,85,107,119,129,176,133,127,129,176,181,133,128,128,178,189,183,178,178,178,178,181,189,196,199,199,196,194,183,136,137,183,186,183,137,131,131,137,183,181,137,183,196,204,207,207,209,204,189,135,137,183,191,194,191,191,194,199,199,199,191,181,135,133,131,127,123,123,123,123,127,131,131,129,131,129,129,133,186,194,194,194,196,199,202,199,191,181,176,176,173,173,176,181,183,189,186,181,176,176,176,174,174,176,183,191,189,185,186,186,189,194,189,129,120,121,127,189,199,194,191,191,196,196,194,194,189,186,186,181,119,89,109,135,186,191,196,199,204,212,212,209,207,204,204,207,207,207,207,207,212,215,215,212,207,207,209,215,215,215,212,215,215,209,204,202,202,209,215,215,213,215,217,222,222,217,215,207,183,93,108,129,183,189,194,199,199,199,196,196,191,186,183,191,199,202,196,191,191,194,199,196,189,131,132,178,189,194,199,202,204,204,204,204,199,183,127,127,181,196,199,199,199,202,196,186,176,172,176,191,204,209,209,212,212,61,83,119,123,101,97,119,194,207,204,199,194,194,191,191,191,189,189,183,176,176,183,183,178,186,196,199,133,133,194,196,202,199,191,189,194,194,189,186,183,183,131,191,204,209,212,209,204,204,202,202,202,200,200,202,209,222,228,225,222,225,228,228,225,220,220,222,228,230,230,228,225,225,228,230,233,233,235,235,233,225,217,217,222,225,225,222,217,215,222,225,222,222,222,225,225,217,212,199,137,133,141,212,222,217,217,222,225,225,225,217,213,213,217,225,230,230,230,230,228,230,230,230,228,225,222,222,222,228,233,238,241,246,246,243,241,241,241,243,241,238,235,235,235,233,222,212,212,212,212,215,217,209,208,211,222,233,238,241,241,241,241,243,243,243,246,246,243,243,243,246,241,235,228,225,228,230,230,230,230,228,228,225,225,222,222,222,228,235,238,235,230,228,225,222,217,217,215,209,204,196,148,147,149,202,209,212,215,217,217,222,225,225,225,222,222,217,217,215,212,209,207,204,204,202,199,194,191,189,186,183,183,183,183,181,137,137,137,181,186,189,189,183,183,186,191,196,199,202,202,202,202,207,212,217,222,230,233,235,238,235,233,233,233,230,228,225,222,217,215,213,213,213,217,225,225,225,225,225,225,220,217,0,0,0,0,0,0,0,0,0,0,225,230,0,0,0,0,0,0,0,0,0,202,189,181,178,170,163,152,142,105,103,105,107,107,105,105,109,115,119,121,133,199,215,217,215,217,217,222,222,225,222,222,222,220,215,215,217,222,222,217,215,212,212,209,209,209,209,202,199,199,199,199,199,202,202,204,204,204,199,199,199,204,207,204,199,195,195,199,202,202,202,204,207,209,207,207,204,207,207,207,204,204,204,202,194,191,186,185,189,196,199,202,204,204,204,204,204,204,207,209,212,212,215,215,215,212,207,204,204,209,209,207,207,207,15,15,23,33,41,37,23,15,13,9,3,5,13,23,33,37,37,41,43,43,25,19,33,43,47,43,43,43,47,47,49,51,63,63,69,71,75,105,105,116,116,116,81,124,147,165,163,23,0,0,0,63,79,59,59,95,183,209,207,209,217,251,255,246,194,186,186,196,233,255,254,207,163,99,83,83,97,142,155,163,189,235,189,23,5,11,17,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,103,0,173,134,66,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,45,100,100,82,79,79,79,79,74,49,37,23,11,11,0,0,0,0,23,0,0,0,0,0,0,0,0,0,0,0,45,103,126,157,178,186,202,230,243,241,241,248,251,254,246,235,228,228,238,233,204,168,194,204,191,191,147,45,33,61,163,225,243,243,255,255,255,254,246,254,255,255,254,255,251,207,178,160,152,160,168,160,124,63,43,31,11,0,0,7,21,21,1,0,0,1,90,165,186,178,157,163,168,173,183,183,176,150,87,87,142,163,170,163,142,79,51,52,83,157,176,134,62,59,73,73,72,77,87,101,134,142,144,157,142,101,97,137,144,101,91,87,73,49,45,63,85,99,105,99,93,93,105,176,189,186,186,191,183,157,105,99,107,152,155,155,157,181,186,165,97,83,91,105,139,137,137,95,81,79,89,95,83,61,53,49,69,129,139,155,57,0,0,0,0,41,49,55,124,129,121,137,147,147,139,124,83,79,81,134,157,155,131,118,118,118,83,81,73,77,85,118,79,67,61,51,29,19,20,41,77,124,131,113,79,71,73,79,77,61,47,50,71,111,81,79,108,108,111,108,81,61,45,45,47,41,36,40,59,105,105,65,47,37,41,61,63,57,61,61,53,49,41,41,37,31,43,73,108,118,121,75,63,49,47,53,67,67,53,37,35,41,61,98,98,69,73,105,55,13,9,25,63,98,67,49,37,39,63,45,0,0,3,13,0,0,0,0,0,0,0,85,248,255,209,196,209,209,191,178,189,220,243,255,255,255,251,238,222,205,208,225,246,255,255,255,246,222,87,51,21,10,17,51,59,53,48,57,63,92,63,57,51,43,33,33,45,77,92,100,105,105,103,98,87,79,69,23,0,0,0,9,23,35,43,51,51,51,49,82,105,137,155,152,134,71,27,0,0,0,17,51,79,150,183,196,183,160,150,155,165,160,144,139,129,116,121,79,63,51,39,31,27,15,13,15,25,37,49,65,95,105,95,63,49,43,43,43,43,33,21,1,0,0,0,0,0,0,0,0,15,29,45,51,63,79,89,121,124,134,147,144,137,139,152,160,155,150,147,150,152,160,168,181,183,181,170,165,152,95,55,37,37,49,77,101,150,152,150,109,150,157,157,150,109,102,103,150,157,165,181,189,189,157,131,124,126,131,124,75,57,51,69,134,0,0,0,0,255,255,255,255,0,255,255,255,255,255,246,220,183,160,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,20,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,105,142,0,0,0,0,163,170,191,202,209,209,199,170,142,124,92,29,0,0,0,0,0,0,0,0,0,0,0,0,0,170 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,111,111,63,152,152,165,165,165,165,168,173,178,176,170,165,165,168,173,176,176,176,176,178,183,183,183,183,189,189,181,176,177,178,178,181,181,133,131,181,131,123,123,181,194,196,196,196,186,129,125,181,181,127,122,126,181,186,181,173,127,129,186,196,196,196,189,176,131,131,133,178,186,189,186,189,199,209,212,204,194,189,191,194,196,194,191,186,183,186,189,189,189,186,183,183,183,183,189,196,196,199,202,183,131,125,115,123,194,196,189,186,191,196,204,209,209,207,204,204,204,202,202,202,199,196,194,186,181,178,183,186,183,186,194,194,181,132,133,186,199,204,204,202,199,199,194,189,189,191,194,183,133,178,183,133,127,132,196,204,199,190,189,190,194,202,209,217,217,212,204,203,204,207,204,199,199,196,181,129,127,133,183,194,204,207,207,199,81,36,181,189,129,131,183,127,116,123,181,189,196,196,186,181,183,178,131,125,123,127,133,135,181,194,196,191,189,191,191,186,135,131,131,181,194,194,131,123,133,191,196,189,178,189,202,189,178,186,191,132,131,133,181,183,183,181,181,186,194,196,194,191,189,189,189,187,189,189,189,189,183,179,179,181,191,204,209,207,204,199,191,124,125,133,186,196,202,189,115,120,178,189,194,202,199,191,196,202,204,207,207,207,204,199,194,194,199,202,194,189,183,189,194,139,130,133,194,202,204,207,212,217,222,222,225,230,235,233,141,127,132,199,212,215,215,215,217,225,225,228,228,228,225,225,224,224,225,228,230,230,228,222,217,217,217,222,222,217,212,212,209,203,204,207,212,212,212,207,202,199,196,195,199,207,215,212,207,207,207,209,209,207,204,202,202,204,207,209,215,212,207,199,196,204,212,212,207,196,191,194,194,191,182,181,183,191,202,204,186,137,137,183,183,181,137,137,137,137,181,186,189,189,181,178,133,131,132,181,189,181,129,128,131,129,129,127,124,183,199,202,189,173,173,186,194,178,78,69,84,109,121,125,123,121,127,178,178,131,127,127,131,181,183,181,181,179,179,183,191,194,196,199,199,194,181,136,183,194,196,191,137,128,126,127,130,131,133,183,199,207,209,212,215,207,133,124,135,186,191,199,199,196,199,204,204,199,191,183,181,178,133,127,123,125,123,122,125,129,124,121,123,124,124,131,183,191,191,189,194,196,196,191,183,176,176,176,176,174,176,181,183,186,186,181,176,176,176,176,176,178,189,194,194,191,191,191,189,189,186,178,176,178,178,181,189,191,194,196,199,202,202,199,189,181,178,133,115,91,90,99,181,199,199,202,207,212,209,207,204,203,204,207,209,209,209,209,212,212,215,212,209,212,212,215,215,212,212,212,212,207,202,199,200,207,212,215,215,215,215,217,217,215,207,199,183,91,105,123,186,196,202,204,207,204,196,186,178,177,178,186,196,202,199,196,196,202,204,202,196,189,191,196,202,202,204,207,209,209,207,207,209,199,133,128,181,191,196,196,196,196,194,189,181,173,174,186,194,202,204,207,204,191,194,204,204,181,123,127,191,204,204,196,194,189,186,186,189,189,191,186,178,178,181,178,177,181,189,194,191,194,202,204,209,207,196,196,199,196,186,139,137,114,99,129,202,209,215,215,215,209,209,209,207,204,204,207,212,222,222,217,216,217,225,228,225,225,225,228,230,233,230,228,228,230,233,233,233,233,233,233,233,225,212,211,212,212,212,212,212,215,217,222,217,215,217,222,222,217,215,209,147,139,145,207,217,222,222,222,225,225,217,215,213,213,215,217,225,228,230,228,226,228,230,230,228,225,222,218,218,222,228,233,238,246,246,246,241,241,241,241,238,235,235,235,238,235,209,149,153,204,207,212,215,212,212,217,225,235,241,243,243,243,243,243,246,246,246,243,243,243,243,246,243,238,233,228,228,230,233,233,230,228,228,225,225,222,222,222,228,233,235,233,230,228,225,222,217,217,212,207,202,149,148,147,149,204,209,215,215,217,222,225,225,225,225,225,222,222,217,215,212,209,207,207,204,202,199,194,191,189,189,186,183,181,181,137,137,136,137,137,183,186,186,183,183,186,189,194,199,202,202,202,202,207,212,217,222,228,235,238,241,238,235,233,230,230,228,225,222,217,215,215,213,213,217,225,228,225,224,225,225,222,217,0,225,217,222,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,194,181,176,176,170,163,152,144,105,103,103,105,105,103,103,107,111,115,117,125,186,204,212,215,215,217,222,225,225,225,222,222,222,217,215,215,215,215,215,215,215,212,209,209,209,207,202,202,202,202,202,204,204,204,204,204,202,199,199,199,202,204,202,196,195,196,199,202,200,202,207,209,209,209,209,209,209,207,207,204,204,204,202,196,191,186,186,189,194,199,202,204,207,207,207,207,207,209,209,212,212,212,215,215,212,209,204,204,209,212,209,209,212,25,19,15,19,23,25,19,9,9,3,3,5,15,25,37,41,43,43,47,43,37,25,33,37,37,37,37,37,41,43,43,47,55,55,61,69,75,75,105,108,113,105,69,73,121,147,137,19,0,0,0,49,85,87,87,144,183,209,209,209,220,254,255,255,243,220,204,202,215,233,233,207,160,87,73,73,75,93,155,165,163,134,29,2,17,65,103,95,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,0,0,131,98,51,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,69,113,111,90,79,73,73,74,74,53,45,37,29,25,0,0,0,0,56,23,0,0,0,0,0,0,0,0,0,0,72,126,147,160,170,173,189,241,251,248,251,255,255,255,251,243,235,225,235,246,233,168,150,150,85,61,45,22,23,61,173,225,235,233,243,251,238,222,224,238,254,254,255,255,255,238,196,155,131,152,170,163,121,55,47,63,65,31,0,0,13,29,13,0,0,0,55,165,199,178,144,144,165,176,183,183,168,124,81,81,91,160,170,157,95,55,37,42,83,157,168,155,85,71,73,70,70,81,93,95,95,95,137,142,142,134,137,160,170,137,87,79,61,45,49,77,99,142,144,103,93,87,92,168,191,194,194,194,173,152,99,92,93,97,93,95,107,160,168,103,77,77,99,144,137,131,134,99,77,72,85,89,77,65,67,67,79,147,165,147,0,0,0,181,194,181,176,160,139,87,79,126,147,155,152,131,81,76,78,131,157,165,150,139,137,131,126,121,121,129,137,137,121,85,77,45,25,20,27,45,77,113,75,61,61,65,75,116,116,75,59,61,81,126,121,111,108,116,116,121,113,69,53,49,53,53,45,47,59,77,75,57,34,29,30,47,51,45,45,51,49,43,43,49,59,59,61,71,71,71,103,75,63,47,42,45,61,67,53,35,25,25,35,61,98,98,98,103,33,8,9,41,98,71,49,43,29,33,61,65,17,5,45,63,45,39,124,173,39,0,5,160,255,255,225,209,225,225,209,199,202,228,243,255,255,255,251,238,228,222,222,238,251,255,255,255,246,222,73,37,11,8,13,49,63,49,44,48,63,100,108,108,100,82,45,32,35,45,77,92,100,0,0,111,111,103,85,33,0,0,0,0,0,9,21,31,33,37,43,77,98,126,147,152,139,108,41,1,0,0,13,47,79,150,176,183,170,150,150,165,173,163,144,142,134,129,121,79,63,51,41,33,23,12,9,10,21,33,49,65,73,105,95,65,53,43,42,41,43,43,37,21,11,1,0,0,0,0,0,0,5,23,33,39,51,63,89,124,93,129,139,137,137,139,152,160,160,152,148,150,152,157,165,181,189,181,168,165,157,95,65,43,45,65,89,109,157,157,152,111,150,152,152,109,102,102,105,142,150,157,168,181,168,142,126,126,131,131,124,83,57,47,48,116,163,0,0,0,255,255,255,255,0,255,255,255,255,255,243,220,183,157,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,27,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,95,142,0,0,0,160,168,170,189,196,202,207,196,181,150,124,100,48,7,0,0,0,0,0,0,0,0,0,0,0,0,183 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,19,69,152,157,160,165,168,170,170,165,164,164,165,176,183,186,178,172,170,173,183,189,194,196,199,194,191,191,194,194,196,194,183,133,129,111,105,115,196,202,196,131,131,131,117,107,113,173,176,129,173,183,183,178,178,178,181,194,204,207,204,194,176,130,130,133,181,194,207,209,204,204,212,215,207,191,186,189,196,199,199,194,186,189,196,199,196,189,183,181,183,189,196,207,207,194,186,186,131,128,130,133,186,189,186,189,196,207,212,215,215,212,212,212,212,207,204,204,207,209,207,202,191,135,127,176,186,178,133,186,191,181,132,133,186,196,204,204,204,204,204,202,196,194,196,199,196,183,183,189,181,131,132,196,209,204,194,191,194,196,202,207,212,212,209,207,204,207,207,204,199,189,129,123,123,125,131,178,189,189,191,199,204,202,186,191,133,119,121,123,115,114,123,176,183,189,186,133,131,178,181,178,178,176,181,186,183,183,191,196,194,191,194,191,186,178,131,128,181,191,191,133,123,133,194,199,186,134,135,181,131,128,178,186,133,132,133,135,135,135,178,181,186,194,194,189,186,189,191,191,189,191,191,194,196,191,183,186,189,196,202,207,204,202,191,135,128,128,135,189,199,202,183,111,117,133,183,186,194,194,189,194,202,207,209,209,209,204,191,186,189,194,194,191,183,179,181,186,132,129,133,199,207,207,207,209,215,215,212,212,222,228,228,204,135,141,202,212,215,215,217,222,228,228,228,228,228,225,224,224,224,225,228,230,230,225,222,217,217,217,222,222,222,217,215,215,209,209,212,215,215,212,199,146,196,199,202,204,207,209,209,209,209,212,212,209,207,202,200,200,200,202,204,209,207,196,141,138,194,204,204,196,189,187,189,189,186,186,186,189,189,191,189,181,137,181,183,181,137,133,133,135,135,137,183,189,194,191,183,135,133,133,178,186,181,133,176,181,131,127,125,124,191,207,209,199,183,181,183,178,125,91,84,105,113,119,118,118,121,131,178,135,131,131,131,133,183,196,202,199,194,196,202,202,202,202,204,204,204,191,186,194,207,207,196,183,131,127,127,128,130,133,186,199,204,209,209,207,194,122,121,186,194,199,204,207,204,204,207,209,202,194,189,189,189,183,133,127,125,125,123,127,129,123,121,123,124,124,131,181,186,183,183,186,186,183,178,131,129,133,181,181,178,178,181,183,183,183,181,176,173,176,178,178,183,189,191,191,191,191,191,183,181,183,189,194,199,191,177,178,189,196,199,199,199,199,202,196,189,183,133,117,96,88,87,99,191,202,204,209,212,209,207,204,204,207,209,209,209,209,207,207,209,212,212,212,212,215,215,212,209,209,212,212,212,204,202,202,207,212,212,212,215,212,215,217,209,202,194,186,110,116,131,194,204,207,207,209,207,196,181,174,174,178,186,191,199,202,202,204,209,209,207,204,204,207,209,209,207,207,207,209,209,204,204,209,207,186,131,178,186,194,196,196,196,194,189,183,176,176,183,189,191,196,199,199,196,194,199,196,183,131,129,181,194,196,196,194,189,183,183,189,191,194,191,183,178,178,178,178,181,186,191,194,202,204,202,209,209,207,204,202,191,137,136,137,94,90,121,199,207,212,215,215,212,212,209,209,207,209,212,217,225,225,217,215,215,217,222,222,225,225,228,230,233,233,230,230,235,235,233,233,230,230,233,233,225,212,208,209,209,209,211,215,215,217,217,215,215,217,222,222,215,212,212,212,151,151,207,217,222,222,222,228,225,217,215,215,215,215,217,225,230,230,228,226,230,233,233,230,228,225,225,222,220,222,228,235,241,243,241,238,235,235,238,235,235,235,238,238,230,146,141,146,155,157,209,215,222,222,225,230,238,243,243,243,243,246,246,246,246,246,243,243,243,243,246,243,241,235,230,230,233,235,233,230,230,228,225,225,222,221,222,225,230,235,233,230,228,228,222,217,215,212,204,199,196,148,148,196,204,212,217,217,217,222,225,225,225,225,225,222,222,217,215,212,209,209,207,204,204,199,194,191,191,189,186,183,181,137,136,136,137,137,137,181,186,186,183,139,183,189,194,202,204,204,202,204,207,212,215,222,228,233,238,241,241,238,235,230,230,230,228,225,222,217,215,215,215,217,222,225,225,224,225,228,228,222,222,222,217,217,222,225,0,0,0,0,0,228,217,0,0,0,0,0,0,0,204,189,183,183,183,176,165,152,147,142,103,101,103,105,103,103,105,109,115,115,121,176,196,207,212,212,217,222,228,228,228,228,225,222,217,215,209,209,209,212,215,215,212,209,207,207,204,202,202,202,204,204,204,204,204,202,199,196,196,196,196,196,199,199,196,196,199,202,202,202,204,209,209,209,209,212,212,209,207,207,207,207,204,202,199,196,191,186,186,191,196,202,207,209,209,209,209,212,212,212,209,209,212,212,212,212,209,204,204,207,209,209,212,212,41,23,9,9,13,19,23,19,11,5,3,9,19,37,49,51,51,53,51,47,41,35,25,25,23,25,25,33,37,37,41,43,49,53,55,61,69,75,75,105,113,105,49,46,63,81,75,23,0,0,0,3,85,144,163,181,189,209,215,217,228,255,255,255,255,241,209,176,170,178,189,176,107,79,55,35,31,55,126,163,155,75,17,31,0,0,124,108,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,53,0,0,118,82,48,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,25,37,59,87,118,126,118,100,90,92,92,92,82,74,66,45,37,31,0,0,0,0,72,53,11,0,0,0,0,0,0,0,0,0,66,116,144,157,160,168,189,241,251,248,248,255,255,248,241,230,225,220,230,248,251,168,144,139,57,23,12,9,25,79,189,225,228,225,233,238,228,216,221,233,254,255,255,255,255,238,196,139,120,137,160,144,73,41,33,55,59,15,0,0,0,5,3,0,0,0,7,157,196,176,111,105,144,173,183,191,176,139,84,81,91,160,178,165,142,71,42,48,89,157,168,168,134,91,79,73,79,93,93,81,81,89,134,144,147,147,157,189,181,101,75,61,52,47,57,87,103,142,144,105,95,87,91,157,191,194,194,191,173,152,103,95,92,90,86,89,99,155,155,75,68,83,142,152,139,133,134,95,76,69,79,83,67,63,77,85,79,137,160,79,0,0,248,233,215,202,191,176,124,57,65,85,121,137,157,155,129,83,91,139,157,176,165,165,157,155,150,155,155,144,144,129,118,85,79,41,23,21,33,55,69,67,52,52,56,61,75,111,108,73,63,63,111,129,129,118,118,116,116,113,79,69,55,55,61,65,63,65,65,63,61,49,37,32,32,37,35,29,29,39,43,43,43,53,73,73,73,65,53,45,49,63,61,47,41,42,49,61,53,37,25,22,25,43,63,98,98,59,13,4,9,47,67,47,25,27,11,10,45,63,45,45,108,75,75,118,163,199,170,43,35,181,254,255,238,225,233,233,230,222,220,228,238,246,251,251,246,243,238,233,238,251,255,255,255,255,243,207,53,21,11,11,29,63,69,57,45,49,98,116,116,116,108,85,51,41,39,43,77,92,0,0,0,131,118,111,87,37,0,0,0,0,0,0,1,7,13,21,37,72,90,108,126,131,126,100,45,5,0,0,7,53,111,150,168,163,152,142,150,173,181,165,152,147,137,129,121,79,63,51,45,39,29,21,12,13,21,33,47,59,65,67,71,69,59,45,39,40,45,55,53,47,33,17,0,0,0,0,0,0,3,15,25,33,39,57,81,124,124,89,95,99,134,139,152,163,163,152,152,148,150,157,168,181,183,181,170,173,168,109,83,57,57,75,97,150,163,157,150,109,109,150,111,109,103,103,109,109,150,157,168,168,157,142,134,134,134,134,126,79,57,48,51,111,155,0,0,0,255,254,251,251,255,255,255,255,255,255,243,220,170,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,27,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,90,142,0,0,0,165,168,170,183,191,196,196,191,181,160,134,105,56,11,0,0,3,0,0,0,0,0,0,0,0,0,186 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,11,0,0,0,0,0,0,0,0,7,129,147,160,165,165,165,165,165,165,168,170,181,186,186,178,170,168,172,183,194,199,202,202,199,202,202,204,207,209,207,199,186,129,99,87,87,181,209,199,115,95,115,113,108,110,127,181,186,186,186,183,178,178,183,194,204,209,212,207,196,176,129,130,133,183,199,212,215,209,207,207,207,199,186,181,186,194,196,196,191,186,186,194,199,199,194,183,178,181,194,209,215,207,186,133,130,125,127,191,207,196,183,181,196,212,217,222,222,215,212,212,212,212,207,202,202,207,212,209,207,199,176,121,123,176,131,129,181,186,181,133,133,181,191,199,202,202,204,207,204,199,196,202,207,207,196,194,196,191,133,126,194,207,202,196,196,199,202,202,204,207,207,207,204,207,207,204,202,202,186,125,121,121,124,131,178,183,181,183,194,204,212,209,196,115,116,121,117,112,125,181,181,183,189,183,129,128,176,191,191,189,189,196,199,194,189,191,194,194,191,189,186,181,135,127,124,133,186,181,127,122,135,196,202,191,135,132,133,133,133,183,183,178,178,181,178,131,129,131,133,178,183,183,178,178,186,194,196,191,191,194,199,202,199,194,191,196,199,202,202,199,194,181,131,131,178,191,196,199,199,189,123,121,129,135,137,183,186,189,196,202,207,207,209,209,204,196,189,189,191,191,189,183,179,179,186,135,133,186,199,202,199,202,207,212,212,204,204,207,212,215,209,204,202,207,215,217,217,222,228,230,230,228,228,228,225,225,225,225,228,228,228,228,228,225,222,222,222,222,225,225,222,222,222,222,217,215,215,212,207,196,146,196,204,207,209,207,204,202,204,207,209,212,212,207,202,200,200,200,200,202,204,202,189,135,133,139,196,199,191,187,189,189,189,186,191,196,194,194,191,186,183,183,183,183,181,135,133,135,137,137,135,137,186,199,204,199,183,181,178,133,133,133,176,189,199,189,176,126,124,189,202,209,204,189,176,123,117,121,127,178,183,173,129,125,123,125,129,131,129,131,178,181,181,189,204,212,212,212,215,217,215,212,209,209,207,204,196,194,202,212,215,207,199,196,189,181,135,135,183,191,199,202,199,194,186,129,122,127,207,207,207,209,212,209,207,209,209,204,199,196,199,202,196,186,133,127,125,125,131,176,131,127,127,125,127,131,176,176,176,176,176,133,129,129,128,128,133,183,183,181,178,181,181,183,183,178,176,172,173,178,178,183,186,189,183,181,181,181,133,129,176,194,204,209,202,176,177,194,199,199,196,194,196,204,204,196,191,181,125,115,103,90,90,113,194,202,204,207,209,209,209,209,209,209,209,209,207,204,202,204,209,209,212,212,212,212,209,209,209,209,212,215,215,212,209,209,209,212,212,212,209,212,212,202,194,196,191,121,121,135,199,207,207,207,209,209,202,183,176,176,178,186,191,199,207,209,212,215,215,212,209,209,209,209,209,209,209,207,207,207,204,203,207,209,194,135,135,186,194,199,199,194,191,189,186,181,183,186,186,186,189,194,199,196,194,194,191,181,131,131,176,186,191,194,194,186,182,182,191,196,196,194,186,181,181,186,186,189,189,189,194,199,196,196,202,209,209,207,202,191,181,139,186,98,98,137,202,207,209,212,212,207,207,207,207,207,209,212,217,225,225,222,216,216,216,216,216,217,222,225,228,230,233,230,230,230,230,230,228,228,230,230,233,230,222,212,211,212,215,217,222,222,217,215,213,215,225,228,228,217,212,215,217,209,204,212,225,225,222,225,230,228,217,215,217,217,215,217,228,233,233,230,230,230,233,230,230,230,230,230,228,222,217,222,230,235,238,238,235,230,230,233,235,238,238,241,241,233,151,144,148,155,157,207,215,225,228,228,233,238,243,246,246,246,246,246,246,246,246,243,243,243,246,246,243,241,238,233,233,235,235,235,233,230,228,225,225,222,220,220,222,230,233,233,230,230,228,222,217,215,209,204,199,196,149,148,196,204,212,217,217,217,217,222,225,225,225,222,222,222,222,217,215,212,209,207,207,204,199,196,191,191,189,186,183,181,137,136,137,137,181,137,181,183,183,139,139,183,189,196,204,209,207,207,207,209,212,215,217,225,230,233,238,241,238,235,233,230,230,228,225,222,217,215,215,217,217,222,222,225,225,228,233,235,228,222,217,215,212,209,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,191,0,191,191,181,168,155,147,144,107,99,99,103,105,105,107,111,115,119,125,176,189,199,207,212,217,225,225,230,233,230,225,222,217,212,208,207,209,212,212,212,209,207,204,204,202,200,200,202,204,204,204,202,199,196,194,191,194,194,194,194,196,196,199,199,199,202,204,204,207,209,209,209,212,215,215,209,207,204,207,207,204,202,199,196,191,186,186,189,196,204,209,209,209,209,212,212,212,212,209,209,209,212,212,212,209,204,200,202,204,207,207,209,33,19,5,0,3,15,33,33,25,19,15,15,25,41,49,51,53,57,57,51,43,41,33,21,21,21,23,25,35,37,43,43,49,53,55,61,61,69,69,75,105,105,46,36,49,69,75,41,0,0,0,0,55,142,176,196,199,207,215,217,230,254,255,255,251,246,215,176,152,152,152,107,93,75,45,0,19,31,77,155,163,131,113,0,0,0,82,49,13,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,150,134,100,56,40,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,87,111,116,126,137,137,129,118,111,116,121,116,105,98,79,72,64,41,35,0,0,0,72,64,25,0,0,0,0,0,0,0,0,9,59,87,113,134,142,155,189,233,248,248,254,251,235,222,207,204,207,209,209,225,217,163,160,178,97,33,11,8,35,99,189,215,222,225,238,251,251,233,230,235,243,254,255,255,255,228,196,155,124,138,155,137,59,27,9,5,0,0,0,0,0,0,0,0,0,0,0,87,178,168,90,51,71,121,155,183,183,168,137,126,144,178,194,170,163,93,61,55,89,147,163,170,160,134,93,89,95,99,81,65,69,91,142,157,163,168,181,199,191,144,85,73,61,57,77,91,99,101,105,139,103,93,97,168,189,191,194,183,170,152,144,109,99,93,90,93,101,147,99,60,67,97,152,147,137,134,137,131,85,79,87,89,83,75,77,77,70,73,91,77,13,0,251,209,207,194,131,31,15,27,47,71,77,91,152,168,157,147,150,150,157,165,178,176,176,173,181,186,178,152,137,85,73,69,65,39,23,19,27,49,63,57,52,61,63,71,77,108,73,61,57,67,108,121,118,111,111,111,81,69,63,55,55,61,67,73,79,105,75,61,49,47,43,43,43,37,25,23,22,27,41,43,38,49,71,100,67,59,45,38,39,49,57,51,44,44,47,53,53,43,33,25,25,43,61,98,98,61,29,12,25,45,41,21,13,17,6,3,17,45,39,45,79,108,116,129,165,222,222,142,142,196,246,246,230,225,230,230,230,222,222,222,228,235,243,246,251,243,238,243,251,255,255,255,255,255,251,238,59,31,21,31,49,63,65,51,47,69,139,157,139,116,98,85,77,74,66,43,61,0,0,0,0,131,118,95,77,31,0,0,0,0,0,0,0,0,0,9,29,49,82,98,103,100,100,63,37,0,0,0,0,39,75,121,126,121,126,134,147,173,181,165,155,160,152,137,134,116,71,57,49,45,39,31,23,21,25,33,43,49,55,59,63,71,59,45,41,42,49,61,67,63,49,31,11,0,0,0,0,0,5,17,21,25,33,51,75,124,91,87,91,95,99,142,155,165,163,155,152,148,152,155,165,170,181,170,168,173,181,152,91,67,67,83,103,150,160,150,109,103,105,109,109,105,103,105,144,150,150,163,173,173,160,150,144,142,142,134,89,67,53,51,61,126,160,0,0,0,251,246,246,248,255,255,255,255,255,251,238,204,144,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,40,33,20,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,100,150,0,0,0,168,168,170,183,191,189,189,189,181,163,142,108,59,19,3,0,3,0,0,0,0,0,0,0,0,0,186 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,1,0,0,0,0,0,0,13,29,81,139,163,165,163,157,160,163,168,173,181,186,186,181,178,176,173,178,189,199,202,202,202,202,202,204,207,207,209,212,209,202,194,125,87,87,115,207,202,119,92,105,113,112,117,127,178,183,181,181,183,181,178,186,202,207,209,212,212,202,181,131,133,176,181,189,196,202,199,199,196,196,189,181,178,183,191,191,189,186,183,183,186,191,194,191,183,177,176,191,207,212,202,181,131,130,126,127,186,196,186,135,183,215,217,217,220,217,215,212,209,209,207,204,199,199,202,204,207,207,202,191,123,120,127,129,127,133,181,181,178,176,133,178,189,196,199,202,207,204,199,199,202,207,209,204,196,199,196,181,115,194,199,194,194,202,204,204,204,204,204,202,202,202,204,204,202,199,199,196,186,133,125,124,129,178,181,178,133,178,202,212,209,204,109,114,123,118,117,183,189,183,189,199,199,133,130,181,194,196,189,191,204,209,202,194,194,194,194,189,183,183,181,178,127,122,129,181,178,127,125,178,191,196,194,183,132,134,189,189,189,183,181,186,189,181,129,127,128,129,133,178,178,177,177,186,196,196,191,189,196,202,204,204,196,191,194,196,196,194,194,191,183,135,183,191,199,199,194,191,186,135,129,135,137,135,137,186,194,199,204,207,207,204,207,204,196,189,189,186,186,191,189,181,181,189,186,186,191,191,139,141,196,207,212,215,207,204,204,204,209,215,217,212,209,212,217,222,225,228,230,230,230,228,228,228,228,228,228,228,228,228,228,225,225,225,228,225,225,228,228,228,225,225,225,220,212,202,196,194,147,194,199,207,212,212,207,202,199,199,199,202,207,209,207,204,202,202,204,204,204,204,199,189,136,134,139,199,204,199,194,194,191,189,189,196,199,196,196,194,189,183,183,181,137,137,133,133,137,183,181,137,137,183,199,212,209,194,189,183,135,131,131,178,196,209,204,186,129,127,181,189,196,196,183,123,113,110,123,178,189,191,194,191,189,183,133,123,122,123,178,186,189,189,196,207,209,209,215,222,225,222,217,217,209,204,199,194,194,202,212,215,212,212,215,215,204,189,189,196,202,199,196,178,127,127,125,131,196,215,215,212,212,215,212,209,209,212,209,202,196,199,202,202,191,178,129,127,133,186,194,194,183,131,129,131,133,129,128,129,129,128,127,126,127,128,129,178,186,183,181,181,181,183,186,183,181,173,172,173,178,178,181,183,183,178,132,132,133,129,125,129,194,204,209,207,181,183,199,204,202,194,191,194,202,204,194,189,181,133,133,133,113,95,97,119,133,181,194,202,207,209,212,212,209,207,204,202,199,199,202,204,209,209,209,209,209,209,208,208,209,212,215,217,217,215,212,209,212,212,212,209,207,194,131,181,194,191,127,123,133,194,204,204,204,209,212,209,199,183,178,181,186,191,202,209,212,215,215,215,212,212,209,208,207,208,209,209,209,207,204,204,203,207,207,196,181,181,186,194,199,196,191,186,186,186,186,189,191,191,189,189,194,199,202,202,199,196,186,178,176,178,181,183,189,191,186,181,183,194,199,199,194,189,186,189,191,191,191,191,189,189,191,189,191,196,204,207,204,199,191,189,191,191,119,121,186,196,204,207,207,207,204,204,204,207,207,207,209,212,217,222,222,220,222,222,222,217,217,220,222,225,228,230,230,228,222,222,222,222,225,228,230,233,233,233,228,225,225,230,233,233,230,225,215,213,217,228,233,230,222,215,222,222,215,212,222,228,228,225,228,233,228,215,212,215,215,215,217,225,230,230,230,230,228,228,228,228,228,233,233,230,222,215,216,222,228,230,233,230,228,228,233,238,241,241,243,243,238,222,209,209,207,157,157,212,225,230,233,235,241,246,248,248,248,248,248,248,246,246,243,246,246,246,243,243,241,238,235,235,238,238,235,233,230,228,225,225,222,220,220,222,228,233,233,233,230,228,222,217,212,207,202,196,196,149,148,196,204,209,212,215,215,217,217,222,222,222,222,222,222,222,217,215,212,209,207,207,204,202,196,194,191,189,189,186,183,181,137,137,181,181,137,135,137,137,137,139,183,191,196,204,212,212,209,207,209,209,212,215,222,225,230,233,238,238,235,233,230,230,228,225,222,220,217,217,222,222,222,222,225,228,233,241,243,233,222,215,209,207,205,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,196,0,194,191,186,173,163,155,150,142,99,96,101,107,109,109,113,115,123,170,178,186,196,207,215,222,222,222,228,233,233,225,217,215,209,208,208,209,212,212,209,207,204,204,204,204,202,200,202,202,202,202,202,199,194,191,189,189,191,191,194,196,196,199,199,196,202,204,207,209,212,209,209,215,217,215,209,204,204,207,209,207,204,199,196,189,141,141,189,196,204,209,209,207,207,209,212,209,209,207,207,209,209,212,212,209,202,200,202,204,207,204,204,9,9,3,0,0,9,33,45,45,37,25,23,25,33,41,41,49,55,55,51,49,47,37,22,21,22,23,25,37,43,43,49,51,55,55,55,61,61,61,61,73,111,49,42,49,75,81,67,0,0,0,0,13,85,168,194,199,199,207,209,228,243,243,220,230,248,243,212,181,170,165,107,89,95,71,29,29,53,77,155,173,160,139,163,160,63,25,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,173,150,111,100,105,87,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,116,126,134,142,147,144,137,137,137,139,134,124,108,100,82,72,64,59,56,66,74,77,72,48,5,0,0,0,0,0,0,0,9,27,37,45,85,116,137,173,220,230,241,254,241,212,181,173,178,191,196,199,209,196,170,186,209,181,91,29,18,37,79,163,191,220,230,251,255,255,255,246,228,228,228,243,254,238,204,204,189,155,155,155,124,45,5,0,0,0,0,0,0,0,0,0,0,0,0,0,1,129,129,37,0,0,1,19,121,150,157,160,160,170,194,194,170,165,155,87,69,77,131,157,168,163,155,150,139,142,93,63,59,69,101,155,157,142,147,173,196,196,173,150,139,87,79,89,89,87,91,97,107,144,107,107,170,189,191,186,173,160,160,163,152,107,99,101,107,144,101,74,55,75,150,144,97,91,99,139,150,142,134,134,139,131,89,83,77,66,61,79,121,152,0,0,0,0,0,0,0,0,13,55,81,85,121,139,155,163,160,152,147,147,157,165,165,163,176,181,186,155,129,85,73,61,59,59,39,27,15,17,37,57,57,75,113,111,108,108,79,65,55,57,69,79,79,75,73,73,71,63,51,51,53,55,63,69,79,113,126,116,71,55,43,43,49,55,41,29,21,21,25,39,39,36,41,61,69,61,59,51,42,41,44,55,57,53,53,57,61,55,49,49,43,45,55,61,75,108,103,103,69,57,33,9,0,7,21,9,5,11,27,19,17,43,81,118,137,157,230,255,202,183,202,228,222,199,194,194,199,209,209,207,204,209,228,238,251,255,251,246,251,255,255,255,255,255,255,251,235,73,51,51,55,57,61,61,49,57,116,183,194,150,108,90,82,90,90,82,59,37,0,0,0,0,131,103,85,66,31,0,0,0,0,0,0,0,0,0,0,21,45,79,87,95,87,82,57,33,0,0,0,0,5,39,51,45,51,67,124,147,163,170,163,163,173,168,152,144,137,87,69,57,51,45,39,33,29,29,33,37,43,49,53,59,65,59,51,47,49,55,61,63,63,55,45,31,19,5,0,0,0,7,17,21,21,29,43,63,89,89,85,95,131,134,139,150,163,168,157,152,148,152,155,160,168,168,168,165,168,170,155,93,77,73,87,103,152,152,111,101,100,101,103,103,103,105,111,152,152,152,160,183,173,160,155,160,152,152,134,85,53,45,51,79,142,173,0,0,0,243,243,243,246,254,255,255,255,255,248,230,183,108,77,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,43,35,27,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,56,113,160,183,0,0,168,168,170,183,189,189,183,189,189,168,142,113,64,21,9,3,3,0,0,0,0,0,0,0,0,186,191 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,45,65,137,160,163,157,155,157,165,165,176,186,189,181,176,178,183,178,181,191,199,202,202,202,202,202,204,204,204,204,207,207,207,207,215,194,135,131,204,194,117,103,109,117,123,129,131,173,173,128,173,186,186,178,181,194,202,204,209,215,207,189,178,178,181,178,178,181,183,186,186,183,183,178,177,178,183,189,186,137,135,137,181,183,189,191,189,183,179,172,181,202,207,199,186,181,186,178,131,135,178,134,134,183,207,209,207,209,209,209,209,207,204,204,202,199,196,196,196,199,202,202,207,181,123,125,127,123,127,133,186,189,181,129,129,181,194,199,202,204,202,196,194,199,207,204,202,196,199,202,189,113,189,189,189,191,199,207,207,207,207,202,199,196,194,196,199,196,194,194,199,204,199,178,124,127,178,181,176,124,124,204,204,196,186,108,111,120,120,123,178,183,189,196,215,217,196,133,176,189,189,186,191,209,222,212,204,199,194,191,189,183,183,186,183,133,124,127,181,183,135,133,178,183,186,191,191,134,176,191,189,186,178,178,186,191,181,129,127,128,131,133,178,181,178,178,186,191,191,186,186,196,207,207,204,196,189,186,189,191,194,191,189,186,191,199,199,199,196,191,186,186,183,186,186,181,135,135,183,194,199,204,204,202,202,199,194,183,181,183,186,183,186,189,183,183,191,191,191,191,137,131,133,191,204,212,215,209,207,204,203,207,215,222,207,196,202,209,217,222,225,228,230,230,228,230,230,233,230,228,228,228,225,225,222,222,225,225,225,225,230,233,230,230,228,225,217,204,137,121,123,135,147,204,215,217,215,209,207,202,196,194,194,199,202,204,202,202,204,212,209,204,199,196,189,139,139,196,215,217,209,196,191,186,185,191,196,196,194,196,196,189,183,181,135,135,133,131,133,181,189,186,186,183,183,196,209,207,196,194,191,183,133,132,183,202,212,209,191,176,131,178,181,183,183,131,119,115,112,176,186,191,194,196,202,204,202,183,123,120,125,191,194,194,196,202,207,207,207,209,215,217,217,217,217,212,204,199,196,196,199,204,209,212,215,222,225,212,196,194,202,207,202,191,119,113,117,127,189,209,215,215,212,212,212,212,209,209,212,209,202,194,191,196,196,191,183,181,178,189,204,212,215,204,176,131,176,176,128,127,129,131,128,127,127,128,131,178,186,189,183,181,181,183,189,189,186,181,176,173,176,178,178,181,183,183,181,176,176,178,133,125,126,181,191,199,204,186,189,204,204,199,189,185,189,199,199,189,186,183,183,186,189,137,113,98,94,95,103,135,191,199,207,209,207,204,202,202,199,196,196,199,204,207,209,209,208,209,209,208,209,209,209,209,212,217,215,209,207,209,212,207,204,191,111,103,116,137,181,131,127,178,194,199,199,202,207,212,215,204,189,181,181,183,191,204,209,209,212,212,212,212,212,212,209,207,207,209,212,209,207,204,204,204,207,207,199,186,186,189,194,196,194,189,185,186,189,189,191,196,196,191,191,199,204,207,204,204,202,194,186,183,181,177,178,183,189,183,181,183,196,202,199,194,189,191,194,194,191,189,189,187,189,189,189,191,196,196,199,199,194,191,194,196,194,135,133,139,186,194,199,202,204,202,202,204,207,207,207,207,207,209,215,222,222,228,230,230,228,225,225,222,225,228,230,230,225,215,213,215,217,225,228,230,230,233,238,235,233,233,235,235,235,235,230,217,212,215,228,235,233,228,225,228,228,222,222,222,222,225,222,222,222,212,202,199,204,207,207,209,217,225,222,225,225,222,217,215,217,222,228,233,233,222,215,215,216,222,228,230,228,222,225,233,238,241,243,243,241,235,225,217,217,212,157,156,212,228,233,235,241,243,248,248,248,248,248,248,248,246,246,246,246,246,243,243,243,241,241,238,238,0,235,235,233,230,228,225,225,225,222,220,222,228,230,233,230,230,228,222,217,212,207,202,196,196,194,148,194,202,207,209,209,212,215,217,222,222,222,222,222,222,217,217,215,215,212,207,207,204,202,196,194,191,191,189,186,186,183,181,137,181,137,135,133,135,135,137,139,183,191,196,204,209,212,209,207,207,207,207,209,215,220,225,230,235,238,235,235,233,233,230,228,225,222,217,217,222,228,228,228,228,230,235,243,243,230,222,215,209,205,205,207,217,0,0,0,0,0,0,0,0,0,0,0,0,0,222,199,0,196,194,191,186,178,168,157,144,99,96,101,109,111,111,111,111,121,129,176,183,194,207,217,222,222,222,228,230,230,222,212,209,209,208,209,212,212,209,207,204,204,204,204,204,204,202,202,202,202,204,204,202,196,191,189,187,189,194,194,196,199,199,196,196,199,207,207,209,209,209,212,217,220,212,204,196,202,207,209,209,204,199,191,141,137,139,189,199,207,209,207,202,202,204,204,204,207,207,207,207,209,212,212,209,204,202,204,207,207,202,202,0,0,0,0,1,9,21,41,47,47,37,21,15,15,21,25,43,51,55,51,49,43,37,25,25,25,23,23,37,47,51,53,55,55,55,55,55,61,61,61,69,113,69,55,69,81,124,113,0,0,0,0,13,85,165,189,189,191,196,202,222,230,209,194,198,230,251,246,230,225,207,173,97,168,160,81,0,0,121,155,163,139,75,47,39,27,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,225,228,191,176,176,142,64,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,87,103,118,137,147,147,142,147,147,150,144,131,124,105,98,85,74,72,74,74,82,95,82,64,25,0,0,0,0,0,0,0,0,9,19,23,43,79,116,144,181,199,220,248,230,189,155,155,173,194,194,194,194,215,217,225,225,209,181,91,43,45,67,103,181,215,241,254,255,255,248,222,183,168,173,194,217,217,217,233,230,196,178,155,79,17,0,0,3,0,0,0,0,0,0,0,0,0,0,0,0,51,57,0,0,0,0,0,0,53,121,157,170,178,186,186,170,173,173,142,81,81,95,157,163,163,163,170,165,152,87,59,60,77,131,155,134,93,91,137,160,170,170,173,173,139,89,89,83,74,74,85,105,152,147,147,170,183,186,173,157,152,160,173,163,152,144,147,155,142,87,64,58,101,168,101,71,73,93,144,160,157,150,142,144,144,131,126,126,73,63,129,144,152,0,0,0,0,0,0,0,33,91,144,137,142,144,139,144,155,152,142,139,142,147,147,144,147,157,163,150,121,71,67,63,53,53,51,41,31,13,11,31,49,63,124,137,121,113,111,79,61,49,51,63,69,71,71,69,59,57,49,49,45,49,49,61,71,105,121,129,129,108,59,41,41,49,59,47,29,23,21,25,39,41,36,37,53,59,58,59,59,55,53,49,61,69,67,63,69,61,55,49,55,67,69,61,61,63,69,67,73,71,35,0,0,0,0,37,27,11,17,27,14,12,21,55,118,142,131,173,241,225,202,196,191,176,157,157,121,176,191,199,198,195,199,222,243,255,255,255,255,255,255,255,255,255,255,243,222,189,73,61,61,61,61,69,69,57,69,142,194,183,116,57,0,49,82,98,87,37,21,66,0,0,0,108,95,74,59,48,7,0,0,0,0,0,0,0,0,0,19,41,72,79,87,85,85,82,41,0,0,0,0,0,0,5,7,17,49,108,142,157,170,165,170,181,178,163,157,150,131,77,67,59,55,49,43,37,33,33,35,37,43,45,53,57,59,63,63,59,57,57,63,63,63,61,53,39,23,1,0,0,7,17,21,21,25,39,57,75,75,81,97,142,139,101,142,157,165,163,155,152,152,155,160,170,170,165,161,165,165,147,91,69,69,85,99,111,111,105,101,101,103,107,107,107,111,147,152,147,147,155,165,160,152,152,165,165,160,144,85,45,34,49,113,152,189,215,0,0,238,246,246,246,254,255,255,255,255,243,225,165,77,53,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,40,35,27,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,74,131,170,189,183,173,168,168,170,183,183,183,183,189,189,168,142,108,66,40,13,9,3,0,0,0,0,0,0,0,170,183,191 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,37,57,139,147,137,142,155,163,165,165,168,176,181,176,169,169,176,178,181,191,199,202,202,199,199,199,199,202,202,204,204,204,204,207,215,228,199,183,119,74,99,113,119,125,176,183,181,176,129,125,131,183,173,176,123,181,194,196,204,209,204,186,181,181,181,181,178,178,178,178,178,178,178,178,178,178,186,189,183,135,134,134,137,186,194,196,189,181,183,177,178,196,204,204,196,191,196,196,178,133,135,134,135,186,196,196,196,199,204,209,209,207,204,202,199,199,199,196,194,194,196,204,209,207,183,125,119,117,119,129,191,199,194,131,122,176,189,196,199,199,196,191,189,196,204,202,196,196,199,199,189,131,132,137,186,191,194,202,204,207,207,204,199,194,189,189,191,191,189,191,196,194,196,189,127,133,183,183,133,129,125,125,181,191,196,181,131,125,125,127,131,181,196,207,217,222,204,127,123,133,186,186,186,207,222,217,215,209,189,181,183,183,186,191,189,183,178,135,181,186,183,183,183,183,183,194,191,181,134,178,183,178,176,177,181,183,176,129,128,131,178,181,183,186,183,181,178,181,181,181,186,199,207,207,199,189,183,178,181,191,194,186,135,183,196,202,199,196,196,191,186,189,194,199,199,189,134,133,181,194,196,196,191,194,191,181,134,135,136,181,186,183,137,137,189,194,191,186,191,191,137,132,133,143,202,209,212,212,209,207,204,207,212,212,192,179,181,196,215,222,222,225,230,228,228,230,233,235,230,228,230,230,230,225,222,222,222,222,220,222,230,235,233,233,230,228,222,202,98,112,116,106,141,212,225,225,217,212,212,209,202,196,192,192,196,199,196,199,204,209,209,196,186,139,137,139,189,204,222,225,209,191,185,183,185,189,191,191,191,194,199,191,181,135,131,131,130,131,137,189,194,199,202,196,194,196,202,199,191,194,194,181,133,178,186,196,209,204,189,129,131,176,178,181,173,125,127,131,186,199,202,196,194,196,199,202,202,194,125,120,131,191,199,199,199,204,207,207,207,207,207,209,212,215,215,212,209,207,204,199,194,196,204,209,212,217,222,212,194,186,196,207,207,199,121,110,110,125,196,209,215,212,212,212,212,209,208,208,209,209,202,189,183,189,191,186,186,194,204,207,212,217,222,212,189,181,183,181,133,176,186,183,176,176,133,131,133,183,191,191,186,181,181,183,186,189,189,181,176,178,181,181,181,183,183,183,183,183,181,181,178,176,129,127,178,189,186,181,186,199,202,191,182,179,186,196,199,194,194,196,199,202,202,199,202,202,189,107,93,92,133,191,196,199,199,194,191,191,196,196,199,202,204,207,212,209,209,209,209,209,212,212,208,208,209,215,212,202,202,207,204,194,139,123,110,107,115,127,131,123,129,189,194,192,196,199,199,204,207,196,183,181,181,181,186,204,209,207,207,209,212,215,212,209,209,209,208,208,212,215,212,209,207,207,209,207,199,191,189,191,196,196,194,189,185,186,189,189,191,196,196,194,199,204,207,207,204,207,207,189,178,183,183,173,174,181,186,186,183,186,194,199,199,194,189,189,191,191,191,189,186,186,189,191,191,194,194,191,191,191,186,183,186,194,199,191,139,137,139,186,191,196,199,199,199,202,204,207,209,207,204,204,212,222,225,225,228,230,230,230,225,222,225,228,230,228,222,215,213,215,222,228,230,230,228,233,238,238,235,233,233,230,230,233,230,225,213,211,225,238,233,230,230,235,233,228,220,215,215,215,215,207,202,198,196,198,198,199,199,202,209,212,212,212,215,212,207,209,212,209,212,225,230,228,222,217,217,222,228,228,225,218,224,235,241,243,243,243,238,230,215,212,225,225,212,209,215,225,233,241,243,248,248,248,248,248,248,248,248,246,246,246,246,243,241,241,241,243,241,238,0,0,0,233,233,233,228,228,228,225,222,221,222,225,230,230,230,230,225,222,217,212,207,202,196,194,194,194,194,199,202,204,207,209,212,217,222,222,222,222,222,217,217,217,217,215,212,207,204,204,202,199,194,191,191,189,189,186,183,181,137,137,135,133,132,133,133,135,139,186,191,194,196,207,212,209,207,202,202,202,204,209,212,217,225,230,233,235,235,235,233,233,230,225,222,217,217,222,0,233,230,228,230,235,238,230,225,222,217,215,212,207,207,212,222,225,222,222,225,0,0,0,0,0,0,0,0,217,209,0,0,202,199,194,191,181,165,142,97,96,101,107,107,107,105,103,109,117,121,125,181,199,212,217,222,222,225,225,217,212,207,209,209,209,212,212,209,207,204,204,204,204,204,207,207,204,202,202,204,207,207,202,196,189,189,189,191,194,196,196,199,199,199,195,199,202,204,207,209,212,215,217,215,204,191,186,196,207,209,207,207,199,186,136,132,133,189,202,212,209,199,195,199,199,192,192,202,207,207,207,212,215,215,212,209,204,204,207,204,202,199,0,0,0,1,9,11,17,31,39,47,43,21,12,7,15,31,41,49,55,55,41,31,23,31,35,35,23,20,35,55,63,61,63,65,61,49,49,61,63,67,103,113,105,75,105,121,139,121,9,0,0,0,35,126,181,189,186,189,191,209,228,228,202,183,185,204,233,246,246,233,215,176,152,176,191,196,0,0,0,152,155,108,31,11,13,13,5,0,0,0,0,0,0,27,19,0,0,0,0,0,0,0,0,21,0,0,0,0,0,235,202,183,134,92,56,29,17,29,48,17,0,0,0,0,0,0,0,0,0,0,0,0,33,59,92,124,134,137,144,147,152,155,147,139,129,116,103,92,85,82,85,95,0,105,98,85,59,35,7,0,0,0,0,0,0,7,23,29,29,37,49,82,103,134,178,222,215,170,139,138,173,191,186,178,186,225,255,255,241,238,233,155,63,57,65,95,170,209,228,251,255,248,212,150,61,49,63,81,139,204,243,251,246,230,176,124,31,0,0,0,5,5,0,0,0,0,0,0,0,0,0,0,0,15,15,0,0,0,0,0,0,0,63,139,168,170,170,160,155,163,165,144,95,89,89,95,147,163,170,173,173,139,87,81,87,91,95,99,93,87,87,91,91,85,93,147,168,147,97,91,83,72,68,77,105,152,147,147,157,181,181,157,103,103,150,176,186,165,165,165,152,93,72,67,89,181,181,99,53,43,81,157,173,165,150,142,144,144,137,134,144,142,147,165,173,173,0,0,0,0,9,37,65,129,155,168,160,160,160,152,150,152,150,134,131,134,139,129,122,129,142,142,124,67,49,49,51,49,45,45,39,25,15,17,39,57,69,121,137,118,75,73,77,63,43,41,51,55,69,105,75,59,51,51,51,45,38,37,47,69,111,113,111,108,103,69,49,49,63,63,51,35,25,25,29,39,43,39,37,49,61,67,65,65,71,71,71,75,105,75,69,69,61,43,43,57,105,116,69,52,50,51,50,53,39,0,0,0,0,0,41,33,17,25,33,21,19,43,71,81,81,85,160,215,235,217,189,150,105,107,103,106,165,196,204,198,195,204,235,254,255,255,255,255,255,255,255,255,255,243,228,186,160,109,67,55,67,67,69,73,71,0,0,142,100,49,37,37,41,43,41,29,0,0,0,0,0,0,0,95,77,56,29,11,0,0,0,0,0,0,0,0,0,11,29,41,69,77,77,85,90,57,19,0,0,0,0,0,0,0,5,37,69,137,157,173,170,170,178,173,163,157,150,134,87,77,69,63,57,51,49,45,43,37,35,35,37,43,51,63,105,108,69,56,57,67,105,103,100,69,61,39,11,0,0,5,13,17,17,21,31,45,51,57,75,95,137,101,97,103,150,157,165,157,157,157,157,165,170,168,165,163,165,163,107,87,65,64,69,87,101,105,105,105,107,111,147,152,147,147,111,144,144,147,155,152,148,144,152,170,173,170,152,89,39,31,47,87,155,194,222,233,238,243,248,251,0,254,255,255,255,246,233,225,173,92,43,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,35,33,27,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,183,170,170,170,170,170,183,183,191,191,183,160,134,108,66,43,21,15,0,0,0,0,0,0,0,0,163,168,170 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,29,124,124,61,75,163,173,168,163,160,165,170,170,168,169,176,181,183,191,199,199,198,198,198,199,202,202,204,204,204,204,207,209,209,215,212,199,99,57,78,117,125,176,189,199,202,196,183,128,129,173,113,116,119,178,181,181,183,191,189,178,176,181,183,181,181,178,176,135,135,135,135,178,178,181,186,191,189,181,135,134,137,191,199,199,189,181,194,189,189,202,209,209,199,183,181,183,178,133,135,135,181,189,196,194,192,196,204,209,209,207,204,199,199,199,199,196,194,192,194,202,212,209,191,121,111,111,117,131,194,202,199,178,123,129,181,189,191,194,191,189,191,194,194,194,191,196,199,199,191,133,131,133,183,186,189,194,196,199,204,207,209,202,189,185,186,186,185,194,196,191,189,186,181,183,189,181,176,133,126,124,131,189,199,202,186,131,129,129,173,183,199,209,222,222,199,123,122,133,189,183,182,196,215,217,222,215,178,124,131,178,183,191,199,202,196,186,181,183,186,191,194,191,186,189,186,178,134,176,178,177,176,178,183,183,176,129,131,178,189,191,189,189,186,178,133,133,133,181,186,196,204,199,191,183,178,177,183,194,194,178,129,133,191,194,194,194,196,194,189,191,202,207,207,196,137,134,181,189,189,183,178,179,181,136,134,135,181,186,189,186,136,136,183,186,135,135,189,194,189,137,137,194,204,207,209,212,209,207,204,204,207,204,192,182,185,195,212,217,222,222,225,225,222,225,228,230,230,228,230,235,235,230,228,228,228,222,218,218,225,233,235,233,230,230,230,222,114,119,125,115,147,215,228,225,215,212,217,215,209,204,196,192,192,196,199,194,191,194,189,135,131,129,131,135,183,204,212,209,196,186,185,185,185,186,189,191,194,199,204,196,186,135,130,129,129,131,186,202,207,215,222,217,209,204,202,194,186,189,189,135,133,183,189,194,199,191,133,122,129,183,189,186,131,125,176,191,202,209,207,202,199,199,199,199,199,189,121,118,129,189,196,196,196,202,207,209,207,202,202,207,209,212,215,215,215,215,212,207,194,191,199,199,202,209,212,202,131,124,130,194,204,196,127,111,109,121,204,209,209,209,209,212,209,208,208,209,209,209,202,186,182,183,183,135,131,196,209,212,215,217,215,209,194,189,189,186,183,191,202,196,186,189,186,176,176,181,186,183,181,181,181,183,186,189,186,183,178,181,181,183,186,189,189,186,186,186,176,176,181,186,178,123,129,183,181,177,179,189,194,189,183,183,189,196,199,199,202,207,209,209,209,209,212,212,209,194,119,90,113,127,129,139,191,189,133,127,137,191,202,207,207,207,212,212,212,212,215,215,215,215,212,212,215,215,207,191,183,135,123,120,125,125,123,121,123,127,123,115,117,178,194,194,194,196,194,196,196,186,179,179,181,179,183,202,207,207,202,204,209,215,212,208,209,212,209,212,215,217,217,212,209,207,209,207,199,191,191,194,202,202,202,196,191,189,189,183,183,194,202,202,204,207,207,207,207,207,199,176,133,183,186,172,173,181,186,186,186,186,191,194,194,191,186,186,186,186,189,189,186,186,189,191,191,191,191,189,186,186,182,179,182,191,199,196,189,139,139,186,189,191,191,194,196,199,202,207,212,212,207,204,209,217,222,222,222,225,225,228,222,220,222,228,230,228,225,217,215,215,222,228,230,228,228,233,235,235,235,233,229,228,229,230,230,228,215,212,222,235,235,233,233,235,235,228,220,215,212,212,209,199,198,198,199,202,199,196,196,198,202,202,199,202,204,207,204,209,209,202,202,215,225,228,228,225,225,225,228,230,225,220,225,235,241,241,241,241,233,225,209,212,225,230,225,217,222,230,238,243,246,248,251,251,251,248,248,248,248,246,246,246,246,243,241,241,241,243,241,238,0,0,233,233,235,233,230,228,228,228,225,222,222,225,228,230,230,228,225,222,215,212,207,202,196,194,194,194,194,196,202,204,207,212,215,217,222,225,225,225,222,222,217,217,217,215,215,209,204,204,202,199,194,191,191,189,189,189,186,181,181,137,135,133,132,132,132,135,139,183,186,189,191,202,209,209,207,202,200,200,202,207,209,212,217,225,230,233,235,238,238,235,230,228,225,217,217,217,228,233,230,228,230,235,235,230,228,225,222,225,225,215,204,199,202,204,204,207,209,0,0,0,0,0,0,0,0,212,212,209,207,202,202,199,196,191,178,142,97,96,97,101,101,99,99,99,103,105,105,109,121,178,196,212,217,222,217,212,204,204,207,209,209,212,212,212,209,207,207,204,204,204,204,204,207,202,199,199,202,202,202,196,191,189,186,189,194,196,196,196,199,199,199,196,196,196,196,202,207,212,217,217,209,191,181,183,199,207,207,204,204,196,186,137,134,134,189,202,209,207,195,194,196,194,189,190,199,207,209,209,215,222,217,215,212,207,204,204,202,202,202,0,0,1,3,9,11,15,21,39,49,49,31,12,9,15,37,49,53,55,55,41,17,14,23,41,41,35,23,41,61,95,95,69,69,61,43,43,49,61,67,103,113,116,113,113,124,137,116,21,0,0,17,51,178,181,168,168,183,202,217,228,228,204,194,194,204,220,228,222,212,176,147,150,170,189,204,215,196,0,152,144,108,37,11,5,0,0,0,0,0,0,0,0,105,64,0,0,0,0,0,0,0,0,35,98,137,0,0,0,0,199,160,118,87,77,66,66,90,87,25,0,0,0,0,0,0,0,0,0,0,0,0,0,13,56,100,126,131,134,144,144,144,147,139,131,121,105,95,85,85,95,0,0,0,0,111,87,69,46,19,0,0,0,0,0,7,23,23,11,0,0,0,0,35,131,186,202,170,135,137,163,173,160,157,183,230,255,255,255,255,233,147,57,51,57,77,163,189,196,222,248,233,181,73,30,23,31,55,95,225,255,255,246,220,152,57,3,0,0,0,5,9,0,0,0,0,0,0,0,0,0,0,0,1,3,0,0,0,0,0,0,0,47,144,173,160,142,135,142,142,131,97,95,89,79,79,91,163,170,181,181,165,131,95,134,134,97,95,90,89,91,91,79,75,80,95,142,142,103,142,137,79,72,83,107,152,147,147,157,170,157,103,85,85,103,163,176,176,176,165,144,87,79,89,152,202,202,152,25,21,71,157,176,157,142,140,152,150,126,83,91,144,165,165,165,157,57,0,124,142,124,65,65,83,144,168,173,165,155,147,152,152,142,124,85,89,129,124,122,129,137,137,129,73,55,55,61,53,47,41,37,25,18,23,45,57,57,73,113,79,57,56,59,65,63,45,35,43,67,113,113,73,65,65,55,45,37,35,43,69,111,103,67,63,71,71,61,63,75,73,53,41,45,45,41,43,43,39,41,57,75,73,63,63,73,108,108,108,118,105,63,59,51,31,31,47,75,118,108,59,52,52,52,53,9,0,0,0,0,0,25,33,25,25,27,25,33,61,69,71,75,93,168,215,228,204,163,93,93,109,109,115,189,220,222,209,204,222,246,255,255,255,255,255,255,255,255,255,255,243,233,196,157,109,79,59,73,79,67,73,0,0,0,0,63,49,49,51,47,33,0,0,0,0,0,0,0,0,0,108,85,48,15,15,19,11,0,0,0,0,0,0,0,0,0,27,35,41,45,77,92,85,39,0,0,0,0,0,0,0,0,31,61,121,155,173,170,165,168,160,152,152,139,126,87,87,87,75,67,61,61,55,47,43,35,34,35,37,47,65,113,124,105,57,57,103,116,116,116,116,103,53,23,0,0,3,11,13,12,17,29,41,47,45,57,81,89,85,89,101,152,160,165,157,157,157,165,173,170,168,165,165,163,157,107,89,66,65,77,93,105,111,105,105,107,111,152,152,152,152,147,147,152,155,163,152,148,148,152,168,170,170,152,91,53,33,39,73,137,170,207,233,241,246,251,255,0,254,255,255,255,241,233,233,194,103,38,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,33,27,27,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,0,0,0,0,183,170,170,170,170,170,181,183,191,191,170,147,118,87,51,25,21,0,0,0,0,0,0,0,0,142,150,150,150 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,47,41,23,61,178,181,170,157,155,157,168,170,173,176,183,189,189,194,199,199,198,198,199,204,207,207,207,207,207,207,209,212,208,209,217,225,125,66,78,117,127,176,189,202,212,215,204,129,128,176,119,115,115,127,131,125,121,129,176,173,173,178,181,181,178,176,178,181,178,135,134,135,181,181,186,194,194,186,137,135,137,186,191,194,194,191,199,196,194,204,209,207,194,176,174,181,186,181,135,178,186,194,199,194,194,196,202,207,207,202,196,196,196,199,202,202,196,194,196,204,209,209,196,121,108,109,115,129,186,196,194,176,119,121,129,176,186,191,189,189,191,191,186,182,186,199,204,204,199,186,178,178,181,181,183,186,186,186,196,212,222,215,194,185,186,186,185,194,196,191,186,189,186,183,183,176,133,131,126,125,176,186,191,191,173,129,173,178,181,189,196,204,217,222,196,124,124,178,189,183,182,191,207,217,222,209,124,117,125,178,183,191,202,207,204,186,178,177,183,196,202,196,189,183,178,134,134,176,181,181,177,178,186,189,183,176,176,189,196,194,191,189,183,178,133,132,132,133,181,189,191,189,181,177,176,177,194,207,199,133,128,130,181,186,189,194,199,196,191,194,204,212,212,202,186,181,183,189,186,178,177,181,189,186,137,137,181,191,194,189,139,137,137,133,127,131,141,196,196,191,194,204,209,209,209,212,212,209,204,204,204,209,209,204,202,207,212,217,222,222,225,225,217,215,217,222,225,225,230,235,235,233,233,233,233,228,220,218,222,230,233,233,230,230,233,235,204,147,147,143,207,220,225,222,212,212,215,217,215,209,204,194,192,194,199,194,139,137,131,121,120,123,127,131,137,196,199,194,189,189,191,189,186,186,191,194,194,199,204,199,189,181,133,130,130,133,194,215,222,222,228,225,215,207,202,194,186,186,181,135,178,189,191,186,178,133,122,118,129,196,202,191,127,119,178,199,207,207,204,204,204,204,204,202,199,181,118,117,129,183,191,194,194,196,204,207,204,199,199,204,209,215,217,220,220,217,217,209,194,190,194,191,194,202,204,191,127,121,125,183,196,194,181,121,107,112,202,209,209,212,212,209,209,209,212,212,212,209,202,189,182,186,189,133,121,191,212,217,215,212,204,199,189,186,189,186,189,196,204,196,183,189,186,176,173,178,173,169,173,178,181,181,183,183,183,181,181,181,181,181,189,196,199,191,183,178,131,129,133,181,131,123,133,186,186,181,183,191,196,196,194,191,194,196,199,202,207,212,215,212,212,209,212,215,217,212,199,101,111,121,123,129,189,189,125,120,125,183,196,202,204,207,209,212,212,215,217,217,217,222,222,222,217,212,191,112,110,117,121,123,131,137,137,135,133,131,125,117,113,125,196,199,189,183,186,191,189,183,181,186,183,181,183,191,199,202,202,204,209,215,212,209,212,212,212,212,215,215,215,212,207,204,204,204,199,194,191,196,204,209,209,204,194,189,189,179,179,191,204,207,209,209,209,207,207,204,189,127,129,183,186,177,177,181,186,186,186,185,186,189,189,186,183,186,183,183,189,191,189,189,189,191,191,191,191,189,186,183,182,181,182,186,194,196,191,189,189,189,186,141,186,189,194,196,199,207,217,217,209,194,194,204,212,217,217,222,225,225,220,220,225,228,230,228,225,222,215,215,215,217,222,225,228,230,233,233,233,233,229,228,229,230,233,233,225,215,217,233,238,235,235,235,235,228,222,217,215,215,207,199,199,204,207,209,204,198,196,198,199,198,196,196,199,204,207,209,207,200,200,209,217,222,225,225,225,228,228,225,225,224,228,233,235,238,241,235,228,209,205,209,220,228,228,230,233,238,241,243,246,248,251,251,251,251,248,248,248,246,246,246,246,243,241,241,241,243,241,238,0,235,233,235,235,235,230,228,228,228,225,222,222,225,228,230,230,228,225,220,215,212,204,199,196,194,194,194,194,196,202,204,209,212,215,217,222,225,225,225,225,222,222,217,215,215,215,209,207,204,202,199,194,191,191,189,189,189,186,183,181,181,137,135,133,133,133,135,139,183,186,186,189,196,204,207,207,202,202,202,204,204,207,209,215,222,225,230,233,238,238,238,235,230,225,217,215,215,225,228,228,225,230,235,238,0,0,0,225,230,233,225,202,191,190,191,194,196,199,196,199,0,0,0,0,0,0,209,215,215,204,199,202,202,196,194,186,150,103,97,97,99,98,97,97,99,103,101,100,100,109,123,178,196,212,222,215,204,202,203,207,209,209,209,212,212,212,209,207,204,204,204,204,207,207,202,196,196,196,194,191,191,189,186,186,189,194,199,199,199,199,202,199,194,191,189,189,196,207,215,215,215,207,179,173,186,204,207,207,204,202,196,191,189,141,139,191,199,204,202,194,194,202,202,192,194,202,209,209,209,215,222,222,217,212,207,202,202,202,202,202,7,7,3,0,3,7,11,21,35,49,53,47,21,14,21,39,49,53,55,51,35,12,12,23,41,49,49,41,41,53,65,69,67,65,59,43,40,43,59,69,98,105,111,113,116,124,134,113,21,0,0,3,9,217,126,91,144,168,204,225,228,209,202,204,209,217,220,212,212,196,168,95,93,139,157,176,196,186,160,157,155,124,55,17,5,0,0,0,0,0,0,255,168,137,66,0,0,0,0,0,0,0,5,90,147,186,0,0,0,0,189,152,121,100,98,98,100,108,87,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,74,118,131,144,152,155,155,155,142,126,113,98,92,79,85,95,105,0,0,0,0,0,103,79,53,15,0,0,0,0,0,7,0,0,0,0,0,0,0,55,165,199,183,147,143,157,160,150,157,186,215,254,255,255,241,183,71,51,51,51,71,155,189,196,222,251,243,191,89,33,28,37,69,142,238,255,243,215,168,71,25,0,0,0,0,9,25,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,0,0,0,0,0,33,155,191,170,142,134,142,129,92,90,93,87,79,75,83,163,178,178,181,173,139,95,131,139,142,142,129,93,97,97,83,82,87,99,95,95,103,152,144,91,79,93,147,155,147,150,155,150,101,83,74,77,85,105,155,173,176,157,99,87,93,142,160,189,202,168,0,0,63,147,163,147,140,147,152,134,47,13,33,83,134,131,129,121,131,165,199,196,170,124,63,65,124,157,155,137,93,126,137,144,139,89,81,84,93,124,129,137,137,142,147,131,87,79,75,69,59,45,31,21,18,21,41,49,48,57,75,73,59,50,51,65,71,45,31,35,59,111,121,113,108,77,63,49,41,39,51,75,111,73,51,45,63,69,63,65,100,73,55,55,69,73,59,45,43,38,43,61,75,73,61,59,67,108,111,108,116,77,59,53,49,30,24,28,53,108,121,75,67,65,65,71,47,0,0,25,15,0,17,37,37,27,23,27,45,69,69,75,91,150,183,215,204,176,93,69,85,115,163,173,207,228,230,228,222,238,254,255,255,255,255,255,255,255,255,255,255,255,255,238,113,85,67,47,53,65,47,61,0,0,0,0,137,134,134,103,74,27,0,0,0,0,7,29,0,0,0,118,90,40,9,15,53,56,11,0,0,0,0,0,0,0,0,5,5,5,19,43,85,92,72,11,0,0,0,0,0,0,0,17,49,73,139,165,165,160,155,147,139,139,126,87,87,87,118,87,75,69,69,63,55,43,37,35,35,37,47,65,118,134,113,63,59,103,124,124,124,124,116,67,37,13,1,5,13,17,17,21,31,41,45,45,47,57,57,63,81,101,157,165,160,160,155,157,176,189,178,173,168,163,163,155,109,93,79,75,89,105,147,147,105,99,99,105,147,155,155,157,157,157,163,163,165,163,163,163,163,163,163,163,152,134,69,41,35,47,69,129,168,212,238,246,251,255,0,0,0,255,254,241,241,241,207,118,38,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,33,25,25,22,7,0,0,0,0,0,0,0,0,0,0,0,0,0,3,51,0,0,0,209,194,186,173,173,173,173,186,186,194,186,163,142,113,77,43,15,15,0,0,0,0,0,0,0,0,144,144,134,126 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,168,176,165,155,152,157,170,181,186,191,194,194,194,196,199,202,199,199,202,204,207,209,209,209,209,209,209,209,209,212,217,228,228,105,94,117,125,131,178,191,207,212,204,131,125,186,183,123,113,125,178,115,111,119,129,173,173,178,181,178,176,178,186,191,186,178,134,135,181,181,186,194,194,186,181,181,181,137,129,137,199,202,204,196,192,196,202,199,189,177,177,204,209,196,183,181,189,194,199,196,194,194,199,202,199,192,191,194,199,204,209,209,207,204,204,207,207,209,202,133,109,109,115,125,176,183,181,125,111,113,123,129,181,191,194,191,189,189,183,178,181,196,204,209,204,196,191,191,186,181,183,186,183,182,191,209,222,220,207,194,189,186,189,191,191,194,191,191,186,129,131,133,129,129,127,131,186,183,131,129,125,127,183,194,194,191,189,191,209,215,194,126,126,176,183,183,183,191,199,207,209,194,120,117,133,186,186,189,196,199,191,181,176,176,181,196,204,196,183,181,178,134,176,181,183,183,181,178,186,189,186,183,183,191,194,191,189,186,183,181,178,133,132,130,131,178,183,181,177,177,177,178,199,212,199,133,128,131,178,186,189,196,202,196,190,191,199,207,209,202,189,183,186,189,183,178,178,189,199,199,191,186,183,191,194,189,183,186,186,134,128,132,186,199,202,199,204,209,212,209,207,209,209,209,207,207,209,217,222,217,215,212,215,217,222,225,228,225,217,212,212,213,217,220,225,230,233,233,233,235,235,233,225,221,225,228,230,230,230,228,230,235,222,207,207,209,222,225,225,222,212,212,215,217,217,215,209,202,196,194,196,191,183,135,125,117,118,121,127,131,133,189,191,187,189,194,199,196,191,191,196,196,194,196,199,196,189,186,183,183,137,181,194,215,225,222,222,217,207,199,196,194,191,186,183,181,183,191,189,178,129,129,121,116,123,194,202,191,123,116,131,191,199,199,199,199,207,209,207,207,199,176,119,119,176,186,191,191,191,191,199,204,202,199,199,204,212,215,220,222,222,217,215,207,191,189,191,194,196,202,207,202,186,131,135,191,196,196,194,186,104,103,186,202,209,215,215,209,209,212,215,215,212,207,196,186,183,196,207,194,116,186,212,217,212,202,191,183,176,178,183,186,189,196,199,191,179,179,181,173,173,178,169,164,173,186,183,178,178,178,178,178,181,181,179,181,191,204,207,196,178,131,133,133,119,113,119,125,181,189,194,196,199,204,207,204,199,194,191,194,196,202,209,212,212,212,212,209,209,212,215,212,202,115,115,125,131,133,189,196,137,126,131,186,191,191,194,202,207,209,212,212,215,215,212,215,222,217,207,189,114,105,107,133,196,199,199,199,194,189,181,135,131,127,105,107,191,196,178,131,135,183,181,181,186,194,189,183,183,178,178,189,202,212,215,215,212,212,212,212,212,212,212,215,212,207,202,196,199,202,202,199,194,199,207,212,212,204,191,181,183,179,178,186,204,212,212,209,207,204,204,199,131,119,125,176,181,183,186,189,189,189,186,185,183,185,186,181,178,181,181,183,191,194,194,194,194,194,194,194,191,189,189,186,183,183,183,183,186,189,191,191,194,191,186,183,141,186,186,186,196,207,215,217,209,187,186,191,204,212,215,222,225,225,222,222,228,230,228,225,225,217,215,212,209,209,212,222,228,230,230,230,230,230,230,230,230,233,235,235,233,222,213,222,235,241,238,235,233,230,225,222,217,217,212,204,209,212,215,212,207,204,199,199,202,202,199,198,199,207,207,204,202,204,207,212,215,215,215,217,222,225,225,224,222,228,230,233,233,235,238,235,222,200,202,207,215,222,230,235,241,241,241,241,243,248,251,254,254,251,248,248,248,246,246,246,246,243,243,241,241,243,243,241,238,235,235,235,235,235,233,230,230,230,228,225,225,225,228,228,228,228,222,217,212,209,204,199,194,147,147,147,194,196,202,204,209,209,212,217,222,225,225,225,225,225,222,217,215,215,215,212,209,204,202,199,194,191,191,191,191,189,186,183,183,183,181,137,135,135,137,181,183,186,186,186,186,194,202,207,204,204,202,204,207,204,204,207,212,215,220,225,230,238,241,238,235,233,225,222,215,215,217,225,225,225,230,235,0,0,0,0,0,225,233,225,207,196,194,191,191,194,194,194,196,204,228,0,225,204,199,0,0,215,204,196,199,202,194,189,183,160,144,103,99,99,99,98,98,101,103,101,100,100,105,115,129,183,204,217,217,207,203,204,207,207,207,207,209,212,212,212,209,207,207,207,207,207,207,202,199,194,191,143,141,141,186,186,186,191,199,202,204,204,202,204,202,194,187,186,187,199,209,212,212,209,204,178,172,194,207,207,207,207,202,194,194,194,189,186,186,194,199,196,194,195,207,212,209,204,207,207,204,204,209,215,217,215,209,204,199,199,202,204,204,13,11,1,0,0,1,11,21,35,49,59,53,39,23,31,39,45,49,49,47,31,12,12,23,41,51,51,41,35,35,45,51,51,55,55,51,45,49,61,69,73,98,103,103,105,116,134,116,31,0,0,0,0,204,43,57,83,142,186,209,209,187,189,209,217,220,212,212,209,207,176,99,77,77,85,137,168,168,139,150,163,126,63,23,11,11,0,0,0,0,0,255,222,129,35,0,0,0,0,0,0,0,0,87,155,204,233,0,0,0,204,183,152,134,131,124,111,100,64,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,56,100,126,152,170,183,173,163,137,111,92,79,72,72,82,85,105,0,0,0,0,0,0,0,85,53,13,0,0,0,0,0,0,0,0,0,0,0,0,9,108,157,176,160,147,147,139,142,165,186,196,225,251,230,155,45,29,61,71,63,73,160,209,222,235,255,255,230,157,61,33,41,69,139,225,243,228,215,170,65,3,0,0,0,0,15,37,15,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,7,165,207,194,163,155,152,142,93,92,93,95,89,79,85,163,178,164,170,168,131,91,92,134,160,160,137,97,97,129,137,144,147,131,75,55,65,95,91,83,79,99,147,157,157,155,155,109,93,80,74,77,81,91,105,163,163,105,81,79,95,147,152,168,168,83,0,0,73,144,150,142,147,150,142,47,3,0,5,35,63,79,87,86,126,178,191,191,178,147,87,87,137,157,142,89,83,88,137,155,150,134,85,89,93,124,129,137,137,142,163,152,134,124,116,81,73,53,27,18,15,19,39,57,55,63,105,111,73,56,50,63,71,41,27,29,49,73,111,113,111,77,69,63,53,49,61,79,111,73,45,41,51,53,43,49,61,61,55,65,111,113,65,45,45,39,43,57,71,75,63,59,60,71,77,67,65,63,57,59,55,31,21,21,33,69,121,118,77,75,103,121,126,129,67,29,7,0,13,49,53,33,27,33,49,65,75,91,142,163,183,191,176,105,69,63,85,123,173,189,222,235,235,230,235,243,255,255,255,255,255,255,255,255,255,255,255,255,255,255,99,65,45,15,10,12,0,33,0,0,0,0,0,235,170,108,69,27,0,0,0,0,33,66,0,0,0,0,85,40,9,12,51,64,27,0,0,0,0,0,0,0,0,0,0,0,0,19,72,92,82,31,0,0,0,0,0,0,0,5,35,59,105,147,160,160,152,137,126,126,116,83,86,87,126,124,87,75,69,67,55,43,39,37,35,37,47,65,113,134,124,69,65,79,124,126,124,124,121,69,47,27,13,13,21,23,25,27,41,51,51,47,47,47,46,51,79,137,157,168,160,157,155,163,181,199,189,173,165,165,157,155,113,95,83,79,89,101,109,107,97,94,96,99,109,150,155,157,163,163,163,163,163,173,186,189,186,170,170,163,155,147,87,47,29,26,29,47,121,189,225,238,248,254,0,0,0,255,255,248,241,241,217,137,46,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,30,27,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,0,0,0,204,191,176,173,173,173,173,186,186,186,173,155,134,111,72,38,15,9,0,0,0,0,0,0,0,0,134,126,111,100 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,147,163,155,150,152,165,183,196,202,202,202,196,194,194,199,202,202,202,204,204,204,207,212,212,215,212,212,209,212,212,209,222,228,196,117,123,127,131,176,183,191,196,191,176,125,181,183,129,117,125,209,110,110,119,131,176,178,183,186,181,178,186,202,204,196,181,135,178,183,183,186,191,191,183,181,186,191,186,114,113,194,209,209,199,192,194,194,191,183,179,186,212,222,207,189,186,186,183,186,191,196,196,199,196,194,190,190,196,202,207,215,215,212,209,209,209,207,207,207,189,114,112,117,123,127,131,129,117,107,108,121,127,173,183,194,194,191,191,186,178,178,189,202,207,204,199,199,199,189,181,183,191,189,183,189,202,209,212,209,202,189,183,189,189,186,191,194,191,176,124,127,127,127,129,131,178,183,181,127,128,128,176,199,207,196,183,178,178,191,196,181,127,128,178,183,189,186,183,181,183,189,183,124,121,183,194,191,189,191,186,181,177,176,177,183,196,202,189,177,178,181,181,186,189,189,186,181,178,183,189,189,186,189,191,189,189,189,189,189,186,186,181,135,130,131,178,186,189,183,183,181,178,191,196,181,128,129,137,186,186,189,196,202,199,191,191,194,199,199,191,183,181,183,186,183,179,179,189,199,199,196,196,191,189,186,183,186,196,204,199,183,139,191,199,204,204,207,212,212,207,205,205,205,207,207,209,212,215,215,215,212,212,215,222,225,228,228,228,222,213,212,213,217,217,222,225,228,230,233,233,233,230,228,228,230,230,228,228,228,225,225,230,222,209,207,215,225,225,222,222,217,217,217,217,217,220,217,212,207,199,191,191,191,183,131,120,120,125,129,133,135,183,189,191,196,202,204,202,194,196,199,196,191,189,194,194,191,191,191,196,194,183,186,202,212,212,209,202,191,186,189,196,196,191,189,186,183,183,183,181,135,135,125,117,121,181,189,181,119,117,173,189,194,194,191,194,202,207,209,209,199,131,121,127,183,191,194,191,189,186,191,196,199,196,199,207,212,217,220,220,217,215,212,204,190,187,194,199,207,209,212,212,209,209,209,207,202,199,199,189,100,99,135,196,207,215,212,209,209,212,215,215,212,204,191,181,181,194,207,189,100,178,202,204,194,178,131,131,129,131,178,186,189,194,194,186,179,181,181,173,173,178,170,168,186,196,183,131,131,173,176,178,181,181,179,179,191,207,209,196,178,131,191,194,100,97,117,131,181,189,196,204,207,209,209,207,199,194,191,194,202,207,212,212,209,209,209,207,207,209,212,207,191,114,114,131,183,183,186,199,204,202,202,202,191,137,139,191,194,196,204,204,204,207,204,202,207,196,129,115,112,115,199,217,215,215,212,209,207,199,191,181,135,133,67,58,105,189,135,121,121,127,127,129,181,189,181,178,181,177,173,176,199,215,217,217,215,212,209,209,212,209,209,207,204,202,194,190,194,202,207,204,199,199,207,212,212,204,189,179,181,186,178,179,196,209,212,209,207,207,204,181,115,114,119,127,176,189,191,191,194,194,191,189,186,189,186,178,133,133,176,178,186,194,196,196,196,196,196,194,189,183,183,186,189,191,191,186,182,182,186,194,196,191,186,186,186,141,134,130,139,194,202,207,204,191,189,196,207,209,215,222,225,222,222,222,230,230,228,225,222,217,212,209,205,205,209,217,225,228,228,225,225,230,233,235,235,235,235,238,238,228,213,215,235,241,241,238,235,233,230,225,222,217,209,204,212,217,215,215,212,209,204,204,209,215,212,204,204,209,202,148,149,209,220,217,212,209,208,209,217,228,228,224,224,230,233,230,230,233,235,233,225,203,205,212,217,225,230,235,241,238,238,235,238,246,251,254,254,251,248,248,248,246,246,246,246,246,243,241,241,243,243,241,238,238,238,238,235,235,233,233,233,233,230,228,225,225,228,228,225,225,220,215,212,207,202,196,194,147,147,147,194,196,202,207,209,212,215,217,222,225,225,225,225,225,222,217,217,215,215,212,209,204,202,199,194,191,191,191,189,189,186,186,183,183,183,181,137,137,181,181,183,186,186,186,186,194,199,204,204,202,202,204,204,204,204,207,209,212,215,217,225,233,238,238,235,233,228,222,215,215,215,217,222,225,228,0,0,0,0,0,0,217,228,230,222,209,204,199,194,191,191,191,191,194,207,217,212,199,196,202,209,209,199,194,196,199,191,183,178,165,152,144,105,103,101,99,99,99,101,101,101,101,105,113,125,181,204,215,215,209,207,207,207,204,207,207,209,212,212,212,212,209,207,207,207,207,204,199,196,191,189,141,140,141,186,189,191,194,199,202,204,204,204,207,204,194,189,187,191,204,212,212,207,207,207,185,179,199,209,207,207,202,191,186,189,189,189,141,140,141,191,199,199,202,207,215,215,209,204,200,199,199,204,212,215,215,209,204,199,199,202,202,204,13,11,1,0,0,1,11,21,35,47,55,53,47,35,31,35,39,39,41,41,23,14,17,35,41,45,49,45,35,29,35,41,41,47,55,57,55,49,49,55,67,69,71,71,75,111,134,126,61,7,0,0,0,137,35,45,65,85,152,191,191,183,194,217,220,220,220,212,212,222,204,168,83,67,56,59,87,121,121,131,139,124,69,47,37,47,0,0,0,0,255,255,173,87,31,3,0,0,0,0,0,0,0,5,37,139,189,199,0,0,0,254,220,189,173,152,124,108,79,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,39,77,118,152,194,202,186,163,137,105,79,69,64,64,64,72,82,0,0,0,0,0,0,0,108,77,46,5,0,0,0,0,0,0,0,0,0,0,0,0,0,82,134,137,116,73,67,113,157,178,186,194,194,147,21,0,0,71,95,77,73,137,178,194,217,235,255,248,189,69,23,7,23,51,176,217,235,248,225,81,0,0,0,0,0,15,31,33,25,0,0,0,0,0,0,0,0,0,11,29,5,0,0,0,0,0,0,7,144,204,202,181,170,155,142,144,131,129,131,129,95,97,170,170,159,165,165,137,92,94,142,160,144,126,89,97,137,170,186,183,137,41,17,19,43,71,77,85,105,168,173,157,168,170,155,142,101,101,101,97,97,103,150,144,77,53,67,93,103,97,95,91,0,0,0,93,139,139,131,142,139,75,13,1,0,8,27,41,67,129,93,87,139,147,152,157,157,147,144,157,168,150,92,86,126,155,170,181,168,152,144,139,131,134,144,147,150,157,152,142,126,121,116,85,67,37,23,18,19,41,67,75,111,131,129,111,73,63,65,57,27,21,29,41,59,69,71,67,65,65,65,59,53,57,69,75,65,51,41,41,39,25,24,37,43,53,65,105,103,57,43,45,41,41,47,63,105,103,65,61,65,67,45,35,43,59,75,69,41,22,21,30,69,126,131,118,108,121,126,144,157,118,31,9,11,27,61,65,49,45,51,51,57,77,134,150,163,170,170,150,83,65,63,83,117,170,189,222,235,235,230,238,246,254,255,255,255,255,255,255,255,255,255,255,255,255,255,99,63,45,12,8,5,9,27,0,0,0,0,255,246,152,82,33,15,5,0,0,0,46,79,90,0,0,0,82,53,19,13,19,40,19,0,0,0,0,0,0,0,0,0,0,0,0,0,33,74,79,37,0,0,0,0,0,0,0,0,9,37,65,134,160,163,155,134,109,116,116,87,87,87,126,124,87,75,69,63,55,47,43,39,37,43,49,65,116,137,129,81,69,108,124,126,126,121,111,69,55,37,25,25,27,31,31,35,47,59,59,53,51,47,45,53,83,144,163,168,160,160,160,170,191,199,196,173,165,160,155,155,113,95,77,63,71,87,95,101,97,96,96,101,107,147,155,157,157,155,147,147,155,173,196,204,194,186,176,173,165,155,129,55,28,24,23,28,61,165,220,238,251,254,0,0,0,0,255,251,241,233,212,155,64,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,30,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,111,160,194,194,186,173,165,173,173,173,186,191,186,173,155,134,111,77,46,19,15,0,0,0,0,0,0,0,0,121,105,77,59 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,69,121,142,147,144,144,155,176,194,204,207,207,202,194,192,192,196,202,202,202,204,202,202,204,209,212,212,215,215,212,209,208,209,215,222,215,199,181,135,135,181,183,183,181,181,176,128,131,129,125,121,110,106,109,113,127,176,178,186,194,194,183,183,194,212,215,202,186,178,178,183,186,189,194,186,181,183,194,209,217,114,104,129,207,212,204,196,194,191,186,183,181,189,202,212,199,186,189,183,130,129,189,199,202,202,199,194,191,192,202,207,212,217,217,212,212,209,209,207,207,207,191,121,115,119,123,121,123,125,117,106,105,119,127,125,123,178,194,196,194,189,181,179,183,191,196,199,196,196,196,189,178,181,189,189,183,186,194,194,196,204,202,186,179,181,186,181,178,181,181,129,126,131,125,126,131,178,178,176,173,129,131,176,183,196,202,181,125,129,133,176,176,129,126,131,183,189,191,189,133,125,126,135,183,178,129,189,196,191,189,186,181,178,178,178,181,186,194,196,186,177,178,183,189,196,196,191,183,178,178,183,189,189,189,191,189,187,191,191,191,191,191,189,186,178,132,133,183,191,194,191,191,189,183,183,137,129,127,131,189,196,183,183,191,199,199,196,194,196,196,194,186,179,179,183,186,183,179,181,189,196,196,196,196,191,186,182,182,189,202,209,207,194,189,196,202,204,207,209,212,212,207,205,205,207,209,215,215,217,217,212,211,209,212,215,222,225,225,225,225,225,217,215,217,222,222,222,222,225,228,230,230,230,228,225,230,233,230,225,225,228,228,225,225,222,207,204,207,215,217,222,222,225,225,225,222,220,222,217,215,212,202,189,186,191,191,189,135,133,133,135,181,181,186,191,199,202,204,204,202,194,194,194,191,183,183,189,194,191,186,189,196,196,182,179,182,189,196,194,186,182,182,191,202,204,202,196,191,182,179,183,191,191,186,178,122,123,129,133,129,119,125,183,194,196,194,189,186,191,199,207,204,191,125,123,178,191,196,196,194,186,185,186,191,194,196,202,207,215,220,222,217,217,215,212,204,189,187,194,204,212,215,215,215,215,217,217,212,207,204,196,181,103,103,127,189,202,209,212,209,209,212,212,215,212,202,183,178,179,181,181,117,79,113,125,121,115,112,115,123,125,127,135,183,191,194,194,186,183,186,186,176,172,173,172,173,191,199,178,125,125,131,176,178,181,183,179,179,189,204,204,191,178,183,204,202,87,88,129,135,181,189,196,204,204,207,212,209,204,196,196,199,207,212,212,212,209,204,204,204,207,212,209,196,133,114,114,133,191,186,181,191,207,209,209,209,196,129,128,133,128,125,133,135,137,191,189,186,186,129,123,127,139,199,215,222,217,215,212,209,209,204,199,191,186,183,64,46,69,186,178,117,115,119,119,120,127,135,133,133,178,181,174,173,186,204,212,217,217,212,207,204,204,199,186,129,129,191,191,190,191,199,207,204,196,194,202,207,209,204,194,189,194,196,183,181,191,202,212,212,207,207,202,125,111,112,118,123,131,186,194,194,194,196,196,196,196,196,191,178,132,131,132,133,181,189,194,194,194,194,194,186,178,134,135,183,191,196,196,191,186,183,186,194,199,194,189,189,191,189,135,126,131,186,194,199,191,189,196,207,209,212,217,225,225,217,215,222,230,230,228,222,222,217,212,207,207,209,212,222,225,225,222,222,222,228,233,233,233,230,230,235,238,233,217,215,233,241,241,238,235,235,233,230,225,215,202,145,199,209,209,212,209,207,204,209,217,225,222,215,212,212,202,145,145,207,222,217,212,208,207,209,222,230,235,230,228,233,230,228,228,230,233,233,230,225,228,230,230,230,230,235,235,235,234,234,235,243,248,251,251,251,248,248,248,246,246,246,248,246,246,243,241,241,243,243,241,238,238,238,235,233,233,233,235,235,233,230,228,225,228,225,225,222,215,212,209,207,202,196,194,147,147,147,149,196,202,207,212,215,217,222,225,228,228,228,228,225,222,222,220,217,217,212,209,204,202,199,194,191,191,189,189,189,186,183,183,183,183,181,137,135,137,137,181,183,183,183,183,191,199,202,202,199,199,199,204,204,204,207,207,209,212,215,222,228,233,235,235,233,230,225,217,215,212,215,217,222,225,0,0,0,0,0,222,217,0,0,235,225,212,204,199,191,190,190,190,189,199,212,212,204,196,194,199,202,196,189,191,194,189,181,176,165,163,157,147,107,103,101,99,99,99,101,105,107,109,115,125,191,207,212,209,207,209,209,207,204,207,207,209,212,212,212,212,212,209,207,207,207,199,194,194,191,189,141,140,143,191,194,196,196,196,196,199,202,204,204,204,196,194,194,199,209,215,212,202,202,204,199,194,204,209,209,204,194,140,140,141,141,141,141,139,138,189,202,207,207,207,207,209,204,202,199,198,199,202,209,212,215,209,204,199,199,199,199,202,7,7,1,0,1,7,11,21,31,47,53,53,47,39,35,35,35,35,35,35,21,15,21,39,39,35,41,47,45,35,35,41,41,41,49,57,55,41,31,35,49,61,67,69,73,105,124,137,113,51,0,0,0,17,35,53,63,77,142,176,191,202,209,220,220,228,243,233,243,248,251,220,157,79,46,40,50,61,73,113,121,113,105,108,108,108,0,0,0,0,255,173,111,41,37,21,0,0,0,0,0,0,0,0,0,61,121,139,173,0,0,255,255,251,228,199,181,173,150,77,7,0,0,0,0,0,0,0,0,0,0,0,0,3,48,77,100,131,170,204,215,196,163,137,118,100,79,64,41,35,37,56,0,0,0,0,0,0,0,0,111,74,33,0,0,0,0,0,0,0,0,0,0,0,0,0,11,49,51,39,33,41,61,139,170,186,186,150,59,0,0,0,71,134,77,53,57,75,91,142,209,255,255,209,67,0,0,0,0,124,202,248,255,241,71,0,0,0,0,0,0,0,7,15,5,0,0,0,0,0,0,0,0,15,43,29,0,0,0,0,0,0,11,113,176,183,170,157,139,139,144,144,144,144,147,144,137,163,168,164,170,165,139,131,139,152,142,126,87,83,91,134,163,189,191,147,39,15,15,29,71,85,103,155,173,173,173,181,181,176,170,173,183,173,152,142,105,105,85,41,37,65,89,89,69,63,51,0,0,0,91,131,129,95,97,83,41,13,11,27,47,43,49,79,144,137,81,74,76,81,91,131,134,142,157,173,165,139,129,147,168,170,170,181,181,168,150,137,137,155,157,157,157,150,131,89,83,87,118,85,67,47,27,27,49,81,121,131,150,147,137,126,124,37,0,0,23,31,41,49,59,61,51,47,51,55,51,45,45,57,63,61,55,49,45,33,23,23,25,37,53,61,67,59,41,33,33,33,33,35,53,105,113,73,63,65,61,26,21,31,59,108,108,57,35,35,55,118,142,142,131,126,121,121,142,157,139,59,27,27,49,77,79,67,65,61,49,50,77,142,160,170,178,178,170,99,63,59,71,99,115,176,207,220,228,230,238,243,246,254,255,255,255,255,255,255,255,255,255,255,255,230,107,81,67,45,31,15,15,47,0,0,0,255,248,163,103,66,23,9,9,3,0,0,11,51,61,0,0,0,0,74,56,19,3,3,0,0,0,0,0,0,0,0,0,5,0,0,0,0,0,37,64,33,0,0,0,0,0,0,0,0,0,15,53,129,160,165,152,126,108,116,126,126,87,87,118,118,87,77,73,67,61,51,47,47,49,53,55,65,85,134,134,113,81,113,126,126,126,116,79,67,57,49,37,35,37,37,39,41,49,59,65,65,59,53,49,53,83,152,165,168,170,163,170,178,202,209,199,178,165,157,157,157,150,95,63,59,60,79,95,101,103,101,101,103,107,147,150,150,147,107,101,101,147,173,199,204,196,186,176,173,173,163,139,63,39,29,27,29,61,168,215,238,248,254,0,0,0,0,255,254,238,225,204,152,79,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,103,144,183,183,163,157,163,163,163,173,186,194,186,173,155,139,118,95,59,35,0,0,0,0,0,0,0,0,111,105,77,51,33 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,0,0,0,0,0,37,126,126,129,134,139,150,165,186,199,207,207,207,202,194,191,192,196,202,202,202,204,204,202,202,202,204,209,212,215,212,209,208,209,212,217,225,222,204,186,181,183,183,176,176,181,181,173,129,123,121,119,84,81,113,125,173,176,176,186,199,196,183,183,196,212,215,199,186,181,178,181,186,194,194,183,181,191,202,212,217,123,108,122,194,207,202,194,191,191,191,189,183,186,191,194,181,178,183,178,125,126,183,199,207,207,202,199,196,202,209,212,215,217,217,215,212,212,209,207,207,202,183,121,117,123,123,119,122,131,129,109,102,108,127,123,119,122,181,191,191,186,183,186,186,135,181,199,199,194,194,191,183,178,181,181,178,181,186,181,181,191,196,186,179,178,181,178,129,129,131,129,133,176,124,125,131,181,176,170,173,176,176,186,189,194,194,119,111,125,133,131,129,128,128,176,186,191,191,186,131,123,124,133,189,189,183,191,194,191,189,183,178,178,178,181,183,186,189,191,186,183,183,186,189,194,194,186,181,178,181,189,191,189,186,191,191,189,191,191,191,191,191,189,183,178,135,135,183,189,191,191,194,194,189,181,133,129,130,137,189,189,137,135,183,194,199,202,199,196,196,189,181,179,181,189,194,194,189,189,196,199,194,194,196,194,189,183,183,189,199,202,196,189,191,199,207,209,212,215,215,212,209,209,209,215,222,222,222,222,222,215,211,211,212,217,225,225,225,224,225,228,225,222,222,222,222,222,222,222,225,228,228,225,217,217,222,228,228,225,225,228,230,228,225,225,212,204,204,209,217,222,225,228,228,225,222,215,212,207,204,204,202,191,139,137,189,194,191,189,183,137,183,186,189,196,202,202,202,202,196,189,186,186,183,181,181,186,191,186,182,183,189,194,186,179,179,181,183,183,182,183,191,199,209,212,209,204,196,183,179,186,199,196,191,186,176,131,129,127,123,119,125,189,199,199,194,186,181,183,194,204,202,178,119,127,191,196,199,202,199,189,185,186,191,194,196,202,209,215,222,222,220,217,215,212,209,191,189,196,207,212,215,212,212,212,212,212,209,204,204,199,191,115,108,113,131,194,204,209,209,207,204,202,202,202,194,181,181,186,181,133,117,86,109,119,119,115,112,115,127,129,127,133,181,191,196,196,189,183,186,181,176,173,176,176,178,183,181,123,117,121,129,176,181,183,186,179,179,186,196,199,186,178,189,199,178,72,74,131,181,183,189,199,204,204,209,217,217,209,204,202,207,212,215,209,209,207,203,203,204,207,212,207,189,125,115,117,129,183,186,181,181,196,202,207,209,199,127,127,129,125,118,125,119,112,121,128,129,127,123,131,209,217,212,212,217,215,215,209,207,207,207,204,202,196,181,101,67,95,186,178,117,115,119,120,119,121,131,133,135,183,189,183,177,177,189,202,209,207,204,194,183,137,127,117,114,114,186,194,191,191,194,196,194,186,183,189,196,202,202,196,196,202,199,186,181,183,194,204,207,202,202,199,133,117,119,125,125,131,186,194,194,196,196,199,202,202,199,194,183,176,133,133,176,181,186,191,194,194,191,189,178,133,133,135,183,191,196,196,196,194,191,191,196,199,199,194,194,194,191,189,131,134,191,202,202,128,129,189,204,207,209,217,228,225,215,212,220,228,228,222,215,215,212,209,207,207,212,217,222,222,222,217,217,222,228,230,228,225,225,228,233,235,235,222,215,230,241,241,238,238,238,235,233,228,217,147,133,138,149,202,204,202,200,204,215,228,230,228,222,220,217,209,147,145,199,215,215,212,209,209,217,228,233,235,233,230,230,225,222,225,225,228,230,233,235,235,235,235,235,233,233,235,235,234,234,235,243,248,248,248,248,248,248,248,248,248,248,248,248,246,243,241,241,243,0,243,241,241,238,233,231,233,235,238,238,235,230,228,228,228,225,222,217,212,209,209,207,202,199,194,147,147,147,149,196,202,207,212,215,217,222,225,228,228,228,228,225,225,222,222,222,217,212,209,204,202,199,194,191,191,189,189,186,186,183,183,183,183,181,135,133,133,135,137,139,183,182,183,191,196,202,199,198,196,198,199,204,207,207,209,209,212,212,215,222,228,230,233,233,230,228,222,217,212,212,215,217,225,0,0,0,230,230,228,222,222,0,238,228,217,212,207,196,190,189,189,190,204,215,215,204,194,192,194,204,199,189,186,189,186,178,170,168,173,168,157,109,103,103,101,97,97,101,105,109,111,117,127,189,207,212,207,205,207,209,207,204,207,209,209,212,212,212,212,209,207,207,207,207,202,196,194,194,191,143,143,191,196,199,202,202,196,195,195,199,204,207,204,199,196,196,202,207,212,207,200,199,204,207,207,209,212,209,204,191,141,141,186,140,139,141,141,140,191,204,209,209,207,204,204,204,202,200,202,202,204,207,209,209,207,204,202,199,199,199,199,0,1,1,7,7,9,13,21,31,41,47,47,41,39,35,35,35,35,35,33,17,9,17,35,35,34,35,49,51,41,39,41,47,41,41,53,55,41,28,27,39,55,67,73,103,111,118,124,113,73,0,0,0,0,25,59,73,85,142,168,207,228,228,215,209,228,251,251,255,255,255,255,222,160,59,43,50,56,61,67,81,105,105,124,142,131,100,53,74,176,222,165,126,111,95,64,15,0,0,0,0,0,0,0,0,35,87,105,142,0,255,255,255,255,255,246,254,255,230,131,39,0,0,0,0,0,0,0,0,0,0,0,0,23,87,111,129,152,194,212,215,189,155,137,126,121,100,72,41,31,30,48,64,0,0,0,0,0,0,0,0,111,61,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,35,63,134,176,207,178,129,53,5,0,35,91,139,63,31,26,40,53,91,186,248,255,222,73,0,0,0,0,69,191,235,254,228,124,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,43,35,1,0,0,0,0,13,67,126,139,126,118,89,121,129,155,165,170,165,157,144,163,170,170,178,165,131,129,131,139,134,91,83,83,77,71,81,144,178,150,67,25,28,65,91,103,144,155,165,157,173,189,191,181,170,186,202,194,173,152,144,97,57,31,34,75,95,81,59,55,79,0,0,0,85,99,99,95,95,75,39,25,33,77,89,69,77,131,152,150,87,69,69,75,83,89,89,93,142,168,173,147,139,152,157,144,139,147,155,147,137,129,137,155,163,163,157,150,131,81,73,83,121,121,113,71,43,35,61,116,124,134,160,181,160,126,41,0,0,0,29,41,49,53,57,59,47,40,41,45,42,40,40,49,63,63,59,55,57,45,27,24,33,43,57,55,53,41,25,21,19,19,19,23,37,67,100,65,61,67,57,24,20,27,55,108,121,77,69,73,118,142,150,142,137,137,121,121,142,160,150,77,45,43,75,129,121,81,75,61,48,51,83,157,183,194,196,204,196,163,65,58,67,83,103,129,204,222,230,235,238,246,246,254,255,255,255,255,255,255,255,255,255,255,225,181,150,107,93,69,63,41,41,73,0,0,255,255,163,95,85,74,43,25,25,25,15,3,5,9,17,40,0,0,0,0,74,38,0,0,0,0,0,0,0,0,0,0,0,17,17,0,0,0,0,5,31,27,5,0,0,0,0,0,0,0,0,0,49,134,160,155,144,116,109,131,144,142,126,87,87,87,85,85,75,73,67,61,61,61,65,65,61,65,81,129,129,118,83,118,131,134,126,116,79,63,61,57,51,49,47,47,47,49,55,59,65,67,75,67,59,59,87,152,160,165,173,170,181,191,202,209,199,176,163,157,152,152,150,95,63,60,65,89,105,111,107,107,107,107,109,150,150,109,107,97,92,95,147,173,191,191,178,170,165,170,173,165,139,81,61,55,49,45,75,160,215,228,235,0,0,0,0,0,255,251,235,215,189,139,90,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,90,137,163,163,152,147,150,155,165,168,186,194,191,173,165,147,129,111,69,43,0,0,0,0,0,0,0,0,95,90,61,29,23 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,98,124,23,0,0,0,0,61,71,67,87,147,163,181,196,204,207,207,207,202,196,194,196,202,204,204,204,207,207,204,202,200,202,207,209,215,215,212,209,209,212,215,225,222,217,199,189,183,178,133,134,189,194,181,131,123,123,117,82,98,119,131,178,173,129,178,194,194,183,182,191,204,204,191,181,178,135,178,183,194,194,183,183,196,202,204,207,183,119,131,189,194,194,189,189,196,199,196,186,189,194,191,178,176,183,135,126,127,178,196,204,207,204,202,202,207,209,212,212,215,217,215,215,215,209,209,207,194,125,111,113,123,127,121,129,186,189,129,103,106,127,131,121,119,123,176,181,178,186,196,194,129,132,207,207,196,199,202,194,181,133,131,131,133,178,133,129,135,189,189,181,178,181,181,129,129,176,181,189,181,127,125,126,176,176,172,181,183,191,204,202,202,202,117,104,121,133,131,128,129,131,176,181,183,183,186,135,127,129,181,191,194,194,196,194,189,183,181,135,135,178,181,183,181,181,183,186,186,189,186,186,186,186,183,183,183,186,194,194,183,181,191,194,191,189,189,189,189,189,186,181,178,178,181,183,186,189,189,194,196,191,181,135,135,137,137,135,133,132,132,135,186,196,202,202,196,191,181,178,179,186,196,204,207,202,199,199,194,189,191,204,207,194,186,186,189,194,194,189,186,189,199,207,212,217,217,215,209,212,212,215,220,225,225,222,222,217,215,211,212,215,222,228,228,225,224,225,228,225,222,220,222,222,222,217,215,217,222,225,222,215,211,211,217,225,228,228,228,228,228,225,228,225,207,204,209,222,228,228,228,228,225,217,209,199,194,191,191,196,191,135,128,135,189,194,191,183,135,181,186,194,199,202,202,202,196,189,183,181,186,186,181,181,183,186,186,183,183,191,196,194,189,183,183,189,186,186,191,202,207,212,212,209,207,204,196,183,189,199,194,189,191,191,186,176,127,121,118,119,181,196,196,194,186,181,182,191,202,202,127,117,129,191,194,199,202,202,194,189,189,194,196,199,202,207,215,217,222,220,217,215,212,207,194,191,202,209,212,215,215,215,212,209,207,207,204,204,207,209,189,108,106,113,186,199,202,202,196,189,181,178,186,189,181,189,199,194,181,129,111,117,183,194,199,194,189,191,181,133,135,183,191,196,199,191,183,178,178,181,181,183,183,183,173,125,116,115,119,129,173,181,186,186,181,181,186,194,191,178,131,181,186,111,61,64,119,183,191,191,196,202,202,209,217,222,215,209,207,207,212,209,207,204,204,204,204,204,209,212,209,189,125,119,123,127,133,181,181,181,186,194,199,204,196,129,129,135,135,202,217,131,112,120,127,131,131,123,137,212,222,215,215,217,217,215,209,207,209,212,212,207,196,129,121,119,129,186,178,121,125,129,127,121,121,127,133,181,191,196,194,186,177,178,191,191,181,113,93,90,99,111,115,115,125,181,194,194,189,183,183,183,181,137,183,189,191,194,191,191,196,186,178,135,178,181,191,196,191,191,196,191,183,186,178,129,133,186,194,196,196,196,199,202,202,199,194,186,181,181,183,183,186,186,189,191,189,189,183,178,133,135,181,189,191,196,196,199,202,202,199,196,199,202,199,196,191,191,199,141,189,202,207,204,108,114,137,194,196,202,215,225,225,215,212,215,222,225,217,212,209,207,204,202,204,212,222,225,222,216,216,217,222,228,228,224,221,224,228,230,235,235,225,213,217,235,238,241,241,241,238,233,233,230,151,130,135,145,204,207,200,198,202,217,233,233,230,228,228,225,217,151,147,151,207,212,215,215,222,228,233,233,230,233,233,230,222,217,222,222,222,228,233,233,230,230,235,235,235,235,238,241,238,235,238,243,246,246,246,248,248,248,248,248,248,248,248,248,246,243,241,241,243,0,243,243,241,235,231,231,235,0,0,0,238,233,230,230,228,228,222,215,212,209,207,207,204,199,194,147,147,147,149,196,204,209,212,215,215,222,225,225,228,228,228,225,225,225,225,225,222,215,209,204,202,196,194,191,191,191,189,186,183,183,181,181,181,181,135,133,132,133,135,139,183,183,183,189,196,202,199,198,196,196,199,207,209,212,212,212,215,215,215,217,225,228,233,235,233,228,225,222,215,212,212,215,222,0,0,233,230,230,230,222,216,222,230,228,222,222,215,207,196,191,191,194,204,212,207,196,191,191,194,207,202,191,186,186,183,176,168,170,181,183,165,147,105,101,101,97,96,97,103,105,109,117,125,178,199,209,209,207,207,209,207,204,207,207,209,209,209,209,209,207,205,205,207,209,207,204,202,199,196,191,194,199,204,204,204,204,199,194,195,199,204,207,204,199,196,196,199,204,207,204,200,199,202,209,212,212,212,209,202,194,191,194,194,140,139,141,186,191,196,204,207,207,207,207,207,207,204,204,207,207,207,207,207,207,204,202,202,202,199,199,199,0,0,7,7,7,11,13,19,35,39,39,39,39,39,39,39,35,35,39,35,15,7,13,33,39,35,39,49,49,35,23,35,49,41,41,55,61,53,37,35,39,55,71,103,111,111,105,105,111,79,0,0,0,0,25,63,83,93,144,181,215,238,217,196,192,209,243,255,255,255,255,255,255,228,150,79,79,73,65,61,67,69,75,116,137,131,100,47,36,137,186,202,0,0,0,113,35,0,0,0,0,0,0,0,5,41,77,79,142,255,255,255,255,255,243,238,255,255,235,116,77,23,0,0,0,0,0,0,0,0,0,0,0,21,64,98,124,152,186,196,194,163,139,118,118,121,113,92,64,35,31,48,59,0,0,0,0,0,0,0,0,0,85,51,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,53,113,157,196,230,194,142,73,49,43,83,150,150,63,20,17,40,71,152,178,220,241,212,73,5,0,0,0,77,194,228,241,235,228,202,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,49,82,45,0,0,0,0,21,57,71,71,63,63,79,85,129,157,178,183,173,157,152,170,178,189,189,163,124,87,89,131,131,124,121,83,59,29,28,61,131,147,95,67,71,91,137,137,144,155,152,150,173,199,191,181,176,186,202,204,186,173,155,95,41,29,36,87,101,81,73,89,248,39,0,53,99,139,137,99,95,79,47,33,45,85,95,89,134,165,173,176,155,85,83,95,144,139,126,93,134,155,152,139,137,147,144,129,91,89,81,81,81,85,129,147,155,152,152,147,126,75,71,81,121,129,126,113,59,43,63,113,124,121,142,189,137,13,0,0,0,0,37,51,61,63,67,67,49,39,40,42,41,40,41,53,67,69,61,61,67,63,43,33,43,49,59,55,47,37,21,16,16,15,15,16,27,49,59,54,59,69,59,27,23,31,55,71,79,77,108,121,142,150,142,121,121,137,134,118,134,152,144,71,51,61,118,139,129,83,77,63,53,61,91,160,194,204,215,217,215,176,81,67,77,83,99,129,215,235,235,238,246,246,254,254,255,255,255,255,255,255,255,255,255,248,196,176,165,157,101,79,69,49,65,0,0,220,248,196,113,87,85,98,90,59,59,74,66,17,0,0,0,9,0,0,0,0,79,43,3,0,0,0,0,0,0,0,0,0,0,25,31,3,0,0,0,0,13,27,7,0,0,0,0,0,0,0,0,0,53,142,160,152,137,121,126,144,160,152,134,87,85,77,77,77,85,75,71,69,67,73,83,83,73,67,81,131,134,126,118,126,134,134,134,126,81,71,63,63,63,63,63,63,61,59,59,65,69,79,81,79,67,61,85,144,155,163,173,181,194,202,202,202,199,176,157,150,150,150,109,95,73,73,89,105,150,152,111,106,106,109,109,111,109,101,97,93,92,95,150,176,189,176,165,157,157,157,165,165,152,131,93,93,79,63,81,157,207,220,233,0,0,0,0,0,255,251,243,215,168,121,79,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,90,129,144,144,139,134,129,139,147,155,183,194,194,191,173,155,144,118,72,46,0,0,0,0,0,0,51,69,90,72,48,23,22 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,85,129,47,1,69,15,0,29,67,63,93,155,178,196,202,204,204,207,207,204,199,196,199,204,209,209,209,209,209,207,202,202,204,207,209,212,212,209,209,209,212,215,217,222,217,212,204,189,135,132,133,181,194,189,178,129,131,173,117,115,113,104,123,127,123,125,173,186,183,182,186,196,199,191,181,135,133,133,181,183,183,181,183,191,196,204,209,209,202,194,189,186,186,186,194,202,207,196,186,204,207,202,194,189,183,133,130,131,178,194,202,207,204,202,202,202,207,209,209,212,212,212,212,212,212,212,207,127,109,98,111,121,127,178,194,199,194,181,119,109,119,217,204,125,122,121,121,133,189,212,191,126,131,199,204,204,207,207,204,191,131,123,119,121,125,127,121,107,183,189,183,181,183,181,176,178,194,209,209,196,133,126,126,133,181,189,196,202,209,212,212,209,207,186,119,118,178,176,129,131,133,176,176,174,176,183,183,178,178,189,194,196,196,199,196,189,183,181,178,135,135,181,178,131,131,176,181,183,189,186,183,183,186,191,194,189,186,191,186,129,133,196,199,189,183,189,191,194,194,186,178,186,194,191,189,189,189,186,189,189,186,183,181,183,186,181,132,131,131,132,133,137,189,196,199,196,189,179,178,183,194,204,209,209,207,202,194,186,186,196,209,217,204,186,183,189,191,194,189,185,187,194,204,215,217,215,209,209,212,212,215,217,222,222,217,217,217,215,212,212,215,222,225,228,228,225,225,225,222,220,220,222,222,217,212,209,212,215,222,222,215,209,208,212,225,228,228,225,222,222,225,228,225,217,209,209,222,233,228,224,228,225,215,204,196,191,189,189,191,189,135,130,133,183,189,186,181,134,135,189,196,202,202,202,202,194,183,181,181,189,189,186,181,181,183,186,191,194,199,202,199,196,194,194,196,191,191,196,204,207,209,212,212,207,207,204,189,183,189,191,191,194,199,196,186,131,119,116,117,125,176,186,191,194,189,183,186,191,109,105,117,129,181,186,186,191,196,194,191,194,196,202,204,207,207,209,215,217,220,222,217,209,196,194,202,207,212,212,212,215,209,207,204,200,207,209,207,204,207,194,106,102,115,135,191,196,196,194,183,131,130,186,196,186,194,204,196,178,123,115,181,204,215,212,209,207,202,191,178,178,186,194,196,194,186,178,176,181,189,191,191,189,186,176,123,118,118,125,173,178,183,186,183,183,186,191,189,183,131,125,122,183,113,65,76,129,191,199,196,194,192,192,199,212,217,215,209,204,204,207,207,202,199,202,204,204,207,207,212,209,194,135,137,183,137,135,137,186,189,183,183,191,196,194,139,135,183,199,209,215,207,139,133,186,196,194,119,139,209,217,215,215,215,217,217,215,212,215,212,215,207,181,129,129,131,178,189,199,194,186,183,183,131,125,127,127,133,194,202,199,194,189,186,186,181,127,63,47,55,105,131,121,115,125,181,194,196,186,135,133,137,181,137,137,183,183,183,189,191,178,101,113,130,133,133,181,186,182,181,199,204,199,196,189,178,178,186,194,196,196,199,202,202,199,196,191,186,181,186,191,191,189,186,183,183,183,183,183,186,189,186,186,189,191,191,194,196,199,202,199,196,199,202,202,196,191,194,194,191,194,202,204,202,143,139,189,189,143,194,207,217,225,217,209,209,215,222,225,217,209,204,202,200,200,209,225,228,222,217,216,217,225,230,230,225,224,225,228,230,233,235,230,215,211,225,235,241,243,243,238,233,233,230,209,141,141,151,212,212,202,199,202,217,230,233,230,230,230,230,222,204,150,199,207,212,217,222,225,230,230,230,230,233,235,230,222,217,222,212,209,228,233,228,225,226,233,238,238,238,241,243,243,241,241,243,243,243,246,246,248,248,251,251,248,248,248,251,248,246,243,241,243,0,246,243,238,233,231,231,235,0,0,0,238,235,233,233,230,228,225,217,212,209,207,207,204,199,196,149,147,147,149,196,202,209,212,215,215,217,222,222,225,228,228,228,225,225,225,225,222,217,212,207,202,196,194,191,191,191,191,189,186,183,183,181,181,137,137,133,132,132,135,139,186,183,183,186,191,199,202,202,199,199,204,209,217,217,217,217,217,217,217,222,225,228,230,235,235,233,228,225,217,212,211,212,215,0,230,235,233,230,228,222,215,216,225,0,0,0,228,222,215,212,204,199,202,204,199,192,191,191,194,202,199,191,191,189,181,173,168,170,183,186,173,152,105,101,97,96,96,97,99,101,105,115,123,129,189,204,207,207,207,209,207,207,204,204,207,207,207,207,209,209,205,204,207,212,212,209,204,202,202,202,204,209,209,204,202,204,199,195,195,199,202,204,204,199,196,196,199,202,204,204,202,202,207,212,215,215,209,202,199,199,204,207,202,189,140,141,189,194,202,207,204,204,204,207,207,204,204,204,207,209,207,207,204,204,202,202,202,202,199,196,196,0,1,7,9,7,7,13,23,39,39,35,35,39,43,43,35,23,31,39,35,15,7,9,15,31,35,41,45,35,18,15,23,45,49,51,59,87,65,57,55,61,95,95,95,103,111,100,103,113,73,0,0,0,23,43,71,77,73,93,199,228,215,199,195,192,202,220,251,255,255,251,255,255,246,183,137,91,85,73,61,61,67,75,105,116,98,55,37,47,100,144,202,230,222,178,121,39,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,228,163,173,191,160,111,100,66,25,0,0,0,0,0,0,0,0,0,0,0,0,0,11,51,113,152,173,170,163,129,103,100,100,103,92,61,31,29,37,64,82,0,0,0,0,0,0,0,0,111,77,40,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,118,157,186,233,254,246,191,150,121,75,118,173,150,69,53,55,79,150,173,170,170,196,191,73,29,13,0,5,191,228,228,228,228,241,254,251,183,25,0,0,0,0,0,0,0,0,0,5,0,0,0,0,0,0,43,61,35,0,0,0,5,49,63,57,47,38,48,65,83,129,160,181,189,173,157,157,186,212,212,196,173,137,81,83,131,139,131,124,89,59,25,23,33,79,147,173,160,134,97,97,97,142,155,152,148,157,194,191,183,183,186,191,186,183,186,176,103,38,31,51,91,95,81,91,157,160,83,61,91,139,144,147,142,95,65,43,41,65,129,142,144,155,173,194,196,170,142,139,157,163,142,126,131,129,87,87,85,85,91,129,129,83,61,49,49,59,77,93,137,137,137,137,134,118,75,73,81,124,137,137,129,83,51,45,69,81,69,67,113,21,0,0,0,0,33,37,57,77,113,79,67,47,42,47,51,49,49,55,67,73,69,59,65,77,71,49,39,37,43,53,55,43,31,21,16,16,16,17,19,23,37,55,59,63,73,69,49,37,45,55,55,55,51,59,77,129,121,75,63,77,121,129,81,79,121,121,67,48,50,81,129,121,83,81,81,81,79,83,157,194,204,204,217,217,186,109,99,103,95,95,117,196,228,238,238,238,243,254,255,255,255,255,255,255,255,255,255,255,235,207,202,186,157,139,85,69,63,111,0,0,170,178,144,95,85,90,100,92,72,66,72,56,5,0,0,0,0,0,0,0,0,61,27,0,0,0,0,0,0,0,0,0,0,0,7,25,7,0,0,0,0,9,31,17,0,0,0,0,0,0,0,0,0,57,150,165,152,144,137,137,152,165,160,144,126,87,85,77,77,75,69,67,69,69,75,83,85,75,73,85,139,144,131,118,126,134,134,142,134,126,85,71,69,67,67,69,71,67,61,61,69,79,87,85,85,85,67,85,144,155,163,173,194,204,207,207,204,191,168,150,112,150,111,103,85,65,67,89,109,157,160,152,109,105,105,109,111,109,95,93,93,93,103,157,181,189,176,157,150,142,139,147,157,165,157,157,157,139,89,91,152,199,0,235,251,0,0,0,0,0,255,243,215,155,105,74,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,87,126,129,137,131,116,98,95,113,139,165,194,209,204,186,170,0,0,0,0,0,0,0,0,0,0,61,72,77,69,43,23,23 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,82,100,124,152,178,163,19,33,59,97,142,157,181,199,202,202,204,207,207,204,199,196,199,204,207,209,209,209,209,207,204,204,207,209,209,209,207,209,209,212,212,215,215,215,215,215,212,199,181,132,132,176,189,189,181,176,176,131,121,113,104,100,111,121,118,119,131,183,186,183,189,199,204,199,189,181,133,133,137,137,135,135,137,186,202,209,217,222,217,209,199,189,181,186,199,207,204,189,182,204,215,215,204,194,178,131,132,178,183,189,196,204,204,204,202,199,202,207,207,207,207,209,212,215,215,212,196,105,101,111,119,119,173,191,202,202,194,181,125,111,95,196,209,194,173,122,121,129,186,194,178,130,133,189,199,204,207,209,207,194,178,121,111,110,113,113,107,79,111,191,196,189,183,178,176,181,194,207,209,199,178,129,129,176,186,196,207,212,215,215,212,215,215,199,127,123,189,189,181,178,176,176,176,174,176,186,191,194,196,202,202,199,199,199,196,189,183,183,181,178,135,135,131,128,129,133,178,183,186,183,181,183,189,199,202,194,189,186,178,126,131,194,194,178,178,191,202,204,202,189,181,191,202,199,191,189,186,183,182,182,182,183,183,186,189,183,133,132,135,135,135,137,183,191,196,194,183,179,183,191,199,207,209,204,196,191,186,186,194,204,209,202,194,183,189,194,196,196,194,187,187,194,207,217,217,209,207,207,212,215,215,215,215,215,215,217,217,217,215,215,215,217,222,225,225,225,225,228,225,222,221,222,222,215,207,205,207,212,220,222,217,212,211,215,225,228,228,228,222,220,222,225,225,222,212,207,209,222,225,225,225,222,212,207,202,196,191,189,189,186,139,134,134,181,186,189,186,135,133,181,196,204,204,202,199,191,181,181,183,189,191,189,183,182,182,186,196,204,207,204,202,202,199,196,196,194,194,199,204,207,209,212,212,209,209,209,194,183,183,189,189,191,194,194,189,133,119,116,116,119,127,178,189,194,189,181,176,127,106,106,121,176,183,183,186,189,196,196,196,196,196,202,209,212,207,209,220,225,222,222,222,215,186,191,207,209,215,212,215,212,204,202,200,200,209,212,212,189,186,186,125,117,127,133,183,202,209,204,191,129,129,204,212,204,196,186,131,123,116,112,194,209,215,215,212,212,209,202,186,186,194,199,202,199,183,131,133,183,191,194,194,194,189,181,131,127,127,173,181,186,189,186,181,181,186,189,183,131,123,122,127,202,189,104,115,194,202,204,199,194,191,190,194,204,212,209,207,202,199,202,199,196,196,202,204,207,204,204,207,207,199,189,194,202,199,189,181,189,194,189,183,186,191,196,191,186,191,202,209,212,204,194,194,204,209,204,139,183,199,212,215,212,212,217,222,217,212,212,212,204,186,129,131,133,178,186,199,204,202,196,191,189,178,133,133,129,129,186,196,202,202,199,196,194,194,191,119,86,91,135,183,125,109,108,183,196,199,189,135,133,133,137,137,137,137,135,135,189,199,194,110,118,131,178,135,181,186,182,179,191,202,199,199,194,183,183,189,194,196,196,202,204,202,196,191,189,183,183,186,191,189,186,183,178,134,134,178,183,189,196,194,191,189,189,191,191,191,191,194,196,194,194,196,199,196,194,194,191,186,191,202,204,202,194,191,191,141,138,143,199,209,215,212,208,208,212,217,225,222,212,207,204,202,202,209,225,230,228,222,222,222,228,233,233,230,228,228,230,230,230,233,233,222,213,222,233,241,246,243,238,233,230,225,204,144,145,207,217,215,204,202,207,220,228,230,228,228,228,228,217,207,199,202,207,212,215,217,222,225,228,228,228,230,230,228,222,217,217,205,203,217,230,226,225,226,230,235,235,235,241,243,246,246,243,243,243,246,246,246,248,248,251,251,251,251,251,251,248,246,241,241,243,0,246,246,238,233,231,233,235,0,0,235,235,235,235,233,230,228,225,222,215,209,207,207,204,202,199,196,149,147,147,196,202,207,212,215,215,217,220,222,225,228,228,228,228,228,225,225,222,217,215,207,202,196,194,191,191,191,191,191,189,186,183,139,137,135,135,133,132,132,135,139,183,139,138,139,189,196,204,207,207,207,212,217,225,225,222,217,222,222,222,225,225,228,230,233,235,235,233,230,225,215,211,211,212,217,225,233,233,230,225,217,215,216,217,0,0,0,0,230,230,228,215,202,202,202,199,196,199,199,199,196,194,189,189,186,181,173,168,168,178,181,173,155,107,101,97,96,97,99,99,99,103,109,117,123,178,199,207,209,209,212,212,209,204,202,202,202,202,202,207,209,209,207,209,215,215,209,204,202,204,207,212,215,209,202,202,202,199,196,195,196,199,202,202,196,195,195,196,202,207,209,207,204,207,209,212,212,207,202,199,202,207,207,202,194,189,186,189,194,204,209,207,203,204,204,204,204,204,204,204,207,207,204,204,204,204,202,202,202,199,196,196,0,0,0,5,5,7,15,29,37,37,33,33,37,45,45,29,9,13,29,29,13,0,0,5,7,15,33,39,33,16,14,21,43,53,57,59,61,61,87,95,111,121,111,95,103,105,98,103,131,111,0,0,3,45,63,77,63,51,65,170,215,215,199,196,199,209,220,243,251,228,204,220,254,243,194,150,91,79,53,27,37,67,100,98,53,29,31,49,90,92,111,157,202,191,121,41,29,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,212,196,163,142,134,134,118,103,79,43,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,126,170,189,186,160,131,111,77,59,35,21,15,17,31,66,95,108,0,0,0,0,0,0,0,118,85,61,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,139,173,191,233,255,255,251,194,139,67,53,113,75,65,71,91,142,157,163,156,165,196,173,41,27,39,33,43,255,255,217,189,191,215,235,255,241,92,0,0,0,0,0,0,0,0,0,33,41,19,0,0,0,0,41,59,37,0,0,0,41,75,105,67,49,42,51,73,118,142,165,183,183,173,157,160,204,238,228,215,189,150,75,63,87,134,126,83,71,57,39,33,45,79,139,165,160,134,91,91,85,97,144,155,155,168,189,191,183,181,183,173,173,160,173,163,99,41,34,57,89,93,89,101,150,144,97,93,137,144,139,147,139,85,53,40,43,75,137,155,163,173,173,173,168,155,139,129,142,144,97,89,89,79,59,53,51,49,57,79,91,83,59,47,47,53,75,87,129,129,134,129,118,75,69,69,81,124,137,139,121,69,43,37,49,57,41,29,25,3,0,0,0,0,35,45,69,121,131,113,67,53,55,67,71,71,75,77,77,69,61,53,61,77,77,59,39,35,39,47,47,41,31,25,21,17,17,19,23,23,37,57,69,67,69,75,65,55,53,49,37,31,21,15,37,71,71,57,53,60,79,81,71,69,81,83,61,42,39,61,85,129,129,137,150,142,81,61,139,186,202,202,217,217,202,176,170,168,109,95,109,183,217,230,230,235,238,254,255,255,255,255,255,255,255,255,255,255,243,235,233,194,144,139,139,118,69,79,0,160,152,134,95,77,77,74,74,66,35,13,3,0,0,0,0,0,0,38,0,0,0,51,17,0,0,0,0,0,0,0,0,0,0,0,0,7,3,0,0,0,0,0,25,17,0,0,0,0,0,0,0,0,0,51,147,163,152,147,139,139,152,160,160,150,134,126,87,85,73,65,64,64,65,67,69,73,75,75,73,85,144,152,131,121,126,134,137,144,144,134,118,81,71,69,69,69,69,63,55,57,69,85,87,87,87,85,77,85,147,155,157,173,186,204,204,204,194,178,160,113,112,113,111,99,75,59,62,91,113,160,168,163,155,109,105,109,111,109,95,95,95,97,109,157,176,189,178,168,152,142,99,103,150,165,165,165,165,157,131,91,137,178,217,235,246,0,0,0,0,0,0,235,207,152,105,74,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,66,111,118,129,121,98,83,79,95,129,155,194,212,204,191,0,0,0,0,0,0,0,0,0,0,61,61,72,77,64,43,27,25 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,92,116,194,207,215,228,207,55,57,139,147,160,183,196,199,199,202,204,202,199,195,195,196,199,204,209,209,209,209,209,207,209,209,209,207,204,204,209,215,217,215,212,212,212,212,212,215,209,191,133,131,176,189,194,183,176,129,119,113,110,105,106,115,121,117,117,178,189,194,196,199,204,209,207,194,181,133,133,135,135,131,131,137,189,209,217,225,228,225,217,207,194,139,183,196,202,196,183,179,194,212,215,209,191,131,129,133,191,194,191,194,199,199,202,204,202,199,199,199,202,207,209,212,217,217,215,176,95,97,121,123,119,183,199,202,199,194,186,178,125,79,104,202,202,186,127,123,129,176,176,133,176,181,186,191,199,199,202,194,189,186,133,117,111,108,108,106,90,178,209,207,199,189,181,178,178,186,194,202,196,181,176,176,178,183,194,204,209,212,212,209,212,212,199,176,131,196,204,199,186,176,176,176,178,181,191,202,209,215,217,212,202,196,196,194,189,186,186,186,181,135,133,131,131,135,178,178,181,181,178,178,183,189,202,204,194,186,178,129,126,133,183,178,128,131,191,209,215,209,194,186,191,199,196,194,191,189,183,182,182,186,189,189,191,191,186,135,135,137,181,137,137,137,183,191,191,183,186,199,204,204,207,207,194,181,182,186,194,209,222,209,183,179,182,194,202,202,202,199,191,187,194,209,217,215,207,204,212,215,215,212,212,209,212,212,215,217,215,215,212,212,215,217,217,220,217,222,225,228,225,222,222,217,209,205,205,207,212,220,222,222,217,217,222,225,228,228,228,222,222,222,225,225,222,212,202,139,129,196,217,222,215,209,209,209,204,196,191,189,183,137,135,134,137,183,189,189,137,133,134,186,199,199,196,194,186,137,137,183,186,189,189,189,183,182,183,202,212,212,207,204,204,202,199,199,199,199,204,207,209,209,212,212,212,212,212,204,189,183,186,189,189,189,191,189,178,125,117,119,123,129,176,183,186,176,127,125,118,111,116,129,181,191,191,189,189,196,199,199,196,191,191,202,207,209,212,225,225,222,225,225,212,97,135,212,217,217,215,215,212,204,202,200,200,207,212,215,111,109,129,135,135,133,133,189,212,215,212,204,133,131,204,215,212,183,109,110,117,119,121,204,212,212,212,212,212,212,209,199,196,199,202,207,202,186,129,129,178,186,189,189,189,186,181,178,173,173,178,186,191,189,186,178,176,178,183,176,122,121,123,133,196,191,129,183,204,207,207,204,199,194,192,199,207,209,207,202,196,196,196,194,194,196,202,204,207,202,200,202,204,202,196,202,209,209,196,183,183,191,194,186,186,194,199,199,194,194,199,204,204,202,202,207,212,215,209,194,139,183,204,215,212,212,217,222,215,212,212,209,194,131,128,131,135,181,196,207,209,207,199,191,186,183,183,181,135,135,183,194,199,204,202,199,202,209,217,207,181,137,191,196,137,112,108,183,196,199,191,181,133,132,133,137,137,135,133,133,189,207,209,123,125,133,181,183,189,191,186,183,189,194,196,196,191,183,186,189,194,196,199,202,202,196,189,183,183,182,182,186,186,183,181,181,176,133,133,135,181,186,194,194,191,187,187,191,194,191,190,190,194,194,192,192,194,196,196,194,189,183,189,199,204,204,194,189,141,137,136,139,194,204,212,209,208,209,215,217,222,222,215,212,212,209,212,215,222,225,228,225,225,225,230,233,233,233,230,230,233,233,233,233,233,225,217,225,233,241,243,243,238,230,230,225,207,149,202,215,217,212,207,209,215,222,225,225,225,222,222,222,215,209,207,207,209,207,209,212,215,217,222,228,225,222,217,222,222,217,217,204,199,212,228,230,228,228,233,233,230,230,233,241,243,246,246,246,246,246,246,246,248,248,251,251,251,251,251,251,248,243,241,241,243,0,248,246,241,235,233,233,233,235,235,233,233,233,233,233,230,228,225,222,217,212,207,207,204,204,202,199,196,149,149,149,199,202,207,212,215,215,220,222,225,228,228,228,228,228,228,225,222,217,215,209,204,199,194,191,191,191,191,191,191,189,183,139,135,135,133,135,133,133,135,139,139,139,138,139,189,196,202,207,207,209,215,222,228,225,217,215,217,225,225,228,228,228,228,233,235,235,235,233,228,222,215,212,212,215,220,225,228,225,220,216,216,217,217,0,0,0,0,0,0,235,225,209,204,204,202,204,207,207,202,194,191,186,181,181,178,173,168,170,173,173,168,157,142,101,99,97,97,99,101,99,99,103,109,115,168,191,207,215,212,215,215,212,207,204,202,200,199,199,202,209,212,212,215,215,215,212,207,204,204,207,215,215,209,202,202,202,199,196,195,196,199,199,199,196,195,195,196,204,209,212,209,207,207,207,207,207,204,202,199,199,199,196,194,194,191,186,185,191,202,209,207,204,203,203,203,203,204,204,207,207,207,204,204,204,204,204,204,202,202,199,196,0,0,0,5,9,11,19,29,37,33,33,37,41,45,39,19,4,5,15,19,13,5,0,0,0,0,21,39,33,18,16,21,45,53,53,47,43,45,59,95,116,134,113,95,95,95,61,65,113,100,1,0,11,43,51,57,45,19,27,81,186,209,204,199,207,220,220,228,228,204,190,199,230,222,194,150,79,43,7,2,21,61,67,51,19,16,23,57,92,0,0,111,126,103,27,0,1,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,217,126,108,126,134,126,116,108,66,23,7,0,0,0,0,0,0,0,0,0,0,0,0,33,111,165,196,196,186,165,103,17,0,0,0,0,10,35,79,103,126,0,0,0,0,0,0,0,0,98,69,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,129,157,176,215,255,255,255,207,121,33,23,31,43,57,69,118,142,163,168,165,209,248,181,12,13,41,55,121,255,255,191,176,185,202,225,255,225,61,0,0,0,0,0,0,0,0,53,103,98,72,29,7,0,1,35,53,41,0,0,0,55,118,137,121,71,63,77,124,142,160,173,183,178,157,134,144,194,238,246,238,215,165,71,35,53,77,69,35,17,27,53,67,73,87,129,142,134,95,83,75,68,71,99,165,178,178,183,181,181,170,157,157,150,139,142,152,137,65,43,67,89,95,95,101,95,93,99,144,152,144,137,137,95,73,47,41,53,87,150,157,173,178,170,147,99,91,91,79,83,89,89,87,73,53,43,40,37,37,40,57,77,77,61,49,49,59,75,91,131,137,134,124,77,57,55,63,75,113,121,121,73,47,36,39,45,39,35,45,47,59,126,43,0,23,51,59,77,131,131,113,69,69,77,108,111,111,116,108,75,61,46,46,53,71,77,65,45,34,35,43,49,43,37,27,21,21,19,23,23,23,31,49,67,61,57,100,77,65,57,39,25,15,13,9,15,55,65,56,52,58,71,71,67,68,79,83,59,39,35,53,129,147,144,152,165,144,61,37,91,186,204,202,204,217,217,196,191,178,115,103,117,186,217,228,220,220,230,243,255,255,255,255,255,255,255,255,255,255,241,241,238,199,144,150,168,139,63,65,0,186,144,92,47,39,41,29,21,21,11,0,0,0,0,0,0,0,0,5,0,0,0,59,27,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,17,9,0,0,0,0,0,0,0,0,41,134,152,147,137,131,129,142,152,152,150,142,134,124,87,73,65,64,64,65,67,67,67,67,73,73,89,139,144,126,121,126,134,137,144,144,142,126,83,73,71,69,69,65,55,49,55,67,81,83,79,87,89,79,89,150,155,157,165,183,196,196,196,183,176,160,113,112,152,113,105,75,56,59,91,113,160,165,165,160,152,111,111,147,105,97,97,103,105,109,155,168,176,176,168,157,142,99,103,150,163,168,163,157,152,137,91,91,152,209,235,238,0,0,0,0,0,243,228,202,170,131,103,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,77,111,118,113,95,79,79,95,129,152,186,204,0,0,0,0,0,0,0,0,0,0,0,0,61,61,69,69,61,43,29,29 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,129,194,202,212,228,238,165,85,139,147,168,186,196,199,199,202,202,196,195,195,195,195,199,204,207,209,209,212,212,212,212,209,207,204,204,204,209,217,217,215,212,212,215,212,211,212,215,202,135,131,134,196,207,189,133,121,109,109,111,121,129,129,127,116,115,194,199,204,207,209,209,215,212,199,181,133,133,137,135,130,131,181,196,215,225,228,228,228,222,215,202,183,137,186,191,191,185,182,186,196,207,207,194,135,132,183,202,207,202,196,181,123,194,204,202,196,191,191,194,202,209,209,212,215,123,37,69,95,127,125,125,186,199,199,196,194,196,199,199,86,98,176,194,183,131,127,127,127,129,178,186,186,183,189,194,191,189,135,135,189,183,129,123,113,111,125,186,228,222,215,212,196,189,183,181,181,186,194,196,186,181,178,176,178,186,191,194,199,202,202,202,202,189,176,176,199,207,202,186,133,133,176,178,181,191,204,215,228,228,217,204,199,199,194,189,189,191,191,183,135,133,133,181,189,183,177,177,178,178,178,183,189,199,202,189,178,127,125,126,176,176,128,125,129,191,212,217,209,194,186,191,196,196,199,199,194,189,186,191,199,202,202,199,196,186,135,137,183,186,186,181,137,183,186,186,186,196,212,209,207,204,196,177,176,183,196,204,217,228,212,182,178,183,199,204,202,202,199,196,191,199,209,217,212,204,207,215,217,215,212,209,208,209,212,212,215,212,212,212,212,212,215,215,212,209,212,217,225,228,225,222,215,209,205,205,207,215,217,222,222,222,222,225,225,228,228,228,222,222,222,228,228,225,217,204,128,111,116,202,215,215,215,212,215,209,202,191,137,133,133,135,135,135,135,137,186,181,134,133,135,186,191,189,186,181,136,136,181,181,183,189,189,186,183,191,209,215,215,209,207,207,204,199,202,204,207,209,209,209,212,212,215,215,215,212,207,196,189,191,196,194,189,189,191,186,129,121,127,131,173,173,176,176,131,127,123,119,119,127,131,178,196,199,189,186,194,199,202,196,187,186,191,202,212,217,225,225,225,230,225,183,5,105,222,228,228,222,212,212,209,207,202,202,204,207,196,100,99,115,133,178,135,131,199,215,207,207,212,189,133,199,209,204,119,104,110,131,186,202,209,212,209,209,212,215,215,212,209,204,196,196,199,199,189,133,129,131,133,133,176,181,181,181,181,176,173,178,186,189,186,181,176,131,176,178,131,121,121,129,178,183,176,129,181,199,207,207,207,204,204,204,207,212,209,204,199,194,191,191,191,191,194,199,204,204,202,199,200,204,202,196,196,199,204,194,135,133,183,194,196,196,196,199,202,199,194,194,202,199,199,204,207,209,207,207,202,139,138,194,207,209,212,217,217,215,209,207,204,186,131,131,135,135,178,189,204,212,209,199,191,186,186,189,191,191,191,194,194,196,199,199,196,202,209,217,209,194,189,194,202,202,186,135,183,189,191,189,183,135,133,135,181,181,137,134,132,181,202,202,137,131,178,183,189,191,191,189,191,191,191,191,189,183,178,178,178,186,196,202,202,194,186,182,182,183,183,183,183,186,183,181,178,134,133,135,181,183,181,183,189,189,189,191,194,196,194,191,191,194,194,192,192,196,199,199,196,189,185,189,199,202,202,194,186,143,141,139,143,191,202,209,212,209,209,212,215,217,217,215,215,217,220,222,222,222,222,225,228,228,228,230,230,230,230,230,230,233,235,235,235,230,225,222,228,233,238,241,238,235,233,230,230,215,207,212,217,212,207,209,215,217,222,222,222,222,217,217,215,212,212,212,212,209,205,205,209,212,215,222,228,222,209,204,215,222,222,222,208,202,209,230,233,230,230,233,233,229,226,228,235,243,246,248,248,248,246,246,246,246,248,251,251,251,251,251,248,246,243,241,239,241,0,0,0,0,238,233,230,230,233,233,233,233,233,233,233,230,230,228,225,217,212,209,207,207,204,204,202,199,196,149,149,196,199,204,209,212,215,222,225,228,228,230,228,228,228,228,228,225,222,217,212,204,199,194,191,191,191,191,191,191,189,183,139,137,135,135,135,135,135,137,183,183,183,183,186,191,196,199,202,204,204,207,217,225,225,217,212,215,222,225,228,230,228,230,233,233,233,233,233,233,228,222,215,215,215,217,222,225,225,217,217,222,225,217,212,0,0,0,0,230,230,225,217,215,209,207,207,209,207,202,196,194,189,181,178,181,178,173,176,168,163,165,160,144,103,101,99,99,99,99,99,97,101,105,109,121,183,209,217,215,212,212,212,209,209,207,204,200,199,200,207,212,217,217,217,215,212,209,207,199,199,207,212,207,202,202,204,202,199,196,196,199,199,196,196,195,195,196,202,207,209,209,209,209,209,204,199,199,202,199,196,194,189,186,189,189,185,183,186,199,207,207,204,204,203,203,203,204,204,207,209,209,209,207,207,207,207,207,204,204,202,199,0,0,0,5,11,19,29,33,37,33,29,33,39,45,37,19,2,4,11,17,15,7,5,0,0,0,17,37,33,20,20,37,49,59,53,39,19,17,39,61,103,121,108,90,67,57,41,39,55,57,19,3,15,23,17,11,5,0,5,35,87,163,170,181,207,217,209,202,207,199,194,204,220,220,194,150,59,7,0,0,43,63,61,29,14,13,23,51,55,0,55,85,69,27,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,152,47,41,92,134,142,173,157,100,25,0,0,0,0,0,0,0,0,0,0,0,0,0,5,53,129,168,186,196,189,118,19,0,0,0,0,15,64,103,124,134,152,0,0,0,0,0,0,0,108,85,59,3,0,0,0,0,0,0,0,0,0,0,0,0,0,27,95,142,168,207,255,255,255,189,108,33,19,24,31,43,49,61,116,163,209,230,255,255,233,6,5,31,61,183,255,235,187,189,217,233,217,202,142,37,0,0,0,0,0,0,0,72,124,126,95,72,41,29,3,0,0,11,3,0,0,0,45,113,150,150,126,116,137,152,160,168,173,176,165,131,116,126,173,212,228,241,230,189,71,11,3,9,9,0,0,27,71,87,91,121,124,131,134,131,89,71,57,57,79,155,181,178,173,170,168,155,150,147,103,91,89,103,137,83,67,77,89,93,95,97,75,63,91,144,139,99,99,99,73,43,39,47,81,142,163,163,163,170,160,131,71,59,57,51,51,63,83,81,55,43,40,40,37,37,40,57,77,71,57,51,55,69,81,93,134,144,137,85,63,49,49,55,69,67,67,71,51,37,39,51,45,35,41,81,121,129,129,57,33,53,65,65,71,81,113,79,73,75,111,111,111,111,111,105,67,49,43,45,49,61,67,61,47,35,35,47,55,47,39,27,20,21,29,33,37,27,25,39,63,59,51,69,111,77,63,45,27,15,12,11,19,53,65,63,61,67,77,71,67,69,81,85,71,48,45,75,157,165,147,144,152,91,25,11,73,186,204,204,204,225,225,204,186,127,111,115,183,217,225,225,220,220,228,243,255,255,255,255,255,255,255,255,254,243,235,233,230,220,194,186,183,150,60,75,0,207,131,51,31,31,31,9,0,0,0,0,0,0,0,0,0,0,0,0,38,0,0,74,59,40,15,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,25,7,0,0,0,0,0,0,0,29,116,142,137,131,126,116,131,142,144,147,144,139,131,87,77,69,69,69,71,69,67,67,67,69,75,89,134,134,124,93,129,134,137,144,150,144,131,91,81,73,71,69,61,49,43,49,63,79,77,79,87,87,79,89,157,157,163,165,178,183,196,186,183,176,163,113,113,155,152,105,77,56,60,91,113,160,160,160,160,155,147,111,111,103,97,97,103,107,144,152,160,163,160,152,144,107,103,139,150,163,168,168,152,142,95,83,83,144,199,230,228,0,0,0,0,0,230,209,199,199,168,134,118,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,61,92,105,111,98,87,87,103,129,147,173,194,0,0,0,0,0,0,0,0,0,0,0,0,69,61,64,69,61,51,33,35 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,157,181,196,212,215,189,160,150,163,170,178,191,196,199,202,202,199,196,196,196,196,199,204,209,209,212,215,215,215,212,209,207,204,204,207,212,217,215,212,209,215,222,217,212,212,217,209,183,131,131,196,209,191,178,127,113,113,119,176,178,173,125,113,113,202,207,209,212,212,212,215,215,204,183,129,131,137,135,130,131,189,207,217,228,228,228,225,222,217,209,194,134,133,137,186,194,189,185,186,194,199,194,186,186,196,209,217,215,207,61,37,121,189,191,189,186,181,178,183,191,199,199,189,31,0,25,87,173,127,127,181,191,194,191,194,202,209,209,111,105,121,181,181,176,131,125,125,176,196,199,191,189,191,191,186,178,128,128,181,178,125,123,123,127,194,207,222,220,217,217,202,191,183,178,178,181,191,196,191,183,176,131,173,178,178,178,183,189,189,189,186,181,176,181,191,196,191,178,131,131,133,176,181,191,202,212,222,225,215,207,204,204,202,194,196,202,199,191,183,181,181,189,191,183,177,177,181,181,183,186,191,199,199,183,131,125,124,131,178,176,128,126,129,186,204,212,202,189,186,191,196,199,199,196,191,189,196,212,217,217,215,209,202,186,135,137,189,199,199,191,186,186,186,185,186,196,204,199,194,194,186,172,179,199,209,209,209,215,207,186,181,191,199,199,196,196,199,202,204,204,209,215,209,204,207,215,217,215,212,209,208,209,212,212,212,212,212,212,212,212,212,212,209,204,204,209,217,225,225,225,217,212,207,207,209,215,217,222,222,225,225,225,225,228,225,225,222,222,225,228,230,228,225,212,189,116,118,194,212,222,225,225,225,217,207,183,131,129,135,181,137,135,134,135,183,183,135,133,134,181,183,137,137,137,136,137,181,181,186,189,183,181,186,199,212,215,212,209,209,209,204,202,202,204,209,212,215,215,215,215,215,217,212,209,207,199,196,202,204,202,196,194,191,186,133,125,131,178,176,176,173,176,183,186,173,127,125,131,173,176,194,196,189,183,189,194,196,196,191,189,189,199,207,215,222,222,217,225,209,49,0,47,215,228,228,222,212,207,204,204,204,204,202,194,133,103,105,121,129,133,133,127,119,131,135,181,183,125,113,129,196,186,121,115,183,202,209,215,212,209,209,212,212,215,212,209,204,199,194,191,192,194,191,183,133,129,125,125,129,178,186,189,186,178,131,131,178,181,178,173,129,128,131,178,173,125,127,181,186,181,129,127,178,196,202,204,204,207,209,212,212,212,204,194,194,194,191,190,190,191,196,199,204,207,204,202,204,207,207,199,181,133,186,181,130,130,135,199,207,204,202,202,202,199,191,189,196,199,199,199,199,194,194,202,204,191,183,189,196,202,207,212,212,212,207,202,194,135,129,135,135,133,129,121,133,202,204,196,189,186,189,194,199,202,202,199,196,196,194,194,194,194,199,199,194,189,189,196,204,209,199,189,183,186,189,186,183,137,137,181,186,189,191,183,135,137,189,189,181,137,181,189,196,191,185,183,191,191,186,183,181,178,133,129,117,129,191,199,196,189,182,182,186,186,186,183,183,183,183,183,183,178,176,181,183,183,181,181,186,191,194,196,196,196,194,194,194,196,194,192,194,196,199,199,199,191,186,194,199,199,196,191,191,202,207,204,196,191,196,207,209,204,202,204,207,212,215,212,212,215,220,225,225,222,222,225,228,228,228,228,228,225,225,225,228,230,233,235,235,230,225,225,230,235,238,238,238,235,235,233,230,222,215,215,212,205,205,212,217,217,217,217,217,217,217,217,212,211,211,215,215,207,204,205,209,212,215,225,228,217,202,198,209,217,222,225,217,207,215,230,233,230,230,233,233,230,229,230,238,241,246,246,248,246,246,246,246,246,248,248,251,251,251,251,248,246,243,241,239,241,0,0,0,0,0,0,230,230,233,233,230,228,230,230,230,230,230,230,228,222,215,209,209,207,207,207,204,202,199,196,196,196,196,202,207,212,215,222,225,228,230,230,230,230,230,228,228,225,222,217,212,207,202,196,191,191,191,191,191,189,186,186,183,139,139,139,139,139,139,183,186,189,189,189,194,196,196,196,196,196,196,202,209,222,222,215,212,212,217,222,228,230,230,230,233,230,228,228,235,235,233,230,225,222,222,222,225,228,228,222,222,228,228,220,212,212,215,212,212,215,222,222,222,222,215,209,207,209,207,202,204,204,199,191,186,189,186,181,176,163,157,160,160,150,139,105,101,99,97,97,97,97,99,103,107,113,173,202,212,212,209,209,209,212,215,215,212,207,202,200,204,209,215,217,217,215,212,209,202,189,143,194,204,204,202,202,204,204,202,199,199,199,199,196,196,196,196,196,199,204,204,204,207,212,215,204,189,189,199,202,199,191,186,141,186,186,185,183,186,196,204,207,207,207,204,204,203,204,204,209,212,212,212,209,207,209,209,209,207,204,204,204,0,0,5,11,19,21,29,33,37,29,21,29,37,39,37,21,8,8,15,21,19,15,7,5,0,7,19,33,33,21,29,47,59,85,59,39,15,10,15,39,85,95,59,39,39,37,21,19,31,39,21,9,9,9,0,0,0,0,0,0,9,29,63,95,199,215,194,183,187,191,202,217,220,212,191,150,55,3,0,17,67,79,73,45,17,16,29,55,57,47,47,55,49,29,13,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,147,62,41,35,54,155,215,233,199,100,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,113,165,207,225,194,134,74,39,21,13,27,79,116,134,152,163,168,0,0,0,0,0,0,0,108,69,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,100,147,207,255,255,243,173,121,61,47,31,31,29,16,17,51,160,228,254,255,255,254,19,5,21,61,199,225,187,199,254,248,225,178,150,126,57,5,0,0,0,0,3,77,113,126,98,72,53,72,41,3,0,0,0,0,0,0,0,23,103,150,157,139,124,139,157,163,163,170,160,131,81,69,77,126,157,194,228,246,204,79,9,0,0,0,0,17,63,121,121,121,121,131,139,150,168,150,91,67,65,79,147,173,157,147,155,155,155,150,142,97,85,81,87,95,85,73,79,89,87,93,95,51,43,75,99,96,92,99,99,51,34,36,65,134,152,163,163,152,147,152,134,71,50,47,46,44,48,67,67,49,41,43,45,45,41,49,63,75,61,45,43,47,59,75,87,129,137,129,85,57,49,51,55,55,41,37,47,41,31,39,59,45,34,45,69,81,27,0,0,23,63,77,69,55,55,63,69,69,75,111,111,79,77,71,71,63,51,46,48,49,51,53,47,41,39,43,53,59,59,47,27,19,21,39,51,51,39,31,41,71,73,62,100,111,108,71,61,45,27,21,31,45,57,67,77,108,83,79,75,71,77,83,121,121,83,81,147,178,168,134,91,91,59,3,0,43,165,196,204,217,233,228,204,178,115,110,131,215,228,225,225,220,220,228,241,255,255,255,255,255,255,255,254,243,241,241,233,215,215,222,194,160,121,61,100,194,196,108,45,29,29,37,29,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,79,72,59,43,27,17,15,15,7,0,0,0,0,0,0,0,0,0,0,0,0,0,3,29,25,0,0,0,0,0,0,0,29,100,134,134,129,116,114,126,134,139,142,144,142,134,126,91,87,85,77,73,69,67,67,67,67,75,91,129,126,89,93,129,134,137,144,152,144,137,124,87,81,81,71,63,45,42,45,61,67,67,69,79,79,69,85,150,165,165,173,176,186,196,196,196,181,163,115,155,157,157,113,85,59,62,93,111,155,155,152,152,152,147,111,111,105,94,95,99,103,107,152,155,152,144,97,97,0,152,152,160,170,178,178,160,137,91,83,83,144,191,209,204,212,0,0,0,0,220,202,199,217,199,157,116,105,118,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,46,69,100,113,113,98,95,95,113,142,170,186,0,0,0,0,0,0,0,0,0,0,0,0,77,69,64,61,61,51,48,35 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,144,165,173,176,163,165,168,170,186,160,160,178,191,196,202,202,199,199,202,199,199,202,204,209,209,212,215,215,215,212,209,207,207,209,212,215,215,212,209,212,217,225,225,215,212,217,215,194,132,129,178,189,183,181,178,129,125,127,173,129,125,119,112,113,196,209,215,215,212,209,209,207,196,181,126,126,131,133,130,135,202,217,225,228,228,228,222,217,217,215,204,135,132,133,186,202,196,185,183,185,186,186,186,191,199,204,212,222,215,24,18,97,117,129,176,176,129,117,111,113,176,191,176,63,26,32,83,115,123,127,176,186,191,191,194,202,207,204,183,121,125,176,181,181,173,124,126,191,207,204,196,191,194,191,181,176,128,128,131,127,120,120,127,186,225,217,217,217,217,212,202,189,181,176,178,181,186,191,191,186,176,130,131,176,176,173,174,178,181,178,178,178,178,183,183,183,178,131,129,129,131,133,178,186,191,199,207,209,209,207,212,215,209,202,202,207,204,196,194,191,189,189,189,183,178,181,186,189,191,191,194,202,196,178,127,125,127,181,186,178,131,129,131,178,194,202,189,181,183,186,189,189,186,183,181,186,204,228,230,228,225,217,207,189,135,139,196,207,204,196,191,189,186,185,189,194,196,189,186,191,189,181,194,209,212,204,199,199,196,189,189,196,196,191,191,194,199,207,212,209,207,209,207,202,204,212,217,215,212,212,209,212,212,215,215,215,215,215,215,212,212,209,204,202,202,207,212,217,222,225,225,217,212,209,209,212,215,215,222,225,225,225,222,222,222,217,222,222,225,228,230,228,225,215,204,137,131,186,204,217,230,235,235,230,209,133,127,135,189,191,137,135,135,181,191,191,137,134,135,181,137,134,135,181,183,186,183,183,189,189,183,136,183,202,209,212,209,204,207,209,207,202,199,202,204,209,215,217,222,217,217,217,212,204,199,196,199,207,209,209,204,196,191,186,133,129,133,181,181,178,176,176,189,199,191,178,127,129,178,183,191,191,189,183,181,178,176,181,183,189,189,189,189,196,209,207,194,183,59,0,0,0,113,207,212,207,207,186,137,183,199,204,194,183,133,131,137,133,125,133,181,131,103,99,102,119,131,117,93,82,123,121,123,189,215,217,215,215,212,209,212,215,212,212,209,207,199,196,196,194,194,199,202,194,181,131,125,124,127,183,196,199,191,181,131,127,129,131,131,129,127,127,129,176,176,173,178,189,191,183,176,133,183,194,199,199,204,209,212,215,215,209,196,191,192,194,194,191,191,194,196,202,207,209,209,209,209,212,212,202,125,114,129,133,131,131,135,202,212,209,202,202,204,202,191,187,194,199,199,196,190,187,189,194,196,191,183,182,186,191,199,204,207,207,202,191,135,127,127,129,131,129,121,112,113,178,196,194,191,186,189,194,199,204,202,196,199,196,194,194,194,191,189,181,135,137,181,191,204,207,199,189,186,189,189,189,186,181,181,189,196,202,202,199,186,183,181,136,135,135,137,191,204,196,183,183,189,189,183,181,178,178,181,129,95,99,125,186,189,186,186,189,189,189,186,181,179,181,183,183,186,183,181,181,183,183,181,183,186,191,196,199,196,191,186,186,191,194,194,192,194,196,196,196,196,186,138,189,196,194,189,141,189,207,215,215,204,194,194,204,204,194,191,194,196,204,209,207,204,207,209,212,217,222,222,222,225,228,228,228,225,222,222,222,222,222,225,230,235,233,225,225,233,238,241,238,238,238,235,233,228,220,215,215,209,205,207,212,215,212,212,212,215,217,217,217,212,211,211,212,212,205,204,207,212,215,215,222,222,212,200,196,204,209,209,217,225,215,220,230,230,225,228,235,238,238,235,238,241,243,243,243,243,243,243,243,243,246,246,248,251,254,254,251,248,246,243,241,241,241,241,0,0,0,0,0,230,230,230,230,228,225,225,225,228,228,230,230,228,222,215,212,212,209,207,207,207,204,202,199,199,196,196,199,204,209,215,222,228,230,230,230,230,230,230,230,228,225,222,217,215,209,202,196,191,191,191,191,189,189,189,186,186,186,186,186,183,186,189,189,191,191,194,194,194,194,194,194,194,196,196,199,207,215,217,215,209,209,215,222,225,228,228,230,230,228,225,225,233,238,235,233,230,228,228,228,230,230,228,228,228,228,225,220,215,212,211,209,207,209,212,215,217,222,215,209,207,207,207,207,209,209,204,199,194,191,189,183,173,157,155,157,160,157,152,147,105,101,97,96,96,97,101,103,105,109,121,183,202,207,209,209,212,215,217,217,215,212,207,202,204,207,212,215,215,212,207,202,194,141,139,143,199,207,204,204,207,207,204,202,199,199,196,196,196,196,194,194,196,199,199,202,204,212,215,204,137,139,202,204,202,194,186,141,186,189,189,189,191,196,202,207,209,209,209,207,204,204,204,207,212,212,212,209,207,209,212,212,209,207,207,209,19,11,5,7,15,29,33,37,37,29,19,19,21,37,37,33,21,19,21,21,21,17,13,7,5,7,21,33,33,21,33,49,82,87,87,51,33,13,12,19,43,47,15,0,0,7,9,15,19,21,13,1,0,0,0,0,0,0,0,0,0,0,0,59,199,217,191,178,183,191,209,217,212,191,181,168,89,23,11,27,51,73,113,61,22,19,47,108,90,37,31,55,92,85,27,7,0,0,0,0,0,0,0,39,0,0,0,0,255,255,255,255,137,90,124,157,63,98,212,255,255,212,103,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,155,225,241,194,126,69,45,27,7,15,64,113,139,160,168,178,0,0,0,0,0,0,0,0,105,66,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,113,176,225,235,207,165,137,121,95,49,37,17,1,1,25,121,183,194,194,233,209,33,7,21,61,191,212,190,241,255,241,165,130,139,157,155,92,5,0,0,0,0,41,111,126,105,90,90,100,79,27,0,0,0,0,0,0,0,33,103,137,155,139,121,137,157,163,163,160,144,113,61,47,35,33,43,111,217,255,228,121,31,0,0,0,0,35,77,118,85,87,131,139,157,176,191,191,168,137,91,93,139,144,139,105,139,150,168,157,147,97,89,84,81,87,85,79,91,93,85,81,69,39,41,75,134,137,139,170,163,73,38,45,95,157,165,170,170,147,139,147,144,87,55,48,47,46,49,61,67,59,53,59,59,55,51,57,73,75,57,41,40,43,53,69,79,121,129,126,89,75,65,63,55,39,19,15,41,39,26,27,49,41,33,47,69,59,0,0,0,25,63,79,71,53,48,53,59,61,67,75,111,79,73,69,69,69,61,53,53,53,49,45,39,36,39,49,55,55,59,59,37,21,25,41,51,51,41,35,49,75,113,111,113,113,77,67,71,67,55,49,63,63,61,65,79,111,81,75,77,79,83,85,134,150,152,152,168,170,144,75,65,59,31,0,0,11,99,178,196,225,235,233,204,170,111,115,183,225,235,225,228,228,220,220,235,254,255,255,255,255,254,243,243,243,248,254,238,170,163,170,129,75,61,45,57,150,168,121,53,31,31,66,90,9,0,0,0,0,0,0,0,0,0,0,0,0,5,0,61,69,69,61,51,48,46,56,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,29,1,0,0,0,0,0,0,29,71,129,129,129,116,109,116,126,137,137,139,139,134,134,129,95,87,75,67,61,61,61,61,67,77,91,95,89,85,93,129,137,137,144,155,155,142,129,91,83,83,83,69,51,42,45,63,63,63,63,67,69,61,69,142,157,160,168,176,186,199,199,196,181,163,155,155,163,163,115,93,64,63,83,99,150,155,155,155,155,147,147,147,105,96,94,97,105,107,144,147,107,97,89,91,0,0,170,173,181,194,191,168,147,97,83,93,144,173,191,183,204,0,0,0,230,212,202,212,235,230,178,116,100,111,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,38,61,92,113,116,105,87,83,87,142,165,0,0,0,0,0,0,0,0,0,0,0,0,0,92,79,72,61,56,53,48,35 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,9,134,144,144,144,144,147,157,168,178,196,153,152,168,186,196,202,202,202,202,204,202,199,202,204,207,209,209,212,212,212,212,209,209,212,215,217,217,215,212,209,212,217,222,222,215,215,217,217,207,183,133,134,176,178,181,183,183,131,131,129,119,121,119,114,116,178,204,212,209,207,204,196,189,183,135,126,125,128,131,131,183,209,225,225,222,225,225,222,217,217,217,212,186,135,134,183,202,199,186,183,185,185,185,185,189,191,191,196,215,212,24,23,99,107,119,129,129,119,113,109,113,176,196,199,204,196,115,103,109,119,123,170,181,186,189,191,196,196,194,186,176,131,176,181,181,173,125,129,196,204,199,196,189,186,189,183,178,133,131,129,125,122,122,129,189,235,228,222,225,225,215,207,189,178,176,178,181,181,183,189,189,181,131,130,173,176,173,174,176,176,176,178,178,173,176,176,176,133,133,131,129,129,133,178,181,183,183,189,194,202,209,217,222,215,204,204,209,207,194,194,194,189,186,183,181,178,183,189,194,196,196,196,204,196,133,126,127,178,189,189,181,176,176,131,133,186,191,183,178,181,181,178,177,177,178,183,194,209,225,228,228,225,222,212,189,137,183,196,204,202,194,191,191,186,185,191,196,196,189,187,191,199,199,204,207,202,194,194,194,191,189,191,199,194,189,191,199,204,209,212,204,204,207,204,199,202,209,215,215,215,212,215,215,215,215,217,217,215,212,209,207,204,204,202,202,204,209,212,212,217,225,228,225,217,215,212,212,212,209,207,212,217,217,215,215,215,217,222,222,225,225,225,225,217,212,202,143,129,129,191,217,233,238,241,235,209,129,127,189,196,189,135,137,183,189,199,199,189,135,135,137,135,134,183,194,199,194,183,181,189,191,183,136,183,199,207,207,202,202,204,209,209,202,198,198,199,204,209,217,217,215,215,215,209,202,189,189,199,204,207,212,212,202,191,183,176,131,133,178,181,181,178,173,178,189,194,191,129,129,183,191,189,183,181,176,173,125,123,124,127,176,181,178,133,176,183,178,117,99,35,0,0,7,83,186,194,131,114,106,116,124,186,196,186,181,183,191,191,125,110,131,186,133,107,98,100,127,191,199,119,89,111,115,129,207,217,217,215,212,212,212,212,215,212,209,209,209,204,204,207,204,204,207,209,204,189,176,127,125,131,186,199,199,191,181,131,125,125,127,129,128,128,128,129,173,176,176,178,183,186,189,191,191,189,196,199,199,202,207,212,215,215,212,199,192,192,194,196,194,196,199,202,204,209,212,209,209,212,215,215,207,121,109,121,131,133,135,137,199,207,207,202,202,202,202,189,185,189,196,199,194,189,187,189,191,191,189,183,182,183,189,194,196,196,194,189,135,127,127,127,123,121,125,127,117,116,129,191,199,196,186,183,186,189,196,199,192,194,196,194,196,196,194,186,135,131,130,133,183,194,199,196,191,189,191,194,196,191,186,186,196,207,209,209,207,196,189,181,136,135,135,135,189,202,196,186,186,186,186,186,183,181,189,196,186,92,90,93,115,178,189,194,194,189,189,186,181,179,181,181,181,181,178,178,181,181,181,181,181,183,186,191,196,194,186,179,177,182,191,194,194,192,194,196,194,191,136,132,139,196,194,141,137,139,196,209,209,204,196,196,204,202,191,143,141,143,194,202,204,202,202,200,199,204,215,217,215,215,222,228,228,225,222,217,222,220,215,215,225,230,230,225,225,230,235,238,241,241,238,233,230,225,217,215,212,209,207,207,209,212,209,209,209,212,215,215,215,215,212,212,212,209,205,205,212,217,217,215,215,215,209,203,200,204,202,150,204,225,225,228,230,225,222,225,233,238,238,238,241,241,241,241,241,241,241,241,241,243,246,246,248,251,254,254,251,248,248,246,243,241,238,238,0,0,0,0,0,235,230,230,230,228,222,222,222,225,228,230,230,228,225,217,215,212,212,209,207,207,207,204,204,202,199,199,199,204,209,215,222,228,230,230,230,230,230,230,230,228,228,225,222,215,209,204,196,194,191,191,191,191,191,191,189,189,189,189,189,189,191,191,194,194,194,194,194,194,191,190,191,196,199,202,202,204,212,212,207,204,207,215,222,222,222,222,225,225,225,222,225,230,235,235,235,235,233,230,230,230,0,0,0,230,230,228,222,217,215,215,211,208,209,212,212,212,215,215,209,0,0,0,0,0,209,207,204,199,194,191,189,176,163,157,160,165,165,165,157,144,103,99,96,97,97,99,101,103,105,111,121,183,202,212,215,215,220,222,217,215,215,209,204,204,207,209,212,212,207,199,191,139,139,141,189,199,209,209,207,207,207,204,202,199,196,194,194,196,194,191,191,194,194,196,196,204,207,209,199,134,139,207,207,199,189,137,137,139,189,194,194,196,199,204,207,209,212,209,209,204,204,204,207,207,209,207,204,207,209,215,215,209,209,209,212,21,11,0,0,11,21,33,37,37,29,11,11,15,29,45,47,43,37,29,17,15,13,7,0,0,0,15,33,33,21,33,45,55,82,82,57,47,29,12,10,15,15,0,0,0,2,9,15,31,39,31,7,0,0,0,0,0,0,0,0,0,0,0,81,207,228,209,187,194,209,228,225,199,165,0,0,0,89,43,31,27,51,67,61,29,23,45,90,37,0,0,31,92,85,25,0,0,5,13,9,1,0,11,57,0,0,0,255,255,255,255,255,92,88,246,255,181,142,199,241,233,178,103,37,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,137,204,225,160,43,3,0,0,0,0,29,92,131,152,168,178,0,0,0,0,0,0,0,0,137,105,64,19,0,0,0,0,0,0,0,0,0,0,0,0,0,5,69,131,176,204,194,176,155,131,98,67,49,17,4,8,31,57,65,49,69,170,157,27,12,27,61,0,233,233,255,255,215,157,137,160,183,176,98,0,0,0,0,0,0,79,126,126,111,111,113,98,43,11,0,0,0,0,0,9,61,116,137,150,124,121,139,160,168,163,155,131,105,55,27,3,0,0,23,209,255,238,103,23,0,0,0,0,11,41,53,67,85,137,157,173,183,191,196,191,178,152,137,93,93,101,99,98,139,168,157,142,93,89,85,84,89,89,87,93,89,73,53,41,37,51,93,142,144,160,204,194,99,67,87,157,178,191,204,194,155,138,147,150,101,79,69,63,57,55,63,67,75,81,81,75,65,59,63,79,83,71,49,41,43,59,79,93,134,137,134,126,118,87,75,53,19,4,0,51,41,19,17,39,51,41,57,75,43,0,0,0,53,63,108,79,59,53,55,55,49,53,69,79,79,77,71,71,71,63,55,51,53,51,41,36,35,39,49,45,41,49,69,65,39,29,35,35,37,37,37,47,63,108,126,124,103,57,45,57,71,67,63,75,75,65,65,75,77,71,65,71,83,83,85,134,150,160,160,160,144,75,49,37,25,0,0,0,5,81,170,196,225,233,217,191,176,121,123,186,225,235,225,233,228,215,207,228,243,255,255,255,254,241,233,233,235,248,254,233,103,79,65,41,41,37,7,25,121,160,144,90,35,31,74,98,61,0,0,0,0,0,0,0,0,0,0,0,0,0,1,29,66,0,90,77,69,74,85,77,23,0,0,0,0,0,0,0,0,0,0,0,0,0,11,25,3,0,0,0,0,0,0,25,71,126,131,129,116,114,116,131,134,134,134,134,134,139,139,134,87,71,61,56,56,57,61,67,77,91,91,83,83,93,129,137,144,155,155,155,144,134,91,83,87,95,83,57,43,45,59,63,59,58,63,63,57,60,95,150,152,160,168,178,189,199,199,183,165,157,157,165,165,155,99,67,61,64,89,113,163,163,155,155,155,157,163,150,101,99,101,105,107,107,105,99,93,91,93,0,0,178,178,191,202,196,176,155,97,79,87,139,163,173,183,204,220,0,0,230,212,212,222,243,243,191,124,103,116,126,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,53,79,98,105,105,91,87,95,147,173,0,0,0,0,0,0,0,0,0,0,0,0,0,105,90,72,64,56,53,46,35 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,25,144,147,131,126,137,152,163,170,183,202,168,155,173,189,199,204,204,202,202,202,199,199,202,204,207,209,209,209,209,212,209,212,215,217,222,217,215,212,209,212,215,217,215,213,213,215,217,217,212,199,183,178,176,178,178,186,186,176,173,129,119,125,127,119,119,129,191,199,199,196,194,186,178,178,183,135,129,129,131,135,191,209,217,217,217,217,217,222,222,217,215,215,202,189,137,139,194,196,189,186,189,189,189,186,186,186,181,181,202,202,29,45,113,111,127,178,129,119,117,121,176,194,204,209,207,204,183,173,121,119,119,125,173,181,186,189,189,183,181,183,181,176,173,176,178,173,129,176,189,191,189,191,186,183,189,189,183,183,176,129,127,131,133,178,189,225,228,225,228,230,228,215,194,178,176,178,178,177,178,186,189,183,131,130,173,176,174,174,176,176,176,178,176,129,128,131,131,131,133,129,126,129,135,181,181,179,179,179,186,196,207,217,222,215,204,202,207,202,189,183,186,183,181,178,135,133,178,186,194,199,199,199,204,196,133,126,129,186,194,186,178,176,133,129,127,181,186,181,177,178,178,178,178,181,191,204,209,209,209,212,215,217,217,207,189,139,189,194,199,199,194,194,196,191,186,186,191,196,191,189,194,202,204,204,194,139,186,194,196,189,186,191,199,191,189,194,204,207,209,204,199,199,204,204,196,199,209,212,212,212,212,215,215,217,217,217,217,215,209,207,202,196,196,199,202,204,209,209,209,212,222,228,225,222,217,215,212,209,204,199,203,209,209,209,212,215,222,225,225,225,222,222,217,215,209,202,141,123,118,189,225,235,238,238,235,204,123,129,191,191,133,133,181,189,196,207,212,204,189,133,135,181,186,202,209,209,196,137,133,181,189,183,137,186,199,204,202,199,196,202,207,209,204,198,198,198,202,209,215,212,209,209,212,209,202,183,183,194,202,204,212,215,204,191,183,176,131,129,131,173,178,176,131,129,173,186,196,173,129,183,186,183,176,129,127,127,123,122,122,123,127,131,131,130,131,131,115,99,97,89,63,183,95,95,181,189,121,62,70,112,123,133,183,179,181,189,191,137,96,81,117,183,129,107,97,104,181,202,217,222,183,117,118,181,207,209,209,209,209,212,212,212,212,209,207,209,212,212,215,215,212,209,212,212,207,194,181,131,125,129,181,189,189,183,178,129,125,125,127,129,131,131,173,176,176,176,173,173,173,173,183,199,199,196,199,204,202,199,202,207,212,215,212,204,196,194,196,199,199,202,204,204,207,209,209,207,207,209,209,212,207,125,109,121,133,137,137,135,194,202,202,202,199,199,196,187,182,187,196,199,194,191,191,194,194,194,194,191,189,189,189,191,191,186,137,135,131,127,129,131,121,114,123,178,178,131,178,196,209,202,186,178,178,181,194,196,192,192,192,194,196,199,196,191,181,133,130,130,133,183,191,194,191,189,191,196,199,196,189,191,202,212,212,209,209,202,194,183,137,186,186,137,183,194,191,186,189,189,189,191,189,183,194,207,196,99,88,86,97,129,194,199,196,189,189,186,183,181,181,181,178,176,174,177,183,183,178,177,178,181,183,186,189,191,183,178,176,181,189,194,196,194,194,196,196,191,136,129,138,196,199,191,138,141,196,202,202,199,199,204,209,202,191,141,137,137,145,199,202,202,202,199,196,199,207,209,205,207,215,225,228,222,217,215,217,217,212,209,220,230,230,225,224,225,230,235,238,238,233,228,225,225,222,217,212,209,207,204,204,209,209,209,209,212,215,215,215,220,217,217,217,215,209,209,217,222,217,212,209,209,209,207,207,207,153,147,152,228,230,230,233,225,221,222,228,233,235,235,238,241,241,238,238,237,238,238,241,243,246,246,248,251,254,254,251,248,248,246,243,241,235,233,0,0,0,0,0,238,233,230,228,228,225,222,222,225,228,230,233,228,225,222,217,215,215,212,209,209,209,207,204,202,202,199,199,204,209,215,222,228,230,230,230,230,230,230,230,228,228,225,222,217,212,204,199,194,194,191,191,191,191,191,191,189,189,189,189,191,191,194,194,194,194,194,194,194,191,190,191,196,202,204,204,202,207,207,202,199,202,212,220,217,212,209,212,217,222,222,225,228,230,230,233,235,235,233,230,228,217,0,0,230,230,230,228,222,222,225,217,212,212,215,209,209,212,212,209,0,0,0,0,0,209,209,209,202,196,194,194,183,176,170,168,168,173,170,163,147,139,101,99,97,99,99,101,103,105,105,111,125,196,215,217,217,217,217,215,215,215,212,207,204,204,204,207,209,204,194,141,133,139,189,189,194,204,209,209,207,207,204,202,199,196,194,191,191,189,186,189,191,194,196,196,202,207,209,196,131,137,209,207,196,139,129,128,135,186,194,196,199,199,202,207,212,212,212,209,207,204,204,204,204,204,202,202,204,209,215,215,212,209,209,209,17,9,0,0,5,15,17,21,21,15,5,5,11,33,47,69,69,39,19,7,0,0,0,0,0,0,7,21,29,19,21,37,45,49,55,57,53,39,13,10,10,13,7,5,15,21,21,29,45,63,73,53,7,0,0,0,0,0,0,0,0,0,0,176,215,228,217,215,238,248,248,238,199,170,0,0,0,254,91,51,33,43,51,45,29,21,15,3,0,0,0,11,31,27,13,0,7,15,25,27,7,0,0,23,57,0,204,255,255,255,255,255,157,150,255,255,255,191,181,160,139,126,100,79,59,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,92,163,194,183,74,0,0,0,0,0,23,79,113,134,152,168,176,0,0,0,0,0,0,0,0,134,85,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,90,139,181,207,207,176,137,98,108,95,41,23,41,61,57,43,25,53,142,124,15,7,27,53,0,0,255,251,235,217,202,191,176,165,124,3,0,0,0,0,0,0,35,95,111,98,98,103,92,41,29,37,57,55,35,23,51,105,137,147,150,134,126,157,170,176,170,160,139,103,47,17,1,0,0,0,173,243,186,21,0,0,0,0,0,0,5,27,67,126,147,165,173,176,176,181,186,189,170,137,90,89,99,137,96,101,150,144,91,75,81,85,85,91,87,79,79,57,29,25,30,45,81,142,137,91,99,163,170,101,85,139,168,189,204,220,220,168,140,147,152,144,101,99,85,79,75,69,75,81,87,87,81,65,59,61,79,95,91,75,61,67,79,93,139,152,155,144,134,137,131,75,37,12,0,0,59,39,16,12,39,65,61,61,47,25,9,0,33,61,57,83,111,75,63,61,51,45,49,65,79,108,108,79,71,69,61,49,48,48,53,47,37,36,41,45,39,35,41,71,100,51,29,27,29,33,39,43,43,49,69,108,113,65,34,29,37,59,67,67,81,108,77,71,71,65,63,62,65,77,77,79,121,139,142,142,144,91,55,27,13,5,0,0,0,25,107,186,215,225,217,196,178,178,178,178,194,217,235,235,233,225,207,196,196,220,235,248,248,235,228,228,225,225,233,241,225,137,67,37,23,35,29,0,7,100,157,157,100,33,29,66,74,69,23,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,92,111,100,92,98,105,98,64,13,0,0,0,0,0,0,0,0,0,0,0,0,5,23,7,0,0,0,0,0,0,23,69,126,134,134,129,116,126,137,137,134,133,133,134,142,142,134,91,69,57,54,56,57,63,67,75,91,85,75,75,89,129,137,147,155,155,155,147,134,93,83,91,134,129,65,47,45,57,59,59,59,65,65,60,60,89,103,109,152,160,168,189,209,209,186,168,160,160,165,165,157,101,69,60,60,85,147,173,173,163,163,163,163,168,155,109,105,105,147,109,101,99,99,99,101,107,163,181,178,178,194,202,194,173,152,89,67,79,131,155,176,196,204,217,233,238,233,222,217,230,243,235,178,124,105,116,111,0,0,0,0,0,0,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,38,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,46,61,79,105,116,108,105,124,150,173,189,196,0,0,0,0,0,0,0,0,0,0,121,113,92,79,64,53,46,35,30 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,1,0,0,0,0,0,0,0,0,0,0,0,9,47,121,142,155,165,168,181,199,209,181,178,186,196,204,204,199,194,194,194,199,202,207,212,212,212,209,209,209,209,212,222,225,222,215,212,209,209,212,217,217,215,212,212,215,217,215,209,196,186,178,135,178,189,176,176,176,133,127,127,173,173,125,123,131,186,189,191,194,189,181,177,181,189,189,135,129,133,186,202,209,212,215,217,217,216,217,222,217,215,215,215,202,139,137,189,196,196,194,191,191,189,181,178,191,183,176,181,176,0,25,113,125,189,202,181,121,125,173,183,196,204,207,204,196,191,186,176,127,125,125,127,170,178,186,186,176,174,181,181,176,176,178,181,181,176,178,181,183,183,186,191,194,191,181,181,183,178,127,129,133,178,186,202,217,225,222,225,228,228,212,191,178,176,178,178,178,181,186,186,178,130,130,181,186,181,176,178,178,178,176,173,128,128,129,129,129,129,126,125,127,178,183,181,179,181,183,189,196,207,212,212,207,199,196,196,191,183,178,135,135,135,135,135,132,133,183,194,202,202,204,204,196,181,131,127,194,196,176,131,129,123,122,123,178,186,178,177,178,178,183,186,186,204,225,222,212,202,199,202,209,207,191,186,189,194,194,196,202,204,204,202,191,183,137,135,139,186,189,196,202,204,196,131,125,138,202,194,138,138,186,196,191,190,196,204,204,207,204,196,196,202,202,196,196,204,209,212,212,211,212,217,222,217,215,215,212,209,204,196,195,195,196,199,202,202,204,207,209,215,220,222,222,222,217,215,209,204,200,202,207,209,212,215,217,222,222,225,225,222,217,215,215,215,209,196,128,131,194,222,238,233,233,233,116,115,125,135,135,131,129,181,196,207,217,225,225,207,181,183,199,212,215,217,215,199,131,129,133,137,137,181,189,199,199,199,199,196,199,207,207,204,199,199,199,207,209,209,209,208,209,215,212,202,189,181,183,196,199,204,207,199,186,178,131,127,125,124,125,118,131,129,129,173,186,196,181,129,178,183,176,131,129,131,129,125,125,125,124,125,127,131,133,181,191,89,91,115,115,181,215,202,115,137,202,194,127,131,135,137,181,183,181,183,191,189,133,112,112,135,186,137,135,135,105,129,207,215,217,204,123,121,135,194,202,204,207,209,215,215,212,207,207,209,212,212,212,215,217,215,215,212,215,209,194,176,176,127,120,131,176,133,176,176,131,127,127,131,176,176,178,186,183,178,178,176,131,130,129,125,176,202,204,204,204,202,198,198,202,209,215,212,204,199,196,196,199,202,204,207,209,209,212,209,207,204,204,204,202,186,104,114,129,137,181,181,186,191,199,202,204,202,199,196,191,189,194,199,199,194,194,199,199,196,191,194,194,194,194,189,189,189,181,133,131,131,129,131,129,121,116,129,189,189,183,191,204,212,204,186,177,181,191,199,202,196,192,192,194,194,196,199,202,194,137,130,129,131,139,189,194,191,189,187,191,196,191,186,189,202,209,212,209,209,212,202,183,181,189,191,189,189,191,189,186,186,186,189,191,189,183,178,181,189,181,125,109,111,131,194,199,194,186,183,183,186,186,183,181,177,176,176,178,186,186,181,177,178,183,186,186,186,186,186,186,186,183,186,194,202,196,192,194,199,196,194,183,183,194,202,202,204,204,207,199,194,194,202,212,212,204,191,139,134,136,194,199,199,199,204,204,202,207,212,205,203,203,209,222,225,217,209,207,209,212,207,207,217,230,230,228,225,225,225,230,233,235,230,225,217,225,225,217,212,207,153,151,199,207,209,212,215,215,212,215,217,217,217,225,228,222,212,212,217,222,217,212,208,208,209,215,215,212,202,151,204,230,235,233,230,225,224,222,225,230,233,235,238,243,241,238,237,237,237,238,243,246,246,246,248,251,254,254,251,248,248,246,243,241,235,233,233,0,0,0,243,241,235,230,228,228,225,222,222,225,228,230,230,228,225,222,217,217,217,215,215,212,212,209,207,204,202,202,202,207,209,215,222,228,228,228,228,228,230,230,230,230,228,225,225,222,215,207,202,199,196,194,191,191,191,194,191,189,186,186,186,189,191,194,194,196,196,194,194,191,191,191,191,196,199,202,202,199,199,202,199,198,199,207,215,215,205,203,205,209,215,215,217,220,222,225,228,233,235,235,230,225,216,216,222,225,230,233,230,225,230,233,230,225,222,215,209,208,209,212,212,209,0,0,0,0,0,215,215,202,196,199,202,199,191,0,176,173,173,168,160,152,142,103,99,99,101,101,103,105,105,105,107,113,183,209,215,212,212,212,215,217,217,215,209,204,202,202,204,207,204,194,141,134,137,143,143,189,199,207,209,207,207,204,204,202,199,194,189,186,139,137,141,191,196,199,199,202,209,215,202,129,129,194,204,196,139,129,127,129,137,189,191,191,194,202,207,212,212,212,209,207,207,207,204,202,202,202,202,202,207,212,215,215,212,207,204,11,9,0,0,0,5,0,0,0,0,0,5,15,37,51,74,69,33,5,0,0,0,0,0,0,0,0,13,13,13,13,29,37,39,47,53,53,45,33,21,21,21,17,13,21,33,33,37,53,100,118,100,31,1,1,7,0,0,0,0,0,0,3,194,212,207,215,248,255,255,248,217,194,176,0,0,255,255,163,67,51,51,51,43,35,25,5,0,0,0,0,5,19,5,5,13,13,21,27,21,0,0,0,0,23,61,0,255,255,255,255,255,248,225,255,255,235,191,142,112,108,116,108,79,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,150,168,131,29,0,0,9,29,43,82,98,124,152,176,181,191,189,170,0,0,0,0,0,144,105,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,74,113,157,207,225,194,129,85,121,170,147,57,95,116,63,71,71,111,113,65,19,4,10,47,176,0,254,241,235,243,254,241,183,105,19,0,0,0,0,0,0,0,0,45,87,90,95,103,87,43,41,79,116,129,92,55,95,121,147,155,137,124,137,160,186,186,178,163,129,95,31,3,0,0,0,0,0,103,65,0,0,0,0,0,0,0,0,51,142,173,173,165,170,176,176,168,173,178,170,99,85,83,93,139,101,144,147,95,74,71,75,83,89,87,79,71,51,29,15,11,33,67,142,168,99,65,65,93,139,91,87,147,176,178,196,220,222,181,144,142,155,147,139,147,137,99,95,95,83,81,83,87,79,63,57,63,85,129,134,95,89,89,91,131,139,147,142,126,134,144,134,63,21,12,17,45,47,33,23,22,57,75,75,57,22,33,59,65,63,73,79,83,111,81,71,57,46,45,49,69,75,79,108,75,61,55,53,49,49,49,59,61,57,45,45,45,39,36,39,63,69,41,26,27,37,37,49,51,51,49,63,73,67,47,33,32,35,49,65,105,124,134,124,77,65,63,65,65,63,67,66,71,121,85,71,79,83,77,51,19,11,11,0,0,0,59,199,235,235,225,204,194,186,186,189,194,194,215,225,235,228,225,204,135,121,131,204,228,233,225,217,233,235,217,217,228,215,157,77,29,15,31,5,0,3,51,105,100,49,25,25,37,56,56,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,85,108,108,105,108,118,103,87,61,5,0,0,0,0,0,0,0,0,0,0,0,3,23,23,0,0,0,0,0,0,13,69,126,134,139,137,134,139,144,142,137,133,133,134,139,142,134,95,75,63,57,59,63,69,69,75,89,85,75,75,85,93,134,147,155,155,147,137,131,129,93,95,137,137,83,53,49,49,53,59,65,71,81,71,71,81,93,103,111,155,173,202,209,209,199,178,168,160,160,160,115,97,71,61,64,95,157,176,176,176,168,165,163,163,155,147,147,147,155,147,99,96,97,105,147,157,173,173,183,181,196,196,183,163,105,81,62,65,93,152,181,196,204,217,233,0,0,235,225,225,238,230,170,118,103,105,0,0,0,0,0,0,0,139,124,142,0,0,0,0,0,0,0,0,0,0,0,0,69,51,33,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,46,53,72,113,124,121,121,131,150,173,196,212,204,0,0,0,0,0,0,0,0,147,121,105,92,79,64,53,31,31,31 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,59,0,0,0,0,0,0,0,0,0,0,0,9,27,126,142,155,165,170,178,191,196,183,177,178,191,196,191,189,191,191,194,202,209,212,215,212,209,209,209,212,212,215,222,222,217,212,209,209,208,209,215,217,215,213,213,217,217,212,204,183,178,135,135,181,186,133,132,133,131,125,125,127,129,125,125,131,181,186,191,194,191,181,177,181,189,189,135,131,181,199,212,215,215,215,217,222,216,216,222,222,217,217,217,207,186,139,189,199,204,202,194,186,181,173,174,191,191,183,121,0,0,0,93,119,199,204,191,170,170,176,181,194,202,196,194,191,186,183,183,183,178,129,127,126,129,178,181,176,176,181,183,183,186,191,191,191,186,183,181,181,181,186,194,199,196,172,172,178,183,133,129,133,181,194,207,215,217,217,217,217,212,199,186,176,133,181,189,191,189,186,183,133,130,133,191,204,202,186,178,176,131,131,131,129,128,129,129,129,129,127,127,131,181,186,186,183,189,194,199,204,207,204,202,199,194,194,194,189,178,134,133,135,178,178,135,131,132,181,194,202,204,207,204,196,183,178,178,194,189,127,123,122,121,121,125,181,189,183,181,178,178,189,189,189,207,222,217,212,202,189,181,189,194,189,189,196,202,199,196,204,212,215,209,194,139,130,130,133,139,194,204,207,204,199,136,131,138,191,183,136,137,183,194,191,191,199,204,207,209,207,199,196,199,196,192,192,202,209,215,215,212,215,217,222,217,215,215,212,209,204,199,196,196,196,199,199,199,202,204,207,209,215,217,217,222,222,222,215,209,204,207,209,215,217,217,217,220,222,222,217,215,215,215,222,225,225,212,189,186,194,209,230,222,215,209,113,114,133,135,125,119,120,181,207,217,222,228,228,217,194,191,202,209,215,215,212,194,131,129,130,135,137,183,191,199,199,199,199,196,199,204,207,207,202,199,202,207,209,209,209,209,212,222,215,202,186,133,128,133,183,191,194,186,181,176,131,125,123,124,125,94,118,131,176,173,183,189,176,127,173,178,176,176,178,181,181,178,173,127,123,124,129,181,194,204,209,84,86,181,178,186,209,212,194,199,215,215,212,209,212,212,209,204,199,196,199,199,194,181,137,189,189,181,186,181,106,121,196,209,217,202,117,121,131,181,191,199,207,209,215,215,207,204,204,209,212,209,209,212,215,217,215,212,212,204,183,174,178,129,115,118,133,181,183,181,173,129,131,183,191,189,181,183,186,186,183,178,173,131,130,129,178,199,204,204,204,202,199,198,199,207,212,209,202,199,196,196,196,199,204,209,212,212,212,209,207,204,199,137,110,100,114,131,189,194,194,194,196,199,202,204,207,204,202,199,199,196,194,196,199,199,199,199,194,186,185,186,186,189,191,189,189,183,135,133,135,135,133,131,129,125,122,135,191,189,189,194,204,204,191,178,177,186,199,204,204,202,199,196,194,191,194,199,202,196,183,135,131,135,183,194,202,202,199,191,189,186,186,186,191,199,204,209,207,209,215,207,186,179,179,186,191,196,199,199,194,189,189,189,189,186,178,132,132,178,189,186,133,127,133,186,194,189,181,135,135,183,189,186,181,178,178,178,181,186,186,181,177,178,183,186,186,186,186,183,181,181,181,183,191,196,196,194,196,196,196,199,194,191,199,207,207,209,215,212,204,196,196,207,212,209,199,141,135,132,137,202,204,199,196,204,207,207,215,220,215,207,205,212,225,225,217,207,203,203,204,203,202,207,222,228,230,228,225,224,225,230,233,230,225,217,220,217,212,209,202,150,149,150,204,207,212,217,222,215,215,215,215,217,228,233,228,217,215,217,217,217,212,208,207,209,215,217,217,212,207,215,233,235,230,228,228,225,224,225,230,235,241,241,243,241,241,241,241,238,238,243,246,246,243,246,251,254,251,248,248,246,246,243,241,235,233,233,0,0,0,241,241,235,230,225,225,222,222,225,228,228,228,228,225,225,222,217,217,217,217,217,217,215,212,209,207,207,204,204,207,212,215,222,225,228,228,228,228,228,230,230,230,228,225,225,222,215,209,207,202,199,194,191,191,191,194,191,186,185,185,186,189,191,194,196,196,199,196,196,194,191,191,194,196,199,202,202,199,198,198,199,199,199,207,215,215,207,204,204,207,209,209,209,212,215,217,217,225,0,0,233,228,217,216,217,217,225,228,225,225,235,238,235,0,0,217,209,209,209,212,212,0,0,0,0,0,0,222,217,202,196,202,207,204,196,0,178,173,173,168,163,157,150,139,103,103,105,105,105,107,107,107,105,104,121,202,209,207,205,207,212,222,225,222,215,209,203,202,204,209,207,196,143,135,134,134,134,139,194,202,207,207,207,207,207,207,202,196,191,141,135,135,139,191,199,202,202,202,207,215,209,129,126,135,199,202,194,139,131,128,129,133,137,141,191,202,209,212,215,212,209,207,207,207,207,204,202,204,204,202,204,209,212,212,209,204,202,5,11,5,0,0,0,0,0,0,0,0,0,15,33,43,45,31,5,0,0,0,0,0,0,0,0,0,13,13,12,13,19,27,31,35,39,43,43,43,31,17,13,11,7,7,11,29,39,53,71,108,100,57,31,31,37,33,5,0,0,0,0,53,168,194,199,225,255,255,255,217,183,165,165,199,251,255,209,89,53,51,59,59,51,45,25,0,0,0,0,21,47,37,13,11,19,27,23,27,21,0,0,0,0,25,69,0,246,251,255,255,255,255,243,255,251,196,173,139,112,107,116,113,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,155,144,74,19,15,39,79,105,116,124,139,170,199,207,207,199,178,0,0,0,0,0,150,126,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,72,121,183,222,194,116,39,77,137,108,55,67,67,55,124,152,134,75,57,33,15,15,45,165,228,0,0,0,255,255,251,165,43,0,0,0,0,0,0,0,0,0,9,69,103,134,147,105,82,82,113,157,160,134,103,0,0,142,147,124,116,137,170,189,181,168,142,111,53,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,168,191,183,173,173,183,183,176,168,170,144,92,83,83,90,101,147,155,147,87,72,71,77,91,134,89,71,47,37,31,31,37,73,101,168,163,89,62,63,79,93,87,99,160,178,178,178,191,191,173,150,142,150,144,137,147,144,137,137,142,139,97,89,87,85,77,71,77,91,134,137,134,129,131,137,139,137,129,87,85,121,139,126,53,29,31,55,67,41,28,27,31,81,116,83,61,33,65,139,139,121,118,121,116,83,79,71,57,46,46,59,71,73,67,65,55,45,39,45,53,59,61,69,103,103,65,57,55,49,39,41,61,67,47,29,28,37,45,55,63,63,57,53,57,51,39,34,35,39,47,65,111,134,137,124,79,69,67,73,79,77,67,71,121,134,61,39,49,61,67,55,31,25,29,5,0,0,59,215,235,225,204,202,202,202,204,204,204,207,220,235,235,228,220,194,121,103,103,121,178,202,191,186,215,228,225,215,217,202,168,93,37,5,3,0,0,0,23,37,37,25,15,15,29,35,29,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,72,90,98,105,118,126,116,98,72,21,0,0,0,0,0,0,0,0,0,0,0,3,25,29,3,0,0,0,0,0,7,63,121,137,150,152,144,150,152,150,142,137,134,134,142,142,134,95,79,69,65,69,69,71,75,77,91,85,75,71,75,89,97,139,147,147,139,137,131,129,93,95,137,137,91,59,49,49,53,59,65,81,91,91,87,87,93,105,155,163,181,204,217,209,202,189,178,170,165,160,115,101,71,61,64,95,157,178,186,183,176,165,157,150,147,147,147,150,155,147,99,99,99,105,150,157,176,183,183,186,186,183,173,150,95,71,62,65,95,157,183,204,215,220,228,241,243,241,233,225,230,220,170,126,105,0,0,0,0,0,0,0,139,134,131,155,0,0,0,0,0,0,0,0,0,0,0,0,69,51,38,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,46,46,64,103,124,121,121,131,155,186,212,222,212,0,0,0,0,0,0,0,0,150,124,105,92,79,64,51,31,31,31 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,66,69,85,61,0,0,0,0,0,0,0,105,181,163,147,144,155,168,176,178,183,186,181,176,177,183,178,170,172,181,191,199,204,212,215,215,212,207,207,207,209,212,217,220,217,212,209,209,209,208,208,212,215,215,217,217,217,209,199,183,131,133,135,181,183,183,176,176,178,131,125,124,125,129,129,129,131,178,189,194,194,189,183,178,178,181,181,131,131,189,212,222,217,217,217,222,222,216,216,222,222,217,217,222,212,194,139,183,194,207,209,199,186,176,173,176,196,199,202,199,17,0,0,89,113,176,186,186,176,173,176,181,196,199,196,178,168,168,173,183,189,181,173,129,126,125,170,176,176,178,181,186,194,202,207,207,204,199,191,183,178,176,181,191,202,199,176,172,181,196,186,133,133,186,202,212,215,215,209,207,202,194,186,178,133,133,183,196,199,194,189,181,131,130,178,191,199,199,189,178,131,129,130,133,133,129,131,176,176,133,133,178,181,183,189,189,191,196,204,209,212,209,199,196,194,194,194,196,189,137,133,133,178,181,178,133,131,131,178,186,191,196,199,199,194,186,186,186,186,176,123,122,121,122,122,127,181,191,186,181,178,181,191,191,189,202,212,212,212,204,181,129,133,189,194,196,204,209,204,202,209,215,222,217,199,183,130,130,131,137,196,202,199,204,204,194,183,183,183,136,135,139,189,196,194,191,196,204,209,212,204,196,194,196,194,191,191,199,209,217,217,217,217,222,222,215,212,212,212,212,207,202,199,199,199,202,202,202,202,202,204,207,212,215,212,215,222,225,222,212,209,212,215,217,217,220,220,222,222,217,215,211,211,215,222,228,228,217,199,191,189,189,194,191,137,127,117,129,217,196,121,115,118,186,217,228,225,228,228,222,194,186,194,202,207,209,207,191,135,131,131,137,183,189,196,199,196,196,196,196,199,204,207,207,204,202,202,204,207,209,209,209,212,217,212,196,183,131,127,127,133,183,186,186,183,183,178,131,124,127,173,95,118,173,178,131,173,173,127,125,131,178,181,181,183,186,183,181,178,127,123,127,181,194,204,209,212,84,82,135,183,181,196,212,209,212,222,225,228,225,225,225,222,217,209,204,204,207,209,204,199,199,189,131,131,127,115,129,186,202,215,186,105,123,129,129,178,191,202,207,209,207,202,196,199,204,207,204,200,202,209,212,209,207,204,196,178,176,181,176,110,108,133,191,196,191,176,131,176,194,204,202,176,129,176,183,183,181,176,173,131,131,183,199,204,204,202,199,199,199,199,204,209,207,202,199,196,196,194,196,202,207,209,209,207,204,202,196,183,127,112,105,189,199,204,207,207,207,207,204,204,207,207,204,204,204,204,199,187,191,202,207,207,202,194,185,185,185,183,185,186,189,189,137,129,129,181,181,135,133,133,133,178,191,196,194,191,196,202,196,178,174,177,189,202,207,207,207,204,202,191,186,189,194,194,194,194,191,186,186,194,204,212,215,212,204,191,183,182,186,191,196,202,204,207,209,215,207,191,181,177,181,194,199,202,204,204,199,196,191,189,189,183,134,132,134,186,191,186,133,131,178,189,186,132,129,130,135,183,181,135,133,178,181,181,183,183,178,178,178,183,189,191,191,186,181,177,174,174,179,191,196,196,196,191,178,183,194,196,199,207,212,212,212,215,212,209,204,204,207,209,207,196,139,135,135,143,207,204,196,194,202,202,199,209,222,222,215,212,217,225,228,222,212,204,203,207,203,200,200,204,222,228,228,225,224,225,228,230,230,228,225,217,212,209,209,207,202,151,153,207,207,209,217,222,217,213,213,215,222,230,235,233,225,222,220,217,217,212,208,208,212,215,215,217,217,217,225,233,233,228,228,228,225,225,230,235,241,246,246,246,243,243,246,246,241,241,241,243,243,241,243,248,251,248,246,246,246,246,243,241,238,235,235,0,0,0,241,241,238,230,225,222,222,222,225,228,228,225,225,225,225,222,217,217,217,220,222,222,217,217,215,212,209,209,209,209,212,217,222,225,228,228,228,228,228,230,230,230,228,225,225,217,215,212,209,207,202,196,191,191,191,191,191,189,186,186,189,191,194,196,199,199,199,199,196,194,194,194,196,199,202,202,202,198,196,198,202,204,204,207,212,217,217,212,207,209,212,209,208,208,212,215,215,217,228,0,0,230,222,217,217,216,216,217,217,225,233,238,233,228,225,215,209,209,209,209,212,0,0,0,0,0,0,222,217,199,194,199,207,207,199,186,181,178,178,173,165,163,152,144,139,105,107,105,105,105,109,109,104,101,107,191,209,207,205,207,212,225,230,228,225,215,209,207,209,212,209,199,191,137,133,132,132,137,191,199,202,204,207,209,209,209,207,199,194,141,135,134,137,194,199,202,202,202,204,212,209,137,129,135,199,204,199,186,133,126,124,125,128,139,191,202,209,215,215,212,209,207,207,207,207,204,204,204,204,202,204,207,209,209,207,199,199,5,15,17,17,11,0,0,0,0,0,0,5,15,17,21,17,0,0,0,0,0,0,0,0,0,0,7,13,13,13,17,19,17,13,17,19,31,39,43,31,0,0,0,0,0,0,17,37,47,57,63,69,65,63,59,59,59,39,15,9,21,41,67,95,160,181,215,254,255,241,189,155,147,155,173,194,191,131,51,21,29,51,65,73,69,53,9,0,0,0,255,217,170,92,49,39,39,27,27,31,21,13,7,7,23,61,0,0,220,246,255,255,255,233,233,217,207,189,150,139,129,139,116,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,118,124,90,41,35,72,118,139,150,165,176,199,215,230,228,202,178,0,0,0,0,0,152,134,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,131,186,181,95,13,0,5,17,21,35,35,37,131,147,75,39,39,53,57,47,55,0,0,0,255,255,255,255,251,163,29,0,0,0,0,0,0,0,0,0,3,69,134,181,181,150,129,134,160,170,170,152,118,113,113,121,121,116,108,139,176,186,173,139,108,59,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,105,163,181,173,165,165,183,186,176,168,152,144,129,93,93,93,101,147,155,142,83,72,74,87,97,99,85,63,43,43,57,81,87,87,99,147,134,81,75,79,83,73,81,137,168,189,178,170,150,147,155,152,142,139,139,99,137,144,142,144,152,160,150,131,99,99,97,93,93,93,97,126,126,95,131,144,144,126,79,69,75,85,124,77,43,37,61,81,71,31,26,27,39,131,126,79,57,57,131,189,186,160,144,137,126,85,81,75,63,55,55,69,77,71,51,35,35,33,32,37,55,73,75,105,118,113,73,65,61,59,39,39,57,73,63,41,33,35,47,55,69,98,57,35,33,41,41,37,39,47,57,73,124,129,124,121,79,73,73,111,134,134,85,124,150,75,5,11,43,61,69,69,61,57,55,15,0,0,73,215,225,204,191,194,204,215,217,220,220,225,228,241,241,233,217,186,117,103,93,93,105,123,129,123,176,202,217,217,204,191,168,142,55,3,0,0,0,0,3,7,11,11,11,11,15,23,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,64,79,90,105,131,139,126,103,69,21,0,0,0,0,0,0,0,0,0,0,0,1,29,29,11,0,0,0,0,0,0,57,126,144,160,160,152,152,157,152,144,139,134,139,142,142,142,134,91,79,75,75,79,87,85,95,95,85,71,69,71,85,95,131,139,142,139,137,137,137,99,95,99,137,95,69,55,49,49,53,67,83,91,91,91,93,99,147,163,173,191,212,215,212,202,189,181,170,170,168,152,103,73,61,69,101,168,186,186,186,176,157,150,107,107,107,150,152,147,109,107,107,109,147,147,155,165,178,183,186,186,176,160,107,89,67,63,71,99,168,199,215,220,225,228,233,241,241,241,233,233,220,181,134,113,0,0,0,0,0,0,0,134,125,131,157,189,0,0,0,0,0,0,0,0,0,0,0,72,53,38,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,38,38,51,92,116,116,121,139,168,196,222,222,212,0,0,0,0,0,0,0,0,165,134,105,79,72,64,51,48,37,37 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,53,82,183,222,207,126,5,0,0,0,53,142,207,209,199,183,163,157,168,176,181,183,186,181,177,178,178,174,168,169,178,194,202,204,207,209,209,209,204,199,199,204,212,217,217,212,207,207,209,209,209,209,212,217,222,222,222,215,191,135,129,129,135,178,183,186,183,181,186,186,178,127,125,129,133,133,129,131,178,191,191,189,186,181,178,178,181,178,130,131,191,212,222,222,222,222,225,222,217,216,222,222,217,217,225,220,204,183,133,137,196,209,202,186,176,176,183,199,204,207,215,125,0,35,186,186,168,170,178,176,173,176,183,194,194,186,75,83,125,170,176,181,178,173,129,126,127,170,178,178,181,181,189,202,212,222,217,215,207,194,183,176,173,174,186,196,199,189,178,189,199,189,176,176,186,204,215,217,212,202,196,191,183,176,133,133,176,183,191,194,191,189,181,133,131,176,178,178,178,181,176,130,130,131,176,133,131,176,181,178,176,176,183,186,183,189,191,196,204,209,212,212,207,199,194,194,191,194,196,191,183,134,134,178,181,181,178,132,132,135,135,176,178,186,191,191,189,189,186,178,129,127,127,123,125,123,127,181,186,181,135,135,183,196,196,191,199,207,212,212,196,131,125,133,189,196,202,209,212,209,207,212,217,225,225,209,196,183,137,131,133,186,186,139,199,204,204,199,194,186,137,138,191,199,202,196,189,189,196,204,207,196,191,194,199,196,194,192,199,212,222,222,217,215,217,222,215,212,212,212,212,209,204,204,204,204,204,207,207,207,207,204,207,209,212,207,204,209,217,217,215,212,212,215,215,217,217,217,222,222,217,212,211,211,215,217,217,215,209,196,186,137,131,127,127,123,122,125,199,230,209,133,121,131,196,217,225,225,225,225,215,181,177,186,194,196,202,196,186,137,135,137,183,186,191,199,202,199,194,194,194,199,204,209,209,207,202,199,202,204,207,209,215,217,217,204,191,183,137,129,126,128,178,186,189,189,189,186,181,133,178,186,173,186,178,173,127,125,123,123,127,173,181,183,181,183,183,176,129,127,124,125,176,196,199,199,202,207,99,79,85,133,133,183,207,215,217,222,225,225,225,225,225,225,217,212,209,209,212,215,212,207,204,194,129,117,121,129,137,135,135,186,105,99,131,131,126,131,186,196,202,202,199,196,195,196,202,202,200,198,200,207,207,204,196,191,186,178,178,181,178,111,102,127,189,199,194,183,176,181,196,207,207,129,125,129,181,183,183,181,178,176,176,183,199,204,196,189,189,194,196,202,207,207,202,199,199,199,196,194,194,199,204,204,204,199,194,189,181,135,135,183,196,204,207,209,209,209,207,207,207,207,207,207,204,204,204,207,202,182,189,202,212,215,209,199,189,189,191,186,186,189,194,196,137,122,122,135,183,181,178,178,181,191,199,202,199,196,196,199,191,177,176,181,194,202,204,204,207,204,199,189,181,138,181,139,183,204,204,202,202,207,215,222,222,222,215,199,183,181,183,189,191,194,199,204,207,209,202,191,183,181,189,196,199,202,204,207,207,204,196,194,196,194,186,181,178,135,186,189,183,178,183,189,186,132,128,129,133,178,133,128,128,135,178,178,178,178,178,181,183,191,194,196,196,191,183,178,176,174,179,189,194,196,199,183,161,174,189,199,207,212,215,212,212,209,207,207,207,207,204,204,204,199,191,143,143,194,204,199,194,196,202,199,191,199,215,220,217,217,222,225,228,228,222,212,209,212,212,204,200,202,212,222,225,225,228,228,228,230,230,230,228,222,215,212,217,222,217,212,209,212,212,212,217,225,222,215,213,217,225,233,238,235,230,228,225,225,222,217,212,212,215,212,212,215,217,222,225,230,230,225,228,228,228,228,233,238,246,248,248,246,246,246,246,246,243,241,241,241,241,239,241,246,248,246,244,244,244,246,243,243,241,238,235,0,0,0,241,241,238,233,228,222,222,217,222,222,225,225,225,225,222,217,217,215,217,222,222,222,222,222,217,215,215,212,212,212,215,217,222,222,225,228,228,228,228,230,230,230,228,225,222,217,215,215,212,209,207,202,196,194,191,191,189,189,186,189,189,194,196,196,199,202,202,202,199,196,196,196,199,202,204,204,204,202,199,199,204,207,207,204,209,222,228,222,215,212,215,212,209,212,215,215,215,217,225,0,0,230,225,222,217,216,216,217,217,222,228,230,228,222,217,212,207,207,207,204,209,0,0,0,0,0,0,222,217,204,194,194,204,207,196,189,189,191,189,183,173,163,155,147,142,142,107,105,104,105,109,111,104,101,105,183,209,212,212,215,222,228,230,230,228,222,215,212,212,215,209,204,194,143,139,135,135,143,194,196,199,204,207,209,212,212,209,204,196,191,137,136,141,196,202,202,200,202,207,209,207,196,189,196,207,204,199,189,133,126,125,126,133,143,194,202,209,212,215,212,209,207,207,207,207,204,204,204,204,202,202,204,204,207,204,199,196,0,13,19,27,27,17,0,0,0,9,17,17,17,9,3,0,0,0,0,0,0,0,0,0,0,0,5,11,11,13,19,19,13,9,13,17,27,31,31,13,0,0,0,0,0,7,17,33,29,37,49,63,71,73,73,73,73,53,21,15,31,47,55,61,93,157,189,207,215,196,163,147,142,147,152,155,144,85,41,11,14,51,81,131,137,124,67,15,0,0,255,255,255,248,165,100,53,33,33,51,55,49,25,0,0,19,71,0,178,225,255,255,215,217,222,233,246,217,170,178,186,178,131,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,61,66,45,39,49,118,155,176,204,215,220,233,246,238,209,191,178,0,0,0,0,152,137,113,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,144,170,129,19,0,0,0,0,0,0,5,61,41,0,0,0,59,113,103,103,0,0,0,255,255,255,255,241,186,47,0,0,0,0,0,0,0,0,0,9,77,152,183,181,163,168,178,183,178,170,152,134,111,104,113,111,103,105,137,176,178,157,116,87,41,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,100,142,157,139,124,129,147,168,150,142,144,144,144,144,144,139,139,137,139,95,79,72,75,87,91,91,89,83,77,89,137,139,101,89,91,91,83,83,99,103,79,45,63,139,168,189,178,157,137,133,152,165,147,105,101,98,103,147,144,142,150,152,147,134,137,144,144,134,97,85,83,89,91,93,131,142,137,75,53,55,75,91,118,65,39,47,81,87,61,35,26,26,35,124,85,49,33,61,144,196,199,181,170,157,144,131,124,121,83,77,75,81,111,75,45,33,35,33,31,35,55,75,111,113,118,103,65,65,71,63,39,38,55,103,103,59,41,35,47,53,65,69,45,23,23,51,47,36,39,59,73,111,124,113,111,79,77,77,81,124,144,152,142,163,152,0,0,3,75,93,131,131,91,91,81,49,3,0,147,215,207,194,187,187,194,204,217,225,225,228,233,241,248,241,225,194,129,115,103,85,82,103,113,109,115,176,215,222,202,183,142,85,49,0,0,0,1,3,0,0,0,1,1,0,0,1,3,0,0,3,9,0,0,0,0,0,0,0,0,0,0,11,29,66,79,98,118,155,165,144,116,77,27,0,0,0,0,0,0,0,0,0,0,0,1,29,35,23,0,0,0,0,0,0,57,126,152,168,168,157,157,160,157,150,142,139,142,144,150,144,142,103,95,87,87,91,95,101,101,101,85,69,66,69,85,95,139,147,147,147,142,142,139,134,95,95,131,99,83,63,55,55,55,65,73,91,95,99,99,105,155,173,181,204,212,212,204,199,189,178,170,170,168,155,103,73,62,71,103,168,186,186,186,165,150,103,97,97,103,144,150,144,107,107,150,152,150,109,109,157,165,176,183,183,176,150,103,89,67,61,64,93,165,199,215,228,228,225,228,235,241,241,241,241,233,194,144,118,0,0,0,0,0,0,126,126,124,125,155,189,0,0,0,0,0,0,0,0,0,0,0,74,53,30,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,25,25,38,79,113,121,131,150,176,196,212,212,194,0,0,0,0,0,0,0,0,173,139,113,79,64,53,48,48,37,37 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,126,165,207,217,209,209,215,199,108,65,124,186,209,215,209,196,173,163,170,178,181,183,186,183,181,181,178,178,178,181,186,191,196,202,204,207,207,207,202,191,190,196,209,217,217,209,205,205,207,207,209,209,215,220,225,225,209,186,113,117,123,127,131,133,181,186,183,189,196,196,189,178,176,176,133,129,127,129,181,191,189,181,181,181,178,181,183,183,135,135,189,207,217,222,225,225,228,225,217,217,222,222,217,217,222,225,217,191,131,131,183,196,196,186,181,183,189,196,207,209,183,117,59,83,189,199,125,125,173,173,173,178,186,191,183,69,64,81,127,168,173,176,173,168,170,173,178,189,189,186,183,176,183,196,212,217,217,212,204,191,183,178,176,178,186,191,194,186,183,189,191,183,178,176,181,199,212,212,207,196,191,183,176,131,130,133,178,181,178,181,189,191,186,133,129,127,125,123,125,127,131,173,173,133,133,129,127,131,178,176,132,176,186,191,186,186,191,199,207,209,209,204,196,196,196,194,189,189,189,189,186,181,137,181,181,183,183,135,133,133,129,127,129,178,186,189,191,194,189,178,131,176,176,125,123,122,129,176,176,131,129,133,191,209,207,199,194,194,202,207,133,123,129,183,194,196,204,212,212,212,212,215,217,222,222,215,212,204,189,127,129,183,139,137,191,202,207,207,202,194,186,189,202,207,207,199,186,182,185,194,196,191,191,196,204,204,199,199,204,215,225,222,215,215,217,222,222,212,212,212,212,209,207,207,207,209,212,212,212,212,209,209,207,209,209,204,194,196,207,215,215,212,212,215,215,215,215,215,217,217,217,215,212,215,217,217,215,209,202,186,129,127,123,121,121,125,125,133,189,202,199,194,204,199,202,204,209,215,220,215,202,177,176,181,186,183,186,186,181,181,181,186,189,189,189,196,204,202,196,194,194,196,204,209,212,207,199,196,199,204,209,215,222,225,217,196,183,183,181,131,127,129,178,183,183,183,186,186,183,183,186,196,202,202,183,129,125,122,121,123,173,181,181,176,170,178,178,127,118,118,124,131,183,199,202,198,198,207,202,82,84,119,127,181,202,212,217,222,222,222,225,225,225,222,217,217,215,215,215,215,212,207,207,207,191,121,131,181,137,121,111,104,94,95,133,133,127,131,183,191,196,196,196,196,196,202,204,204,202,202,204,209,207,202,194,186,183,181,178,133,133,118,110,121,176,189,191,189,183,183,189,196,194,176,127,131,183,189,191,191,189,181,176,181,196,202,189,134,134,181,189,196,202,202,199,199,202,202,196,194,194,196,199,196,191,186,181,137,133,135,181,194,204,207,207,207,207,207,204,202,204,204,207,207,207,207,207,209,204,187,192,209,215,217,215,204,194,194,199,199,196,194,202,209,186,114,115,129,181,183,181,181,181,189,196,199,196,194,194,196,194,183,181,186,194,199,202,204,207,207,202,191,181,137,135,132,130,202,209,209,212,215,220,222,222,222,217,209,191,182,183,186,186,186,189,196,202,199,194,189,183,183,191,199,202,199,202,207,209,207,202,199,199,199,194,189,181,131,135,183,181,178,186,194,194,186,133,133,181,181,131,127,128,133,135,135,135,178,183,186,191,196,199,199,199,194,191,186,183,181,181,183,189,196,204,194,170,173,191,207,212,215,212,212,212,209,202,202,207,204,202,199,202,202,199,199,196,196,196,194,194,202,204,196,145,196,207,212,217,222,222,225,225,228,225,217,215,215,217,215,207,204,212,222,228,230,230,230,230,230,230,233,230,225,215,217,225,233,233,228,228,228,222,217,222,225,222,217,217,222,230,235,238,238,235,233,230,228,225,222,217,217,217,212,211,215,225,225,228,228,228,222,222,225,225,230,235,243,248,251,251,248,246,246,243,243,243,243,243,243,241,239,241,246,248,246,244,244,244,246,243,243,241,241,238,0,0,0,238,241,238,233,228,225,222,217,215,215,217,222,225,222,220,217,215,215,217,222,222,225,225,222,222,222,217,217,217,215,217,217,220,222,225,225,228,228,228,230,230,230,228,225,222,217,215,215,215,212,209,204,199,196,194,191,189,189,189,189,189,194,196,199,199,202,202,202,202,199,199,199,202,204,207,209,209,209,204,202,204,204,204,204,209,217,228,228,222,217,217,215,215,222,225,222,217,222,225,230,0,230,228,228,225,222,222,225,222,222,225,225,222,217,215,209,204,204,203,203,204,212,0,0,0,0,0,0,222,209,194,191,202,202,194,191,194,199,199,191,178,160,150,147,144,147,144,107,105,109,111,111,105,103,109,129,202,212,222,225,228,225,225,225,225,222,217,215,212,212,212,207,199,191,189,143,191,194,199,199,202,204,207,209,212,212,212,207,202,194,186,139,189,199,204,204,204,207,207,204,199,202,209,209,209,204,202,196,189,139,139,186,191,196,199,204,207,209,212,212,209,207,204,204,204,204,204,204,202,202,202,202,202,204,202,199,199,0,7,13,13,17,19,13,9,13,19,19,17,9,3,0,0,0,0,0,0,0,0,0,0,0,0,0,5,5,13,19,31,13,13,17,31,31,31,17,5,0,0,0,9,17,19,21,19,19,33,53,67,73,73,75,75,71,59,33,17,19,25,33,43,77,144,170,181,176,160,147,103,147,152,147,137,137,97,65,19,15,59,126,160,170,168,152,73,0,0,255,255,255,255,254,155,92,41,51,95,108,103,39,0,0,0,13,63,0,222,255,255,173,199,225,248,255,215,163,189,233,204,124,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,37,25,28,79,152,202,235,243,243,248,255,246,220,202,191,0,0,0,0,0,134,98,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,170,170,113,3,3,5,0,0,0,0,0,0,0,0,0,49,0,0,0,0,0,255,255,255,243,233,217,176,63,0,0,0,0,0,0,0,0,0,1,77,147,160,144,147,163,186,191,178,160,150,134,111,104,105,105,98,95,116,160,170,152,113,79,33,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,63,134,144,121,73,72,87,134,131,83,124,144,152,155,144,137,131,99,93,87,81,81,85,83,82,93,137,147,152,165,176,163,142,134,99,91,83,99,152,139,53,38,53,147,176,189,176,150,137,139,173,181,155,139,101,99,139,150,142,99,101,97,95,99,137,144,139,95,83,73,71,77,83,89,95,124,81,43,29,39,75,126,124,71,51,69,124,121,67,49,29,25,28,77,49,26,24,45,124,181,186,178,170,170,168,157,155,152,139,129,121,121,121,85,59,45,47,45,32,32,47,69,105,113,103,62,55,61,100,69,49,45,63,116,121,73,53,45,51,53,59,49,19,25,47,71,51,33,36,61,105,113,111,77,73,73,73,81,113,124,134,144,147,152,71,0,0,35,129,150,150,142,131,142,147,95,51,49,157,191,189,189,191,186,186,202,220,233,235,235,241,248,255,255,243,220,186,129,109,83,76,83,99,93,95,157,212,233,217,183,75,51,29,0,0,0,3,3,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,0,0,0,0,0,27,29,21,23,35,72,87,116,147,181,189,160,124,87,59,3,0,0,0,0,0,0,0,0,0,0,0,27,41,37,15,0,0,0,0,1,59,129,152,168,168,160,160,165,163,157,150,147,150,152,152,150,142,105,103,95,95,95,95,97,101,101,85,71,69,75,95,139,152,157,157,150,147,142,142,134,97,95,139,134,93,73,67,59,59,65,73,83,93,99,101,107,163,173,186,204,212,212,194,186,181,173,168,168,163,155,103,71,62,65,97,160,181,181,176,160,109,99,91,91,97,142,144,142,142,144,157,157,152,107,103,109,152,160,176,178,168,152,103,93,67,58,60,83,150,196,222,235,235,228,230,238,241,248,248,248,233,199,152,126,0,0,0,0,0,0,0,134,134,126,150,199,0,0,0,0,0,0,0,0,0,0,0,79,53,30,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,17,33,72,113,131,142,157,170,186,194,189,0,0,0,0,0,0,0,0,0,173,147,113,79,64,51,48,51,51,37 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,0,0,0,0,0,0,0,0,0,0,0,0,0,22,40,0,0,0,0,0,0,0,0,0,0,79,92,0,0,0,0,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,118,178,194,207,217,217,217,215,220,204,176,77,191,209,215,209,186,168,165,173,181,183,183,183,183,186,183,183,186,191,191,186,183,189,196,204,207,209,207,199,190,189,191,202,212,215,209,205,204,205,207,209,212,215,222,228,222,75,66,78,105,121,121,120,125,178,181,181,194,202,204,202,196,191,183,133,126,125,131,189,191,181,176,178,178,178,181,183,186,183,181,183,196,215,225,228,228,228,228,225,222,222,222,217,217,222,228,228,204,132,131,137,186,189,186,186,191,196,196,202,204,77,103,129,129,119,125,121,124,168,168,170,178,189,194,189,79,77,87,107,125,178,181,173,173,178,186,194,204,199,189,178,170,173,183,196,204,204,202,194,183,181,186,189,191,191,189,183,178,178,181,181,178,181,181,176,189,196,199,196,191,189,183,176,131,131,176,178,176,131,176,189,196,189,133,122,119,118,120,121,125,176,181,181,176,129,125,124,125,131,133,132,176,189,196,194,189,191,196,202,204,204,196,192,194,199,196,191,185,185,186,186,186,183,183,183,186,189,181,178,133,128,127,129,178,186,186,189,196,194,183,178,183,181,125,122,122,127,131,129,127,127,135,196,212,212,204,194,129,123,131,118,120,133,191,196,196,207,212,212,215,215,215,215,215,220,217,222,217,199,123,119,139,186,183,191,199,207,209,207,202,191,191,204,209,207,202,186,179,181,186,189,189,194,202,207,207,202,202,207,215,225,225,217,215,217,225,225,217,215,212,212,209,209,209,212,215,217,217,215,215,212,209,209,209,212,202,141,139,196,209,209,212,212,215,215,215,212,212,212,212,212,212,217,222,225,222,215,209,199,135,109,114,119,119,121,125,127,135,183,186,191,196,209,207,196,189,191,204,212,209,196,183,178,178,135,133,134,178,178,181,186,191,191,189,186,191,199,199,194,191,191,196,199,207,209,204,196,194,196,204,212,222,228,220,204,181,136,181,181,133,131,186,191,191,186,183,186,189,186,181,189,196,196,191,181,129,125,123,123,129,181,186,176,119,115,129,176,125,117,119,173,189,196,199,202,202,204,212,215,88,93,109,125,183,196,207,215,217,217,222,225,228,225,222,217,217,217,215,215,212,209,207,209,212,209,207,199,191,135,121,111,104,99,100,178,183,135,135,181,183,183,186,191,194,196,202,204,207,204,207,209,212,209,204,199,194,191,181,133,127,127,123,119,121,129,178,186,191,189,183,183,186,183,178,173,178,186,194,196,196,191,183,133,129,181,194,186,134,133,134,135,183,191,194,194,196,202,199,194,189,186,189,191,186,181,137,133,131,131,133,183,196,204,204,204,204,207,204,199,199,199,204,209,209,209,209,209,212,209,204,209,215,217,217,215,204,192,194,204,209,209,204,209,217,181,120,122,135,186,183,181,181,181,183,186,186,183,186,189,194,194,189,189,191,191,196,202,207,207,209,207,199,189,183,138,135,135,194,202,209,215,217,217,217,217,215,217,215,202,189,183,139,139,139,186,194,196,191,189,189,183,135,183,199,202,199,202,204,209,207,202,196,194,194,191,186,181,133,131,125,114,112,127,191,202,196,186,183,186,183,131,127,128,133,178,178,178,183,189,196,199,202,202,199,196,196,196,196,196,189,135,133,186,202,212,207,183,183,204,215,215,212,209,209,209,209,204,202,204,202,199,196,199,199,202,204,199,194,194,191,194,202,202,191,143,145,194,199,209,215,217,222,222,222,222,217,215,215,220,222,217,215,217,222,228,230,230,230,230,228,230,233,233,228,222,225,233,238,241,238,238,235,233,228,225,225,225,220,217,222,228,235,238,238,238,233,228,222,222,222,220,222,220,212,211,217,228,228,225,228,225,222,217,217,225,230,238,243,248,248,246,246,246,246,243,243,246,248,248,246,246,243,246,251,254,251,248,246,246,246,246,243,243,241,238,0,0,0,238,238,238,235,230,228,222,217,212,211,212,220,225,222,217,215,215,215,217,222,225,225,228,228,225,225,225,222,222,220,217,217,217,222,222,225,228,228,228,230,230,230,228,225,225,222,217,215,215,215,212,209,204,202,196,191,189,189,189,186,189,194,196,199,199,202,202,202,202,202,202,202,204,204,209,212,215,215,209,202,199,196,196,202,209,215,222,228,225,217,215,215,217,228,230,228,225,225,222,225,230,230,230,233,233,228,228,228,225,222,222,222,222,222,215,209,207,204,203,203,204,209,0,0,0,0,0,0,215,209,196,191,0,0,0,194,196,199,199,194,181,157,147,147,147,152,152,150,147,113,115,111,109,109,111,119,183,204,215,225,228,222,220,222,222,222,217,215,212,212,212,209,202,191,189,191,196,199,199,204,207,207,207,207,209,212,209,209,204,196,189,189,194,202,207,209,209,209,209,199,196,202,212,212,207,204,204,204,204,204,202,202,202,202,202,204,207,209,212,212,212,207,204,203,203,204,204,202,202,202,199,199,202,202,204,202,202,0,3,3,0,3,9,9,9,9,9,9,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,5,9,19,27,15,13,19,27,27,17,5,0,0,0,9,19,31,31,19,16,19,45,67,103,73,67,61,61,61,59,49,33,23,23,35,51,77,144,168,165,152,101,95,95,152,165,157,150,157,165,131,51,25,0,118,152,170,181,178,139,7,0,246,255,255,255,255,220,157,100,92,105,129,137,103,1,0,0,0,0,71,215,255,222,183,215,233,255,255,207,169,196,243,202,98,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,37,19,14,39,152,220,248,254,255,255,255,254,238,209,191,173,0,0,0,0,124,74,48,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,142,163,129,25,13,3,0,0,0,0,0,0,0,0,0,33,0,0,139,0,0,255,255,251,215,194,186,147,53,5,0,0,0,0,0,0,0,0,0,33,95,103,87,90,126,163,181,178,170,152,134,104,104,111,113,98,87,98,126,147,126,100,55,29,5,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,39,111,142,147,121,71,68,75,121,89,77,85,137,150,144,139,97,93,93,93,87,83,89,93,87,82,134,152,152,144,147,165,163,150,150,147,134,97,142,157,142,61,38,53,155,189,189,170,157,148,170,207,194,160,139,101,99,147,144,99,85,83,83,87,95,137,137,93,75,59,57,63,77,83,79,75,63,43,25,20,28,67,126,91,75,71,87,126,85,67,61,37,28,31,57,33,24,24,41,87,144,160,147,144,155,157,163,157,155,155,139,131,121,121,118,79,67,63,49,35,32,45,67,75,105,73,58,55,61,100,100,65,65,105,134,137,113,67,61,65,65,55,15,0,31,69,103,51,33,36,59,77,77,67,61,57,61,73,111,113,113,85,113,124,77,35,5,19,67,81,126,126,93,93,144,165,155,83,67,109,168,168,178,191,187,186,202,225,241,243,248,248,248,255,255,255,233,202,135,115,83,75,77,82,82,83,115,196,235,235,191,69,45,29,11,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,41,27,13,29,72,103,137,170,199,209,170,134,103,82,33,0,0,0,0,0,0,0,0,0,0,0,13,41,47,29,0,0,0,0,23,71,134,144,160,160,157,163,170,168,160,152,150,152,160,160,150,142,142,103,103,97,95,93,91,95,95,95,79,77,95,139,150,157,165,165,157,150,142,142,134,97,101,139,139,93,83,75,67,61,65,73,83,93,99,101,107,157,173,183,194,204,204,194,183,173,170,165,165,165,155,103,71,62,65,91,152,160,160,160,109,99,93,89,89,97,103,142,103,142,144,157,163,152,109,103,105,111,152,163,168,160,150,103,89,67,58,60,83,150,196,217,235,235,235,235,241,243,248,248,246,233,194,160,144,0,0,0,0,0,0,0,152,152,150,168,0,217,0,0,0,0,0,0,0,0,0,0,92,64,40,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,9,30,74,116,131,142,155,155,157,165,165,0,0,0,0,0,0,0,0,0,186,155,121,95,64,53,53,53,53,39 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,61,12,0,0,0,0,0,0,0,0,0,43,121,103,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,196,202,202,202,207,212,217,220,233,152,52,178,196,199,183,165,163,168,176,186,191,191,191,191,191,189,189,189,189,186,181,179,183,191,202,207,209,209,204,196,190,190,196,207,212,209,209,207,207,209,212,212,215,222,228,222,48,48,83,121,127,121,119,125,135,181,181,199,207,209,209,209,204,194,181,128,128,178,194,186,176,174,178,181,178,178,181,186,189,186,137,186,209,225,228,228,228,228,228,225,222,222,222,217,217,228,228,212,135,132,137,136,137,186,189,196,196,194,199,121,34,46,176,186,123,125,127,125,125,125,127,176,186,199,204,204,121,95,97,121,183,181,168,173,181,189,199,209,204,186,173,129,127,131,181,189,191,189,183,178,181,186,194,194,191,186,181,177,177,177,177,178,189,194,186,178,178,176,178,183,186,181,133,176,178,176,131,127,129,176,186,191,189,176,121,117,119,122,125,176,189,194,189,178,131,125,124,124,127,133,176,181,189,196,196,191,194,194,196,199,199,194,191,192,202,204,196,186,183,185,189,189,186,186,186,189,189,183,183,181,131,128,131,178,183,183,186,194,194,191,186,186,181,127,123,123,125,125,123,127,129,135,196,212,215,212,204,106,99,115,119,127,183,196,202,199,204,212,215,215,212,212,212,215,222,220,222,225,217,137,102,103,137,194,199,207,209,212,209,199,183,183,199,207,207,204,194,181,182,186,189,191,199,204,204,199,194,194,199,209,222,222,217,215,217,225,228,225,222,217,215,212,212,215,222,225,225,222,217,212,209,209,209,212,209,194,127,127,145,202,204,207,209,212,212,212,209,207,207,209,209,209,215,222,225,217,209,204,199,137,102,108,117,119,121,123,127,135,181,183,191,196,202,202,186,135,178,194,204,207,199,183,135,135,134,133,135,181,181,183,186,191,191,189,183,186,189,189,186,186,191,191,194,196,199,196,191,189,194,202,207,215,217,186,134,132,134,137,181,181,194,207,212,207,199,191,191,189,183,174,178,186,183,178,173,127,129,173,178,181,186,186,123,100,101,125,178,178,129,181,199,204,207,204,204,204,209,212,207,84,96,109,125,181,196,209,212,212,217,222,222,222,222,217,215,215,215,212,212,215,212,209,212,215,212,215,209,199,186,133,123,117,119,121,183,196,191,183,181,135,131,135,181,183,186,194,202,204,207,209,212,212,207,202,202,202,199,181,129,125,125,127,127,127,131,178,186,191,191,186,186,183,181,178,178,181,186,194,196,191,183,178,131,119,116,176,186,183,178,176,134,134,178,183,186,189,194,194,186,178,135,178,181,178,135,133,130,129,130,133,183,194,199,196,196,202,204,202,194,191,196,202,209,212,212,209,209,209,209,212,212,215,215,215,212,202,191,192,204,215,217,212,212,212,121,123,129,186,191,183,181,186,189,189,181,136,135,137,186,191,194,194,194,194,191,196,202,204,204,209,209,204,196,191,191,191,191,194,199,207,212,215,215,215,215,212,212,212,204,194,186,139,138,139,186,194,194,186,186,189,183,127,133,191,199,199,199,204,207,207,202,196,191,189,186,183,137,135,133,123,108,105,116,183,199,196,186,183,183,135,127,126,129,135,178,178,181,186,194,199,202,202,199,196,196,196,199,202,202,194,119,115,137,202,209,207,199,199,209,215,212,212,209,208,209,209,207,204,202,199,194,191,194,194,196,202,199,194,191,191,196,199,194,141,139,139,137,137,191,202,209,215,217,220,217,215,212,212,215,217,225,225,225,222,225,225,228,228,228,228,228,233,235,233,230,233,238,241,241,243,243,241,238,235,230,228,222,217,213,215,225,233,238,238,238,230,217,212,212,215,217,222,222,215,211,222,228,225,222,225,225,217,215,215,217,228,238,243,246,243,243,243,246,246,243,246,248,251,251,251,248,246,248,254,255,254,251,248,246,246,246,243,243,241,238,235,0,235,235,238,238,235,233,228,225,220,215,211,211,215,220,220,217,215,215,215,217,222,225,228,230,230,230,228,228,228,225,222,220,217,217,217,222,225,228,228,228,230,230,230,228,225,225,222,217,217,215,215,215,212,209,207,199,194,189,189,186,186,189,191,194,196,199,202,202,202,202,202,202,204,204,207,209,212,215,215,209,204,199,196,196,202,209,209,215,222,222,215,207,207,217,230,233,235,233,228,220,222,228,233,233,238,238,233,230,233,230,225,222,220,222,222,222,215,209,204,204,204,204,207,0,0,0,0,0,207,207,204,196,194,0,0,0,0,196,196,194,191,183,163,150,147,147,152,155,152,152,152,152,117,117,119,117,117,173,196,212,222,228,228,225,222,222,222,222,217,215,212,212,212,204,194,189,191,196,199,199,202,207,207,204,204,204,207,209,209,207,199,194,194,199,204,207,212,212,212,209,199,196,204,212,209,204,202,202,204,207,209,209,207,204,204,204,207,209,209,212,212,209,209,207,204,204,204,207,204,202,202,199,199,199,202,204,204,202,0,0,0,0,0,0,3,3,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,11,5,5,13,15,5,0,3,3,0,0,0,0,5,15,19,27,19,17,16,18,33,51,71,100,71,53,39,31,41,47,49,49,41,43,49,63,81,144,152,101,87,87,95,103,160,189,189,168,176,194,173,87,0,0,71,85,137,168,160,121,15,0,55,204,255,255,255,255,233,152,100,92,118,163,168,71,0,0,0,0,11,183,220,196,204,233,243,255,255,215,176,189,215,170,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,51,15,5,31,170,235,251,254,255,255,255,254,238,220,202,173,160,0,0,0,124,74,56,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,118,85,0,0,0,0,0,0,0,0,0,0,0,0,29,0,71,111,0,0,255,255,246,199,176,163,105,33,3,0,0,0,0,0,0,0,0,0,0,9,17,21,35,87,134,170,176,170,152,131,104,104,118,121,103,79,74,92,103,90,53,37,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,155,157,155,131,105,73,81,124,126,83,77,85,129,134,139,129,99,93,87,79,81,95,139,134,95,137,142,89,65,65,97,147,150,150,150,150,142,137,142,142,91,36,48,105,176,176,176,178,196,220,220,181,147,101,87,91,105,99,77,61,67,83,89,97,137,142,91,59,51,51,57,69,71,63,55,45,35,25,20,29,79,126,89,77,85,118,83,69,61,59,47,43,49,59,33,28,33,67,121,139,139,126,118,126,137,142,139,142,139,139,129,116,81,77,77,71,63,49,39,45,57,73,75,75,77,73,63,63,67,63,63,98,118,150,155,134,111,100,71,111,51,0,0,3,67,71,55,41,47,63,67,63,57,50,50,55,73,111,111,79,73,79,79,57,29,29,51,63,67,69,71,71,83,144,165,155,89,64,93,115,115,168,189,189,187,202,225,241,248,248,248,248,255,255,255,241,215,186,129,109,85,81,83,82,82,99,165,212,235,212,93,63,49,35,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,21,3,0,11,69,118,152,181,212,220,178,144,126,113,79,1,0,0,0,0,0,0,0,0,0,0,1,35,49,35,1,0,0,1,45,116,137,137,144,152,152,160,165,163,152,144,142,147,152,150,142,142,142,105,103,99,95,91,91,95,101,99,91,87,95,101,142,152,163,160,152,150,150,139,101,101,139,142,134,95,95,93,75,67,65,67,77,89,95,101,105,155,165,168,183,207,207,196,189,181,173,173,173,170,163,107,73,60,62,83,103,144,144,144,97,93,89,89,89,97,99,103,103,105,144,160,163,152,109,103,109,111,150,152,157,152,109,97,83,64,60,64,93,165,199,217,235,235,235,238,243,248,248,248,246,225,196,176,170,0,0,0,0,0,0,0,160,160,170,196,220,217,0,0,0,0,0,0,0,0,0,0,0,79,51,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,33,72,113,121,124,134,139,142,147,150,0,0,0,0,0,0,0,0,0,194,165,139,113,79,72,64,72,69,41 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,1,0,0,0,0,0,0,0,0,0,51,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,202,204,202,204,202,204,209,217,255,139,57,176,178,181,170,160,163,170,181,191,199,204,204,202,199,196,194,191,183,181,181,181,186,191,196,204,209,212,212,207,199,194,199,204,209,212,215,215,215,215,217,215,212,217,225,225,46,53,207,215,194,181,178,135,178,181,186,207,209,215,217,215,209,204,194,181,133,181,189,181,174,176,183,186,181,135,135,137,189,186,133,134,202,217,225,225,225,228,228,228,222,217,220,220,215,217,222,202,133,133,139,134,137,191,194,199,196,192,194,186,30,3,40,125,127,173,173,127,125,123,127,168,178,196,207,207,183,99,101,168,176,170,168,170,173,178,194,209,209,194,178,129,125,127,131,181,183,183,178,176,178,183,189,189,189,186,183,183,181,177,176,177,189,196,191,174,170,169,172,176,181,178,176,183,183,131,115,115,125,133,178,181,186,183,129,123,131,178,183,194,202,202,191,183,176,129,125,124,127,133,176,178,183,191,194,194,196,194,194,196,196,196,192,192,199,204,196,186,185,186,189,186,186,191,194,189,183,182,189,194,183,133,131,135,181,186,191,194,196,196,194,189,183,133,129,123,123,121,123,131,133,135,194,212,217,222,222,103,84,117,181,191,196,204,207,204,207,212,217,215,212,209,209,215,220,217,217,222,233,222,89,66,97,199,207,212,215,212,207,194,178,179,202,209,209,212,204,189,186,194,194,196,199,199,194,186,183,183,186,196,209,215,215,212,215,222,225,228,225,222,217,217,222,225,228,228,228,222,217,212,209,207,207,207,204,139,113,113,139,196,199,199,204,207,212,212,207,202,199,202,202,202,207,212,215,209,204,199,199,186,105,111,121,117,121,125,123,131,178,186,199,202,199,191,178,133,181,196,209,215,207,135,132,134,178,183,189,191,186,183,183,186,191,189,186,183,181,181,178,181,189,189,186,186,189,191,186,183,186,191,196,202,196,131,130,132,135,137,181,191,209,215,217,215,209,202,194,183,174,172,176,181,178,173,127,123,129,181,189,189,194,191,113,91,93,173,189,196,202,209,212,209,209,209,204,207,212,207,183,67,93,111,125,181,202,212,212,212,217,222,222,217,217,222,217,217,215,215,215,217,222,217,215,212,207,207,209,207,199,189,133,123,125,121,178,199,202,194,186,178,130,131,178,181,181,186,196,204,209,212,212,209,204,199,199,202,196,181,129,127,124,125,131,131,181,186,189,191,189,189,186,186,181,173,176,178,181,189,189,178,173,176,178,117,101,120,186,189,186,189,183,134,134,178,181,183,186,186,181,131,130,133,135,133,131,130,130,129,131,178,186,191,191,191,191,196,202,196,190,189,190,199,207,212,212,209,209,207,207,207,207,209,209,215,215,202,191,191,199,212,217,209,207,199,105,120,129,183,194,183,186,194,204,202,183,134,134,181,189,191,194,196,199,196,194,196,202,202,199,204,207,204,199,194,194,196,196,199,202,207,212,215,215,212,212,209,209,207,204,196,189,183,139,183,183,191,194,183,137,183,137,124,129,183,194,196,199,204,207,204,202,196,191,189,189,186,181,135,135,137,129,121,127,183,194,191,181,178,135,129,125,126,131,135,178,178,181,186,194,199,202,202,199,196,196,194,194,194,196,196,107,101,111,183,199,204,207,207,212,212,211,212,209,209,209,209,209,207,202,194,190,189,189,194,196,202,199,194,191,194,199,204,196,143,141,139,128,126,133,143,196,207,215,220,217,215,215,212,209,212,222,228,225,222,222,220,222,225,225,228,230,233,233,233,233,233,235,238,238,241,241,238,238,238,235,230,225,215,212,212,215,228,235,235,235,228,215,211,209,211,215,222,222,217,215,225,228,215,213,222,225,217,212,212,217,228,235,243,243,241,241,243,248,251,251,251,255,255,254,251,248,248,248,254,255,255,254,251,248,248,246,243,241,241,238,238,235,235,235,238,238,235,233,228,225,222,217,212,211,212,215,217,217,215,215,215,215,222,225,230,230,230,230,230,230,230,230,225,222,217,215,215,217,225,228,228,228,230,230,230,228,228,225,222,222,217,217,217,217,215,212,209,202,194,191,189,186,186,186,191,194,196,199,202,202,202,202,204,204,204,204,207,209,212,212,209,209,207,204,199,196,199,204,202,204,212,217,212,202,202,212,228,233,238,241,233,222,220,228,230,235,238,238,235,235,0,0,228,220,217,222,222,222,217,212,207,204,202,202,202,207,0,0,0,0,0,202,204,0,0,0,0,0,0,199,191,190,191,189,176,157,150,147,150,150,152,152,152,155,157,163,173,125,121,127,191,204,217,230,233,233,228,225,225,225,222,215,212,212,212,204,199,194,191,194,196,196,202,207,207,204,202,202,204,207,209,207,202,196,199,202,204,204,209,212,209,209,202,202,209,209,204,207,202,199,199,202,204,209,207,207,204,204,207,212,212,212,212,209,209,207,204,204,207,207,207,204,202,199,199,199,202,204,204,202,0,0,0,0,0,0,0,0,3,0,0,0,0,0,0,0,0,0,0,3,0,0,0,0,0,15,27,19,11,11,9,3,0,0,0,0,0,0,0,0,11,31,31,19,16,15,18,31,43,55,67,71,57,31,19,15,24,41,53,67,69,63,69,81,91,99,83,61,61,77,99,152,168,209,225,207,199,204,191,0,0,0,65,61,79,124,113,53,9,0,0,47,225,255,255,255,255,165,61,33,57,144,194,168,39,0,0,0,0,165,204,183,212,243,251,255,255,233,178,168,170,129,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,131,111,21,9,45,202,243,243,251,255,255,255,246,238,220,194,170,152,144,0,0,126,85,66,48,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,61,35,0,0,0,0,0,0,0,0,41,35,9,7,37,0,100,75,225,255,255,255,246,202,176,150,87,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,72,126,160,176,170,152,134,111,113,121,131,111,82,72,72,74,45,27,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,142,137,142,139,121,113,116,124,126,87,71,64,69,85,129,139,131,87,73,67,75,93,150,157,142,99,91,63,42,44,79,147,157,157,155,150,142,100,98,103,103,34,43,79,144,163,170,196,228,238,215,170,105,87,77,81,91,79,55,52,63,89,134,134,137,152,97,59,51,51,55,63,71,71,51,41,35,31,33,67,137,134,91,91,124,89,67,55,55,53,53,61,67,77,49,49,69,116,131,139,124,79,71,81,118,124,126,131,131,126,121,83,71,64,67,65,59,51,55,69,108,108,79,75,108,113,103,63,49,39,39,61,108,139,155,142,121,111,71,142,29,0,0,0,31,57,61,61,69,73,67,61,53,46,46,55,69,79,79,65,57,73,79,47,25,29,43,49,55,55,57,63,83,142,157,147,79,65,93,109,109,163,186,191,191,202,220,235,241,241,243,248,248,248,248,241,222,194,183,129,115,103,93,91,91,93,109,176,212,199,139,75,61,55,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,108,152,181,209,220,186,160,144,131,90,15,0,0,0,0,0,0,0,0,0,0,0,23,45,33,1,0,0,21,63,129,134,129,134,137,142,150,150,142,134,97,97,101,105,103,103,103,105,105,103,103,97,97,95,103,142,142,95,87,87,91,101,150,157,157,150,139,139,134,95,95,134,139,101,95,95,95,75,69,63,69,75,89,93,101,107,147,157,168,178,207,209,207,191,183,181,173,181,181,173,155,83,60,60,73,99,105,103,99,91,91,91,89,87,87,89,93,99,103,147,160,160,152,109,103,109,109,109,109,111,109,101,91,73,64,65,85,144,178,209,217,230,235,235,243,0,251,251,251,254,241,215,202,202,0,0,0,0,124,98,103,160,170,181,209,220,209,0,0,0,0,0,0,0,0,0,0,0,103,66,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,25,64,95,108,116,124,124,131,139,0,0,0,0,0,0,0,0,0,0,204,178,155,131,113,95,95,90,72,61 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,199,207,207,204,207,207,204,207,209,207,181,170,168,163,160,160,165,173,183,194,207,212,212,209,207,202,199,191,183,177,178,189,199,199,194,202,209,212,212,209,209,207,204,204,207,212,217,222,220,217,217,215,209,212,217,194,80,125,209,217,217,204,199,189,183,183,191,202,212,217,222,217,212,212,209,199,183,181,181,174,176,183,189,186,183,178,133,133,189,189,128,125,137,204,212,212,215,222,225,225,212,207,215,209,207,202,137,125,127,137,189,186,199,209,209,204,202,196,196,202,204,59,0,81,127,178,176,123,122,127,168,127,178,196,202,199,186,87,89,127,168,127,127,168,168,170,194,209,215,209,183,129,125,125,129,178,181,178,181,178,176,178,186,189,186,189,191,196,196,189,183,181,181,183,186,173,170,172,173,173,174,178,189,199,181,111,103,105,123,131,131,181,191,196,196,196,194,191,191,196,202,202,191,186,186,178,127,127,129,131,131,131,178,183,189,196,199,199,196,199,199,194,192,192,196,196,191,186,186,189,189,186,186,194,202,194,181,179,189,204,207,186,135,135,181,194,202,209,207,204,202,196,183,176,129,123,122,122,129,186,178,135,191,209,217,222,215,196,137,189,204,207,207,207,209,209,212,215,215,215,212,209,208,209,215,215,213,222,228,228,125,61,73,189,204,215,215,212,202,183,181,204,215,215,212,212,207,199,194,196,202,199,196,191,189,185,182,181,182,186,196,207,212,212,215,217,225,230,230,225,225,225,228,230,230,228,222,217,215,212,209,204,199,196,145,125,106,106,129,194,202,202,204,209,212,215,209,199,191,191,189,189,196,204,207,202,199,199,189,129,117,116,123,119,127,123,115,129,183,196,207,202,194,186,133,135,199,222,230,228,215,128,130,178,189,196,202,196,189,181,135,178,186,189,186,183,181,177,177,183,189,191,186,183,183,183,181,135,134,137,186,191,183,134,137,191,181,136,183,199,212,217,217,215,212,207,194,176,173,176,183,191,186,176,127,121,121,176,183,194,202,202,178,109,105,129,191,207,212,215,215,212,209,209,207,204,207,204,119,81,95,115,127,181,202,212,215,217,222,222,217,217,222,222,217,217,217,217,217,217,222,222,217,212,207,205,207,209,207,199,186,129,118,107,125,196,204,202,194,189,178,131,178,189,186,189,196,204,209,212,212,207,202,199,199,202,194,178,131,129,124,123,133,189,196,194,189,189,186,183,178,183,186,131,129,131,173,176,173,129,129,181,194,183,125,133,189,189,189,196,194,186,135,135,135,178,181,181,178,133,131,131,133,131,133,133,135,133,135,183,191,194,191,190,191,194,199,199,194,190,190,196,204,209,207,207,207,207,207,204,202,204,209,215,215,204,194,191,194,207,209,202,194,183,110,124,133,189,196,199,199,202,199,189,135,133,137,191,194,189,191,199,199,199,199,202,202,199,199,202,204,202,202,196,192,194,196,199,199,204,212,215,212,209,209,207,207,204,199,194,189,189,191,186,183,189,196,183,131,131,136,130,132,139,191,199,202,204,204,204,202,199,199,199,196,191,183,134,133,135,181,183,186,189,194,189,183,137,131,128,128,131,135,135,135,135,181,186,194,199,202,202,202,196,194,191,121,125,117,112,106,97,95,113,186,199,204,207,212,212,212,212,209,212,212,212,209,204,202,191,186,186,190,191,202,209,204,141,139,199,209,209,204,194,189,202,129,122,125,137,191,202,212,222,222,222,215,209,204,209,217,217,222,225,218,218,218,222,225,228,233,233,230,230,230,233,233,235,238,238,241,235,233,233,235,233,228,217,213,212,215,225,230,233,230,228,222,215,212,212,215,217,222,225,228,233,233,212,208,217,222,207,157,209,217,228,233,241,243,241,241,243,246,254,255,255,255,255,254,251,248,246,248,251,255,255,255,254,251,248,246,243,241,241,241,238,238,238,235,235,235,235,233,230,228,225,222,215,211,211,212,215,217,217,215,215,215,220,225,228,230,230,233,233,233,233,233,228,222,215,212,212,215,222,225,228,228,228,230,230,228,228,225,222,222,217,217,217,217,217,215,209,204,196,194,191,143,141,186,191,194,199,202,204,204,204,204,207,207,204,204,207,209,209,209,209,207,207,202,196,194,191,191,191,196,204,212,212,200,200,212,225,230,235,241,238,230,225,228,233,235,238,238,0,0,0,0,233,217,216,217,220,222,222,215,209,204,202,202,199,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,191,196,199,191,168,155,152,150,148,150,152,152,157,165,178,183,176,123,119,127,181,204,228,238,238,230,225,225,225,222,217,215,215,212,207,202,199,196,194,194,196,202,204,207,204,202,199,199,204,207,207,202,199,199,204,204,204,207,212,209,207,204,207,209,207,204,202,202,199,198,198,202,204,207,204,204,204,209,212,215,215,212,209,209,207,207,207,207,209,209,207,204,202,199,199,202,202,202,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,11,15,15,11,0,0,11,31,33,31,31,25,9,0,0,0,0,0,0,0,0,0,17,17,17,25,37,37,41,49,55,55,59,61,47,25,15,15,35,59,75,93,134,137,99,99,142,91,52,41,53,77,97,155,183,225,255,255,241,207,186,0,0,126,61,47,59,73,67,43,23,1,0,0,11,61,186,255,228,129,23,0,11,71,183,241,209,124,0,0,19,165,191,183,212,241,255,255,255,235,186,144,129,105,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,131,160,142,51,28,111,220,248,251,251,255,255,255,243,228,207,178,160,144,137,134,0,118,105,77,51,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,21,0,0,0,0,0,0,0,0,41,51,35,23,37,0,144,170,215,251,255,254,241,217,183,139,49,5,0,0,0,0,0,0,0,0,0,0,0,0,0,3,29,72,116,160,170,168,160,152,0,147,137,134,124,113,87,74,72,45,23,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,108,129,137,131,131,129,124,131,126,71,56,56,65,79,126,131,77,71,67,75,89,147,155,139,75,69,53,41,48,97,155,178,160,142,142,139,101,97,105,152,83,59,73,87,107,165,191,212,225,212,178,147,93,77,82,83,59,52,52,63,95,142,142,137,139,97,73,56,57,63,77,91,83,61,39,31,33,53,81,137,134,91,91,124,75,61,63,69,67,53,47,49,77,81,116,87,121,134,131,85,60,54,63,83,121,134,134,124,87,87,83,75,69,67,67,63,65,73,108,118,121,113,113,113,113,73,51,31,27,27,33,61,105,121,124,113,103,67,111,181,0,0,0,0,53,75,100,103,105,79,73,59,45,50,59,65,67,63,47,37,59,69,47,25,29,37,45,55,63,61,63,77,101,147,142,91,81,93,103,115,168,189,202,202,204,220,233,241,241,243,248,254,248,248,241,228,199,183,176,129,113,97,93,99,107,147,165,181,173,118,57,61,67,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,53,0,0,0,0,0,0,0,0,0,0,0,0,33,95,137,170,199,217,199,176,157,126,72,1,0,0,0,0,0,0,0,0,0,0,0,7,33,27,1,0,1,31,69,126,129,125,127,137,137,131,97,97,90,86,86,90,97,97,97,103,105,105,103,103,103,103,103,142,150,144,103,87,82,87,99,150,157,155,139,101,101,97,85,77,91,101,101,95,91,95,85,69,57,57,69,85,95,97,107,109,152,160,186,217,217,196,191,186,183,183,183,183,183,163,93,63,60,73,97,99,97,93,91,91,91,91,72,69,72,87,93,103,144,155,155,152,105,99,99,97,97,97,103,105,103,91,83,75,85,101,157,186,209,217,228,230,235,243,243,246,251,254,255,251,241,230,222,0,0,0,0,129,108,118,152,178,191,199,209,202,0,0,0,0,0,0,0,0,0,0,0,116,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,40,74,105,118,124,118,124,131,0,0,0,0,0,0,0,0,0,230,207,189,165,150,134,124,116,108,74,43 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,4,9,0,0,0,0,0,0,0,0,0,0,0,64,111,87,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,196,204,204,204,207,209,207,202,200,202,199,186,168,156,157,165,170,176,183,196,207,215,215,215,212,209,202,194,183,176,176,189,202,199,191,196,204,209,209,209,212,209,207,204,204,209,215,217,217,215,212,212,207,207,209,202,135,196,209,212,215,209,204,196,186,182,183,196,207,215,217,215,212,215,217,209,194,181,178,176,178,183,186,186,183,135,131,133,199,204,134,128,135,191,196,199,204,212,217,212,191,141,191,189,139,125,118,119,127,194,207,209,220,228,225,215,209,204,204,212,212,105,39,123,176,181,173,125,122,123,123,125,173,189,196,194,181,86,88,119,127,127,127,127,127,173,196,209,217,215,186,123,123,127,129,176,178,178,181,178,174,176,191,194,183,186,194,202,207,204,199,189,176,176,181,178,176,178,178,176,176,183,191,186,123,107,103,107,127,131,130,183,199,209,212,209,207,196,189,189,196,196,189,189,191,183,131,129,133,176,131,131,133,181,186,196,202,202,202,204,199,194,192,192,194,194,191,189,189,191,189,186,189,196,204,196,181,178,183,202,204,189,135,131,181,202,212,215,215,209,204,199,191,178,129,125,123,123,176,189,181,133,183,204,215,215,209,199,194,202,215,215,212,209,209,212,217,217,217,217,217,212,209,209,215,215,215,215,222,225,209,125,117,133,189,199,202,202,191,181,199,225,225,215,212,209,204,199,194,196,202,202,196,194,196,196,194,189,186,186,189,196,204,212,217,222,225,228,230,228,230,233,233,233,230,225,215,209,209,212,209,202,191,139,131,113,105,107,129,196,207,209,212,215,217,217,209,199,189,186,185,186,189,196,196,199,202,202,133,113,125,135,181,135,125,110,107,121,181,196,204,199,191,181,132,178,207,225,230,228,209,128,132,189,202,207,204,199,186,135,133,134,183,186,186,183,183,177,177,181,189,191,189,189,189,186,181,134,133,135,189,196,194,183,186,186,136,136,189,202,209,215,215,212,209,207,191,181,181,189,194,199,199,189,178,123,111,119,173,186,199,204,191,113,99,125,191,209,215,212,212,212,212,212,207,204,196,186,117,93,115,123,129,183,196,209,215,222,222,222,217,222,222,217,215,215,217,217,217,215,217,217,217,215,209,209,209,209,209,204,191,131,118,117,133,194,202,204,204,204,196,128,135,194,199,196,194,196,199,204,207,204,199,196,199,202,196,183,129,125,123,124,181,196,202,196,191,189,186,181,176,178,178,129,125,123,123,125,127,129,176,183,189,181,176,186,196,194,191,194,191,183,178,135,135,135,133,178,186,186,135,133,131,131,135,186,191,189,189,194,199,199,194,194,191,194,202,204,202,196,196,194,196,199,196,196,204,209,209,207,202,202,207,212,212,202,194,194,196,199,199,186,135,129,126,186,196,204,209,212,209,207,199,189,136,134,183,199,199,194,194,199,202,202,202,202,202,199,199,202,202,199,199,196,194,194,194,191,191,199,209,212,212,209,209,209,209,207,199,191,191,194,196,194,186,186,191,186,135,136,189,186,139,183,191,199,204,207,204,207,207,204,202,202,196,194,186,135,134,137,189,194,194,196,196,194,191,186,181,137,137,181,183,181,135,135,178,183,194,199,204,204,202,191,178,129,103,109,107,107,113,133,129,129,181,194,202,204,207,209,212,212,212,212,209,207,207,204,202,196,191,191,194,196,204,215,207,121,116,137,212,212,202,143,139,207,141,121,119,135,191,202,212,217,222,217,215,212,202,199,207,215,222,225,222,218,218,222,225,230,233,233,229,229,230,230,233,233,235,238,238,235,233,233,233,233,228,222,217,215,215,222,225,230,230,230,228,225,222,220,217,222,225,230,233,238,235,217,212,215,209,149,149,157,212,225,233,238,241,241,241,241,246,251,255,255,255,255,255,251,248,246,246,248,254,255,255,255,254,248,246,243,241,241,241,241,241,238,235,235,235,235,233,230,230,228,225,217,212,211,212,215,220,222,217,215,215,217,222,225,230,233,233,233,233,235,235,230,222,215,211,211,212,217,222,225,228,228,230,230,228,228,225,222,222,217,217,217,217,217,215,209,204,199,196,191,143,141,186,189,194,196,202,204,204,207,207,207,207,207,207,207,209,212,212,209,209,204,199,196,191,141,137,141,191,199,209,212,202,202,215,222,225,230,235,235,233,230,230,233,235,238,0,0,0,0,0,230,217,216,217,215,215,217,215,207,204,202,202,199,199,204,215,0,0,0,0,0,0,0,0,0,0,0,0,202,199,204,204,196,178,160,155,152,150,150,155,155,157,165,181,189,183,125,116,115,121,183,217,235,238,230,225,222,222,222,217,217,215,212,209,207,204,202,194,194,199,202,204,207,207,202,199,199,199,199,202,202,196,194,199,204,207,207,209,207,204,207,209,212,207,204,204,202,199,199,199,199,204,209,209,204,204,209,212,215,215,212,212,209,207,207,207,207,209,212,209,204,202,199,199,202,202,202,199,0,0,0,0,3,0,0,0,0,0,0,0,0,0,0,0,9,17,17,11,11,9,5,9,25,37,37,31,33,33,15,0,0,0,0,0,0,0,0,9,25,17,17,37,51,57,59,65,65,65,65,65,57,41,35,47,73,91,142,155,163,157,147,142,142,85,49,39,52,71,87,111,183,225,255,255,238,202,186,0,0,150,65,47,51,67,65,51,61,35,11,0,0,0,37,134,152,61,3,0,0,13,129,254,255,255,150,55,75,144,173,176,207,220,230,241,241,222,183,144,116,98,35,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,87,131,160,183,157,150,194,238,248,248,254,255,255,251,238,220,199,173,160,144,134,126,118,111,111,82,59,25,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,27,0,0,0,0,0,0,0,0,15,37,37,33,49,121,160,181,212,225,241,246,241,222,176,131,57,11,0,0,0,0,0,0,0,0,0,0,0,0,0,27,43,82,113,155,168,170,0,0,0,0,155,155,157,150,116,98,85,74,37,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,3,1,5,21,92,129,139,139,147,137,108,83,126,85,64,57,58,67,87,87,65,52,53,67,83,139,142,87,43,44,49,49,73,155,178,186,160,142,137,142,137,100,139,160,144,93,81,87,103,160,178,196,212,199,178,155,101,85,82,83,63,57,58,77,97,142,142,142,137,97,85,77,77,85,91,97,95,69,39,29,30,47,87,144,144,89,77,77,71,69,75,73,59,37,25,29,67,134,147,126,118,126,124,81,58,54,60,81,126,144,152,134,116,116,116,83,75,67,67,71,79,111,113,108,111,113,121,121,111,63,35,27,26,26,26,27,45,95,103,69,59,95,152,170,0,0,0,0,65,108,111,111,111,111,79,63,50,53,61,65,63,53,39,34,49,65,59,47,53,61,59,67,69,67,67,77,101,144,105,93,81,83,93,109,168,186,194,196,207,225,233,241,241,241,241,248,248,241,241,235,215,183,176,173,113,103,103,109,147,147,150,157,150,75,50,55,61,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,85,19,0,0,0,0,0,0,0,0,0,0,0,21,85,137,170,186,196,199,183,152,111,43,0,0,0,0,0,0,0,0,0,0,0,0,0,27,27,11,5,19,51,103,129,129,127,134,142,142,131,97,97,93,89,89,93,97,97,97,99,103,103,103,103,142,142,142,144,150,150,103,87,82,83,103,150,163,155,142,98,99,95,77,69,77,87,95,85,91,95,95,73,55,55,63,77,95,101,107,109,152,163,186,217,209,196,186,186,186,186,186,186,186,168,95,63,60,73,99,99,99,93,91,89,91,89,73,70,73,91,97,103,147,152,152,144,97,85,73,67,67,75,89,99,105,103,95,95,99,111,163,189,209,225,230,233,238,241,243,0,243,251,255,255,251,248,230,0,0,0,0,155,137,142,150,163,178,194,209,196,168,0,0,0,0,0,0,0,0,0,0,0,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,56,95,116,118,116,116,0,0,0,0,0,0,0,0,0,0,235,215,196,189,160,150,142,129,108,74,38 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,69,142,196,121,0,0,0,95,121,0,0,0,0,0,118,168,191,196,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,199,202,202,202,202,207,207,204,200,204,209,204,181,156,157,168,173,176,181,194,207,212,215,215,217,215,207,199,189,174,172,183,191,191,189,189,196,204,204,207,209,209,207,204,204,204,209,212,212,209,209,212,209,207,207,207,207,215,209,204,207,207,207,204,191,182,181,186,196,204,204,204,207,215,222,222,207,186,176,178,181,183,189,186,181,133,128,131,207,222,207,186,186,191,189,186,191,196,196,186,133,131,137,141,133,122,118,121,186,209,222,225,230,230,228,222,215,209,209,222,215,133,55,119,176,194,191,176,127,123,123,123,127,173,186,196,191,105,103,121,170,170,127,124,124,127,189,204,209,207,129,111,119,125,125,129,173,178,183,178,172,172,194,194,129,129,186,199,209,212,207,189,173,173,181,183,181,181,181,181,181,183,183,131,119,111,109,117,131,178,133,183,202,212,212,212,209,196,181,178,186,189,186,186,189,183,176,176,181,181,176,131,131,135,183,196,204,204,204,207,204,196,194,194,199,202,199,199,196,196,194,189,191,196,199,194,183,181,182,191,191,178,127,123,131,199,212,215,215,209,207,204,202,186,131,131,129,127,176,191,183,133,178,196,207,209,202,196,199,209,217,217,212,208,209,215,222,222,217,222,217,215,212,215,217,222,217,217,222,222,220,215,139,131,135,137,183,183,137,183,215,228,222,212,209,207,204,199,196,196,199,199,196,196,202,207,204,199,194,189,186,189,199,207,215,217,217,222,222,228,230,233,233,230,228,222,212,207,208,209,209,196,143,137,129,117,112,119,141,202,212,215,217,222,222,222,212,202,191,187,187,189,191,194,196,204,212,212,117,101,186,202,204,196,123,105,104,113,129,186,191,186,181,135,132,181,204,215,217,212,199,135,181,196,204,204,199,191,186,135,132,133,181,186,186,183,183,177,177,178,186,191,194,196,199,196,189,181,135,181,194,204,204,196,186,136,134,181,199,207,207,209,212,212,209,204,191,186,191,196,196,204,207,199,189,131,107,107,119,129,181,194,194,127,105,113,183,204,209,207,207,209,215,215,209,199,176,129,183,176,125,121,129,181,196,209,217,222,225,222,220,222,222,217,215,215,217,217,217,215,215,215,217,217,215,212,212,212,212,207,194,133,123,178,189,191,194,196,204,207,204,125,131,199,207,202,189,183,186,194,202,202,196,194,199,202,202,189,129,124,124,127,181,194,202,202,194,191,189,186,178,176,176,131,127,125,123,121,123,129,176,181,178,133,133,191,202,199,194,189,183,135,133,135,178,135,132,135,194,196,183,133,130,130,135,189,196,196,196,199,202,204,202,196,194,196,202,207,207,204,202,194,191,190,189,190,196,207,212,207,202,199,202,207,207,202,196,196,194,191,186,135,126,126,137,199,207,212,215,215,212,207,204,199,186,136,181,196,199,196,199,202,202,202,202,202,202,199,199,204,202,199,199,199,196,191,190,187,187,191,207,215,215,212,215,215,215,209,202,196,194,194,196,196,189,185,186,189,191,199,207,207,196,189,189,196,204,207,207,207,207,207,202,199,196,194,189,183,137,139,191,196,199,202,202,199,199,199,196,191,189,189,189,186,137,135,135,181,191,196,202,199,191,183,127,123,106,115,112,107,135,212,207,183,181,191,199,202,204,209,212,215,215,212,209,204,204,204,204,204,204,207,207,204,207,215,209,120,113,123,196,196,143,133,131,204,196,126,120,139,194,204,212,217,222,217,217,215,202,145,149,212,222,225,225,222,222,225,228,230,233,233,229,229,230,230,230,233,235,238,241,238,235,233,233,230,228,225,222,220,217,215,217,225,230,230,230,230,228,225,222,225,230,235,238,241,243,235,225,222,209,150,150,157,212,222,233,238,241,241,239,241,243,251,255,255,255,255,255,254,248,246,246,248,254,255,255,255,254,251,248,246,243,243,243,243,241,238,238,235,235,235,233,233,230,230,225,217,212,211,211,215,217,222,217,215,215,215,217,225,228,233,233,233,235,238,238,230,225,217,212,211,212,215,220,225,225,228,228,228,228,225,225,222,222,217,217,217,217,217,215,212,207,202,196,191,141,140,141,189,191,196,199,202,204,207,209,209,209,209,209,209,212,212,212,212,209,207,202,199,194,141,133,135,141,191,204,207,202,202,215,217,217,222,228,230,233,233,235,235,235,241,0,0,0,0,0,233,225,225,225,217,215,215,212,207,202,202,202,199,199,204,215,222,0,0,0,0,0,0,0,0,0,0,0,0,0,207,207,196,181,165,160,155,152,150,155,157,155,155,165,181,181,165,117,114,118,178,212,233,235,230,225,217,217,217,217,217,215,215,212,212,209,204,196,194,199,202,204,204,207,204,202,196,194,194,199,202,194,191,194,204,209,209,207,207,204,207,209,212,209,207,204,204,202,199,199,202,207,212,212,207,207,207,209,212,212,215,212,212,209,207,205,205,207,212,212,207,204,202,199,199,202,204,202,0,0,0,9,13,3,0,0,0,0,0,0,0,0,0,9,15,17,17,5,0,5,11,17,35,41,37,30,30,35,25,0,0,0,0,0,0,0,0,25,35,33,35,43,49,53,57,65,65,65,65,65,59,59,67,85,121,137,152,155,155,147,139,139,142,99,69,53,61,67,77,97,170,215,246,246,217,194,186,191,202,165,77,49,49,61,61,49,35,27,15,1,0,0,17,63,63,15,0,0,0,0,35,225,255,255,255,209,150,134,134,144,178,183,176,186,207,215,194,168,121,87,35,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,98,116,150,199,246,255,254,241,235,241,251,255,251,246,238,220,196,173,160,150,137,121,105,98,98,82,61,43,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,43,46,21,19,29,19,0,0,0,27,49,51,49,59,126,160,181,181,183,199,233,241,215,157,118,63,35,0,0,0,0,0,0,0,0,0,0,0,0,1,39,64,82,111,147,160,170,178,0,0,0,173,176,181,176,144,113,98,90,59,9,0,0,0,0,0,0,0,0,0,0,0,0,0,31,69,29,13,21,27,41,108,137,137,131,139,124,53,31,67,83,83,65,64,79,139,144,67,47,42,47,73,99,134,85,43,44,63,77,101,178,189,186,168,150,150,157,152,105,142,160,165,152,139,107,150,170,178,178,178,165,160,155,139,93,93,97,91,89,89,89,97,103,142,137,137,99,99,97,97,99,134,134,95,75,43,29,28,43,87,157,163,85,68,68,71,83,81,67,45,29,17,23,63,163,165,134,118,89,121,83,67,61,67,81,129,144,155,142,134,134,131,121,75,61,59,73,118,126,116,73,63,67,75,105,71,51,35,29,31,43,28,24,37,63,59,53,47,55,100,71,0,0,0,25,75,108,105,103,108,111,79,69,65,65,69,73,67,51,35,39,53,73,79,81,124,124,81,77,77,75,73,83,101,144,142,97,81,80,93,109,163,176,176,178,191,215,228,235,235,235,235,235,235,241,243,248,233,202,183,173,109,97,107,115,155,147,142,147,139,73,53,53,51,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,33,3,0,0,0,0,0,0,0,0,0,0,0,21,85,152,176,176,178,194,183,142,82,23,0,0,0,0,0,0,0,0,0,0,0,0,0,27,39,31,27,43,67,116,131,134,134,144,160,160,144,137,137,103,97,93,101,103,101,99,103,103,99,97,99,105,142,142,150,155,150,105,87,82,83,103,155,163,160,142,103,103,97,77,64,64,77,79,87,97,137,142,87,57,52,57,71,95,109,111,150,152,170,186,209,209,186,186,186,186,186,186,186,183,165,97,65,60,73,99,105,105,99,93,83,87,87,75,73,89,105,144,147,152,152,144,103,89,67,53,49,50,61,87,103,113,152,111,111,111,155,170,199,217,230,230,233,238,241,243,0,243,248,255,255,255,251,241,0,0,0,0,160,155,152,142,137,152,194,207,191,157,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,27,56,82,105,105,105,0,0,0,0,0,0,0,0,0,0,0,248,230,212,199,178,160,142,131,108,74,39 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,53,53,0,0,0,0,0,0,0,134,176,241,209,87,0,30,225,246,66,0,0,0,0,116,168,202,220,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,178,194,196,194,196,199,207,212,212,212,212,215,215,202,157,157,165,173,176,181,189,202,209,209,212,217,217,212,204,196,178,172,177,183,186,186,186,194,202,199,204,207,209,207,202,202,204,207,209,209,209,212,215,215,209,196,196,207,215,209,203,203,207,212,212,199,183,179,182,189,191,189,191,199,209,220,225,217,194,133,176,178,183,189,189,181,129,126,129,204,225,217,202,194,191,189,186,183,135,131,133,133,135,191,202,196,141,137,191,207,215,222,225,225,225,225,225,222,215,215,225,222,194,51,49,56,196,220,186,170,127,125,125,123,121,125,189,186,115,113,123,176,178,127,125,124,125,178,191,199,191,114,108,115,123,121,121,127,183,191,183,173,172,183,178,122,123,131,191,204,209,202,183,170,170,183,186,186,183,183,186,186,189,183,176,129,123,119,121,133,183,186,191,207,212,209,207,207,196,176,131,176,178,181,183,183,183,178,181,186,183,178,129,128,129,178,196,204,207,207,209,207,202,199,199,204,207,209,207,207,202,199,191,191,191,191,191,191,186,183,186,183,129,122,121,125,191,207,212,212,212,209,209,207,194,181,181,176,129,176,191,186,131,133,178,189,191,186,186,199,209,212,215,212,209,212,217,222,217,215,215,217,217,215,217,222,222,217,217,222,222,217,207,183,133,133,129,129,131,137,196,228,230,217,212,209,207,207,204,202,199,199,194,191,194,199,202,199,194,191,189,189,189,194,202,207,209,207,207,209,217,225,230,228,217,215,217,212,209,209,212,209,199,191,191,139,131,133,141,196,207,212,217,217,217,222,222,217,207,199,194,194,194,199,202,204,215,222,212,109,105,199,207,204,199,131,112,111,115,123,133,135,132,132,133,133,186,199,204,202,196,189,181,186,194,196,189,183,183,183,181,135,135,181,186,186,183,183,178,178,181,189,194,196,202,204,202,199,194,189,186,191,202,204,196,183,135,135,191,209,212,209,209,212,212,212,204,191,186,196,202,199,202,207,202,191,178,106,102,107,121,170,181,181,123,109,109,125,189,196,199,202,204,212,215,209,194,120,122,220,202,109,111,121,178,196,209,222,225,222,222,222,222,222,215,213,213,215,217,215,215,215,215,217,217,217,217,217,217,215,209,199,181,131,189,194,189,183,178,181,189,186,129,135,202,209,199,181,135,178,186,189,189,186,189,194,199,196,183,129,131,133,133,181,189,199,202,196,194,191,186,178,178,181,178,178,176,129,123,120,121,127,131,127,121,125,178,191,191,189,183,178,133,131,132,135,135,132,132,186,191,183,131,128,128,133,178,181,183,189,191,199,207,209,202,196,196,202,207,207,207,204,199,194,190,187,189,194,204,209,207,199,196,198,204,209,204,196,194,189,137,135,135,125,123,183,202,209,212,212,212,209,207,207,204,194,181,137,186,191,194,202,204,204,204,204,202,202,199,199,204,204,202,199,199,194,191,190,189,189,194,204,215,217,217,217,215,215,209,207,202,199,196,196,199,194,186,185,189,196,204,209,209,202,191,191,196,199,202,204,204,204,202,202,199,199,199,194,189,186,186,191,199,202,202,202,202,202,202,202,196,194,194,194,191,186,137,137,181,189,194,194,189,183,181,127,131,125,183,181,123,189,209,207,189,183,189,196,202,207,209,212,212,215,215,212,207,204,202,204,207,209,212,212,209,209,212,209,191,127,127,131,135,135,133,135,202,202,143,135,143,199,209,217,225,225,222,222,217,207,142,142,209,222,225,225,225,228,228,225,228,230,230,230,230,230,230,233,233,235,238,238,238,235,233,233,230,228,225,222,217,215,215,215,222,228,233,233,233,230,225,225,230,235,238,241,243,248,241,230,225,217,212,215,215,217,228,233,241,243,243,241,243,246,248,254,255,255,255,255,255,248,244,244,246,251,255,255,255,255,254,248,246,246,243,243,243,243,241,238,235,235,233,233,233,233,230,228,222,215,212,212,215,217,222,222,217,215,213,215,222,228,230,233,233,235,238,238,233,225,217,212,211,211,212,217,222,225,228,228,228,228,225,225,222,222,217,217,217,217,217,217,215,209,204,199,194,143,141,141,186,189,194,196,202,204,207,209,209,209,209,209,212,212,212,212,212,209,207,204,204,199,186,131,130,133,139,194,199,196,199,209,215,215,217,225,228,233,235,235,235,238,241,243,0,0,0,0,241,235,235,230,222,217,222,217,207,202,199,199,199,199,202,209,212,209,209,0,0,0,0,0,0,0,0,0,0,0,0,204,199,186,173,165,160,152,150,152,157,152,150,151,163,173,165,123,119,127,191,217,233,233,228,222,217,222,222,220,217,215,215,212,212,209,204,194,191,196,202,202,204,207,204,199,189,141,186,194,199,194,192,194,204,209,212,209,209,207,207,209,212,209,207,204,202,199,198,198,199,207,212,212,209,207,207,207,209,212,215,215,212,209,207,205,205,207,212,212,209,207,202,199,196,199,202,202,0,0,0,9,15,9,0,0,0,0,0,0,0,0,0,9,11,15,11,4,1,9,17,17,29,35,35,30,33,35,29,11,0,0,0,0,0,5,29,43,43,43,41,41,39,43,49,51,51,49,51,57,51,55,79,134,137,137,137,144,137,130,137,155,183,178,147,91,89,83,73,83,111,196,241,241,209,185,183,194,207,181,97,59,47,49,51,33,0,0,1,9,11,17,29,45,29,0,0,0,0,0,0,170,238,255,255,255,189,150,129,121,134,126,111,129,178,207,202,178,137,57,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,66,116,121,139,207,255,255,255,225,209,212,235,243,251,251,243,225,199,189,176,157,142,124,105,87,85,77,61,33,21,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,69,79,87,116,144,152,137,118,111,98,67,57,57,71,142,160,155,152,173,217,241,215,155,105,61,27,0,0,0,0,0,0,0,0,0,0,0,0,13,0,72,90,113,147,160,176,186,0,0,0,0,186,199,189,163,126,113,105,82,19,0,0,0,0,0,0,0,0,0,0,0,0,0,37,79,23,0,0,21,61,126,142,129,113,113,67,16,5,31,83,137,118,85,139,181,189,134,61,41,42,67,129,142,134,77,69,85,93,139,165,176,168,168,157,157,163,152,103,99,144,155,165,168,168,173,178,176,163,103,97,99,147,152,147,150,160,165,155,142,103,103,101,97,93,99,139,144,144,150,150,142,97,89,61,39,35,39,59,126,165,176,93,70,70,81,91,81,49,31,13,10,35,83,165,163,134,118,89,89,121,89,85,83,87,129,142,144,142,142,155,152,131,71,51,49,67,121,137,126,69,45,45,49,49,43,33,31,41,71,118,51,31,55,55,25,25,35,35,47,45,0,0,0,43,71,71,67,67,75,79,77,73,81,73,73,83,73,47,35,47,65,87,137,144,160,152,124,83,83,77,75,81,99,144,150,109,93,93,101,115,163,168,163,163,176,194,215,228,233,233,233,233,233,233,248,255,248,233,202,176,103,86,91,155,168,157,142,131,126,116,73,59,49,29,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,100,160,178,173,170,186,176,124,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,57,55,51,61,108,121,134,134,137,150,168,170,157,144,142,142,103,97,103,105,103,103,103,99,97,91,97,103,109,144,152,160,155,142,93,82,87,105,160,163,163,152,142,142,103,77,65,62,67,73,79,97,142,152,97,69,57,59,73,97,105,111,155,163,170,181,196,199,181,186,186,191,191,191,186,183,165,95,65,61,69,95,107,107,101,85,75,83,89,83,89,99,150,163,163,163,157,144,99,83,61,47,45,51,69,101,163,170,170,165,155,155,163,170,199,217,225,225,225,230,238,241,0,243,248,251,255,251,248,235,0,0,0,0,144,137,137,129,121,144,181,202,178,152,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,1,27,51,66,74,82,85,0,0,0,0,0,0,0,0,0,0,0,255,246,225,207,191,168,147,126,103,66,39 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,56,20,0,0,0,0,0,181,40,196,222,220,204,0,0,46,82,0,0,0,0,0,116,168,194,212,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,157,181,183,181,183,189,204,215,217,215,212,220,228,204,144,150,163,170,173,178,186,199,207,207,204,209,215,212,209,199,183,176,176,178,186,191,191,196,199,196,199,204,207,204,199,199,204,209,209,208,209,212,217,220,209,127,131,196,209,209,204,203,207,215,215,207,194,183,183,189,189,186,187,191,202,209,217,217,196,133,131,133,178,186,189,183,133,129,178,199,209,207,194,189,189,189,189,139,129,127,133,194,207,215,220,217,215,209,209,215,217,217,217,217,217,222,225,222,217,217,228,233,222,59,43,47,127,202,181,170,129,127,123,121,120,121,173,170,115,115,127,181,186,181,186,181,173,176,178,181,178,121,115,125,127,121,119,125,194,204,199,189,178,176,129,123,124,127,178,191,199,199,183,169,169,183,194,194,194,194,199,202,202,196,191,189,178,121,117,127,189,196,199,209,215,209,207,207,194,133,129,130,133,178,181,183,183,183,183,183,181,135,129,127,128,135,196,204,204,207,209,207,199,199,202,202,207,209,209,207,202,199,199,196,191,189,189,189,189,186,186,181,129,122,121,123,186,199,207,209,209,212,207,196,186,183,183,181,133,181,194,186,126,125,127,133,135,133,181,196,207,209,212,215,215,222,225,222,215,211,211,215,217,215,215,217,217,212,212,220,225,209,137,135,183,137,129,127,129,186,215,233,230,217,212,209,209,209,209,209,204,199,191,190,191,191,189,183,139,186,191,191,191,194,199,202,202,199,198,202,209,217,225,217,212,207,212,212,215,215,215,212,207,204,204,196,191,194,202,204,209,212,212,212,212,215,217,217,212,207,202,199,199,204,207,209,215,215,196,105,115,189,194,189,181,135,133,131,121,121,129,133,133,135,178,183,194,202,199,196,191,183,178,178,183,186,182,178,179,186,189,189,186,186,189,186,183,183,181,183,186,194,196,196,199,202,199,199,199,194,183,181,186,191,186,137,136,183,202,215,215,209,209,212,212,212,207,189,181,189,204,202,196,199,199,186,127,100,100,107,127,178,181,129,115,110,111,119,129,178,186,191,196,204,209,202,186,123,123,194,113,85,108,115,129,189,207,217,222,217,217,217,217,217,215,213,213,215,215,215,217,217,217,217,217,217,220,222,222,220,215,207,189,137,186,194,191,181,129,124,129,131,131,181,196,199,186,131,133,178,181,178,176,176,178,189,189,183,178,176,194,196,183,181,186,199,202,196,194,189,181,173,178,189,191,191,183,131,121,119,119,123,125,121,115,114,119,127,133,133,178,181,135,132,132,132,132,131,131,135,181,183,135,127,126,133,135,131,131,135,181,189,199,209,204,199,199,204,207,207,207,207,204,199,194,191,194,199,204,209,207,202,198,199,207,212,207,196,194,186,131,131,137,128,124,137,199,207,209,212,212,212,212,212,209,202,183,133,132,137,191,204,207,207,207,204,202,202,199,199,204,207,207,202,196,191,190,191,196,194,194,202,209,215,217,217,215,209,204,204,207,209,209,209,207,204,199,191,189,194,199,199,202,196,194,196,199,199,199,204,204,204,200,202,204,204,202,199,191,189,189,191,199,202,202,200,202,204,204,199,196,194,196,196,196,191,189,186,186,189,189,186,186,183,186,135,137,137,189,186,181,191,202,199,189,183,186,194,202,207,212,212,212,215,217,215,212,199,196,202,207,207,209,212,212,209,209,207,207,207,191,129,129,131,133,137,199,204,194,141,189,199,212,222,225,228,228,225,215,207,143,142,204,222,225,225,228,230,228,222,222,228,230,230,233,233,233,233,233,235,235,238,238,235,235,233,233,230,228,217,213,213,217,222,228,230,235,235,233,230,228,228,230,235,241,241,241,246,241,233,228,225,228,228,222,225,230,235,241,243,246,248,248,248,251,251,254,255,255,255,255,248,244,244,246,251,254,255,255,255,254,251,248,246,246,246,246,243,241,238,235,233,233,233,233,233,233,228,222,217,215,212,215,217,220,222,222,217,215,215,222,228,230,233,233,233,235,235,230,228,222,215,212,211,212,215,220,225,225,228,228,225,225,222,222,222,217,217,217,217,217,217,217,212,207,202,196,189,143,143,143,189,191,194,199,202,204,207,209,209,212,212,212,212,212,215,212,212,207,204,204,199,186,131,129,130,133,183,191,194,194,204,212,215,222,225,230,233,235,235,238,238,241,241,241,0,0,0,246,243,0,0,225,225,228,225,212,199,196,198,199,202,199,199,202,202,207,0,0,0,0,0,0,0,0,204,199,199,0,0,207,199,186,176,168,160,152,152,152,151,150,150,152,157,163,125,127,176,199,225,235,233,222,216,222,225,222,222,217,215,212,212,212,209,202,191,190,191,196,202,204,204,202,191,137,131,133,139,191,196,196,199,207,215,217,217,212,209,207,207,207,207,204,204,204,202,199,199,202,204,209,212,209,209,207,207,209,212,215,215,215,209,207,205,205,207,209,212,209,207,202,196,196,196,199,199,0,0,0,1,11,7,1,0,0,0,0,0,0,0,0,0,11,13,13,11,17,29,17,10,9,17,33,33,35,35,29,17,17,29,25,17,29,35,41,45,45,45,43,38,35,39,45,43,31,19,31,39,39,45,71,131,144,137,137,137,137,137,160,202,233,220,196,170,173,152,87,79,93,186,246,248,209,182,186,202,209,202,165,77,49,49,59,55,5,0,0,0,11,25,29,31,27,0,0,0,0,0,0,41,45,246,255,255,194,168,139,83,63,33,27,65,144,194,194,176,137,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,85,124,126,131,181,233,241,209,191,186,189,199,225,251,255,251,235,215,202,191,168,150,126,108,85,77,66,53,33,21,15,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,53,79,116,155,202,209,191,163,124,95,63,61,57,65,113,147,157,168,186,233,254,233,173,105,41,11,0,0,0,0,0,0,0,0,0,0,0,0,19,41,77,98,129,155,173,191,204,0,0,0,0,199,207,202,0,0,147,137,103,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,1,0,0,0,19,100,121,121,121,118,53,4,0,31,126,163,150,137,147,178,181,165,85,51,52,83,142,152,144,95,69,77,87,93,144,155,157,160,157,155,152,144,98,92,96,144,165,176,186,176,165,147,97,77,73,85,147,168,176,183,194,194,173,147,137,103,103,93,87,89,139,155,160,160,152,137,83,61,43,35,45,71,126,155,176,163,95,83,85,126,139,89,41,13,5,5,59,126,150,139,131,89,89,121,131,131,131,129,134,142,142,142,142,142,139,131,118,67,49,48,59,108,126,113,61,37,37,43,43,37,29,29,39,108,126,71,61,69,25,0,3,17,15,37,37,7,0,9,31,61,63,60,61,69,77,79,108,108,73,77,121,83,51,35,47,65,124,144,150,152,147,131,93,83,77,73,77,91,142,155,157,103,93,103,115,168,173,168,165,178,194,215,225,228,233,233,235,233,241,248,255,255,246,222,181,91,79,83,115,181,176,147,126,91,121,108,67,47,27,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,23,0,0,0,0,0,0,0,0,0,45,126,152,168,168,168,173,155,98,23,0,0,0,0,0,0,0,0,0,0,0,0,0,27,63,100,100,98,108,121,126,134,137,139,152,176,176,163,147,150,150,105,105,105,103,98,103,103,99,93,89,89,99,105,109,152,160,155,142,97,87,93,142,160,168,168,160,155,152,137,79,65,62,65,71,77,97,142,152,103,87,71,71,77,93,103,111,160,163,170,178,189,189,178,178,189,189,199,196,194,186,168,95,69,61,64,85,101,101,95,75,71,75,89,93,93,105,155,168,170,165,157,147,99,83,67,51,51,67,97,165,189,202,189,173,165,163,163,173,202,217,220,220,217,222,233,241,0,0,248,248,246,243,238,222,0,0,0,0,137,118,118,121,126,144,170,181,163,150,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,20,33,43,53,66,82,0,0,0,0,0,0,0,0,0,0,0,255,248,225,207,191,165,142,126,98,66,37 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,43,35,0,0,0,0,0,77,61,186,202,220,225,0,0,5,79,25,0,0,0,20,121,173,189,202,215,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,165,168,168,165,173,194,209,215,209,212,225,233,147,71,99,155,165,170,176,183,196,204,202,199,204,209,212,207,196,186,178,177,178,186,191,191,191,191,189,191,194,196,194,194,196,204,209,209,209,215,222,225,225,212,105,108,191,207,212,207,203,204,215,217,212,204,194,191,196,196,191,189,189,191,196,204,207,189,133,129,129,133,183,189,189,189,194,196,196,196,191,183,181,183,189,186,135,126,124,139,209,222,228,225,225,220,212,212,215,217,217,217,215,217,222,225,222,217,216,217,230,233,202,107,101,115,176,178,173,173,127,119,123,173,168,168,127,119,119,170,176,181,183,189,181,173,170,166,164,170,176,176,178,176,125,121,131,204,215,215,209,191,178,133,129,129,128,129,181,191,199,191,170,169,183,199,207,207,207,209,212,215,212,212,209,194,116,112,127,202,204,202,207,212,209,207,204,186,130,129,130,133,178,181,183,189,191,189,181,178,133,131,129,133,183,196,204,202,199,202,199,196,196,199,199,202,207,207,204,199,202,207,204,196,189,186,186,186,186,189,183,129,123,122,123,135,189,196,202,204,207,196,178,176,178,181,178,176,183,191,181,123,122,127,133,133,132,137,194,202,202,209,215,222,228,228,222,212,209,209,212,215,212,212,212,212,212,215,222,215,132,123,135,196,189,129,128,131,186,217,228,225,217,209,209,212,212,215,215,209,199,191,191,191,189,139,137,137,186,194,194,191,191,196,202,204,199,198,199,207,215,222,217,209,204,204,207,212,215,215,212,212,215,212,207,207,207,212,212,215,212,212,207,207,207,212,212,212,209,207,204,204,207,209,207,204,194,131,106,123,135,178,134,134,181,186,183,119,117,127,135,183,189,194,196,202,207,202,196,191,183,176,176,178,189,186,181,182,191,196,196,191,191,191,189,189,186,186,186,191,194,194,191,191,191,189,191,196,194,183,179,179,181,137,136,181,191,207,212,209,207,209,212,212,215,204,181,132,178,191,199,186,183,131,104,103,101,109,125,181,189,186,176,125,123,119,121,123,129,176,181,186,186,191,183,183,178,131,112,94,93,115,115,121,178,204,215,215,215,215,215,217,217,215,213,213,215,215,217,217,217,217,215,215,217,217,220,222,222,217,209,194,181,181,189,196,194,135,125,125,127,125,133,183,181,129,128,130,178,178,177,176,177,183,189,186,178,174,181,202,202,186,183,189,199,199,196,194,189,178,133,178,194,199,194,183,129,121,120,121,127,127,121,115,114,114,123,127,127,131,178,181,181,181,178,135,133,135,135,183,191,189,130,129,186,189,178,131,133,133,133,178,191,196,196,196,204,209,209,209,209,207,202,199,202,204,207,209,212,212,209,207,207,215,217,204,191,196,194,132,129,135,133,128,137,196,207,209,212,215,215,215,215,212,207,191,133,130,131,183,202,207,207,207,207,202,202,199,202,204,207,204,199,191,191,194,196,199,191,189,194,204,209,215,217,215,207,196,196,204,212,217,217,212,212,209,199,194,191,190,190,191,191,194,199,202,202,202,207,209,207,204,204,207,207,202,196,194,191,191,194,199,204,202,199,202,204,204,199,196,194,196,199,199,196,194,194,194,191,189,183,182,183,186,137,137,186,191,191,189,196,204,202,194,186,186,194,202,209,209,209,212,217,215,212,196,139,186,202,207,205,205,209,209,209,207,207,209,217,212,141,129,125,124,128,199,204,196,140,141,199,209,222,225,225,225,222,207,196,143,145,207,220,222,222,225,228,225,217,217,222,228,230,233,233,233,233,233,235,235,235,235,235,235,233,235,233,230,217,209,211,222,233,235,233,233,230,230,225,222,225,230,235,238,238,238,241,235,230,225,225,225,217,215,222,233,238,241,243,248,254,255,254,251,248,248,251,255,255,255,251,246,246,248,251,255,255,255,255,255,251,248,248,246,246,246,243,241,238,235,233,233,233,233,233,233,230,225,222,217,215,215,217,217,222,225,225,222,217,225,228,230,230,230,230,233,233,230,225,222,215,212,211,211,212,217,222,225,225,225,225,225,222,222,222,217,217,217,217,217,217,217,212,209,204,199,191,189,189,189,189,189,191,196,199,204,204,207,209,209,212,212,212,212,212,215,212,207,202,199,196,186,133,130,130,131,137,189,191,191,202,207,215,222,225,230,233,233,235,238,241,241,241,241,0,0,0,0,0,0,0,0,0,230,225,215,202,196,198,202,202,196,194,196,199,207,0,0,0,0,0,0,0,212,207,0,0,0,0,0,207,194,183,176,165,157,152,150,151,152,155,152,117,117,119,123,173,196,225,235,230,216,215,222,225,225,222,217,215,212,212,212,207,199,190,189,191,196,199,204,204,199,189,135,126,125,127,139,194,204,207,212,217,222,222,217,209,204,204,204,202,202,204,207,204,202,202,202,204,204,207,209,209,209,207,209,209,212,215,215,212,207,205,205,207,209,209,207,204,199,196,196,196,199,202,0,0,0,0,7,7,1,1,1,0,0,0,0,0,0,0,3,15,29,33,41,56,29,7,3,11,29,35,35,35,29,29,33,35,35,35,39,39,35,33,35,41,43,40,41,43,43,31,11,5,19,33,41,47,65,118,144,142,142,144,137,105,170,215,241,235,209,202,204,189,115,99,111,204,254,255,217,185,185,202,217,220,196,134,73,71,85,85,51,7,0,0,0,9,23,29,33,0,0,0,0,0,0,0,23,191,246,228,183,150,113,37,0,0,0,11,126,189,194,176,139,59,0,0,1,27,23,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,85,116,113,121,150,183,186,170,163,168,173,176,204,238,255,255,243,228,212,196,170,150,126,108,85,66,61,53,29,19,13,9,15,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,25,77,137,178,178,155,129,90,60,63,100,124,124,134,160,189,215,230,243,254,241,183,105,29,0,0,0,0,0,0,0,0,0,0,0,0,15,0,39,72,95,126,150,173,191,0,0,0,0,0,207,228,0,0,0,0,152,116,66,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,0,0,15,53,111,157,157,61,12,8,63,139,178,178,152,147,139,144,144,93,73,85,142,157,150,131,69,24,39,71,85,137,155,157,160,157,150,152,142,99,95,92,103,155,173,168,155,103,83,76,72,73,85,147,176,183,196,207,194,168,144,139,150,147,99,89,89,139,155,155,155,150,97,71,49,35,39,69,131,155,168,176,144,91,89,134,152,173,142,45,11,7,15,83,137,134,91,87,81,83,121,131,139,139,144,157,170,157,137,134,124,83,71,67,61,53,49,53,67,75,65,45,33,34,45,55,55,43,30,33,63,100,71,71,57,7,0,0,5,0,0,17,21,15,17,31,57,61,61,61,67,75,111,124,113,79,113,142,124,57,35,35,39,79,137,137,124,93,87,95,85,77,75,77,83,99,147,150,99,93,101,115,173,183,186,186,196,215,220,220,220,222,233,241,241,248,254,255,255,255,241,183,89,76,83,115,181,176,147,91,81,118,116,67,41,21,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,85,43,31,45,45,17,0,0,0,19,92,142,160,160,163,168,157,131,61,5,0,0,0,0,0,0,0,0,0,0,0,0,0,45,100,131,129,121,121,129,131,137,142,144,160,176,178,165,152,157,157,150,109,109,105,98,99,103,99,97,89,89,97,103,105,147,160,155,144,103,97,101,152,160,165,170,170,170,160,142,89,67,65,67,73,79,97,142,142,103,97,87,77,87,97,103,147,163,170,170,170,178,178,170,170,178,189,199,207,199,196,173,103,73,61,61,73,95,101,87,69,65,71,89,97,97,103,147,157,163,157,150,107,99,89,75,69,73,95,155,183,204,212,202,183,170,165,165,178,204,228,233,220,216,220,230,238,0,0,246,243,238,238,228,215,0,0,0,0,152,118,109,114,137,155,163,160,155,144,144,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,12,20,30,46,59,0,0,0,0,0,0,0,0,0,0,0,255,255,248,220,196,170,152,139,121,98,66,33 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,22,0,0,0,0,0,0,66,53,191,199,217,225,87,0,69,215,202,168,72,0,20,103,178,189,204,207,152,0,0,0,0,0,0,0,0,0,0,0,25,12,0,0,0,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,137,157,163,161,168,181,191,202,204,209,217,215,79,56,93,115,163,168,173,183,194,199,199,199,202,207,209,204,189,183,181,178,181,183,186,189,186,182,182,183,181,137,137,186,194,202,204,207,209,220,225,228,228,209,89,85,194,207,212,204,202,204,212,215,215,207,196,194,199,204,202,196,189,183,181,189,189,181,131,129,131,176,186,191,194,202,207,199,186,183,183,181,137,181,183,183,133,124,122,131,207,222,228,225,222,215,211,211,215,222,222,215,215,217,225,225,222,217,216,216,222,230,233,220,107,85,99,186,183,186,176,110,121,191,176,122,170,170,173,178,119,109,117,123,119,119,170,168,163,168,176,181,178,178,173,127,178,204,215,215,209,191,181,178,178,178,131,129,176,191,202,194,173,170,186,204,212,215,212,212,215,215,215,217,215,196,109,106,186,215,212,202,202,202,202,199,191,176,129,131,133,176,178,178,181,186,194,191,183,135,133,135,135,181,189,196,199,194,194,196,196,196,196,199,198,199,204,207,202,199,199,204,202,196,191,189,186,186,191,191,183,131,129,127,127,131,135,181,191,196,194,181,174,173,176,178,178,133,176,186,178,126,127,189,189,181,133,135,183,183,186,202,215,222,225,222,215,211,209,211,212,212,207,204,207,209,212,222,222,135,115,123,194,196,181,129,133,133,137,199,212,212,209,209,209,212,215,217,217,212,202,196,191,189,183,138,137,138,191,202,196,183,141,194,202,204,202,199,202,207,215,222,222,212,204,200,202,209,209,207,207,209,212,212,212,215,215,215,217,217,217,215,209,207,205,207,209,207,207,207,204,204,207,207,194,181,133,129,119,123,131,181,178,183,194,194,191,113,113,127,183,194,202,204,207,209,209,204,202,196,186,177,174,178,191,191,186,186,194,199,196,194,191,194,194,194,191,189,186,189,191,189,186,186,186,186,186,191,194,189,183,181,181,136,137,186,199,209,212,207,204,204,209,212,212,199,132,129,133,181,186,107,106,107,100,106,123,178,183,189,191,194,194,183,170,119,119,123,170,176,178,170,169,173,181,189,194,186,112,100,121,127,115,115,135,207,215,215,212,215,215,215,217,215,213,213,217,217,222,222,217,212,212,215,217,216,216,216,217,217,212,199,183,137,183,194,199,194,135,125,122,118,125,178,133,128,128,131,176,178,181,183,191,196,196,189,178,174,181,194,191,183,189,199,204,202,194,191,189,181,133,176,189,194,191,186,178,133,131,131,131,127,121,117,115,119,176,178,126,126,131,135,181,186,189,186,181,181,186,191,199,194,135,135,196,199,181,131,133,131,126,126,131,181,181,186,196,204,207,209,209,209,207,204,207,209,209,212,215,215,215,212,215,220,217,199,137,191,199,183,130,132,135,133,181,196,207,212,215,215,215,215,212,212,209,196,137,131,132,139,196,204,207,207,207,202,199,199,202,204,204,196,189,189,194,202,202,199,189,186,187,196,204,209,212,204,191,183,189,202,212,217,217,215,215,215,209,202,194,190,189,190,189,189,196,202,202,204,209,212,212,212,209,209,207,202,196,196,194,194,196,202,204,200,199,202,204,204,202,199,196,196,199,199,196,194,194,194,191,189,186,183,183,181,133,132,183,186,194,191,199,207,207,199,189,185,189,199,204,204,204,209,212,204,183,105,115,141,202,207,205,205,209,209,207,205,207,209,217,217,202,137,123,123,128,202,207,196,140,141,196,209,217,222,222,222,215,196,133,133,196,212,217,217,212,212,215,215,215,215,217,225,230,233,233,233,233,233,233,235,235,235,235,233,230,233,235,233,222,209,211,222,233,235,235,230,222,215,209,209,215,228,233,233,233,235,233,228,222,222,225,222,211,205,212,233,241,238,241,246,254,255,254,251,247,247,248,254,255,255,254,251,251,251,254,255,255,255,255,255,254,251,248,248,248,246,246,241,238,235,233,233,230,230,233,233,230,228,225,222,222,217,217,217,222,228,228,225,225,228,233,233,233,233,230,230,230,228,225,220,215,212,212,212,215,217,222,225,225,225,225,222,222,222,222,217,217,217,217,217,217,217,212,207,204,199,194,191,191,189,189,189,191,194,199,202,204,204,207,209,209,212,209,209,209,212,209,204,196,194,191,186,135,131,130,131,137,186,189,189,196,204,209,215,217,225,230,233,233,235,241,241,243,243,0,0,0,0,0,0,0,0,0,0,228,222,209,202,202,204,202,194,191,194,202,209,0,0,0,0,0,0,0,222,217,0,0,0,0,0,209,199,189,183,176,163,155,152,157,163,163,157,115,111,109,115,125,191,222,235,230,217,215,217,225,225,222,222,217,215,215,212,209,199,190,190,194,199,202,204,204,202,194,141,129,124,125,133,194,207,215,217,225,225,225,215,207,199,196,199,199,202,207,207,207,204,204,202,202,200,202,207,209,209,209,209,209,212,212,212,212,209,207,207,207,207,209,207,204,202,199,199,199,199,199,0,0,0,0,7,7,0,0,0,0,0,0,0,0,0,0,0,3,25,35,56,56,33,10,7,13,29,33,33,35,35,35,29,29,29,35,43,35,17,11,15,33,41,43,49,47,31,5,0,0,13,39,51,59,67,87,137,137,142,147,103,93,107,176,183,194,191,196,204,202,181,181,199,235,254,254,228,202,191,202,228,230,209,168,139,134,150,137,65,13,0,0,0,0,15,27,33,0,0,0,0,0,0,0,0,111,199,225,199,126,27,0,0,0,0,0,118,194,207,183,152,129,63,39,85,137,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,66,74,49,87,124,150,157,163,170,173,173,176,196,217,243,251,243,238,217,196,165,139,118,103,85,69,66,59,35,19,13,15,27,38,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,33,23,33,55,90,63,90,142,168,178,178,189,215,251,255,243,241,235,191,105,27,0,0,0,0,0,0,0,0,0,0,0,0,27,39,41,64,87,111,144,168,183,0,0,0,0,0,228,235,0,0,0,0,147,103,59,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,13,0,0,0,0,15,63,170,178,65,27,61,134,160,183,196,189,147,118,88,91,85,79,91,147,150,134,85,33,8,28,77,93,147,165,163,160,155,147,144,152,144,105,99,103,147,157,147,101,87,77,76,77,77,83,103,157,168,170,173,173,165,155,152,160,152,139,93,95,147,168,160,160,152,97,71,61,55,61,95,147,150,155,157,137,87,87,131,157,186,155,45,10,17,65,91,126,89,79,69,65,75,87,124,129,137,147,170,176,155,126,116,79,61,43,41,47,49,51,57,59,57,47,37,33,34,49,73,103,65,43,33,45,63,73,71,45,11,0,0,0,0,0,9,23,19,17,39,55,61,63,61,57,63,81,124,126,126,139,144,113,45,15,11,19,65,85,81,69,59,63,81,83,81,83,83,83,91,99,99,83,83,93,109,168,189,202,202,204,204,204,196,196,212,233,243,254,255,254,250,255,255,246,199,86,79,91,155,173,157,139,91,79,116,116,65,35,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,74,82,98,113,92,51,37,29,19,51,134,168,168,168,168,168,160,139,95,23,0,0,0,0,0,0,0,0,0,0,0,0,5,45,103,134,134,129,129,131,142,147,150,152,168,186,186,170,163,165,168,160,152,152,109,103,99,103,103,97,89,89,89,97,101,109,155,160,152,142,103,139,152,160,165,170,173,170,165,147,97,75,71,77,81,89,97,144,144,105,99,89,89,93,101,107,152,165,173,173,168,173,173,165,165,173,186,199,209,212,199,176,111,87,65,62,71,95,95,75,64,64,69,91,97,93,93,101,142,147,142,105,99,93,89,87,93,101,107,155,181,204,212,207,189,181,170,170,189,212,241,241,233,222,228,230,0,0,0,238,238,238,238,225,204,0,0,0,196,170,126,101,108,147,170,160,144,144,152,147,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,20,38,56,0,0,0,0,0,0,0,0,0,0,0,255,255,246,215,178,155,142,131,116,92,56,31 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,56,46,191,194,204,215,131,0,43,204,209,222,165,0,0,79,176,189,212,212,196,0,0,0,0,0,87,139,77,0,0,0,9,12,0,0,27,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,150,163,168,173,178,176,173,191,199,194,181,77,63,105,117,163,173,178,181,186,191,194,199,204,207,207,196,183,181,186,183,181,181,183,189,182,179,183,186,135,130,132,137,189,194,191,194,199,212,217,217,217,194,81,72,194,212,209,202,200,204,209,212,212,207,194,189,196,202,202,202,191,176,170,173,176,173,129,129,133,181,194,202,202,204,204,135,127,133,183,186,181,137,137,139,137,127,121,130,202,217,225,225,217,212,211,212,217,222,217,212,211,215,222,225,222,217,217,217,220,228,230,212,59,23,40,199,191,199,189,102,113,186,122,113,183,196,209,217,119,99,105,109,103,107,181,189,173,169,170,176,173,176,181,178,186,202,207,207,196,183,178,181,181,181,176,133,178,189,196,189,174,174,194,204,212,212,212,212,215,212,209,209,204,183,103,102,202,217,212,207,202,196,191,186,181,176,133,181,178,176,176,176,133,181,191,194,183,135,135,178,181,183,189,191,194,194,192,196,196,199,202,199,198,198,202,202,199,194,194,194,194,194,194,191,189,191,194,196,189,178,178,178,135,135,133,133,183,189,183,176,174,174,176,181,178,131,131,176,176,135,191,209,204,186,133,129,127,125,126,194,209,217,220,217,212,211,212,212,212,209,204,204,207,212,217,222,217,117,110,204,220,129,118,131,183,137,129,137,196,202,204,204,209,212,215,222,222,212,204,199,191,183,181,139,139,186,196,209,196,134,133,189,199,199,196,196,199,207,217,225,222,215,204,199,200,204,204,199,199,202,204,209,212,215,212,212,215,217,217,222,215,209,207,207,207,207,204,202,196,196,196,189,131,121,120,129,127,123,133,194,194,207,209,204,199,113,113,135,189,196,204,209,207,209,209,204,202,199,186,178,176,177,186,189,185,186,194,196,196,194,194,196,199,199,194,186,186,186,186,186,185,186,189,189,186,189,194,191,186,183,181,181,183,191,202,209,212,207,202,202,207,209,204,186,128,129,183,189,178,59,67,117,131,194,196,191,191,191,194,202,204,189,115,108,112,125,178,183,178,166,163,170,191,202,202,196,176,121,178,129,114,114,183,212,217,212,209,212,212,215,217,217,215,215,222,222,222,217,215,212,212,217,217,216,216,216,216,217,212,199,183,131,129,181,194,194,178,127,120,114,127,181,178,133,133,178,178,176,181,194,204,209,204,189,181,181,183,186,181,181,196,207,207,202,191,183,181,178,131,129,133,178,183,191,202,202,189,176,129,123,117,117,119,125,186,189,127,125,126,127,129,135,183,183,178,178,189,194,196,189,133,131,189,183,125,123,129,131,127,127,131,129,126,127,181,191,199,202,207,212,209,207,207,212,212,212,212,215,215,212,212,217,215,191,132,135,194,189,132,131,133,135,183,202,209,215,215,215,215,212,212,212,212,202,183,135,133,137,191,202,204,204,202,196,194,196,202,204,202,189,183,186,199,207,207,202,191,187,189,194,199,199,196,136,133,134,186,202,215,217,217,215,215,212,212,209,204,199,196,194,187,186,191,202,204,207,212,215,215,215,215,212,207,204,202,199,199,196,199,204,207,202,199,202,207,207,204,202,199,196,196,194,191,191,191,191,191,189,189,191,189,183,133,125,132,131,137,189,196,204,204,199,189,183,185,194,196,191,191,196,196,133,108,74,105,141,204,209,209,209,212,212,207,205,207,212,215,217,212,202,135,133,141,202,204,202,189,189,196,207,215,217,217,220,212,145,114,119,209,222,215,215,209,200,202,209,212,212,217,225,228,233,233,233,233,233,233,233,235,235,233,230,228,230,235,235,230,217,213,217,228,233,235,233,222,203,199,200,207,222,230,230,230,233,225,215,212,213,222,225,212,202,208,230,238,238,238,243,251,255,254,251,248,247,248,254,255,255,254,254,254,255,255,255,255,255,255,255,254,251,248,248,246,246,246,243,238,235,233,230,230,230,230,233,233,230,228,225,222,220,215,215,222,228,228,228,228,230,233,235,235,233,230,230,230,228,222,217,215,212,212,212,215,220,222,225,225,225,225,222,222,222,217,217,217,217,217,217,217,215,212,207,204,199,194,191,191,191,189,189,191,194,196,199,202,204,207,207,209,209,209,207,207,207,204,199,191,189,189,186,139,133,133,133,135,181,181,181,189,196,204,209,215,217,228,230,233,235,238,241,243,246,246,0,0,0,0,0,0,0,0,0,233,228,217,209,207,204,199,191,189,194,199,204,212,222,0,0,0,0,228,222,217,217,0,0,0,0,212,207,196,191,186,176,165,163,165,168,168,160,113,109,108,111,121,186,222,235,235,225,217,217,222,222,222,222,222,217,217,215,212,202,194,191,196,204,204,204,204,204,202,191,137,127,126,133,194,207,215,222,225,225,217,212,204,194,192,192,196,202,204,204,204,204,204,202,200,199,200,207,209,209,209,209,209,212,212,212,212,209,209,209,207,207,207,207,207,204,202,199,196,196,196,0,0,0,0,5,1,0,0,0,0,0,0,0,0,0,0,0,0,9,29,29,29,29,17,13,17,29,29,29,35,39,35,29,17,29,35,43,35,10,7,10,35,43,43,43,35,5,0,0,0,13,43,59,67,73,85,95,134,142,144,139,93,93,97,96,113,165,178,199,204,204,225,243,254,255,255,246,217,202,202,225,220,191,168,160,160,160,150,65,0,0,0,0,0,0,17,27,0,0,0,0,0,0,0,0,0,77,235,230,79,0,0,0,0,0,5,121,189,207,186,178,176,157,139,170,194,0,100,33,0,0,0,0,0,0,0,0,0,0,0,0,0,15,37,17,15,43,108,144,168,186,191,186,173,186,191,199,212,228,235,238,215,191,160,131,111,82,74,51,47,59,35,27,21,35,35,33,25,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,139,118,111,150,186,199,209,220,233,255,255,241,233,233,212,124,11,0,0,0,0,0,0,0,0,0,0,0,0,25,41,66,77,95,126,150,168,0,0,0,0,0,0,228,235,0,0,0,0,124,90,66,21,1,0,0,0,0,0,0,0,0,0,0,0,0,9,15,17,17,13,9,3,5,35,129,131,53,59,173,194,196,202,212,207,163,118,86,91,73,65,75,83,81,81,67,28,8,45,142,155,165,165,157,150,139,103,103,144,150,139,99,103,107,142,101,95,89,89,89,85,69,63,79,93,101,101,139,155,165,170,170,160,150,142,99,101,163,186,183,170,157,142,91,91,93,131,150,147,129,129,137,129,83,83,91,150,173,139,29,5,25,85,83,83,79,79,59,51,61,83,89,89,124,144,173,173,129,79,73,71,57,43,39,39,41,51,65,65,53,39,38,43,51,63,103,105,69,45,35,45,63,100,98,49,31,19,7,0,0,0,11,23,37,33,35,49,57,61,57,54,57,75,116,126,134,142,131,57,9,4,3,15,61,79,69,53,42,42,57,69,83,95,93,93,91,83,82,83,83,83,101,121,186,196,202,194,183,135,135,135,202,233,248,255,255,250,248,251,255,255,212,97,89,113,168,163,139,97,91,79,116,116,65,35,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,98,111,92,59,59,63,65,113,168,194,194,186,176,176,173,165,131,49,0,0,0,0,0,0,0,0,0,0,0,0,5,39,69,121,131,131,131,137,150,163,165,165,176,186,186,176,168,170,176,170,168,160,152,105,99,98,99,97,93,89,89,89,97,105,152,163,160,152,144,144,152,160,163,170,173,170,160,144,89,79,79,89,89,89,99,144,144,144,99,91,95,101,107,111,155,163,170,168,166,168,165,165,164,170,189,199,209,209,199,186,155,97,71,65,77,97,97,77,64,62,69,85,95,85,75,85,101,101,97,93,89,89,89,95,107,115,115,157,165,183,204,204,191,189,181,181,194,225,246,248,241,233,233,233,0,0,0,233,238,243,243,228,207,189,0,0,183,173,131,98,101,147,181,163,142,142,155,152,118,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,43,0,0,0,0,0,0,0,0,0,0,0,0,255,238,207,173,142,134,121,108,82,39,25 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,92,0,0,0,0,0,0,0,53,51,46,199,199,207,215,77,0,11,103,163,202,116,0,53,170,176,183,209,220,176,0,0,0,0,0,87,155,124,0,0,0,0,0,0,0,131,152,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,155,173,181,181,165,155,160,155,165,181,90,72,111,165,173,189,194,181,174,176,186,196,204,204,194,183,181,183,186,181,177,177,186,191,182,182,199,204,137,107,127,183,186,186,168,160,181,189,191,199,191,125,105,113,199,212,212,204,204,207,209,209,207,202,173,183,191,191,191,191,191,173,165,170,176,131,125,127,173,186,202,212,212,207,191,127,120,131,186,186,183,181,137,139,139,137,137,191,209,222,225,225,217,212,212,217,225,222,215,209,209,212,217,222,222,217,217,220,222,228,228,212,69,7,0,73,67,196,183,106,119,125,118,108,176,207,217,222,217,170,91,91,93,111,178,204,202,181,183,176,129,178,194,194,194,196,196,196,189,181,178,178,178,183,183,181,183,183,183,178,177,181,191,204,209,209,209,215,212,207,204,199,191,181,104,101,202,215,215,212,204,194,181,176,178,183,189,189,183,133,132,132,132,176,183,189,181,135,135,181,135,178,186,189,194,196,196,196,196,199,202,202,199,199,199,199,196,194,191,189,187,189,191,191,191,191,194,196,196,194,189,189,186,181,178,178,183,186,181,178,178,181,183,186,176,131,132,133,133,135,189,202,202,178,127,125,120,119,131,196,215,215,215,217,215,215,217,217,212,207,204,207,215,222,222,222,196,105,119,228,235,121,118,129,181,131,118,119,135,191,199,202,204,204,212,222,212,204,204,196,189,183,183,183,186,191,196,204,194,129,119,183,186,183,186,189,196,207,217,225,222,215,204,199,200,202,202,196,196,198,204,207,209,209,208,208,209,212,215,222,217,215,212,212,212,212,207,199,114,125,131,117,117,125,127,120,121,127,178,189,194,204,215,212,194,123,123,183,194,196,202,207,202,204,204,204,202,194,181,178,183,186,186,186,186,189,196,196,196,196,196,199,202,196,189,181,181,183,186,186,189,191,194,191,191,194,194,191,189,183,183,186,186,189,194,204,209,207,199,196,204,207,189,130,129,181,204,202,204,92,113,189,199,204,207,199,196,196,199,207,207,189,119,92,107,121,178,189,181,168,166,173,189,199,202,202,183,173,176,127,119,125,186,209,215,209,207,209,212,215,217,217,217,222,222,222,217,215,212,212,215,217,222,217,217,217,217,217,212,196,137,125,120,129,191,181,131,178,183,178,176,178,181,181,183,183,178,131,129,186,207,212,207,189,186,191,191,183,178,179,194,207,207,199,186,176,133,131,125,123,127,129,178,189,204,204,189,176,131,125,119,119,123,131,178,181,133,127,126,124,124,125,131,131,128,129,189,194,196,191,99,80,105,115,117,115,123,127,125,178,183,131,121,116,120,129,181,189,199,207,207,207,207,209,212,212,212,212,212,207,204,209,204,181,132,181,189,186,137,132,131,133,186,207,215,217,215,215,215,212,212,212,215,207,186,137,137,135,186,196,199,196,191,186,186,194,202,204,202,187,181,186,199,204,202,199,196,199,202,199,196,196,194,137,132,134,186,199,209,215,217,215,215,212,212,209,209,207,204,196,187,187,196,207,207,209,215,215,215,215,212,212,209,207,207,204,202,199,202,207,207,207,204,207,209,209,207,204,199,196,194,191,190,190,191,191,194,194,194,196,196,191,186,137,132,129,128,135,186,196,202,199,191,185,185,191,191,185,183,189,137,119,117,111,123,141,199,207,209,212,215,215,212,209,209,209,212,215,215,212,204,191,189,191,199,204,202,196,199,204,209,212,215,215,209,111,107,121,222,222,215,215,204,191,199,207,209,212,217,222,225,230,230,233,233,233,233,233,233,233,228,225,225,225,230,233,233,228,222,222,225,228,233,238,230,209,199,199,203,217,225,225,230,230,225,213,209,211,213,222,225,212,215,230,235,238,238,243,248,251,254,254,251,251,251,254,255,255,254,252,254,255,255,255,255,255,255,255,251,248,246,246,246,246,246,243,241,235,233,230,228,228,230,230,233,230,230,0,225,222,215,215,217,222,228,228,228,230,233,238,238,235,233,230,228,225,220,215,212,209,212,212,215,217,222,222,225,225,222,222,222,217,217,217,215,217,217,217,217,215,212,209,207,202,196,194,191,191,189,189,191,194,196,199,202,204,207,207,209,209,209,207,207,207,202,196,191,189,186,183,139,135,133,133,133,135,133,133,176,183,194,207,212,217,222,225,230,235,238,238,241,243,0,0,0,0,0,0,0,0,0,0,0,0,228,217,209,204,199,191,186,189,196,202,204,212,217,222,0,0,222,215,215,215,0,0,0,0,217,215,204,196,191,183,173,168,168,173,173,163,152,111,109,109,119,178,209,230,235,230,222,215,215,217,217,222,222,222,220,217,215,204,199,196,199,204,207,204,203,204,204,194,135,126,127,139,199,209,212,215,217,215,212,212,202,192,190,191,194,196,199,202,204,204,204,204,204,202,202,204,207,207,207,207,207,212,212,212,212,212,212,212,209,207,207,207,204,202,199,196,196,194,191,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,3,15,15,3,3,15,15,15,15,29,35,35,35,35,23,15,29,41,41,29,10,10,23,45,47,31,17,3,0,0,5,11,31,43,57,71,77,85,93,134,144,152,160,163,111,96,90,96,115,173,196,220,238,238,246,246,255,255,255,241,202,199,225,191,155,150,137,129,150,170,118,0,0,0,0,0,0,1,21,21,0,0,0,0,0,0,0,0,0,196,209,23,0,3,81,144,150,137,150,191,215,217,194,186,181,189,196,209,0,160,121,0,0,0,0,0,0,0,0,0,0,0,0,0,9,7,0,3,31,87,142,183,199,191,173,163,170,176,176,176,194,215,222,207,191,160,134,105,57,45,39,39,39,51,51,51,61,53,35,35,38,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,131,157,150,134,157,194,209,222,0,248,255,255,238,233,230,199,124,7,0,0,0,0,0,0,0,0,0,0,0,0,7,39,74,95,129,157,165,176,0,0,0,0,0,0,0,0,0,0,0,0,118,100,92,66,0,0,0,0,0,0,0,0,0,0,0,0,5,15,17,17,23,37,41,31,13,19,43,43,53,116,181,209,217,212,209,202,186,155,155,165,77,51,45,23,9,21,37,25,33,93,163,163,147,139,142,142,95,87,91,103,99,91,85,99,101,95,93,97,107,142,97,75,51,47,49,69,87,91,91,99,144,163,163,150,142,139,101,99,157,191,183,165,155,152,144,147,152,160,163,150,129,125,129,129,91,87,89,142,157,87,21,11,37,81,81,73,71,69,50,44,50,89,121,80,83,144,178,160,71,53,59,69,75,71,57,43,35,39,59,65,51,39,47,69,105,108,113,103,59,41,41,51,63,105,108,95,95,53,21,0,0,11,7,5,27,41,39,43,51,55,55,57,63,75,113,126,124,126,79,0,0,6,21,57,61,59,55,47,40,40,46,63,87,139,101,95,99,95,82,83,78,75,83,113,178,194,194,186,176,125,124,133,215,241,255,255,255,248,248,255,255,255,222,168,117,173,181,163,101,81,79,75,79,105,71,39,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,90,113,98,63,90,100,113,139,183,212,215,204,194,186,186,191,173,113,9,0,0,0,9,23,11,0,0,0,0,0,0,21,43,73,121,131,131,142,150,165,176,170,176,186,186,170,168,168,176,176,176,168,160,111,105,101,99,99,99,89,88,84,89,105,152,163,168,163,152,152,152,152,152,163,170,152,144,99,73,79,91,91,89,79,99,144,155,144,99,90,101,144,147,111,155,157,165,168,170,170,168,164,161,170,189,199,199,199,194,178,152,97,71,65,77,97,97,73,65,65,71,73,71,69,65,75,97,97,85,77,85,85,85,93,107,155,163,157,165,183,194,191,194,191,186,181,194,222,241,241,235,220,220,220,228,0,0,0,0,251,248,238,217,199,178,170,165,163,131,99,101,152,183,160,140,147,163,152,108,72,79,0,0,0,0,0,0,0,0,0,0,0,0,0,51,33,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,142,126,116,95,66,31,17 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,95,0,0,0,0,0,0,0,48,40,61,220,204,196,186,51,0,0,69,121,137,21,0,46,173,173,173,202,204,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,163,134,95,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,157,173,176,157,150,147,105,103,109,105,103,160,165,183,199,196,176,172,174,181,186,194,196,189,181,181,183,186,179,177,177,186,194,191,191,204,212,194,112,126,199,204,202,160,160,178,183,133,121,117,117,119,191,209,212,209,209,212,212,212,212,207,95,98,186,194,176,176,181,178,173,191,194,178,127,124,125,173,189,204,212,215,212,199,121,121,129,178,186,186,183,181,137,137,139,189,199,212,222,225,225,220,215,215,222,228,225,215,211,211,215,220,222,225,222,222,225,222,222,228,228,204,73,49,46,50,176,178,114,117,125,123,120,189,212,217,212,196,103,31,37,81,170,196,209,209,196,186,125,125,176,191,194,194,191,189,189,186,183,176,173,181,191,191,189,186,181,177,177,178,183,191,202,207,209,209,212,204,194,189,183,183,135,107,104,191,209,212,207,199,186,176,178,191,204,207,199,186,133,131,132,133,133,178,178,178,178,133,129,129,178,183,186,191,199,202,199,199,199,204,204,204,202,199,196,194,191,191,189,187,187,189,191,191,191,196,202,204,199,191,189,189,186,186,189,186,181,181,183,186,191,194,191,181,176,176,133,131,132,181,186,181,127,126,127,124,121,131,199,212,212,207,212,212,215,217,215,209,204,207,212,225,228,222,212,191,122,137,228,233,127,121,119,121,117,115,121,135,183,191,196,199,199,202,207,199,189,191,186,183,183,186,186,186,186,186,191,186,131,124,139,139,136,137,189,196,207,215,222,220,212,204,200,202,204,202,198,196,199,207,209,212,212,208,208,208,208,212,222,225,217,217,220,222,215,207,137,110,115,119,117,121,129,127,119,120,127,176,178,178,183,196,196,178,123,127,183,194,196,202,207,202,199,202,202,199,189,178,183,202,199,186,183,189,194,196,196,196,199,204,207,199,183,133,135,178,183,189,191,191,194,194,191,191,194,194,191,186,183,186,189,186,182,182,189,199,196,189,189,194,194,181,132,135,199,209,209,204,95,125,202,207,207,207,199,196,196,202,209,209,194,170,103,107,115,125,173,178,178,173,170,178,183,186,183,176,173,131,129,125,129,186,204,212,209,207,207,209,215,217,217,217,222,222,217,215,212,211,212,215,217,222,222,222,217,217,215,207,186,124,118,120,186,194,183,178,191,196,183,129,127,131,178,186,186,176,123,121,131,189,199,196,186,186,189,189,183,179,179,189,199,202,194,181,131,127,125,122,121,123,129,176,181,186,186,181,176,178,178,135,133,135,181,186,186,186,178,133,129,126,127,129,129,128,131,191,199,204,202,99,82,91,111,125,129,129,125,123,135,183,178,123,118,120,124,127,131,181,194,202,204,204,204,209,212,212,209,209,202,199,199,191,132,130,186,194,186,137,135,132,132,189,209,220,222,217,215,217,215,212,212,217,209,139,139,186,139,139,186,186,186,183,186,186,191,196,204,204,199,196,199,196,186,139,189,196,207,212,209,202,196,194,186,135,136,189,196,202,209,217,217,217,212,209,209,207,207,207,199,189,189,199,209,209,212,215,217,215,212,212,212,212,212,209,209,207,204,204,207,209,209,209,209,209,209,207,204,202,196,194,191,190,191,191,194,194,196,199,202,199,199,196,191,183,133,129,127,130,181,194,199,196,191,186,191,194,189,187,194,183,131,133,137,141,194,202,207,209,212,215,217,215,212,209,209,212,215,215,215,212,202,194,189,189,199,204,202,199,199,204,209,212,212,204,111,108,133,222,225,217,215,202,194,200,207,209,215,217,217,222,222,225,230,233,233,233,233,230,230,228,225,225,224,224,225,230,230,228,228,228,230,235,238,233,217,207,204,209,217,222,222,228,230,228,217,215,215,212,212,217,222,228,233,238,241,243,246,248,251,254,255,255,254,254,255,255,254,252,252,254,255,255,255,255,255,255,255,254,251,248,246,246,246,246,243,241,238,233,230,228,228,228,230,233,233,0,0,0,222,217,215,215,217,225,228,230,230,0,0,238,238,235,230,228,225,217,215,209,209,209,212,215,217,222,222,222,222,222,222,217,217,217,215,215,217,217,222,222,217,215,209,207,204,199,196,194,191,189,191,191,194,196,199,202,204,207,207,207,209,207,207,207,207,204,196,191,186,183,183,137,133,133,131,131,129,129,129,129,176,189,202,212,215,217,222,228,233,235,235,238,243,246,0,0,0,0,0,0,0,0,0,0,0,0,228,215,207,199,191,183,189,196,202,204,209,212,212,0,0,215,213,215,217,0,0,0,0,225,217,204,196,194,186,176,168,165,165,165,163,157,115,113,109,115,165,194,217,230,228,222,209,209,212,217,222,222,222,222,222,212,207,202,199,204,207,207,204,204,207,204,189,127,124,127,186,202,209,212,212,212,209,209,207,204,196,194,192,194,194,196,196,199,202,204,207,209,209,207,202,199,202,204,204,209,212,215,212,212,212,212,209,209,207,204,204,202,202,199,196,194,191,186,0,0,0,0,0,0,0,0,1,1,1,1,1,1,1,1,1,0,7,15,9,0,0,7,13,9,9,23,31,29,29,27,15,13,15,35,35,29,15,23,41,55,45,13,2,0,0,5,17,27,31,43,59,77,89,134,137,101,103,155,181,181,163,105,97,113,168,186,204,222,238,222,215,215,241,255,255,238,202,189,186,173,155,95,71,69,150,243,255,0,0,0,0,0,0,0,41,59,41,0,0,0,0,0,0,0,0,0,7,0,0,37,144,186,194,178,176,196,225,230,204,189,194,202,212,202,183,157,105,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,15,43,124,168,191,173,152,144,144,147,144,144,163,196,212,207,196,168,139,108,57,39,33,31,25,25,33,61,77,69,43,27,43,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,165,181,194,178,168,186,209,230,0,255,255,255,243,241,230,189,124,19,0,0,0,0,0,0,0,0,0,0,0,0,0,25,72,111,155,173,181,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,82,19,3,3,5,5,0,0,0,0,0,0,13,27,29,15,7,17,37,72,49,39,49,57,51,59,118,163,202,209,202,189,170,155,173,191,196,129,61,31,6,0,13,43,53,77,144,152,139,93,87,87,89,75,77,83,93,83,66,65,83,91,87,87,99,144,103,81,55,48,46,52,71,93,101,97,87,89,97,97,95,89,101,139,142,150,152,103,97,137,152,152,163,168,181,181,160,139,129,131,144,152,137,137,157,157,81,29,23,49,73,69,61,67,67,51,44,51,91,124,82,87,163,186,137,53,47,53,69,85,124,81,55,33,29,35,47,39,37,53,77,116,113,105,61,38,34,38,40,41,116,155,144,103,63,71,67,41,23,0,0,7,29,39,43,51,55,57,59,63,75,113,126,134,124,21,0,0,21,51,73,65,53,46,46,47,57,67,79,131,142,95,95,105,107,93,83,75,73,79,109,173,186,186,176,131,125,125,183,230,255,255,255,254,248,248,255,255,255,238,202,186,183,181,163,91,67,65,67,75,103,71,45,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,118,147,131,100,100,124,139,168,204,222,222,215,204,194,204,207,183,139,35,0,0,3,29,43,35,9,0,0,0,0,0,7,27,59,113,131,134,139,150,168,170,168,176,178,178,168,166,168,176,186,186,181,170,160,152,109,103,99,95,95,88,84,89,99,144,155,163,160,152,152,152,150,150,152,155,144,99,79,71,73,79,91,79,79,91,139,144,144,103,99,105,155,160,155,155,160,165,173,173,173,168,165,165,173,189,194,194,189,189,176,111,79,60,60,73,97,97,77,67,65,65,65,65,65,67,69,85,85,77,77,85,89,85,85,101,157,165,173,181,191,186,182,191,194,194,183,189,212,230,230,222,202,191,202,209,0,0,0,0,0,251,246,228,207,178,165,157,157,139,112,114,155,176,163,144,152,165,147,108,77,79,0,0,0,0,0,0,0,0,0,0,0,0,0,59,43,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,142,124,108,82,53,25,11 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,137,33,0,0,0,17,0,0,0,0,0,0,0,0,0,59,155,129,108,51,0,0,0,35,105,87,0,0,0,59,48,35,79,98,56,0,0,0,0,0,0,0,0,0,0,0,35,0,0,0,27,111,131,147,0,0,20,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,0,0,0,0,0,0,0,0,7,121,150,157,150,147,142,105,104,111,152,117,119,163,189,202,189,172,172,176,178,181,186,191,194,189,183,183,186,183,181,181,183,194,196,202,209,215,207,123,127,189,207,207,159,160,181,191,189,127,116,117,121,202,209,212,212,212,215,212,215,215,212,84,99,176,170,103,123,129,170,183,209,202,178,129,123,124,176,194,204,209,212,217,220,109,119,121,125,181,189,183,181,137,135,139,189,202,215,222,225,228,222,217,217,225,228,222,215,211,211,215,220,225,225,228,228,228,222,220,225,230,230,222,209,73,60,81,115,117,125,170,129,125,189,209,215,204,170,25,0,17,81,191,209,217,217,209,121,105,121,173,186,191,191,189,186,186,189,186,173,170,186,199,196,194,186,178,177,178,186,191,199,202,191,87,68,103,178,178,135,178,186,183,111,107,135,196,199,189,135,129,131,183,207,217,217,207,191,176,133,178,178,135,133,133,178,183,133,123,129,186,186,181,183,194,202,202,202,202,204,207,207,204,199,196,194,191,191,189,187,187,189,191,191,194,202,207,209,196,189,189,189,186,191,191,183,135,181,186,194,199,204,204,194,186,183,176,131,132,178,178,133,126,127,178,131,124,127,191,207,207,204,207,209,212,212,209,204,204,209,217,225,222,199,137,135,133,196,215,204,115,115,117,117,116,119,133,181,181,183,189,191,189,191,191,183,133,135,137,135,181,186,183,183,181,135,137,139,135,135,191,186,138,183,194,199,204,209,212,212,209,204,202,204,207,207,202,202,204,207,209,212,215,212,209,208,209,212,217,225,222,222,222,215,199,194,181,117,121,117,119,125,127,123,121,121,125,127,125,125,129,131,115,115,118,125,181,194,202,209,209,204,199,199,202,199,186,181,189,204,199,135,133,186,194,196,196,194,194,202,204,189,131,129,131,135,181,186,189,191,189,186,183,189,194,194,186,181,179,183,189,183,181,181,186,191,189,181,181,183,181,135,135,186,202,204,186,125,90,129,202,207,204,204,199,196,196,202,207,204,191,129,109,109,112,115,121,176,181,173,123,127,176,176,129,131,131,131,131,127,129,183,204,212,209,207,205,209,212,215,215,215,217,217,215,212,211,211,212,215,215,217,217,217,215,212,212,204,135,119,116,133,204,204,194,191,194,191,133,118,117,123,131,181,178,123,119,119,121,127,176,181,181,181,183,186,183,181,179,183,189,191,189,178,131,127,127,123,122,125,131,178,176,131,131,176,181,189,196,199,196,194,194,196,199,202,196,191,186,186,186,183,181,137,135,183,194,204,204,131,95,97,117,135,183,183,133,127,131,131,178,135,133,133,127,126,127,131,137,189,196,196,194,194,199,204,204,204,199,196,196,186,130,129,191,199,183,135,137,133,133,191,209,220,222,217,217,217,217,215,215,217,212,139,139,191,186,137,137,136,136,183,189,189,186,189,196,204,209,212,209,189,129,129,139,196,212,222,215,202,189,183,183,134,136,189,196,196,207,215,217,215,212,209,207,204,204,204,199,190,190,199,209,212,212,217,217,215,215,212,212,212,212,212,212,209,207,207,209,212,212,212,209,209,207,207,204,202,196,194,191,191,191,194,196,196,199,202,202,202,202,202,199,194,189,137,129,130,133,183,191,196,194,191,191,199,202,202,202,194,186,194,196,202,204,207,209,209,212,212,212,212,212,212,212,212,215,215,215,212,209,204,191,185,189,199,202,202,199,202,204,204,204,196,125,121,194,217,222,222,215,202,199,207,212,215,217,222,217,212,212,217,225,230,233,233,230,230,228,228,233,233,228,221,224,228,230,228,230,233,233,235,235,228,222,217,217,217,217,220,222,222,222,225,228,233,230,213,211,215,225,230,235,241,246,246,248,251,251,254,255,255,255,255,255,255,254,254,252,254,255,255,255,255,255,255,255,254,251,248,248,246,246,246,243,241,238,235,230,228,228,228,228,230,230,230,0,0,228,222,215,215,215,222,225,230,0,0,0,241,241,238,235,230,225,220,215,209,209,209,212,215,217,220,222,222,222,222,220,217,217,217,217,215,217,217,222,222,217,212,209,207,204,199,196,194,191,191,191,191,194,196,199,202,202,204,204,207,207,207,207,207,207,207,202,194,186,181,137,135,133,129,129,129,129,129,129,129,170,183,196,209,215,217,222,225,230,233,235,238,241,246,246,0,0,0,0,0,0,0,0,0,0,0,233,228,215,204,191,183,183,191,199,202,207,207,204,0,0,225,217,217,217,0,0,0,0,0,215,202,194,191,189,178,168,157,155,157,160,157,155,113,109,111,117,173,194,209,215,215,212,209,212,222,225,222,220,222,217,207,202,202,199,202,204,199,199,202,207,202,186,127,125,131,191,204,209,209,209,207,202,202,204,204,204,202,196,194,194,194,196,199,202,204,204,207,212,209,196,195,196,202,207,209,215,217,215,212,212,212,209,209,207,207,204,204,204,202,202,196,189,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,9,7,9,13,3,0,0,1,3,3,3,15,29,27,15,15,15,9,9,23,29,27,15,29,47,61,45,9,0,0,7,29,37,31,31,43,65,89,137,152,155,101,97,155,181,173,113,107,157,176,189,204,220,238,222,209,203,203,211,228,241,217,202,189,191,183,152,71,49,69,212,255,255,0,0,0,0,0,0,0,49,100,71,17,0,0,0,0,0,0,0,0,0,0,0,59,163,202,204,194,186,196,225,225,209,199,0,0,209,199,176,147,116,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,31,98,142,155,142,134,129,129,129,118,129,157,194,212,212,199,168,134,103,51,39,33,27,19,19,27,51,77,69,25,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,87,173,212,251,235,181,170,186,220,0,255,255,255,254,251,238,191,134,25,0,0,0,0,0,0,0,0,0,0,0,0,0,15,74,137,176,191,191,196,202,0,0,0,0,0,0,0,0,217,176,157,157,160,139,82,19,7,15,15,17,11,0,0,0,0,3,27,59,35,9,0,1,23,49,79,98,121,118,100,103,113,116,144,163,165,165,142,126,139,173,173,129,73,37,10,11,51,91,134,144,152,137,85,69,65,67,59,59,69,83,83,69,58,58,71,81,79,85,101,144,97,61,51,50,53,69,87,101,107,105,87,87,87,86,83,86,97,147,157,142,77,59,71,93,144,163,163,168,168,168,155,144,139,147,155,160,152,155,173,173,93,45,43,63,69,53,47,59,69,63,49,61,124,131,83,121,181,186,126,57,50,57,69,85,126,113,59,29,20,25,31,33,37,51,67,75,105,71,47,36,37,45,40,39,73,144,134,73,61,111,134,113,61,0,0,0,17,29,43,51,57,55,57,63,75,113,126,134,85,21,0,0,51,77,85,79,63,53,59,73,87,87,95,142,142,95,95,144,157,152,103,83,79,91,111,123,170,129,127,127,129,135,202,241,255,255,255,254,250,248,255,255,255,246,233,212,196,181,155,81,58,55,61,67,73,67,51,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,147,176,160,131,121,139,165,194,222,230,222,215,204,204,207,204,183,147,61,17,0,17,35,49,51,35,5,0,0,0,0,5,21,51,113,134,134,139,147,165,168,168,170,178,176,168,168,168,181,191,196,196,189,181,176,163,109,103,95,95,88,88,89,95,103,142,144,147,147,152,155,147,147,147,147,99,91,79,68,68,73,79,81,81,81,91,99,105,139,99,107,155,165,157,157,160,165,173,173,173,173,170,170,176,191,196,194,189,183,170,99,67,56,56,73,105,101,81,71,65,61,61,63,67,67,65,57,59,69,85,95,95,85,85,101,115,173,183,189,191,182,182,191,202,194,178,179,204,215,215,204,181,170,170,191,0,0,0,0,0,251,246,228,209,183,168,168,165,157,142,139,155,165,157,152,155,157,144,118,98,87,0,0,0,0,0,0,0,0,0,0,0,0,0,66,51,27,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,134,118,98,77,37,19,9 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,254,196,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,51,46,40,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,51,53,126,225,199,9,0,0,0,0,0,0,0,43,73,131,142,152,150,147,150,157,163,163,119,168,191,199,183,172,173,176,176,178,181,189,194,191,189,186,186,186,186,183,183,183,189,199,215,217,212,181,131,133,186,191,172,166,181,194,204,202,129,120,121,186,199,209,212,212,212,212,215,212,209,115,168,105,35,46,117,119,121,178,202,181,127,129,126,129,181,196,202,207,209,222,230,98,99,103,113,178,189,186,181,135,133,135,186,199,215,225,228,228,225,220,220,222,225,222,215,211,211,212,217,222,225,228,228,228,222,220,222,228,230,225,217,225,107,79,103,119,131,178,170,170,181,194,202,199,189,81,23,33,121,196,212,222,228,225,82,84,117,176,191,199,199,194,191,189,189,183,173,172,189,196,191,189,183,178,181,189,199,204,207,204,135,55,33,61,109,121,123,178,194,202,178,121,181,183,127,119,119,121,127,186,209,222,217,209,196,181,178,183,183,135,133,133,183,191,183,118,178,196,189,135,137,189,199,202,202,202,204,212,212,207,202,196,194,191,191,189,187,189,194,196,199,202,207,209,207,194,189,191,191,189,194,186,135,133,181,189,194,204,212,212,202,191,189,181,133,132,135,178,133,127,131,183,181,131,129,181,194,199,202,204,207,209,207,204,202,207,212,217,222,207,135,128,129,133,183,183,118,110,113,125,129,131,181,186,181,133,135,137,137,137,181,181,131,127,127,131,131,133,137,183,183,137,129,125,129,133,137,189,186,139,186,194,196,196,199,204,207,207,204,204,209,212,215,209,207,207,207,207,212,215,212,209,209,212,215,217,225,222,222,217,183,121,186,196,196,202,113,111,119,127,127,127,123,120,121,123,127,176,176,108,113,118,125,186,202,212,222,212,207,199,198,204,199,186,183,189,189,133,119,121,131,183,194,196,189,183,183,186,178,131,129,130,131,135,181,186,186,181,178,178,186,194,191,183,178,178,181,183,183,186,186,191,194,186,178,135,135,134,135,178,189,194,191,129,117,97,176,199,204,204,202,196,195,195,199,204,199,183,125,117,113,115,117,123,176,176,108,106,117,176,173,125,127,173,131,129,123,125,181,204,215,212,207,207,209,212,215,215,215,215,217,215,212,211,211,212,215,215,215,215,212,209,207,209,204,186,124,125,196,212,209,202,194,183,133,121,115,116,123,131,133,125,113,119,121,121,121,125,133,176,176,178,183,186,186,181,181,181,181,181,178,176,133,133,129,131,178,181,189,181,127,125,176,183,191,199,207,207,204,199,202,204,207,204,202,202,207,207,202,199,196,183,135,183,196,202,194,135,125,127,133,178,186,191,189,178,131,135,181,191,191,181,131,129,131,131,181,191,191,187,186,186,189,191,194,194,194,194,183,132,131,194,202,137,133,181,135,132,191,209,217,217,217,217,220,220,217,217,222,215,186,183,191,186,139,139,135,134,139,189,183,138,138,189,202,212,217,212,191,129,127,131,189,209,217,215,199,139,136,137,134,136,196,202,199,199,204,209,209,209,207,204,202,200,202,199,194,194,202,209,212,212,217,217,215,215,215,212,212,215,215,215,212,212,209,212,215,215,212,209,209,207,204,202,202,199,196,194,191,194,196,199,199,202,202,202,202,202,202,202,199,196,191,183,135,132,132,181,191,196,194,194,202,207,207,204,196,194,199,202,204,209,212,212,212,209,209,207,209,209,212,212,212,212,212,212,212,215,212,199,186,187,196,202,202,202,196,196,194,196,194,143,143,202,212,215,217,212,202,204,215,222,222,225,225,217,212,211,212,217,225,230,230,230,228,228,230,235,238,235,228,224,225,225,225,230,235,235,233,228,217,215,222,225,228,225,225,222,207,153,215,230,238,238,228,217,217,225,230,235,241,246,248,248,251,251,255,255,255,255,255,255,255,255,254,254,254,255,255,255,255,255,255,255,255,254,251,251,248,248,246,246,243,238,235,233,230,228,228,228,228,230,230,0,230,230,225,217,215,215,217,225,230,0,0,0,0,241,241,238,233,228,222,215,212,209,212,212,215,217,217,222,222,222,222,217,217,217,217,215,215,217,217,222,222,215,212,209,207,204,202,199,196,194,191,191,191,194,196,196,199,199,202,204,204,207,207,207,207,204,204,204,196,189,181,135,133,129,127,127,127,127,129,129,131,170,178,191,202,209,215,217,225,230,230,233,235,241,243,246,0,0,0,0,0,0,0,0,0,0,0,238,233,228,215,199,186,181,183,191,194,199,199,0,0,0,0,228,222,215,215,0,0,0,0,209,202,196,194,191,183,168,155,152,153,157,160,155,115,111,109,111,121,170,181,189,199,212,207,204,215,222,222,222,217,209,199,196,199,196,199,199,194,195,199,204,202,189,135,133,141,199,207,209,209,204,200,198,198,200,204,207,204,196,191,191,194,199,202,202,202,199,202,207,207,195,194,196,204,209,212,215,217,215,215,212,209,209,207,207,207,204,204,207,207,204,199,191,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,3,3,7,3,0,0,3,1,0,0,13,27,15,15,15,15,9,9,15,27,27,15,15,41,55,45,15,15,23,35,43,43,37,31,41,65,91,150,163,170,139,101,157,173,155,100,107,178,196,202,212,235,243,222,209,208,211,215,225,225,209,202,189,191,165,67,33,45,186,255,255,255,0,0,0,0,0,0,1,49,103,103,41,0,0,0,0,0,0,0,0,0,0,0,73,168,204,212,202,186,196,215,225,217,0,0,0,217,209,186,157,124,37,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,51,116,108,98,121,137,134,118,111,129,157,194,209,207,196,160,124,65,45,37,31,23,17,13,13,27,51,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,35,64,108,165,222,251,225,178,155,155,186,0,255,251,248,255,255,241,199,152,31,0,0,0,0,0,0,0,0,0,0,0,0,15,31,100,163,191,204,199,199,202,212,0,0,0,0,0,0,255,207,163,150,155,157,124,74,15,7,11,5,3,0,0,0,0,0,0,15,35,21,0,0,0,13,39,90,124,152,134,116,118,103,43,29,45,75,134,134,118,121,129,129,129,129,71,37,53,129,157,176,176,155,126,71,58,58,59,56,56,69,83,83,71,62,63,73,73,75,87,107,157,103,75,57,61,69,79,85,91,101,103,99,91,91,88,86,88,97,144,157,87,49,47,63,97,144,163,163,168,163,150,139,144,147,155,144,144,144,147,173,183,155,83,69,73,65,49,45,51,67,69,59,69,91,124,83,121,168,178,129,71,63,63,63,75,116,81,53,29,20,21,29,37,45,49,55,57,69,67,53,47,61,69,57,45,53,55,61,55,45,65,105,113,67,0,0,0,15,29,43,49,49,49,59,69,75,111,124,85,75,59,23,29,75,126,124,87,83,73,81,137,142,95,87,95,95,87,95,155,176,176,152,107,105,109,115,121,119,118,119,121,129,183,222,243,255,255,255,251,251,251,255,255,255,248,246,233,212,189,152,75,55,55,61,65,65,61,51,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,144,183,173,142,134,150,181,207,222,225,222,212,204,204,204,183,173,150,111,41,19,19,31,43,55,51,29,3,0,0,0,0,5,43,113,142,142,142,150,165,170,168,176,178,176,170,168,176,186,196,209,209,212,209,196,178,157,109,103,95,89,89,89,91,95,95,101,103,139,147,155,147,139,139,99,91,81,73,73,68,68,73,79,81,75,75,81,101,139,101,101,109,147,147,113,150,163,168,173,176,178,173,173,178,191,196,196,191,181,165,99,61,54,59,79,105,105,89,79,67,62,62,65,71,65,51,44,47,57,77,99,103,101,101,107,155,168,183,186,189,183,182,194,207,186,176,176,194,207,212,191,165,147,155,170,0,0,0,0,251,248,243,230,209,189,178,186,186,186,178,163,157,157,157,150,144,144,139,131,121,113,0,0,0,0,0,0,0,0,0,0,0,0,0,77,59,35,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,0,147,126,111,85,59,27,15,3 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,196,46,0,14,17,0,0,0,0,0,0,0,0,0,0,0,61,25,0,0,0,0,0,0,0,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,77,142,202,233,233,168,0,0,0,0,0,0,0,23,49,91,155,183,168,160,160,160,168,178,183,186,191,191,183,174,174,178,176,174,174,178,186,189,189,189,186,178,181,183,181,131,124,131,204,207,207,194,178,135,181,191,191,183,186,189,194,194,178,131,173,178,191,204,212,215,212,212,217,215,202,194,196,67,0,42,113,113,105,117,186,127,115,129,186,183,191,199,204,207,209,217,222,98,87,90,117,183,196,196,183,131,127,129,183,204,217,225,225,225,222,217,217,222,222,220,215,212,212,212,215,217,222,228,228,228,225,222,222,225,228,225,217,199,178,115,115,123,131,176,173,173,176,183,191,194,189,97,41,115,183,194,204,212,222,217,75,71,105,183,202,215,217,209,204,191,183,178,174,174,186,189,178,178,178,181,189,199,207,209,207,202,196,125,73,83,103,102,100,178,199,215,222,212,204,183,117,117,118,120,125,183,207,217,217,215,204,186,178,181,181,135,135,181,191,196,189,122,183,199,189,133,133,186,196,202,204,202,204,212,215,209,202,196,194,194,191,189,189,191,199,204,207,212,215,212,204,194,194,202,199,194,191,183,133,129,133,186,196,204,212,212,199,189,186,186,181,135,133,135,133,129,133,181,183,181,178,135,183,194,199,202,204,204,202,202,202,199,199,204,212,207,183,133,129,127,127,123,118,119,181,191,196,202,202,191,133,130,131,129,127,129,133,133,131,127,123,125,123,125,135,183,186,181,127,119,119,123,131,137,137,135,137,189,191,191,194,196,202,202,204,204,209,215,217,217,212,207,205,207,212,215,212,212,212,215,215,217,217,215,212,204,109,105,204,215,222,225,95,88,101,133,189,178,127,121,125,176,189,194,196,176,133,131,178,194,207,215,217,212,204,198,198,202,199,189,183,183,178,119,112,114,125,178,189,191,186,177,174,176,178,178,131,130,131,135,183,186,183,178,176,177,183,191,189,183,179,181,183,183,189,191,194,194,194,186,178,134,134,134,178,183,186,189,186,183,183,131,176,186,202,204,202,196,194,194,199,204,199,178,127,123,121,123,129,178,186,173,101,101,109,173,131,121,125,131,129,125,118,118,133,204,215,212,207,207,212,215,215,215,215,215,217,215,215,212,212,215,217,217,215,215,209,204,202,207,209,204,191,189,204,212,209,196,181,131,127,123,119,121,131,176,173,123,113,176,173,129,125,127,173,173,173,178,183,186,186,183,181,178,178,178,183,186,186,183,181,183,191,196,202,191,121,119,133,186,194,199,204,207,204,202,204,204,204,204,204,207,212,212,209,207,207,199,183,186,196,202,202,194,135,129,123,125,183,202,204,196,189,135,133,135,181,181,137,137,135,131,181,191,194,189,186,185,185,187,189,191,191,191,181,133,134,194,199,135,133,183,181,133,191,204,212,215,212,215,217,217,215,215,215,212,196,186,189,191,189,186,136,134,136,139,139,137,137,186,202,209,212,209,194,131,127,128,137,196,209,209,202,189,183,189,139,186,207,209,199,183,137,186,194,199,204,204,204,202,202,202,199,199,204,209,212,212,215,215,215,215,212,212,212,212,215,215,215,215,212,212,215,215,215,212,209,207,204,204,202,202,199,196,196,196,199,199,202,204,204,202,202,202,199,199,196,196,196,191,183,132,130,133,189,196,196,194,202,204,202,196,191,191,196,202,204,207,209,212,212,209,207,207,207,209,212,212,212,211,211,212,212,215,217,212,196,191,196,199,202,202,194,143,142,143,189,189,191,199,207,212,212,204,196,209,225,225,228,230,228,222,215,212,212,215,222,225,228,230,228,228,228,233,241,241,233,228,225,222,218,225,230,230,228,217,209,209,220,228,233,233,233,230,139,135,207,228,235,238,235,230,225,225,228,230,238,243,246,248,248,251,254,255,255,255,255,255,255,255,255,254,255,255,255,255,255,255,255,255,255,255,254,251,251,248,246,246,243,241,238,233,230,228,228,228,228,228,228,230,230,230,228,222,215,215,215,222,230,0,0,0,0,241,241,238,235,230,228,222,215,212,212,215,215,217,217,217,220,220,217,217,217,215,215,215,215,215,217,217,217,215,212,209,207,204,202,199,196,194,191,191,191,194,194,196,196,199,199,202,204,204,204,204,202,199,202,204,202,191,181,135,129,127,127,125,125,127,129,131,173,173,176,183,191,202,209,215,225,228,228,230,235,238,243,246,246,0,0,0,0,0,0,0,0,0,0,241,238,238,230,212,191,183,181,183,186,191,0,0,0,0,0,230,217,212,212,0,0,0,0,0,204,202,199,196,189,176,160,152,153,160,163,160,155,111,107,107,113,119,125,170,183,194,183,179,186,207,217,217,215,207,194,189,194,196,199,196,194,194,199,204,202,194,186,186,194,202,204,207,207,204,200,198,198,200,204,207,199,191,187,189,194,199,202,199,196,194,196,202,204,195,195,199,207,209,212,212,215,212,212,209,207,207,204,204,204,204,207,209,209,209,202,194,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,9,13,15,13,0,0,0,13,27,23,15,15,15,13,9,13,27,27,14,12,27,47,47,39,45,47,51,55,49,37,31,37,59,85,147,168,170,147,144,173,181,115,103,111,178,194,204,212,235,243,238,222,238,246,238,228,217,207,191,178,155,85,32,22,49,246,255,255,255,0,0,0,0,0,0,23,61,98,71,45,1,0,0,0,0,0,0,0,0,0,0,116,183,220,230,220,220,230,238,233,225,0,0,0,217,225,217,189,113,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,57,53,51,111,147,147,126,111,129,157,176,189,189,176,144,113,57,45,37,31,19,13,5,5,7,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,77,87,121,155,191,191,160,144,144,144,170,0,255,251,248,255,255,241,212,168,63,23,0,0,0,0,0,0,0,0,0,0,7,37,79,144,191,222,222,204,199,202,204,212,0,0,0,0,255,255,217,176,126,124,126,100,59,15,1,0,0,0,0,0,0,0,0,0,0,9,11,0,0,0,11,29,87,116,131,118,103,103,57,0,0,0,7,57,108,108,118,121,120,139,155,121,69,75,131,147,176,176,160,126,67,55,58,69,59,59,69,91,97,91,83,83,79,81,81,87,147,176,165,103,89,85,85,83,79,79,87,93,91,91,91,89,89,95,97,101,99,59,43,51,85,103,142,152,170,186,181,150,137,139,147,147,137,135,131,135,152,183,183,150,89,81,69,50,46,51,63,69,61,61,77,83,87,129,168,168,129,77,73,71,63,69,83,71,51,29,21,20,29,39,55,63,55,47,57,71,67,73,111,108,65,49,43,31,29,23,15,41,67,73,43,0,0,0,11,35,51,51,49,57,75,113,113,116,126,81,67,59,57,65,85,89,81,83,81,79,87,144,144,95,81,85,87,87,95,152,170,176,160,152,117,157,123,123,121,119,119,121,129,194,225,241,243,248,248,251,255,255,251,251,255,248,241,238,233,212,163,79,58,57,63,65,61,57,51,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,129,173,170,150,147,160,181,202,215,222,212,207,204,204,183,168,155,147,118,53,31,23,25,43,55,59,43,25,3,0,0,0,0,31,75,142,150,150,157,170,176,176,178,186,186,176,176,176,186,196,209,220,222,228,222,199,176,152,109,103,95,89,89,91,90,91,91,95,103,144,152,147,139,137,101,91,81,73,73,68,68,68,75,75,69,66,75,91,101,101,97,101,97,97,105,113,157,168,176,183,183,183,183,183,186,194,202,191,181,165,101,69,59,67,99,107,105,89,81,73,67,67,73,67,57,47,44,46,59,77,95,105,109,115,115,157,165,173,178,183,186,194,209,209,194,174,174,183,204,204,183,147,93,97,147,170,0,0,0,248,248,241,230,209,189,186,186,207,207,196,178,168,163,157,142,129,126,137,144,139,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,225,215,204,194,170,144,118,98,74,53,23,11,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,129,147,121,72,29,1,0,0,27,103,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,69,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,43,74,170,204,225,233,233,0,0,0,0,49,63,61,61,69,139,178,194,176,165,163,163,168,186,207,196,189,186,181,176,176,178,178,176,178,178,178,181,186,183,176,129,173,178,133,125,117,114,121,178,186,189,183,181,189,199,204,202,196,183,178,181,178,181,183,178,186,199,209,215,217,217,217,220,194,186,183,73,15,79,105,107,109,123,176,128,124,194,204,199,199,204,207,207,209,212,209,178,87,93,183,204,215,212,194,124,122,126,189,212,225,228,225,222,222,217,217,217,222,222,217,217,217,215,217,220,225,228,230,230,228,225,225,225,228,225,217,191,191,178,119,121,129,131,173,178,181,183,189,191,176,67,23,125,181,186,189,191,194,176,84,77,113,191,209,225,225,215,202,183,133,176,178,183,186,181,174,176,178,186,196,204,207,204,202,199,204,207,207,207,178,98,84,181,199,212,222,225,222,212,133,127,123,123,127,183,204,217,222,222,209,186,135,178,181,183,183,189,196,199,189,129,135,186,181,133,135,186,196,202,204,204,207,212,215,209,204,199,196,194,191,191,191,196,207,212,215,217,222,215,196,191,204,212,207,196,189,186,135,126,126,135,191,202,204,204,191,182,183,189,186,181,135,133,133,133,135,135,181,183,181,135,137,189,194,191,194,194,191,191,186,137,131,137,204,212,202,137,129,127,127,129,133,189,199,204,212,215,209,196,135,131,135,127,125,126,129,131,133,133,125,119,117,121,133,183,189,181,123,115,114,117,125,131,135,133,134,183,189,189,189,191,196,196,199,202,204,209,212,215,212,209,207,209,212,215,212,212,215,212,209,209,207,204,199,133,102,104,228,228,230,228,91,67,87,183,207,186,129,127,176,191,199,204,202,202,202,191,189,196,204,212,215,212,204,198,198,199,196,189,181,181,181,125,111,113,135,189,189,186,183,178,176,178,183,186,178,131,133,181,191,194,189,181,177,178,183,186,186,183,186,189,194,194,194,191,191,194,194,189,181,135,135,178,186,191,191,189,186,191,191,181,131,130,191,202,204,202,196,196,202,202,191,131,123,119,118,119,170,183,189,176,109,106,113,123,123,121,129,176,176,129,117,116,127,196,209,209,204,207,212,215,215,215,215,215,215,217,215,215,217,220,222,220,215,212,207,199,196,202,209,212,204,189,196,207,204,181,129,131,178,176,131,131,176,183,183,176,173,183,173,127,127,176,183,181,178,178,178,178,183,183,181,181,181,181,191,199,199,194,189,189,196,199,199,176,109,115,178,196,199,199,204,207,204,204,204,202,199,199,204,207,212,212,209,209,212,207,202,199,202,207,207,199,181,121,118,125,191,207,209,204,199,181,125,121,122,131,181,183,137,133,137,189,191,194,191,189,186,186,189,189,191,189,137,133,135,191,194,137,134,183,183,137,191,199,204,207,207,209,212,215,212,212,209,212,199,189,194,196,199,194,186,137,136,137,183,183,183,186,196,202,204,204,194,131,126,128,133,186,194,199,199,194,191,194,189,196,209,209,194,133,127,128,135,186,194,202,204,204,204,204,204,204,209,212,209,209,209,212,215,215,212,209,207,209,212,215,215,215,215,212,215,217,217,215,209,207,207,204,204,204,202,202,199,199,202,202,204,204,204,202,202,202,199,196,194,196,196,196,191,183,133,137,191,196,196,194,196,196,191,189,189,191,196,204,204,204,204,207,209,212,209,207,209,209,212,212,211,211,211,212,211,212,220,217,209,202,199,196,199,196,194,143,141,142,143,143,189,194,204,212,209,199,195,212,225,228,228,230,228,222,217,217,217,217,222,225,225,225,225,222,225,230,235,238,233,228,225,220,217,218,225,228,225,215,204,207,217,225,235,238,238,238,125,127,207,228,233,235,238,235,228,225,225,228,235,241,246,246,246,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,251,251,248,248,246,243,241,238,235,233,230,228,228,225,225,225,228,230,230,230,225,217,215,215,222,0,0,0,0,0,241,235,235,235,235,233,228,222,215,215,215,215,215,217,217,217,217,217,217,215,212,212,212,212,212,215,215,215,212,209,209,207,204,202,199,196,194,194,191,191,194,194,196,196,196,199,202,202,202,204,202,199,198,199,202,202,196,189,137,131,129,127,125,125,125,127,129,173,173,176,178,186,194,204,212,222,225,228,228,233,238,243,243,246,0,0,0,0,0,0,0,0,0,0,243,241,241,238,217,199,189,183,179,179,183,0,0,0,0,0,228,215,211,212,0,0,0,217,212,209,204,202,199,194,183,165,157,157,165,168,165,160,113,107,105,109,113,117,125,178,186,179,174,177,191,209,215,212,204,189,173,174,194,202,199,196,196,202,207,204,199,194,191,194,196,199,202,207,209,207,202,202,204,207,204,196,189,187,189,194,196,196,196,194,194,196,202,204,199,199,202,207,207,207,209,209,209,207,207,207,204,204,202,202,202,204,207,209,209,204,196,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,15,27,27,13,0,0,0,13,31,27,15,15,23,13,7,7,23,33,27,12,27,45,47,47,59,61,59,55,49,41,31,31,37,63,91,155,160,152,160,186,189,160,105,111,125,186,199,202,212,235,243,251,255,255,254,238,217,207,186,165,111,93,61,39,59,170,217,173,69,0,0,0,0,0,0,0,73,67,53,37,9,0,0,0,0,0,0,0,0,0,3,139,204,228,238,246,255,255,255,255,241,225,0,0,228,235,228,207,105,27,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,39,37,33,59,137,152,121,111,129,150,157,155,163,168,150,116,57,45,37,23,13,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,61,79,87,108,131,98,63,105,144,152,181,255,255,255,255,248,238,225,199,178,129,51,0,0,0,0,0,0,0,0,0,0,15,77,126,176,207,230,230,209,199,202,209,225,0,0,0,0,255,251,235,191,124,116,108,85,59,19,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,0,7,23,69,95,105,92,57,41,15,0,0,0,0,0,27,71,118,126,121,137,155,129,75,81,121,89,131,152,155,137,75,58,65,75,75,69,77,95,137,137,103,97,85,87,87,95,147,178,191,165,144,105,99,91,81,79,81,87,83,81,85,83,89,97,97,95,75,45,43,73,99,103,103,144,170,196,181,147,95,95,95,97,144,144,135,135,144,173,191,173,131,83,69,51,47,51,63,69,59,49,57,75,93,147,168,147,118,77,73,67,63,75,83,69,43,29,20,19,23,39,65,77,67,49,69,116,108,113,121,100,45,31,37,39,23,0,0,23,55,73,55,0,0,0,3,23,59,67,69,81,129,142,139,126,134,124,65,48,53,75,83,71,68,68,67,68,81,95,137,95,81,81,87,93,95,107,152,157,157,152,157,165,170,170,170,170,129,129,135,202,225,233,233,233,243,251,255,255,247,247,255,248,238,238,241,233,178,95,67,67,67,67,61,49,45,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,108,144,150,150,155,163,176,194,209,215,212,207,202,202,181,163,150,139,118,57,35,25,31,43,57,61,49,31,11,0,0,0,0,19,63,129,150,160,170,183,183,183,186,196,196,186,181,186,186,196,209,220,228,230,230,217,189,168,155,113,103,95,91,91,91,91,91,93,95,139,147,139,139,139,139,91,81,81,81,75,69,75,75,75,68,66,69,81,93,93,93,93,87,86,101,150,160,168,176,183,183,186,183,183,189,191,202,196,183,157,101,75,71,91,107,109,101,95,89,79,73,73,73,61,51,47,49,59,71,87,99,103,109,117,160,160,157,173,178,178,183,204,212,212,196,176,176,186,215,204,170,91,66,69,93,150,0,0,0,0,0,241,0,209,0,0,189,207,215,186,170,165,168,155,129,116,121,137,147,147,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,212,204,202,181,160,137,111,85,59,33,19,5,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,111,183,207,199,178,85,0,1,74,173,217,157,0,0,0,0,0,0,0,0,0,0,0,0,0,74,222,233,222,100,0,0,0,0,0,129,147,38,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,33,155,191,204,215,209,0,0,0,134,207,209,204,194,150,152,173,178,170,165,165,168,165,173,189,186,181,178,176,168,170,178,181,183,186,183,176,178,181,178,125,121,124,125,125,125,122,116,119,129,178,183,181,181,186,199,209,215,209,178,172,176,181,183,178,122,176,196,204,207,207,209,207,199,173,123,101,81,79,87,95,107,168,176,176,173,186,207,207,202,204,209,212,209,207,209,209,204,176,131,194,212,217,212,196,124,122,127,196,222,230,228,225,222,220,217,217,220,222,222,222,225,222,217,217,222,225,230,233,235,233,228,225,228,228,228,222,212,204,189,110,113,123,123,178,191,191,189,191,194,189,173,119,125,131,176,181,183,176,117,109,127,181,196,209,217,215,204,176,128,129,181,191,196,196,189,176,174,181,194,204,209,207,202,198,199,202,204,209,215,204,115,92,181,194,204,215,222,225,228,207,191,178,129,131,186,207,215,215,207,199,181,134,178,183,189,191,196,199,202,191,135,125,129,133,135,181,186,194,202,204,204,207,212,215,212,207,202,199,196,194,191,194,202,209,215,217,217,222,217,137,183,209,215,212,199,181,181,181,133,125,125,133,189,194,194,186,182,183,189,191,189,183,178,135,181,181,135,135,178,135,134,135,186,189,183,137,135,123,115,119,123,125,131,199,212,202,137,129,131,135,183,183,191,194,199,209,212,207,199,186,137,137,131,125,126,127,129,135,183,135,120,119,125,135,183,186,181,125,111,112,116,129,133,135,132,131,137,183,186,186,189,189,189,191,194,194,196,199,207,209,209,209,209,209,209,207,207,207,199,189,191,194,194,186,115,104,109,215,225,228,225,183,68,105,189,199,186,133,133,183,196,202,204,207,209,207,199,191,196,204,209,215,212,204,199,199,202,202,196,186,183,186,135,118,127,202,207,196,186,183,183,183,183,186,186,181,178,181,189,194,194,191,189,186,183,183,183,183,183,186,191,196,199,194,186,186,191,199,196,189,183,178,183,194,202,196,189,183,186,186,178,131,129,186,194,199,202,199,199,196,189,131,121,118,116,116,117,127,178,176,123,117,119,111,99,100,121,176,186,186,181,119,115,119,189,202,202,199,204,209,212,215,212,212,212,215,215,215,215,217,222,222,220,215,204,196,191,189,196,204,204,194,178,181,191,186,128,129,189,194,181,176,129,173,194,199,194,194,181,123,121,125,181,189,183,181,176,129,128,173,178,181,183,186,189,199,207,207,207,199,194,194,189,178,111,101,119,196,207,204,202,207,207,204,204,207,204,198,198,204,207,207,207,209,212,212,212,212,207,207,207,209,202,186,120,119,131,189,204,207,202,196,186,129,122,121,125,135,183,183,137,137,181,186,194,196,194,189,189,191,191,191,189,137,134,137,189,189,137,135,181,181,181,189,194,199,202,202,204,207,209,209,209,209,209,199,191,202,204,199,196,194,189,137,137,186,194,194,191,189,191,196,202,194,137,131,137,183,186,186,189,194,196,194,191,189,194,199,191,139,129,125,126,129,135,186,194,199,202,204,207,207,209,212,215,209,208,208,209,212,215,209,207,205,207,212,212,215,215,215,212,212,215,217,215,212,209,207,207,207,207,207,204,204,204,204,204,204,204,202,202,202,199,196,191,191,194,196,199,199,194,183,183,194,196,196,194,191,186,185,185,194,196,196,199,199,199,202,207,212,212,212,212,212,212,215,212,212,212,211,211,212,215,217,222,215,209,202,199,196,196,194,194,194,191,191,189,143,143,196,209,207,196,196,207,217,222,225,228,228,222,222,222,217,220,222,222,217,215,215,217,222,228,233,233,228,225,225,222,217,218,225,225,225,215,204,204,212,217,230,233,238,243,121,126,204,230,235,235,235,233,228,225,224,225,233,238,243,243,243,246,248,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,251,251,248,248,246,243,243,241,238,235,233,230,228,225,225,225,225,228,230,230,228,222,217,217,222,0,0,0,0,0,241,233,230,235,238,238,233,225,220,217,215,215,215,217,217,217,217,217,215,212,209,209,209,209,209,209,212,212,212,209,209,207,204,202,199,199,196,194,194,194,194,194,196,196,199,199,199,202,202,202,199,199,198,199,202,202,202,194,186,178,131,127,125,123,125,125,129,170,170,173,176,181,191,199,207,215,222,225,228,230,238,241,243,246,0,0,0,0,0,0,0,0,0,0,0,241,238,233,217,204,196,186,179,178,181,0,0,0,0,0,225,215,212,217,0,0,0,215,209,207,204,202,202,196,183,168,160,163,165,168,168,165,115,105,101,105,109,113,121,178,194,194,183,181,189,204,212,212,204,189,144,143,194,207,204,204,204,204,207,204,199,194,189,187,189,191,196,207,212,212,209,209,209,209,204,196,189,189,191,196,196,196,194,194,194,199,204,204,199,199,202,204,204,204,204,204,207,207,207,207,207,204,202,202,202,202,204,207,207,202,196,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,13,15,9,0,0,0,0,23,33,31,23,23,27,13,3,0,15,41,43,33,33,45,47,45,55,61,53,49,45,41,33,24,23,37,75,142,160,160,163,181,186,163,95,79,107,176,194,186,194,212,243,255,255,255,255,246,225,217,194,176,170,178,152,71,61,81,91,71,25,0,0,0,0,0,0,0,105,61,45,33,23,9,0,3,19,11,0,0,0,0,35,139,209,228,235,255,255,255,255,255,251,241,225,225,225,228,220,189,129,79,41,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,43,43,23,5,25,118,142,118,107,129,144,144,142,157,176,168,129,61,37,23,9,9,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,29,21,21,49,43,39,61,131,163,217,0,255,255,255,238,212,196,189,173,144,61,0,0,0,0,0,0,0,0,0,0,29,108,168,196,225,238,238,222,212,225,235,0,0,0,0,0,246,246,235,176,137,124,100,85,74,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,35,92,113,92,33,11,0,0,0,0,0,0,0,33,111,121,112,129,168,155,131,116,81,51,43,83,144,144,85,71,79,93,89,79,83,97,150,144,105,93,84,87,95,99,142,170,178,170,109,99,99,97,93,87,87,87,85,83,81,80,83,89,97,87,65,45,51,93,142,99,98,152,183,196,163,89,74,81,93,137,165,176,157,144,142,150,173,168,131,79,61,51,49,59,67,71,59,44,45,71,131,170,176,137,81,73,67,65,65,79,83,55,29,21,19,19,21,35,65,77,63,49,108,144,113,105,113,65,29,26,29,31,21,0,0,9,37,73,73,25,9,0,0,13,63,113,137,144,147,142,134,134,139,126,71,49,55,75,79,69,67,65,65,73,83,85,81,81,79,81,83,85,95,103,150,157,152,152,157,160,168,170,176,183,183,181,183,215,225,225,222,233,241,251,255,255,247,247,248,248,238,237,246,243,209,152,81,71,67,67,59,43,37,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,29,49,90,121,137,155,165,176,194,212,220,215,207,202,202,191,170,157,139,85,53,29,25,33,43,55,57,43,25,9,0,0,0,0,19,57,118,150,165,178,191,194,194,196,209,207,196,186,186,189,196,199,212,222,228,230,222,199,181,168,155,107,95,93,93,95,93,93,93,97,101,139,139,139,147,147,101,91,81,81,83,83,79,75,73,66,66,66,71,81,93,103,103,88,86,105,160,168,170,176,176,178,181,186,183,186,194,204,199,183,152,81,71,81,107,150,109,101,97,89,79,73,69,67,61,57,55,59,75,97,105,109,109,109,117,117,117,165,178,183,183,183,196,217,217,196,177,177,194,217,215,165,71,58,61,73,134,181,0,0,0,0,241,0,217,0,0,199,225,217,165,139,147,155,139,105,101,121,139,150,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,204,196,183,173,147,121,98,77,53,29,13,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,144,194,204,204,209,178,1,121,202,220,222,155,0,0,0,0,0,0,0,0,0,0,0,64,77,176,209,225,220,204,0,0,0,0,0,191,228,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,108,82,37,27,23,0,0,55,183,207,207,209,207,173,155,160,168,168,163,160,160,157,155,156,163,168,170,168,125,127,173,176,178,183,181,176,176,181,176,124,118,121,120,121,176,212,209,189,178,183,189,178,174,178,194,209,220,215,168,165,173,183,183,125,81,115,189,194,183,178,183,183,105,119,99,75,73,93,83,81,121,176,178,178,178,183,194,196,199,207,212,215,209,209,209,212,217,212,183,178,204,207,194,191,133,127,133,199,225,233,230,225,222,217,217,217,217,222,222,225,225,222,220,217,222,225,230,233,233,230,228,225,228,228,228,225,222,215,199,105,110,115,115,186,199,199,196,199,204,204,189,131,125,127,173,181,191,186,117,176,215,204,202,202,202,204,194,125,125,129,191,204,209,212,204,181,176,181,199,209,209,207,204,202,198,199,202,209,215,204,181,131,135,189,199,212,217,222,222,207,196,183,135,135,189,204,207,194,132,135,135,134,178,186,191,196,202,202,202,194,181,118,118,127,133,181,186,194,199,204,204,207,209,212,209,207,202,199,196,194,194,196,204,212,217,215,215,217,215,122,127,207,212,215,204,135,132,186,189,129,121,122,131,183,189,186,183,182,189,194,194,189,178,178,186,191,186,181,181,135,135,135,186,186,135,129,123,110,103,111,127,135,183,199,204,194,181,131,133,137,183,183,183,137,183,191,191,191,194,189,183,135,131,126,127,129,129,137,186,181,127,127,135,181,186,189,191,183,116,119,137,204,191,186,134,132,135,181,183,186,186,185,185,186,191,189,183,186,191,199,204,207,207,204,204,199,191,133,116,108,137,191,196,186,113,107,113,186,204,215,220,220,86,181,189,189,181,178,181,191,196,202,207,212,209,209,202,194,194,202,209,215,209,202,202,204,207,212,212,196,189,186,181,135,196,215,217,209,191,183,186,189,186,183,181,183,183,186,189,189,189,189,191,194,189,186,181,178,135,181,189,194,194,186,135,178,189,199,196,191,186,181,183,194,202,196,181,176,181,181,183,183,181,186,186,186,189,191,191,186,131,119,118,119,119,121,123,131,176,123,112,115,121,101,63,65,107,178,189,191,191,127,113,115,178,194,196,196,204,209,209,212,212,209,209,209,212,212,212,209,212,215,215,209,199,189,139,183,189,194,189,178,134,134,135,131,128,178,207,204,129,127,124,127,202,209,204,204,181,120,118,125,183,189,181,176,129,126,126,129,176,181,183,189,194,204,207,212,215,212,204,196,183,123,99,101,181,209,212,204,204,207,207,203,204,207,204,198,198,202,204,202,202,209,212,215,215,217,212,207,204,204,202,194,181,129,133,133,181,196,196,194,183,137,135,131,125,125,131,181,181,137,135,137,189,196,199,196,194,196,196,194,186,135,135,183,189,183,135,133,137,137,181,183,189,196,199,202,202,204,204,204,207,209,209,194,189,204,207,194,191,196,196,186,137,183,194,199,199,189,183,194,204,202,196,202,199,196,189,185,186,196,199,194,189,189,194,189,131,128,127,126,128,131,135,139,183,186,194,202,207,209,215,215,215,209,208,208,209,212,212,209,207,205,207,212,212,215,215,215,212,215,217,217,217,215,209,207,207,207,209,209,207,204,204,204,204,202,202,199,199,199,196,194,189,187,191,194,194,196,194,189,186,191,199,199,196,189,185,183,186,202,204,199,194,194,199,202,207,212,212,212,215,215,215,215,215,215,215,215,212,215,215,215,217,217,215,207,202,199,199,202,204,207,202,199,196,143,140,143,199,202,196,199,207,212,215,222,225,225,222,222,217,217,217,217,215,212,208,208,215,222,228,230,230,225,225,228,228,222,218,220,222,225,222,209,203,207,212,222,225,233,241,122,131,153,228,235,235,233,230,228,225,224,225,230,238,241,241,243,246,248,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,251,251,251,248,248,246,246,243,241,238,235,235,230,228,225,222,222,222,225,228,230,230,225,222,220,222,0,0,0,0,0,241,233,229,230,238,238,235,230,225,222,217,217,215,217,217,217,215,215,215,212,209,207,207,207,207,207,209,212,209,209,209,207,204,202,199,199,196,194,194,194,194,194,194,196,199,199,202,202,199,199,199,199,199,199,199,202,202,199,191,183,133,125,123,123,123,123,125,127,129,170,173,178,186,194,199,207,215,222,225,230,238,241,243,243,243,0,0,0,0,0,0,0,0,0,0,246,238,228,215,209,207,191,179,179,186,189,0,0,0,0,228,222,215,217,0,0,0,209,202,199,199,204,204,199,183,168,163,163,165,165,165,163,150,105,99,99,103,107,117,173,194,207,202,191,189,202,212,215,212,191,133,129,199,217,212,212,207,207,204,204,199,194,187,186,187,191,196,204,212,212,209,209,212,212,207,199,191,191,191,196,196,196,196,194,196,199,202,202,196,194,196,199,199,202,204,204,207,209,209,212,209,207,204,204,202,200,202,204,204,202,194,191,0,0,0,0,0,0,0,0,0,0,0,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,27,39,33,21,13,27,13,2,0,13,45,53,45,39,43,39,38,47,53,47,42,43,45,43,30,23,31,65,103,155,155,152,160,173,115,69,57,87,176,194,176,129,194,235,255,255,255,255,254,246,243,217,196,202,209,183,89,65,61,63,49,33,49,25,0,0,0,49,137,111,59,49,53,55,67,105,116,71,71,37,0,0,0,61,131,202,220,220,238,255,255,255,255,255,255,243,233,225,215,202,181,147,131,124,98,29,0,0,0,0,0,0,0,0,0,0,0,0,0,35,116,116,57,3,0,0,98,142,126,111,126,155,155,152,165,176,173,129,49,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,15,14,33,35,23,37,100,168,230,255,255,255,255,230,194,189,189,168,137,51,0,0,0,0,0,0,0,0,0,0,49,150,183,196,222,241,246,233,230,243,254,0,0,0,0,0,251,251,230,155,157,144,108,85,90,74,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,105,139,116,31,0,0,0,0,0,0,0,0,17,73,113,113,137,189,207,181,150,75,15,1,39,134,152,137,93,131,142,134,93,93,142,152,144,99,84,82,87,101,105,142,160,170,157,95,88,90,91,93,91,87,91,103,103,91,83,83,83,95,87,55,41,63,137,152,103,137,170,204,196,139,68,63,79,137,165,189,189,176,152,134,95,139,139,93,69,53,50,59,67,79,73,59,43,43,71,139,176,163,121,81,73,61,57,63,79,79,51,20,20,21,23,29,39,57,59,45,39,108,131,61,47,59,43,29,29,27,23,15,0,0,0,39,100,103,47,21,7,1,21,63,129,155,152,129,116,116,126,124,113,75,69,75,79,81,85,75,69,77,124,95,77,63,61,65,69,73,81,87,105,157,170,160,157,160,160,122,123,168,178,186,181,183,215,230,225,222,222,241,246,255,255,255,247,255,255,246,243,251,251,235,183,95,61,55,63,53,37,23,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,19,25,41,67,124,147,165,178,191,209,220,215,207,202,204,202,181,165,144,83,49,27,23,29,43,49,49,31,11,0,0,0,0,0,19,51,87,147,165,173,183,194,194,207,215,209,196,196,191,189,191,196,209,220,228,230,217,199,186,173,160,111,95,92,93,95,95,95,91,93,97,101,101,139,147,157,142,97,93,93,93,93,83,83,75,69,69,69,69,77,85,103,109,93,88,150,168,170,173,173,170,170,173,186,189,194,199,204,199,183,115,77,70,81,113,157,109,101,97,91,81,71,61,57,57,61,63,69,95,147,163,157,152,117,155,117,157,168,186,196,186,181,194,215,220,207,181,179,207,228,228,176,75,60,60,69,101,173,0,0,0,243,241,0,222,0,0,220,243,225,144,111,121,124,105,95,103,121,139,0,131,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,196,191,181,163,137,103,77,66,53,25,11,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,22,0,0,0,0,0,0,0,0,23,0,0,0,0,0,0,13,183,186,196,199,207,142,100,199,212,217,215,160,0,0,0,0,0,0,90,170,13,0,69,144,170,170,183,207,215,202,0,0,0,0,0,27,160,0,0,0,0,0,0,0,0,0,0,0,0,0,48,126,92,137,27,0,0,0,0,100,121,131,199,204,207,207,204,191,168,157,165,173,168,153,150,153,153,144,155,163,168,165,125,124,127,127,115,119,127,170,178,181,181,181,183,178,129,127,181,209,215,204,191,189,186,183,176,176,183,199,209,199,148,161,181,194,202,129,102,116,189,189,117,83,67,55,15,33,69,29,43,79,87,85,125,173,181,181,176,125,168,178,196,204,209,212,215,212,215,217,217,215,131,111,105,111,189,196,196,137,135,199,225,233,230,225,220,217,217,215,215,215,217,220,222,222,220,220,222,225,228,230,230,228,225,222,222,225,225,225,222,222,207,129,117,115,121,189,202,202,202,202,209,212,199,176,127,129,173,186,189,215,199,196,209,212,207,186,178,194,202,189,124,131,204,212,217,222,212,199,178,178,199,212,207,204,204,204,202,199,202,209,215,207,194,186,181,189,196,204,209,215,215,204,191,181,183,186,178,183,186,133,129,133,181,181,181,183,189,202,204,204,202,194,133,117,116,119,127,135,186,196,204,207,207,207,209,212,209,207,202,196,194,194,194,199,207,212,212,212,215,217,207,113,114,183,207,215,207,178,133,186,189,133,122,121,127,181,194,202,189,178,179,186,191,186,135,135,189,202,204,199,191,189,183,178,135,133,129,125,123,121,115,127,183,191,191,191,194,191,183,137,135,137,183,186,181,133,134,135,135,137,186,196,194,183,135,131,135,135,133,137,137,127,127,129,135,183,191,202,209,212,215,228,228,222,212,202,189,183,137,133,181,186,189,186,185,194,196,189,135,135,137,139,183,189,191,189,194,191,113,82,99,127,194,202,204,191,115,106,110,131,189,194,202,204,183,176,176,125,106,133,186,194,202,204,207,212,212,209,202,191,190,196,204,204,199,202,202,207,212,217,217,212,191,189,183,181,194,217,225,209,194,186,183,189,189,183,178,181,186,189,186,183,183,186,189,189,186,183,181,133,130,135,186,191,186,135,129,131,181,189,191,191,186,179,179,186,191,183,132,131,133,186,196,194,186,176,133,133,176,181,181,181,125,117,121,125,131,181,189,194,191,176,119,117,127,111,66,81,103,178,189,183,189,127,108,107,131,189,191,196,202,207,207,209,212,207,196,204,204,204,199,194,194,207,212,209,202,183,137,181,186,189,186,178,178,181,178,133,133,191,202,199,108,117,124,178,196,207,207,199,178,124,129,191,194,196,191,173,128,127,129,173,176,176,181,189,196,202,207,209,215,217,215,202,189,89,84,133,202,212,212,209,207,207,207,204,204,207,204,199,199,199,199,196,196,204,209,212,212,212,212,207,202,202,202,202,202,196,183,132,131,135,186,186,186,186,189,189,137,123,123,131,181,181,133,132,137,191,199,202,202,204,204,194,133,128,137,186,194,186,131,130,133,135,135,137,183,194,204,207,207,207,202,199,202,207,202,189,189,199,204,194,186,191,204,207,189,137,186,199,202,186,181,191,204,207,207,212,207,196,189,186,194,202,202,194,189,191,196,189,129,126,129,133,133,137,139,183,139,136,139,196,202,207,212,217,215,212,209,209,212,212,212,212,209,212,215,215,215,215,215,215,215,217,217,217,217,215,212,207,207,207,207,207,207,204,204,207,204,202,196,194,196,196,196,191,189,187,189,189,191,194,194,191,189,191,199,202,196,191,186,186,194,204,204,196,189,194,199,202,207,212,212,212,212,215,215,215,217,222,222,222,217,217,212,212,215,217,215,209,204,202,202,204,209,209,207,207,204,189,141,143,196,196,199,202,207,207,209,215,222,222,222,222,222,217,215,215,212,209,207,207,215,225,228,228,225,225,228,230,230,228,218,217,218,225,225,217,209,204,207,212,217,228,225,146,142,147,215,230,230,228,228,228,228,225,225,228,238,241,241,243,246,248,251,254,255,255,255,255,255,254,254,255,255,255,255,255,255,255,255,255,254,251,251,248,248,248,246,246,243,243,241,238,235,230,228,225,222,218,218,222,225,228,230,230,228,225,222,0,0,0,0,0,0,235,230,229,230,235,235,233,230,228,225,220,215,217,217,215,212,212,212,209,207,204,204,204,204,204,207,209,209,209,209,207,204,202,199,199,196,196,194,194,194,194,194,196,199,202,199,199,199,199,199,196,196,196,199,202,202,199,194,186,133,123,120,121,121,118,119,123,125,127,170,173,178,183,189,196,209,217,225,230,235,241,241,243,243,0,0,0,0,0,0,0,0,0,0,0,0,228,215,222,222,199,181,181,186,191,0,0,0,0,230,222,212,212,0,0,215,207,202,198,199,209,207,196,181,170,165,163,160,157,155,152,111,105,99,97,99,103,111,121,173,199,204,191,178,181,202,212,204,186,170,176,202,215,215,212,207,207,204,204,199,194,189,189,189,194,196,199,204,209,209,209,209,207,202,196,191,191,191,194,196,202,202,196,194,196,199,196,191,189,189,191,194,199,204,207,209,212,212,212,209,209,207,204,202,200,200,202,202,199,194,191,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,33,39,33,13,7,13,13,7,11,33,45,53,45,39,38,36,36,45,51,47,45,47,55,59,53,43,49,71,101,147,106,101,109,121,103,62,52,69,191,202,113,109,186,243,255,255,255,255,255,255,255,254,225,215,217,207,160,73,43,27,21,25,41,41,13,1,21,67,113,75,69,69,108,134,163,157,126,100,71,65,49,25,25,55,129,194,225,228,220,230,255,255,255,255,255,255,243,225,207,202,189,170,155,147,131,98,35,0,0,0,0,0,0,0,0,0,0,0,0,35,129,124,37,0,0,11,108,160,137,111,111,155,186,176,160,144,116,57,27,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,85,87,55,7,0,0,31,152,241,255,255,255,255,233,212,228,222,173,129,37,0,0,0,0,0,0,0,0,0,13,82,152,178,186,196,241,255,248,241,255,255,0,0,0,0,0,0,0,243,207,0,0,108,92,103,95,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,163,163,98,33,0,0,0,0,0,0,0,0,21,67,113,131,168,199,217,217,191,139,0,0,23,144,176,163,163,165,157,147,147,157,168,163,142,99,85,82,93,105,147,150,160,160,152,91,85,87,91,91,86,87,99,144,144,105,97,77,61,75,79,32,32,49,97,152,152,157,194,209,183,97,67,63,75,101,160,189,204,194,144,77,73,81,93,81,53,46,50,79,93,87,69,49,42,42,67,142,170,147,124,85,73,47,44,57,71,69,55,37,29,33,39,47,65,69,51,37,35,59,63,29,21,22,25,33,25,17,15,9,1,0,0,49,75,75,53,31,21,21,29,61,108,129,129,83,80,83,113,77,73,75,81,116,126,126,126,89,87,89,126,83,69,59,57,56,59,63,73,85,105,160,168,165,168,168,165,122,120,122,127,131,125,129,199,225,225,220,222,233,241,255,255,255,255,255,255,251,255,255,255,243,209,144,39,39,45,39,29,17,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,13,25,51,73,129,155,173,186,191,199,207,207,202,202,209,204,189,163,139,83,51,29,21,27,43,55,47,25,0,0,0,0,0,0,1,31,63,131,157,163,170,181,194,196,207,207,196,189,191,189,191,196,209,220,222,222,209,189,178,170,155,111,95,91,92,101,101,91,89,89,91,91,91,101,150,155,150,134,93,93,99,93,93,93,83,83,77,71,71,71,77,95,99,95,95,150,170,170,170,173,170,166,170,186,196,199,204,204,194,186,117,77,71,83,109,152,147,103,97,91,75,63,57,57,59,67,73,79,105,163,170,170,163,168,165,160,160,176,186,186,176,176,189,207,215,209,196,186,196,228,228,183,99,65,63,69,137,181,0,233,233,238,233,0,0,0,0,238,246,217,142,105,103,96,94,95,105,121,131,131,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,204,204,194,155,121,85,59,53,35,25,11,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,25,4,0,0,0,0,0,147,0,0,0,0,0,25,29,0,69,178,202,194,129,79,160,207,215,217,217,142,0,0,0,0,0,0,105,144,15,111,142,165,168,157,163,173,131,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,207,176,181,173,27,0,0,67,194,189,181,194,202,204,204,202,194,178,168,173,181,181,168,160,170,176,170,173,178,176,170,125,124,127,170,113,112,115,123,176,191,202,207,209,202,186,176,178,191,199,194,186,183,183,186,181,173,173,178,183,183,170,183,199,209,217,212,209,207,207,204,186,107,77,51,0,0,0,0,0,22,89,115,165,178,189,189,176,123,125,178,196,207,209,212,215,217,217,215,215,199,113,101,101,109,186,204,212,181,133,189,217,228,228,228,225,222,217,212,209,209,212,217,222,222,222,222,225,228,228,230,230,228,222,220,220,225,225,222,222,217,199,135,127,125,131,191,202,204,202,204,212,222,212,191,176,131,131,129,126,212,199,189,191,194,183,129,127,183,196,189,121,127,202,212,217,225,215,207,191,181,191,204,202,196,202,207,204,202,204,209,209,204,194,189,189,189,191,194,202,209,212,207,194,186,189,186,132,131,132,131,135,194,202,199,194,186,186,194,204,204,202,189,129,117,117,119,125,133,189,204,209,209,204,204,209,215,212,207,202,194,191,191,194,196,199,204,204,207,209,209,196,115,117,135,194,204,196,135,133,181,181,135,127,124,129,178,199,207,191,177,178,183,186,181,128,133,196,212,212,204,199,196,189,178,133,131,129,127,127,129,133,181,189,191,189,189,194,196,194,189,183,183,186,189,186,135,133,133,134,183,199,207,207,207,196,191,191,183,181,183,129,111,124,127,131,181,196,209,217,225,228,233,235,228,220,209,202,199,183,129,137,189,194,202,202,207,207,196,137,132,133,135,133,133,128,128,181,183,125,114,127,199,207,212,212,204,131,112,112,123,133,176,181,181,133,133,127,118,118,129,183,194,207,212,209,209,209,207,204,194,190,194,196,191,191,199,207,209,217,217,209,199,186,178,135,178,191,209,212,202,189,183,186,189,191,183,178,178,189,189,183,181,178,181,181,181,135,135,135,131,129,131,178,181,178,129,127,129,178,186,189,189,183,179,179,181,181,135,131,130,133,199,209,194,132,129,131,132,133,133,133,176,127,125,173,181,189,196,204,207,207,199,186,178,183,181,95,99,109,129,173,119,116,113,111,115,178,183,183,191,199,207,207,204,204,189,123,122,189,189,137,133,186,204,215,215,209,189,135,181,189,194,191,186,189,189,186,183,186,196,196,181,119,122,173,186,191,194,196,191,173,126,173,191,196,199,199,181,129,128,173,178,178,176,181,191,196,202,204,207,209,215,217,209,133,80,80,194,209,212,212,209,209,209,209,207,207,204,204,202,202,199,196,194,196,204,207,207,204,207,209,207,202,202,204,209,209,209,202,183,133,133,181,186,189,191,194,196,186,124,121,127,135,137,133,133,137,189,199,204,207,204,207,199,133,122,135,189,194,189,133,131,133,133,133,137,181,191,204,209,212,207,202,196,199,202,199,191,191,199,202,196,189,183,199,215,204,181,135,189,196,186,178,183,196,202,204,204,202,191,186,189,202,207,204,199,191,191,199,199,189,139,139,137,137,186,191,191,186,137,137,186,191,199,209,215,217,217,217,217,215,215,215,215,217,217,222,222,220,217,215,215,215,217,217,215,215,215,209,207,204,204,204,204,204,202,202,204,204,199,194,191,191,194,194,191,189,187,187,187,187,189,191,191,191,194,199,202,199,194,189,191,196,202,199,191,189,194,199,199,202,209,209,207,204,207,207,209,215,222,222,222,215,212,207,202,204,212,212,207,202,199,202,204,207,209,209,209,209,202,194,196,199,199,199,202,202,204,207,212,215,215,217,222,222,217,215,212,209,209,207,207,215,225,225,217,217,222,228,230,230,228,222,218,222,228,228,220,209,204,204,207,212,225,217,149,143,146,209,222,217,215,222,225,225,225,225,230,238,241,241,246,248,248,251,254,255,255,255,255,255,251,250,254,255,255,255,255,255,255,255,255,254,251,251,248,248,248,248,246,246,243,243,238,235,230,228,225,222,218,218,220,225,228,228,230,228,225,225,0,0,0,0,0,0,241,233,229,229,230,235,235,238,235,230,222,217,217,215,212,211,211,212,209,207,207,204,204,204,204,207,207,209,209,209,207,204,202,199,199,196,196,194,194,194,194,194,196,199,199,199,199,199,199,199,196,195,196,196,199,199,199,196,189,129,120,119,121,121,118,117,118,121,123,165,168,170,176,183,194,207,215,222,230,235,238,238,238,241,243,0,0,0,0,0,0,0,0,0,0,0,0,0,233,235,209,186,181,183,191,0,0,0,0,228,222,212,209,0,0,215,212,207,199,199,207,207,196,186,176,170,165,160,152,147,144,107,103,99,97,97,101,105,113,123,181,189,178,125,127,183,196,181,176,181,194,209,215,215,209,207,204,207,204,199,191,191,194,199,199,196,195,195,202,207,207,207,202,196,191,191,191,191,194,196,204,204,202,196,196,199,199,194,143,141,141,189,194,202,204,207,209,209,209,207,207,204,204,202,200,200,202,202,199,196,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,25,33,33,29,13,7,7,7,11,25,39,45,49,45,45,39,38,43,53,61,61,55,61,69,75,77,69,69,83,107,109,104,100,109,117,101,64,57,69,183,183,100,100,186,251,255,255,255,255,255,255,255,255,241,207,204,189,109,65,23,3,0,0,13,19,5,0,7,41,67,73,105,124,157,194,212,194,144,103,71,65,49,33,31,41,71,150,209,228,220,220,241,255,255,255,255,255,255,241,225,217,209,168,121,95,95,98,85,41,29,11,0,0,0,0,0,0,0,0,0,0,43,43,9,0,0,31,108,134,118,87,100,144,176,165,134,98,49,31,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,129,139,41,0,0,0,7,131,228,255,251,246,251,248,248,255,246,170,65,0,0,0,0,0,0,0,0,0,0,9,55,129,165,183,207,248,255,255,255,255,254,0,0,0,0,0,0,0,0,0,0,0,0,98,111,108,51,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,160,163,90,15,0,0,0,0,0,0,0,0,27,61,111,137,178,207,225,220,209,183,29,0,0,126,183,186,178,178,165,157,168,194,196,170,152,105,99,93,93,101,147,157,160,160,152,103,91,91,91,93,91,99,142,150,103,89,81,65,53,53,51,26,29,41,79,142,170,189,204,202,163,95,75,72,75,87,137,178,196,176,97,70,66,75,97,95,71,53,59,81,97,97,83,57,44,45,79,142,160,147,131,121,79,47,41,46,57,61,61,57,51,51,53,61,105,105,55,33,31,37,37,23,20,21,27,29,17,12,13,15,11,0,0,39,71,75,69,63,55,53,53,61,71,77,83,83,83,113,85,75,74,75,83,126,134,139,134,126,87,85,81,79,73,67,61,58,58,60,67,79,93,103,107,150,160,168,170,165,122,121,123,123,121,122,189,215,215,212,212,222,238,246,255,255,255,255,255,255,255,255,255,246,220,150,37,27,29,31,29,21,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,65,129,152,173,199,207,204,204,209,207,199,189,202,204,181,147,89,69,51,39,33,41,53,61,53,29,0,0,0,0,0,0,0,7,49,87,139,150,157,168,176,183,186,186,178,181,186,186,189,196,209,220,220,217,199,186,173,165,155,107,101,95,101,105,101,89,79,79,83,83,83,93,101,142,142,134,93,93,93,134,134,99,95,93,77,71,63,63,71,77,83,85,95,111,165,170,170,178,170,168,181,186,196,207,207,207,194,186,160,95,77,79,103,150,150,109,93,83,75,65,63,63,71,81,91,99,111,163,176,176,170,170,170,170,176,178,178,176,174,176,186,196,207,196,186,178,189,217,228,186,109,75,68,83,150,183,215,225,233,233,233,233,0,0,0,228,230,189,126,103,103,96,96,111,121,126,129,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,233,225,225,202,155,113,72,53,46,29,23,5,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,27,0,0,0,0,0,98,108,0,0,31,64,176,139,0,0,5,137,181,59,27,191,209,212,209,196,82,0,0,0,0,0,0,0,0,0,157,152,147,113,116,134,129,95,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,95,194,207,199,202,196,118,21,43,183,194,170,155,176,191,202,202,199,194,183,178,183,191,196,196,196,199,202,202,186,186,183,170,125,124,125,127,117,111,111,112,125,194,212,215,212,204,189,176,170,173,178,178,176,176,181,186,183,176,170,169,168,172,186,199,209,215,222,222,215,212,215,217,220,225,222,202,51,0,0,12,67,109,186,181,173,183,191,189,168,122,123,178,196,209,212,209,207,212,215,209,199,178,121,106,106,117,131,191,199,135,132,181,207,222,228,230,230,225,215,209,205,207,209,217,222,222,222,225,228,230,228,228,228,228,222,220,220,222,225,222,215,209,191,135,131,131,176,186,196,202,202,204,212,222,217,207,191,129,129,121,117,196,189,131,129,123,121,121,125,181,194,189,126,131,202,209,215,217,212,207,202,191,194,199,196,194,202,204,202,202,204,202,202,199,194,186,135,135,181,186,196,207,212,212,202,194,194,189,132,130,130,131,181,199,207,207,199,189,181,182,194,199,196,183,123,116,118,125,131,181,194,207,209,204,199,202,209,215,215,207,199,194,191,189,189,191,194,196,199,204,207,204,183,121,122,131,186,191,186,135,131,131,131,181,183,135,135,183,196,207,199,183,183,194,196,186,126,133,204,217,212,199,194,194,186,135,131,135,135,131,129,131,135,137,181,181,186,194,204,209,204,199,194,189,189,189,186,181,135,135,183,199,209,209,212,215,212,212,212,196,189,189,133,114,126,126,129,183,204,215,222,225,228,233,235,230,222,212,207,202,181,125,135,196,207,215,217,217,217,212,186,133,137,137,135,131,125,125,131,181,181,186,204,212,212,215,215,212,196,129,119,121,123,125,127,129,131,176,131,120,123,131,181,194,207,212,209,207,207,207,204,199,191,194,191,189,191,204,215,222,225,215,199,186,135,128,128,131,183,194,194,191,183,181,183,189,189,183,135,135,181,183,178,133,131,133,133,133,130,130,131,130,129,130,135,135,133,129,128,131,181,186,189,189,189,189,186,181,135,133,133,132,133,194,199,176,128,129,176,181,178,131,128,129,131,133,186,191,199,202,207,209,212,207,202,196,196,199,129,111,111,127,170,118,114,115,119,181,186,178,133,183,191,202,199,191,183,129,114,106,131,131,119,118,186,215,225,228,222,199,131,130,186,194,194,194,194,194,189,186,189,191,186,131,122,127,183,189,183,178,173,131,127,125,131,183,191,196,202,191,176,131,173,181,181,173,176,186,196,199,202,204,209,212,215,209,189,81,83,207,215,212,209,212,215,212,209,207,204,204,204,204,202,199,196,194,199,204,207,204,203,203,204,207,204,204,207,209,207,209,207,196,189,186,189,194,196,196,199,199,191,125,122,125,131,133,135,178,183,196,204,207,207,204,209,207,186,114,131,191,194,189,181,135,137,135,133,181,181,186,194,204,204,202,196,194,196,199,199,196,196,199,199,196,189,183,191,207,207,191,135,132,181,181,179,179,183,191,199,199,196,189,185,191,209,212,207,202,196,194,199,207,204,196,186,135,135,191,199,199,191,139,133,131,139,191,207,215,217,217,217,215,215,215,215,217,222,222,222,222,222,217,215,215,215,215,215,212,212,212,209,207,204,202,202,202,199,199,202,204,204,199,194,191,191,191,194,194,191,189,189,187,187,187,189,191,194,196,199,199,199,194,189,191,196,196,194,189,189,191,196,196,199,202,199,191,189,189,191,199,207,212,215,212,207,204,199,195,196,204,209,207,199,199,199,204,207,207,209,209,209,209,204,199,199,199,199,199,202,202,202,204,207,207,215,222,222,222,217,215,209,209,209,209,215,222,215,204,203,212,222,225,228,225,222,222,225,228,225,215,207,203,203,204,212,222,222,153,145,149,212,217,212,211,215,217,220,222,225,230,238,238,238,246,248,248,251,254,255,255,255,255,255,251,250,251,255,255,255,255,255,255,255,255,254,251,251,248,248,248,248,248,246,246,243,241,235,230,228,225,222,220,218,220,222,225,225,228,228,228,225,0,0,0,0,0,0,246,238,233,229,229,233,235,241,243,238,228,222,217,212,211,211,212,212,209,209,207,207,204,204,204,204,207,209,209,209,207,204,202,202,199,196,196,194,194,191,191,194,194,196,196,196,196,196,196,199,196,196,196,196,199,199,199,199,191,133,121,119,121,123,119,117,117,119,121,123,165,168,176,183,194,204,212,220,228,233,235,235,235,238,241,243,0,0,0,0,0,0,0,0,0,0,0,0,243,241,217,189,179,181,191,0,0,0,0,233,228,215,209,0,0,215,215,209,202,199,204,207,199,189,181,173,168,160,150,142,107,105,103,99,97,97,99,101,105,115,125,170,125,122,123,173,178,173,176,194,209,217,217,212,207,204,202,204,204,199,194,194,196,202,199,195,194,194,196,204,209,209,204,194,191,191,194,191,191,196,204,207,204,202,202,204,202,196,191,141,140,141,191,196,199,202,204,204,204,204,204,204,204,202,200,200,202,202,202,196,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,27,27,27,13,13,11,7,5,7,27,39,45,49,49,49,43,39,43,57,67,71,67,67,77,81,83,79,81,99,147,152,113,109,160,170,115,85,71,87,181,135,100,100,194,254,255,255,255,255,255,255,255,255,241,199,170,113,79,49,19,0,0,0,0,0,0,0,0,25,67,113,129,152,176,209,220,217,189,165,152,108,47,25,21,19,15,41,147,202,209,212,230,255,255,255,255,255,255,255,225,199,181,144,47,4,7,35,45,49,45,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,95,98,82,77,95,134,155,144,113,53,29,19,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,121,137,0,0,0,0,45,155,228,248,230,225,241,255,255,255,246,144,21,0,0,0,0,0,0,0,0,0,0,23,82,121,160,196,230,248,255,255,255,248,233,0,0,0,0,0,0,0,0,0,0,0,0,100,100,85,23,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,121,152,105,9,0,0,0,0,0,0,0,0,27,61,111,144,189,215,225,209,209,202,118,0,0,5,126,147,155,163,157,157,181,202,204,189,168,155,152,139,101,101,142,157,170,160,152,152,109,105,103,105,107,144,152,105,79,53,52,53,49,49,41,29,36,63,93,155,191,202,183,152,95,81,81,81,75,77,95,163,176,152,91,70,70,89,147,147,99,87,73,75,85,91,91,77,65,71,126,152,163,160,147,139,118,55,44,46,51,53,55,55,61,59,59,69,111,71,47,31,29,30,31,25,23,27,35,41,15,12,19,27,25,11,9,27,61,105,105,116,116,113,73,61,60,65,77,113,126,118,116,85,83,83,87,89,126,126,126,89,81,75,75,83,93,87,83,73,67,67,73,83,85,77,75,93,115,168,178,178,170,168,170,129,125,129,191,215,215,207,207,222,230,241,255,255,255,255,255,255,255,255,255,243,228,168,51,26,24,27,29,29,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,45,118,152,168,191,212,222,220,220,220,207,189,178,189,199,170,131,71,59,59,59,61,67,73,73,65,47,17,0,0,0,0,0,0,0,49,87,139,150,155,157,165,168,168,163,163,168,168,176,186,196,209,212,215,212,189,178,165,160,113,105,101,101,105,105,97,81,73,73,75,75,75,75,83,91,93,83,83,83,93,134,134,134,137,85,77,61,56,56,63,71,81,85,85,97,152,170,176,181,173,173,183,191,196,207,207,207,196,186,170,111,83,77,93,150,160,111,93,85,79,71,71,81,91,101,107,147,150,157,173,178,183,178,173,178,181,181,178,173,174,176,186,186,191,189,178,174,181,209,217,186,152,89,77,95,157,191,0,225,225,233,233,233,238,0,233,217,202,157,113,108,108,103,113,131,134,124,116,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,243,241,243,215,157,103,61,46,27,23,15,5,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,189,202,160,165,0,0,0,0,0,0,0,0,0,0,0,0,72,225,95,144,111,0,0,0,0,17,0,23,217,209,199,178,116,0,0,0,0,0,0,0,0,0,0,3,46,64,56,61,103,124,134,170,157,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,134,196,202,202,199,207,204,173,165,194,207,194,137,114,152,181,199,202,194,189,186,186,194,202,207,209,212,212,209,199,176,181,176,163,125,165,165,165,121,115,111,110,113,183,207,212,209,204,191,181,173,170,170,173,131,131,178,183,186,183,178,173,169,172,189,202,209,215,217,222,217,215,217,225,222,225,225,225,83,39,83,101,121,194,209,183,170,178,181,176,120,119,121,173,191,204,207,196,191,199,209,207,129,125,178,176,131,129,127,178,181,181,135,135,189,209,225,230,225,217,212,207,205,205,212,217,222,222,225,228,230,230,228,225,225,225,225,222,222,222,222,212,207,194,183,135,131,131,133,181,191,199,204,209,215,222,217,207,194,109,131,123,121,196,189,131,127,121,120,121,127,181,191,189,178,183,202,207,209,212,212,209,202,189,191,194,191,194,199,199,202,204,199,191,186,191,196,194,109,119,130,183,194,202,204,204,202,196,196,194,183,135,133,132,183,196,202,202,199,186,178,177,183,191,189,135,121,117,121,135,194,196,202,207,202,192,191,196,204,207,207,202,199,194,189,183,186,191,199,199,202,207,209,204,183,126,126,133,183,186,183,135,131,129,130,183,189,181,178,183,191,202,202,199,202,209,212,202,131,135,199,209,202,189,183,183,181,135,135,183,186,135,129,131,135,135,135,137,189,199,209,215,209,202,196,191,189,186,183,137,137,183,196,207,209,209,209,212,215,222,228,209,191,186,181,137,131,126,129,189,212,217,217,215,215,230,235,233,225,212,204,199,178,111,129,212,217,222,222,222,220,215,189,133,135,181,137,133,126,125,129,183,189,194,207,212,215,215,215,215,207,186,129,121,119,118,119,125,176,183,178,127,125,129,176,191,202,204,204,207,207,204,199,191,186,186,189,186,196,215,225,228,228,215,196,181,131,128,127,129,135,181,183,181,181,181,181,183,183,178,133,133,135,135,135,133,131,131,131,131,130,129,130,131,131,135,181,183,183,181,178,181,186,189,189,191,194,202,199,189,178,181,183,183,183,189,183,133,132,181,191,191,186,131,127,128,131,181,189,194,196,202,204,207,209,209,207,202,202,204,181,113,105,173,189,186,125,119,129,189,191,131,125,129,189,199,194,186,183,183,127,118,137,137,120,117,196,217,222,225,225,204,127,124,131,183,189,194,196,194,189,181,181,183,181,131,122,125,176,178,131,125,122,122,127,126,131,178,181,189,194,194,186,178,181,186,181,131,131,181,191,194,199,207,212,215,215,212,215,84,87,204,215,215,209,215,217,215,209,207,204,204,204,204,202,196,194,196,202,207,207,204,203,204,207,209,207,207,209,209,204,204,207,204,199,199,202,204,202,202,204,204,196,131,124,127,129,131,133,183,194,207,212,212,209,207,209,212,199,106,122,194,194,186,183,183,183,137,135,181,183,183,186,194,194,192,192,196,196,195,195,196,199,196,191,186,183,183,186,189,194,196,183,126,129,181,183,179,179,189,199,204,202,196,186,186,204,212,209,204,199,196,202,209,212,209,196,134,132,189,199,199,194,183,129,123,127,141,202,215,217,215,215,212,212,212,215,217,220,222,222,222,222,222,217,217,217,215,212,209,209,209,207,204,202,202,199,199,199,199,202,207,207,202,196,194,191,191,194,196,199,196,196,191,189,187,189,194,199,202,199,199,196,191,189,194,199,196,191,189,189,191,194,194,194,194,186,135,129,129,135,186,194,199,202,202,199,199,196,195,195,199,204,207,202,199,199,202,204,207,207,207,204,207,204,196,191,194,199,202,202,199,198,198,199,202,209,217,222,225,225,217,212,212,212,212,215,222,212,199,198,207,217,217,217,220,225,225,225,225,222,215,207,203,203,207,215,228,228,212,202,207,217,217,212,212,215,215,217,217,222,230,238,238,238,246,248,248,251,254,255,255,255,255,255,254,250,251,255,255,255,255,255,255,255,255,254,251,248,248,248,248,248,248,246,246,243,241,235,230,228,225,222,222,222,222,222,222,225,225,228,228,228,0,0,0,0,0,0,0,243,238,233,230,229,233,241,246,243,235,228,220,215,212,215,215,212,209,209,209,207,204,204,204,204,207,209,209,209,209,207,204,202,199,196,196,194,191,191,191,194,194,194,194,194,196,196,196,199,199,199,199,199,196,196,196,196,191,178,123,120,121,123,121,118,118,119,123,125,165,170,178,189,196,202,207,215,225,228,230,233,235,238,238,243,0,0,0,0,0,0,0,0,0,0,0,0,0,238,217,189,178,179,191,212,0,0,0,0,230,222,212,0,0,217,215,209,204,0,212,215,207,191,181,176,168,160,150,144,109,107,103,101,97,97,97,99,103,109,117,123,123,123,127,131,176,178,191,207,215,217,215,209,204,199,196,199,202,202,196,196,196,196,196,196,196,196,202,207,212,215,209,199,194,191,191,190,191,196,204,207,207,207,207,204,204,199,194,143,141,186,189,194,194,194,194,196,199,202,204,204,204,202,200,200,202,202,202,196,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,13,11,7,0,0,0,0,0,0,7,25,27,13,7,0,5,7,0,0,7,27,39,49,53,53,45,37,25,27,43,59,71,75,73,75,81,87,89,99,144,160,170,170,176,189,196,189,127,109,119,199,186,100,100,135,243,255,255,255,255,255,255,255,255,238,199,125,103,81,65,49,29,17,11,0,0,0,0,0,33,79,139,160,170,186,204,228,235,228,238,235,181,53,11,1,0,0,0,21,134,183,204,230,255,255,255,255,255,255,255,215,139,69,105,13,0,0,0,11,29,35,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,57,87,78,77,95,126,144,139,124,90,41,21,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,69,79,0,0,0,98,150,178,212,235,226,224,241,255,255,255,220,111,17,0,0,0,0,0,0,0,0,0,0,53,108,129,160,207,233,241,255,255,255,241,209,207,0,0,0,0,0,0,0,0,0,0,0,108,100,82,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,72,121,118,27,0,0,0,0,0,0,0,0,27,92,129,168,204,225,225,209,217,235,199,21,0,0,0,29,79,129,131,142,163,191,196,183,170,168,173,165,147,107,147,168,178,170,157,157,152,105,105,107,144,147,142,89,57,50,52,57,55,55,51,45,63,95,147,170,183,168,137,77,60,63,81,89,81,77,99,155,157,144,93,77,77,95,155,157,144,101,93,85,81,85,91,93,95,134,160,170,170,165,163,150,91,57,47,57,51,41,35,31,43,59,69,111,113,69,41,33,29,29,35,35,35,43,47,45,15,13,23,31,27,23,21,31,55,75,105,124,134,134,113,63,60,65,77,116,126,118,116,126,129,126,87,85,87,89,126,89,79,75,81,126,144,144,137,95,81,79,93,101,87,71,63,79,105,160,178,183,178,178,178,176,133,135,202,220,220,212,212,212,225,238,251,255,255,255,255,255,255,255,255,243,228,181,73,31,24,26,29,29,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,41,65,131,157,168,173,186,207,217,215,215,217,207,189,178,178,178,157,97,67,61,67,83,121,121,83,83,83,71,53,23,0,0,3,9,19,39,69,139,157,155,155,157,157,157,150,150,113,115,155,160,168,181,191,199,202,196,181,170,155,113,107,95,91,95,97,91,79,73,69,67,69,73,69,67,67,69,75,77,77,77,85,95,144,144,137,85,71,57,54,55,61,73,83,85,84,85,111,168,181,183,181,181,189,199,202,207,207,207,196,186,170,113,85,75,83,150,168,160,103,93,83,79,83,97,107,147,157,157,157,157,168,191,194,183,173,173,178,178,178,174,178,186,196,191,189,178,174,174,181,209,217,204,165,99,89,95,155,191,0,215,225,233,243,243,243,233,225,207,181,142,113,118,124,118,126,134,126,103,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,233,163,103,56,29,19,13,5,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,204,207,212,255,74,0,0,0,0,0,0,0,0,0,9,0,124,215,82,29,59,0,56,77,19,0,0,0,95,92,90,82,31,0,0,0,0,0,0,0,0,0,0,0,1,43,40,38,66,147,196,220,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,147,199,207,204,204,204,199,173,176,199,212,212,181,124,142,176,199,202,191,181,181,186,196,207,212,212,215,215,202,168,96,102,106,108,119,168,173,173,173,165,117,110,110,125,199,209,212,207,196,186,178,173,129,127,127,131,176,181,186,189,186,183,178,173,176,186,199,207,212,215,215,215,217,217,215,215,220,215,91,73,103,111,123,176,178,89,109,123,168,168,122,123,125,170,183,191,189,183,183,196,209,209,122,120,176,189,194,191,178,181,181,189,186,129,129,199,222,225,222,217,212,209,207,209,212,220,222,222,222,225,230,230,228,222,222,225,225,225,222,222,215,204,191,181,178,135,131,130,133,181,189,196,207,212,217,215,207,194,131,88,178,181,199,212,202,191,181,127,123,127,133,183,191,191,186,189,199,202,204,212,215,215,207,131,125,181,186,194,199,202,204,204,194,135,131,181,196,202,111,120,131,189,194,196,194,189,194,194,194,194,191,189,181,178,183,191,196,196,199,191,181,178,181,186,186,181,129,127,133,183,199,204,207,207,199,191,191,194,196,196,194,191,196,196,189,137,181,191,204,209,209,209,209,207,196,137,133,137,189,191,183,135,133,131,131,183,183,177,177,178,186,194,202,202,204,209,209,194,131,129,135,186,186,181,178,181,183,181,186,194,194,181,131,133,183,183,183,186,194,202,202,202,202,196,191,189,186,183,137,136,137,189,202,207,207,209,209,209,212,220,228,222,199,137,131,183,133,127,131,191,212,217,209,204,207,222,228,228,222,209,204,199,183,101,101,207,222,217,215,212,204,199,137,128,129,133,133,129,126,124,129,189,194,196,202,209,215,215,213,215,209,199,178,127,119,116,117,127,181,183,181,178,129,124,127,186,199,202,202,204,207,199,189,178,133,176,178,181,199,217,228,228,225,212,196,186,133,131,131,129,131,135,178,178,181,181,178,178,135,133,132,135,178,178,181,183,183,183,181,178,135,133,178,183,189,194,199,199,196,194,189,189,191,194,194,196,202,209,209,196,186,186,191,194,196,191,183,183,191,199,202,202,194,176,129,131,176,183,189,191,196,199,202,204,209,209,204,202,202,204,183,105,98,178,194,196,129,117,121,183,186,173,125,125,181,191,194,194,199,207,191,121,125,181,131,133,202,209,212,215,212,196,129,125,130,178,186,194,194,194,189,181,176,176,176,133,125,123,123,122,122,123,124,124,129,131,173,176,176,178,183,189,194,189,186,189,186,176,131,173,181,183,189,199,209,215,215,215,209,81,87,196,217,222,215,217,217,217,212,209,207,207,207,204,196,191,191,196,202,204,207,207,207,209,212,212,212,209,207,207,204,202,202,204,204,204,204,204,204,204,204,207,199,135,127,129,131,131,133,183,199,212,215,215,212,207,207,209,202,103,115,189,191,183,182,186,189,186,137,135,183,186,189,194,196,192,194,199,199,194,194,196,199,196,189,181,179,179,178,177,179,189,181,126,129,181,186,183,183,199,209,212,212,212,183,123,189,209,212,209,204,199,202,212,215,215,209,191,127,137,194,199,199,196,139,125,119,127,194,212,220,217,215,212,211,212,212,215,217,217,217,217,222,222,217,217,217,215,209,207,207,207,207,204,204,202,199,199,199,199,202,207,209,207,202,199,194,194,196,202,202,202,199,196,191,189,191,196,202,202,199,196,196,191,191,196,199,196,191,191,189,191,191,191,191,189,137,129,126,127,131,139,189,194,194,194,194,194,196,196,196,199,202,202,199,196,196,199,202,204,204,204,203,207,204,191,187,190,196,202,202,198,196,199,202,202,204,207,212,222,225,220,215,215,215,212,215,225,222,207,205,215,217,212,212,217,225,228,225,222,222,222,215,209,209,212,222,233,235,228,222,217,217,209,209,217,222,212,212,215,222,233,243,243,243,246,246,248,248,254,255,255,255,255,255,255,254,254,255,255,255,255,255,255,255,255,254,251,248,248,248,248,248,248,246,243,243,241,235,230,228,225,225,222,222,222,222,222,222,222,225,225,228,228,0,0,0,0,0,0,248,243,238,233,229,230,0,0,251,243,233,225,217,217,217,217,215,215,212,209,207,207,204,204,204,207,209,209,209,209,207,204,204,202,199,196,194,194,191,194,194,194,194,194,194,196,196,196,199,199,199,199,196,196,194,194,191,189,181,127,120,120,121,121,119,119,121,123,125,168,173,183,191,196,199,204,212,222,225,230,233,235,238,241,243,246,0,0,0,0,0,0,0,0,0,0,0,0,241,225,199,181,179,189,207,222,0,0,0,230,222,215,0,0,0,0,0,0,0,0,225,215,196,186,178,173,163,152,147,144,109,107,103,99,97,99,101,103,107,111,119,127,173,176,176,178,189,199,209,215,217,212,209,207,199,195,196,202,207,204,202,199,199,199,202,204,204,207,209,212,215,212,207,199,194,191,191,194,202,207,209,209,207,204,202,202,199,194,189,143,189,191,194,194,194,191,194,194,196,199,202,204,202,202,202,202,202,199,196,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,11,7,7,0,0,5,7,11,13,27,27,13,0,0,0,0,0,0,13,33,39,45,51,51,43,27,8,8,29,53,69,73,75,75,81,89,101,147,165,176,176,178,189,204,228,230,204,178,181,217,209,108,97,111,209,255,255,255,255,255,255,255,255,255,225,199,178,168,163,155,101,89,83,25,0,0,7,21,43,79,155,183,194,202,217,235,238,238,251,251,202,47,0,0,0,0,0,0,55,150,209,246,255,255,255,255,255,255,255,215,129,45,35,3,0,0,0,6,25,35,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,49,98,98,95,111,129,147,157,157,139,105,43,17,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,41,21,0,82,176,176,168,194,230,230,228,241,255,255,248,207,124,49,0,0,0,0,0,0,0,0,0,0,53,98,100,142,207,235,241,255,255,255,241,212,207,0,0,0,0,0,0,238,228,0,157,139,126,111,103,59,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,11,61,85,25,0,0,0,0,0,0,0,0,37,121,152,178,196,215,225,215,228,255,241,129,0,0,0,0,5,57,87,137,157,168,165,152,152,160,173,186,165,155,157,186,191,176,152,152,111,105,102,107,107,107,97,85,79,79,87,89,89,95,99,95,93,101,147,152,103,93,83,69,57,58,75,87,81,87,137,147,137,85,77,67,71,91,152,157,147,101,95,93,95,93,97,137,144,163,183,186,170,160,157,139,79,45,45,57,45,31,26,25,37,53,71,121,121,71,57,41,31,31,45,49,49,53,55,45,21,15,21,23,23,25,31,49,65,71,73,113,134,134,113,71,71,83,116,118,118,118,126,129,137,129,89,81,75,81,87,87,79,75,85,144,155,155,144,131,81,81,95,105,85,65,60,67,91,113,168,178,176,178,178,176,133,183,202,222,222,215,212,212,220,233,246,255,255,255,255,255,254,255,255,243,230,194,101,55,31,29,31,35,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,92,142,170,178,178,178,186,199,204,204,207,215,207,186,170,170,170,157,99,73,67,71,89,129,121,83,83,116,83,65,41,17,5,23,41,53,77,139,165,170,168,165,155,157,150,144,110,110,110,110,113,117,165,176,186,189,181,173,119,113,107,95,81,77,81,79,73,67,63,63,65,67,69,63,59,59,59,65,65,65,69,77,95,144,144,137,85,71,61,56,57,67,79,85,87,85,85,109,165,176,189,186,183,189,199,202,209,209,209,196,189,173,111,81,75,85,163,178,178,150,103,83,83,85,103,111,152,157,165,157,153,165,191,202,191,173,172,173,176,178,178,189,202,209,199,189,178,176,178,189,209,230,217,178,103,87,89,152,186,215,215,225,233,243,243,243,230,212,202,178,134,113,124,124,118,126,124,90,74,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,241,163,98,56,25,13,5,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,199,212,222,25,0,0,0,11,33,0,0,0,0,48,53,79,82,0,0,23,0,157,157,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,61,35,19,23,51,126,204,235,251,255,0,0,0,0,5,0,0,0,0,0,0,0,0,0,0,100,165,196,204,207,209,202,173,144,165,196,207,215,212,147,138,168,194,196,183,173,170,178,191,202,207,212,217,215,194,111,95,101,103,103,111,170,181,189,196,196,173,113,111,113,170,207,209,209,202,196,191,183,125,111,121,170,181,186,183,178,170,170,181,170,126,173,186,196,207,212,209,207,209,212,212,217,217,209,97,73,101,115,165,165,97,58,97,111,168,176,176,181,178,176,170,170,176,178,183,194,207,207,123,118,123,191,207,204,189,181,181,189,181,118,119,199,222,225,222,222,217,215,212,212,215,220,225,222,217,222,228,228,225,220,217,222,222,220,217,215,207,194,181,133,135,181,178,135,181,186,189,191,199,207,209,204,194,178,127,94,199,215,222,215,204,196,186,176,133,133,176,186,202,202,194,191,196,202,207,212,212,212,199,44,37,105,135,186,196,204,204,199,183,129,127,130,183,186,129,131,181,191,194,194,189,187,189,191,191,194,194,189,183,181,181,186,189,194,202,199,191,186,183,189,191,191,191,186,183,181,186,199,207,209,204,199,196,194,191,189,185,186,194,199,189,135,133,181,196,209,212,209,207,209,209,199,189,186,191,191,183,133,135,178,178,183,183,178,181,183,183,186,194,196,194,196,191,133,124,123,125,133,178,178,178,183,189,191,194,196,191,183,178,181,189,191,194,202,207,204,196,192,194,189,183,183,183,181,137,136,183,196,204,204,207,209,212,209,212,215,222,225,212,133,119,125,129,131,133,189,207,212,207,200,204,215,217,215,215,209,204,202,194,98,84,111,209,204,202,199,194,183,135,129,127,129,133,129,123,122,129,194,199,202,204,212,215,215,215,215,212,204,191,176,123,118,119,133,183,183,181,189,186,122,122,183,199,202,202,204,202,191,178,131,128,131,133,176,191,215,225,222,217,207,199,191,181,178,133,127,129,135,181,181,183,181,178,135,133,132,133,181,186,189,191,196,196,194,194,191,186,183,189,202,209,212,212,207,207,202,196,191,191,196,199,202,207,212,212,202,189,186,189,196,196,189,189,194,199,204,207,209,196,181,178,183,183,186,186,189,194,196,199,202,204,204,202,199,202,199,183,100,92,117,129,173,121,114,117,176,181,176,127,127,133,186,196,207,215,217,196,109,93,124,181,191,199,202,204,207,186,137,133,131,178,183,189,189,189,191,189,183,176,174,176,176,131,125,122,122,124,131,173,131,129,131,176,178,176,176,178,189,194,191,189,189,186,178,173,131,131,131,131,178,194,207,209,202,133,74,91,196,217,228,217,217,217,217,215,212,209,209,209,204,191,189,190,196,199,202,202,207,209,209,212,212,212,209,207,204,204,199,199,202,204,204,204,204,204,204,204,207,202,181,129,133,137,133,133,183,196,207,215,215,212,207,204,202,196,107,115,181,189,182,182,191,196,194,183,134,137,189,199,204,202,199,199,202,199,195,194,196,202,199,194,186,181,177,177,178,181,186,181,131,131,181,183,183,194,209,215,212,215,217,117,90,115,202,207,207,202,199,204,209,212,212,209,196,127,136,194,204,212,212,202,189,117,123,191,209,217,215,215,215,212,215,215,215,217,217,215,217,220,222,222,222,217,215,209,207,204,207,207,207,204,202,202,202,202,199,202,207,209,207,204,204,202,199,199,202,204,204,202,196,196,194,196,199,199,199,194,191,194,194,196,196,199,194,191,189,191,191,191,191,191,189,139,133,129,131,137,189,194,196,192,192,192,194,196,199,202,196,195,195,195,195,195,196,199,202,204,204,204,207,204,191,187,189,196,199,198,196,199,204,207,202,196,194,204,215,217,217,217,215,215,209,209,222,230,230,228,228,217,212,212,215,222,225,225,225,228,230,228,222,217,222,225,235,238,235,233,225,207,202,204,217,222,155,153,212,222,235,248,248,246,246,246,246,248,251,254,255,255,255,255,255,255,254,255,255,255,255,255,255,255,255,251,248,248,246,246,246,246,246,243,243,241,238,235,230,228,228,225,225,225,225,222,220,222,222,222,225,228,228,0,0,0,0,0,0,251,248,243,238,233,230,0,0,251,248,235,225,222,222,222,217,217,215,215,209,209,207,207,207,207,207,209,209,209,209,207,207,204,204,202,199,196,196,194,194,196,196,196,196,196,196,196,196,199,199,196,196,196,194,194,191,189,189,183,133,125,123,123,123,123,121,121,123,127,168,176,183,191,196,196,204,212,220,225,228,233,235,238,238,241,243,0,0,0,0,0,0,0,0,0,0,0,0,0,241,220,194,183,186,196,204,0,0,0,0,222,217,0,0,0,0,0,0,0,0,0,217,204,194,183,176,163,152,147,144,144,107,105,101,99,99,103,103,105,107,117,168,178,178,173,173,183,196,207,215,217,215,212,207,204,199,196,202,204,204,204,204,207,207,207,209,209,207,207,212,212,212,209,204,199,196,196,199,204,207,207,207,204,199,199,199,199,194,191,189,189,191,191,194,196,196,191,190,191,194,196,199,202,204,202,202,202,199,196,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,7,7,13,25,27,27,27,25,13,5,0,0,0,0,0,21,33,37,37,37,37,33,13,8,8,33,59,73,77,75,74,77,89,137,152,168,176,176,178,189,204,233,238,204,178,189,241,233,119,100,113,209,255,255,255,255,255,255,0,255,255,255,255,255,255,255,246,217,191,173,97,57,51,59,57,53,61,142,194,209,217,217,217,209,202,217,217,170,29,0,0,0,0,0,0,61,170,0,255,255,255,255,248,243,246,248,233,181,111,47,33,21,13,15,29,41,37,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,116,126,121,126,142,160,176,189,186,155,113,47,21,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,39,64,47,47,116,157,150,150,194,241,238,228,248,255,255,238,209,150,69,0,0,0,0,0,0,0,0,0,0,9,23,35,105,202,243,248,255,255,255,255,233,212,0,0,0,0,0,0,251,235,207,155,157,152,116,103,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,9,0,0,0,0,0,0,0,1,49,129,168,168,178,183,196,189,189,215,168,35,0,0,0,0,0,29,87,150,168,163,142,100,100,137,165,204,191,168,168,189,191,176,150,109,105,102,102,107,107,99,85,97,142,152,152,150,150,170,176,173,142,101,101,99,85,85,89,83,65,64,69,81,81,91,137,99,73,54,51,54,57,83,147,157,142,91,90,93,99,137,137,137,142,163,183,183,160,139,129,87,59,35,37,43,35,26,27,37,55,53,61,81,67,47,57,41,31,33,49,53,55,61,63,53,31,25,23,21,20,39,61,75,77,71,70,75,121,134,118,79,111,118,129,129,129,129,129,129,129,129,89,75,67,71,75,79,71,69,79,126,147,155,147,93,77,77,87,95,77,60,59,63,77,103,115,160,170,176,176,131,131,183,202,215,212,212,212,212,215,230,246,255,255,255,255,255,254,255,255,246,230,207,157,87,63,51,55,55,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,142,176,178,178,189,202,209,204,200,204,215,207,189,168,168,165,155,137,83,69,69,81,89,83,73,73,75,71,51,27,3,3,25,49,69,129,157,173,183,181,173,165,157,152,150,150,150,111,110,110,110,117,163,178,189,181,165,117,111,105,95,81,75,75,69,59,56,57,61,63,63,67,63,59,55,59,59,59,59,65,71,93,137,144,137,87,73,67,63,63,69,79,89,97,89,91,107,150,170,189,194,191,191,199,202,209,209,209,199,189,173,109,83,79,95,163,186,186,170,111,99,85,85,99,109,150,160,168,163,157,165,186,202,194,181,173,173,178,181,189,199,209,220,209,194,178,178,178,199,217,230,217,186,144,93,99,160,191,215,222,225,228,233,243,238,225,209,199,163,126,95,92,82,82,108,92,74,61,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,66,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,246,165,105,61,23,5,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,178,194,137,0,0,0,0,0,0,0,0,0,0,27,98,0,0,0,0,0,0,137,157,163,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,87,25,19,21,35,79,168,207,194,241,0,0,0,3,23,0,0,0,0,0,0,0,0,0,0,160,191,199,202,204,209,202,157,112,129,183,194,207,212,155,100,150,183,189,178,168,165,170,178,189,199,209,217,209,183,117,115,178,173,113,119,176,191,202,209,217,196,170,123,111,111,196,207,212,212,212,212,207,129,91,97,125,186,191,183,123,103,90,173,170,127,176,181,183,204,209,209,204,207,209,212,215,215,204,168,99,107,117,183,204,202,176,107,165,189,186,183,186,186,178,153,160,176,186,181,170,183,194,131,121,123,189,204,194,181,134,133,178,135,121,119,186,215,225,225,225,222,217,215,215,217,222,225,222,215,217,222,225,222,215,215,215,212,207,204,202,196,186,135,132,137,189,183,183,189,191,191,189,189,191,194,191,183,176,131,128,212,225,222,204,194,191,183,181,183,181,178,191,212,215,186,181,194,202,207,207,204,196,97,31,26,69,107,125,183,196,199,191,178,130,129,130,135,181,178,178,183,186,191,194,191,189,194,196,196,191,186,181,181,181,181,183,186,194,204,207,202,202,196,196,202,204,204,196,178,121,129,191,209,212,209,207,204,196,189,186,185,186,196,202,191,131,121,113,121,191,204,204,202,207,209,207,194,186,189,189,178,132,135,181,183,186,186,186,194,196,186,183,189,191,187,189,186,129,122,122,127,178,181,178,181,186,191,196,194,186,181,181,183,183,181,183,196,209,217,215,202,194,194,189,183,181,137,135,135,181,194,202,204,207,207,209,209,212,212,212,215,222,217,186,118,122,129,135,178,183,199,209,207,202,204,212,212,209,207,202,196,194,186,123,90,104,183,183,186,194,191,183,183,183,129,131,181,137,127,127,181,194,199,204,209,212,215,215,215,215,212,207,196,183,125,125,129,176,183,181,183,199,209,122,121,173,186,189,191,191,189,176,129,129,129,133,176,133,133,199,215,215,209,202,194,191,183,133,125,124,129,135,181,181,181,178,135,135,133,132,135,183,191,196,199,199,199,199,199,196,194,189,194,204,212,215,215,212,209,207,196,189,186,194,202,204,204,207,209,202,191,183,186,191,189,183,183,191,199,207,212,209,191,181,191,196,194,191,186,186,191,194,194,196,199,199,199,199,199,199,186,101,91,103,115,125,127,121,129,176,129,125,127,131,181,191,204,215,222,225,215,123,110,127,183,194,199,202,199,189,131,131,135,181,183,189,189,183,183,186,186,183,181,178,183,186,181,173,127,127,173,183,183,176,131,173,178,183,181,178,178,186,189,189,186,183,183,181,173,129,129,131,131,133,183,194,186,113,75,53,85,181,209,222,217,217,217,217,215,212,209,207,204,199,190,189,194,199,202,199,202,204,204,204,207,209,212,212,209,204,199,198,198,204,207,207,204,204,204,204,204,207,204,183,133,137,186,183,181,183,191,199,209,215,215,209,204,199,194,117,122,135,191,183,186,199,202,202,191,137,137,196,209,212,207,202,202,202,196,196,196,196,199,202,202,196,189,179,181,186,191,194,186,133,133,181,189,189,194,204,209,207,207,204,91,81,113,194,194,189,191,194,199,207,207,207,199,183,132,181,199,212,217,212,199,183,122,129,194,209,212,209,212,215,217,217,217,217,215,215,215,217,217,217,217,222,220,215,209,204,204,204,207,207,207,207,204,202,202,199,199,204,207,207,207,207,204,202,199,199,202,202,202,199,199,199,199,199,196,194,189,186,189,194,196,196,194,194,191,189,191,191,191,194,196,196,191,141,139,141,191,199,202,199,194,192,194,194,196,202,202,196,194,194,195,196,196,196,199,204,207,207,207,207,204,196,190,190,196,199,198,198,202,207,207,199,192,192,202,209,215,217,220,222,215,207,204,212,228,233,233,230,225,215,215,209,207,209,217,222,228,233,233,225,222,225,228,233,238,238,233,222,207,200,203,212,209,128,123,153,225,238,246,248,246,243,243,246,248,251,254,255,255,255,255,255,255,254,255,255,255,255,255,255,255,254,251,248,246,246,243,243,243,243,243,241,238,238,233,230,228,228,225,225,225,225,222,222,220,220,222,225,225,228,0,0,0,0,0,0,251,248,243,241,233,230,0,0,0,246,235,225,222,222,220,215,215,217,212,209,207,207,207,207,209,209,209,209,209,209,209,207,207,204,202,202,199,196,196,196,196,199,199,199,199,199,199,199,199,196,196,196,196,194,191,186,183,183,183,178,133,127,127,127,125,123,123,123,127,168,176,181,189,194,199,207,215,220,222,225,228,233,235,235,238,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,212,194,191,191,194,0,0,0,0,217,215,0,0,0,0,0,0,0,0,0,217,212,199,189,176,163,152,147,144,144,107,105,103,103,103,103,103,101,103,113,125,173,173,127,125,170,186,204,215,217,215,212,209,207,204,199,196,194,194,202,209,212,212,212,212,209,207,204,207,209,209,207,207,204,204,202,202,202,199,199,202,202,199,202,204,204,199,194,189,189,191,194,196,199,199,191,189,189,190,194,199,202,202,202,199,202,202,199,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,5,7,9,11,13,25,21,13,13,21,21,13,7,3,9,25,29,21,7,3,7,11,9,11,31,53,69,77,77,79,77,81,89,105,150,165,173,176,176,186,202,233,235,196,168,178,233,230,135,119,139,241,255,255,255,255,255,255,0,0,255,0,255,255,255,255,255,241,217,217,209,173,134,91,85,71,69,178,228,235,217,194,165,134,113,142,131,59,0,0,0,0,0,0,53,147,209,0,0,255,255,255,255,255,248,251,243,217,178,121,118,118,103,95,103,100,64,11,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,31,108,137,142,142,155,163,173,186,189,189,160,116,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,69,85,87,90,121,134,129,142,196,241,228,220,251,255,248,230,209,157,63,0,0,0,0,0,0,0,0,0,0,0,0,0,90,202,255,255,255,255,255,255,243,228,0,0,0,0,0,255,255,230,183,150,183,176,103,74,35,0,0,0,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,13,82,137,168,168,144,139,147,139,116,71,3,0,0,0,0,0,0,37,129,178,191,168,139,97,93,103,170,207,204,176,176,176,178,170,150,104,105,105,111,152,147,93,84,109,163,165,150,142,150,170,189,186,157,142,103,103,99,93,91,97,91,77,71,75,81,93,93,73,51,49,54,65,65,83,139,157,150,99,93,95,99,93,91,91,93,137,165,165,142,87,75,65,47,35,35,35,27,27,37,69,75,57,57,63,27,15,35,33,28,31,39,45,51,67,75,79,65,57,45,29,33,69,113,116,116,75,70,73,111,116,111,83,79,83,116,126,129,129,118,116,129,129,89,73,61,61,67,67,61,55,57,69,97,152,160,95,77,77,87,87,69,61,63,71,79,99,113,121,168,178,181,176,176,191,215,215,212,207,212,204,212,230,241,255,255,255,255,255,255,255,255,251,235,209,176,150,134,124,131,126,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,113,163,178,186,202,215,217,209,204,215,217,209,186,168,160,152,105,95,81,63,63,73,83,65,59,61,61,51,35,7,0,0,19,41,63,91,157,173,183,191,183,173,165,165,163,163,163,160,117,110,110,111,160,178,189,181,173,157,113,107,101,89,79,77,67,57,54,56,61,63,63,65,63,59,55,59,59,59,55,61,71,85,131,137,97,87,79,67,65,67,73,81,87,91,91,99,107,109,157,191,202,196,191,196,199,209,209,209,199,189,173,113,89,85,105,168,183,181,173,163,111,95,87,93,103,111,160,168,168,163,170,183,196,196,181,173,176,189,191,194,199,209,209,209,191,181,181,189,199,222,225,209,186,155,144,152,178,0,0,225,225,225,235,241,233,220,204,191,160,116,87,69,60,60,82,85,64,62,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,59,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,251,165,111,64,25,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,124,139,92,0,0,0,0,0,0,0,74,31,0,3,0,0,0,0,0,0,0,64,173,173,155,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,25,25,40,15,0,77,131,77,87,103,0,0,13,0,0,0,0,0,0,0,0,0,0,0,0,173,196,199,199,204,204,189,163,73,74,118,157,191,191,102,96,107,176,183,176,168,165,168,168,176,189,209,215,202,173,121,165,191,191,170,163,173,191,202,207,217,207,202,209,125,111,199,207,215,217,222,225,220,113,68,74,94,181,196,191,123,95,77,116,123,123,173,170,111,194,204,202,202,204,209,209,212,215,207,176,117,121,123,183,204,204,183,176,199,215,196,186,178,178,170,124,153,194,202,176,112,119,181,181,178,176,183,178,127,133,135,131,135,183,131,119,125,194,215,222,222,222,217,215,215,222,225,225,222,215,215,217,222,217,212,207,202,199,196,196,194,191,183,137,133,137,186,181,181,186,194,194,191,186,186,186,186,186,183,181,191,209,217,207,191,190,191,189,189,191,186,181,186,207,212,161,164,181,196,202,202,194,183,105,69,69,91,107,127,183,191,194,186,181,178,178,178,181,181,181,181,181,179,181,189,191,194,202,204,202,194,181,177,178,186,189,191,196,199,207,207,204,204,204,204,207,209,209,196,120,104,125,196,212,215,212,209,202,191,186,186,186,189,196,199,191,131,112,103,104,129,191,196,196,199,199,199,189,183,183,181,135,133,178,183,183,183,186,191,199,199,191,186,189,191,189,194,199,183,123,126,186,194,183,177,178,186,189,191,186,179,177,181,189,186,177,178,189,209,222,217,207,202,204,199,189,181,135,134,136,189,202,202,204,207,209,209,212,215,212,212,215,220,217,199,126,127,133,181,178,181,194,207,207,202,204,209,209,204,202,194,181,135,135,183,115,113,131,127,133,194,199,189,196,199,135,133,186,189,189,191,191,189,189,202,209,207,207,209,212,209,207,202,194,183,122,131,133,133,176,173,178,196,207,123,122,127,117,109,119,173,131,124,124,127,131,133,176,129,120,133,196,202,196,191,186,186,181,124,120,123,131,178,181,178,135,135,178,135,133,132,135,186,196,202,202,202,204,204,204,202,196,186,186,196,204,207,209,209,209,207,196,181,135,183,194,199,199,202,202,199,189,183,186,191,189,183,179,181,194,207,209,199,178,133,199,204,202,196,189,189,191,190,190,190,194,196,199,199,202,202,194,111,95,105,115,176,191,194,194,181,112,110,121,173,191,199,207,212,215,222,225,204,135,133,183,196,207,215,212,191,131,130,135,181,183,189,189,182,183,183,181,181,186,191,199,204,199,189,176,131,176,181,183,183,178,181,186,186,186,178,177,181,189,194,191,189,189,186,176,129,173,183,181,178,183,183,127,77,39,26,76,113,178,209,215,220,217,215,215,212,209,204,199,191,189,191,199,204,202,202,204,207,202,200,202,204,209,212,212,207,199,199,202,207,209,207,207,207,207,204,204,209,204,186,135,181,191,191,186,186,189,194,204,215,215,215,207,199,191,128,128,135,186,183,189,196,202,199,194,183,189,207,217,212,199,196,202,202,196,199,202,199,196,199,202,199,189,186,189,194,199,199,191,132,132,183,196,194,189,189,196,202,199,189,90,83,181,196,183,178,182,185,191,199,202,202,194,181,136,191,204,215,212,196,131,123,123,133,194,204,207,209,212,215,217,217,217,215,215,215,215,217,217,217,217,222,217,215,207,204,202,204,207,209,209,207,207,204,204,202,199,199,202,204,204,207,204,202,199,199,202,202,202,202,202,202,202,199,196,194,186,185,185,189,194,194,191,191,191,189,191,194,194,196,199,199,199,194,191,191,196,204,207,204,196,192,199,196,196,199,202,199,196,196,202,204,202,202,202,204,207,207,207,207,207,202,196,194,196,199,199,199,202,202,199,194,194,196,204,209,215,217,222,225,215,207,203,204,215,225,228,228,225,225,217,204,196,198,207,217,222,228,230,228,225,225,225,230,235,233,228,222,212,205,207,209,147,111,105,135,225,235,241,243,241,241,241,243,248,254,255,255,255,255,255,255,255,254,254,255,255,255,255,255,255,254,248,246,246,246,243,241,241,241,241,238,238,235,233,230,228,228,225,225,225,225,222,222,217,217,222,222,225,225,0,0,0,0,0,0,0,246,243,241,235,230,228,0,241,241,233,225,222,222,217,212,215,215,212,209,207,207,207,207,209,209,209,209,209,209,207,207,207,204,204,204,202,199,196,196,199,199,202,199,199,199,199,199,199,199,199,199,196,194,189,183,179,179,181,181,176,131,127,127,125,123,122,123,125,168,173,181,186,194,202,207,215,217,220,222,225,230,233,235,235,238,241,0,0,0,0,0,0,0,0,0,0,0,0,0,248,228,207,202,196,191,196,204,209,212,209,209,212,0,0,0,0,0,0,0,0,222,215,202,191,178,163,152,147,144,109,107,107,105,105,105,103,101,99,101,109,119,125,121,117,115,121,176,196,209,212,212,209,209,207,204,202,194,191,191,196,207,212,209,209,212,209,204,204,204,207,207,207,209,209,207,202,196,195,192,194,196,202,204,207,209,209,204,196,194,191,191,194,196,199,196,191,189,189,191,194,196,199,202,199,199,202,202,202,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,5,0,0,0,0,11,11,8,11,31,37,31,23,11,25,31,25,5,0,0,0,0,5,19,41,59,71,75,79,87,97,97,101,144,152,173,183,191,194,194,204,233,235,196,166,178,204,196,133,141,212,255,255,255,255,255,255,0,0,255,255,255,255,255,255,255,254,217,0,0,254,228,186,160,152,152,170,0,255,251,202,155,126,69,53,37,9,0,0,0,0,0,0,33,129,207,238,0,0,255,255,255,255,255,0,255,243,222,194,147,147,147,139,139,155,134,77,15,0,0,0,0,0,0,0,0,0,0,0,0,9,9,0,0,23,98,131,152,152,155,155,155,157,170,189,186,147,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,39,87,118,131,142,134,125,139,194,220,217,217,255,255,238,199,170,131,45,0,0,0,0,0,0,0,0,0,0,0,0,0,105,220,255,255,255,255,255,255,241,225,0,0,0,0,255,255,255,215,168,150,207,202,90,59,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,0,0,27,15,0,0,0,0,0,0,25,98,137,155,150,126,108,118,118,73,35,0,0,0,0,0,0,0,73,147,189,199,181,150,100,100,144,186,212,207,189,176,176,176,170,150,111,147,155,160,165,155,101,89,150,160,142,95,87,95,147,168,168,168,155,144,147,147,99,87,97,97,81,71,73,89,95,79,59,51,57,87,97,91,91,139,160,170,168,157,150,101,85,75,76,82,97,150,150,126,69,57,55,45,37,35,31,27,31,69,75,65,55,59,65,17,7,29,31,27,28,29,29,43,71,113,118,113,79,69,57,69,118,126,126,124,81,71,70,77,75,75,73,69,68,73,113,116,87,83,83,116,118,83,69,57,55,57,57,52,48,48,52,79,150,170,142,85,83,93,85,73,71,79,81,85,103,113,160,173,183,183,176,181,191,220,222,212,207,212,204,209,220,238,255,255,255,255,255,255,255,255,254,235,209,178,168,157,150,157,152,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,69,157,186,196,202,209,209,209,215,225,225,215,186,165,157,103,97,81,65,56,59,73,81,59,53,53,55,45,27,0,0,0,3,25,45,73,147,176,191,191,183,176,173,176,176,176,176,173,165,117,111,113,163,178,189,189,178,165,119,117,107,101,93,91,75,61,56,57,61,63,67,71,69,59,59,57,55,55,55,61,67,79,97,97,87,83,79,73,67,67,75,81,81,87,89,103,107,107,157,196,212,202,202,202,202,212,212,209,204,194,173,113,97,97,109,163,176,181,176,170,152,105,87,87,103,109,160,168,168,168,176,189,191,191,181,173,176,191,194,196,189,189,194,199,189,178,181,191,212,222,222,212,186,163,163,176,196,217,228,225,215,215,228,235,235,215,204,191,170,126,92,66,56,60,90,90,69,69,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,56,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,251,176,111,61,21,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,113,69,53,72,69,30,38,108,147,160,181,196,0,0,0,0,0,0,0,0,64,168,163,155,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,144,51,23,0,0,0,0,90,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,199,194,199,199,186,173,155,100,81,103,126,150,168,105,104,152,168,173,170,170,163,160,163,165,176,196,207,178,115,121,168,186,189,183,170,168,91,72,178,196,204,215,228,220,199,202,212,215,222,225,228,230,207,86,84,94,181,194,191,183,173,121,115,113,115,119,113,85,88,189,191,194,196,204,207,209,212,215,191,109,119,173,176,173,163,119,170,191,199,204,189,169,170,166,157,164,194,207,199,123,121,129,178,186,189,178,130,130,183,196,191,189,194,133,97,107,129,194,207,215,217,215,215,217,225,225,222,217,215,212,212,215,212,204,196,194,195,199,199,202,196,186,181,135,133,131,128,129,178,191,196,194,191,189,189,189,194,199,196,194,204,207,194,189,194,207,194,189,186,186,181,181,189,194,165,157,178,191,194,191,183,183,204,217,222,215,199,186,189,191,189,181,181,183,183,186,186,183,181,189,183,177,176,183,194,202,207,209,207,202,186,177,179,194,202,204,207,207,207,207,207,204,207,207,209,212,212,196,115,86,131,207,215,217,217,204,186,186,183,183,186,189,194,194,186,135,125,108,111,129,181,189,191,186,186,183,181,137,181,178,178,183,186,191,182,179,186,191,191,196,196,191,194,196,199,207,212,204,127,127,189,196,178,173,178,183,183,183,186,191,199,202,199,194,183,181,183,196,215,215,204,207,212,209,199,183,136,137,194,209,209,204,204,207,212,212,217,217,215,215,212,215,212,194,128,128,133,137,135,178,189,194,186,189,199,204,207,199,191,186,133,131,135,135,133,181,131,119,129,194,202,199,202,202,186,133,135,191,196,196,194,185,185,194,202,199,199,202,202,202,199,191,183,133,127,183,133,130,131,123,123,173,173,125,131,181,108,88,111,176,183,124,124,129,127,127,129,123,121,123,133,181,186,186,183,178,131,124,123,129,183,186,186,181,178,183,186,178,132,132,135,183,194,204,209,209,215,217,209,199,183,135,178,183,191,196,199,199,202,204,194,134,130,131,178,186,189,189,189,186,181,183,194,196,196,186,179,179,186,196,199,186,128,132,199,209,207,202,196,194,191,190,190,190,191,199,202,202,202,204,202,125,107,109,121,181,199,207,204,125,76,105,129,183,194,204,207,209,212,217,217,215,178,133,189,204,212,212,209,199,183,178,178,135,181,189,189,186,186,186,183,183,191,202,209,212,209,199,186,178,173,127,131,178,183,181,183,183,183,181,178,181,194,204,207,202,196,186,176,129,127,173,176,173,131,176,176,133,99,101,109,113,121,189,207,212,212,215,215,212,209,207,199,190,189,194,202,204,202,204,207,209,204,200,200,202,207,212,212,209,207,204,207,209,209,209,212,212,212,212,209,212,207,191,137,181,189,189,186,186,191,196,202,207,209,212,207,196,183,133,132,132,133,178,183,189,194,194,194,191,199,209,217,207,122,125,194,199,199,204,204,196,191,191,191,194,191,186,189,194,199,199,189,137,133,137,194,199,186,183,194,199,186,133,125,129,186,194,186,179,182,183,185,191,194,194,186,181,183,199,207,209,209,133,109,113,121,131,191,199,207,212,217,215,217,217,215,215,217,222,217,217,215,215,215,217,215,209,204,202,202,204,209,209,209,207,207,207,204,204,202,196,196,196,199,202,202,199,199,199,199,199,202,202,202,202,204,202,202,204,194,185,186,191,189,196,191,182,189,189,191,199,199,194,194,199,196,194,191,194,196,204,209,209,202,196,199,196,191,191,196,199,202,204,207,209,207,202,199,204,207,207,204,204,204,204,202,196,196,199,202,199,196,194,194,199,202,202,207,212,215,217,217,222,217,209,203,199,203,215,217,215,217,217,222,217,196,192,202,212,212,217,225,228,228,225,225,228,230,228,225,222,222,217,222,222,155,120,105,131,222,233,235,238,241,241,239,243,248,254,255,255,255,255,254,255,254,254,254,255,255,255,255,255,255,255,251,243,243,243,241,238,238,238,238,238,238,238,235,230,230,228,225,225,225,225,222,220,217,217,217,222,222,225,228,0,0,0,0,0,0,0,246,243,238,230,228,230,235,238,233,225,220,215,212,212,212,212,212,209,207,204,204,204,204,207,207,207,207,207,207,207,204,204,207,204,204,202,196,196,199,199,199,199,198,199,199,199,199,196,199,199,196,194,189,183,181,179,181,178,176,131,127,125,125,123,122,122,123,125,168,176,183,191,202,207,209,212,215,217,222,228,233,235,235,238,238,241,246,0,0,0,0,0,0,0,0,0,0,0,0,243,222,212,207,196,191,194,204,207,204,202,202,212,0,0,235,230,0,0,0,222,212,204,191,178,163,155,150,144,109,107,107,105,105,105,101,99,97,99,107,113,117,115,111,110,110,119,183,204,212,209,207,207,202,202,199,196,194,194,196,202,204,207,204,207,207,204,204,204,207,207,209,209,207,202,196,195,194,192,194,199,207,209,209,212,209,204,202,196,194,189,189,194,191,190,190,190,194,194,194,194,199,199,199,199,202,202,204,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,11,0,4,31,31,31,31,31,31,31,23,3,0,0,0,0,5,25,41,51,59,71,85,124,97,134,105,147,168,194,209,204,204,204,225,241,248,238,212,204,191,137,141,199,243,255,255,255,255,255,255,0,255,255,255,255,255,255,255,255,220,209,246,255,255,243,220,196,186,0,0,255,255,217,155,124,116,98,63,37,17,0,0,0,0,0,7,49,134,215,235,217,202,228,0,0,255,255,255,255,233,199,173,147,144,147,147,155,160,134,79,23,0,0,0,0,0,0,0,0,0,0,0,5,15,15,3,0,19,74,126,144,142,134,129,129,139,157,160,155,126,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,142,181,181,142,129,150,194,220,212,217,251,255,228,168,126,69,25,0,0,0,0,0,0,0,0,0,0,0,0,0,105,220,251,255,251,246,241,248,241,225,204,0,0,0,255,255,0,0,0,183,207,186,92,66,51,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,19,31,64,31,0,0,0,0,0,0,33,113,142,142,134,105,71,103,113,103,39,0,0,0,0,0,0,0,79,147,178,194,191,170,152,152,170,199,207,196,186,176,176,176,170,165,168,173,173,168,163,155,152,160,163,142,89,81,77,81,97,157,163,157,150,152,155,155,103,91,95,91,81,73,81,95,95,73,59,79,137,144,144,103,103,142,155,157,170,183,183,147,83,71,63,83,144,147,134,87,65,57,49,37,35,35,29,29,43,79,71,48,50,59,41,3,0,23,29,28,29,33,7,29,67,108,113,111,79,77,81,113,121,124,137,144,121,77,75,75,71,69,68,66,67,71,79,79,77,71,77,83,81,71,63,51,49,53,55,55,52,52,55,73,142,163,147,95,87,83,79,79,87,93,91,85,93,111,121,170,173,168,121,125,183,215,222,215,212,212,205,209,220,238,251,255,255,255,255,255,255,255,255,235,209,186,173,165,150,134,118,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,71,160,189,196,196,199,199,202,212,225,228,207,183,170,165,150,101,81,59,55,58,71,81,65,51,51,51,47,35,0,0,0,0,9,25,55,139,181,191,183,176,173,176,186,186,186,178,176,168,163,160,117,163,178,181,181,178,173,170,163,155,115,109,105,93,73,63,61,63,67,77,85,77,65,61,55,55,55,55,61,67,73,83,87,77,74,81,81,75,75,75,75,75,81,89,99,101,109,173,196,212,212,207,202,202,207,212,215,212,199,178,155,103,87,97,115,173,173,173,173,152,105,86,86,97,111,160,160,160,170,183,194,186,183,176,166,168,181,191,191,186,178,181,189,181,178,189,202,212,222,230,222,189,163,160,178,209,228,235,228,217,215,235,246,225,207,204,191,176,139,92,69,64,77,116,108,74,69,113,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,251,176,100,48,15,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,126,124,44,56,74,100,160,186,189,196,217,233,51,0,0,0,0,0,0,0,43,108,98,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,157,220,194,0,0,0,0,5,129,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,155,194,196,170,152,165,157,142,134,150,139,144,173,189,196,170,152,157,163,165,160,157,160,160,117,97,67,60,81,168,181,176,168,178,186,186,67,27,60,109,202,215,222,212,202,202,215,222,225,222,217,225,220,194,222,207,186,183,186,189,191,189,121,114,116,123,109,66,66,95,173,178,183,194,202,209,217,222,123,75,103,173,173,170,163,121,119,173,183,189,181,173,170,168,168,183,199,207,202,181,127,127,129,173,183,183,132,133,207,220,212,202,183,61,56,95,111,121,186,199,207,207,207,212,215,215,212,207,207,207,202,196,199,199,196,194,195,199,204,207,202,191,186,181,131,127,126,129,135,183,189,191,191,191,191,189,191,194,194,194,199,202,194,191,196,199,186,181,181,178,176,176,183,191,191,189,199,194,183,178,179,191,212,222,225,217,204,191,186,186,178,135,181,186,183,186,186,186,189,191,186,176,174,183,202,207,209,212,209,204,194,183,189,204,209,207,204,204,207,207,207,204,204,207,209,209,209,204,119,73,127,207,217,222,217,204,189,189,186,183,183,186,186,189,186,186,183,133,137,186,186,191,194,186,181,135,133,135,183,183,186,194,196,194,179,177,189,194,189,189,191,191,194,199,209,217,217,209,183,129,133,181,181,181,183,135,135,181,194,204,212,212,209,204,196,189,183,191,207,204,196,202,207,207,199,186,139,191,209,217,212,204,204,209,212,215,217,220,217,215,212,209,202,135,126,128,129,129,133,181,183,133,130,133,186,194,199,186,178,181,133,131,133,135,135,135,123,114,125,194,204,204,209,212,196,131,131,191,199,194,186,186,191,191,189,189,189,189,189,191,189,181,133,129,133,181,128,128,131,123,120,121,122,125,183,202,186,119,125,176,178,126,129,133,125,121,122,122,123,127,131,181,189,189,186,181,133,129,131,181,189,191,189,189,189,194,191,183,133,131,132,178,194,202,209,217,228,225,204,178,122,123,129,135,181,181,183,183,186,196,194,134,130,133,181,178,131,129,133,178,181,186,194,199,199,191,189,186,181,183,181,132,128,133,199,212,212,204,202,199,196,196,194,191,194,199,204,202,202,204,202,129,115,117,125,173,181,207,202,107,94,173,186,186,191,204,207,209,215,215,212,199,129,131,189,204,207,207,202,191,186,183,181,181,183,186,189,191,191,191,189,186,194,204,215,215,212,202,194,183,129,119,121,131,176,176,176,181,183,181,181,183,194,207,207,204,196,186,176,129,123,122,123,123,125,178,196,209,212,209,199,133,123,131,191,199,207,212,215,212,212,209,202,194,194,199,204,204,202,207,209,212,209,202,200,204,207,204,202,204,204,204,204,204,209,212,215,212,212,215,215,212,209,196,183,183,183,183,183,189,194,194,196,202,204,204,194,183,178,135,133,132,132,178,183,186,189,191,191,194,199,204,207,191,119,122,186,196,199,204,204,194,187,186,186,187,189,186,189,194,196,194,189,183,131,127,129,181,183,189,202,204,127,127,129,135,183,189,191,189,189,186,186,186,186,186,181,181,186,196,199,199,194,119,99,103,115,125,189,196,217,215,220,222,220,217,215,217,222,225,222,215,212,211,211,215,212,207,202,200,202,204,209,212,212,209,209,207,207,204,199,194,191,189,194,196,196,199,199,199,198,199,199,202,204,202,202,200,202,209,202,191,194,199,196,196,186,177,183,186,191,199,199,194,194,199,196,191,191,191,196,204,209,209,207,202,202,196,189,186,189,196,202,207,209,212,209,199,196,202,207,207,204,204,202,199,199,199,196,199,202,199,194,191,194,202,207,207,209,215,215,212,212,212,212,212,209,202,203,215,212,196,196,212,228,230,207,194,199,204,207,215,225,230,230,228,225,225,228,225,222,222,225,228,235,238,230,204,126,139,217,233,233,235,238,241,239,243,248,254,255,255,255,254,254,254,254,254,254,255,255,255,255,255,255,254,248,243,241,241,238,238,238,238,238,238,241,238,235,233,230,228,225,225,225,225,225,222,217,217,217,217,220,222,225,230,0,0,0,0,0,0,0,243,238,233,228,230,233,235,233,228,217,212,212,209,209,209,212,212,207,204,204,202,204,204,204,207,207,207,207,207,207,204,207,207,204,202,199,196,199,202,202,199,199,199,199,199,199,196,196,196,196,194,191,186,183,181,181,178,176,131,127,125,123,123,123,123,123,123,165,173,181,189,196,202,204,204,209,215,222,225,230,233,235,238,238,238,241,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,204,191,191,196,199,199,194,194,199,217,225,225,225,0,0,0,0,215,209,196,181,165,157,152,144,107,105,105,105,105,103,101,99,97,97,103,109,115,115,111,109,108,111,129,194,207,209,207,204,202,199,196,196,196,196,196,199,202,202,199,202,204,207,207,207,207,207,207,204,202,199,196,195,196,196,199,207,212,215,215,212,207,204,202,196,189,185,186,191,191,190,190,194,199,202,199,199,199,199,199,199,202,202,204,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,15,0,4,11,5,11,39,43,43,41,31,11,5,5,9,11,19,35,47,51,59,65,79,85,87,99,105,157,181,202,225,228,212,212,228,241,251,255,251,235,209,196,199,217,251,255,255,255,255,255,0,0,255,255,255,255,255,255,255,241,217,241,255,255,255,243,233,215,207,0,0,255,255,173,113,98,105,116,105,90,59,57,53,23,0,0,11,33,67,134,160,139,150,209,0,0,255,255,248,241,207,173,144,135,139,142,142,134,129,113,90,37,5,0,0,0,0,0,0,0,0,0,19,35,35,21,3,0,13,64,116,134,126,111,111,118,134,142,124,92,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,137,191,207,176,155,170,196,209,207,209,228,233,209,152,87,59,27,0,0,0,0,0,1,9,0,0,0,0,0,13,157,228,243,246,241,230,230,238,233,204,196,186,0,0,255,255,0,0,0,183,186,165,108,92,74,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,25,31,13,0,0,0,0,0,0,27,103,116,103,65,63,103,134,144,137,65,0,0,0,0,0,0,0,47,137,165,181,191,196,196,196,199,199,186,173,168,168,168,176,178,178,181,191,181,165,157,157,170,181,173,103,83,77,67,75,89,142,147,142,147,155,165,152,93,86,91,95,89,87,95,101,93,71,67,103,176,173,144,103,139,147,150,147,150,168,183,165,91,72,67,93,152,152,131,75,57,49,39,31,31,29,29,28,41,69,63,47,46,51,29,0,0,0,35,39,51,65,13,29,57,67,63,63,69,79,113,116,112,112,126,144,124,77,79,81,75,73,69,69,73,79,79,79,71,61,57,65,67,65,63,51,47,50,61,67,67,69,71,81,97,139,139,101,95,87,85,95,105,103,93,93,93,109,121,168,168,119,115,115,127,191,212,212,212,212,212,209,220,238,251,255,255,255,255,255,255,255,254,235,217,194,176,160,134,77,55,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,108,163,189,189,189,196,194,194,204,215,215,204,186,178,178,173,157,97,69,59,67,85,129,91,71,57,53,45,29,0,0,0,0,0,11,43,129,173,183,181,176,176,183,191,194,186,178,176,176,176,170,168,170,173,178,178,178,178,173,170,168,157,155,150,105,91,75,69,69,75,85,95,85,71,61,61,55,55,61,67,67,67,79,79,74,72,75,79,79,75,74,75,75,77,91,101,101,111,173,196,207,209,215,207,202,202,212,215,212,202,183,157,99,81,85,107,165,173,168,165,155,109,97,95,105,111,152,152,115,165,186,191,181,176,170,168,166,183,191,191,183,179,179,186,181,176,189,199,209,220,233,222,191,163,160,173,209,228,238,230,0,228,246,246,225,207,194,191,170,134,98,82,66,79,126,126,90,74,90,118,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,48,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,0,255,255,255,251,170,87,29,7,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,176,183,48,56,98,176,202,199,199,202,212,217,181,118,0,0,0,0,0,0,0,0,66,61,19,11,0,0,0,0,0,0,0,0,0,0,0,0,7,77,165,212,199,0,0,46,77,74,165,165,29,0,0,0,0,0,0,0,0,0,0,0,0,0,11,27,23,29,55,152,170,124,118,144,163,176,199,207,160,144,178,207,217,163,62,105,117,163,160,157,155,163,123,51,4,14,77,178,176,165,115,121,181,207,178,73,51,85,199,207,199,190,189,191,212,222,222,217,217,217,207,123,170,121,91,85,111,181,196,207,191,178,181,191,186,81,73,89,165,165,119,168,183,204,228,202,95,0,0,75,123,170,163,119,117,123,176,178,178,173,168,168,181,196,204,204,202,191,176,127,126,127,178,186,176,176,196,209,212,207,133,55,54,94,103,113,135,191,196,196,196,199,202,202,196,194,196,199,194,190,192,204,204,196,195,199,202,202,199,189,181,181,133,128,128,133,178,135,181,183,186,189,189,186,189,194,196,196,202,204,202,194,189,176,133,178,181,176,173,176,186,196,204,209,209,202,189,179,178,191,209,217,222,215,199,186,181,178,131,131,178,186,186,186,189,191,191,189,183,178,178,194,209,209,207,212,212,207,202,194,194,204,209,202,196,202,207,207,204,204,207,212,209,207,207,207,120,63,121,207,217,217,217,209,199,196,194,189,183,183,183,189,194,196,196,196,196,194,194,196,199,191,133,128,131,178,196,196,199,202,207,202,186,182,202,204,191,183,183,183,186,194,212,217,215,209,196,178,131,135,186,191,186,130,127,178,202,212,215,215,215,209,204,191,183,186,194,194,189,191,194,199,194,183,183,196,212,215,209,207,207,212,215,215,217,217,215,215,212,209,196,131,128,135,129,124,128,189,191,135,131,132,135,189,191,135,130,135,133,131,133,135,178,133,118,113,123,194,204,207,215,220,199,130,131,194,196,186,185,196,204,181,130,181,181,178,181,186,183,135,131,133,183,183,127,128,183,181,123,120,120,123,181,191,183,131,129,173,173,127,129,176,125,120,121,123,127,131,176,183,191,194,191,183,178,135,135,181,186,191,194,196,202,202,202,191,135,131,132,183,191,194,202,215,228,212,135,121,119,122,131,137,181,179,178,177,179,196,199,183,135,189,191,181,128,125,129,181,183,186,191,196,194,194,196,189,133,132,133,133,133,183,202,212,212,204,202,202,207,207,202,199,199,202,202,199,199,202,199,170,119,121,123,119,102,113,123,111,119,176,186,189,183,196,207,209,212,209,194,176,128,131,183,194,196,199,194,135,133,133,135,181,183,186,189,194,199,199,196,191,194,204,212,215,209,202,194,181,123,115,117,129,176,178,178,181,181,181,178,178,186,196,199,196,191,181,131,125,120,120,122,123,127,183,204,215,217,217,215,199,131,127,135,189,199,209,215,215,209,207,202,202,202,207,209,207,207,209,215,215,212,204,202,207,199,136,136,194,199,194,194,196,204,209,209,207,207,209,207,204,202,196,191,186,182,181,183,189,191,191,194,199,199,191,181,134,135,135,133,132,133,183,183,181,186,189,189,191,191,191,194,181,123,125,181,191,194,199,199,194,189,187,187,191,194,194,194,194,191,189,186,183,131,124,124,129,183,196,209,209,183,131,131,133,137,189,199,207,204,199,194,189,183,183,181,183,189,196,194,191,183,119,101,99,95,85,103,115,230,220,220,225,225,222,217,217,222,222,217,212,211,211,211,212,212,209,204,202,202,204,209,212,212,212,209,209,207,204,199,194,189,187,189,194,196,199,199,199,199,199,202,204,204,202,200,199,202,207,196,186,194,202,199,196,182,177,183,189,191,196,194,194,196,202,202,194,190,191,196,202,204,207,207,204,202,199,191,186,141,189,194,202,204,209,207,196,195,202,207,209,207,207,202,198,199,196,194,196,199,194,192,192,199,209,212,212,212,215,215,209,204,204,207,212,215,209,209,217,212,131,131,217,230,238,225,202,202,204,207,217,228,230,230,228,225,225,228,228,222,222,225,233,238,241,241,233,155,139,153,228,230,233,238,241,241,243,246,251,254,255,255,254,254,254,254,252,254,255,255,255,255,255,254,248,246,243,241,241,238,238,238,238,238,238,241,238,238,235,233,230,228,225,225,225,225,222,220,217,217,217,217,217,222,228,0,0,0,0,0,0,0,241,238,235,230,230,233,235,233,228,217,212,209,209,208,208,212,212,209,207,204,202,202,202,204,207,207,209,209,207,207,207,207,207,204,202,199,199,199,202,204,202,202,202,202,202,199,196,196,194,194,194,191,189,186,183,181,178,133,129,127,123,122,123,125,125,125,125,127,170,178,183,191,196,196,202,207,212,217,225,228,233,235,235,235,238,241,243,0,0,246,246,248,0,0,0,0,0,0,0,0,0,217,209,199,194,191,194,194,191,191,191,199,202,207,212,215,0,0,0,0,215,202,183,170,163,155,147,107,105,103,103,103,103,101,99,97,96,97,105,113,117,117,113,109,110,121,183,202,207,207,204,199,196,196,194,194,194,194,196,196,196,194,196,202,207,207,207,204,204,204,202,202,199,199,202,202,204,207,215,222,220,217,212,207,204,202,196,186,183,186,194,191,190,191,199,207,209,207,204,202,202,202,202,202,202,204,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,11,0,0,0,23,37,23,15,15,5,11,31,43,49,49,41,31,25,25,31,37,41,49,57,63,61,69,77,79,87,103,147,165,183,199,225,225,212,204,212,235,251,255,255,255,251,243,243,243,255,255,255,255,255,255,0,0,255,255,255,255,255,255,255,217,202,209,241,255,248,243,243,222,215,0,0,255,225,131,88,85,95,116,124,105,98,108,118,98,37,17,13,17,21,29,51,90,129,0,0,0,255,222,222,215,189,157,138,130,139,142,124,98,87,98,100,66,31,0,0,0,0,0,0,0,0,0,17,33,29,11,0,0,3,37,98,111,98,77,77,100,121,126,74,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,168,191,178,160,168,186,189,189,183,183,191,186,160,126,69,37,0,0,0,1,19,21,21,11,3,3,1,11,69,191,233,235,235,230,225,225,225,212,194,178,0,0,0,255,255,0,0,0,168,150,139,124,0,103,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,37,45,33,31,51,118,150,163,142,103,9,0,0,0,0,0,0,0,73,150,178,199,220,230,230,215,199,186,173,165,163,168,176,178,189,194,194,181,165,157,165,183,194,181,147,91,79,75,67,87,101,101,139,155,173,183,155,91,83,91,97,97,95,95,95,75,62,67,137,176,176,144,101,103,152,155,142,134,139,168,155,97,77,80,134,165,165,134,63,45,39,29,25,25,27,28,28,35,59,57,47,46,51,43,13,0,0,35,51,67,77,23,35,55,54,51,52,61,79,121,121,112,108,118,137,118,79,83,113,81,81,81,113,113,79,75,73,63,37,26,39,51,63,63,51,44,49,71,79,75,79,83,95,97,131,95,95,101,105,107,105,105,103,93,93,103,111,121,165,165,119,115,115,121,183,202,202,212,212,212,209,220,238,251,255,254,255,255,255,255,255,254,243,225,207,176,147,91,67,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,51,126,170,178,178,189,196,196,181,181,186,196,194,189,178,183,189,176,150,89,71,85,137,155,160,139,81,55,43,23,0,0,0,0,3,9,37,85,160,181,183,183,183,186,194,196,186,176,176,186,186,186,176,170,170,178,178,181,181,178,181,173,165,163,157,113,101,83,77,77,83,95,95,85,75,65,67,67,67,67,73,67,67,73,81,75,72,72,77,79,77,74,75,77,77,87,101,101,109,163,191,199,204,207,204,204,204,207,212,212,202,183,117,85,69,75,99,155,170,173,173,165,152,109,107,109,111,111,109,105,152,176,183,178,168,168,168,170,183,191,191,186,181,181,186,181,173,178,194,199,209,220,212,191,165,160,173,199,228,238,0,0,238,246,246,235,209,204,194,163,126,111,98,77,79,126,134,108,74,69,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,46,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,0,255,255,255,251,165,85,25,5,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,176,181,173,163,181,204,204,202,199,202,207,204,194,220,0,0,0,0,0,0,0,0,39,39,21,21,25,29,19,0,0,0,0,0,0,0,0,0,0,53,137,176,108,0,0,31,53,51,147,147,21,0,0,0,0,0,0,0,0,0,0,0,0,0,79,204,225,152,61,59,95,111,121,134,168,189,204,207,178,144,163,194,189,83,24,95,117,165,168,168,160,165,163,83,58,64,79,95,115,119,113,115,178,233,241,230,81,93,186,202,192,189,189,191,207,217,220,215,215,212,183,107,116,115,90,84,111,170,178,191,199,204,207,209,222,217,125,105,176,176,120,121,115,115,202,85,0,0,0,0,7,27,11,0,5,13,113,170,176,168,121,168,183,202,204,202,202,194,181,129,128,129,131,173,173,133,178,183,191,196,191,111,101,103,105,123,183,191,194,196,194,191,191,189,186,186,189,194,194,192,196,209,209,199,196,199,199,194,186,133,123,129,135,133,133,178,181,181,181,183,183,183,186,189,196,202,204,204,207,209,207,202,186,131,131,178,186,181,174,178,186,196,207,212,212,209,212,204,178,179,194,204,209,202,186,135,135,133,130,130,181,191,194,194,194,194,189,189,186,186,189,204,215,215,212,215,215,215,215,199,186,196,209,196,191,202,209,207,202,199,207,212,212,207,207,209,176,75,121,204,215,212,212,212,204,202,199,191,183,182,189,196,202,204,202,202,199,194,194,204,207,196,123,123,129,183,215,212,209,209,209,209,199,199,215,215,199,183,178,178,178,183,204,209,207,207,204,196,189,183,183,186,178,128,125,178,204,212,215,217,217,215,207,191,135,135,181,183,183,186,189,191,189,139,183,199,209,209,209,209,212,215,215,215,217,217,215,209,212,212,202,137,135,191,181,123,125,189,202,204,191,134,135,191,194,135,129,131,131,130,133,183,183,181,123,115,123,186,202,207,215,212,191,132,132,186,189,186,189,199,204,122,116,131,133,135,183,191,189,178,133,178,189,183,131,133,194,194,178,127,123,131,178,173,128,128,131,129,127,123,127,133,127,123,125,131,133,176,176,183,194,199,196,194,189,183,178,178,186,196,202,207,207,207,207,199,183,135,183,202,196,189,189,196,196,131,123,122,129,137,189,194,194,189,183,179,181,196,202,191,189,194,199,189,131,126,129,183,186,183,186,191,191,194,194,186,131,131,181,191,191,196,202,207,207,200,199,200,212,215,212,207,204,204,202,196,194,199,196,170,121,121,121,113,97,100,121,123,129,173,178,181,173,183,199,207,207,191,131,129,178,133,131,135,183,189,183,132,129,129,131,178,183,183,186,191,194,196,196,194,194,199,207,207,204,199,189,173,117,114,116,127,181,183,183,178,178,176,176,174,176,189,194,194,189,178,129,125,123,125,127,125,127,176,196,209,209,212,215,207,181,129,131,178,191,204,212,212,204,199,199,202,207,209,215,215,212,215,215,215,212,207,207,202,137,126,129,186,194,191,190,191,196,202,202,196,196,196,189,183,189,194,194,189,182,181,183,189,189,186,186,194,196,189,178,135,178,178,135,132,133,181,178,131,178,183,189,194,183,137,183,137,131,132,181,189,191,199,202,202,202,199,199,202,204,207,207,204,194,189,186,181,131,126,127,137,191,202,212,212,209,181,129,130,186,202,209,215,215,209,202,191,186,183,186,189,194,196,194,191,191,135,121,115,83,69,64,62,222,215,215,220,225,222,217,217,222,217,215,211,212,212,212,215,215,212,207,202,200,202,207,209,209,209,209,209,207,204,199,194,191,189,189,191,194,199,202,202,202,202,202,204,204,202,200,200,204,202,133,130,139,191,194,194,182,179,186,191,191,194,194,192,196,202,204,202,196,194,196,199,202,204,207,207,204,202,194,139,131,130,139,196,202,204,202,196,199,207,207,204,202,204,204,199,199,196,192,194,194,192,192,194,204,212,215,212,212,215,215,209,202,199,199,204,209,215,222,222,207,113,105,215,225,238,233,217,215,215,215,217,222,225,225,225,225,228,230,230,228,225,228,233,233,233,238,238,222,124,125,215,228,233,235,241,241,243,246,248,251,254,255,255,254,254,254,252,254,255,255,255,255,255,248,246,246,246,246,243,241,238,238,238,238,241,241,241,238,238,233,230,228,228,225,225,225,222,217,217,217,217,217,217,222,225,233,238,0,0,0,0,0,241,238,235,233,233,233,233,230,225,217,212,209,209,208,208,209,212,209,207,204,202,202,202,204,207,207,207,207,207,207,204,204,204,204,204,202,199,202,204,207,204,204,204,204,202,199,196,194,194,194,194,191,189,186,186,183,178,133,129,127,123,123,123,127,129,127,127,127,170,173,178,183,189,194,199,207,209,215,217,225,228,230,233,235,235,241,243,243,243,243,243,243,241,0,0,0,0,0,0,0,0,217,217,209,199,191,189,189,189,189,186,186,186,191,204,209,0,0,0,0,222,207,189,173,163,157,152,144,107,105,103,105,105,103,101,99,97,97,101,111,117,121,121,117,115,121,178,196,204,202,199,199,196,194,191,191,190,191,194,196,191,186,189,199,204,204,202,202,204,202,202,202,204,204,207,207,209,215,222,225,222,217,212,207,204,199,191,185,185,189,191,190,190,196,204,215,215,212,207,204,204,204,204,202,202,202,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,15,0,0,0,7,48,31,23,11,5,7,11,31,43,49,43,37,35,35,43,55,57,61,69,71,69,71,77,79,87,137,157,165,176,191,202,212,212,204,212,235,251,255,255,255,255,255,255,255,255,255,255,255,255,255,0,255,255,255,255,255,255,255,246,198,189,174,159,230,248,251,251,222,207,215,0,235,191,121,86,82,90,113,124,116,108,108,118,108,82,37,29,25,23,25,51,105,0,0,0,0,255,215,207,207,189,173,150,135,139,139,108,64,60,74,90,85,56,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,66,74,39,33,33,66,87,90,53,0,0,0,0,0,0,0,0,0,0,0,0,15,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,118,160,157,134,134,160,176,176,160,157,176,191,186,168,142,53,17,9,35,53,47,35,25,25,31,37,35,47,139,220,235,228,222,220,222,222,222,202,183,178,0,0,0,255,251,0,0,0,183,139,124,152,160,126,66,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,25,25,29,49,111,124,111,71,53,7,0,0,0,0,0,0,0,0,89,163,212,235,246,241,222,202,196,186,170,168,168,173,178,178,191,181,173,165,168,176,194,204,199,165,103,83,77,67,81,97,101,147,168,191,196,165,99,87,97,137,103,95,89,87,69,61,66,93,152,155,144,137,142,157,173,155,137,137,144,139,93,85,97,152,178,170,139,63,45,47,33,27,28,31,33,33,41,59,61,57,55,61,73,75,57,35,39,57,71,77,45,55,65,55,52,52,63,81,124,129,118,112,118,126,118,83,116,83,81,81,116,131,121,79,67,65,43,24,22,27,49,63,65,51,42,46,75,81,73,73,83,134,147,142,101,95,105,144,147,144,101,93,99,103,107,113,121,165,123,119,119,119,127,181,191,202,212,212,212,209,220,238,251,255,254,255,255,255,254,254,254,243,233,215,176,139,85,69,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,53,126,160,178,178,186,196,183,172,169,170,174,176,181,178,178,196,186,160,103,91,97,155,181,189,168,134,69,49,29,3,0,0,0,9,0,31,67,147,176,191,194,194,194,194,186,178,170,176,183,189,186,176,170,165,170,178,186,189,186,178,176,168,168,165,157,107,97,91,85,91,95,99,95,77,75,77,79,79,77,73,67,66,71,81,81,74,72,75,79,77,74,75,77,77,83,101,101,101,152,176,191,199,199,204,204,204,202,212,212,202,183,115,77,61,67,87,115,170,173,173,165,163,152,113,111,111,105,95,95,109,160,170,168,160,160,163,168,178,183,186,181,178,181,181,173,170,176,189,189,199,209,202,191,170,170,181,199,220,238,0,0,0,246,254,246,225,212,204,163,129,126,126,87,79,116,126,95,64,56,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,251,157,79,25,0,0,0,0,0,7,7 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,168,178,186,204,212,204,199,202,204,209,209,150,165,0,0,0,0,1,116,87,33,64,39,23,41,170,189,168,41,0,0,0,0,0,0,0,0,0,3,53,82,0,0,0,0,27,21,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,233,233,194,98,53,63,126,142,150,176,194,204,204,186,150,157,170,160,79,25,105,168,181,189,196,196,170,165,176,91,59,64,93,109,93,71,79,119,207,230,225,101,93,107,194,204,199,194,191,204,217,217,212,209,199,186,170,127,173,125,117,173,170,123,125,191,207,215,217,228,225,194,170,178,189,178,125,46,31,55,39,0,0,0,0,0,0,0,23,3,0,15,113,168,125,117,127,178,199,204,202,196,191,181,176,176,191,121,102,128,176,132,176,178,191,204,209,204,127,113,129,183,186,191,196,196,189,183,181,139,186,186,186,194,199,202,209,207,196,196,202,199,191,137,123,112,113,123,131,178,183,186,189,186,186,183,183,189,196,207,212,209,204,207,209,212,209,196,134,133,183,194,189,178,178,183,191,199,207,215,217,225,217,177,174,181,191,196,186,133,131,132,133,132,132,186,207,212,207,199,194,194,196,202,202,204,207,212,212,212,212,212,222,225,178,95,111,194,183,186,199,209,204,196,196,202,207,209,207,207,207,199,127,125,191,202,199,202,204,202,196,191,183,179,182,194,204,207,204,204,202,196,191,196,207,212,207,122,123,128,186,222,222,215,212,209,209,207,207,215,212,199,183,177,177,177,178,191,196,199,207,209,204,194,181,133,133,131,131,130,186,202,209,212,217,225,225,212,189,135,134,135,137,181,183,183,189,186,139,186,202,209,208,209,215,220,217,217,217,222,217,215,207,209,212,199,137,135,183,181,128,128,186,204,212,199,128,181,204,204,186,130,129,129,130,178,189,186,181,123,116,121,135,189,202,207,202,189,135,132,132,181,189,191,196,196,120,112,127,133,178,191,202,196,178,130,131,178,181,178,181,189,191,186,183,189,189,181,131,129,129,129,125,113,117,131,183,176,131,176,186,191,189,183,186,191,196,199,199,196,186,178,178,191,204,209,209,207,202,196,191,186,186,196,207,202,189,183,135,108,108,125,199,204,202,204,207,212,209,202,191,189,191,194,191,189,191,196,194,178,128,129,181,181,181,183,186,189,191,191,181,131,133,194,207,207,202,199,202,202,200,199,202,209,215,215,212,209,209,202,194,194,196,196,176,123,121,121,119,107,102,173,129,129,173,176,127,127,173,189,204,204,173,127,176,204,129,118,123,131,178,183,181,135,132,133,183,189,186,183,183,183,189,194,191,191,196,199,199,196,189,176,123,116,115,116,123,173,181,176,170,170,173,178,178,181,189,191,189,186,178,173,173,178,183,183,173,125,127,186,204,209,209,212,204,183,131,129,131,181,194,207,207,199,194,196,204,207,212,215,217,215,212,209,209,209,209,204,194,136,130,134,191,196,194,191,192,199,202,199,194,194,189,179,177,183,194,196,191,186,183,183,189,186,182,183,191,191,186,186,189,189,181,135,133,133,135,131,123,123,133,191,202,186,135,135,135,135,181,186,189,191,199,207,212,215,207,202,204,212,222,225,215,204,194,189,181,129,128,183,199,204,209,212,215,209,181,129,131,196,209,215,217,215,209,202,194,189,186,191,194,196,196,196,199,202,196,191,189,119,82,66,60,137,194,204,212,217,217,217,217,217,217,212,212,212,215,215,217,217,215,209,202,200,202,204,204,207,207,209,209,207,204,199,194,191,189,189,189,191,196,199,202,202,202,202,204,204,202,202,202,207,196,126,126,131,139,186,189,186,183,191,191,194,196,196,194,194,199,204,207,202,199,199,202,204,207,207,204,204,199,191,135,125,124,131,196,207,204,199,196,202,207,202,141,140,196,204,204,202,196,194,194,194,194,196,202,207,209,207,204,207,212,215,212,204,194,192,194,204,215,222,222,212,113,93,91,194,220,222,217,217,225,225,222,217,217,222,222,225,228,230,235,235,235,233,233,230,226,230,235,225,117,116,147,225,233,238,241,243,243,246,246,248,251,254,254,254,254,254,254,255,255,255,255,255,251,243,243,248,248,248,246,243,241,241,241,241,241,241,241,241,241,235,233,230,228,228,225,222,217,217,217,220,222,222,217,217,225,230,235,241,246,246,0,0,0,241,238,235,235,233,230,228,222,217,215,212,212,209,209,209,209,209,207,204,204,202,202,202,204,207,207,207,207,204,204,204,204,207,204,204,202,202,204,207,207,204,204,204,204,202,196,194,194,194,191,191,189,189,186,183,181,176,129,127,125,125,127,129,129,129,129,168,170,173,176,178,183,191,202,207,209,212,212,217,222,228,230,233,235,238,241,241,241,241,243,243,243,0,0,0,0,0,0,0,0,225,225,217,204,191,186,186,186,186,183,183,183,189,199,207,0,0,0,0,222,207,189,176,165,160,155,147,109,107,105,105,105,105,103,99,99,99,103,107,115,121,125,125,123,127,181,196,202,199,196,196,196,194,191,190,190,190,191,194,189,185,185,191,199,199,199,202,204,204,204,207,207,207,207,209,212,215,222,222,222,215,212,209,204,196,189,186,189,191,191,190,190,199,209,222,222,212,207,207,207,207,204,204,202,202,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,0,0,0,0,0,7,5,0,0,0,0,23,37,43,49,43,43,43,55,63,63,63,71,75,73,73,73,73,85,105,157,165,176,186,194,202,202,212,228,243,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,202,183,178,174,174,248,255,255,251,222,191,181,191,196,173,131,103,88,90,105,113,116,100,98,100,100,85,49,49,92,92,103,144,0,0,0,0,0,255,222,212,207,199,189,181,160,150,131,98,64,60,64,66,66,56,31,15,3,3,5,3,0,0,0,0,0,0,0,0,0,0,25,56,51,25,18,21,23,31,59,61,27,0,0,0,0,0,0,0,0,0,0,1,40,38,30,33,40,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,131,139,116,103,126,150,150,131,139,176,215,230,225,194,87,37,25,45,61,53,41,33,31,41,59,53,61,137,217,228,220,204,207,209,222,209,202,194,194,0,0,0,255,255,0,0,0,207,137,124,170,176,142,77,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,47,57,95,118,108,45,27,11,0,0,0,0,0,0,0,0,0,37,150,220,243,243,233,220,207,207,196,173,168,168,173,178,178,170,173,168,173,176,183,194,194,181,155,99,77,61,53,65,85,142,163,176,191,186,170,144,99,103,139,101,89,87,89,81,73,73,85,97,144,152,152,157,160,173,170,155,139,137,99,93,93,147,173,181,176,144,75,61,73,75,73,79,77,73,63,63,73,79,83,79,77,83,121,85,73,61,71,79,77,69,79,83,77,69,67,69,79,121,129,126,124,126,129,121,116,118,81,73,77,87,116,79,65,59,53,35,23,23,35,57,69,71,55,43,47,71,79,72,73,85,134,144,139,101,95,105,144,150,144,95,89,103,109,111,117,121,123,121,119,127,127,129,181,183,183,191,199,209,209,220,238,251,255,254,255,255,254,248,254,254,254,241,225,191,150,97,87,65,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,124,160,173,178,186,194,181,172,169,169,172,176,176,178,186,199,189,170,152,142,152,173,191,199,178,150,87,55,29,7,0,0,9,19,19,31,55,129,168,183,194,191,191,191,183,176,165,165,170,176,176,163,117,117,163,173,186,189,186,178,176,173,168,165,157,113,105,97,93,93,99,105,95,85,85,85,93,87,79,73,67,65,67,79,85,75,72,75,79,77,74,74,77,77,83,91,91,91,105,163,183,191,194,204,204,202,202,204,212,202,183,109,65,57,65,85,111,165,173,173,165,163,155,150,111,109,99,90,89,99,117,160,160,115,160,160,168,176,176,178,173,173,178,181,173,168,172,183,189,191,202,199,194,181,181,191,212,228,238,0,0,0,246,248,246,235,222,204,170,139,134,129,92,85,111,108,79,53,53,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,40,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,230,139,66,19,0,0,0,0,5,13,15 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,43,144,170,183,204,212,204,202,207,202,209,220,45,1,0,0,0,0,7,134,131,111,111,113,137,181,199,222,225,215,25,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,33,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,228,225,163,43,39,118,157,157,160,181,202,207,204,191,160,155,163,163,105,70,176,191,202,209,215,207,194,204,207,69,35,57,109,39,0,0,0,85,113,199,215,176,105,111,194,225,222,199,190,209,220,217,212,207,191,178,178,181,181,170,173,183,178,120,119,181,202,209,217,217,209,194,186,181,189,191,186,57,46,63,59,53,45,41,33,49,113,186,222,230,5,0,0,107,123,117,117,121,191,202,199,189,181,176,176,183,215,127,104,186,196,178,133,178,189,204,209,204,189,125,125,129,127,133,191,196,189,133,131,137,186,137,137,191,199,199,202,199,191,194,204,204,194,181,127,112,108,109,117,133,186,191,191,186,186,186,189,194,202,212,215,212,204,204,209,209,207,194,178,135,189,194,191,181,178,178,181,186,196,212,215,215,207,183,178,178,186,189,178,131,130,133,178,135,132,183,209,217,215,202,194,204,215,215,215,212,202,191,199,209,212,212,222,225,97,69,78,123,129,181,196,204,199,194,191,199,202,204,204,199,199,202,196,129,133,183,183,189,196,196,189,183,181,181,183,199,207,207,207,207,204,196,189,194,202,202,199,135,129,133,186,225,228,222,217,212,209,207,207,207,202,194,183,178,178,177,178,183,194,199,204,207,199,181,129,128,127,129,181,186,189,194,204,212,220,225,225,215,186,135,181,183,186,189,186,183,139,137,136,186,204,209,209,215,222,225,222,217,217,222,222,217,209,207,204,189,129,125,124,129,137,183,189,199,209,196,125,189,209,209,194,133,128,129,131,189,194,186,133,123,117,119,125,129,189,199,196,191,186,133,129,181,191,194,196,199,191,133,135,137,178,189,204,202,135,126,125,130,178,189,189,189,189,191,196,202,194,181,178,181,178,121,109,104,119,194,202,191,178,183,202,207,202,194,186,186,191,194,194,186,135,129,133,189,204,209,209,204,189,134,134,183,191,196,196,194,189,194,183,105,104,133,212,215,212,209,212,222,222,215,204,196,194,191,186,183,186,191,194,181,129,129,133,178,178,183,186,186,186,186,178,132,176,191,204,207,199,194,199,204,204,202,204,204,207,209,209,212,209,204,199,194,191,189,176,125,121,121,127,178,92,104,125,127,127,125,123,127,127,176,202,204,173,128,189,202,119,114,118,127,135,186,189,186,183,183,189,191,189,183,181,181,186,191,191,194,196,196,191,186,178,127,119,117,119,119,119,125,170,129,125,127,176,186,189,189,191,186,178,176,173,176,186,194,199,202,194,178,173,181,202,215,212,204,194,181,135,135,133,135,183,194,196,191,189,196,207,212,212,215,217,215,207,199,199,207,207,199,194,191,199,202,202,207,207,202,202,204,207,204,202,199,194,182,181,189,196,199,196,194,186,186,191,189,183,182,186,186,183,191,199,196,181,133,132,133,178,133,122,118,123,194,207,196,181,133,133,181,189,191,191,186,194,204,215,217,209,202,202,212,225,228,222,212,204,196,186,126,128,189,207,209,212,212,212,207,191,135,133,183,196,207,212,212,207,199,194,191,194,194,196,194,196,202,204,207,207,207,209,207,196,113,78,97,111,139,199,204,212,215,217,217,212,209,209,209,212,212,215,215,215,209,202,200,202,202,204,204,204,207,207,204,199,196,191,191,189,186,186,189,191,196,199,199,199,199,202,204,204,202,202,204,191,126,128,133,139,189,191,189,191,194,194,199,202,199,196,194,196,202,204,204,202,199,202,204,207,204,199,194,194,196,194,135,128,135,194,207,204,195,194,199,202,141,130,131,186,202,204,202,199,199,199,202,202,204,207,207,202,196,196,202,209,215,215,207,194,190,191,199,209,215,220,222,212,97,81,85,92,109,133,199,217,225,222,220,222,222,222,222,222,228,233,238,238,238,233,228,225,228,233,222,121,115,125,225,238,241,243,243,243,246,246,248,251,254,254,254,255,255,255,255,255,255,255,255,248,243,243,248,248,248,248,246,243,241,241,241,241,241,241,243,241,238,235,233,230,228,225,222,217,217,217,222,222,222,222,217,222,228,233,238,241,243,246,0,0,241,241,0,238,235,233,228,225,220,217,217,215,212,209,207,207,207,207,207,204,204,202,202,204,204,207,207,204,204,203,203,204,207,207,204,204,204,204,207,204,204,204,204,204,202,199,194,194,194,191,191,189,189,186,181,178,176,131,129,127,125,125,125,127,129,170,173,176,176,176,176,181,189,199,204,207,207,209,212,217,225,228,230,233,238,241,238,238,241,246,248,251,0,0,0,0,0,0,0,0,0,228,222,209,194,186,183,183,181,181,186,189,191,196,207,217,0,0,0,215,202,189,176,163,157,155,150,111,107,105,105,105,105,103,99,99,101,103,109,115,121,127,127,125,129,181,194,199,196,194,194,194,194,191,191,191,191,191,194,189,185,185,189,196,199,199,202,204,204,207,207,207,204,207,209,212,215,217,217,217,215,212,212,207,196,189,189,191,194,191,190,191,202,212,222,222,212,205,207,209,209,207,204,202,199,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,37,49,51,51,57,61,63,57,57,69,77,75,73,72,70,75,99,147,165,176,191,202,204,212,228,243,251,255,251,251,251,243,230,215,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,209,198,202,209,220,255,255,255,243,207,170,157,163,170,168,155,129,108,100,105,108,105,92,82,90,85,47,31,47,111,121,139,194,0,0,0,0,0,255,230,222,215,207,207,209,199,173,131,98,82,79,66,56,31,25,17,11,13,17,17,13,0,0,0,0,0,0,0,0,0,11,48,59,48,25,21,21,17,15,33,69,66,27,0,0,0,0,0,0,0,0,0,0,48,64,59,66,69,59,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,129,98,63,69,111,73,67,118,165,217,235,235,212,152,69,43,39,47,53,61,47,33,33,51,53,61,121,186,217,196,186,189,196,207,207,202,212,0,0,0,0,255,255,0,0,228,176,105,108,157,170,142,100,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,0,1,31,90,121,137,152,134,63,27,1,0,0,0,0,0,0,0,0,0,0,121,217,238,230,222,215,209,207,186,157,147,150,160,170,165,152,150,163,173,196,196,183,165,147,97,77,55,51,50,53,77,144,168,176,183,173,165,144,137,99,97,89,75,79,93,101,99,93,87,93,142,163,160,157,150,150,155,155,147,139,101,99,137,155,183,181,170,152,99,93,131,137,139,147,157,147,137,121,91,118,126,124,83,81,116,116,85,87,118,85,83,83,116,124,116,85,81,75,77,83,87,118,121,126,139,124,124,121,79,69,71,73,65,53,51,53,45,35,29,37,59,71,81,81,67,51,57,75,81,81,85,89,95,89,89,95,95,95,107,147,147,105,93,109,115,115,157,160,123,121,119,127,127,127,133,135,133,135,189,199,202,220,238,251,255,254,254,248,243,243,254,255,255,251,233,215,176,147,139,121,57,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,118,152,170,178,196,196,194,183,183,181,181,176,181,186,196,204,202,186,170,160,165,178,189,186,168,144,87,51,27,0,0,0,9,17,19,25,45,83,155,176,183,183,183,183,176,168,160,152,160,163,160,117,114,115,160,170,178,181,178,178,170,168,165,168,165,157,113,107,101,103,103,144,105,105,137,137,137,95,79,73,67,67,67,77,87,81,75,79,79,77,74,74,75,77,83,83,83,83,89,150,181,191,194,204,204,196,196,202,207,202,181,89,57,53,59,85,107,155,173,173,165,163,152,111,105,105,95,90,90,95,115,160,115,112,115,160,168,168,176,173,173,173,178,181,173,168,172,183,189,199,202,202,202,196,199,209,220,230,238,0,0,238,238,246,246,241,215,194,176,147,126,116,92,87,108,92,66,56,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,40,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,79,0,0,0,0,0,0,255,255,255,255,204,129,59,17,0,0,0,0,7,17,19 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,160,4,0,0,0,0,0,77,168,168,186,202,194,199,204,194,173,157,3,0,0,0,0,0,41,116,118,118,126,144,186,196,209,220,220,209,100,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,11,0,0,0,0,0,0,0,35,0,0,0,0,0,0,0,0,0,0,152,163,33,0,0,137,168,157,157,183,209,209,204,194,168,153,153,160,165,176,199,209,215,217,217,212,212,228,233,196,173,125,101,0,0,0,0,107,170,204,207,196,168,121,181,230,233,209,194,209,217,215,212,207,176,115,168,186,176,121,170,189,191,170,121,168,183,194,202,204,196,189,186,186,191,202,215,225,228,228,230,243,233,222,207,220,228,225,235,251,83,0,0,5,95,109,95,77,183,199,191,183,181,178,176,181,199,191,186,207,212,191,176,181,183,194,199,196,189,133,125,121,114,119,186,202,191,131,127,135,181,131,131,189,191,189,196,194,186,191,207,209,202,191,137,123,113,111,117,131,186,191,189,185,186,186,189,191,202,209,212,212,207,204,207,204,191,181,135,181,189,191,189,181,176,176,178,174,178,199,202,196,196,191,183,179,183,186,178,132,133,186,196,189,133,135,191,202,202,194,191,204,222,222,222,222,186,94,96,196,209,212,215,217,89,70,79,107,125,178,191,196,194,189,189,194,196,199,194,181,181,196,199,131,127,129,133,178,189,191,186,182,182,186,194,204,209,209,209,209,209,199,191,189,135,127,135,181,135,135,189,225,230,225,217,212,204,202,196,194,194,191,186,181,177,177,178,186,196,202,202,196,183,129,128,128,127,129,191,199,186,181,191,207,212,212,209,194,127,131,186,194,199,202,196,186,137,135,135,186,202,209,212,217,225,228,222,215,215,222,222,217,212,207,199,137,126,123,121,127,191,196,191,196,204,191,134,189,204,204,194,133,127,131,181,194,194,181,131,125,119,118,118,123,181,191,194,196,196,189,137,191,199,199,202,202,199,199,196,183,131,131,191,199,186,129,127,133,183,199,196,191,194,196,204,204,191,178,178,183,129,106,105,108,181,207,209,202,191,194,207,209,204,196,189,183,183,189,189,178,129,121,120,129,191,199,202,196,181,131,130,135,191,196,191,187,189,207,207,109,108,137,207,215,215,212,212,217,222,217,212,207,204,196,186,178,181,186,189,135,127,127,129,133,178,183,183,181,183,183,178,132,133,189,199,199,191,189,199,209,209,207,204,204,204,204,204,204,207,204,199,194,183,178,129,123,120,120,170,186,84,84,129,170,121,115,125,129,125,127,189,196,176,129,178,131,116,116,121,127,176,186,189,186,186,189,189,189,186,182,181,183,189,191,194,196,199,196,189,178,131,127,123,125,129,125,121,123,129,129,125,127,176,189,191,189,186,178,129,128,129,176,189,196,204,207,207,191,176,173,181,202,204,199,186,181,183,191,186,135,133,135,137,133,135,191,207,212,212,212,215,212,202,198,198,199,202,199,199,204,212,212,212,212,212,209,209,209,209,207,207,204,202,196,196,199,196,196,196,194,186,189,196,196,189,183,183,178,135,186,199,196,178,131,132,181,189,194,135,116,120,199,207,199,181,131,132,183,191,191,189,181,186,199,212,217,209,202,204,212,222,225,217,212,209,204,194,129,128,183,196,202,207,209,207,204,199,191,135,132,135,194,204,207,202,196,194,194,196,196,194,196,202,209,212,209,209,212,215,217,212,199,129,95,89,89,123,135,194,209,215,215,209,208,208,207,208,209,209,212,215,212,204,202,202,204,202,202,204,204,204,202,196,191,189,189,189,186,185,185,189,194,199,199,199,199,202,204,207,204,202,202,186,126,131,183,191,199,196,191,194,199,199,199,199,199,199,199,199,202,202,199,196,199,199,202,199,199,191,183,185,194,209,209,194,189,196,204,202,194,194,196,199,141,131,132,186,199,199,202,204,207,207,207,204,207,207,202,195,194,196,204,212,217,220,212,199,191,191,196,202,207,212,222,228,215,99,84,91,107,125,141,209,225,228,225,225,225,222,222,222,225,230,238,241,238,233,228,226,228,233,230,151,117,119,230,241,243,243,243,243,246,246,248,251,251,251,251,254,255,255,255,255,255,255,254,246,243,243,246,246,246,246,243,243,243,241,241,241,241,241,243,243,241,235,233,230,228,228,225,222,217,217,220,222,222,217,217,222,225,230,235,238,0,0,0,0,0,241,0,241,241,235,233,228,225,222,220,217,212,209,207,207,207,209,209,207,204,204,204,204,207,207,207,207,204,204,203,204,207,207,207,204,204,204,204,204,202,202,204,204,202,199,196,194,194,194,191,189,186,183,178,176,133,133,131,129,125,123,121,123,127,173,178,181,178,178,176,178,186,191,199,202,204,204,209,215,217,225,228,233,238,241,238,238,241,248,254,0,0,0,0,228,0,0,0,0,0,230,228,215,199,189,183,181,179,181,189,194,194,194,199,215,225,225,215,204,194,186,173,163,157,155,152,147,109,105,103,103,103,101,99,98,99,105,111,117,123,165,127,127,173,183,194,196,191,189,191,194,194,194,194,194,191,194,191,189,185,185,189,196,202,204,207,204,204,202,202,202,202,204,209,212,215,212,215,217,215,212,212,209,202,191,191,194,196,194,194,199,204,212,217,217,212,207,207,209,209,209,207,204,199,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,27,41,49,51,57,61,57,47,47,61,73,75,73,72,70,75,99,144,165,176,194,204,228,235,243,251,255,255,255,251,251,209,118,111,147,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,241,243,248,255,251,222,191,161,150,157,163,173,173,155,129,113,113,113,98,82,47,47,37,23,19,37,103,111,124,170,0,0,0,0,0,255,241,241,233,215,215,225,228,196,147,116,108,105,82,37,17,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,48,64,48,31,43,51,21,17,31,61,59,19,0,0,0,0,0,0,0,0,0,0,38,66,77,82,85,85,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,79,57,43,43,41,35,43,75,165,215,225,220,196,181,150,77,55,51,67,73,61,25,15,25,41,53,79,165,194,181,165,160,178,194,196,202,212,0,0,0,0,255,255,255,196,176,137,88,90,144,152,126,108,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,11,0,0,0,1,29,100,165,178,178,152,111,57,15,0,0,0,0,0,0,0,0,0,0,39,178,212,212,212,220,215,196,165,139,95,97,101,107,103,97,103,155,181,209,202,176,109,91,79,61,51,50,52,65,85,150,176,176,173,165,155,150,142,95,91,83,73,75,89,101,139,139,101,134,144,152,144,134,95,87,89,99,139,152,155,147,147,165,183,181,165,165,163,163,163,144,147,160,173,176,157,137,126,126,126,89,77,73,83,89,124,131,139,129,118,126,134,126,126,134,124,87,79,79,81,79,85,121,129,124,124,124,79,70,73,69,45,37,41,45,39,35,39,57,71,77,77,83,77,69,77,83,87,95,95,87,83,81,85,95,91,90,95,147,157,152,150,152,157,157,157,160,121,117,115,121,121,127,133,135,133,135,189,199,202,220,238,251,255,254,254,243,239,243,255,255,255,254,241,233,194,160,147,152,142,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,63,126,147,160,178,202,215,215,207,207,207,199,183,176,183,202,204,204,199,178,168,160,160,168,168,155,131,65,35,7,0,0,0,0,9,19,19,31,61,139,168,173,173,173,173,173,165,152,151,152,117,117,113,113,116,163,170,173,173,173,170,165,165,165,173,173,168,157,150,109,109,144,150,144,144,144,144,142,95,79,67,67,67,67,73,83,85,81,81,81,79,75,75,75,75,77,81,77,77,79,109,173,189,194,204,202,191,191,202,207,202,176,83,55,52,59,87,107,115,165,173,163,152,111,105,99,97,95,90,90,103,115,115,112,112,115,160,168,170,173,173,173,178,181,181,173,168,176,189,194,202,212,212,215,220,220,222,230,238,0,0,0,238,235,235,246,235,207,186,181,152,111,90,85,85,92,87,77,77,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,43,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,66,100,0,0,0,0,0,255,255,255,255,196,124,61,19,0,0,0,0,13,21,25 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,82,0,0,0,0,0,0,59,157,105,95,124,142,173,183,163,19,0,0,0,0,0,0,0,77,90,95,113,129,152,196,202,207,209,212,212,204,23,0,0,0,0,0,0,0,0,37,0,0,0,0,0,29,5,0,0,0,0,0,0,0,0,0,134,0,0,0,0,0,0,0,9,0,0,0,0,113,157,152,155,181,204,199,194,194,176,152,147,160,178,199,209,215,217,215,212,215,212,220,222,207,207,233,233,105,0,0,0,125,246,238,196,125,121,97,79,165,222,212,199,199,212,215,212,194,95,91,178,170,67,61,103,194,209,209,196,112,116,116,115,173,186,181,176,183,194,207,222,230,228,225,230,233,233,235,235,233,228,222,230,230,238,165,25,0,0,55,53,53,181,196,189,181,183,183,178,178,183,186,191,202,209,199,178,176,174,183,191,191,189,181,131,121,113,115,189,212,202,133,128,135,135,126,129,189,186,181,191,189,183,189,204,207,204,196,189,183,189,189,135,178,189,194,191,189,186,185,185,189,196,202,207,209,202,199,202,194,181,134,135,183,186,186,183,178,133,176,181,174,173,186,189,183,189,191,183,179,183,186,183,181,189,202,215,222,194,181,178,178,183,189,189,191,209,212,217,228,125,66,65,111,194,199,196,186,86,69,83,109,129,181,186,183,181,181,181,183,189,191,181,130,130,186,191,129,125,126,129,178,186,191,186,183,186,191,199,204,209,212,212,215,215,209,196,181,119,113,119,133,133,133,183,222,225,222,212,204,196,189,183,183,189,191,189,183,176,176,183,191,204,207,196,178,131,131,133,131,128,129,194,199,179,174,179,196,202,196,189,121,115,122,183,199,207,209,204,191,137,135,136,186,199,209,215,222,228,225,217,212,215,217,217,215,209,207,199,181,133,129,125,183,204,199,189,194,196,186,178,186,194,194,189,135,128,135,183,189,186,133,129,129,123,117,114,127,181,189,194,199,204,207,204,202,204,207,204,198,196,199,202,189,127,122,129,191,194,189,183,183,186,202,199,194,196,199,202,202,189,178,178,176,111,104,108,178,191,199,207,204,199,199,204,202,199,194,186,183,183,189,191,189,135,121,117,119,129,181,186,186,181,134,132,135,189,196,194,189,191,207,207,110,110,183,204,215,215,215,215,215,215,215,212,215,212,204,189,135,131,135,133,127,121,123,127,129,133,176,178,183,186,189,183,133,133,186,194,191,181,181,196,209,209,207,204,204,202,199,196,196,196,196,194,189,173,127,125,123,119,118,127,176,107,102,176,176,123,109,125,129,124,123,173,186,178,127,125,119,118,121,127,131,176,183,183,186,189,194,191,189,186,183,183,194,199,196,196,199,202,199,189,173,129,131,131,176,176,173,129,173,176,173,125,123,127,170,173,178,178,173,129,129,170,178,189,196,199,202,196,186,173,130,131,183,191,191,183,183,194,204,199,181,129,123,119,115,123,181,199,207,207,209,212,212,204,199,198,196,199,202,204,204,209,212,212,212,212,212,209,209,209,207,207,204,204,204,204,202,191,190,194,191,185,186,199,202,194,186,181,133,131,178,194,194,135,129,131,191,199,209,202,119,121,196,202,191,135,130,132,189,194,191,183,137,183,194,204,215,209,204,204,209,215,217,215,209,207,207,199,181,133,137,183,189,196,199,191,189,196,199,189,135,137,191,196,196,194,189,189,191,191,191,191,199,207,217,217,212,209,212,215,217,220,217,230,113,83,68,72,77,111,191,212,215,212,209,209,207,207,208,209,212,215,215,209,204,204,204,202,202,204,204,204,199,194,191,189,191,191,189,186,186,191,194,199,202,202,202,202,204,204,204,204,202,186,125,137,191,199,209,204,196,196,199,199,194,194,196,202,202,202,202,199,194,194,196,196,194,191,191,189,183,182,187,202,209,204,199,202,204,202,195,195,202,209,204,186,141,196,202,199,202,207,209,209,207,204,204,204,199,194,194,202,209,215,222,225,222,209,199,196,199,199,202,202,207,222,230,220,202,199,194,145,149,212,228,230,228,228,225,225,225,228,230,235,238,241,238,233,230,230,233,238,238,230,120,117,228,241,241,243,246,246,246,248,251,254,251,251,250,251,254,255,255,254,255,255,254,248,243,243,243,243,241,241,243,243,243,243,241,241,241,243,246,246,241,238,235,233,230,228,228,222,220,217,217,222,217,217,220,222,225,230,233,0,0,0,0,0,0,0,0,0,243,241,238,233,228,225,222,217,212,209,207,204,207,207,209,209,207,207,204,204,204,207,209,209,209,207,203,204,207,207,207,207,204,204,204,202,202,202,202,202,202,199,196,194,194,194,191,189,186,183,176,133,176,176,173,129,125,121,120,121,127,173,178,181,181,178,178,178,181,186,191,196,199,202,207,209,217,222,228,230,235,238,241,241,243,248,0,0,0,0,0,230,0,0,0,0,0,0,230,222,207,194,186,181,181,181,186,194,194,189,189,202,212,212,207,196,186,178,170,160,155,155,152,147,109,105,103,101,101,99,98,98,99,103,111,119,123,165,170,176,181,191,196,196,191,186,186,189,194,196,196,196,194,194,194,189,186,186,191,196,204,207,207,202,196,194,196,199,202,204,209,212,212,212,215,217,217,215,212,209,204,194,191,194,199,199,202,202,207,209,212,215,209,207,209,209,212,212,209,207,202,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,33,43,51,57,57,51,35,35,51,73,75,73,73,79,89,144,157,165,168,186,209,241,251,251,255,255,255,255,255,255,202,102,95,119,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,243,230,230,243,233,204,181,170,163,160,168,178,0,0,0,0,0,118,98,72,31,25,17,13,19,61,85,85,90,131,0,0,0,0,0,255,248,255,248,233,225,243,248,215,170,131,134,124,98,35,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,46,56,48,43,59,61,31,23,51,61,31,0,0,0,0,0,0,0,0,0,0,0,21,66,85,85,98,108,77,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,21,17,15,15,29,49,126,183,225,217,207,194,189,181,150,87,73,79,89,67,25,7,13,33,53,81,157,181,173,153,150,168,183,189,191,194,0,0,0,0,255,255,255,215,204,178,103,90,116,116,98,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,13,7,1,9,5,0,0,0,0,1,29,98,178,186,168,139,111,63,27,0,0,0,0,0,0,0,0,0,0,0,129,178,202,220,225,215,199,165,137,88,85,88,89,88,85,91,155,199,217,209,176,99,79,69,61,53,53,67,87,101,157,176,176,173,165,155,144,137,99,91,83,71,69,87,99,137,147,139,137,142,134,93,85,80,77,78,85,137,170,181,168,152,155,178,165,144,150,176,183,181,160,147,168,173,170,144,126,85,91,83,61,57,67,83,121,129,139,157,150,137,155,155,144,147,152,142,121,79,75,75,73,71,85,121,118,124,126,83,75,85,77,43,33,39,37,27,23,35,57,71,77,74,77,81,85,91,91,89,95,87,81,75,81,95,95,94,91,95,147,163,163,168,165,160,157,121,123,121,115,112,119,121,129,135,135,133,139,189,199,209,220,241,255,255,254,254,241,239,243,255,255,255,255,246,233,207,168,147,157,163,121,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,71,126,142,155,176,215,241,241,225,225,225,215,194,172,176,189,196,199,189,173,160,151,148,152,155,142,91,49,15,0,0,0,0,0,1,3,3,11,47,91,160,168,168,173,173,168,163,157,152,157,152,117,116,117,117,163,165,165,165,170,170,165,160,164,176,181,181,173,165,157,150,152,152,152,150,144,144,137,95,73,64,66,67,67,73,79,87,85,83,83,79,75,75,75,81,83,77,73,72,73,101,168,181,189,194,196,191,191,196,202,202,176,83,55,53,61,85,103,113,165,165,155,115,109,105,99,97,97,95,95,103,115,160,115,112,112,160,165,170,173,178,178,181,181,181,173,170,178,189,194,202,212,212,222,228,233,230,238,0,0,0,0,0,228,228,235,225,194,183,183,152,98,82,83,85,87,85,79,90,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,79,46,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,59,87,0,0,0,0,0,255,255,255,255,202,129,72,27,0,0,0,0,15,27,35 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,82,64,61,25,11,129,116,0,0,0,0,13,23,0,0,0,35,51,118,144,183,199,204,204,207,215,215,215,29,0,0,0,0,0,0,0,0,82,0,0,0,0,79,199,196,173,118,103,0,0,0,0,0,61,199,0,0,0,0,0,0,0,0,0,0,0,0,53,139,147,155,168,196,178,170,191,181,157,165,183,191,199,209,215,217,212,212,212,212,212,212,212,220,230,233,209,59,0,0,85,220,228,109,9,0,0,0,0,53,77,79,93,168,204,204,170,43,36,42,27,7,2,83,212,217,222,215,123,119,115,113,117,170,173,176,191,202,212,220,225,222,222,225,228,228,230,230,228,222,217,222,228,235,238,228,105,0,0,0,53,181,194,189,181,183,186,189,186,181,181,181,186,194,191,183,181,183,183,186,194,199,191,178,129,112,111,129,212,207,129,128,191,135,120,127,181,191,178,177,177,177,181,189,196,199,196,191,191,204,207,194,186,189,194,202,199,189,183,185,194,199,199,202,202,196,191,189,183,135,135,178,178,178,178,178,133,130,176,186,181,174,176,178,178,191,189,186,181,183,189,191,194,196,202,209,217,215,204,181,174,181,196,196,189,189,199,209,202,135,113,104,133,131,126,181,178,103,95,109,131,181,181,178,127,125,121,129,176,181,183,176,130,129,133,133,128,126,128,133,181,186,189,183,181,183,191,199,204,209,212,209,212,215,215,204,178,117,115,119,129,129,129,135,196,212,209,196,191,186,181,179,183,191,194,191,189,176,176,191,204,212,209,202,114,126,196,178,133,133,178,186,191,179,177,181,189,191,189,183,127,121,125,183,196,202,204,204,191,139,139,139,183,189,202,215,222,228,225,217,215,212,209,212,209,199,199,202,202,202,194,181,202,204,196,191,189,189,183,181,189,189,186,183,178,133,133,133,176,176,129,129,135,133,119,119,133,186,191,199,207,212,215,212,207,207,209,207,199,198,199,202,194,130,123,125,133,189,194,189,181,183,183,183,189,191,186,183,186,181,178,181,173,115,108,115,183,186,186,202,204,199,199,194,189,181,178,183,186,189,194,196,194,178,123,119,120,125,131,135,178,181,183,189,189,189,194,196,191,196,207,212,123,106,123,202,215,215,215,217,217,215,215,215,215,212,212,202,133,117,116,123,123,117,119,127,127,127,129,131,181,191,194,191,178,133,178,186,183,176,176,194,207,207,204,204,202,202,199,194,189,189,186,183,176,129,125,125,125,125,119,118,181,173,123,127,129,125,123,127,125,122,122,127,178,178,131,125,123,123,129,131,133,178,183,183,186,191,196,196,194,189,186,191,204,204,202,199,202,202,196,183,129,127,131,178,178,176,178,186,189,183,173,125,121,119,117,119,123,129,129,170,178,191,191,189,186,191,196,189,181,178,181,173,133,176,178,178,186,196,204,204,196,123,100,93,106,115,181,189,196,199,204,212,212,209,204,199,198,199,204,204,204,204,207,207,204,207,209,209,209,209,207,204,202,199,199,199,196,191,190,191,189,185,183,196,199,191,186,178,132,131,135,189,189,135,130,131,183,199,207,199,131,123,129,137,181,133,132,137,191,191,186,131,128,183,189,191,209,212,207,207,207,209,212,209,207,204,207,202,189,181,183,137,135,137,135,132,136,191,199,196,191,191,196,196,191,189,186,186,186,189,186,189,199,209,217,217,212,209,212,215,217,222,225,228,222,189,101,75,69,69,125,215,215,212,215,212,209,209,209,212,212,215,215,212,207,204,202,202,202,204,204,202,196,194,191,191,191,194,194,194,194,194,196,199,204,207,207,207,207,204,204,207,204,199,191,194,199,207,212,212,204,194,192,191,190,194,202,202,199,199,199,199,195,195,199,199,191,187,187,189,186,189,189,194,202,199,199,204,204,202,196,199,204,209,209,204,199,202,204,202,204,207,207,204,202,202,202,202,199,195,196,204,209,215,222,225,228,222,212,204,204,204,199,192,196,217,222,215,207,207,207,202,207,217,228,228,228,228,228,225,228,233,238,241,241,241,238,233,230,235,238,241,243,235,122,127,228,243,243,243,248,248,248,254,255,255,254,254,254,254,254,254,254,254,254,255,255,248,241,241,241,243,241,238,238,241,241,241,241,243,243,243,246,246,243,241,238,235,233,230,228,225,222,217,220,222,220,217,222,225,228,230,0,0,0,0,0,0,0,0,0,0,243,243,241,235,228,222,217,215,215,212,209,207,204,204,207,209,209,209,204,202,202,204,209,212,212,207,204,203,204,207,207,207,204,204,204,204,202,202,199,199,202,199,196,194,194,191,191,189,189,186,181,178,176,176,173,129,125,123,121,123,127,173,176,178,181,178,177,177,178,183,189,194,196,199,202,207,215,222,225,228,233,238,238,241,0,0,0,0,0,0,0,233,235,0,0,0,0,0,235,225,212,204,191,183,181,183,186,189,189,183,181,189,199,204,199,191,181,173,168,163,157,152,150,147,109,105,101,101,101,99,99,98,99,103,107,113,121,168,176,186,191,191,196,199,196,186,183,186,191,196,196,196,196,196,194,189,186,186,191,196,202,204,202,196,189,189,194,199,204,207,209,212,212,212,212,215,215,215,215,209,202,194,194,196,202,202,202,202,207,207,207,209,209,209,209,209,212,215,215,212,204,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,33,39,51,63,59,43,21,13,45,69,77,77,77,89,137,165,183,173,168,176,204,243,251,251,255,255,255,255,255,255,202,111,106,143,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,230,220,220,220,222,204,189,181,181,183,170,173,0,0,0,0,0,0,113,90,61,31,17,5,3,13,33,74,51,56,126,181,0,0,246,255,255,255,255,248,0,0,0,0,225,181,157,157,147,105,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,23,23,48,53,43,27,43,74,105,51,31,0,0,0,0,0,0,0,0,0,0,23,66,77,77,85,87,77,43,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,0,35,111,170,207,225,225,207,194,196,181,152,131,89,89,91,77,29,15,21,41,67,126,157,173,173,153,148,163,183,189,181,170,0,0,0,0,255,255,255,254,255,255,142,72,74,79,56,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,134,113,25,5,0,0,0,0,0,0,21,90,178,191,165,121,71,45,17,0,0,0,0,0,0,0,0,0,0,0,13,121,183,212,215,215,207,183,144,95,88,89,89,89,86,87,160,212,217,217,194,97,79,69,63,61,61,77,97,107,150,168,176,170,155,155,142,99,97,91,75,51,47,73,93,99,137,101,97,97,97,93,85,79,79,85,93,144,191,189,155,152,155,150,134,96,134,150,176,173,160,160,173,160,144,124,79,69,73,55,35,43,71,121,124,121,131,147,152,163,155,137,134,147,157,144,121,75,67,69,67,65,77,85,118,124,124,89,87,87,118,39,35,39,17,0,0,9,45,73,77,73,75,85,126,129,89,79,81,83,75,67,75,97,137,105,105,105,107,111,155,168,168,160,117,117,123,121,112,109,113,125,131,135,127,129,139,199,212,209,220,246,255,255,255,255,248,243,254,255,255,255,255,246,233,215,181,155,144,116,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,71,126,142,152,176,225,251,255,235,235,243,243,212,176,169,173,178,178,170,160,151,147,148,155,152,142,87,45,5,0,0,0,0,0,0,0,0,0,37,85,150,163,173,176,176,173,165,160,160,163,163,163,163,163,163,168,165,163,160,164,170,170,164,160,173,183,183,181,173,165,157,155,160,160,152,144,144,99,85,71,67,67,67,73,73,79,79,81,85,85,81,77,75,75,81,87,83,72,71,73,93,157,173,173,181,189,191,191,191,191,191,176,87,57,53,65,87,107,113,157,155,152,115,111,111,109,105,99,95,93,103,115,160,160,115,114,117,121,165,173,173,173,176,181,181,173,172,178,181,189,189,199,212,222,238,241,238,238,248,0,0,0,0,235,235,230,225,212,204,189,152,108,85,90,92,85,69,69,87,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,53,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,35,51,82,0,0,0,0,0,255,255,255,255,196,129,72,29,0,0,0,0,15,37,47 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,147,207,199,23,0,21,103,0,0,0,0,33,209,191,43,0,53,116,168,181,194,204,207,212,204,207,199,116,0,0,0,0,0,0,0,0,0,0,0,0,0,66,178,212,212,215,215,212,0,0,0,0,0,3,79,0,0,0,0,0,0,0,0,0,0,0,0,39,129,155,163,157,160,147,143,163,173,176,191,196,196,194,199,207,215,215,212,212,209,209,212,215,222,225,225,222,207,57,0,0,125,204,35,0,0,0,0,0,0,0,0,0,29,111,176,170,47,34,32,16,2,0,69,204,212,217,212,194,178,125,117,121,125,170,186,204,209,212,215,215,217,217,222,222,222,222,222,217,217,216,217,225,233,235,235,235,119,29,13,119,189,194,189,181,178,183,191,191,183,181,179,179,181,186,186,194,194,186,183,191,202,199,189,181,115,107,107,133,186,127,126,183,178,125,125,129,189,181,176,176,177,177,177,183,191,191,189,189,207,215,196,189,189,196,207,207,194,186,191,207,212,212,207,204,196,191,189,183,135,133,176,133,131,131,131,130,130,133,181,183,176,176,174,173,189,191,186,181,186,194,194,194,191,194,202,209,215,212,194,181,191,204,207,199,189,191,196,194,191,202,209,204,191,183,189,186,121,127,178,186,183,181,173,127,124,121,128,176,181,181,176,131,131,131,131,129,131,181,191,194,191,186,178,135,178,186,196,199,204,204,199,204,212,215,207,181,121,119,125,133,178,178,183,191,196,196,189,183,178,181,186,196,202,199,191,183,176,181,199,212,217,217,212,112,127,199,181,133,178,186,189,189,183,181,186,191,189,191,194,189,183,183,189,189,191,189,186,181,183,189,191,183,181,189,212,222,228,225,222,215,204,196,199,199,191,190,196,204,204,199,194,199,199,194,189,186,183,179,181,191,191,186,183,181,131,123,121,125,129,129,133,183,178,123,121,178,191,196,202,207,212,215,215,209,209,212,212,209,207,204,207,207,196,137,130,131,135,181,181,131,131,131,133,178,133,125,125,173,173,173,176,129,117,115,125,178,183,183,196,202,196,189,181,131,131,178,189,194,196,196,199,194,133,123,121,123,127,131,178,183,191,199,199,189,183,186,191,196,204,209,209,133,105,115,202,212,212,215,220,222,220,217,215,211,212,215,207,135,118,119,129,123,115,117,123,125,123,122,123,178,186,189,186,178,131,133,178,178,174,174,186,199,204,204,207,204,202,199,191,186,181,178,176,129,127,125,125,170,181,170,123,176,176,129,121,119,121,125,127,125,123,123,127,173,173,173,131,129,131,176,133,131,176,181,183,186,191,196,196,194,189,186,191,204,204,199,199,199,196,186,173,127,127,131,178,176,176,181,191,189,183,178,173,125,119,113,112,117,121,127,173,186,196,194,183,176,176,183,183,183,191,202,196,130,131,131,133,181,191,199,199,189,129,108,102,109,111,137,194,196,196,204,215,222,215,207,204,202,204,207,207,204,203,204,203,203,204,209,209,212,212,207,202,196,195,195,196,196,194,194,194,191,186,185,191,194,189,183,135,131,131,178,186,191,191,178,132,135,189,194,189,135,127,129,133,132,132,137,191,196,186,125,115,126,135,131,131,204,212,207,204,202,204,207,207,202,202,204,207,196,189,186,183,137,136,134,133,181,191,194,191,189,196,202,202,191,189,189,185,185,186,186,191,202,209,215,215,215,212,212,215,215,217,222,228,230,230,222,207,70,68,97,215,215,215,215,215,215,215,215,215,217,217,220,217,212,207,202,202,202,202,202,202,199,194,194,194,194,194,196,196,196,196,199,202,207,209,209,209,209,209,209,209,204,202,199,202,202,207,212,215,207,194,191,191,191,196,202,199,194,194,194,196,199,199,199,194,191,189,185,187,196,194,139,137,191,196,199,202,204,202,199,199,204,207,209,204,202,202,202,202,202,204,204,202,202,199,196,196,196,195,196,202,207,212,215,222,225,225,222,212,209,207,202,194,195,204,207,207,202,204,207,207,209,215,220,225,228,228,228,228,230,233,238,241,241,241,238,233,233,238,243,243,243,235,141,145,233,246,248,246,248,248,251,255,255,254,254,254,254,255,255,255,255,255,255,255,254,248,243,241,241,241,238,235,233,233,235,238,241,243,243,246,248,248,246,243,241,238,235,233,230,225,222,222,222,222,222,222,222,225,228,0,0,0,0,0,0,0,0,0,0,0,0,243,243,235,230,222,217,215,215,215,212,207,202,202,204,209,212,209,204,199,199,202,207,212,215,209,204,204,204,204,207,204,204,204,204,204,202,202,199,199,199,199,196,194,191,189,189,189,189,186,183,181,178,176,173,129,127,125,123,125,125,129,173,176,178,178,177,177,178,183,189,191,194,194,196,204,212,222,222,225,230,235,238,241,0,0,0,0,0,0,0,233,235,238,0,0,0,0,0,228,217,209,202,189,183,183,183,186,189,183,178,178,183,191,194,191,181,170,165,163,157,157,155,150,107,103,103,101,101,99,99,99,99,101,105,111,121,176,183,191,194,191,194,199,196,189,183,185,191,196,196,196,196,196,194,189,185,186,191,196,202,202,196,189,186,189,194,202,207,207,209,207,207,209,212,212,215,215,215,209,204,196,196,199,202,202,199,199,204,204,204,207,212,212,212,212,215,217,217,212,207,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,43,45,49,53,43,27,7,2,27,59,79,124,134,137,157,176,183,176,168,173,202,243,251,243,251,255,255,255,255,235,145,118,123,209,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,230,202,204,220,230,222,196,181,181,191,199,191,0,0,0,0,0,0,0,92,72,37,25,9,0,0,0,19,51,51,77,137,168,170,189,228,255,255,0,255,0,0,0,0,0,215,196,189,181,150,105,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,40,43,25,27,59,116,157,152,170,0,0,0,0,0,0,0,0,0,0,25,64,74,69,74,79,77,51,21,0,0,0,13,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,0,0,0,29,111,163,196,215,225,215,194,186,160,152,144,134,97,126,89,49,39,49,65,121,147,163,173,165,153,150,160,178,178,165,150,0,0,0,0,255,255,233,248,255,255,131,11,11,48,56,51,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,155,108,15,0,0,0,0,0,0,0,3,37,144,186,178,129,61,31,17,7,0,0,0,0,0,0,0,0,0,0,7,43,131,170,194,202,207,186,147,131,95,97,97,97,89,91,160,204,207,196,170,99,91,85,77,61,61,77,97,105,142,157,168,165,155,144,137,95,91,91,71,45,43,55,87,97,93,87,87,93,134,134,101,93,97,139,147,157,191,181,147,144,150,137,96,93,97,142,163,173,163,168,173,160,137,91,73,59,63,35,27,35,71,89,89,85,87,121,137,157,147,126,89,92,142,152,129,75,64,64,66,67,79,91,91,118,89,83,79,73,61,43,39,21,0,0,0,9,59,83,83,77,75,83,91,91,81,67,63,71,71,67,75,97,139,144,144,144,105,105,109,152,157,157,116,117,123,121,112,108,113,121,127,121,118,125,141,212,212,209,220,246,255,255,255,255,255,255,255,255,255,255,255,251,233,225,204,173,144,73,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,73,134,142,160,186,230,255,255,243,243,254,254,225,176,168,170,178,176,168,152,152,152,160,160,160,144,97,59,25,0,0,0,0,0,0,0,0,0,37,75,137,155,168,176,183,173,163,155,152,157,160,165,168,176,176,178,173,165,163,164,170,170,164,160,173,181,189,189,181,173,165,168,170,165,157,152,144,137,85,71,66,67,73,73,73,79,79,81,81,79,79,75,75,75,85,89,89,83,73,79,101,152,163,165,168,181,191,191,191,191,191,176,81,55,52,65,97,115,165,168,163,155,152,115,111,105,105,97,93,88,95,113,165,168,160,115,117,121,160,168,170,168,168,176,176,176,173,176,178,178,178,189,199,222,238,241,241,241,0,0,0,0,0,0,246,246,241,235,225,204,152,111,90,95,95,79,61,62,87,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,53,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,33,48,79,124,0,0,0,0,255,255,255,251,181,121,69,27,0,0,0,0,21,47,87 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,209,238,228,35,0,0,0,100,0,0,0,82,222,225,207,142,155,178,196,202,202,207,209,209,204,209,204,19,0,0,0,0,0,0,0,0,0,0,0,0,0,77,189,209,215,217,220,233,129,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,118,155,202,191,163,153,146,143,153,176,189,202,204,199,186,178,189,207,212,212,209,209,209,212,215,215,215,215,222,215,202,15,0,61,115,39,0,0,1,37,33,21,21,33,89,105,121,178,183,178,178,196,121,49,25,51,115,183,207,217,196,181,173,173,170,165,173,204,212,215,212,212,212,215,217,217,222,222,222,217,216,216,216,217,225,228,230,233,235,228,189,119,183,191,183,178,173,173,181,191,194,186,189,191,183,181,183,191,196,194,186,178,178,186,189,183,131,114,106,103,127,186,133,129,181,183,135,126,118,128,178,178,189,189,183,178,181,183,183,178,181,202,209,189,186,191,194,202,202,194,186,194,209,222,222,215,209,202,199,196,189,133,131,176,176,131,131,130,129,133,181,178,176,176,176,176,174,189,191,178,176,183,186,186,186,189,191,199,204,209,207,194,194,199,204,202,194,186,191,196,199,204,217,225,225,212,196,181,104,103,183,194,183,176,173,131,129,131,129,181,186,186,183,178,176,176,173,129,131,181,196,207,207,196,183,133,131,133,181,191,196,199,196,191,194,204,209,202,183,129,127,131,178,186,191,194,191,186,186,186,178,135,181,196,207,209,204,194,178,177,191,204,212,217,215,207,118,135,196,181,131,135,186,191,191,186,183,189,194,196,196,196,191,191,191,189,186,186,183,181,181,189,199,199,186,179,182,199,217,222,222,217,212,199,194,195,196,191,189,191,202,202,194,191,194,194,186,181,181,181,181,183,196,202,194,189,186,129,118,118,121,127,129,133,178,131,123,125,181,194,199,202,202,207,212,212,209,212,215,220,217,215,209,207,207,204,199,189,135,129,127,127,127,127,127,127,125,119,118,123,129,131,173,176,131,123,125,173,178,181,183,189,199,196,176,131,129,131,183,196,199,199,202,202,194,133,127,131,133,133,135,186,191,204,212,202,183,179,182,191,202,209,209,207,189,109,112,199,209,209,212,217,222,222,217,215,212,215,217,209,181,122,123,135,123,114,115,119,123,122,120,120,133,178,178,178,133,131,131,176,178,176,176,183,196,204,209,207,207,202,196,191,183,178,176,131,129,129,127,127,176,189,178,125,129,176,127,116,114,119,170,176,170,170,173,176,131,131,173,176,129,129,176,176,131,176,183,183,183,186,194,196,194,186,185,185,194,194,194,191,189,183,176,128,127,129,173,173,172,173,178,183,181,181,183,183,181,170,123,117,113,117,123,170,186,194,186,173,126,126,129,176,181,194,207,202,178,178,176,129,131,181,189,189,186,194,204,204,199,107,127,204,202,199,207,222,225,217,209,209,207,209,209,209,207,204,203,203,203,204,207,209,212,212,204,199,195,195,196,199,199,196,194,194,191,189,186,186,186,183,186,178,128,130,133,178,189,196,191,178,133,178,183,181,135,135,137,137,132,133,183,194,196,183,122,110,137,133,119,115,131,196,202,202,202,202,202,202,199,202,207,209,202,189,186,189,194,189,181,186,191,191,183,137,181,191,202,202,191,191,186,185,185,186,186,194,204,209,212,212,212,212,212,212,215,215,217,225,230,235,233,228,113,77,95,199,207,209,215,217,217,217,220,222,222,222,225,222,212,209,204,202,199,199,202,202,199,196,194,194,196,196,199,199,199,199,199,204,207,209,209,209,209,209,207,204,202,196,199,202,202,202,207,209,204,196,194,194,194,199,199,194,191,189,189,191,196,196,191,139,189,191,187,191,202,189,128,127,137,191,194,196,199,199,199,199,202,204,207,204,196,194,194,196,199,199,199,202,202,196,194,195,196,196,199,202,207,209,209,212,215,222,222,217,215,212,209,202,199,196,194,202,204,196,194,199,204,209,212,217,225,230,230,230,233,235,235,238,241,241,238,235,235,241,246,243,243,238,212,159,233,243,246,243,243,246,251,254,254,251,251,254,254,255,255,255,255,255,255,254,251,248,248,246,241,238,233,230,226,226,228,233,238,243,246,248,248,248,246,243,243,241,238,235,233,228,225,222,222,225,225,222,225,228,230,0,0,0,0,0,0,0,0,0,0,0,0,243,241,235,230,225,220,217,215,212,212,207,202,199,202,207,212,209,204,199,198,199,207,212,215,212,207,204,204,204,204,204,204,204,204,204,202,202,199,199,202,199,196,194,191,189,186,186,186,186,186,181,178,176,173,173,129,127,125,125,125,125,127,173,178,178,177,177,178,183,186,189,191,191,194,202,212,222,225,228,230,233,235,241,0,0,0,0,0,0,0,230,230,233,235,0,0,0,0,0,225,217,209,196,186,183,183,186,189,183,178,176,176,178,189,189,181,173,165,163,163,163,160,152,107,103,103,103,101,99,99,99,99,101,105,111,123,178,189,194,194,194,194,194,194,189,185,186,191,194,196,196,196,196,194,189,186,189,194,196,196,194,189,183,141,186,194,202,207,207,204,204,204,207,209,212,212,212,215,212,207,202,199,199,202,202,198,199,202,202,204,207,212,212,215,215,217,217,217,212,204,199,0,0,0,0,0,0,0,0,0,0,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,45,39,33,21,5,1,0,2,33,73,134,152,157,165,176,183,178,168,186,212,243,243,235,238,251,255,255,246,207,135,133,149,241,255,255,255,255,255,255,255,255,255,255,255,255,255,255,241,186,182,204,243,255,243,212,207,207,222,225,0,0,0,0,0,0,0,0,0,61,37,25,3,0,0,0,0,21,46,92,137,150,147,176,220,255,255,0,0,0,0,0,0,0,199,196,189,157,129,98,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,40,21,27,66,118,165,186,225,0,0,0,0,0,0,0,0,1,9,33,69,74,69,69,77,72,61,43,21,15,21,38,23,0,0,0,0,0,0,0,0,0,0,0,0,0,29,35,0,0,0,21,67,142,176,207,217,215,194,168,152,152,160,160,144,137,126,89,87,121,134,150,157,165,165,157,153,150,160,165,157,147,131,0,0,0,0,248,233,186,212,255,255,87,0,0,0,85,98,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,105,40,0,0,3,0,0,0,0,0,3,25,118,181,191,144,95,39,29,29,31,25,21,15,11,5,7,21,69,57,37,43,75,142,170,199,207,186,155,137,99,97,97,97,99,105,165,199,194,152,91,89,99,103,91,83,83,89,103,101,98,101,147,147,142,137,99,91,91,91,71,45,41,47,81,95,85,77,79,91,134,144,142,139,142,155,157,157,176,165,137,137,144,134,95,94,131,147,163,173,173,176,173,160,157,137,81,63,51,21,18,27,57,71,73,75,79,85,129,152,150,126,85,84,126,144,129,79,64,64,67,77,85,91,91,89,83,75,67,61,47,41,39,13,0,0,11,63,79,118,118,85,83,87,126,126,83,63,60,62,67,67,75,89,139,144,150,147,109,105,105,111,152,117,117,121,168,168,119,112,113,119,119,119,117,129,191,220,212,205,215,238,255,255,255,255,255,255,255,255,255,255,255,251,241,233,215,191,165,129,51,31,61,61,0,0,0,0,0,0,0,0,0,0,0,0,0,31,73,126,142,160,199,241,255,255,243,243,254,251,222,176,168,170,186,183,173,160,160,168,176,178,176,160,139,81,49,21,0,0,0,0,0,0,0,5,37,73,129,144,165,181,183,173,160,150,109,111,115,160,168,176,183,186,186,178,170,165,170,170,164,165,173,181,183,191,189,183,181,181,181,178,170,160,152,137,85,77,71,73,73,73,77,79,79,77,71,67,69,71,75,81,89,99,142,101,87,87,105,152,163,163,168,176,183,189,189,186,186,165,75,52,49,65,113,173,176,181,173,163,155,111,109,105,99,95,88,88,93,107,160,160,157,115,121,121,121,165,170,168,168,173,181,176,170,170,170,170,176,178,183,199,228,241,248,248,0,0,0,0,0,0,255,255,254,254,241,212,155,111,87,90,87,69,59,61,92,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,56,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,33,48,79,124,0,0,0,0,255,255,255,235,163,100,47,25,0,0,0,0,33,61,113 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,186,0,0,0,0,0,0,0,116,202,209,113,0,0,0,0,194,0,0,0,139,228,225,215,178,147,157,189,209,207,209,209,212,209,212,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,163,204,215,217,217,228,230,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,124,134,163,204,199,170,160,155,157,168,186,202,204,204,196,178,170,173,194,209,209,209,209,212,212,215,212,209,209,212,209,209,199,67,73,121,123,49,87,183,199,199,202,215,228,225,228,222,217,222,217,217,230,235,212,170,123,125,168,176,176,88,101,125,178,176,168,176,209,217,215,215,215,215,215,215,217,220,220,217,217,217,217,217,220,222,225,228,230,230,225,204,176,181,183,127,123,125,176,186,196,194,189,196,207,196,183,183,191,191,194,189,176,127,127,131,176,176,127,121,123,183,186,131,129,181,189,191,133,112,118,135,189,215,215,204,194,186,181,131,123,121,135,178,129,183,196,194,191,194,191,186,189,196,207,215,215,207,199,202,202,194,131,129,181,183,181,181,131,127,133,183,174,173,183,191,199,194,191,189,125,127,131,131,176,183,191,196,202,207,204,191,186,199,202,194,186,183,183,191,199,204,212,220,222,225,222,212,194,100,98,183,189,133,129,128,128,173,183,189,199,202,196,186,178,178,178,173,128,131,189,207,212,207,194,181,176,133,131,178,189,191,194,194,191,191,199,202,191,135,131,131,135,178,186,191,194,189,183,181,183,135,133,181,199,212,212,207,194,177,178,196,204,209,212,207,186,121,178,191,178,127,178,189,196,196,189,182,186,196,199,199,194,189,185,185,186,189,189,189,189,194,196,204,207,199,186,183,191,199,204,204,204,204,202,199,202,199,196,191,194,202,196,186,186,189,186,181,137,183,186,189,191,196,204,199,194,196,181,120,121,131,131,131,131,127,123,123,133,186,196,202,202,200,202,207,212,212,215,217,222,222,217,209,202,194,196,202,202,194,135,126,124,125,127,131,133,123,113,114,127,173,173,176,181,178,173,173,176,178,181,183,182,194,194,129,129,130,178,191,199,199,202,204,204,191,133,133,189,191,181,181,189,194,204,207,191,181,181,189,199,207,209,207,204,202,116,114,189,207,209,209,212,217,217,217,215,215,217,222,215,194,131,131,133,121,116,116,121,125,125,123,125,131,133,133,133,131,130,131,176,178,178,176,178,189,202,207,204,202,196,191,183,178,176,131,131,131,170,170,170,173,176,125,118,125,170,125,111,109,121,183,191,191,191,194,189,178,173,181,183,128,128,133,176,133,176,183,183,176,178,186,194,194,189,185,185,186,186,186,183,181,178,173,129,129,173,176,173,173,173,176,176,178,181,189,191,191,189,189,183,111,111,119,170,183,189,181,127,125,125,126,127,173,189,196,183,176,183,181,129,128,133,133,131,178,202,212,215,212,91,95,133,194,199,209,222,225,215,212,209,212,215,215,212,209,207,207,204,204,204,207,209,212,209,202,196,199,202,204,207,204,199,194,191,189,189,183,183,182,183,191,186,130,131,135,135,181,189,191,183,178,178,178,181,181,186,189,189,181,137,183,189,194,191,186,183,199,189,120,114,126,186,196,202,204,202,199,196,196,202,207,209,204,189,183,189,202,194,183,196,199,189,135,131,135,189,199,199,191,189,186,185,186,189,186,189,202,207,212,215,215,212,212,209,212,212,212,217,225,230,225,212,194,113,111,129,186,199,209,217,217,222,222,222,225,225,225,220,212,209,207,199,196,194,196,199,199,196,196,196,199,199,199,199,199,199,202,204,207,207,207,207,207,202,196,194,194,194,196,199,199,196,199,202,199,196,196,199,199,196,194,191,189,189,187,187,191,194,139,131,138,194,194,202,204,183,126,126,137,194,194,192,194,196,196,199,202,204,204,204,196,192,191,194,194,192,194,202,204,196,194,195,202,207,207,207,209,207,204,202,207,212,217,217,215,215,215,209,202,194,191,204,220,147,139,143,204,209,209,212,225,230,233,235,235,235,235,235,238,241,238,238,238,243,246,246,243,238,220,159,230,238,241,238,241,246,248,251,248,248,248,251,254,254,255,255,255,255,255,254,254,254,254,248,241,233,228,226,226,226,228,230,238,243,246,251,251,248,246,246,243,243,241,238,235,230,228,225,225,225,225,225,225,230,233,0,0,0,0,0,0,0,0,0,0,0,0,243,241,235,230,228,222,217,215,209,209,204,202,199,199,207,212,215,207,202,198,199,207,212,215,215,212,207,204,203,203,204,204,207,204,202,202,202,202,202,202,199,196,194,191,189,186,186,186,186,186,183,181,178,176,173,131,129,127,125,124,124,125,131,176,181,181,181,181,181,183,189,191,191,196,204,215,222,228,230,230,233,235,238,0,0,0,0,0,0,241,230,229,230,233,238,0,0,0,0,0,225,215,202,191,183,183,0,186,183,181,178,176,173,178,181,178,176,168,165,165,165,168,160,113,107,105,105,101,99,98,98,99,101,103,109,119,176,189,191,194,196,196,191,189,189,186,186,189,191,194,196,196,199,196,189,186,189,194,196,189,183,139,139,139,141,191,196,202,202,202,202,202,207,209,212,212,212,212,212,207,204,202,199,199,199,199,199,199,202,202,207,209,212,215,217,222,222,217,212,204,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,39,33,25,13,5,7,5,5,29,71,134,152,157,165,165,183,186,194,204,228,235,228,207,215,243,254,254,230,131,117,133,202,248,255,255,255,255,255,255,255,255,255,255,255,255,246,185,176,166,170,212,255,255,255,251,255,255,255,246,0,0,0,0,0,0,0,0,0,61,48,19,0,0,0,0,0,0,25,85,124,139,147,181,217,238,0,0,0,0,0,0,0,186,181,181,157,134,108,87,64,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,21,11,7,40,74,105,118,157,0,0,0,0,0,0,0,7,19,23,48,69,74,69,69,74,72,64,61,53,43,43,46,46,15,0,0,0,0,0,0,0,0,0,0,0,0,47,47,0,0,0,33,67,134,163,191,217,225,207,168,155,163,178,170,155,144,144,160,160,160,152,155,157,157,157,157,153,150,155,152,144,139,131,0,0,0,0,233,202,152,181,255,246,69,0,0,0,108,108,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,29,47,121,189,207,181,129,73,59,47,43,47,45,35,17,9,27,81,165,178,139,75,77,126,163,196,207,186,152,95,85,81,89,97,103,152,181,194,165,69,51,77,103,144,144,150,152,157,150,103,93,94,101,103,99,97,91,91,95,91,75,47,44,47,69,85,79,77,79,91,97,134,134,131,139,142,142,144,144,137,99,99,137,134,97,96,134,147,160,163,173,176,173,165,173,165,129,65,35,15,13,21,45,51,55,71,81,87,129,152,168,150,126,88,93,124,87,75,66,67,73,79,85,89,89,85,77,71,67,63,49,25,17,9,11,39,57,75,83,89,118,89,89,89,129,137,126,71,60,61,67,69,75,85,97,139,144,150,147,111,105,111,152,157,160,170,178,178,168,119,113,119,121,127,129,141,212,220,212,204,212,238,255,255,255,255,255,255,255,255,255,255,255,251,241,235,233,215,202,165,129,116,186,202,53,0,0,0,0,0,0,0,0,0,0,0,0,17,63,118,134,157,199,243,255,255,243,243,243,243,215,181,170,176,186,189,178,173,176,183,189,202,199,176,155,137,83,51,19,0,0,0,0,17,19,23,45,71,95,144,168,183,191,176,160,150,109,109,111,115,160,168,178,186,189,183,173,170,170,173,173,170,173,176,181,183,191,194,194,199,194,186,178,170,160,144,95,77,75,71,77,77,79,79,77,73,65,57,61,71,81,89,99,142,150,150,137,101,142,152,157,163,161,168,176,183,183,186,183,160,69,51,51,75,165,181,181,181,173,168,155,111,105,105,99,95,93,88,93,103,113,115,111,111,121,121,121,170,178,178,178,181,181,178,170,168,165,168,170,173,176,189,212,230,241,248,0,0,0,0,0,0,0,255,255,254,241,212,152,108,82,82,79,69,61,65,105,157,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,56,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,27,43,72,124,0,0,0,0,255,255,255,215,147,79,43,29,9,0,0,9,33,61,121 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,113,0,0,0,0,0,0,0,29,103,87,0,0,0,0,0,5,0,0,0,116,217,217,212,150,59,103,147,199,202,204,204,209,217,217,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,173,204,212,215,225,238,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,81,137,160,181,186,168,165,170,178,186,199,209,204,196,191,183,174,174,194,207,209,209,212,215,215,212,212,212,209,208,209,212,215,212,212,207,212,220,220,220,222,222,222,222,220,222,228,228,225,222,215,207,209,217,215,204,176,125,165,168,119,57,86,113,173,176,168,176,207,215,217,217,217,222,220,215,215,217,217,222,222,222,222,222,222,225,225,225,225,225,215,194,174,181,181,123,120,123,191,202,204,196,189,196,207,194,178,178,186,189,194,194,181,125,123,127,178,191,186,183,183,186,178,127,133,183,189,196,191,117,116,186,212,225,228,222,209,199,183,127,111,70,81,99,111,178,199,194,191,194,196,194,186,182,186,196,204,202,198,199,202,189,117,117,181,191,194,196,186,130,176,181,173,178,202,212,225,217,191,176,111,115,125,131,176,183,189,194,202,207,199,183,182,196,196,186,181,181,181,191,202,207,212,217,215,215,212,202,133,102,104,183,183,133,129,127,125,129,186,199,209,212,202,189,181,183,186,181,173,178,196,207,207,196,183,178,181,176,131,133,183,186,189,191,191,191,194,189,178,130,129,131,133,135,181,186,191,189,183,178,178,135,133,181,199,209,212,207,196,181,181,194,202,207,209,202,135,122,135,186,133,127,186,196,204,204,194,186,186,191,194,196,196,191,182,182,191,196,194,191,194,202,204,209,212,207,194,189,191,134,139,183,183,191,202,207,207,202,196,194,196,202,194,181,137,137,137,137,186,194,199,196,194,191,202,199,196,199,191,135,178,183,181,135,133,123,119,125,178,191,199,204,204,202,202,204,212,215,217,215,215,215,212,207,199,190,189,194,204,215,212,191,127,123,127,186,199,181,112,111,131,181,176,176,181,183,178,178,178,178,183,183,183,196,194,128,128,133,186,199,202,202,202,204,202,189,178,186,204,204,186,181,186,189,191,186,181,179,183,196,207,209,209,204,204,207,133,115,127,209,212,209,208,209,215,215,215,215,215,217,217,204,186,178,135,125,121,123,127,131,133,176,178,133,131,133,133,131,130,133,178,178,176,133,132,178,191,196,194,194,189,181,176,173,173,131,131,131,170,173,176,170,121,116,117,127,176,127,108,108,125,191,202,204,204,204,202,194,189,194,196,178,133,176,176,131,133,178,178,133,176,186,194,196,196,194,191,191,189,183,181,176,173,176,176,173,173,176,176,178,181,178,176,181,186,191,196,196,196,191,186,106,107,119,170,186,191,183,173,127,127,127,126,127,178,181,123,121,176,178,129,129,131,130,128,176,196,209,215,212,91,92,107,123,189,207,215,217,215,209,209,212,215,215,215,212,212,209,207,207,204,207,209,209,207,199,199,202,207,212,215,212,202,194,189,183,186,183,182,182,186,196,194,181,183,189,191,181,177,178,186,183,181,181,183,186,191,196,196,194,189,186,191,196,202,209,212,207,204,196,183,183,191,199,207,207,202,196,194,194,199,202,207,204,189,183,186,199,194,138,189,194,183,131,129,135,189,199,199,191,186,186,186,191,194,186,139,183,196,207,215,217,215,209,207,204,207,209,215,225,225,212,196,189,133,125,127,133,189,202,212,217,222,225,225,225,222,222,215,209,207,204,199,194,192,194,196,196,196,196,199,199,199,199,199,202,204,204,207,207,207,207,207,202,191,186,186,189,191,191,194,194,191,194,194,194,194,194,202,204,199,194,191,191,189,187,186,191,196,189,133,138,191,194,204,209,194,136,136,194,202,199,192,194,196,196,196,196,199,204,204,202,194,192,192,192,192,194,204,212,204,199,202,209,215,215,215,212,207,202,196,199,207,212,212,209,207,207,204,199,191,189,202,215,143,138,143,207,215,215,215,222,228,233,238,238,238,235,235,238,241,241,241,241,241,243,243,241,233,215,144,215,230,235,238,243,248,248,248,248,248,248,251,251,254,255,255,255,255,255,255,255,255,255,251,241,230,228,228,228,228,230,233,238,243,246,251,251,248,248,246,246,246,243,241,238,233,230,228,228,228,228,225,228,230,235,0,0,0,0,0,0,0,0,0,0,0,0,243,241,238,233,230,228,222,215,209,207,204,199,198,199,207,215,217,209,204,199,199,204,209,212,215,212,209,207,204,203,204,204,207,204,202,202,202,202,202,202,202,199,196,191,189,189,186,186,186,186,183,181,178,178,176,173,131,129,127,124,124,125,129,176,181,183,183,181,181,183,189,191,194,196,204,212,225,230,230,230,233,235,238,0,0,0,0,0,0,243,230,229,229,233,233,238,0,0,0,0,0,220,207,196,189,183,0,181,178,178,178,178,176,173,173,176,176,173,170,168,168,173,165,157,115,113,109,105,99,98,98,99,101,103,105,113,125,181,189,194,199,196,189,187,189,189,189,189,189,191,194,196,199,196,186,137,181,189,191,139,131,135,137,139,141,189,194,199,199,199,196,199,204,207,209,207,207,209,209,207,204,202,199,196,196,199,199,196,199,202,207,212,215,215,217,222,222,217,212,207,202,0,0,0,0,0,0,0,0,0,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,0,0,0,0,0,13,43,39,37,33,33,39,39,37,53,83,134,144,147,144,144,168,194,209,228,235,212,196,181,189,215,238,230,189,103,91,111,139,235,255,255,255,255,255,255,255,255,255,255,255,209,174,170,176,182,194,243,255,255,255,255,255,255,255,0,235,0,209,0,0,0,0,0,0,82,48,21,5,0,0,0,0,0,17,72,105,131,139,173,189,0,0,0,0,0,0,199,173,160,170,157,139,116,90,77,56,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,0,5,5,0,0,0,0,0,0,0,0,1,17,17,23,37,69,74,69,69,77,74,72,72,61,46,43,46,29,19,0,0,0,0,0,0,0,0,0,0,0,11,53,51,13,13,47,67,121,147,163,191,222,228,209,176,168,170,186,181,170,163,178,194,194,176,155,147,147,157,157,157,152,153,160,160,147,147,147,150,0,0,0,225,194,140,152,241,233,77,0,11,0,100,77,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,47,100,118,152,196,215,202,181,139,103,47,36,42,69,55,23,8,27,116,186,220,215,163,134,134,152,170,186,170,134,75,66,66,77,89,134,165,181,160,75,30,37,89,142,147,152,160,176,178,170,150,101,98,101,101,93,85,85,91,97,91,77,61,55,55,61,69,77,87,91,93,93,93,95,95,97,97,95,93,85,81,85,89,134,134,99,131,139,142,150,150,160,160,147,160,170,173,142,71,29,14,13,25,43,49,53,73,87,93,137,152,170,176,168,144,129,85,75,73,73,79,81,85,85,85,89,89,89,83,83,81,71,23,13,15,39,75,73,71,75,79,85,87,85,83,89,129,129,83,67,67,75,81,85,95,139,139,144,147,147,111,107,105,115,157,157,168,178,176,170,123,115,119,133,183,191,212,222,220,212,204,209,230,246,254,255,255,255,255,255,255,255,255,255,251,233,233,233,225,212,199,170,168,225,246,163,0,0,0,0,0,0,0,0,0,0,0,0,11,59,124,142,157,196,235,251,251,243,241,241,235,222,186,173,176,186,186,178,178,189,199,199,202,215,199,168,155,144,126,59,29,9,9,23,29,29,31,47,75,131,155,173,194,194,181,163,150,109,109,111,111,115,160,168,176,178,181,173,170,173,178,178,178,173,173,176,181,191,199,202,212,202,194,186,176,160,150,95,77,77,71,71,73,73,73,73,67,61,53,53,73,97,134,142,155,168,157,150,144,144,152,157,163,163,168,170,176,183,183,176,113,69,53,55,87,173,183,176,173,173,163,152,111,105,105,105,103,99,93,93,103,109,115,115,113,113,113,113,165,181,186,186,191,189,178,170,163,157,163,168,170,173,178,196,220,238,248,0,0,0,0,0,0,0,255,251,246,233,194,139,95,82,82,87,87,77,79,105,137,173,199,202,0,0,0,0,0,0,0,0,0,0,0,0,0,131,90,56,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,33,64,121,0,0,0,0,255,255,251,196,121,49,37,31,27,15,7,9,27,49,100 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,139,82,47,41,0,0,3,41,129,181,191,199,194,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,178,204,215,225,196,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,75,152,165,165,170,168,170,181,191,199,209,212,207,191,191,194,194,196,204,209,209,212,215,217,215,212,212,212,212,209,209,207,212,225,225,217,222,225,222,220,222,225,225,225,217,215,222,225,222,212,202,196,198,204,212,207,117,109,170,191,209,98,106,117,168,170,125,165,191,209,215,217,222,225,222,215,213,215,220,222,225,225,222,222,222,222,217,212,207,196,186,181,181,186,186,127,122,129,196,204,207,196,178,178,186,178,173,176,183,189,196,196,183,127,125,131,189,194,191,186,181,176,125,125,189,189,189,196,194,126,118,186,217,225,228,228,222,212,202,178,121,61,77,97,117,183,196,194,194,199,207,204,191,181,179,183,196,204,202,202,199,125,82,84,119,181,191,199,191,178,178,178,174,183,207,217,225,228,105,94,101,111,131,186,189,183,178,186,199,199,191,183,183,191,194,194,189,178,129,178,202,209,212,209,204,202,181,116,107,104,116,181,176,133,131,127,122,129,189,196,202,196,186,178,181,191,202,202,194,191,204,204,196,189,178,177,181,178,131,131,178,181,181,183,183,183,178,135,131,129,129,131,178,181,186,189,189,189,186,178,131,133,135,181,191,204,207,204,196,181,181,189,196,202,207,202,181,129,183,191,133,131,196,207,209,207,202,194,189,186,189,196,202,202,183,182,196,204,199,194,196,202,204,209,212,202,139,135,137,134,137,137,137,183,194,199,202,194,189,191,196,199,189,181,137,135,135,183,196,204,204,199,194,194,202,199,194,196,191,181,181,183,181,183,183,125,116,121,135,186,194,199,202,204,204,207,212,217,220,215,212,209,207,207,202,192,189,190,202,225,230,222,196,122,127,196,207,194,116,116,186,189,178,176,178,183,183,183,183,183,183,186,191,199,194,131,130,176,191,207,212,209,207,204,199,186,181,191,207,207,189,186,189,186,183,181,179,182,194,204,209,212,207,204,204,207,194,116,116,207,212,212,208,208,209,212,215,215,215,215,215,207,191,181,133,131,133,135,178,181,181,183,183,176,133,133,176,133,131,176,178,176,133,132,131,133,181,186,189,191,186,178,173,173,173,173,173,131,170,178,189,181,121,117,121,173,189,183,113,112,129,194,204,207,207,207,207,204,202,207,207,196,183,181,176,127,125,129,133,176,181,191,199,204,202,202,199,199,196,189,181,173,172,173,176,170,168,169,176,181,181,178,178,181,183,189,194,196,191,183,127,105,106,121,176,186,191,189,181,129,127,127,126,126,131,131,121,120,123,123,121,125,133,176,176,181,191,199,204,212,123,113,111,108,115,189,204,209,207,207,209,212,212,212,212,212,212,209,207,207,207,207,209,207,199,198,199,204,207,212,215,212,204,196,191,186,183,182,183,183,186,194,194,189,191,204,209,191,170,170,181,186,186,186,186,191,194,196,196,196,196,196,199,202,207,212,212,207,207,209,204,196,199,207,212,207,199,191,189,191,196,199,199,199,191,186,186,194,194,139,139,139,131,127,127,133,186,194,194,189,189,189,191,196,196,186,138,136,139,196,209,217,217,209,204,202,202,207,212,225,222,199,136,137,141,141,137,137,189,199,209,217,222,225,225,225,222,215,212,209,207,204,202,196,194,194,194,194,194,196,199,199,199,196,199,202,207,209,209,207,207,207,204,196,187,185,186,191,194,191,191,191,190,190,191,191,191,191,199,207,204,196,196,196,194,191,189,189,194,194,186,189,194,194,204,209,202,196,199,202,204,202,194,196,196,196,191,189,191,196,202,204,199,194,194,194,194,199,209,215,209,204,209,217,222,220,215,212,204,196,191,194,202,207,207,204,202,199,196,194,191,190,202,196,142,142,199,215,217,217,220,222,225,230,235,238,238,238,238,241,241,241,241,241,238,241,243,243,233,215,122,148,209,222,228,241,246,246,246,248,248,248,248,251,251,254,255,255,255,255,255,255,255,255,255,246,235,230,230,233,233,233,233,238,241,246,251,251,251,248,248,248,248,246,243,241,238,233,230,230,230,228,228,230,233,238,0,0,0,0,0,0,0,0,0,0,0,0,246,241,238,235,235,233,225,217,209,204,202,202,199,199,204,212,217,212,207,199,199,202,207,212,212,212,209,207,204,204,204,204,204,204,202,199,199,202,202,204,204,202,199,194,191,189,189,186,186,186,183,181,181,178,178,176,173,129,127,125,125,127,131,176,181,183,183,181,183,183,189,191,194,196,202,209,222,228,230,230,233,233,235,0,0,0,0,0,0,243,230,229,230,233,230,230,0,0,0,0,0,0,215,204,196,189,181,176,173,174,181,181,176,170,170,170,173,173,173,170,170,173,168,165,163,160,119,111,103,98,97,99,101,103,103,109,119,173,183,194,199,196,189,187,189,191,191,189,189,191,194,196,196,194,181,129,129,137,139,133,127,133,137,183,186,191,194,199,199,196,195,196,199,202,204,202,202,204,207,207,204,202,199,196,196,196,195,196,202,207,209,212,215,215,217,222,225,220,215,209,204,0,0,0,0,0,0,0,5,11,15,0,0,0,0,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,57,59,59,53,53,53,53,59,73,126,137,134,134,125,131,160,194,212,228,228,204,179,172,179,204,217,199,123,79,67,81,111,202,255,255,255,255,255,255,255,255,255,255,255,209,202,230,255,255,255,255,255,255,243,207,215,246,254,0,0,246,209,168,0,0,0,0,0,90,61,40,19,13,5,0,0,0,17,66,92,113,124,137,144,0,0,0,0,186,189,170,147,147,150,147,131,108,74,48,30,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,3,15,33,59,69,69,74,77,79,79,77,69,53,29,29,29,27,9,0,0,0,0,0,0,0,0,0,0,9,39,39,33,53,121,142,155,157,173,191,225,233,217,186,176,178,189,194,189,194,209,220,209,176,152,142,146,155,165,165,157,155,168,170,168,157,157,157,0,0,191,199,176,133,152,241,233,87,0,19,0,82,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,53,113,150,178,196,209,212,207,186,134,47,30,39,108,116,45,17,25,69,157,228,248,228,181,157,142,142,155,147,93,73,62,65,77,95,134,152,150,67,23,23,59,160,155,144,140,143,160,178,189,176,163,147,139,101,91,79,79,91,97,89,77,71,61,55,54,67,79,93,99,97,95,91,91,95,93,89,89,81,67,67,73,81,93,99,99,134,144,150,150,142,139,139,139,139,147,155,134,71,33,19,20,39,55,57,63,83,93,129,137,150,168,183,183,168,144,89,75,77,81,87,91,89,85,85,91,124,137,137,137,124,71,27,23,39,75,89,75,71,69,71,77,83,79,76,76,83,89,83,77,79,83,89,134,147,155,152,144,144,111,107,100,100,111,115,117,117,121,123,123,123,119,125,135,191,212,222,225,220,212,204,204,222,246,254,255,255,255,255,255,255,255,0,255,251,228,225,225,215,204,202,191,186,220,248,202,0,0,0,0,0,0,0,0,0,0,0,0,31,103,144,163,168,183,215,243,251,254,243,241,235,215,194,170,168,173,168,173,183,202,202,189,183,199,186,176,168,168,152,126,65,41,29,33,35,29,31,47,75,139,163,181,194,194,176,160,150,150,109,109,107,109,115,160,168,170,176,176,173,173,178,178,178,170,170,170,176,181,191,202,215,215,199,186,178,160,144,95,77,71,71,71,73,71,67,67,63,53,43,49,73,134,147,150,163,168,168,152,144,144,150,157,163,168,168,168,170,176,176,165,107,67,55,65,113,181,181,168,163,163,163,152,111,109,105,105,103,95,93,83,103,115,160,160,157,113,105,105,121,181,186,191,191,189,178,168,155,155,157,163,170,173,173,181,199,228,241,0,0,0,0,0,0,0,255,246,235,225,181,131,95,87,92,116,126,111,92,92,108,131,152,165,168,0,0,0,0,0,0,0,0,0,0,0,0,124,87,56,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,43,103,0,0,0,0,254,255,243,176,103,39,31,33,33,27,15,9,21,37,57 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,4,0,0,33,25,0,0,0,0,0,0,0,0,0,23,0,0,0,33,47,0,0,0,0,113,100,0,0,0,0,0,0,0,37,113,139,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,100,98,121,160,25,0,0,0,0,0,0,0,0,1,0,0,0,17,7,0,0,0,69,155,160,155,155,165,178,191,199,207,215,215,209,196,199,204,209,212,212,212,212,215,217,217,217,215,212,212,209,207,202,199,204,217,215,215,217,220,217,215,215,217,217,215,212,212,217,225,225,217,199,194,195,199,209,215,109,105,189,209,222,225,123,109,117,121,111,109,168,194,199,207,215,222,222,215,213,217,222,225,225,225,220,217,215,212,207,177,153,164,173,181,191,196,194,181,176,181,194,202,202,186,128,127,129,129,129,131,176,181,189,194,186,176,133,181,189,191,191,186,133,125,121,121,135,189,189,196,194,178,123,181,217,228,228,228,225,217,209,194,178,81,93,121,178,196,199,189,189,196,207,209,199,183,181,182,191,204,202,202,196,103,68,71,105,131,183,183,178,176,176,174,174,186,204,215,225,235,85,59,99,127,202,202,191,176,129,178,194,191,183,181,189,194,199,204,202,123,105,113,194,207,204,199,189,181,133,125,181,194,186,131,122,129,131,128,123,181,191,183,121,113,115,123,173,191,204,207,199,199,204,196,191,191,186,178,181,178,130,131,178,178,178,178,178,135,130,131,135,135,131,133,183,189,196,196,196,196,194,181,127,129,133,135,186,196,204,202,191,181,178,183,191,194,199,199,186,181,191,199,178,178,202,212,212,207,199,191,185,185,191,202,207,204,189,186,199,207,202,196,194,189,189,199,204,196,133,126,126,139,139,139,186,186,181,183,194,189,183,186,194,194,186,183,181,136,136,186,196,204,202,194,189,196,202,199,191,189,189,189,183,179,177,189,196,129,115,117,129,135,183,191,199,207,212,212,215,217,222,217,215,209,207,209,209,202,194,194,207,225,233,228,212,122,125,186,202,191,121,121,189,186,178,178,181,186,191,194,194,191,186,181,189,191,183,176,133,178,194,209,212,212,207,202,194,183,181,186,194,191,183,186,194,194,189,183,189,194,202,207,212,209,207,204,202,202,196,119,115,194,209,215,209,208,209,212,215,217,217,215,212,202,186,135,131,135,186,189,189,189,186,178,178,133,132,133,176,176,176,176,178,176,133,132,132,176,181,186,191,191,186,178,173,176,178,176,176,173,173,183,194,186,127,119,121,173,196,196,127,118,129,194,204,207,207,207,209,209,209,215,212,204,194,194,183,125,118,119,127,181,191,199,204,204,204,202,202,204,202,196,183,173,172,173,176,169,166,168,173,173,170,173,178,178,178,181,186,189,183,129,115,106,111,123,176,181,186,186,186,173,127,127,129,127,129,129,127,125,123,119,118,123,176,186,189,183,183,183,186,191,186,181,123,109,105,110,181,191,194,199,209,215,212,212,212,215,212,209,207,207,209,209,209,202,198,198,202,207,209,209,209,207,202,199,196,191,186,183,186,186,181,186,189,186,191,207,212,199,170,169,178,189,191,191,191,194,196,196,199,199,202,204,204,202,204,204,204,202,204,207,207,202,202,207,209,204,194,189,186,191,196,199,199,199,196,196,189,191,196,189,137,135,129,126,127,131,139,189,189,186,191,194,194,194,191,186,183,138,137,137,189,207,212,212,207,204,202,202,207,217,215,183,127,135,189,194,194,194,196,202,209,217,222,225,225,220,215,209,207,207,207,204,204,202,202,196,194,191,194,194,196,199,196,196,196,199,204,207,207,204,202,202,202,199,191,189,191,196,196,194,194,191,191,190,191,191,190,191,196,202,199,196,199,204,204,202,196,189,187,191,194,194,196,196,202,202,196,196,199,202,202,202,196,199,199,194,186,139,139,186,194,202,202,196,192,192,196,204,209,212,209,207,209,215,217,217,215,207,202,194,189,191,202,207,207,204,202,196,192,192,194,196,204,196,145,147,207,217,222,222,217,215,217,225,233,235,238,238,238,241,241,239,241,238,235,235,238,241,235,228,122,147,154,155,152,212,230,241,243,246,248,251,251,251,251,251,255,255,255,255,255,255,255,255,255,254,246,238,235,235,235,233,233,235,241,246,248,251,251,248,248,248,248,248,246,243,241,235,233,233,230,230,228,230,235,241,243,0,0,0,0,0,0,0,0,0,0,0,0,243,241,241,238,235,230,222,212,207,204,202,202,199,202,207,212,215,209,202,199,202,207,209,209,212,209,207,207,204,204,204,204,202,202,199,199,202,202,204,204,204,202,196,194,191,189,189,186,186,183,181,181,181,178,176,173,129,127,129,129,131,173,176,178,178,181,181,183,186,189,191,194,196,199,207,215,222,228,228,230,233,233,0,0,251,255,255,255,0,235,233,235,233,228,225,0,0,0,0,0,0,0,212,204,196,186,176,173,174,181,181,178,176,170,170,170,173,173,173,170,168,168,168,173,176,173,121,109,99,97,98,101,101,103,111,121,173,183,194,196,196,191,189,194,196,194,189,189,191,194,194,196,191,181,129,128,131,131,127,126,131,137,183,186,191,196,199,199,196,195,195,199,202,202,200,200,204,207,207,204,204,202,199,196,195,194,196,207,212,212,212,209,209,215,222,225,222,215,212,207,0,0,0,0,0,0,0,0,7,11,0,0,0,5,23,11,5,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,45,59,65,65,65,57,53,65,121,142,144,144,134,122,125,150,194,212,228,212,204,181,176,189,215,230,196,109,67,55,59,87,137,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,243,243,196,105,152,191,235,0,0,246,194,160,155,0,0,0,0,85,72,51,40,33,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,170,157,144,142,139,131,105,64,33,15,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,23,59,66,66,74,85,92,85,82,72,53,35,53,56,64,51,0,0,0,0,0,0,0,0,0,0,0,0,15,47,118,155,173,173,173,173,204,233,241,228,207,191,191,209,212,212,212,222,217,196,170,152,146,146,147,157,165,150,150,163,0,0,0,0,147,155,0,176,178,157,134,160,233,233,105,0,19,0,0,48,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,90,142,157,181,207,225,235,233,196,131,45,65,134,137,79,39,31,51,131,204,241,235,212,183,131,75,89,121,87,75,69,75,89,97,89,89,83,31,14,26,152,181,165,143,137,139,160,178,189,176,168,147,101,93,79,73,77,91,91,83,77,71,61,55,59,75,87,97,134,99,91,85,85,89,87,83,83,81,66,67,81,83,87,91,97,139,152,163,163,147,139,139,139,129,129,129,91,65,39,35,53,73,75,69,73,87,95,137,150,152,163,176,183,178,152,93,81,81,79,81,87,87,81,81,91,126,137,150,152,124,41,25,37,61,81,87,73,67,63,63,71,81,79,76,76,83,89,91,89,87,87,95,139,152,160,155,142,105,107,105,100,103,113,115,115,113,112,115,121,127,127,127,135,191,212,222,222,222,212,204,204,220,238,246,255,255,255,255,255,255,0,0,255,251,233,228,217,204,191,202,202,191,207,255,233,0,0,0,0,0,0,0,0,0,0,0,11,65,134,170,186,186,183,207,243,255,255,243,235,225,204,170,115,115,115,121,165,183,202,202,176,160,157,160,160,163,168,160,134,81,53,35,27,23,19,25,43,75,144,165,176,181,181,168,150,109,109,109,103,103,103,109,117,163,168,176,178,178,173,170,170,170,165,165,165,165,173,181,194,212,212,199,186,178,160,144,95,77,71,65,65,65,67,61,63,57,45,35,41,67,134,150,150,163,168,165,152,144,142,144,152,168,173,168,168,168,176,176,155,91,65,57,75,157,181,173,163,163,168,163,163,152,111,105,95,93,93,83,81,93,109,157,160,119,113,105,105,121,181,186,186,191,189,178,168,155,113,155,163,173,181,178,178,191,212,230,0,0,0,0,0,0,0,255,251,246,233,186,139,111,95,108,126,137,126,95,85,87,105,126,142,152,0,0,0,0,0,0,0,0,0,0,0,0,111,82,59,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,74,0,0,0,0,246,254,235,165,79,33,28,33,39,37,27,27,27,37,47 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,183,30,181,176,0,43,46,0,0,0,0,0,0,0,0,0,69,43,183,189,209,215,233,0,0,0,0,0,0,0,0,0,0,0,0,21,11,0,0,0,85,134,121,43,0,0,0,0,0,0,0,0,0,0,41,82,0,3,111,95,0,0,19,0,0,0,0,0,0,9,23,41,63,47,0,0,25,59,63,0,0,57,137,155,157,157,163,181,194,204,215,217,217,215,209,207,209,215,215,215,215,215,215,215,217,220,220,215,209,202,198,196,198,199,207,209,212,215,217,215,212,212,215,215,215,215,212,215,217,222,217,202,198,199,202,212,217,103,101,199,215,225,228,95,37,71,101,91,91,115,178,183,191,204,217,222,222,217,222,225,225,225,222,217,209,204,199,183,142,130,170,196,196,199,202,202,194,196,194,194,196,202,186,128,126,128,129,128,127,126,131,183,189,191,189,186,186,186,178,183,186,176,125,120,118,125,186,191,196,196,194,181,196,222,225,225,217,217,217,209,194,178,113,111,127,189,207,204,186,182,185,199,207,199,191,186,186,183,189,186,189,189,105,67,74,127,194,194,186,178,176,174,174,178,191,204,222,230,254,83,51,115,212,217,202,178,128,126,133,194,189,131,133,189,199,207,212,207,123,99,101,135,199,202,191,181,135,181,189,202,204,189,125,120,125,131,131,129,191,194,111,70,97,107,117,129,183,194,191,186,191,194,186,189,202,199,186,181,133,129,130,178,181,181,181,178,135,130,133,186,189,135,133,183,196,207,207,204,202,202,189,127,125,127,131,181,194,199,196,186,178,135,183,186,186,189,191,189,186,194,199,178,183,202,215,212,204,191,182,181,186,202,209,212,207,196,194,199,202,199,194,191,137,133,137,199,204,189,127,121,139,183,183,196,191,177,177,194,189,182,189,196,189,183,183,183,183,183,186,189,191,191,186,186,191,194,194,189,186,191,202,196,178,174,191,209,178,113,117,127,131,135,183,196,212,222,222,217,217,222,220,215,212,209,215,217,215,212,209,212,225,230,225,209,114,120,133,191,189,127,123,133,176,176,181,186,189,194,199,202,196,183,131,178,181,176,178,176,178,189,199,204,202,202,194,186,135,135,133,133,130,133,183,196,202,199,199,204,207,207,207,209,204,202,202,199,199,196,129,121,183,204,215,215,209,209,209,215,217,217,212,204,191,178,131,131,183,194,194,194,196,186,133,131,133,132,133,176,181,181,181,178,178,178,176,176,178,183,186,189,189,183,178,173,173,176,178,176,131,173,181,189,183,125,115,113,123,189,194,170,119,125,186,199,204,207,207,209,209,212,215,212,204,202,207,202,133,116,113,116,183,196,202,204,204,202,199,202,207,207,204,191,178,173,176,178,176,170,169,170,168,164,168,178,181,178,176,181,183,176,121,109,107,113,123,170,173,173,178,183,181,129,129,181,178,131,131,178,173,129,122,122,131,183,189,189,183,182,181,181,189,196,202,135,119,102,100,119,131,131,186,217,217,215,212,215,215,212,209,207,209,212,212,209,199,196,199,207,212,209,207,207,204,202,199,199,196,189,186,189,183,136,137,183,183,189,202,207,194,176,176,186,194,196,199,199,199,199,199,202,202,202,204,202,199,196,199,202,198,198,204,209,209,207,204,199,199,191,186,186,194,199,202,204,207,207,209,196,191,196,191,135,186,137,128,128,133,139,186,183,139,189,196,194,189,185,186,189,194,139,134,134,183,202,209,209,207,199,196,199,209,209,137,125,134,186,196,199,199,196,199,209,215,217,217,217,215,209,207,205,207,207,204,204,204,204,199,191,190,191,194,196,196,196,194,194,196,199,202,202,191,189,194,199,199,196,196,196,199,199,199,196,196,194,191,194,194,191,190,191,194,194,196,202,207,207,207,204,191,186,189,194,196,196,196,199,196,186,186,191,194,199,202,199,202,202,196,186,131,127,135,186,196,199,194,191,192,199,207,209,207,204,203,207,212,215,215,212,204,196,143,143,191,202,207,207,204,202,196,191,192,196,204,209,202,147,194,207,222,228,225,215,213,215,222,230,233,233,235,235,241,241,241,241,238,233,233,235,235,238,238,139,159,209,157,149,145,153,225,235,241,246,251,254,251,248,248,254,255,255,255,254,255,255,255,255,255,254,243,238,235,233,233,233,235,241,243,248,251,251,248,248,248,248,248,246,246,243,238,235,233,233,230,230,230,233,238,243,0,0,0,0,0,0,0,0,0,0,0,0,246,243,243,243,238,233,225,215,209,207,204,202,199,199,204,209,215,209,204,199,202,204,207,209,209,209,207,207,204,204,204,202,202,202,199,202,202,204,204,204,204,204,199,196,191,189,189,186,186,183,183,181,181,178,178,173,129,129,129,131,173,173,176,176,173,176,181,186,189,191,191,191,194,196,202,209,215,222,225,225,230,230,0,0,246,254,255,254,246,241,238,238,235,228,228,235,0,0,0,0,0,0,0,209,202,194,183,174,176,183,183,181,183,176,169,169,173,176,176,173,168,165,165,173,183,183,168,113,101,98,98,99,99,103,113,125,173,183,191,191,194,194,194,196,196,194,191,189,191,194,194,194,194,186,135,131,129,127,126,126,129,135,139,186,191,194,199,199,196,195,196,199,202,202,200,200,204,207,207,207,207,204,204,202,196,195,202,212,217,215,209,207,207,212,222,225,217,212,209,207,0,0,0,0,0,0,0,0,0,5,0,0,0,23,27,23,13,21,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,27,27,43,59,65,65,57,53,73,131,152,157,152,137,131,133,168,194,212,212,212,204,196,196,215,246,243,199,109,53,37,41,69,121,220,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,230,178,178,105,92,99,170,225,0,255,228,168,152,160,0,0,0,74,82,82,74,61,38,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,144,139,137,129,121,105,64,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,21,37,59,64,74,100,100,103,92,79,69,64,72,90,105,87,31,0,0,0,0,0,0,0,0,0,0,0,0,63,155,181,189,189,181,181,194,222,235,235,228,217,217,217,220,212,212,220,207,186,168,152,147,147,147,155,157,139,131,152,0,0,0,0,139,147,0,173,168,148,139,170,212,212,103,0,1,0,0,92,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,45,113,129,155,196,225,243,251,238,207,152,137,142,134,113,53,43,51,79,163,215,230,225,191,116,31,33,47,61,75,79,81,89,89,65,57,55,25,13,51,191,194,173,150,144,150,170,178,176,168,147,99,85,75,69,68,73,83,83,83,81,77,61,55,61,81,89,97,129,95,85,71,71,75,75,73,81,81,68,79,95,91,83,87,97,144,165,176,170,163,144,139,139,97,91,89,87,73,57,65,85,91,83,75,77,89,95,147,165,165,163,170,178,168,134,89,83,79,71,69,77,83,77,77,85,126,150,150,137,79,39,37,55,69,79,85,67,53,53,59,71,83,85,83,87,129,129,129,137,95,83,83,95,144,157,152,107,95,95,105,107,111,157,160,117,113,112,115,121,131,129,133,135,191,202,212,220,222,215,205,205,222,238,243,254,255,255,255,255,255,0,0,255,255,241,233,225,204,191,191,191,186,199,255,255,19,0,0,0,0,0,0,0,0,0,0,21,126,157,181,199,199,204,230,255,255,255,243,222,202,176,119,102,99,102,109,160,183,202,199,168,107,91,95,134,150,150,142,126,71,51,29,15,9,9,19,43,73,144,165,173,173,168,157,142,105,105,103,103,99,99,109,160,168,176,178,178,178,178,170,125,119,119,119,119,119,121,173,183,202,202,194,186,170,160,144,85,71,65,63,61,61,61,61,57,47,35,25,33,61,129,147,150,157,165,157,152,142,142,142,160,170,176,168,163,163,170,170,147,81,59,59,83,165,181,173,173,176,181,173,168,152,111,97,83,81,83,77,77,81,93,103,109,107,113,107,107,163,181,186,186,189,194,183,170,155,111,113,157,170,181,178,173,181,209,228,0,0,0,0,0,0,0,0,255,254,241,202,152,121,98,92,111,126,111,87,77,79,90,111,126,134,0,0,0,0,0,0,0,0,0,0,0,0,103,82,59,35,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,0,0,0,0,238,248,225,157,57,29,27,37,45,45,45,39,37,41,49 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,121,0,0,0,0,0,0,0,0,160,150,116,202,178,0,0,0,0,0,0,0,0,29,33,0,0,69,113,191,202,209,225,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,170,178,181,165,95,0,0,0,0,0,0,0,0,85,131,189,15,11,92,33,0,0,0,0,0,0,0,0,0,105,100,61,144,118,0,0,75,85,126,81,57,61,101,168,170,165,170,183,199,209,217,217,217,215,212,209,209,212,215,215,212,212,207,204,209,217,222,215,207,199,198,196,198,202,204,209,212,215,215,212,212,209,209,212,215,215,212,215,217,217,215,209,207,207,209,215,220,105,97,191,212,225,228,117,0,0,49,1,91,176,199,59,53,207,215,225,222,222,225,225,225,225,225,215,140,196,191,183,173,178,204,212,209,207,202,199,202,204,194,191,194,199,186,131,129,173,173,129,126,123,129,186,186,189,194,194,194,186,133,133,186,183,133,122,115,127,199,204,207,207,204,199,204,212,215,209,202,204,212,204,186,135,127,119,125,189,209,209,191,181,181,194,196,191,194,199,194,177,174,176,177,181,189,102,93,202,204,199,194,189,181,176,178,183,191,202,215,233,243,82,83,127,212,215,178,129,127,124,131,189,178,126,124,181,202,209,215,212,204,123,102,107,189,204,194,135,134,181,189,196,196,186,127,120,123,173,176,178,189,202,202,83,95,111,119,129,178,181,178,131,173,178,181,191,204,207,196,181,131,129,129,176,186,189,186,181,178,133,133,186,191,178,135,189,207,212,212,212,207,204,194,129,124,123,125,183,199,196,186,178,135,181,194,191,185,185,189,189,189,194,189,178,181,196,207,207,196,186,181,181,186,202,209,215,209,199,196,196,199,194,191,189,135,132,134,194,209,209,199,189,189,191,202,209,189,174,179,204,186,181,196,207,191,183,186,186,189,189,186,137,181,186,186,183,186,191,196,191,186,189,207,207,181,172,183,225,202,100,123,131,133,178,135,183,215,222,222,217,217,217,215,212,212,215,222,225,228,222,215,209,215,228,222,183,111,124,125,181,183,131,125,133,133,176,183,186,186,194,204,204,189,131,127,133,178,178,176,176,178,186,191,191,191,189,183,131,130,131,131,129,129,133,183,196,204,209,207,207,209,209,207,204,202,196,196,196,199,196,183,137,186,199,212,212,209,207,209,215,217,215,209,196,183,135,129,128,181,191,196,196,196,186,131,129,133,133,133,178,183,183,183,186,189,189,183,178,176,181,183,183,181,178,176,131,131,178,183,181,173,129,176,181,170,115,110,110,117,170,176,125,118,121,176,191,202,204,202,202,207,209,209,207,204,204,207,204,194,119,106,111,186,204,207,204,202,199,196,199,204,209,207,199,189,181,178,178,178,176,170,170,165,161,170,181,186,183,178,176,181,173,111,105,105,111,117,123,127,129,176,183,183,176,178,194,194,176,131,178,183,176,127,129,178,186,191,191,189,186,183,186,196,204,199,183,125,105,106,121,117,112,119,217,215,212,215,222,217,212,209,209,212,217,217,207,202,202,204,209,212,212,212,209,207,204,199,196,194,189,186,183,137,135,136,183,189,196,204,199,186,178,178,189,194,199,204,204,202,202,204,207,204,204,202,199,194,191,191,199,199,198,204,212,217,212,202,196,194,191,186,186,191,199,207,209,212,212,212,207,199,196,191,191,196,191,135,129,133,183,186,137,136,186,199,199,189,185,186,194,194,189,139,138,138,183,194,204,199,194,191,194,202,202,137,128,133,137,189,199,199,196,199,207,212,215,217,217,215,209,207,207,207,204,202,199,202,204,199,191,189,190,194,196,196,194,194,194,194,194,196,194,131,127,183,196,199,199,194,189,194,196,199,199,199,194,194,196,199,196,191,190,191,194,196,204,207,207,209,207,196,187,189,199,202,196,196,202,196,185,181,183,191,196,199,199,202,199,204,202,87,70,113,186,194,196,194,191,191,199,207,209,207,204,202,203,209,215,215,212,207,191,140,140,191,204,207,209,207,202,199,196,194,196,204,209,202,194,194,207,222,228,225,217,215,217,225,230,230,230,230,233,235,238,241,238,238,235,233,233,233,233,230,217,222,233,233,215,143,144,153,228,235,238,243,251,251,248,248,251,255,254,251,250,255,255,255,255,255,254,248,238,235,233,233,233,235,238,241,243,248,248,248,248,248,248,248,248,246,243,241,238,235,233,233,230,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,241,233,225,217,209,204,204,202,202,199,202,207,212,209,204,202,199,202,204,207,207,207,207,204,204,202,202,202,199,199,202,202,204,204,204,204,207,204,202,196,194,189,186,186,186,183,183,181,178,178,176,173,173,131,129,129,129,131,173,173,173,176,178,183,189,191,191,194,194,196,202,209,212,215,220,222,225,228,230,235,243,251,254,251,246,243,241,238,233,228,228,230,0,0,0,251,243,0,0,0,204,199,191,176,176,183,186,186,189,181,170,169,173,178,178,176,173,165,160,163,176,183,176,119,105,101,99,99,101,103,113,168,173,181,183,186,191,196,199,199,199,196,194,194,194,194,191,191,189,186,181,137,135,131,127,127,131,135,139,186,189,194,196,199,196,196,199,199,202,202,202,202,204,207,209,209,209,209,209,209,204,202,207,215,222,217,212,207,207,209,217,222,212,202,199,204,0,0,0,0,0,0,0,0,0,0,0,0,9,33,33,25,23,23,13,5,0,0,0,0,0,0,0,0,0,0,0,0,0,23,29,23,23,37,43,43,51,57,57,69,124,150,150,142,134,139,160,186,202,204,195,196,196,196,204,230,246,243,199,107,43,29,37,69,119,202,238,255,255,255,255,255,255,255,255,255,255,255,255,248,243,230,194,105,95,92,92,134,186,235,255,255,215,163,152,165,0,0,0,0,0,0,77,48,33,17,0,0,0,0,22,30,48,0,0,0,0,0,0,0,0,0,113,111,95,92,85,43,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,9,21,29,33,39,74,85,100,111,103,87,74,69,79,105,124,111,59,0,0,0,0,0,0,0,0,0,0,0,0,95,204,222,215,204,189,189,194,204,217,235,235,241,235,228,220,217,212,209,196,170,155,147,147,147,147,147,150,134,131,142,155,155,147,139,131,144,0,0,160,146,147,160,173,183,59,0,0,0,0,137,79,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,29,57,116,142,178,204,222,225,212,189,178,147,134,113,63,37,29,35,49,121,196,233,243,207,79,1,0,0,15,53,75,81,89,83,55,53,57,12,12,160,191,204,194,173,163,170,178,178,168,157,101,87,81,69,66,67,73,83,79,83,91,83,69,61,67,73,79,87,93,89,77,63,57,57,57,65,69,69,75,87,93,87,85,93,137,163,173,173,170,163,160,139,129,95,93,93,93,91,83,81,87,91,87,79,83,93,131,147,165,168,163,165,168,155,93,79,73,63,63,63,73,79,76,77,93,152,160,152,91,63,45,59,75,73,73,71,61,49,47,53,71,79,79,83,129,144,137,137,142,97,75,73,83,103,157,157,107,95,95,95,107,155,173,170,121,117,117,121,127,131,129,133,183,199,212,202,212,220,220,212,215,233,246,243,248,255,255,255,255,255,255,255,255,255,246,233,225,209,191,178,176,163,168,255,255,31,0,0,0,0,0,0,0,0,0,0,33,147,170,178,186,207,233,255,255,255,255,243,204,176,163,115,107,101,99,103,160,189,204,199,168,103,85,84,93,134,134,129,87,71,51,27,5,1,7,19,35,65,137,157,165,168,165,150,107,101,101,103,101,96,96,109,163,176,176,176,178,178,181,178,125,119,119,119,114,114,114,119,173,191,194,186,178,168,157,142,95,75,65,61,58,61,65,61,51,41,25,21,25,53,85,139,150,157,155,150,142,137,142,150,160,170,176,168,157,157,165,168,147,75,57,59,97,165,181,181,181,189,189,181,168,152,105,95,83,83,77,77,77,77,83,93,97,101,107,107,109,165,178,181,191,194,199,183,168,155,111,111,155,165,170,173,178,181,199,220,241,0,0,0,0,0,0,255,255,251,0,189,155,129,92,77,79,92,85,72,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,82,64,43,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,0,0,0,186,225,246,222,157,57,27,27,39,49,49,45,39,33,41,49 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,137,0,51,163,111,74,46,77,0,0,0,0,113,129,126,168,155,0,0,0,0,0,0,0,48,64,61,0,0,0,85,196,196,204,225,255,0,0,0,0,39,0,0,0,0,0,0,0,0,0,0,0,176,209,215,230,243,222,57,0,0,134,100,25,31,160,212,217,222,134,0,0,0,0,51,111,0,0,3,0,0,23,131,134,144,209,204,61,69,196,196,204,191,152,147,178,191,186,178,181,191,202,212,217,217,217,212,207,202,199,207,215,217,215,209,196,189,189,202,215,215,212,207,202,199,202,207,212,212,215,212,212,212,209,209,209,209,212,212,212,212,215,215,212,212,215,215,217,225,230,95,95,183,168,225,222,207,0,0,0,53,207,207,207,51,10,17,99,217,207,209,215,222,222,222,222,209,127,155,217,217,207,207,217,222,215,209,204,199,202,194,181,178,186,189,176,131,176,178,178,133,131,131,191,199,183,179,186,199,204,199,129,127,176,181,186,186,131,189,207,215,217,212,202,196,199,202,194,183,133,178,194,191,183,181,183,135,135,191,207,209,196,185,182,186,186,181,191,207,204,189,176,177,179,189,199,194,189,207,204,199,196,194,189,186,189,186,183,194,204,215,225,97,101,131,191,202,176,129,128,128,178,186,135,125,124,181,196,204,212,222,217,194,103,96,103,196,199,183,135,178,183,189,189,186,133,124,131,181,183,181,183,202,209,81,83,109,119,127,176,176,173,126,122,124,173,196,212,209,196,183,176,131,130,133,183,189,186,183,181,178,178,189,191,181,181,204,222,222,217,215,207,202,194,135,129,123,125,181,194,189,178,135,181,191,202,199,189,186,189,191,191,191,186,177,177,186,196,202,194,189,182,181,186,199,207,209,207,196,191,189,189,186,183,181,134,133,137,199,217,222,212,207,199,196,204,207,186,177,186,202,183,179,194,204,191,186,189,189,191,191,183,137,183,189,189,183,183,191,202,202,191,194,204,204,186,178,189,209,127,82,123,135,183,181,123,121,204,209,217,217,217,215,215,212,212,217,225,228,228,222,212,209,215,217,207,121,76,131,133,178,178,178,176,176,176,181,189,186,183,186,196,194,131,125,126,133,181,183,178,176,178,183,186,183,181,181,133,128,128,131,135,135,178,186,194,202,209,215,209,204,207,209,204,199,194,191,191,194,199,204,199,191,191,199,207,209,209,207,207,212,217,212,202,194,181,133,127,125,133,181,186,191,189,178,129,127,133,135,135,178,183,189,191,194,196,191,183,176,176,176,178,176,133,176,133,131,131,178,186,186,173,126,127,170,127,113,108,108,113,170,178,127,115,115,127,186,194,196,196,194,196,202,202,199,199,196,196,196,194,133,109,111,196,215,217,212,204,199,194,196,202,204,202,199,196,191,183,178,176,170,173,176,169,166,173,181,189,181,127,111,111,111,102,103,109,115,121,123,123,125,131,181,186,181,181,194,194,178,131,176,181,178,176,178,183,189,189,189,191,191,191,191,199,204,199,183,123,117,123,123,115,111,113,117,131,196,209,222,217,212,212,212,215,222,222,209,204,204,207,207,212,212,215,212,209,207,202,196,194,191,189,183,137,136,136,181,191,199,199,191,183,183,186,186,189,196,202,202,202,204,209,209,204,202,199,196,191,189,190,196,199,199,202,209,217,215,204,194,191,189,186,186,191,199,209,212,212,212,212,209,204,199,194,194,199,202,194,139,137,139,139,136,137,189,199,199,191,186,189,194,194,194,196,196,191,183,135,132,186,191,194,196,199,199,191,139,136,137,186,196,199,196,196,202,207,212,217,222,217,212,209,209,207,204,199,198,199,204,202,194,191,191,194,194,191,191,194,194,194,191,189,137,129,127,137,194,202,202,189,182,183,189,194,196,196,194,194,199,202,199,194,191,191,196,202,207,207,207,209,207,202,194,194,202,204,202,199,202,199,189,185,186,194,196,196,196,196,202,209,189,66,62,101,139,194,196,194,191,191,196,204,207,209,207,203,203,207,212,215,215,207,143,138,139,143,194,202,207,209,209,207,202,143,142,199,207,199,194,199,212,225,228,228,228,225,228,230,230,230,228,225,228,233,235,235,235,238,235,235,233,233,233,230,225,225,233,241,238,212,152,157,220,228,228,233,243,246,246,248,251,251,251,248,250,255,255,255,255,254,255,251,243,238,235,235,235,235,235,238,241,246,248,248,248,248,248,248,248,246,243,241,238,235,233,233,233,230,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,241,233,228,217,212,207,204,204,202,199,199,204,209,209,207,202,202,202,202,204,207,207,207,204,204,204,202,202,199,199,199,202,202,202,204,204,204,204,202,199,194,189,186,183,183,183,183,181,178,178,176,173,173,131,129,127,127,129,129,131,173,176,178,183,186,191,196,196,196,199,202,207,209,212,215,217,222,225,228,230,238,246,251,246,241,241,238,235,230,225,222,220,0,0,248,251,246,0,0,0,209,199,191,176,173,178,181,183,189,181,173,169,173,178,181,178,173,168,160,157,168,181,178,163,111,107,103,101,103,105,111,125,178,183,183,183,194,199,199,199,199,199,196,194,194,191,186,183,183,181,183,186,189,183,135,133,137,183,186,189,191,194,196,199,199,199,199,202,202,202,202,204,207,212,215,215,212,212,212,212,209,207,209,215,222,222,215,209,209,212,217,215,204,194,194,199,0,0,0,0,0,0,0,0,0,0,0,0,11,35,39,29,27,25,15,13,13,13,9,0,0,0,0,0,0,0,0,0,13,31,23,7,3,15,31,31,39,51,57,65,77,124,124,85,97,147,168,194,202,202,195,192,192,192,196,230,238,238,199,107,45,31,45,85,123,143,196,222,255,255,255,255,255,255,255,255,255,255,224,211,221,243,204,115,98,98,150,181,217,246,255,248,202,163,160,0,0,0,0,0,0,0,43,20,20,17,0,0,0,0,0,14,48,0,0,0,0,0,0,0,103,85,77,61,53,53,51,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,98,74,29,19,17,17,29,47,85,100,111,111,103,74,69,77,103,121,113,61,0,0,0,0,0,0,0,0,0,0,0,0,98,241,255,243,215,194,189,189,189,207,228,246,255,246,228,211,212,212,199,186,160,137,137,139,139,139,139,139,131,131,142,152,152,144,131,131,134,0,0,168,160,152,150,118,95,0,0,0,0,0,248,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,9,0,0,0,0,0,0,0,13,35,105,142,165,178,152,137,113,111,113,108,77,69,37,13,3,5,15,51,150,217,243,215,53,0,0,0,0,29,53,63,85,142,81,61,51,19,21,163,191,212,212,199,189,191,196,176,155,150,144,101,95,85,79,77,79,81,83,91,97,93,81,75,67,63,73,79,79,79,77,65,51,41,35,43,55,63,73,85,89,87,91,134,163,183,183,173,165,165,163,139,95,129,139,144,144,137,97,85,85,91,95,91,93,129,129,137,150,168,170,165,160,144,89,73,62,57,56,62,67,77,83,85,129,160,176,160,87,57,57,81,91,81,73,67,55,46,49,59,69,69,69,73,89,137,137,129,99,87,73,70,73,89,150,155,147,101,95,97,107,155,176,178,168,123,165,170,170,131,127,129,181,199,212,202,202,222,230,220,220,238,246,248,254,255,255,255,255,255,255,255,255,255,243,230,215,196,181,165,165,157,168,255,248,39,0,0,0,0,0,0,0,0,0,0,41,165,176,170,178,204,238,255,255,255,255,233,194,165,115,115,113,107,102,113,168,199,209,202,173,109,85,83,86,97,131,131,129,87,63,33,5,1,3,9,27,51,126,147,160,163,157,144,103,100,100,103,101,96,96,109,168,178,186,181,178,186,191,186,176,125,123,119,114,112,112,117,170,181,191,181,176,168,157,109,95,77,71,61,60,63,71,67,51,35,23,17,21,45,67,126,139,147,142,139,134,134,142,155,170,178,170,168,157,152,165,165,107,69,57,67,103,168,181,181,189,189,186,178,163,111,105,95,95,93,83,83,77,77,83,93,91,81,91,101,107,163,173,181,191,194,189,173,157,111,107,111,113,163,170,173,173,181,191,212,230,0,0,0,0,0,255,255,255,246,215,173,147,126,95,77,77,77,61,48,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,85,64,43,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,225,235,222,163,57,27,28,39,49,49,43,27,27,33,47 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,103,0,0,61,176,181,61,87,0,0,0,69,118,126,118,100,87,0,0,0,0,0,0,0,72,77,66,77,41,25,87,176,178,191,215,251,0,0,0,59,204,21,0,0,0,9,139,144,155,147,23,111,194,209,215,225,243,238,118,0,90,238,176,173,196,209,215,225,222,189,0,0,0,155,196,220,95,51,59,15,0,41,108,142,160,202,199,152,170,207,209,207,196,168,163,183,191,186,183,191,199,204,212,217,217,215,209,204,196,196,204,212,215,215,209,196,186,185,190,207,215,215,209,207,207,207,212,215,215,212,211,211,212,209,209,209,209,209,209,212,209,209,209,212,215,220,222,217,225,235,105,83,33,0,238,243,63,0,0,91,209,212,217,217,199,44,0,51,196,125,186,202,209,212,212,215,209,146,176,215,225,217,215,222,225,222,215,209,204,202,186,129,129,178,181,178,178,183,183,181,178,178,181,196,207,191,181,186,194,202,194,124,124,133,183,196,207,204,209,215,225,225,212,194,189,194,194,183,133,130,131,181,186,183,183,189,186,186,191,199,199,194,189,189,186,178,178,189,202,199,191,179,181,186,191,199,207,209,207,202,196,194,191,186,189,194,189,183,186,191,199,199,105,107,129,191,204,186,131,131,176,183,186,178,126,124,178,194,202,212,222,217,186,98,93,100,183,194,189,183,186,189,191,191,191,191,189,189,194,194,186,131,109,49,0,0,87,125,173,173,173,131,129,121,121,127,191,204,202,186,181,181,176,131,131,176,181,181,181,178,178,181,189,189,178,183,212,228,228,222,215,207,202,191,181,133,125,124,133,183,181,133,133,178,189,199,196,189,186,189,191,191,189,181,177,176,178,189,196,194,189,185,183,191,202,204,204,199,189,181,181,181,137,137,135,135,137,194,209,217,220,217,215,207,199,196,191,179,178,186,194,183,181,189,196,189,186,189,191,194,189,137,137,183,189,186,181,181,191,207,215,207,204,207,204,191,183,183,181,105,73,119,178,191,191,123,115,183,199,212,217,217,217,215,212,215,222,228,228,225,217,215,215,215,212,191,115,75,183,186,181,177,181,183,186,189,194,194,189,181,178,183,178,125,124,126,133,183,189,183,133,129,133,178,178,178,178,133,129,130,135,183,189,194,196,199,202,209,212,204,199,204,207,204,196,190,190,191,194,199,204,204,199,196,199,204,207,207,204,207,209,209,199,196,194,189,181,129,126,129,129,131,178,178,133,130,131,181,181,178,183,189,194,196,199,194,183,133,132,133,176,176,133,133,133,133,131,173,181,189,186,131,125,125,127,127,117,109,108,115,176,189,176,117,115,125,183,189,191,191,189,191,196,196,194,191,189,183,176,176,131,119,127,207,225,228,215,204,194,192,194,199,196,191,194,199,199,189,176,121,121,176,186,189,181,170,127,170,113,101,99,103,101,100,113,123,127,170,170,127,125,129,176,181,178,178,186,186,176,131,131,176,178,181,183,186,186,183,181,186,191,191,191,194,194,191,181,131,133,133,123,117,121,116,101,105,131,191,212,222,215,215,215,217,222,222,212,204,204,204,204,209,212,215,212,209,204,199,196,194,196,191,186,183,183,183,181,183,189,186,178,183,191,194,189,189,191,194,199,202,207,209,209,204,202,196,194,191,189,189,194,199,202,199,202,209,215,204,189,139,139,139,141,189,196,207,215,215,212,209,209,204,199,189,183,194,207,207,196,183,137,136,136,183,194,199,202,196,189,186,183,191,196,204,207,207,194,134,125,139,199,207,204,199,199,204,204,189,186,191,199,202,199,195,195,199,207,215,222,217,215,215,215,209,207,202,199,202,207,204,199,196,194,194,191,190,191,194,196,196,191,181,134,133,133,183,196,204,204,191,183,183,186,191,196,194,192,194,199,202,199,196,194,194,199,207,209,212,212,209,207,204,202,202,202,202,204,202,199,196,196,196,194,194,196,195,195,196,199,194,85,64,72,127,183,196,199,194,191,192,196,202,207,212,209,207,204,207,212,217,222,212,143,141,142,141,143,196,204,209,215,217,207,140,138,191,204,199,202,209,222,225,228,228,230,233,230,228,228,228,225,225,225,225,225,228,230,235,238,238,235,235,235,233,228,222,222,233,243,243,228,222,228,230,228,230,238,243,248,251,251,251,250,250,251,255,255,255,255,255,255,255,248,243,241,238,235,235,235,238,241,243,246,248,248,248,248,251,251,248,246,243,238,235,235,233,233,233,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,241,233,228,222,215,209,207,204,202,196,196,202,204,207,204,204,202,202,202,202,204,207,207,207,204,204,204,202,199,199,199,199,199,199,202,202,204,202,202,199,194,189,186,183,183,183,183,181,181,178,176,176,131,129,129,127,127,127,127,129,173,176,178,181,186,191,196,199,199,199,202,202,202,207,212,215,217,222,225,228,233,241,243,241,235,235,235,235,233,228,222,215,217,0,0,251,251,0,0,0,215,199,189,178,173,173,173,176,181,178,173,170,170,176,178,178,170,165,157,119,160,173,176,165,117,111,107,105,107,109,113,125,186,189,183,183,194,202,199,202,202,199,194,191,189,186,181,181,137,137,181,189,194,191,186,186,186,189,191,194,196,199,199,199,199,202,202,204,204,204,204,207,209,215,222,222,217,215,215,212,212,209,212,215,222,222,217,215,217,222,222,212,199,192,194,199,0,0,0,0,0,0,1,9,7,1,0,0,11,33,39,35,33,27,15,15,27,27,23,1,0,0,0,0,0,0,0,1,31,37,23,0,0,7,31,37,45,51,59,61,67,71,67,66,87,147,168,194,202,202,196,192,192,192,196,215,233,233,207,123,71,59,71,103,117,121,131,145,241,255,255,255,255,255,255,255,255,255,224,217,255,255,255,204,189,196,215,225,235,235,235,228,215,189,191,0,0,0,0,0,0,51,9,0,0,1,0,0,0,0,0,22,79,116,118,100,77,82,95,103,85,61,46,33,30,30,22,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,105,131,108,37,9,1,3,11,33,69,85,100,103,85,69,69,77,92,108,105,69,19,0,0,0,0,0,0,0,0,0,0,0,33,230,255,255,225,194,191,194,204,207,222,246,255,246,228,217,220,217,199,178,152,131,131,137,139,139,137,134,126,118,118,137,142,134,113,105,105,137,168,183,176,152,129,92,48,0,0,0,0,0,255,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,40,25,1,0,0,0,0,0,0,17,45,108,142,155,152,129,73,61,50,51,47,43,37,15,0,0,0,0,11,67,165,220,196,37,0,0,0,0,21,37,27,43,142,126,57,49,41,67,168,183,215,222,220,204,202,202,170,142,107,147,142,139,103,99,99,91,83,83,83,89,89,87,81,69,63,75,87,85,79,85,75,41,25,29,43,55,55,63,71,81,87,91,137,165,178,173,160,150,160,150,129,87,129,157,168,157,144,131,87,85,95,139,137,131,131,95,99,150,165,170,163,147,134,91,71,60,56,59,63,71,79,89,91,137,160,178,157,79,61,71,124,134,89,75,67,55,48,53,63,61,57,53,65,83,129,137,129,91,83,75,73,73,83,99,144,147,111,95,95,107,160,173,170,160,123,168,170,173,131,124,123,133,189,202,202,202,222,238,230,225,238,255,255,255,255,255,255,255,255,255,255,255,255,246,230,204,181,168,160,157,157,170,225,217,92,0,0,0,0,0,0,0,0,0,0,19,163,173,170,176,199,235,255,255,255,251,212,173,119,115,113,113,115,115,165,183,207,217,209,186,160,101,87,86,97,142,150,144,124,69,39,5,0,0,1,17,45,89,152,165,165,157,147,107,101,100,101,101,99,99,115,176,186,186,186,186,191,196,196,186,178,170,125,119,115,114,119,173,181,181,178,170,168,157,150,103,85,77,65,65,71,79,71,51,33,21,17,21,35,57,73,87,129,129,129,134,142,150,160,173,178,168,157,152,150,155,152,87,59,57,75,109,165,176,181,183,183,178,170,152,111,105,99,103,99,93,93,83,81,91,93,81,75,75,81,101,160,173,181,189,189,178,163,113,107,105,107,113,165,170,173,173,173,181,191,212,220,0,0,0,0,254,254,246,235,207,173,139,121,95,82,72,64,38,12,12,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,90,59,38,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,0,0,196,228,238,215,165,61,29,27,39,57,55,39,23,17,23,39 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,178,178,95,0,0,0,46,43,0,0,0,0,53,116,155,152,121,0,0,7,23,46,0,0,0,0,0,21,35,79,152,124,118,147,160,173,189,238,0,0,0,98,150,29,21,118,90,163,225,209,204,209,181,173,183,199,207,215,230,228,165,0,61,183,183,191,209,212,204,207,217,196,5,0,126,191,209,209,178,43,0,0,0,105,131,165,194,202,191,176,183,204,209,204,196,176,170,181,186,183,189,202,207,209,212,217,217,215,207,196,191,196,207,212,212,215,217,212,199,191,196,207,212,212,212,212,209,209,212,215,215,211,209,212,212,212,212,215,212,212,212,212,209,207,208,209,215,217,217,217,217,220,115,27,0,0,71,0,0,0,111,228,228,217,217,222,235,178,0,18,113,108,123,181,186,176,181,202,222,199,204,212,225,222,217,222,225,222,222,215,209,204,173,123,127,176,183,189,189,186,183,186,186,181,181,186,196,186,181,178,133,133,131,123,129,181,189,202,215,222,225,222,228,225,207,189,187,191,194,189,181,133,133,181,183,178,135,181,189,196,196,191,189,191,194,194,186,176,177,186,189,189,189,189,189,189,186,186,202,209,207,204,199,191,181,176,186,191,189,186,189,191,204,204,105,107,131,196,204,183,131,131,133,176,181,178,127,122,126,189,202,209,207,196,109,97,103,183,191,194,194,199,202,202,202,199,199,202,204,204,204,202,194,131,81,0,0,0,91,194,186,176,170,173,178,131,126,129,183,191,183,179,181,189,186,181,178,176,178,178,176,131,133,181,186,183,133,178,212,228,228,225,217,212,202,189,178,133,125,122,125,133,133,133,133,135,178,186,189,186,183,189,189,191,186,181,181,177,176,181,191,191,189,186,186,199,207,204,199,189,177,177,181,181,134,134,135,137,189,202,212,212,212,215,217,215,199,189,181,179,181,186,186,182,181,183,189,191,194,202,202,199,186,136,136,181,183,181,179,179,191,212,222,217,212,209,209,202,189,181,135,111,78,117,178,199,207,189,111,129,191,209,217,222,222,217,212,215,222,228,228,222,217,222,220,215,207,191,124,124,189,189,183,178,181,189,199,207,204,196,181,133,131,131,133,127,127,131,176,183,189,181,128,125,127,176,181,183,181,178,133,133,181,191,199,202,202,196,196,204,207,196,189,196,204,204,196,191,191,191,194,199,204,209,204,202,199,204,207,207,204,204,202,194,190,192,202,199,191,183,135,129,127,127,131,135,133,133,186,191,189,183,186,191,194,196,194,183,133,131,133,176,176,133,176,176,133,131,133,178,186,189,181,129,125,125,129,170,123,111,109,119,178,189,183,129,123,129,178,183,186,189,191,194,202,207,202,191,189,181,119,116,121,129,189,209,225,222,209,202,192,191,194,199,194,190,191,196,199,191,176,110,107,173,194,207,209,123,103,95,84,89,113,119,102,101,199,186,183,183,181,176,129,129,173,173,131,131,176,181,178,131,130,131,178,181,183,183,181,176,174,176,183,189,189,189,189,186,183,186,196,191,127,121,127,127,106,108,121,101,101,202,207,209,212,217,222,217,212,207,204,204,204,207,212,212,212,207,202,196,194,196,199,196,186,183,191,194,186,178,135,133,134,183,196,199,194,189,189,194,199,204,209,209,207,202,199,196,196,196,191,190,194,202,202,199,198,204,209,202,139,135,135,138,141,189,196,207,212,212,209,207,207,204,196,139,134,138,196,204,199,189,183,183,183,189,194,202,204,204,194,135,130,139,196,204,207,207,202,183,135,191,207,215,212,204,202,204,204,196,196,202,204,204,199,195,195,196,202,207,212,212,215,215,217,215,212,207,204,207,207,207,202,199,196,194,191,191,191,194,194,191,189,134,134,181,186,191,196,202,204,196,189,186,189,191,194,194,194,194,199,199,196,196,196,199,202,204,207,212,215,209,207,204,207,204,199,199,204,202,196,194,202,204,199,194,196,199,199,202,202,139,79,71,95,139,191,199,199,196,196,196,202,204,207,212,212,212,209,209,212,217,225,217,191,189,191,141,140,194,202,212,222,225,212,142,139,143,196,202,209,217,225,228,225,228,230,230,228,224,224,225,225,225,222,220,218,218,225,233,238,238,235,235,235,235,230,216,211,215,238,246,241,235,241,241,235,233,235,243,248,254,254,251,251,251,254,255,255,255,255,255,255,255,254,248,246,243,241,238,238,238,241,243,246,248,248,251,251,251,254,251,248,246,241,238,238,235,235,235,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,243,235,228,225,217,212,209,207,202,196,196,199,202,204,204,204,202,202,199,202,204,207,207,207,207,207,204,204,202,199,199,198,199,199,202,202,202,199,199,196,194,191,186,183,183,183,183,183,181,181,178,176,173,129,129,129,127,126,126,127,131,176,178,181,186,191,194,196,196,194,194,194,196,202,207,212,217,217,222,225,230,238,238,235,230,230,235,238,241,235,228,217,215,0,0,0,0,0,0,0,228,199,189,181,176,168,165,168,173,173,170,168,168,170,176,176,168,165,160,119,121,163,168,165,121,115,107,105,111,117,125,178,194,194,183,182,189,196,199,204,204,199,191,186,183,181,178,137,135,133,135,183,191,191,189,189,189,189,194,196,202,202,202,202,202,204,207,207,207,207,207,209,212,217,222,222,217,215,212,212,212,212,212,215,220,222,222,217,222,225,222,212,199,194,194,196,0,0,0,0,3,9,15,23,15,9,1,1,15,33,41,39,33,15,9,13,27,31,15,1,0,0,0,0,0,0,0,7,31,39,31,7,4,15,45,51,53,65,71,71,71,67,63,63,81,139,168,186,202,212,207,204,204,204,204,217,241,241,233,202,127,113,109,111,107,107,115,137,215,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,233,217,209,215,217,217,199,194,0,0,0,0,0,0,51,0,0,0,0,0,0,0,0,0,0,90,116,111,92,59,51,74,77,74,53,27,20,17,14,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,23,0,0,0,0,41,105,116,124,116,74,19,0,0,0,0,9,31,45,47,47,47,47,69,79,92,92,82,69,33,0,0,0,0,0,0,0,0,0,0,0,0,163,255,255,222,204,204,215,222,215,225,235,254,254,241,235,238,230,212,178,152,135,133,139,150,147,139,131,118,98,98,111,134,129,105,100,98,116,173,194,176,144,108,74,7,0,0,0,0,255,255,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,66,64,13,0,0,0,0,0,17,35,57,105,126,144,144,137,121,103,65,53,37,27,11,0,0,0,0,0,0,35,124,186,181,59,0,0,0,0,13,19,0,5,59,81,47,51,83,155,181,178,207,225,222,202,191,189,157,103,103,102,101,102,105,144,144,99,89,79,79,76,76,78,81,75,69,79,93,91,83,91,83,30,8,33,63,69,63,55,65,79,93,129,144,144,137,91,83,81,95,131,81,75,93,147,160,144,137,129,91,93,134,139,139,131,131,93,93,134,157,163,160,134,97,89,71,62,67,81,87,87,85,85,89,129,152,157,126,73,65,81,134,134,91,77,69,61,55,59,61,53,46,46,59,81,137,150,144,99,91,87,87,83,83,97,107,144,101,91,95,111,160,163,160,117,121,165,170,170,129,123,122,125,183,191,191,202,228,238,238,230,238,255,255,255,255,255,255,255,255,255,255,255,255,246,230,204,181,168,160,157,157,163,176,199,163,0,0,0,0,0,0,0,0,0,0,0,129,160,168,168,186,228,255,255,255,233,204,178,163,115,107,107,107,121,168,186,215,225,217,202,176,152,103,95,134,152,163,155,129,63,31,5,0,0,0,1,31,83,152,170,173,168,157,150,109,101,100,100,100,109,168,186,196,186,186,186,186,189,189,186,183,176,170,168,127,119,165,173,183,181,173,165,157,157,150,103,95,85,77,77,85,85,73,51,31,19,17,19,29,49,63,75,87,126,134,142,144,152,163,170,170,160,157,147,147,147,107,75,57,57,75,107,155,163,170,181,178,173,168,152,111,103,95,95,95,99,99,93,91,93,101,81,72,70,75,101,160,173,181,186,189,178,168,155,107,105,105,111,160,173,173,169,169,169,181,191,212,0,0,0,0,246,246,246,235,207,173,137,111,87,72,59,38,7,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,90,59,33,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,0,0,207,228,228,207,165,67,30,29,45,63,63,45,17,11,14,29 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,199,173,72,0,0,0,0,0,0,0,0,0,3,129,170,168,144,15,0,0,27,87,15,0,0,0,0,0,1,82,165,118,105,129,147,155,157,209,0,0,0,121,129,59,186,196,157,181,209,207,209,215,204,186,165,173,199,215,222,212,191,0,0,25,176,194,207,207,202,204,217,212,113,0,37,168,202,191,196,11,0,0,0,69,137,178,199,202,189,181,186,199,204,196,191,176,168,173,176,181,194,209,215,212,215,217,217,215,204,186,179,189,204,212,209,212,220,222,217,212,215,215,212,212,215,217,215,212,212,212,212,211,211,212,212,212,212,215,215,215,212,212,209,208,208,212,215,217,215,215,215,209,178,65,12,6,21,0,0,45,212,217,228,222,217,222,215,178,0,2,109,115,125,173,125,101,101,168,233,217,212,217,225,217,215,215,212,207,207,209,204,194,125,119,127,176,183,189,189,181,178,189,191,178,131,131,125,109,119,125,123,123,125,125,133,181,189,207,222,230,228,225,225,217,199,189,189,194,196,194,189,181,181,183,183,131,124,133,196,212,207,191,186,191,199,194,178,173,174,181,183,186,199,207,199,191,185,182,189,204,204,204,196,183,129,125,173,189,191,191,196,202,217,207,111,115,178,199,199,183,176,178,176,132,178,181,133,123,123,131,189,194,181,131,115,115,191,204,202,199,202,207,209,212,209,204,202,202,207,207,207,204,202,199,186,93,0,0,194,199,183,176,170,170,178,191,178,131,178,183,183,181,189,196,196,191,189,181,176,176,176,130,133,183,189,183,132,133,204,222,228,225,225,217,204,183,133,133,125,123,124,131,135,178,181,178,135,181,183,183,183,186,189,189,186,183,186,183,177,181,189,186,186,186,191,204,212,207,194,181,174,176,189,186,133,133,181,186,194,207,212,211,211,215,222,217,202,186,181,181,186,189,186,182,181,182,189,199,215,225,222,209,194,181,137,137,181,181,181,183,199,215,222,222,215,212,215,212,199,191,194,178,82,113,186,204,212,202,97,113,196,215,222,225,225,217,215,215,217,225,222,222,220,222,220,209,199,194,189,194,186,181,181,181,181,189,202,204,199,178,125,123,123,127,133,176,176,178,181,186,189,181,129,128,133,186,189,189,183,135,133,135,183,191,202,204,199,191,189,202,204,191,182,185,196,202,199,194,191,186,189,194,199,209,207,189,189,196,204,207,204,196,192,189,189,194,204,202,191,183,178,131,128,128,133,178,135,178,186,191,186,183,183,186,183,181,178,133,132,133,181,181,176,133,176,181,176,131,176,186,191,186,178,129,126,127,170,170,125,115,115,125,173,178,181,178,173,129,129,173,181,189,194,204,215,217,212,194,186,178,116,112,121,176,191,204,212,207,199,196,194,192,199,204,199,194,191,194,194,191,181,111,105,117,186,207,215,101,84,89,88,111,176,173,115,109,204,202,194,189,189,183,178,176,173,129,128,129,173,181,183,176,131,133,178,181,181,181,181,176,173,174,181,189,191,191,191,189,191,199,209,215,199,129,125,129,133,186,137,84,77,96,117,183,204,209,212,209,207,204,204,207,207,209,212,215,212,204,199,194,194,199,202,199,183,182,189,196,194,181,132,132,135,186,194,199,199,194,191,199,207,212,212,209,204,196,196,196,202,202,196,190,194,202,204,202,198,204,209,204,141,135,137,141,191,194,196,204,209,209,209,207,207,207,202,186,134,135,139,189,194,194,194,196,196,194,196,202,207,204,196,133,126,132,191,199,202,196,194,189,186,194,204,209,207,204,202,194,189,189,196,204,209,207,202,199,196,199,199,196,199,202,204,209,212,215,212,209,207,207,204,204,202,199,194,194,191,191,191,189,186,137,137,132,134,189,194,191,191,196,202,202,194,189,189,191,194,196,194,196,199,196,195,196,199,202,199,196,199,207,212,207,199,202,204,202,196,199,202,202,196,194,199,202,196,194,196,202,204,207,209,202,115,84,107,139,191,196,196,196,199,204,207,207,207,209,215,215,215,212,212,215,222,217,199,199,196,141,140,194,204,212,222,225,217,199,143,142,143,199,209,215,222,225,225,225,225,228,225,224,224,225,228,228,225,220,217,218,222,230,233,233,233,233,235,238,235,217,208,212,233,243,243,243,246,248,243,238,241,246,254,255,255,255,254,255,255,255,255,255,255,255,255,255,255,254,251,248,246,241,241,241,241,243,246,248,248,251,251,254,254,254,251,246,243,241,238,238,238,235,235,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,246,238,230,228,222,215,209,207,202,196,194,196,199,202,202,204,202,202,199,199,202,204,204,204,204,204,204,204,204,202,199,199,199,199,199,199,199,196,196,196,194,191,186,186,183,186,183,183,181,181,181,178,173,131,129,129,127,127,126,126,127,131,176,181,186,189,191,191,191,189,189,189,191,196,204,212,215,217,217,222,228,233,235,233,230,230,233,241,246,241,230,215,212,0,0,0,0,0,0,0,235,204,191,183,178,168,160,163,165,168,165,165,165,168,170,173,168,165,160,121,119,123,163,163,123,119,109,107,115,127,176,189,196,191,182,181,183,186,194,204,202,196,189,186,183,181,181,137,135,131,133,181,189,189,183,183,183,186,189,196,202,204,204,202,204,207,209,209,212,209,209,212,215,217,222,222,217,212,209,209,212,212,212,215,217,220,222,222,222,225,222,212,202,194,194,194,0,0,0,1,13,23,27,29,29,15,9,11,19,33,41,43,29,9,3,9,15,15,7,0,0,0,0,0,0,0,0,1,29,45,45,33,23,31,45,51,53,65,73,77,77,75,67,67,77,91,150,178,202,215,230,230,215,215,228,233,241,248,241,230,212,189,129,123,107,91,99,117,199,254,255,255,255,255,255,255,255,255,255,255,255,255,255,243,255,255,246,212,186,176,178,189,178,160,160,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,72,72,72,59,43,35,43,51,43,35,20,5,7,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,77,13,0,13,61,121,144,139,131,105,37,0,0,0,0,0,0,9,19,17,11,13,33,53,85,103,87,79,77,47,11,0,0,0,0,0,0,0,0,0,0,0,37,191,228,209,194,207,225,233,230,230,235,251,255,254,246,0,0,212,181,160,147,144,152,163,157,150,0,0,98,90,108,142,137,121,111,105,124,168,191,176,157,142,82,0,0,0,19,0,173,181,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,74,25,0,0,0,0,11,39,39,55,90,100,118,137,168,181,168,137,111,61,33,11,0,0,0,0,0,9,31,69,137,137,51,0,0,0,0,0,0,0,0,29,47,41,63,150,199,202,181,199,215,204,170,160,165,152,142,147,102,99,98,102,144,144,137,93,89,81,76,71,76,81,81,81,89,95,79,71,77,83,35,11,41,73,89,83,75,79,91,134,152,144,91,61,37,27,21,31,61,61,57,79,129,137,91,85,89,97,134,142,134,95,93,93,90,89,93,137,150,137,91,79,75,69,71,95,155,150,129,87,81,83,95,129,91,75,67,71,83,121,91,81,71,71,71,67,63,55,47,44,46,63,85,142,150,144,99,97,89,97,97,97,103,147,111,97,91,95,117,170,160,115,113,121,168,173,173,129,124,122,123,135,189,191,202,233,241,238,233,238,246,255,255,255,255,255,255,255,255,255,255,255,255,235,215,194,176,165,155,144,137,131,186,233,29,0,0,0,0,0,0,0,0,0,0,47,134,160,168,176,215,254,255,255,222,204,196,181,121,107,104,104,115,168,186,207,222,217,202,178,170,152,142,142,152,155,142,87,57,31,0,0,0,0,0,1,59,139,170,181,176,168,165,157,103,101,103,107,160,186,209,209,196,186,186,178,173,173,173,178,178,178,178,170,168,173,181,186,186,178,165,157,150,150,109,99,95,85,85,95,97,73,45,25,17,17,19,29,47,57,73,87,139,142,147,150,152,157,168,170,160,157,147,144,144,97,69,55,55,75,101,111,152,163,170,170,178,178,163,152,103,95,93,93,99,103,103,101,103,101,81,72,72,77,107,165,173,173,181,191,189,176,163,111,105,105,111,155,173,181,173,169,173,173,181,199,220,228,238,238,238,246,238,235,212,173,137,95,72,56,38,7,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,90,56,30,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,49,139,0,217,225,225,207,176,113,39,35,49,85,116,57,23,8,12,19 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,165,118,85,0,0,0,0,0,0,0,40,53,0,85,165,168,147,40,0,0,0,7,23,19,9,0,0,0,0,49,37,0,25,129,139,90,15,9,0,0,41,186,165,144,181,163,152,178,207,204,204,209,204,189,152,155,178,209,215,196,183,1,0,0,157,191,196,202,202,204,204,217,215,0,0,183,204,186,196,0,0,0,0,13,121,176,194,196,186,176,170,163,163,144,150,160,163,157,160,178,199,212,215,215,215,217,217,217,207,181,174,177,196,209,212,212,217,222,222,222,222,222,217,217,217,220,217,217,215,212,212,212,212,212,209,207,209,212,215,215,212,212,212,212,212,215,215,215,215,215,212,215,220,204,202,212,181,0,0,37,209,215,228,225,215,215,202,186,17,11,103,123,168,168,121,100,90,77,121,199,204,215,212,202,199,196,178,116,116,178,189,194,183,129,178,173,129,181,183,177,176,186,189,133,127,125,111,99,109,129,129,127,127,129,131,127,178,207,225,230,228,228,222,207,194,186,189,196,199,196,186,181,181,186,189,133,119,129,202,220,212,194,183,189,196,194,178,173,174,178,183,194,212,215,204,196,186,182,186,199,199,196,189,176,125,121,127,186,196,204,212,202,189,108,109,125,183,191,189,183,183,194,189,135,181,186,186,131,126,129,181,186,135,135,183,194,196,199,204,209,212,212,212,212,212,207,202,199,202,204,204,204,212,217,230,228,89,11,181,186,176,129,125,129,178,186,176,129,173,186,191,194,196,199,199,196,191,181,131,131,133,131,176,186,191,186,133,133,196,215,225,225,222,217,199,135,133,178,133,129,131,178,186,194,196,191,181,178,181,181,181,183,183,183,186,189,194,189,178,178,183,186,189,186,191,207,212,204,191,178,174,177,191,191,137,135,186,191,202,212,215,212,212,215,215,209,189,181,137,183,186,186,186,186,186,183,189,207,228,235,228,207,199,191,183,137,135,137,181,191,207,215,222,222,215,212,215,212,207,204,209,199,81,105,191,207,209,191,81,99,196,217,225,225,225,217,212,212,217,222,222,218,218,222,215,199,191,191,194,191,133,132,135,183,183,183,183,183,176,121,118,121,122,125,178,183,183,186,189,194,194,186,178,181,189,196,196,189,181,135,133,178,181,186,196,202,199,189,186,202,207,191,178,178,186,194,196,196,189,133,135,181,178,194,189,127,131,191,204,207,202,194,191,191,192,199,202,194,183,178,133,133,133,135,183,183,135,134,135,178,178,178,181,181,135,131,129,130,131,135,183,181,135,133,176,181,176,131,176,189,191,183,176,131,131,131,173,170,127,125,125,127,127,127,173,181,178,129,127,129,176,183,196,212,225,225,212,186,173,131,121,120,183,189,186,194,196,194,194,196,196,199,207,209,207,199,194,191,191,189,181,119,107,109,119,125,111,84,80,105,127,181,173,168,170,178,202,207,199,194,191,191,189,186,181,131,127,128,173,183,186,183,181,186,189,186,181,181,183,183,176,174,178,189,194,196,196,196,196,204,209,217,215,194,133,135,186,204,204,113,94,99,107,127,189,199,199,196,196,196,199,204,207,207,212,215,212,204,196,191,191,196,202,196,186,182,183,191,191,183,134,134,183,191,194,199,202,194,196,204,212,217,215,209,202,196,194,194,199,204,202,194,194,204,207,204,204,207,212,209,199,189,191,196,199,199,199,202,204,204,204,207,209,212,215,202,186,138,139,141,189,194,199,202,199,199,202,204,204,204,199,141,130,131,137,189,189,186,186,189,191,194,194,191,194,196,194,186,136,137,189,202,207,204,204,202,199,199,196,194,189,189,191,196,199,202,202,202,202,202,199,199,196,194,189,189,189,189,189,183,137,133,133,133,137,191,196,194,186,191,202,202,194,189,189,194,199,196,194,196,196,196,195,196,199,202,196,189,187,194,204,202,196,196,199,199,196,199,202,202,196,194,196,196,194,191,196,202,207,209,212,204,194,183,183,189,194,196,195,195,202,207,209,209,209,209,212,215,215,215,212,215,217,222,212,209,202,143,143,199,209,215,217,222,217,204,194,143,141,196,204,207,212,217,225,225,222,228,228,228,225,228,225,225,222,222,222,222,225,228,230,228,228,230,233,238,238,225,215,216,235,243,243,243,246,248,246,243,246,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,246,246,243,246,246,248,251,251,251,254,254,254,254,251,246,243,241,238,238,238,235,235,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,243,235,230,225,217,212,207,202,196,194,196,196,199,202,202,202,199,199,199,199,202,202,204,204,204,204,204,202,202,202,199,199,199,199,196,194,194,196,196,196,191,189,186,186,186,183,183,183,183,181,178,173,131,129,129,127,127,127,127,127,129,176,181,186,189,189,189,189,187,187,187,189,194,202,207,212,212,215,215,225,230,233,233,230,230,233,241,246,241,228,209,207,0,0,0,0,0,0,0,238,207,194,186,181,173,160,160,160,163,163,163,163,163,165,165,165,163,160,121,119,119,121,121,123,121,115,111,121,176,189,196,196,186,181,181,182,181,183,196,196,191,189,186,183,183,181,137,133,129,131,181,189,186,139,137,139,183,186,194,202,207,207,204,207,209,212,212,215,215,215,215,215,217,217,217,215,209,209,209,212,212,212,212,212,215,220,222,222,225,222,212,204,199,196,196,0,0,0,1,13,15,15,15,27,15,15,19,27,29,37,41,15,7,3,3,9,3,0,0,0,0,0,0,0,0,0,0,13,39,47,45,31,23,31,37,45,59,71,77,81,87,87,81,81,91,147,176,196,215,230,230,230,230,230,241,248,246,241,230,212,189,129,117,105,77,71,83,131,238,255,255,255,255,255,255,255,255,255,255,255,215,196,196,207,215,215,199,173,155,152,142,129,121,124,163,0,0,0,0,0,0,43,0,0,0,0,0,0,0,0,0,40,33,33,33,25,25,33,33,20,0,0,0,7,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,56,98,98,53,25,72,121,111,25,0,19,79,126,139,137,142,131,37,0,0,9,9,0,0,0,5,0,0,0,23,53,103,105,95,82,85,74,19,0,0,0,0,0,0,0,0,0,0,0,0,134,178,178,181,207,225,225,225,225,235,246,251,246,235,0,0,199,186,178,160,155,160,170,0,0,0,0,0,0,0,165,155,134,139,129,131,155,165,160,176,202,157,15,0,0,0,64,95,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,64,25,0,0,1,29,77,85,37,55,98,100,118,152,196,225,215,183,137,105,53,27,5,0,0,0,19,31,31,39,53,53,17,0,0,0,0,0,0,0,0,21,35,47,89,173,207,209,194,194,194,181,153,151,157,157,157,163,150,139,105,103,137,139,137,101,137,134,91,81,78,81,87,89,131,129,73,58,61,69,43,23,33,71,124,131,137,139,139,147,165,137,59,29,19,11,9,11,35,41,47,67,89,87,75,72,81,91,97,134,97,83,83,91,93,91,91,99,134,97,81,67,63,66,79,163,183,165,131,87,82,87,126,91,73,66,67,77,83,81,73,61,55,67,79,79,65,55,47,47,53,71,89,129,99,91,91,87,87,89,97,142,155,163,155,107,101,111,170,178,157,113,113,121,178,183,178,176,131,125,127,139,189,191,212,225,238,241,238,231,238,254,255,255,255,255,255,255,255,255,255,255,255,246,230,212,189,165,131,83,67,53,150,230,47,0,0,0,0,0,0,0,0,0,0,0,116,152,160,168,199,246,255,246,222,212,209,196,170,115,107,107,121,173,196,215,228,215,189,170,157,142,131,129,126,91,73,63,55,39,0,0,0,0,0,0,23,71,147,173,173,168,165,160,147,113,115,155,176,209,217,209,196,191,186,173,123,117,119,131,178,189,189,183,176,176,181,189,191,181,165,157,113,109,103,99,95,95,95,137,97,71,39,19,13,13,19,27,41,53,67,85,139,147,142,142,150,152,160,160,160,152,144,139,139,97,69,55,55,69,97,105,107,157,170,173,186,186,178,160,109,95,88,88,93,109,115,109,107,101,91,75,77,91,113,168,168,166,176,189,191,178,163,111,105,105,107,155,173,181,181,181,181,181,191,199,220,228,238,238,238,246,246,238,215,186,147,92,59,29,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,90,59,30,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,82,147,196,217,228,228,225,199,144,63,57,69,131,131,69,35,12,12,23 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,137,139,152,157,0,0,0,12,0,22,121,64,0,0,87,173,150,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,142,139,0,0,0,0,0,0,144,142,137,150,147,147,178,202,200,200,204,202,196,166,163,168,189,194,165,170,147,9,0,124,189,196,199,204,202,195,220,233,25,0,183,189,173,165,0,0,0,0,39,160,181,189,186,178,165,140,125,122,130,135,160,168,153,155,189,204,212,215,217,217,217,217,217,215,199,181,181,202,209,209,209,215,217,217,217,222,222,220,217,217,215,215,217,215,212,209,212,212,209,204,203,204,209,215,212,209,209,212,215,217,217,215,212,212,215,217,222,215,189,199,217,225,117,69,199,209,209,222,222,212,207,196,189,101,34,73,117,168,123,121,113,91,59,85,119,119,186,127,119,178,183,129,115,115,123,173,202,212,209,202,131,115,123,181,178,177,189,189,176,133,133,127,110,123,181,183,178,131,129,124,117,123,194,209,222,225,225,215,199,189,183,183,194,199,194,181,134,134,183,196,191,120,124,183,204,199,186,178,181,189,191,183,176,177,178,181,191,212,215,207,196,191,189,191,194,183,178,176,133,127,122,127,183,199,209,212,186,121,95,102,125,178,181,181,181,178,191,194,135,178,189,186,135,178,183,191,196,196,196,204,204,199,199,204,209,212,209,209,212,215,209,204,202,199,199,202,207,215,222,225,215,85,8,109,170,173,127,123,127,176,176,128,126,129,189,202,204,202,199,199,196,189,133,126,127,131,176,178,183,189,186,176,133,186,204,215,215,209,202,181,132,178,183,178,133,178,191,202,209,212,204,186,178,178,178,178,178,178,181,189,196,199,194,181,134,178,189,191,186,186,196,202,194,183,178,177,178,189,194,194,194,194,196,204,215,217,217,215,212,204,191,134,133,137,183,183,186,186,194,194,186,189,209,228,230,222,191,196,202,191,137,133,135,181,194,209,217,217,222,215,211,212,212,209,209,212,207,88,109,186,204,207,194,82,92,123,199,222,225,222,217,212,212,215,222,222,218,218,222,215,194,181,183,189,186,128,131,135,183,178,133,131,129,125,118,118,123,125,127,178,186,186,191,199,204,199,189,183,186,191,194,191,181,135,133,178,181,178,178,189,196,194,183,183,196,207,199,182,182,186,191,194,196,183,120,125,127,123,133,133,128,131,191,202,204,199,194,194,199,202,202,196,189,183,181,178,178,181,186,186,181,135,133,133,134,135,181,189,191,183,132,130,129,131,133,178,178,135,129,129,133,131,131,178,186,186,181,176,176,176,178,181,178,176,170,129,127,121,120,125,176,178,170,128,129,173,181,196,212,225,222,199,130,127,131,176,183,202,199,183,181,183,189,194,196,196,202,209,212,207,199,194,191,189,183,176,121,111,110,113,103,81,82,85,168,186,183,113,115,189,202,209,209,202,196,194,196,196,199,196,183,129,128,131,181,183,183,186,196,199,191,183,186,191,189,181,176,178,186,189,194,199,202,202,207,209,215,217,212,199,186,181,194,199,199,207,189,121,129,181,186,183,183,181,183,183,186,191,199,207,209,207,199,191,186,189,191,194,194,191,186,186,186,186,186,178,178,186,194,199,199,196,194,196,204,215,217,215,209,204,199,194,192,199,207,204,199,202,207,209,209,212,212,215,215,209,207,202,199,199,196,196,199,199,202,204,207,209,212,215,204,191,186,186,141,189,194,202,202,199,199,202,204,202,202,202,196,141,133,132,132,137,139,139,186,194,194,191,186,185,186,189,186,137,136,139,194,202,204,204,202,196,191,194,194,186,183,183,186,191,139,135,183,191,194,191,194,194,191,186,186,186,186,186,183,135,133,134,137,186,194,196,194,181,135,191,196,194,191,191,196,202,196,194,194,196,196,195,196,202,202,199,189,185,186,194,199,196,195,196,196,199,202,202,202,199,199,194,191,191,194,194,196,199,204,204,199,194,196,199,196,199,199,195,195,199,207,209,212,212,212,212,215,215,212,212,212,217,225,225,215,199,189,194,204,212,209,209,215,209,202,196,194,191,199,204,204,207,212,222,222,222,225,230,230,230,228,225,222,222,225,228,228,230,230,228,228,228,230,233,235,235,230,225,230,241,246,246,246,248,248,246,246,251,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,248,248,248,251,251,251,251,251,254,254,254,254,251,248,246,241,241,241,238,238,235,238,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,248,241,233,225,217,212,207,202,196,194,196,196,196,199,199,199,199,199,196,199,199,199,202,202,202,202,202,202,199,199,199,199,196,196,194,192,192,196,196,196,194,189,186,186,186,186,183,183,183,183,178,173,129,127,125,125,125,127,127,129,131,176,178,183,189,191,191,191,189,189,189,189,194,199,204,207,209,209,212,217,228,230,230,230,230,230,238,243,241,225,207,202,0,0,0,0,0,0,0,243,217,202,189,183,178,163,160,160,160,163,163,163,163,163,163,160,157,119,119,121,121,119,118,121,125,125,125,178,191,199,202,196,186,182,183,189,182,181,189,191,191,189,189,186,183,181,135,131,127,125,133,183,183,139,138,139,183,186,194,202,207,209,207,207,209,212,215,217,220,222,217,217,215,217,215,212,209,209,212,212,212,211,211,211,212,217,222,222,222,222,212,204,202,202,199,0,0,0,0,7,9,7,9,13,9,15,19,27,19,27,29,15,9,9,7,3,0,0,0,0,0,0,0,0,0,0,0,0,25,39,39,23,11,13,29,41,61,77,81,85,126,134,134,131,139,160,186,207,230,238,238,230,230,0,0,248,241,233,228,199,123,101,85,69,51,33,45,83,189,248,255,255,255,255,255,255,255,255,255,222,174,168,178,189,204,215,207,183,160,139,129,113,105,108,131,0,0,0,0,0,0,53,14,0,0,0,0,0,0,4,14,22,12,4,4,0,7,14,9,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,98,131,152,160,139,124,129,142,121,56,13,21,95,129,137,134,147,139,43,0,1,35,29,9,0,3,5,0,0,0,19,51,103,113,111,103,105,79,27,0,0,0,0,0,0,0,0,0,0,0,0,65,147,165,181,215,225,222,215,225,225,235,228,215,209,0,0,196,194,186,173,163,168,0,0,0,0,0,0,0,0,189,165,111,108,103,113,139,134,126,165,220,173,19,0,0,9,77,69,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,1,0,0,19,92,129,121,53,98,139,147,152,186,212,225,215,186,144,116,67,43,21,5,5,23,67,57,37,29,35,37,1,0,0,0,0,0,0,0,9,21,29,75,150,173,181,196,207,204,204,181,160,153,160,157,150,163,168,157,147,137,99,99,137,142,152,157,150,134,95,95,95,93,126,93,71,58,60,67,51,35,41,65,83,124,139,157,168,168,165,85,37,19,17,11,7,9,23,35,45,67,87,85,75,72,73,75,83,91,91,83,79,89,137,139,137,137,150,137,87,71,63,67,93,181,194,165,131,97,97,129,129,89,71,67,73,83,83,73,57,47,47,59,81,87,67,55,47,53,67,79,87,87,79,83,85,84,83,84,97,150,165,165,163,152,152,160,173,170,115,109,111,121,178,183,183,178,178,135,135,141,191,191,212,222,230,241,241,231,228,241,255,255,255,255,255,255,255,255,255,255,255,255,238,225,194,155,69,35,21,13,49,113,0,0,0,0,0,0,0,0,0,0,0,0,116,160,168,173,204,251,255,251,233,222,212,202,173,163,121,168,176,194,212,225,228,207,173,142,95,87,83,73,65,49,39,39,45,31,0,0,0,0,0,0,0,35,97,160,165,165,165,168,168,168,165,173,191,217,217,209,209,209,196,173,117,112,114,125,178,199,199,194,183,181,186,191,202,186,170,157,111,107,103,93,93,95,95,134,97,67,33,15,7,9,17,25,37,47,57,73,87,129,89,91,134,142,157,160,157,152,139,101,103,97,71,57,56,73,97,101,105,163,173,178,194,196,186,170,152,103,93,88,93,113,160,157,109,101,91,91,101,109,160,170,166,163,170,183,181,170,155,105,101,101,107,155,178,191,199,199,199,199,199,199,220,228,228,238,0,0,254,246,215,194,163,105,56,25,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,90,59,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,82,152,199,228,246,246,246,230,183,131,89,131,144,142,89,45,17,17,31 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,178,186,176,0,0,0,0,0,90,95,0,0,0,15,144,150,152,69,21,0,7,0,0,0,0,0,0,25,0,0,0,33,124,126,0,0,0,0,0,0,113,105,105,126,124,134,181,202,202,202,204,204,202,196,186,168,155,139,121,157,220,150,0,21,183,196,196,202,199,202,220,222,111,0,57,111,142,126,0,0,0,0,33,73,126,129,144,163,157,143,130,127,133,138,183,191,156,156,189,204,212,215,217,217,217,217,217,222,217,209,207,212,209,207,208,215,215,215,215,217,222,220,217,212,203,204,209,212,209,209,209,212,212,204,203,204,209,215,215,207,204,207,212,217,217,215,212,212,215,222,228,79,63,191,228,241,222,209,222,217,209,207,207,209,202,186,176,125,69,83,115,181,119,127,178,183,107,176,125,59,55,39,41,107,173,127,117,117,121,131,204,217,222,212,131,107,103,176,181,186,194,196,191,194,191,199,183,178,181,186,183,135,127,123,114,120,129,135,202,215,217,207,194,186,181,178,186,194,186,135,132,132,178,202,202,124,123,129,178,181,178,176,176,178,181,181,178,178,181,181,189,202,207,204,196,191,194,196,186,127,129,131,131,129,123,129,183,194,196,191,176,131,106,105,121,133,181,183,183,176,183,191,133,129,181,131,127,186,204,207,212,215,222,215,209,209,209,209,209,209,207,207,209,215,215,209,207,202,196,196,202,209,212,209,196,97,95,119,131,181,170,123,125,131,173,129,127,131,194,212,212,204,202,199,196,189,129,124,126,176,181,178,176,176,178,133,133,181,189,199,199,191,178,132,133,186,181,133,133,181,194,207,217,222,209,186,177,177,177,177,178,181,186,196,204,204,199,183,134,133,186,189,181,176,178,183,181,177,178,178,178,186,199,212,209,199,189,194,207,217,222,217,212,202,186,133,133,137,183,183,186,189,194,191,183,183,202,217,217,207,131,191,204,194,135,132,135,181,194,209,215,215,217,217,212,215,215,215,209,212,209,109,121,181,199,207,207,91,93,100,117,215,220,217,215,209,209,215,222,222,222,222,222,215,189,133,133,183,191,128,133,183,183,129,128,129,127,125,120,120,131,129,129,178,186,189,194,204,207,199,189,186,186,189,186,178,132,132,178,186,186,135,127,133,183,181,133,133,186,207,212,204,202,202,199,199,199,135,115,122,127,123,178,181,178,183,194,196,196,196,196,202,204,204,199,189,186,194,199,189,183,183,183,181,135,134,134,134,137,183,191,202,207,202,189,178,133,135,135,133,133,131,127,124,129,133,176,181,181,178,176,176,178,181,186,189,189,183,176,129,123,118,117,121,129,173,178,181,178,178,181,191,207,215,204,183,129,129,186,191,194,204,199,178,170,176,186,194,199,199,202,209,209,202,194,189,189,186,176,127,121,115,117,168,105,73,87,115,181,186,170,93,107,199,209,215,212,204,202,199,199,202,207,209,199,178,129,130,176,178,178,186,199,202,194,186,189,196,191,181,178,181,183,186,191,199,204,207,209,215,217,217,212,207,194,135,135,137,189,204,194,129,133,181,181,135,135,133,129,126,124,126,186,196,196,194,191,186,183,183,186,189,194,199,194,189,186,186,186,181,178,183,194,202,199,191,191,196,207,212,215,215,209,207,202,196,192,196,204,207,207,209,212,212,215,217,217,215,212,215,212,207,199,195,195,195,196,199,202,207,209,209,209,207,199,141,139,139,139,186,199,207,209,207,202,207,209,207,207,207,204,199,194,135,132,133,137,137,141,194,199,196,189,185,185,186,189,186,138,183,194,202,207,207,202,191,187,190,194,189,182,181,186,191,128,125,128,139,186,186,189,189,189,186,186,186,189,189,186,137,134,135,178,186,189,194,194,133,123,131,186,191,191,194,196,199,194,191,191,196,199,196,199,202,202,202,194,186,186,194,196,196,195,195,196,199,202,204,202,204,202,194,190,191,196,194,190,190,194,199,194,187,187,191,196,204,204,199,196,202,209,212,215,215,215,212,212,212,212,212,215,217,222,228,215,196,189,194,204,207,202,202,207,202,143,145,199,204,207,209,209,209,212,217,222,217,222,228,230,233,230,222,220,221,225,228,230,233,233,233,233,230,230,230,233,230,230,230,235,241,243,243,248,251,251,248,246,248,254,254,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,251,251,251,251,251,254,254,254,254,254,254,254,251,246,243,241,241,238,238,235,238,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,243,235,228,217,212,207,204,199,194,194,194,196,196,196,196,199,196,196,196,199,199,199,199,202,202,202,199,199,199,199,199,196,196,194,192,194,194,196,196,194,189,186,186,186,186,186,186,186,183,181,173,129,125,124,124,125,127,129,131,173,176,178,183,189,194,196,194,194,194,191,191,194,196,199,202,204,204,207,212,222,228,230,230,228,230,235,241,238,222,207,199,0,0,0,0,0,0,0,0,228,212,196,186,181,170,165,163,160,160,163,165,165,163,157,157,119,119,121,163,165,123,119,119,125,170,178,194,202,204,204,199,189,186,194,199,191,182,183,191,194,191,191,189,186,183,137,133,125,123,125,133,139,183,183,186,186,189,194,204,209,209,207,207,209,212,217,222,222,225,225,220,217,215,215,212,212,212,212,212,212,211,211,211,212,215,217,217,217,215,207,202,202,202,199,0,0,0,0,3,3,3,7,9,9,15,27,27,15,15,15,9,9,15,13,3,0,0,0,0,0,0,0,0,0,0,0,0,1,23,25,13,10,13,29,45,65,103,113,124,134,144,152,160,168,178,196,215,238,246,238,230,238,0,0,248,241,238,233,196,101,51,31,21,11,5,13,45,97,207,255,255,255,255,255,255,255,255,255,204,165,164,178,215,246,251,243,212,189,165,142,113,105,113,0,0,0,0,0,0,0,0,27,12,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,157,165,170,170,181,165,157,150,126,66,19,23,95,144,155,142,139,124,49,0,35,79,51,21,9,9,5,0,0,0,27,53,103,113,121,116,113,87,35,0,0,0,0,0,0,0,0,0,0,0,0,53,129,160,189,212,225,215,215,215,215,215,207,191,191,196,209,209,196,186,168,160,165,0,0,0,0,0,0,0,0,204,173,100,75,72,90,116,108,95,126,178,74,0,0,0,66,124,69,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,92,137,137,92,129,176,183,186,186,194,196,189,157,142,121,69,43,25,17,21,41,121,103,47,35,53,71,17,0,0,0,0,0,0,0,15,33,45,139,165,155,152,176,207,212,215,204,178,165,160,150,142,150,168,168,155,137,93,93,134,142,150,163,165,150,131,129,131,89,69,66,67,71,79,85,77,65,69,71,73,81,129,157,183,186,165,85,25,13,17,17,9,9,23,35,45,67,89,91,85,81,73,64,64,71,77,75,73,87,170,178,168,157,160,160,131,81,71,77,134,183,191,165,139,139,155,152,129,85,77,79,83,89,83,69,49,44,45,59,85,91,67,55,55,61,75,85,87,81,76,79,85,84,83,87,99,155,165,165,163,157,160,170,170,119,105,98,103,113,127,178,176,176,183,183,183,191,202,202,212,222,230,238,246,233,231,238,255,255,255,255,255,255,255,255,255,255,255,255,241,233,204,147,55,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,118,165,183,186,217,255,255,254,233,222,212,196,173,165,181,194,199,204,225,241,238,215,168,97,65,60,63,63,55,39,32,34,39,31,0,0,0,0,0,0,0,19,85,157,173,168,168,176,181,183,176,181,194,217,217,209,217,217,209,176,117,114,114,125,186,202,212,202,199,189,189,194,202,191,173,117,107,101,93,93,83,83,83,99,95,67,29,11,6,6,13,21,29,37,49,63,73,75,77,77,89,134,150,160,155,147,134,97,97,89,75,56,56,73,95,95,105,163,178,178,189,196,186,178,160,115,109,99,97,115,168,165,113,105,101,101,109,121,165,173,166,163,166,178,170,163,111,101,99,101,111,163,181,199,212,222,220,220,212,212,220,228,228,238,0,0,0,246,222,207,178,116,56,25,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,90,59,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,57,147,204,238,254,255,255,254,212,165,147,150,152,147,95,57,33,31,41 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,17,0,103,129,183,178,131,30,0,0,0,72,100,103,87,100,113,108,79,163,181,43,72,79,27,0,0,0,0,139,178,165,131,0,0,0,0,0,100,155,0,0,0,116,59,65,98,129,139,186,202,207,207,202,204,204,204,202,196,41,0,0,155,176,176,19,23,186,194,194,196,196,196,212,209,144,0,0,0,69,0,0,0,0,0,0,37,85,75,65,147,155,160,230,202,147,163,191,202,181,157,170,196,209,215,215,217,217,215,217,222,225,222,217,215,212,209,209,212,215,215,215,217,220,220,217,212,198,196,200,204,207,209,212,215,215,209,204,207,215,217,212,204,199,199,204,212,217,217,212,212,217,225,225,19,0,63,95,222,225,225,228,225,212,207,204,199,181,125,121,117,105,107,101,113,95,176,202,215,235,225,207,83,41,26,41,105,123,123,123,119,114,181,212,217,222,217,133,100,65,105,178,189,196,199,199,196,199,196,191,189,183,181,135,131,129,131,129,129,127,125,126,191,202,199,189,186,183,178,133,131,129,178,181,134,178,199,202,181,129,129,129,133,178,176,173,172,174,178,181,181,181,183,189,194,196,194,186,183,189,186,124,111,129,176,127,115,119,178,189,189,186,176,131,176,127,125,129,176,181,186,189,183,176,133,129,109,107,121,135,199,209,215,212,215,225,225,222,222,217,215,209,202,200,204,209,215,217,217,212,204,199,199,194,199,204,123,113,117,178,217,207,204,186,109,113,117,127,178,181,189,202,209,215,204,202,204,204,196,133,126,129,191,194,178,130,128,130,176,176,181,186,191,194,122,121,132,191,194,186,133,133,183,196,209,222,215,204,181,177,178,177,178,183,189,196,209,209,204,202,194,135,132,135,189,181,173,174,178,181,181,176,176,178,189,202,212,212,199,137,183,196,209,215,209,204,202,199,189,181,135,133,181,189,191,189,186,181,137,183,199,199,137,118,135,194,137,131,132,135,181,196,209,217,215,215,217,220,217,215,215,212,212,209,183,127,135,196,207,209,202,107,99,106,199,209,215,212,209,212,217,222,225,225,222,222,209,129,128,133,137,189,133,135,183,135,129,133,178,133,129,123,122,127,131,176,178,181,186,194,199,202,194,186,186,189,191,186,133,131,135,191,202,202,135,118,113,119,125,125,125,183,204,212,212,212,215,215,212,204,125,116,121,178,194,194,194,191,189,189,186,186,186,194,199,202,189,109,108,137,196,199,191,137,134,134,135,135,135,137,183,191,196,204,209,212,212,204,194,189,186,186,183,181,135,129,127,133,186,194,191,181,174,176,181,183,186,189,189,186,181,176,170,125,117,117,121,129,170,202,204,202,189,176,178,191,194,183,176,173,186,186,183,191,199,189,170,168,173,189,199,199,199,202,207,204,199,178,173,186,183,168,121,114,113,115,191,183,181,170,186,178,125,71,79,189,204,209,215,215,209,204,204,204,202,207,212,207,194,173,129,131,133,133,181,191,196,194,189,191,196,191,183,181,183,183,183,186,189,199,207,212,215,212,212,212,212,204,191,129,127,131,133,117,117,129,137,181,137,137,133,126,124,122,123,133,181,135,135,186,189,186,183,186,189,196,204,186,181,183,189,189,186,181,177,186,202,194,183,189,199,207,209,212,212,209,204,202,199,194,194,199,207,209,212,212,215,220,222,217,215,212,212,215,209,204,196,195,196,199,204,207,209,212,212,209,209,199,134,136,136,137,141,202,215,217,215,215,215,222,222,217,215,212,207,204,196,186,141,139,139,186,194,199,199,191,189,189,186,183,186,186,189,196,204,209,207,202,191,187,190,196,194,182,183,194,191,139,118,124,139,139,183,186,183,183,183,186,186,191,194,189,181,135,135,135,133,178,191,191,131,126,131,183,191,191,194,196,196,194,190,190,196,199,199,196,196,196,202,199,196,196,202,199,194,194,196,199,202,204,202,202,202,202,194,190,191,199,196,189,186,191,196,191,186,186,189,196,202,204,204,204,207,212,215,217,217,215,212,212,212,215,215,215,217,222,225,215,199,189,191,202,202,199,202,207,191,116,122,196,209,215,212,212,212,215,217,215,215,217,225,230,235,233,228,222,222,225,230,233,233,235,238,238,233,230,230,230,230,229,230,235,238,238,238,243,248,248,243,243,246,248,251,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,254,254,254,254,254,254,254,255,255,255,254,251,246,243,241,241,238,238,235,238,241,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,246,235,228,217,212,207,204,202,196,191,191,194,194,196,196,196,196,196,199,199,199,199,199,199,202,199,198,198,199,199,199,199,199,196,194,194,194,196,196,196,191,189,186,186,186,186,186,186,186,183,178,173,127,125,124,125,127,129,131,173,176,181,183,189,194,196,196,196,194,191,190,191,194,194,196,202,202,202,209,217,228,230,228,228,230,233,235,230,217,204,199,0,0,0,0,0,0,0,0,238,222,204,189,181,178,176,165,160,160,163,165,165,163,155,115,113,115,121,173,178,173,121,118,121,127,178,191,202,204,199,194,189,189,196,202,199,189,186,191,194,194,191,191,191,189,181,135,129,124,125,131,137,183,186,186,186,191,196,207,209,209,207,205,209,215,222,222,222,225,225,222,215,215,215,215,212,212,212,212,212,212,212,215,215,217,217,217,215,209,204,202,202,202,196,0,0,0,0,7,9,13,13,9,15,27,29,27,19,11,9,9,9,15,15,9,1,0,0,0,0,0,0,1,1,0,0,0,0,1,9,13,13,13,23,33,51,71,113,134,142,155,168,173,178,186,204,215,238,238,230,228,235,0,0,248,246,246,238,207,83,13,0,0,0,0,5,27,71,125,241,255,255,255,255,255,255,255,255,212,173,173,215,255,255,255,255,254,235,209,173,129,116,0,0,0,0,0,0,0,0,0,0,20,20,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,118,157,157,144,150,163,189,163,134,118,66,11,11,77,137,155,150,131,124,105,79,105,113,61,27,15,5,0,0,0,0,33,61,105,113,121,121,113,105,53,21,0,0,0,0,0,0,0,0,0,0,13,45,81,147,181,202,209,215,220,215,215,215,207,191,191,207,217,217,196,176,155,152,0,0,0,0,0,0,0,0,0,0,189,160,90,68,73,105,100,92,116,108,0,15,1,7,95,142,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,111,124,121,137,176,191,178,152,165,178,170,137,131,147,113,61,37,31,39,33,49,73,57,47,111,181,118,0,0,0,0,0,0,0,39,87,134,150,144,126,97,152,181,204,204,199,178,160,147,103,101,144,157,165,147,99,85,83,93,137,152,160,160,147,129,126,131,95,59,58,73,126,134,129,126,126,124,89,83,83,131,168,183,173,147,71,3,1,17,17,10,23,35,43,47,75,95,129,129,91,81,64,59,59,60,61,67,87,163,191,173,147,147,150,134,91,85,93,144,165,170,165,142,139,150,142,89,79,85,91,93,89,83,71,57,49,57,71,93,129,71,55,55,65,85,93,91,81,78,83,89,87,91,99,142,147,157,163,157,155,160,170,163,113,101,98,98,105,117,129,176,178,183,189,202,215,212,215,222,222,230,238,246,246,246,246,255,255,255,255,255,255,255,255,255,255,255,246,230,230,212,157,83,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,157,189,204,230,255,255,251,233,222,212,196,173,173,183,196,199,207,225,243,248,228,176,97,63,57,63,85,89,65,49,45,51,39,0,0,0,0,0,0,0,19,83,160,178,173,176,181,181,176,174,176,194,217,222,228,228,228,212,186,129,123,123,131,186,212,222,215,212,199,191,199,202,189,173,157,107,101,93,93,83,77,77,83,93,67,31,11,4,5,9,17,23,27,41,57,67,65,67,71,83,91,134,134,139,139,97,89,87,87,71,57,56,67,85,87,105,163,170,173,178,181,178,170,168,165,165,160,160,168,178,178,168,119,107,107,113,163,165,173,173,168,165,168,170,163,111,99,98,105,113,168,189,209,222,230,230,230,220,220,220,220,228,238,246,0,0,246,225,215,191,134,69,29,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,90,64,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,49,134,199,238,255,255,255,255,212,168,157,160,165,152,95,65,49,47,51 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,9,92,144,225,246,124,0,0,0,48,142,181,212,209,186,118,5,0,0,0,0,49,11,0,0,0,0,168,186,170,168,111,0,0,0,19,160,225,0,0,0,23,25,57,35,134,144,191,204,207,207,204,204,202,200,212,220,43,0,0,0,160,170,75,118,202,196,194,196,194,194,202,204,194,15,0,0,15,0,0,0,0,0,0,23,69,67,60,97,152,168,215,196,163,173,186,178,115,115,163,183,202,209,215,215,213,215,217,222,225,222,220,215,215,212,215,215,215,217,220,222,222,222,222,217,204,199,200,203,207,209,215,217,217,215,212,209,212,212,209,204,199,198,199,204,209,215,212,212,220,225,215,0,0,15,63,209,225,225,225,220,212,209,207,199,117,109,107,105,95,91,77,83,125,199,215,220,222,202,191,121,71,40,71,117,127,125,127,123,99,114,212,215,215,212,191,127,105,129,181,189,199,207,209,199,191,190,191,196,194,178,129,129,135,183,183,183,181,126,125,181,194,196,189,183,183,178,127,121,123,183,191,183,183,194,196,189,183,178,135,181,186,183,174,173,174,178,183,183,183,189,191,189,183,176,176,181,183,176,126,120,131,133,114,104,118,194,196,186,181,173,176,183,123,121,125,131,133,181,194,191,176,123,107,91,105,125,191,204,212,212,212,212,217,222,222,222,222,215,207,200,200,202,209,212,217,220,217,212,207,199,181,176,127,112,115,127,186,207,215,222,186,82,93,103,115,176,189,199,204,207,204,198,199,204,204,196,178,133,186,207,202,183,133,129,130,133,133,181,194,199,202,123,124,181,199,204,204,191,181,181,194,209,217,209,194,183,183,183,178,178,183,191,204,215,209,202,202,199,183,130,128,189,186,170,172,181,189,189,177,176,178,189,204,215,212,194,133,135,183,191,196,191,199,207,212,209,196,131,123,131,189,194,191,186,137,135,136,189,194,133,118,126,132,132,131,135,137,181,189,207,222,222,217,217,217,215,212,209,209,212,209,199,181,178,186,204,209,202,125,109,115,135,189,199,204,207,212,217,222,225,225,217,204,128,123,129,181,135,133,132,133,135,135,183,196,199,191,183,176,131,133,183,189,189,183,183,186,191,191,186,181,181,189,189,183,178,178,186,199,204,202,181,121,117,120,124,125,125,178,196,204,209,212,215,215,212,199,131,122,125,181,194,196,196,191,186,181,133,131,133,183,191,191,181,116,111,119,186,191,186,137,135,135,181,186,186,189,196,202,207,209,209,212,212,209,202,196,196,196,196,189,181,135,135,186,199,204,199,183,178,181,189,191,191,189,189,186,181,178,176,127,118,119,125,129,173,204,209,204,189,131,127,176,181,181,181,181,181,131,129,176,183,183,176,173,178,189,194,194,196,199,199,194,189,176,178,194,183,127,119,107,112,121,181,189,191,191,186,170,60,59,117,199,204,207,212,212,209,207,207,204,202,204,209,209,199,181,131,131,133,176,183,191,191,189,191,191,191,186,181,178,181,181,181,181,183,191,199,204,207,207,207,209,215,215,207,191,133,123,113,109,114,131,181,181,186,191,183,133,131,127,124,127,131,127,129,181,186,183,183,189,189,194,202,189,178,178,186,194,194,186,176,177,189,181,137,194,204,209,207,207,207,204,199,202,202,199,194,194,199,204,207,209,212,215,217,215,212,209,212,212,209,204,202,199,202,207,209,209,207,204,207,209,212,202,141,138,137,138,189,204,217,222,222,222,225,228,230,228,225,217,215,212,207,204,199,191,186,186,189,194,194,189,189,189,183,137,139,186,194,202,204,204,202,202,196,189,189,194,194,186,189,196,189,130,125,130,183,186,186,186,183,181,137,137,189,196,196,194,186,178,178,178,134,178,189,189,137,131,133,183,191,196,199,199,199,194,190,189,191,194,196,194,194,196,199,202,199,202,207,204,196,196,202,204,204,204,202,202,202,199,194,190,191,196,199,191,190,194,196,191,187,187,194,199,202,202,204,207,212,215,215,215,215,215,212,212,215,215,215,217,220,222,222,215,204,196,199,204,207,202,207,209,143,101,99,125,217,212,207,207,209,212,215,209,212,222,225,230,235,235,230,225,225,228,230,235,235,235,238,238,233,230,233,233,230,230,230,235,238,235,233,235,238,241,238,238,241,246,251,254,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,255,254,254,254,254,254,254,255,255,255,254,251,246,243,241,241,238,238,238,238,241,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,238,228,217,212,209,207,202,196,191,191,191,194,194,194,194,196,196,196,196,196,196,196,199,199,199,199,198,199,199,202,202,202,199,196,194,194,196,199,199,196,191,186,186,186,186,186,186,183,183,181,176,129,125,124,124,125,129,131,176,178,181,183,186,191,194,194,196,194,191,191,191,191,191,194,196,199,202,207,217,225,228,228,228,228,230,230,225,215,204,204,207,0,0,0,0,0,0,0,0,233,212,194,183,183,181,168,160,157,157,163,165,160,152,113,111,111,119,173,181,173,119,117,118,123,170,183,196,196,191,189,191,194,202,204,202,194,191,191,194,191,191,191,194,191,186,183,137,133,133,135,137,183,186,189,189,191,199,207,209,209,207,209,215,222,228,225,225,225,222,222,215,212,212,212,209,209,212,212,215,215,217,220,222,222,222,217,215,209,207,204,204,202,196,0,0,0,0,9,15,29,29,27,27,27,27,19,19,15,11,9,13,15,25,15,7,0,0,0,0,0,0,3,9,0,0,0,0,1,7,13,13,15,15,29,45,65,79,126,144,160,173,178,178,186,204,215,230,230,215,215,233,0,0,248,241,241,241,212,97,13,0,0,0,5,17,25,59,99,199,255,255,255,255,255,255,255,255,254,207,204,246,255,255,255,255,255,255,246,207,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,113,142,134,120,121,139,160,134,92,64,23,0,0,7,47,129,139,113,53,79,124,131,116,43,9,3,0,0,0,0,19,51,103,111,111,118,124,121,103,61,37,9,0,0,0,0,0,0,0,0,0,0,13,47,116,155,173,191,215,222,215,215,222,215,204,196,215,217,215,186,160,142,134,0,0,0,0,0,0,0,0,0,0,186,186,0,0,77,105,108,105,0,0,66,48,21,23,43,46,13,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,95,116,124,137,150,176,176,152,144,152,147,127,131,196,181,124,61,53,55,31,31,67,67,41,53,144,129,5,0,0,0,0,0,5,113,144,150,144,129,90,129,155,181,194,194,194,170,144,89,83,83,99,147,147,99,85,79,83,93,142,163,170,165,147,131,129,139,137,77,71,85,129,134,121,91,124,124,124,91,89,137,168,165,139,118,61,14,12,21,19,19,43,61,71,77,93,137,137,129,91,83,73,65,62,61,63,77,131,165,178,150,93,91,93,95,134,134,134,134,134,144,155,142,95,97,93,81,73,79,95,93,79,75,75,71,69,73,85,134,134,85,69,65,75,91,131,91,83,83,89,91,91,97,142,142,109,147,150,150,111,152,160,119,107,101,98,98,105,121,178,186,183,186,191,212,215,215,215,220,222,220,230,241,251,254,254,254,255,255,255,255,255,255,255,255,255,255,248,233,230,212,170,144,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,163,196,215,235,251,255,251,241,228,212,196,181,173,181,186,199,207,215,243,251,238,199,150,79,60,71,131,150,142,87,69,57,45,17,0,0,0,0,0,0,5,71,155,178,181,181,181,174,170,170,176,194,222,235,235,235,235,220,196,186,181,181,178,189,209,222,222,212,202,202,212,212,202,181,165,113,105,101,93,83,75,71,79,85,67,39,15,5,5,7,11,15,21,31,51,63,63,65,67,75,83,85,87,91,97,97,89,89,87,75,58,56,65,79,85,105,170,178,170,170,165,165,165,168,170,176,178,183,186,191,191,181,173,163,157,163,165,173,181,183,176,165,165,170,168,111,99,99,105,117,170,189,199,212,222,220,220,220,220,230,228,228,238,246,246,246,238,225,222,204,152,92,56,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,103,72,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,49,129,186,235,254,255,255,255,217,173,160,165,168,160,139,87,65,59,59 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,113,191,222,137,0,0,0,35,165,207,212,207,196,170,87,0,0,0,0,0,0,0,0,0,0,170,168,168,183,186,144,25,0,163,165,0,0,0,0,0,0,0,0,17,105,204,209,209,209,207,204,207,199,209,230,71,0,0,0,35,61,69,134,204,207,202,202,195,195,199,202,196,71,0,0,1,21,33,17,0,0,0,0,93,89,83,131,152,163,170,144,109,168,170,115,108,111,117,163,183,204,215,215,212,213,217,222,222,222,217,215,215,215,217,217,217,217,222,222,222,222,225,225,217,212,207,207,207,207,212,217,217,217,217,212,207,205,207,207,204,199,198,199,204,209,209,209,212,222,95,0,0,43,33,235,222,215,215,212,209,209,209,204,119,111,105,91,66,68,77,121,209,215,215,209,196,107,121,123,101,89,123,191,191,176,178,181,96,99,186,204,207,207,199,189,186,191,189,194,204,212,212,199,190,187,191,204,204,181,129,127,133,186,191,196,199,178,127,181,196,199,191,183,183,181,125,115,117,181,199,202,196,196,191,189,189,189,189,191,191,189,183,181,181,183,189,189,189,189,189,183,133,129,133,186,181,133,129,125,117,131,131,119,131,191,194,183,181,131,129,129,116,117,120,125,129,181,194,191,176,123,109,97,119,183,202,209,212,212,212,212,212,212,212,215,215,209,202,200,200,204,209,212,215,217,220,217,215,204,181,125,112,111,125,176,181,196,209,215,97,73,88,96,101,127,189,202,204,202,199,196,198,204,204,194,133,129,186,207,204,194,186,178,133,131,125,125,183,199,207,131,176,194,204,209,209,199,135,129,183,202,207,202,186,183,186,181,134,135,181,189,204,209,204,196,194,199,191,131,127,191,191,169,168,181,191,186,178,178,183,194,212,222,212,181,126,129,135,181,183,183,196,209,217,217,204,125,118,124,189,196,191,186,183,137,181,194,202,191,128,130,133,135,137,183,183,137,183,204,222,222,212,212,212,212,209,207,207,209,212,207,194,131,131,194,199,183,123,119,125,127,126,131,186,194,202,207,212,212,215,212,194,122,120,135,183,131,129,131,131,131,181,204,215,215,207,202,191,183,186,199,207,204,194,186,183,183,181,134,132,134,181,181,178,183,189,191,196,199,199,194,181,129,127,129,129,131,135,186,191,196,199,202,202,199,189,135,127,129,135,181,186,189,186,181,131,127,126,129,178,189,189,183,131,119,121,181,189,186,186,186,189,194,194,194,196,204,209,209,209,207,209,212,212,204,199,199,202,202,194,183,178,186,194,202,207,199,189,183,186,194,194,194,191,194,189,183,181,178,173,121,119,123,125,127,191,199,194,183,129,127,173,176,173,178,181,173,128,129,173,176,176,181,181,183,186,183,186,191,191,183,176,173,176,186,194,181,127,125,113,117,125,168,181,191,191,186,69,39,57,199,202,202,209,212,215,212,209,207,204,202,202,207,209,204,189,178,176,178,181,189,196,189,186,191,191,183,178,178,176,176,176,176,178,181,183,189,196,202,204,207,212,217,222,215,204,186,129,115,113,123,137,181,183,194,202,194,186,183,135,125,125,127,126,127,178,183,181,181,183,181,183,191,196,183,178,189,199,202,194,177,176,178,135,135,202,209,212,207,204,202,199,199,202,204,202,196,192,194,196,202,204,207,209,212,212,209,209,209,209,207,204,204,204,207,209,212,207,194,185,191,207,207,199,191,141,139,139,191,207,217,222,222,222,225,228,230,230,228,225,217,217,215,215,212,207,196,189,186,186,186,141,186,189,139,125,123,133,196,207,207,202,202,204,202,191,189,194,199,196,196,196,186,127,131,139,189,191,191,186,186,183,131,131,186,196,194,189,186,181,178,181,181,186,189,189,183,137,135,183,196,204,204,204,202,199,196,191,190,191,194,196,196,199,199,199,199,202,204,204,204,207,209,209,207,204,199,194,194,194,194,191,191,194,199,199,199,199,199,194,189,191,196,202,204,202,204,207,212,215,215,215,215,215,212,212,215,215,215,217,217,217,217,215,209,207,209,215,212,209,207,202,194,129,113,124,207,204,194,199,207,212,212,204,207,217,222,222,225,228,228,225,225,230,235,235,235,235,235,235,233,233,233,233,233,233,233,235,235,235,233,231,233,233,233,235,241,246,251,254,254,254,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,255,254,254,251,251,251,254,254,255,255,254,251,248,246,243,241,241,238,238,238,241,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,230,222,212,209,209,204,199,194,191,191,191,191,191,191,194,194,194,194,194,194,196,196,199,199,199,199,199,202,202,202,202,199,196,191,191,194,196,196,194,191,186,183,183,183,183,183,183,183,181,178,133,127,124,124,124,125,131,176,181,183,183,183,186,189,189,191,194,194,191,191,191,189,189,196,199,202,207,212,222,225,228,228,225,228,228,222,215,209,209,209,215,0,0,0,0,0,0,0,241,225,199,189,189,189,176,163,155,155,157,160,160,155,113,107,107,115,165,176,165,118,118,118,119,125,178,191,189,183,186,191,199,204,204,202,196,194,194,194,191,189,191,194,194,191,186,183,139,139,139,139,183,189,189,191,194,199,207,209,209,209,212,220,228,230,230,228,228,225,217,215,212,209,208,208,208,212,215,215,217,220,222,225,225,222,217,212,209,209,209,207,202,196,0,0,0,1,13,29,35,35,35,35,27,19,19,19,27,27,15,15,25,27,15,9,3,1,7,15,15,3,3,9,3,0,0,1,9,15,13,10,13,25,35,47,59,65,79,126,144,165,168,178,186,196,212,215,215,207,209,233,254,255,248,233,220,220,207,117,45,1,0,11,23,23,17,41,63,109,207,241,255,255,255,255,255,255,255,254,233,246,255,255,254,235,246,255,255,233,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,103,131,129,122,121,134,144,108,31,7,0,0,0,0,0,72,124,55,19,32,137,142,105,21,0,0,0,0,13,29,49,65,103,105,105,113,124,121,111,87,57,41,15,0,0,0,0,0,0,0,0,0,0,1,43,116,155,181,212,225,225,225,230,230,225,217,217,209,186,165,144,134,124,0,0,0,0,0,0,0,0,0,191,150,168,0,0,103,113,139,144,0,0,129,48,21,15,1,0,9,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,0,0,0,0,0,0,0,0,0,51,113,124,118,124,134,144,163,152,139,131,134,129,129,191,191,152,134,124,108,30,28,67,98,35,29,67,71,13,0,0,0,0,0,57,126,134,126,124,91,91,137,165,178,181,204,204,178,103,77,68,71,81,99,93,75,65,73,91,134,152,170,181,168,157,150,142,144,139,137,91,87,91,121,85,81,84,89,126,121,87,129,168,168,129,73,51,37,33,33,29,35,59,77,93,129,139,137,87,85,79,81,87,93,93,83,79,91,152,173,173,139,89,77,67,77,144,155,131,89,83,89,95,91,79,79,83,75,61,63,81,83,71,70,73,81,81,81,85,93,134,93,85,79,83,91,91,83,79,77,89,91,91,97,99,99,97,99,109,103,103,111,155,117,107,107,105,103,113,129,186,194,194,194,194,202,215,212,202,202,202,199,220,238,255,255,255,248,248,255,255,255,255,255,255,255,255,255,238,225,215,204,181,170,160,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,142,157,186,215,238,243,243,251,251,241,222,204,196,196,194,196,202,207,215,235,248,246,217,176,139,89,95,150,173,163,131,63,43,39,21,0,0,0,0,0,0,0,61,147,173,189,191,191,178,174,174,183,207,222,228,233,230,235,228,209,196,196,196,191,196,209,220,222,215,212,212,222,225,222,202,178,160,113,109,103,83,70,70,77,83,73,43,21,9,6,6,7,9,15,27,49,69,67,63,65,67,69,71,77,81,87,97,97,139,139,83,63,56,58,69,85,147,178,186,178,168,168,160,160,160,165,168,176,183,186,186,183,181,181,181,181,178,181,183,191,194,183,170,165,170,168,113,101,99,105,117,168,181,191,199,199,212,212,212,220,230,238,238,238,238,238,0,225,212,204,189,163,134,92,56,33,14,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,103,74,43,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,29,57,134,186,225,243,255,255,255,217,178,157,157,165,168,163,109,93,83,75 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,79,124,181,77,0,85,87,116,186,204,187,199,204,215,212,0,0,0,0,0,0,0,1,90,0,0,57,165,189,199,222,131,0,100,33,0,0,0,3,0,0,0,0,0,43,202,212,212,212,212,212,204,204,202,199,0,0,0,51,71,69,77,157,204,212,209,204,199,199,204,207,194,57,0,0,0,43,173,61,0,0,0,0,87,91,89,97,147,152,142,100,102,160,170,157,115,117,113,108,123,199,217,217,213,215,222,222,220,217,215,215,215,215,217,217,217,217,222,225,222,222,225,225,225,225,222,215,205,203,205,215,220,222,217,212,207,205,209,212,212,207,202,199,202,207,209,209,204,194,47,53,103,95,65,238,217,212,209,209,212,212,215,215,207,173,109,69,56,62,81,125,212,209,204,199,183,99,105,109,109,119,202,209,207,186,186,194,116,100,117,191,199,204,202,194,194,199,202,204,209,209,207,194,191,191,199,209,207,191,178,129,126,178,189,196,207,189,131,181,196,199,191,183,183,183,129,112,112,127,199,212,212,202,191,187,189,191,196,196,191,186,186,191,191,194,191,191,191,194,189,181,130,128,189,204,186,176,133,129,98,183,209,183,176,183,186,183,181,127,121,121,113,117,123,129,178,186,189,186,133,129,129,135,189,202,209,212,212,212,215,212,207,207,207,207,207,204,200,200,204,209,209,209,212,215,217,220,222,212,194,121,109,115,178,176,174,194,204,181,77,78,103,99,103,129,196,207,207,202,199,196,198,204,207,189,124,122,131,194,199,196,194,191,186,133,111,107,125,189,194,176,186,199,204,209,207,199,127,121,129,186,189,186,183,186,186,135,133,134,181,186,199,202,199,189,183,194,194,135,133,189,189,172,169,178,189,186,183,186,189,194,209,217,202,123,121,127,133,181,181,181,194,209,212,209,196,129,120,127,191,196,191,189,191,191,194,199,199,191,186,191,196,196,189,183,181,137,181,202,222,222,212,207,209,209,209,205,207,209,215,212,196,115,118,137,189,137,127,127,131,129,122,124,129,137,186,191,196,196,196,204,199,131,126,135,137,131,130,133,133,133,191,212,217,217,217,212,202,189,191,207,215,209,196,183,181,181,178,133,131,132,135,135,181,189,194,194,194,199,202,196,186,133,127,129,129,131,133,135,178,178,181,183,186,186,181,135,131,131,131,133,135,181,178,133,129,126,127,131,183,194,191,183,135,131,131,183,191,189,194,199,202,202,199,196,199,204,209,212,207,205,207,212,215,209,199,198,202,204,194,178,181,191,196,199,199,194,189,186,189,191,191,189,191,194,194,189,181,178,176,125,120,121,121,119,170,181,183,176,125,127,173,173,129,129,176,131,129,130,176,176,173,178,178,181,178,176,178,186,181,127,126,129,176,183,189,176,168,127,121,125,119,96,94,178,181,165,48,48,121,207,199,196,204,207,215,215,212,209,207,204,204,204,207,202,189,178,176,176,178,186,196,189,186,191,191,183,178,178,131,129,129,133,178,183,183,186,196,202,204,209,212,217,217,215,202,191,183,135,135,189,194,189,186,196,209,207,194,186,137,127,127,129,129,129,135,181,183,183,178,129,126,133,199,186,178,189,199,202,196,181,178,183,135,137,202,212,212,209,207,204,202,198,199,202,204,199,192,191,192,196,202,207,209,209,209,209,209,209,207,207,204,204,207,209,212,209,202,186,181,186,204,199,191,189,141,138,139,191,204,215,222,220,221,222,228,230,230,228,228,222,217,215,217,222,217,209,199,189,141,140,140,189,196,186,121,118,125,196,212,207,202,202,204,202,199,196,202,207,204,199,196,191,131,135,183,191,191,189,183,183,137,128,128,181,191,189,183,181,135,131,133,181,186,189,186,183,183,181,186,199,207,207,202,199,199,202,199,196,194,196,196,199,202,199,198,199,199,199,199,204,212,212,212,207,202,194,186,139,139,189,194,194,194,196,202,204,202,202,196,194,196,202,207,209,207,202,202,207,212,215,215,215,215,212,212,212,215,215,217,217,215,215,212,212,212,217,217,215,209,204,196,199,209,145,137,145,144,142,196,209,212,207,198,199,212,209,204,207,215,217,222,228,233,238,238,235,233,233,230,233,233,235,235,235,235,235,238,235,233,233,231,233,233,233,233,238,243,251,254,255,254,252,252,252,255,255,255,255,255,255,255,255,255,255,255,255,254,254,254,254,254,251,251,251,251,254,254,255,255,255,254,248,246,243,243,241,241,241,241,241,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,235,228,217,212,209,207,202,196,194,191,189,189,189,191,191,191,191,191,191,191,194,196,196,199,202,202,202,202,202,202,204,202,196,191,191,191,191,191,189,186,183,181,181,181,181,181,181,181,181,178,176,129,127,125,124,125,129,176,181,181,181,181,183,183,186,189,191,191,191,191,186,183,186,194,199,202,202,207,212,217,225,225,225,225,228,225,217,212,212,209,212,222,0,0,0,0,0,0,246,233,209,196,196,196,186,168,157,152,155,157,157,117,111,107,105,109,119,165,165,125,123,121,118,121,173,189,189,181,181,194,204,209,207,202,202,199,199,199,194,189,189,191,194,191,186,183,183,186,183,183,186,191,191,191,196,202,207,209,209,209,212,222,228,233,235,233,230,225,222,215,209,209,209,209,209,209,212,215,217,217,222,222,225,222,215,212,209,212,212,209,202,196,0,0,0,1,17,29,37,39,41,37,35,31,31,31,35,35,29,27,27,25,17,15,11,11,17,33,25,3,0,3,3,0,0,9,25,25,15,11,15,33,47,53,49,49,53,69,126,147,155,163,176,189,196,204,204,207,217,241,255,255,241,217,212,209,199,168,87,45,31,41,37,21,11,13,27,67,127,209,251,255,255,255,255,255,255,255,233,215,222,230,222,215,228,254,255,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,108,126,139,139,129,116,69,3,0,0,0,0,0,0,41,113,53,19,32,131,150,121,35,0,0,5,19,37,57,95,103,103,103,105,113,121,129,121,105,100,67,55,23,0,0,0,0,0,0,0,0,0,0,3,53,129,173,204,222,233,233,243,243,233,225,217,186,155,131,126,126,124,0,0,0,0,0,0,0,0,0,212,118,111,0,0,139,142,173,183,0,0,173,46,5,1,0,0,25,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,108,108,46,0,0,0,0,0,0,0,19,116,147,131,105,103,116,124,137,152,144,137,137,144,126,134,139,157,181,183,126,35,31,103,111,35,15,25,15,0,0,0,0,0,31,75,81,65,59,67,83,91,137,155,168,181,212,222,202,157,83,70,70,79,87,73,47,45,65,93,137,150,163,170,170,178,168,163,150,139,137,87,79,85,121,91,84,81,87,126,118,78,89,168,181,134,61,33,31,33,25,29,41,51,79,131,139,131,87,66,66,67,81,97,157,168,134,85,91,152,178,173,150,93,71,51,54,134,147,93,77,75,79,83,75,65,67,73,61,43,45,67,77,71,70,75,83,81,75,75,81,91,91,85,83,85,85,79,71,70,75,85,89,91,91,89,89,89,97,103,103,100,107,117,119,113,107,105,109,117,173,186,194,194,194,194,202,202,191,191,191,191,199,212,238,255,255,255,248,243,254,255,255,255,255,255,255,255,233,202,181,191,204,202,191,170,71,0,0,0,0,0,0,0,0,0,0,0,0,0,15,90,121,124,150,207,235,243,243,251,255,0,222,212,212,212,212,207,207,207,215,225,243,246,233,207,183,160,157,176,186,160,73,31,15,21,21,0,0,0,0,0,0,0,51,139,173,191,204,207,202,194,183,194,207,212,212,212,217,228,217,199,196,199,209,199,209,215,220,222,212,212,212,222,230,233,217,196,178,165,157,109,93,77,70,71,77,73,49,31,17,9,7,7,9,15,25,47,69,73,63,59,55,59,65,67,71,81,89,139,147,147,97,67,56,57,67,85,155,196,202,186,186,178,170,165,160,160,160,160,165,163,163,165,170,176,183,191,196,196,194,194,194,189,178,170,176,168,113,105,100,105,117,163,173,181,191,199,199,212,212,220,241,246,238,228,228,228,0,215,191,176,170,163,155,139,92,51,38,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,103,74,46,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,47,71,142,186,217,235,254,255,254,217,173,147,142,152,168,186,176,152,103,101 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,0,0,0,0,0,111,150,196,191,191,189,196,207,207,186,0,0,17,0,129,129,1,0,51,0,0,47,147,181,189,191,45,0,0,0,11,0,0,98,55,0,0,0,0,73,170,191,204,209,215,217,181,178,49,0,0,0,65,155,165,152,157,178,199,209,207,204,204,204,204,207,183,47,0,0,0,43,176,126,9,31,69,63,93,134,99,101,147,150,106,101,105,165,186,194,194,178,113,104,113,191,215,217,217,220,222,222,217,217,215,213,215,215,217,217,217,217,222,222,222,222,225,225,228,228,228,222,207,203,205,212,217,220,217,215,212,212,215,217,217,212,207,204,207,209,212,209,202,170,73,85,75,50,189,209,212,212,212,215,215,217,220,222,225,178,103,69,69,89,101,115,178,183,186,189,186,107,106,106,113,127,196,202,194,181,186,196,204,113,121,183,194,199,199,194,194,207,215,217,212,204,196,186,189,196,204,209,212,207,194,135,126,131,135,183,194,186,178,183,191,189,183,181,183,191,189,118,113,120,186,204,209,204,196,189,191,199,207,202,178,133,183,194,196,196,194,194,196,196,186,131,128,130,199,207,183,176,181,178,133,189,186,121,123,181,191,189,176,127,133,183,115,121,181,189,186,186,186,183,178,133,178,191,207,215,215,212,215,217,217,215,209,207,207,207,204,204,200,202,209,215,212,207,207,209,212,215,217,215,204,112,106,127,183,176,176,189,189,109,78,92,178,125,129,186,204,209,207,204,204,202,202,204,199,183,125,122,126,183,194,196,202,207,204,194,105,100,117,178,191,181,191,199,202,202,199,194,129,121,127,181,181,178,183,189,186,178,135,178,181,186,194,196,194,183,178,183,196,189,183,183,181,176,174,181,189,191,194,194,191,189,194,202,183,119,123,135,181,183,181,135,186,199,199,191,183,135,129,135,191,196,191,194,204,207,202,191,135,128,194,212,225,215,194,135,133,133,137,194,212,215,209,204,207,209,212,207,207,209,215,212,186,107,113,129,189,191,181,133,135,135,127,127,131,137,181,183,189,186,181,191,196,191,183,181,137,135,135,181,181,186,204,212,215,217,217,217,209,196,196,209,215,202,178,135,178,183,183,181,135,135,178,181,191,199,199,199,202,207,209,202,186,131,127,127,129,131,133,133,132,131,132,135,181,183,178,135,133,133,135,178,181,178,135,131,129,129,131,178,189,196,194,133,131,137,183,189,191,191,199,204,207,207,202,196,199,204,209,209,207,204,207,212,215,209,204,202,204,204,191,135,178,189,194,194,194,189,186,186,186,186,183,181,183,189,194,194,189,181,173,125,121,125,123,117,119,127,173,127,122,125,178,178,130,129,131,173,130,131,178,178,176,173,128,131,173,172,173,178,170,122,124,129,176,181,181,173,125,119,111,165,107,92,86,189,181,119,57,97,194,202,196,194,196,199,209,215,215,215,215,209,204,199,199,194,181,174,174,174,173,176,186,189,186,186,189,189,189,183,129,126,127,131,181,189,191,194,194,199,202,207,209,207,207,202,194,189,186,186,186,196,204,196,191,196,212,215,199,186,181,135,133,135,135,135,178,181,183,189,181,127,124,125,191,186,135,178,191,194,194,183,183,189,178,133,199,212,215,215,212,207,202,198,198,199,202,202,194,191,192,196,202,207,209,209,207,207,209,209,207,204,204,207,207,209,209,207,202,191,186,196,207,196,186,186,141,139,141,194,207,215,222,222,222,225,228,230,230,230,230,225,220,217,217,222,225,217,207,194,141,139,139,191,207,202,139,127,131,196,207,199,191,191,194,196,202,207,209,215,212,204,199,202,191,137,139,189,189,183,181,137,131,128,129,181,189,186,178,133,125,123,125,133,181,183,183,183,183,186,191,196,202,202,191,181,191,196,199,199,199,196,196,199,202,199,199,202,199,196,198,204,212,212,207,204,199,194,189,137,132,137,191,194,194,196,202,204,204,202,199,199,199,202,207,212,209,199,191,196,207,212,212,212,212,212,209,209,209,215,217,217,215,215,212,209,212,215,215,212,212,209,204,202,202,191,143,145,138,139,202,215,212,202,195,198,204,204,200,204,212,220,225,230,233,235,238,235,230,228,228,230,233,235,235,235,238,238,238,235,233,233,235,235,235,233,233,235,243,251,254,255,254,252,252,254,255,255,255,255,255,255,255,255,255,255,255,254,254,251,251,251,251,251,248,251,251,251,254,255,255,255,254,251,248,246,246,243,243,241,241,241,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,241,233,222,215,212,209,204,199,194,191,189,186,186,189,189,191,191,191,191,191,194,194,196,202,204,204,204,202,202,204,204,202,196,194,191,190,191,191,189,186,183,181,181,181,181,181,181,181,181,178,178,133,131,129,127,127,129,176,178,181,178,178,181,183,183,189,191,189,189,189,183,181,181,189,194,196,196,196,204,212,222,225,225,228,230,228,222,217,217,212,212,222,235,0,0,0,0,0,0,238,217,204,202,202,196,181,163,152,152,155,155,115,109,105,103,105,111,121,173,181,181,168,119,119,129,181,183,178,181,196,212,215,209,207,207,207,207,207,199,191,189,189,191,189,186,183,186,189,186,183,186,191,194,194,199,202,204,207,209,212,215,222,228,233,235,233,228,225,222,215,209,209,215,215,212,209,209,212,215,217,217,220,217,215,209,207,209,209,212,209,204,196,0,0,0,3,17,29,37,39,43,43,41,41,37,37,37,37,37,35,29,17,17,17,17,25,33,35,15,0,0,0,3,3,1,15,33,33,17,12,15,33,49,49,39,29,29,47,67,118,142,150,163,170,189,196,199,207,233,248,255,241,217,209,207,209,191,173,105,61,45,45,41,21,5,0,7,47,119,217,255,255,255,255,255,255,255,255,212,199,207,207,207,204,215,233,235,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,30,38,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,69,129,129,95,61,17,0,0,0,11,17,5,5,35,79,79,47,55,131,163,144,61,31,27,29,33,49,100,108,111,111,111,113,121,129,124,113,113,113,121,103,49,17,0,0,0,0,0,0,0,0,0,0,27,73,150,189,222,243,243,251,251,238,225,207,168,129,99,113,124,129,0,0,0,0,0,0,0,0,0,255,137,82,0,0,137,137,170,191,0,0,0,61,15,0,0,0,25,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,124,118,59,0,0,69,69,11,0,7,49,134,157,113,61,61,98,100,108,137,152,152,155,168,137,69,67,124,170,160,108,65,73,137,118,25,0,0,0,0,0,0,0,23,57,65,49,40,43,59,83,85,85,129,147,168,204,222,217,178,103,77,74,81,81,59,39,37,57,85,93,97,142,152,168,181,186,178,152,131,87,71,70,85,134,137,126,89,85,121,118,81,85,137,144,85,45,29,21,9,0,1,33,49,79,131,129,89,67,58,63,73,87,134,157,152,87,73,79,139,168,165,147,93,69,47,49,95,134,85,76,76,81,79,67,61,67,67,49,40,42,65,81,77,83,87,83,73,71,71,81,87,85,82,83,85,83,73,68,67,71,77,85,89,88,88,88,88,97,147,113,103,107,117,160,119,109,105,113,121,178,186,194,194,194,194,202,191,191,187,191,199,199,220,246,255,255,255,254,241,254,255,255,255,255,255,255,255,209,165,157,173,204,225,204,165,108,23,0,0,0,0,0,0,0,0,0,0,0,0,29,87,39,37,73,176,225,243,251,255,251,233,212,212,212,222,220,212,207,204,207,215,225,235,233,228,215,199,199,199,199,155,51,3,0,0,5,0,0,0,0,0,0,0,41,126,170,191,204,215,215,209,204,207,207,207,195,195,207,212,207,189,186,196,199,199,215,225,230,220,212,205,212,222,230,233,228,212,191,181,168,157,103,81,70,70,77,71,61,43,25,17,13,11,11,15,23,43,63,67,63,55,52,52,55,61,67,77,89,139,155,157,144,79,59,59,69,95,170,202,207,194,191,186,176,170,168,165,168,165,160,115,114,114,119,165,173,191,202,204,202,190,191,189,183,178,178,168,119,105,105,107,111,119,170,178,191,199,212,220,220,230,241,238,238,228,220,217,0,215,186,168,165,160,160,152,116,64,46,46,0,0,0,0,0,134,0,0,0,0,0,0,0,0,0,0,0,0,103,90,72,46,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,41,69,124,150,186,215,235,246,255,246,215,168,109,101,109,168,196,199,186,176,176 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,33,186,147,108,181,183,183,181,157,0,0,0,0,147,248,49,0,0,0,0,33,45,137,121,49,0,0,0,33,29,1,100,69,59,0,0,37,178,173,144,152,191,189,150,85,13,0,0,0,0,0,49,124,150,163,173,178,186,194,194,199,196,196,196,183,81,19,0,27,0,85,165,160,147,152,155,157,173,163,152,150,152,157,150,107,111,168,194,209,209,202,176,113,119,181,207,217,220,222,225,222,222,217,215,215,215,217,217,217,217,217,222,222,222,222,225,228,230,228,225,225,217,212,209,212,217,217,217,215,215,217,217,220,217,215,212,212,212,212,212,209,199,183,170,127,60,0,103,194,207,212,217,222,222,217,217,220,215,181,115,81,83,99,111,121,127,127,170,183,194,127,119,115,123,127,127,119,131,173,183,194,196,127,131,183,189,191,194,194,196,212,222,222,207,196,194,186,182,189,202,209,212,212,199,181,127,127,129,131,133,178,186,191,183,135,135,135,133,189,199,181,121,127,181,189,194,199,196,196,202,207,215,209,128,126,178,189,194,191,191,191,194,189,131,125,127,181,199,194,131,178,189,189,183,178,120,112,117,181,199,199,133,131,196,217,120,129,191,189,178,181,186,191,194,183,181,194,212,217,215,215,217,222,222,215,212,209,207,207,207,207,204,207,212,215,212,207,204,207,209,212,215,212,202,111,108,176,186,183,181,178,131,115,97,119,186,186,183,189,202,207,209,209,207,209,207,199,189,183,176,127,127,176,191,199,209,217,217,207,101,95,107,129,199,202,204,202,194,189,181,176,127,124,131,181,181,178,181,186,183,178,178,178,178,186,194,196,194,183,178,181,194,199,194,181,178,178,177,178,186,194,199,199,191,182,183,191,186,135,186,194,186,181,134,132,135,191,191,183,181,183,183,186,194,196,196,202,212,215,202,183,129,123,191,222,235,225,194,133,131,133,135,183,191,186,181,186,202,215,215,209,208,212,212,204,129,111,117,129,186,189,181,135,181,191,194,191,191,194,194,191,189,183,137,137,183,191,196,191,186,186,186,183,186,194,204,209,215,222,222,225,222,204,202,207,204,178,123,131,186,191,191,189,181,135,178,189,202,207,204,202,207,215,222,212,196,178,131,131,135,135,135,133,132,132,132,133,183,189,181,178,135,135,181,189,186,178,133,133,133,133,135,178,186,191,189,130,129,137,191,194,194,199,209,215,215,212,204,199,199,204,207,207,207,205,207,209,209,207,207,209,209,204,191,135,135,186,191,191,189,189,189,189,189,183,178,178,178,181,189,199,202,191,129,123,119,127,127,117,115,121,125,123,122,131,196,196,181,131,131,176,176,176,181,181,176,131,128,173,178,176,178,181,173,126,126,129,173,178,178,170,121,107,97,93,85,103,113,189,178,168,95,113,178,191,194,191,191,199,204,209,212,215,217,215,207,199,196,191,178,174,176,176,173,173,178,183,186,183,186,194,196,191,176,129,127,131,178,186,191,191,189,191,194,196,196,194,191,189,183,182,185,189,189,191,196,196,189,189,202,207,194,183,181,183,181,183,183,183,181,178,183,191,189,135,127,131,191,191,178,131,135,183,186,183,186,189,133,129,191,207,212,215,215,212,204,199,198,199,202,204,199,192,191,194,199,204,204,204,204,204,207,207,204,204,207,209,209,209,209,207,202,196,194,199,204,196,141,139,141,186,191,199,212,220,222,225,225,228,230,233,233,233,233,230,225,217,215,217,222,220,207,194,186,141,141,189,202,202,199,199,199,202,199,186,133,131,135,183,199,209,215,217,217,209,202,204,207,183,135,139,183,181,137,133,131,130,133,186,189,135,125,119,117,118,121,129,135,178,181,183,186,194,199,199,196,194,181,176,179,186,194,202,202,199,195,196,202,202,204,204,202,198,196,202,207,204,199,196,199,199,196,186,121,131,183,191,191,194,199,204,207,204,202,202,202,204,207,212,209,194,186,189,202,209,209,209,209,209,207,204,207,212,215,217,215,215,209,204,207,209,212,212,212,215,212,207,202,199,196,191,138,141,204,209,207,199,196,198,202,202,202,209,217,225,228,230,233,233,233,233,228,225,228,230,233,233,235,235,238,238,238,233,233,235,238,238,235,235,233,233,243,248,254,254,254,254,254,255,255,255,255,255,255,255,255,255,255,255,251,248,248,248,248,248,248,248,248,248,251,254,255,255,255,255,254,251,251,248,248,246,246,243,241,241,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,246,238,228,217,215,209,204,199,196,194,189,186,186,189,189,191,191,191,191,191,194,196,199,202,207,207,207,204,202,204,204,204,199,194,191,191,194,194,194,191,183,181,181,181,181,181,181,181,181,178,178,178,176,133,129,129,131,176,178,176,174,176,181,186,186,189,189,186,183,183,181,178,181,186,189,191,189,189,196,207,215,217,222,228,233,233,228,225,225,217,215,222,230,0,0,0,0,248,0,241,228,212,204,204,202,189,168,155,150,152,115,113,109,105,103,103,107,117,176,196,199,186,129,123,127,173,176,133,181,204,222,225,220,217,217,215,215,212,204,194,189,186,189,189,186,186,186,189,189,186,189,191,194,196,199,202,204,207,209,215,217,222,230,235,235,233,225,222,222,217,212,212,220,225,215,208,208,212,215,217,217,215,212,209,204,204,204,207,209,207,204,199,0,0,0,9,17,29,33,37,41,43,41,41,41,37,41,41,43,41,29,17,17,17,25,33,33,17,3,0,0,0,3,9,9,15,33,33,25,17,25,37,47,47,25,5,3,15,47,69,118,131,142,150,170,189,199,207,233,248,241,217,202,194,199,196,183,117,85,53,36,36,39,31,5,0,0,15,99,212,255,255,255,255,255,255,255,246,204,195,199,199,196,189,194,196,191,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,25,27,35,27,12,12,27,46,38,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,74,64,40,1,0,0,0,11,33,27,11,9,29,49,95,113,137,165,155,111,61,55,43,31,49,105,118,126,126,126,129,129,121,113,105,104,113,121,113,55,29,7,0,0,0,0,0,0,0,0,0,11,59,134,173,212,238,248,243,233,225,215,204,163,121,96,99,124,131,0,0,0,0,0,0,0,0,0,255,155,66,0,131,103,90,111,155,0,0,0,108,74,0,0,0,9,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,85,56,0,0,9,103,124,98,66,41,72,100,100,51,33,53,95,92,94,118,152,168,178,176,139,45,29,35,25,0,0,63,139,168,129,7,0,0,0,0,0,9,39,63,111,73,42,37,42,65,77,69,61,77,129,155,181,215,217,191,139,81,75,79,75,51,35,35,49,73,83,85,91,139,157,168,168,157,147,124,73,64,66,85,142,152,142,126,84,87,124,121,81,61,33,25,51,51,29,0,0,0,29,65,89,131,129,87,67,63,73,85,129,137,134,87,68,64,75,131,152,150,131,85,61,47,51,87,97,85,79,85,93,85,73,69,77,67,47,42,49,81,95,97,97,89,79,71,71,75,87,87,87,85,87,89,85,73,68,67,71,77,83,91,91,88,88,97,147,155,155,109,107,117,163,160,115,113,117,168,178,186,186,191,202,202,202,202,191,191,202,212,222,230,246,255,255,255,248,239,243,255,255,255,255,255,255,255,212,165,157,168,215,233,222,165,71,31,0,0,0,0,0,0,0,0,0,0,0,0,9,35,13,25,69,165,209,225,233,241,233,220,204,202,204,204,212,204,196,196,199,204,212,215,215,217,215,209,209,215,207,168,69,21,7,3,0,0,0,0,0,0,0,0,29,83,163,189,204,204,215,207,207,212,215,212,204,195,195,207,196,183,181,186,191,196,220,228,230,220,209,205,212,222,230,230,228,222,204,194,183,168,150,93,77,70,71,71,63,49,37,23,19,17,15,17,21,29,51,61,57,53,52,52,55,61,67,77,126,142,155,163,152,87,67,67,79,139,170,196,199,194,186,176,170,170,170,173,176,178,173,165,157,114,114,114,157,173,196,202,202,194,199,194,189,181,176,165,119,107,105,107,111,119,165,181,191,212,220,220,220,220,220,228,238,228,220,217,0,217,194,173,155,147,144,134,108,64,48,51,0,0,0,92,116,124,0,0,0,0,0,0,0,0,0,0,0,0,82,74,61,43,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,57,113,134,155,186,217,238,254,254,235,204,157,102,98,103,160,196,207,212,207,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,165,116,0,85,105,56,15,27,98,186,183,0,0,7,105,131,173,155,7,0,0,0,29,41,105,103,51,5,0,0,137,29,0,0,0,19,0,0,59,207,194,134,126,134,35,13,17,17,15,0,0,0,0,0,45,91,155,181,168,157,160,139,147,152,168,165,39,19,0,0,0,69,139,157,168,176,170,163,160,147,139,150,157,163,165,165,155,115,173,202,212,215,212,207,191,170,178,194,209,217,222,225,225,222,217,215,215,215,217,217,217,217,222,225,225,225,225,225,228,228,225,222,225,225,222,217,217,217,215,215,215,217,217,217,217,215,212,215,217,215,212,209,207,202,204,204,199,125,14,38,87,117,186,215,222,222,215,209,207,202,189,183,91,83,85,111,173,181,170,170,183,189,129,129,176,186,131,108,98,123,131,173,173,127,129,178,189,194,196,196,196,199,207,212,209,202,194,194,186,176,178,186,199,207,204,191,135,125,124,126,127,127,135,194,196,183,132,133,131,125,129,189,186,181,189,191,183,181,189,196,202,212,215,217,207,125,124,176,183,186,186,186,186,183,178,130,126,133,207,207,115,109,133,191,189,181,131,120,117,127,194,204,204,176,133,209,233,114,123,183,181,173,176,183,199,207,196,186,191,204,212,215,215,217,217,215,212,212,212,207,204,207,209,209,212,212,212,209,204,204,207,209,209,207,202,186,121,123,181,183,189,183,173,129,129,129,173,181,189,186,183,191,196,202,207,199,199,196,176,173,181,178,129,127,173,183,189,204,212,212,202,99,94,107,125,207,209,207,196,183,133,129,125,125,127,131,178,181,178,135,181,178,135,133,129,131,189,199,199,191,183,181,179,189,207,204,189,183,183,177,176,181,191,199,199,191,182,182,186,189,191,196,199,186,178,134,132,137,189,189,183,186,189,191,194,199,202,204,207,215,212,199,181,130,128,183,217,233,222,194,135,131,131,133,137,181,134,128,130,186,209,212,209,209,209,204,183,121,118,122,129,133,133,131,137,191,204,207,204,207,212,212,202,186,137,133,133,133,181,194,194,191,194,194,189,189,191,194,199,207,215,217,225,222,196,186,191,181,117,115,178,202,202,196,191,178,130,135,194,207,207,204,204,207,212,217,212,202,186,135,133,135,178,178,178,181,178,133,133,181,191,186,183,181,178,183,191,186,178,135,135,178,178,178,178,181,183,183,133,131,181,194,196,199,207,215,217,222,217,209,202,204,207,207,207,207,207,207,207,204,202,204,207,207,199,186,135,135,181,189,189,189,191,194,194,191,183,181,181,178,176,183,202,204,189,129,123,113,123,123,115,113,121,123,123,125,181,202,199,181,173,178,183,181,181,181,176,129,129,173,186,189,183,181,183,186,183,176,129,129,176,178,176,125,111,101,83,73,97,115,173,170,125,107,113,127,176,178,183,191,202,207,207,204,204,209,212,209,202,199,189,176,176,183,186,178,176,178,183,183,182,183,191,196,189,181,131,125,125,127,133,178,183,183,186,186,189,189,187,189,191,185,182,185,191,191,186,186,186,186,185,189,189,183,181,181,181,181,186,189,189,183,177,178,189,189,183,135,178,189,196,181,121,123,133,181,181,181,183,131,128,137,196,204,209,212,212,209,202,199,199,202,207,204,194,191,192,196,199,202,202,202,202,204,207,204,204,207,209,212,212,212,207,202,194,191,191,191,194,186,136,138,186,191,202,212,222,225,225,230,230,233,233,233,233,233,230,225,217,212,215,217,217,204,189,186,191,191,191,191,189,196,212,215,212,204,183,129,127,129,137,194,209,215,217,222,212,194,191,204,194,132,131,137,181,131,129,133,131,137,189,186,114,105,109,114,119,127,129,131,135,181,186,194,199,204,202,196,189,183,181,181,181,189,204,207,199,194,194,199,204,204,204,199,198,198,199,202,196,191,191,196,202,204,196,123,132,183,186,186,191,199,207,207,204,202,202,202,202,204,209,209,191,186,190,202,207,209,209,209,207,204,203,203,209,212,215,215,215,207,202,199,204,209,212,215,217,222,222,215,209,204,194,143,145,202,199,196,199,202,204,202,196,199,204,209,215,222,228,228,228,228,228,225,222,225,233,233,233,233,235,238,241,235,233,233,235,235,235,233,233,233,233,241,248,251,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,248,246,246,246,246,246,246,246,246,248,251,254,255,255,255,255,255,254,251,251,251,248,246,246,243,241,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,251,243,233,222,215,209,204,199,196,194,191,189,186,189,189,191,191,191,191,191,194,196,202,204,209,209,207,204,204,204,204,204,199,194,191,191,194,196,196,194,186,181,181,181,181,181,181,181,178,178,181,178,178,133,129,129,133,178,178,176,172,172,178,186,189,189,186,181,178,178,178,178,181,183,186,183,176,173,181,196,207,212,217,228,233,233,228,225,225,222,215,215,222,230,0,0,248,246,0,241,230,217,207,204,202,191,168,155,115,115,115,111,107,103,101,101,105,115,176,202,209,202,183,170,131,173,173,133,183,207,225,230,228,225,225,217,215,212,207,196,189,186,186,186,189,186,186,189,191,191,191,194,196,199,202,204,204,207,209,215,217,225,230,235,238,233,225,217,217,217,215,217,222,225,215,208,208,212,215,217,217,215,209,204,203,203,203,204,207,207,204,199,0,0,0,9,17,29,29,35,41,41,35,31,31,35,37,45,49,43,35,17,17,25,33,41,33,3,0,0,3,3,9,15,15,15,25,33,33,33,33,37,47,41,15,0,0,0,17,55,79,89,93,134,152,181,199,207,217,233,233,209,191,176,176,173,111,87,67,53,39,36,45,51,9,0,0,0,81,194,255,255,255,255,255,255,255,251,225,212,204,199,191,182,179,183,173,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,43,61,74,64,51,48,38,22,20,33,38,22,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,56,74,64,21,0,0,0,5,59,59,11,0,0,23,55,113,134,152,139,105,92,63,45,30,43,100,126,134,134,137,137,121,113,104,99,104,113,121,113,65,43,17,0,0,0,0,0,0,0,0,0,0,47,118,155,202,233,238,230,215,207,207,194,168,131,99,99,118,126,0,0,0,0,0,0,0,0,0,255,137,75,0,121,79,51,46,92,0,0,0,142,90,0,0,0,1,33,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,124,121,98,66,39,41,27,19,21,53,98,92,88,98,134,165,170,170,131,35,21,9,0,0,0,0,147,191,160,0,0,0,0,0,0,43,75,126,152,137,65,45,47,55,57,45,44,63,91,152,173,202,209,178,101,77,73,73,51,35,29,31,45,73,85,89,97,134,147,147,139,134,131,124,75,65,66,85,137,144,142,134,85,85,124,124,67,21,0,0,67,85,65,9,0,0,43,83,131,142,131,124,87,77,85,93,137,139,131,85,70,68,83,150,160,152,95,75,55,49,54,87,91,83,83,95,99,89,83,87,87,65,47,49,77,97,144,144,137,87,72,70,73,87,93,91,87,91,99,99,87,73,67,68,71,77,89,99,105,101,105,147,155,163,163,111,107,113,160,163,163,123,168,178,186,194,191,194,215,225,222,215,212,212,222,233,230,233,246,255,255,255,243,235,243,255,255,255,255,255,255,255,241,194,168,176,215,233,225,170,57,19,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,31,131,178,207,217,222,222,220,212,204,196,190,190,196,196,183,181,186,186,194,194,194,196,186,196,202,207,199,183,139,69,51,37,15,0,0,0,0,0,0,0,33,93,170,191,204,204,207,204,207,215,215,217,207,195,195,196,196,176,176,181,186,191,212,228,230,220,209,212,215,222,222,222,222,222,217,202,194,183,157,101,81,70,70,71,65,53,37,27,23,25,23,19,17,21,41,51,55,53,52,52,55,61,71,81,126,139,155,168,163,101,69,67,85,139,163,170,181,186,178,168,168,168,168,173,176,181,183,176,168,157,119,114,119,165,181,191,199,202,209,202,189,178,170,163,119,111,107,111,111,119,170,181,199,220,220,220,199,196,196,220,238,238,228,217,0,228,207,176,155,129,121,116,92,69,59,0,0,0,0,87,105,116,0,0,0,0,0,0,0,0,0,0,0,74,72,61,51,38,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,35,69,124,134,157,196,230,254,255,246,225,186,150,99,96,103,160,186,217,228,238,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,103,189,207,191,0,0,116,118,0,0,33,186,176,29,35,152,139,100,113,186,160,0,0,33,118,124,118,121,168,186,0,0,113,0,0,0,0,1,49,0,57,178,186,124,81,35,0,0,49,81,176,134,0,0,0,0,0,41,79,139,87,93,95,80,82,134,93,3,0,0,9,0,0,53,144,163,178,191,189,170,165,121,114,150,173,170,170,170,160,115,181,209,215,215,217,222,215,183,173,181,199,212,217,225,225,222,215,215,215,215,215,217,217,217,222,225,225,225,225,225,225,222,217,217,222,222,222,225,225,217,215,215,215,215,215,215,212,209,209,215,222,217,209,202,202,212,215,215,207,181,103,43,0,11,31,89,189,202,199,189,186,183,183,189,119,111,115,186,209,220,196,183,183,178,124,129,191,217,191,99,88,119,125,119,93,111,129,191,202,215,222,212,204,196,194,191,191,194,194,196,189,177,176,183,194,196,191,183,133,123,122,127,133,129,137,196,196,189,137,181,137,121,122,128,133,189,207,207,194,181,183,191,199,215,215,212,199,124,125,181,183,178,181,181,181,178,178,183,189,207,235,225,98,97,127,186,186,178,131,125,131,202,209,209,202,176,186,235,246,94,97,176,178,173,176,183,196,204,196,186,189,194,202,212,215,215,215,212,211,212,209,207,204,204,207,212,212,212,209,209,204,204,207,207,204,199,189,178,129,133,181,181,189,183,178,178,183,186,183,178,183,183,179,181,181,189,194,176,127,113,109,117,173,173,127,129,178,128,127,183,199,202,191,106,100,183,186,204,202,191,181,176,129,127,124,125,127,129,131,135,135,178,181,181,133,125,122,125,194,204,196,183,181,183,181,186,209,212,202,196,191,178,176,181,194,202,202,191,183,182,182,183,189,194,194,183,178,135,135,183,191,189,189,191,191,191,199,204,204,209,207,204,199,189,135,130,128,133,202,217,209,191,137,131,129,129,137,189,183,132,129,134,189,202,207,207,202,194,133,120,123,125,129,131,128,131,183,202,209,209,209,215,225,225,207,181,130,130,131,133,137,186,191,194,202,202,194,189,183,178,183,196,199,204,209,199,120,117,123,119,111,112,189,209,207,202,191,132,126,133,194,207,207,207,207,207,207,209,209,204,189,178,135,135,135,181,186,191,189,178,133,178,186,189,189,186,181,183,186,181,135,135,178,181,183,181,178,178,137,137,137,137,183,191,199,202,209,209,215,217,217,209,207,209,215,212,209,209,209,207,207,202,196,196,199,196,189,137,133,133,181,189,189,191,194,199,199,196,189,183,183,181,176,183,199,199,178,131,123,106,109,109,109,115,129,131,131,129,131,181,176,127,131,189,189,178,173,129,125,124,129,178,189,189,178,176,181,194,199,194,170,127,173,186,189,183,176,176,168,94,86,101,176,176,113,111,119,127,125,117,125,186,199,207,202,191,183,191,204,212,207,199,186,176,178,189,191,183,178,183,189,186,182,182,183,186,183,133,123,121,121,123,129,133,181,186,183,183,186,189,189,196,207,207,194,191,196,194,186,185,186,186,185,186,183,181,181,181,177,177,183,191,194,189,177,176,181,186,186,181,183,183,191,129,107,115,129,183,183,181,181,131,130,133,183,191,199,207,212,212,204,202,199,202,207,204,196,192,191,194,196,199,202,202,204,207,207,207,204,207,209,212,212,212,209,199,191,186,141,140,189,186,134,137,139,191,202,212,217,222,225,230,230,233,233,233,233,230,228,217,215,212,212,217,217,204,186,183,191,204,202,186,181,191,217,225,222,215,199,135,128,129,139,196,209,212,212,217,212,189,183,194,199,131,124,135,137,128,127,129,128,131,186,181,104,96,106,115,125,133,131,129,133,183,191,196,202,207,209,202,194,194,199,194,183,189,207,209,199,194,195,199,202,202,199,198,198,199,199,196,191,189,189,194,199,202,194,133,138,191,189,185,191,202,207,207,204,204,204,204,202,204,207,207,194,190,194,204,209,209,209,209,207,204,203,203,207,209,212,212,212,204,194,192,199,207,215,222,222,228,228,222,212,209,202,196,199,196,192,194,204,207,207,199,147,143,141,143,151,209,222,225,222,225,225,222,222,228,233,233,230,233,235,238,241,235,233,233,235,233,233,230,230,230,230,238,246,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,254,246,241,241,241,241,241,243,243,243,246,248,251,255,255,255,255,255,254,251,251,251,251,248,246,243,241,241,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,254,248,238,228,215,209,204,199,196,194,194,189,189,186,189,189,191,191,191,191,194,199,202,204,209,212,209,207,204,204,204,204,199,194,191,191,194,194,194,191,186,183,183,183,183,183,183,181,181,181,181,178,176,133,129,129,176,178,181,176,173,173,178,186,189,189,186,181,178,178,178,178,181,183,181,173,121,113,119,178,199,207,215,225,230,233,230,228,228,225,215,212,212,222,0,0,246,243,0,0,235,225,209,202,199,186,168,155,113,113,113,111,107,103,99,101,103,113,170,196,215,212,199,186,178,178,176,133,181,207,228,230,228,228,225,215,212,209,207,196,189,183,183,183,186,183,139,186,191,194,196,199,199,202,204,204,204,207,209,212,215,222,228,233,238,235,228,217,216,217,217,217,225,225,215,208,208,212,215,217,217,212,207,203,203,203,203,204,207,207,204,199,0,0,0,5,11,17,29,35,41,37,30,24,25,31,41,49,55,49,39,29,25,33,41,43,33,0,0,3,15,9,9,15,15,15,15,25,33,37,33,33,41,33,11,0,0,0,3,35,71,83,85,93,142,165,189,199,204,215,215,202,176,157,111,97,75,63,61,61,59,55,61,67,33,0,0,5,75,194,255,255,255,255,255,255,255,255,255,254,235,217,207,191,194,202,199,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,111,82,64,56,0,0,33,38,33,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,95,108,108,66,0,0,0,23,116,111,31,0,0,7,37,103,131,131,116,63,61,57,39,27,39,73,124,134,142,142,131,113,104,104,104,111,121,121,113,77,49,21,0,0,0,9,13,13,9,0,0,11,47,81,139,178,212,222,215,194,183,189,189,168,142,118,100,100,111,124,0,0,0,0,0,0,0,0,255,157,131,168,134,77,48,27,79,0,0,142,116,38,0,0,0,1,51,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,95,95,74,31,21,21,20,19,27,61,105,98,88,88,111,144,168,170,139,59,35,13,0,0,0,0,67,176,163,11,0,0,0,5,43,124,142,157,199,194,147,83,53,45,40,37,42,63,91,147,165,189,191,170,95,77,81,75,45,29,27,30,45,73,91,134,142,142,142,95,84,87,124,131,89,75,73,87,129,134,131,126,85,77,85,83,53,9,0,0,49,85,79,37,19,33,63,85,131,142,139,129,95,89,93,93,134,142,139,134,93,91,99,160,176,170,131,71,55,54,67,87,87,82,85,97,134,95,95,97,95,65,49,69,95,147,152,150,134,83,69,69,75,89,91,87,87,91,99,93,85,71,68,69,79,85,91,144,157,157,155,163,165,173,165,115,111,113,119,163,170,173,178,183,191,194,194,204,225,235,225,215,215,222,235,241,233,233,241,255,255,255,243,235,243,255,255,255,255,255,255,255,255,233,186,173,191,225,222,170,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,150,196,217,235,243,233,222,220,212,204,196,194,195,196,181,176,176,176,168,165,155,150,150,157,173,176,183,178,165,142,131,69,27,0,0,0,0,0,0,1,49,137,173,204,207,215,204,204,204,215,215,215,207,207,207,207,196,176,170,176,181,186,209,220,220,209,209,209,222,222,215,215,222,222,215,212,202,191,168,147,93,77,77,77,71,59,41,29,29,33,27,19,15,16,27,47,53,55,52,52,59,69,81,87,126,139,152,168,163,137,67,67,79,101,144,152,160,168,168,168,168,168,160,168,168,168,178,178,173,165,157,114,114,157,168,181,199,215,222,215,194,178,170,163,119,111,111,113,117,160,173,191,212,220,220,212,189,185,189,209,230,238,238,228,235,225,204,173,147,129,111,111,95,79,72,0,0,0,0,79,92,111,0,0,0,0,0,0,0,0,0,0,0,77,64,53,43,35,25,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,41,71,126,142,168,207,243,255,255,246,217,176,109,99,99,115,168,196,217,228,238,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,168,196,204,191,0,0,116,121,26,30,33,157,157,33,45,170,170,104,103,147,150,0,0,51,137,134,139,155,178,186,65,3,53,0,0,0,0,7,0,0,0,0,0,0,0,0,0,55,67,91,134,137,23,0,0,0,0,43,83,59,45,87,86,70,75,137,134,15,0,0,0,0,0,147,157,168,186,202,191,173,170,170,176,196,199,181,168,165,160,109,160,207,217,215,217,225,222,207,166,172,194,202,215,220,225,220,211,215,215,215,217,222,220,222,222,222,222,222,222,222,217,215,215,215,217,220,222,225,228,225,215,212,209,209,212,209,209,209,212,222,225,222,207,117,186,209,217,209,196,191,209,97,87,19,25,52,170,189,181,176,177,181,178,176,176,173,183,196,207,215,212,194,183,178,129,127,173,199,181,92,82,111,119,117,25,93,199,215,222,225,230,228,215,202,181,135,181,183,189,194,191,194,202,204,199,194,191,189,183,131,133,181,186,183,186,191,191,186,186,199,202,186,129,128,126,129,196,207,207,199,172,183,189,202,207,202,135,125,129,189,183,176,181,189,189,183,181,186,194,209,228,230,100,93,117,181,186,178,133,181,204,220,217,209,194,183,204,235,254,94,89,178,178,173,181,189,194,194,191,191,186,186,191,202,209,212,212,212,215,215,212,207,204,204,207,209,212,212,212,209,207,207,204,199,194,191,191,183,131,131,178,186,191,191,202,209,196,194,191,183,186,189,179,178,174,177,186,178,176,113,94,112,131,127,129,178,178,126,123,129,189,196,186,119,119,194,202,202,199,194,186,133,126,129,127,124,124,127,129,131,133,181,189,191,183,125,120,122,183,196,183,131,133,183,189,196,209,217,209,202,191,178,176,181,194,204,199,191,186,183,183,183,183,189,189,186,186,181,178,181,186,189,191,194,194,194,196,202,204,204,199,191,189,183,137,130,126,131,132,196,204,191,135,131,129,131,181,191,194,191,181,134,133,181,199,196,194,191,189,194,181,135,135,133,129,131,186,204,209,207,207,215,228,228,207,133,127,129,131,133,137,186,191,204,212,209,204,191,181,135,135,181,186,186,189,125,99,106,123,125,117,121,194,204,207,204,191,129,127,183,196,204,207,207,207,207,207,207,207,202,191,183,181,178,135,178,189,194,194,186,183,183,183,186,186,183,181,181,178,135,135,181,181,186,191,183,178,136,136,137,183,183,183,191,199,204,204,204,207,212,215,209,209,215,217,217,215,212,209,207,207,209,209,202,194,189,183,135,132,133,183,189,194,196,202,204,207,204,199,186,176,174,178,183,191,189,178,131,109,104,104,83,65,129,181,183,186,186,173,109,102,116,129,191,189,176,129,125,124,124,129,176,178,131,124,125,176,191,202,199,181,127,168,191,204,199,191,189,194,121,93,99,121,97,105,121,125,170,125,111,110,125,189,199,194,183,176,181,196,207,204,194,181,176,181,191,189,181,177,183,189,189,186,182,181,182,183,129,121,120,122,131,133,135,183,186,183,181,183,186,194,204,217,222,212,204,202,194,186,185,186,186,186,191,199,194,186,181,178,177,178,189,191,191,183,177,181,183,189,189,183,186,183,110,110,116,133,191,194,186,178,133,131,133,135,137,181,196,207,207,204,204,202,202,204,202,199,194,194,196,199,202,204,204,204,207,209,209,207,207,207,204,207,209,204,196,191,194,191,141,141,141,138,138,141,191,204,212,212,215,222,230,230,230,230,233,230,228,222,215,212,209,212,217,215,202,185,183,191,215,222,183,177,191,220,228,222,217,209,186,130,131,183,202,209,207,207,209,209,196,186,189,196,139,126,133,137,128,128,129,129,135,186,186,181,131,129,131,133,133,131,131,135,183,191,199,204,209,209,204,196,191,194,196,186,194,204,204,202,199,199,202,202,199,198,198,199,199,199,196,191,189,191,196,196,194,186,136,186,196,191,186,191,199,202,204,204,202,202,202,202,204,202,199,194,191,196,204,209,212,212,209,207,204,204,207,209,209,209,212,207,196,189,190,196,204,212,217,225,228,228,225,215,212,212,209,202,195,195,202,209,207,202,199,147,138,133,135,140,149,212,217,217,222,222,222,225,230,233,233,230,230,233,238,241,238,233,230,233,233,233,230,230,229,229,235,238,243,251,255,255,255,255,255,255,255,255,255,255,255,255,255,251,243,238,235,235,235,238,241,243,243,243,246,251,254,255,255,255,254,254,254,251,251,251,248,246,243,241,241,243,0,0,0,0,0,0,0,0,0,0,0,0,0,233,238,0,0,0,255,254,246,233,217,212,204,196,194,194,196,194,189,186,186,189,189,189,189,191,194,196,199,204,207,212,215,212,209,207,204,202,196,191,189,189,194,194,194,189,186,183,183,183,183,183,183,183,183,183,181,178,176,133,133,133,176,178,181,181,181,181,181,186,189,189,183,183,183,181,178,135,178,181,178,125,107,104,110,170,194,204,212,220,228,230,230,233,233,230,225,215,209,212,0,0,243,238,0,0,238,230,217,204,194,183,168,155,113,111,109,107,105,103,101,99,101,111,127,189,217,222,212,196,183,181,178,131,135,207,228,228,225,225,220,209,204,204,204,199,191,183,183,183,139,137,139,141,189,191,196,202,204,204,207,207,207,207,207,209,212,215,220,228,233,235,230,217,215,216,217,222,225,225,217,212,209,209,207,209,212,209,204,204,204,204,207,207,209,209,207,202,0,0,0,0,5,13,29,35,49,43,30,24,30,43,49,51,55,55,49,37,37,47,49,47,33,5,0,3,9,9,15,27,27,9,6,9,27,35,35,32,35,39,15,0,0,0,0,27,55,77,91,91,91,142,170,189,207,217,217,196,173,105,75,63,55,49,57,73,87,85,85,81,63,49,37,53,95,217,255,255,255,255,255,255,255,255,255,255,255,255,228,217,228,228,228,212,0,0,0,0,0,0,116,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,33,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,134,118,108,74,11,0,0,0,170,163,100,17,0,7,35,95,121,118,98,57,57,55,41,30,39,73,118,137,144,144,134,111,104,111,121,129,129,129,121,81,61,27,15,7,11,31,49,49,41,25,15,29,53,71,118,144,178,209,204,189,183,181,176,157,139,121,98,98,98,124,131,126,111,0,0,0,0,0,0,230,255,0,134,72,82,92,0,0,0,129,79,0,0,0,3,43,90,124,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,51,61,35,19,13,19,27,33,37,59,105,124,108,88,85,100,137,168,189,157,137,105,47,0,0,0,0,0,57,37,0,0,0,0,69,152,173,183,186,199,194,168,139,65,42,40,41,53,77,89,97,142,152,176,170,97,83,97,95,59,39,31,31,45,73,91,134,152,147,134,87,82,84,129,124,129,89,87,118,118,118,85,77,67,55,57,67,61,31,5,0,17,53,79,71,59,63,79,89,124,131,124,89,93,129,129,92,93,134,142,142,142,139,142,150,160,165,131,75,61,67,85,89,85,85,91,134,144,142,131,131,95,81,75,85,99,147,152,152,150,93,75,72,75,87,89,87,87,86,87,85,79,75,75,79,85,89,99,150,160,168,173,173,176,176,173,163,157,119,119,163,173,178,178,178,186,194,202,215,228,225,212,199,202,212,225,233,230,230,238,255,255,255,255,248,255,255,255,255,255,255,255,255,255,238,191,160,173,209,209,157,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,142,204,235,251,254,251,238,222,220,220,212,204,204,204,194,170,165,163,150,95,79,69,69,83,134,152,152,147,152,157,150,113,37,1,0,0,0,0,0,19,69,147,173,189,194,202,207,207,207,207,207,207,207,207,207,207,186,176,169,170,181,189,196,199,199,202,209,209,212,212,212,215,222,222,215,212,202,194,176,157,144,103,103,93,81,63,43,37,39,41,31,21,15,0,21,41,57,63,53,53,65,75,87,126,126,139,155,163,163,137,67,63,73,85,105,144,152,160,165,168,168,168,163,160,160,157,176,176,173,165,115,114,114,157,165,181,199,215,222,222,202,189,170,119,111,111,117,117,119,123,178,191,199,209,199,199,189,189,196,220,238,246,246,238,228,215,207,183,157,144,129,108,95,95,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,77,66,53,48,38,33,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,59,116,131,157,186,230,254,255,255,238,207,168,109,102,109,168,186,202,217,225,238,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,196,202,202,56,0,0,77,40,66,64,150,152,35,43,176,173,108,116,152,152,0,0,73,126,137,150,163,176,191,186,124,150,0,0,0,0,0,0,0,0,0,0,0,0,0,126,142,77,81,91,91,41,0,0,0,35,99,152,134,93,134,95,87,144,155,152,71,0,0,0,0,61,150,155,163,178,191,181,169,170,189,199,207,207,196,183,165,111,105,108,178,215,215,215,217,222,207,176,173,189,196,209,215,217,220,212,215,213,215,222,228,222,217,215,215,215,215,217,217,217,215,215,215,215,217,220,225,225,222,215,209,209,208,208,208,209,215,215,222,235,215,59,63,176,196,202,194,186,194,212,207,204,202,178,129,178,178,176,174,181,186,183,178,176,176,181,186,186,191,196,183,176,178,176,131,131,131,181,117,102,123,125,109,22,121,212,225,230,228,225,228,225,204,133,129,135,181,183,189,194,202,212,215,207,199,196,196,196,191,194,199,199,194,191,191,189,183,185,199,207,207,202,194,137,128,186,199,207,202,173,181,181,181,189,183,133,131,129,124,127,178,186,199,199,186,179,181,186,196,209,215,107,92,107,186,194,186,178,186,207,222,222,209,199,186,204,222,233,101,103,189,176,176,186,191,191,191,194,196,189,185,186,191,199,204,212,217,222,217,212,207,204,204,207,209,207,209,209,209,207,204,196,191,189,186,194,194,178,129,131,191,202,207,215,217,209,204,199,191,196,196,183,177,176,178,186,191,194,131,101,111,129,131,173,178,176,128,126,173,191,199,189,121,121,194,204,207,207,207,199,181,131,181,176,124,123,129,133,129,129,178,186,194,191,137,124,124,133,183,131,128,133,189,196,202,209,215,212,199,181,176,176,181,189,194,191,191,191,189,186,181,181,186,191,196,194,189,181,178,183,189,196,199,199,196,199,202,199,198,199,191,183,183,181,135,133,131,125,135,202,207,196,131,123,129,183,191,189,186,186,137,133,134,183,189,191,191,191,196,196,189,137,127,126,133,186,202,207,199,199,209,225,228,207,137,129,131,131,133,137,189,199,207,212,215,209,196,189,183,178,135,133,133,133,129,121,135,191,186,135,131,186,196,204,204,186,129,130,191,202,204,204,207,207,209,209,207,207,202,191,189,189,186,135,133,135,183,189,191,194,194,189,183,181,181,178,135,131,131,135,186,186,191,194,183,136,137,181,183,186,183,181,189,199,207,204,203,207,212,215,215,215,215,217,217,215,215,212,212,212,217,217,212,196,186,181,135,133,137,189,194,196,202,204,207,209,209,204,189,173,170,176,186,191,186,181,176,107,105,104,99,173,199,191,196,199,199,189,124,115,120,178,191,183,131,127,125,125,127,131,131,129,124,123,124,129,181,194,194,178,128,170,196,209,204,196,191,176,117,115,117,111,79,95,109,121,183,189,105,103,115,127,181,181,178,176,178,189,199,196,186,176,178,189,194,191,181,177,178,183,183,186,186,183,182,186,189,133,123,125,133,181,183,186,181,134,133,134,178,191,209,228,230,222,207,199,194,186,185,185,185,186,194,202,202,191,186,183,178,178,186,191,194,189,181,181,186,199,199,183,186,191,123,117,121,133,186,191,183,131,127,133,181,181,135,134,181,189,199,209,204,204,202,202,202,202,199,199,199,199,202,204,204,204,207,209,209,209,209,207,202,199,202,196,189,190,196,196,186,140,141,186,186,141,191,204,209,207,207,215,225,228,228,228,228,228,222,215,212,209,207,207,212,209,199,186,189,196,222,225,186,178,194,220,225,217,217,209,191,137,137,189,204,209,207,204,205,207,199,189,187,196,191,133,135,181,135,137,183,183,189,196,199,196,189,186,183,181,178,135,133,178,186,194,199,202,204,207,204,196,183,179,194,191,202,204,199,204,207,207,204,202,199,199,199,199,199,196,191,189,189,191,194,196,194,189,183,191,196,189,182,183,189,194,199,199,196,196,199,202,202,196,186,139,139,189,202,209,215,215,212,209,209,209,212,212,212,212,209,202,194,190,192,199,202,207,212,217,225,225,222,217,215,217,215,209,202,204,212,212,207,199,196,149,145,141,141,140,143,202,212,217,217,217,220,225,230,233,230,233,233,233,233,235,235,233,230,233,233,233,233,230,230,230,233,235,241,248,254,254,254,254,255,255,255,255,255,255,255,255,255,248,243,235,233,230,230,235,241,243,243,243,246,248,251,254,254,254,254,254,254,251,251,248,248,246,241,238,241,241,246,0,0,0,0,0,0,0,0,0,0,241,233,230,233,235,241,0,0,255,251,241,225,212,207,199,196,196,196,196,191,186,186,186,189,189,189,189,191,196,199,202,207,215,222,217,212,209,207,202,194,191,189,189,191,191,189,186,183,183,183,183,183,183,183,183,183,183,181,178,176,176,176,176,176,178,181,183,183,183,186,186,189,186,183,183,186,183,181,135,133,133,129,113,105,104,111,176,196,207,212,217,225,230,233,233,235,235,233,225,215,215,230,0,241,238,0,0,0,233,222,204,191,181,170,157,113,109,105,101,99,99,99,99,101,109,125,183,212,222,217,202,183,178,176,130,133,204,225,228,222,222,217,207,202,202,202,196,191,183,139,135,132,133,137,186,191,191,196,204,204,207,207,209,209,207,207,207,209,215,217,222,228,230,228,217,216,216,217,225,225,225,222,215,212,205,203,204,207,207,207,209,209,212,212,209,212,215,212,204,0,0,0,0,0,11,29,43,51,43,31,31,37,51,55,55,49,53,53,47,49,53,72,43,25,5,0,0,0,0,5,15,15,9,6,6,13,27,35,35,39,35,13,0,0,0,0,17,55,81,91,83,79,91,152,181,207,233,217,199,176,107,73,63,55,43,49,73,97,107,97,91,81,79,85,95,137,248,255,255,255,255,255,255,255,255,255,255,255,255,248,235,251,251,238,230,0,0,0,0,0,165,0,0,0,0,0,0,0,0,0,46,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,40,25,4,0,0,0,0,0,0,0,0,0,0,0,0,0,124,118,77,74,74,51,0,0,5,170,170,108,27,3,13,41,79,100,105,98,63,98,71,51,41,45,73,118,137,144,150,137,121,111,129,137,144,144,137,137,129,81,55,47,25,19,37,51,57,57,41,35,43,55,65,65,81,142,178,189,183,183,181,168,150,129,116,98,96,98,121,126,118,95,0,0,0,0,0,0,255,255,238,121,57,85,129,0,0,126,113,82,0,0,0,0,0,155,144,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,9,0,0,0,11,25,37,41,43,87,124,142,129,92,85,98,129,155,176,170,157,142,121,69,0,0,0,0,0,0,0,0,0,7,142,191,199,196,186,176,176,173,155,79,51,45,53,75,89,87,85,91,131,165,170,97,83,101,131,81,59,45,43,51,73,85,129,142,142,134,89,87,137,139,87,81,121,121,79,73,75,65,27,39,11,21,41,63,85,21,0,0,23,73,81,77,83,89,85,89,85,76,77,93,129,129,90,90,97,134,142,142,139,131,95,95,99,93,79,79,87,97,97,85,89,97,134,134,131,95,95,95,93,93,97,139,147,152,157,157,137,89,83,87,93,93,91,87,87,87,85,83,83,85,85,89,99,105,150,157,165,173,176,176,176,176,173,173,163,160,160,170,173,173,178,178,186,194,204,215,204,191,189,191,202,202,212,225,233,238,251,255,255,255,255,255,255,255,255,255,255,255,255,255,233,181,144,152,189,209,176,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,121,196,243,255,255,255,248,228,220,220,220,212,204,204,181,168,165,157,101,65,47,43,43,53,63,77,71,67,113,142,142,116,55,29,21,27,27,19,11,35,113,157,178,183,194,202,207,204,204,204,194,194,191,194,196,196,189,181,176,170,176,181,186,189,186,191,199,202,202,202,212,220,225,225,225,222,215,202,191,176,168,157,150,142,134,77,53,47,47,45,35,23,15,14,19,33,57,67,63,57,67,81,126,126,126,137,144,152,152,97,67,63,67,85,137,152,160,160,160,165,168,168,168,163,157,160,165,173,178,170,157,114,114,115,165,176,189,202,215,209,202,189,170,121,111,111,113,117,117,119,165,178,189,191,191,189,186,189,209,225,246,248,246,230,215,207,207,207,194,165,126,90,90,108,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,82,77,66,61,53,40,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,98,131,150,170,217,246,255,254,238,217,186,157,111,111,123,186,209,217,220,225,230,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,196,202,220,77,0,0,0,0,0,27,183,209,49,31,92,79,100,134,173,165,17,19,131,137,147,155,157,168,196,215,220,246,0,0,0,0,0,0,0,0,0,0,0,0,45,194,202,178,79,79,77,71,27,53,63,75,97,142,142,142,142,103,103,155,160,147,85,0,0,0,0,163,150,150,152,168,181,178,170,176,194,207,209,207,204,202,186,157,110,108,115,199,215,215,215,217,212,196,176,186,199,207,209,215,217,215,220,215,220,228,222,208,207,207,208,212,215,222,222,222,217,215,213,213,213,215,220,222,222,217,212,209,208,208,209,212,217,215,207,212,53,0,23,123,191,189,178,173,176,191,217,222,220,207,196,191,186,181,181,189,191,191,183,174,173,178,183,176,128,127,124,124,129,176,176,176,186,212,225,212,189,131,31,20,173,204,220,230,228,225,228,228,199,123,125,178,178,176,178,191,202,209,212,207,202,202,202,204,202,202,202,199,196,194,196,191,182,182,189,202,209,209,207,194,135,181,189,196,196,181,191,186,133,131,130,135,191,133,113,115,129,183,196,199,186,181,181,181,189,199,209,123,89,98,186,196,191,183,186,204,220,225,222,212,183,181,181,189,117,131,202,183,181,186,186,186,189,196,204,202,194,191,189,183,189,204,212,212,209,207,204,202,202,204,204,202,204,204,204,204,202,194,189,191,183,189,199,191,131,176,202,212,215,217,217,212,209,204,199,207,204,189,181,194,191,181,183,181,129,111,117,131,178,178,181,183,181,176,186,202,207,196,129,129,196,207,212,215,215,209,196,189,202,196,127,124,186,191,135,129,133,178,186,191,189,137,133,137,181,131,128,131,181,186,194,202,207,204,194,178,176,178,183,186,186,186,189,194,191,181,135,135,178,196,202,199,196,183,135,181,189,199,204,202,199,199,202,199,199,217,212,189,183,186,194,212,194,128,133,204,222,217,122,105,98,186,204,189,179,183,186,137,135,137,186,191,191,186,189,191,186,126,121,124,135,191,204,207,196,191,199,209,212,202,183,133,133,131,133,181,194,204,207,209,215,212,204,196,194,186,133,130,129,131,135,191,209,207,194,186,178,186,194,199,202,181,131,181,199,204,204,204,207,209,215,215,209,207,199,191,191,199,196,181,134,134,178,183,194,199,196,186,181,178,181,181,133,129,130,178,186,186,189,189,178,136,181,186,189,186,137,136,181,196,207,209,207,207,212,217,222,220,217,215,215,215,215,215,217,217,222,225,222,196,183,135,133,135,183,194,196,199,202,204,207,209,209,207,199,181,173,181,196,196,189,189,189,101,113,113,121,246,207,196,199,202,199,199,194,127,126,183,189,178,127,125,125,127,129,173,176,131,127,125,125,124,127,178,183,176,170,178,196,204,204,196,178,119,115,125,168,121,93,105,108,113,178,181,99,102,123,125,121,121,129,176,176,178,189,191,183,178,183,194,202,196,189,178,178,178,178,186,196,194,186,189,194,183,125,123,131,181,186,183,134,131,131,134,181,191,207,222,228,215,202,191,191,189,189,189,189,186,191,196,196,194,194,191,183,183,186,189,191,191,181,181,189,204,204,178,181,196,189,133,127,129,178,186,178,124,123,131,183,186,186,183,137,123,116,137,194,196,199,202,204,204,202,202,202,202,202,204,204,204,204,207,207,209,212,207,196,195,196,194,190,191,199,196,141,139,186,191,186,137,139,199,207,204,204,212,222,225,222,222,222,222,217,212,209,204,203,204,207,202,189,186,189,199,212,212,186,179,189,209,215,215,212,204,191,183,183,189,202,212,212,207,205,207,204,191,183,191,194,183,186,189,189,194,196,196,199,204,207,202,196,191,189,189,186,183,178,181,189,196,199,199,199,204,204,199,186,174,168,172,196,196,194,207,215,209,207,204,204,202,202,202,199,194,189,187,187,189,191,196,199,196,194,194,194,189,181,179,181,189,194,191,186,189,194,199,199,194,139,136,136,183,202,215,217,217,215,215,212,215,217,217,217,215,207,196,194,196,199,199,199,207,209,212,215,215,215,215,217,222,222,215,209,212,217,217,212,207,204,202,204,204,199,140,139,149,212,217,215,215,217,222,228,228,228,230,230,230,230,230,230,230,230,233,235,235,235,235,235,235,235,235,241,248,254,252,251,252,254,255,255,255,255,255,255,255,254,246,241,233,230,230,230,233,238,241,241,243,243,248,251,254,254,254,254,254,254,251,251,248,248,246,241,238,238,238,241,0,0,0,0,0,0,0,0,0,0,243,235,233,230,230,235,248,0,254,255,248,228,215,209,204,199,196,199,196,194,189,189,186,186,186,186,189,191,194,196,199,207,215,217,217,215,209,207,202,196,191,189,189,186,186,183,181,181,181,183,183,183,183,183,183,183,181,181,178,178,178,178,178,178,178,181,183,186,186,189,189,189,186,183,183,183,183,181,135,129,125,117,109,107,109,125,183,199,207,212,220,228,230,233,235,233,235,235,235,230,228,233,241,238,233,235,0,238,233,222,202,191,181,170,160,115,109,103,99,96,97,99,101,103,111,123,181,207,222,222,207,183,176,130,128,131,202,225,228,225,222,217,209,202,199,196,194,189,141,139,133,129,130,137,191,194,194,196,202,204,207,209,209,209,207,207,207,209,215,217,222,225,230,228,225,222,222,225,228,225,225,225,222,212,207,203,204,207,209,209,215,215,215,215,215,215,215,212,204,0,0,0,0,0,13,33,49,55,49,39,39,49,57,57,53,49,49,55,53,55,74,49,37,11,0,0,0,0,0,0,5,9,11,9,9,11,17,31,39,43,27,3,0,0,0,0,11,55,79,89,79,71,73,95,157,199,217,215,202,189,160,97,87,69,39,21,49,83,97,93,87,91,99,111,123,191,241,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,51,33,22,14,0,0,0,0,0,0,0,0,0,0,0,0,74,66,22,33,59,59,5,0,11,126,144,100,25,7,21,41,47,53,95,105,111,121,116,71,55,55,63,113,129,142,144,142,131,129,126,137,137,144,144,144,139,129,79,65,41,25,37,55,63,63,55,41,43,49,45,39,43,65,139,163,170,181,173,155,131,113,111,98,98,121,131,124,100,0,0,0,0,0,0,0,255,255,251,170,59,64,108,111,100,103,134,95,21,9,0,0,0,170,144,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,27,35,31,39,85,129,160,150,113,98,108,121,134,147,147,150,139,134,131,61,0,0,0,0,0,0,0,0,37,152,194,194,186,165,155,157,165,155,121,73,67,81,95,134,129,97,91,131,160,170,134,83,95,131,95,81,65,65,73,83,89,93,129,126,126,93,129,155,144,73,66,89,129,75,67,75,49,0,0,0,11,31,37,55,7,0,0,19,81,85,79,118,124,89,85,72,69,77,95,129,93,90,90,93,99,137,134,97,87,79,77,81,83,87,99,139,147,99,89,89,95,91,83,77,81,87,95,99,99,139,147,147,152,152,155,144,134,95,134,134,134,134,134,134,93,93,93,93,93,93,91,99,144,150,150,152,160,173,173,165,173,173,165,163,160,160,163,168,170,170,178,186,194,194,191,183,141,191,202,202,202,202,225,233,238,251,255,255,255,255,255,255,255,255,255,255,255,255,255,241,191,99,87,150,199,186,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,173,233,255,255,255,248,222,209,209,209,209,204,194,170,155,157,144,85,43,29,29,33,37,37,31,19,19,43,105,113,113,103,57,51,59,63,51,41,55,129,165,181,194,204,204,207,204,194,194,183,182,179,183,186,194,183,181,176,129,129,129,176,181,178,186,191,199,199,199,212,225,225,225,225,225,215,212,202,183,176,168,163,155,142,83,65,55,51,47,39,25,16,15,19,33,57,71,67,67,73,87,126,124,85,126,137,144,144,95,67,63,63,79,137,160,170,170,160,152,160,160,160,160,157,157,165,176,181,181,165,157,114,157,168,181,189,191,194,194,189,178,170,121,111,105,107,109,111,117,119,165,178,181,189,181,178,181,196,220,235,238,235,225,209,196,215,225,215,173,108,77,83,108,118,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,105,90,82,82,79,77,51,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,124,147,163,186,225,254,255,246,225,207,178,163,117,163,178,209,225,225,230,230,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,168,186,173,40,0,0,53,35,0,87,189,202,95,82,124,48,13,87,178,176,47,45,137,142,142,139,147,165,196,212,222,246,0,0,0,0,0,0,55,53,0,0,0,0,23,178,186,157,85,91,97,139,85,142,183,150,103,144,157,163,165,160,155,155,150,99,101,81,0,9,21,165,152,147,150,163,176,178,176,181,194,204,207,202,199,199,189,178,173,121,117,168,204,215,217,217,217,209,117,173,202,204,209,215,212,212,217,215,220,228,225,212,205,204,205,209,220,225,222,217,217,215,213,212,213,213,217,222,222,222,215,209,209,209,212,215,212,207,196,61,0,0,31,173,199,196,183,129,124,120,222,222,217,212,207,202,196,191,191,194,199,199,194,176,173,186,202,191,129,125,124,125,129,176,183,196,212,222,230,235,217,186,23,31,186,207,217,225,228,225,228,222,113,101,115,183,181,172,177,191,194,194,196,199,199,199,202,202,199,194,190,190,191,199,207,207,194,185,189,194,199,202,199,189,183,181,181,186,191,189,202,199,135,130,130,178,191,176,117,114,124,133,183,186,183,183,183,181,181,191,204,125,88,100,186,194,191,189,189,199,215,228,228,215,181,129,124,133,133,178,196,199,191,178,132,135,183,191,204,215,212,204,189,132,131,183,191,189,191,199,199,194,189,189,194,194,196,202,202,199,196,194,194,196,186,181,189,186,133,189,215,217,215,212,212,209,209,207,202,207,204,176,183,212,207,178,127,123,121,119,125,173,181,181,183,194,189,183,194,204,209,202,181,181,202,209,215,217,217,215,207,202,204,199,127,125,196,207,196,183,178,135,181,189,194,194,194,196,191,181,131,128,126,126,135,189,191,194,194,186,181,181,183,186,183,183,191,202,196,181,129,127,131,196,199,196,199,189,135,178,189,199,202,196,194,199,202,207,217,235,238,207,137,181,215,233,230,186,181,199,217,215,118,102,99,212,225,194,178,182,191,191,183,183,186,191,189,186,183,137,131,124,121,125,137,194,204,207,199,191,189,191,191,186,137,133,131,131,133,183,196,207,209,209,215,215,209,204,202,191,133,129,129,131,135,189,207,202,189,181,183,189,191,194,194,181,135,191,202,204,204,207,209,215,215,215,209,207,196,183,189,204,204,186,178,134,135,181,186,189,186,178,133,133,181,191,186,132,131,178,183,183,183,181,178,137,183,189,191,186,136,135,137,194,207,212,209,209,212,217,222,222,220,217,215,215,212,212,217,222,225,225,217,189,133,131,135,181,186,196,199,199,202,202,204,207,207,207,207,196,186,194,207,196,186,189,183,89,115,173,196,222,199,199,196,196,195,199,202,178,127,183,186,173,125,125,127,129,129,173,178,173,131,131,129,124,125,170,178,173,176,189,196,199,199,194,168,117,113,119,123,125,119,115,109,111,119,117,106,119,189,176,116,114,119,129,173,173,181,186,183,186,191,199,204,204,196,189,181,176,176,189,202,199,189,183,183,178,125,122,131,183,189,189,178,135,178,183,189,194,204,215,217,207,191,189,191,196,199,199,196,191,189,191,191,191,196,196,189,186,189,186,189,189,179,181,189,204,202,178,177,189,196,189,135,129,135,189,183,124,123,131,186,194,199,196,186,119,108,108,127,181,191,202,207,207,209,207,204,204,204,209,209,204,202,202,204,207,209,204,195,194,196,196,196,196,196,191,139,139,186,191,186,129,127,139,202,207,209,215,222,222,222,217,215,215,212,209,209,204,203,207,204,194,140,139,186,194,199,199,186,181,183,194,204,207,204,199,189,186,189,189,199,209,217,215,212,212,212,202,178,183,191,191,196,199,199,204,207,204,204,207,207,202,194,191,189,189,191,189,186,189,191,196,196,196,199,202,207,207,196,181,146,152,186,194,194,209,215,212,209,207,207,207,207,204,199,194,191,191,189,187,189,196,202,204,199,196,196,191,183,179,181,186,189,183,181,182,189,196,196,194,189,139,139,189,207,217,222,217,215,215,215,217,217,222,222,217,209,183,191,202,196,186,189,204,209,209,209,212,212,215,222,225,225,217,215,215,217,222,222,222,215,212,209,209,196,138,137,199,215,217,217,215,217,222,225,225,228,228,228,228,228,228,228,225,228,233,238,241,241,241,241,238,235,235,241,248,254,254,252,252,254,255,255,255,254,254,254,254,251,246,238,233,230,228,230,233,235,238,238,241,243,246,248,251,251,251,251,251,251,251,251,248,248,243,241,238,235,235,238,241,0,0,0,0,0,0,0,0,0,246,238,233,233,230,233,241,0,0,255,254,230,215,209,204,199,199,199,196,194,191,189,186,186,186,186,186,189,191,194,196,202,209,215,212,212,209,204,199,196,194,189,186,183,181,137,137,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,181,183,186,186,189,191,191,191,189,183,183,183,183,181,133,127,119,113,110,113,125,181,191,199,204,209,217,228,233,235,235,233,233,238,238,235,233,235,241,235,228,228,233,233,230,222,202,189,178,170,163,117,109,103,97,97,97,99,101,105,111,125,183,204,222,228,217,191,176,130,128,131,202,225,228,228,225,222,212,204,199,194,189,141,141,141,137,130,131,139,191,196,194,196,199,204,207,207,209,209,209,207,207,209,215,222,222,225,230,233,233,230,230,230,228,225,222,222,222,217,212,207,207,212,212,209,212,215,217,217,217,215,212,207,202,0,0,0,0,0,13,37,49,55,49,43,45,55,63,59,51,43,47,53,57,74,53,43,29,9,0,0,0,0,0,0,3,9,17,25,27,27,27,31,35,27,9,0,0,0,0,0,11,49,71,85,79,67,65,67,81,168,202,202,199,202,191,178,165,97,35,8,12,51,77,83,83,91,101,113,113,117,137,217,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,111,79,51,33,22,1,0,0,0,0,0,0,0,0,0,0,0,14,5,0,0,25,33,0,0,5,100,131,100,39,21,21,33,41,45,79,105,118,129,126,103,57,51,57,77,124,137,144,144,142,137,126,118,129,137,144,144,144,129,85,67,41,29,49,67,63,61,55,41,35,29,25,13,13,33,71,137,155,168,163,137,98,67,95,98,111,131,139,126,100,0,0,0,0,0,255,255,255,255,255,255,66,23,56,74,87,124,157,103,43,0,0,0,0,0,124,7,0,0,0,0,0,0,0,0,0,0,0,0,0,3,17,19,13,0,0,0,0,0,13,19,21,21,23,33,85,124,144,150,134,126,126,121,108,111,124,129,113,67,67,39,0,0,0,0,0,0,0,0,43,142,170,176,170,155,139,139,139,137,79,61,73,87,137,147,144,137,134,137,157,170,155,99,95,131,95,87,87,85,93,97,93,91,83,77,83,89,91,131,129,73,62,87,137,85,73,87,71,2,0,0,43,41,31,25,0,0,0,61,121,118,79,87,126,124,89,73,72,89,139,137,129,93,92,92,97,134,134,89,75,70,71,75,77,87,137,152,150,99,89,85,85,77,66,65,71,83,87,99,139,142,142,139,139,139,139,137,137,144,147,150,150,147,147,142,103,139,144,144,101,93,91,101,150,150,105,101,147,157,163,163,157,157,157,157,160,163,163,170,170,178,183,191,194,194,186,183,141,202,215,215,212,212,225,233,241,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,204,89,57,71,157,178,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,176,233,255,255,255,243,217,202,202,202,202,204,194,163,147,105,91,53,19,11,13,17,13,3,0,0,0,0,39,55,69,113,105,92,105,116,116,71,113,147,173,191,204,204,215,212,207,204,194,183,179,179,179,183,183,176,168,123,117,115,123,173,178,178,186,191,199,199,199,212,220,225,225,225,215,212,204,196,181,176,168,157,150,142,93,71,61,55,47,39,25,19,17,19,37,61,77,73,67,73,81,87,85,79,85,126,137,126,83,67,57,59,71,134,160,178,176,160,150,150,150,150,150,150,148,165,181,186,181,173,165,160,168,181,186,181,178,176,170,168,163,163,113,105,97,97,103,111,117,119,165,178,189,186,173,166,170,178,194,209,220,217,217,209,207,194,207,191,152,87,74,81,118,129,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,105,90,82,87,90,82,53,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,137,152,168,186,225,246,254,238,217,199,186,170,168,170,199,217,220,225,225,225,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,129,0,0,0,0,144,160,155,168,183,196,121,98,152,113,0,32,165,176,113,67,121,134,129,126,139,160,194,209,217,233,49,0,0,0,81,186,225,220,189,85,0,0,0,69,147,144,99,101,139,147,105,160,191,152,163,181,191,196,204,207,178,101,72,74,168,170,144,147,101,152,152,150,155,165,173,178,181,181,189,196,194,186,181,163,109,117,165,168,121,121,178,209,217,222,225,228,105,95,194,207,215,212,209,209,212,212,215,228,225,230,215,209,209,215,222,225,222,217,222,222,220,217,217,220,220,222,222,222,217,215,215,212,212,207,196,194,189,43,0,19,113,207,212,215,204,176,123,120,217,212,209,204,202,199,199,202,204,207,212,212,207,183,176,196,215,207,186,129,129,176,178,178,191,212,225,228,230,233,225,199,13,5,125,212,222,222,225,225,225,209,100,94,100,194,196,183,186,194,186,181,181,189,194,196,196,194,191,189,186,189,199,212,220,222,215,202,196,191,189,189,189,186,183,183,181,186,191,194,202,199,183,133,181,186,123,123,129,125,129,131,176,178,181,186,186,179,177,189,199,113,96,127,196,194,186,186,189,191,204,217,215,191,176,130,128,186,183,181,183,194,191,129,127,133,181,181,189,215,217,209,189,130,129,133,137,181,186,191,194,186,129,117,123,137,191,202,196,181,179,189,199,202,194,181,178,131,119,176,212,215,212,215,215,212,212,209,196,191,131,70,123,212,215,196,129,125,123,123,127,131,178,181,181,191,186,186,196,207,209,199,181,181,204,212,217,222,225,217,209,202,196,183,123,121,183,202,196,191,183,183,189,196,202,204,207,207,204,196,186,131,124,123,128,183,189,191,196,194,189,137,137,183,183,183,196,215,215,189,127,123,126,186,189,189,194,189,133,133,189,196,196,189,189,199,204,212,225,235,238,225,128,131,215,228,230,199,186,191,204,202,131,125,222,230,222,194,181,183,196,199,189,186,189,189,191,194,183,131,127,131,133,135,181,189,199,202,202,194,189,186,183,135,131,129,128,130,135,186,196,204,209,212,215,217,212,209,207,194,135,130,131,133,130,131,186,191,183,179,186,194,189,183,183,181,181,194,199,202,204,207,212,215,215,212,209,204,189,178,183,199,202,189,178,135,178,181,181,135,133,132,131,132,186,204,207,191,178,178,181,181,178,178,183,189,191,194,191,183,136,135,137,189,202,209,212,209,209,212,217,222,220,217,217,215,209,209,212,217,222,217,202,131,127,131,181,191,196,202,204,202,199,202,204,207,207,204,204,199,191,199,202,191,185,186,119,87,102,191,207,207,199,202,196,196,196,202,204,183,131,181,178,129,125,127,131,131,131,131,173,129,129,173,173,129,129,173,129,127,176,191,196,199,199,191,125,117,103,101,109,121,117,106,105,111,119,121,173,191,196,194,121,115,118,127,170,131,173,176,178,183,194,202,204,202,196,189,183,176,176,186,199,196,183,176,134,135,131,131,178,189,194,199,204,202,196,194,191,191,199,207,207,199,190,189,194,202,204,204,202,199,194,194,191,191,191,189,186,186,186,185,189,189,181,181,191,196,194,181,174,176,191,194,186,133,181,194,191,125,122,131,189,202,204,202,199,186,117,113,116,127,186,199,209,212,212,212,207,207,209,215,215,209,202,200,200,202,204,199,194,194,199,204,202,196,196,189,140,140,186,191,189,128,124,129,196,212,222,225,225,225,222,222,215,212,209,209,212,209,209,215,209,194,139,138,141,189,191,194,194,186,182,183,191,196,199,196,191,191,194,191,194,204,217,222,222,217,215,207,181,181,189,196,204,209,209,212,212,209,209,209,207,199,194,189,187,187,191,194,194,194,194,194,194,196,199,204,207,209,207,204,165,165,194,199,199,209,215,215,212,209,209,209,209,207,202,199,199,199,191,187,189,196,202,202,202,199,199,199,194,186,186,191,191,183,181,181,189,194,196,196,196,194,191,199,212,222,222,215,215,215,215,217,220,222,222,217,209,92,96,137,137,131,135,202,209,209,209,209,212,217,222,225,225,222,217,217,220,225,225,228,228,222,215,207,147,137,138,207,222,222,217,215,217,222,225,225,225,225,225,228,230,228,225,224,225,230,235,241,243,243,241,238,235,235,241,248,254,254,254,254,254,255,255,255,255,255,255,255,248,243,235,230,228,228,228,230,233,235,235,238,241,243,243,246,248,248,251,251,251,251,251,248,246,243,241,238,235,235,235,238,241,0,0,0,0,0,0,0,0,246,238,238,241,235,230,230,0,0,255,255,230,212,207,204,202,199,199,199,196,194,191,189,186,186,186,186,186,189,191,194,199,207,209,212,212,212,209,202,196,194,191,186,139,136,135,136,181,183,183,183,183,183,183,183,181,181,183,183,183,183,183,183,181,181,183,186,189,191,194,194,194,191,183,181,183,181,137,133,127,121,117,119,129,186,194,196,196,199,207,212,222,230,233,233,230,230,233,235,235,235,238,241,233,222,217,225,228,230,222,204,186,176,170,165,121,111,103,97,95,95,97,101,105,111,127,189,204,217,228,225,204,186,135,129,131,199,222,230,228,225,222,215,209,199,191,141,140,141,186,186,141,137,141,194,196,196,194,194,199,204,207,209,209,209,209,209,209,215,217,222,225,233,238,238,238,235,235,230,222,220,220,222,222,215,209,209,212,209,208,212,215,217,220,222,217,212,204,199,0,0,0,0,7,17,37,49,55,49,43,45,55,63,63,51,43,43,49,57,55,43,29,11,0,0,0,0,0,0,0,0,3,17,31,43,43,35,27,27,13,5,0,0,0,0,0,11,43,65,79,73,65,59,58,62,142,183,191,196,209,209,202,194,155,49,8,8,25,57,75,81,83,91,89,73,59,71,129,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,255,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,56,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,137,108,59,33,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,111,100,61,33,27,41,47,79,79,100,113,124,124,105,55,41,45,63,113,131,137,139,144,137,121,87,87,129,139,147,144,131,121,67,49,43,69,87,63,51,49,35,25,15,0,0,0,17,53,116,144,163,152,124,69,64,67,90,108,129,131,116,0,0,0,0,0,255,255,255,255,255,255,255,27,1,17,74,103,126,147,90,40,0,0,0,0,0,95,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,56,85,74,0,0,0,5,29,19,7,7,15,33,85,116,129,137,139,142,139,116,59,51,92,105,41,0,0,0,0,0,0,0,0,0,0,0,39,134,170,183,186,165,134,113,85,75,45,46,55,87,137,144,144,142,134,91,97,165,178,155,97,95,87,87,87,93,129,129,93,85,75,66,71,77,71,61,75,79,71,87,137,124,85,118,85,33,17,63,65,47,35,23,0,0,65,85,126,121,87,83,85,91,89,89,93,147,147,139,137,137,97,93,99,134,134,89,75,68,70,68,70,81,99,137,147,134,91,89,79,69,63,63,69,81,85,95,139,142,139,99,97,97,97,134,137,150,147,147,147,147,103,103,103,103,147,147,101,93,91,107,150,144,99,91,99,150,155,115,113,113,111,119,163,173,173,173,178,186,191,194,194,194,183,183,141,199,215,222,222,222,225,233,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,222,89,44,46,124,157,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,196,235,246,246,243,230,202,191,191,199,202,204,194,163,144,97,69,35,0,0,0,0,0,0,0,0,0,0,0,15,45,90,90,90,105,124,124,126,139,165,191,204,212,212,215,215,215,212,207,194,183,183,186,186,178,168,115,109,105,109,119,129,176,178,186,196,209,209,209,212,212,220,225,222,215,212,202,191,181,176,168,157,150,142,93,77,65,55,47,37,27,21,21,25,45,67,79,79,71,67,73,81,79,73,79,85,85,85,73,63,55,53,65,95,160,178,178,168,160,160,152,150,147,146,148,170,181,181,173,165,165,168,176,181,181,176,170,163,119,113,111,111,107,97,93,93,99,109,119,163,170,181,189,186,173,166,165,170,178,189,194,207,209,209,196,176,163,150,126,95,85,95,129,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,134,124,105,85,77,77,82,79,51,5,0,0,0,0,0,0,0,0,0,0,0,0,0,21,108,142,155,168,186,220,238,238,230,207,186,186,178,170,170,186,207,209,217,220,220,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,176,157,155,176,230,163,77,87,95,33,118,168,170,152,126,134,134,126,121,137,139,157,196,204,209,47,0,29,152,199,209,212,215,212,212,202,103,73,85,147,150,97,101,144,170,189,204,202,148,170,191,199,202,209,209,173,81,66,72,186,181,168,160,152,152,155,157,165,176,176,178,183,181,178,176,163,160,160,106,79,72,70,111,117,119,163,186,204,217,222,251,181,53,93,204,222,207,199,191,181,173,117,119,163,235,233,228,225,225,225,222,222,222,225,228,228,225,225,225,225,222,217,215,212,215,215,212,204,191,181,178,181,85,51,103,121,199,212,217,209,178,125,124,186,196,199,196,192,194,204,212,222,225,222,222,212,189,133,183,202,199,183,176,181,191,189,189,202,215,228,233,230,222,207,196,7,0,0,101,215,222,222,222,215,196,127,97,99,204,220,212,199,191,137,133,135,183,191,196,194,194,191,190,191,202,217,228,228,225,222,215,204,194,183,137,181,181,183,183,189,196,207,204,202,196,186,186,204,194,99,108,186,183,133,131,133,176,181,191,194,181,178,191,199,115,109,189,196,186,133,176,181,186,199,212,207,183,133,183,194,204,199,189,178,183,186,128,129,186,189,178,174,196,207,204,189,132,131,135,183,186,189,186,183,135,117,102,102,119,194,204,189,170,170,181,194,202,196,186,135,119,110,114,191,209,217,225,228,222,217,209,178,121,78,37,93,212,217,215,178,131,129,127,125,129,178,183,181,183,186,191,209,215,209,196,178,178,196,209,217,228,228,217,204,196,189,176,125,121,117,117,131,183,191,199,207,212,212,212,209,209,209,209,204,194,135,129,135,189,194,196,202,202,191,135,131,135,181,186,196,212,212,194,131,124,124,129,133,178,186,181,129,130,183,194,189,181,183,199,209,215,225,225,228,220,129,130,194,207,209,199,191,189,196,194,183,194,215,222,212,196,186,189,199,202,194,191,194,194,199,204,186,129,131,183,194,189,186,186,191,194,202,202,199,196,191,181,131,129,129,133,186,191,196,202,207,212,217,222,215,209,207,194,137,133,135,178,133,130,183,194,191,186,191,194,186,182,186,186,189,196,199,202,204,209,215,215,212,209,207,202,186,177,178,189,194,191,183,183,189,189,181,132,131,132,132,178,196,215,222,209,189,178,181,181,134,134,183,191,194,196,194,186,137,136,137,186,194,202,207,207,207,209,215,217,215,215,217,215,207,204,209,212,215,209,133,122,123,133,189,199,204,207,204,202,196,199,204,207,207,202,196,191,191,194,194,189,189,191,121,100,101,191,209,207,202,199,202,204,204,209,207,191,176,176,129,127,129,176,178,173,129,129,129,128,129,176,178,176,176,176,125,123,173,194,199,202,199,183,107,103,92,97,117,125,111,103,104,121,168,173,186,191,196,207,194,125,121,127,129,127,127,127,127,176,186,191,194,194,189,186,183,178,133,178,189,186,178,135,135,181,183,186,191,191,194,204,212,212,207,202,194,189,189,194,199,196,194,194,199,204,207,204,204,202,202,202,199,191,185,183,183,185,185,183,189,196,191,189,191,191,189,183,170,165,183,196,191,178,181,191,186,124,121,125,189,202,202,202,204,199,135,117,115,123,181,199,207,212,212,212,209,207,209,215,217,212,204,200,200,202,202,199,194,195,202,204,202,196,199,199,196,194,194,194,199,139,127,128,191,215,225,228,225,228,228,228,222,215,212,212,212,215,217,222,217,202,141,138,141,191,194,194,199,196,186,183,183,189,196,199,196,196,199,196,189,196,212,217,217,215,212,207,187,185,194,204,212,215,212,212,212,209,209,209,209,202,196,191,187,187,191,196,199,199,196,194,196,199,204,204,204,207,212,212,202,191,202,199,191,204,217,222,215,212,209,209,209,209,204,202,202,199,194,189,191,194,194,191,199,202,199,202,199,194,191,194,194,189,183,183,189,194,194,196,199,196,196,202,212,217,217,215,212,215,217,217,217,222,222,217,191,66,67,97,123,133,186,207,215,212,212,212,215,217,222,222,222,217,217,217,222,222,222,222,228,228,222,212,199,141,143,212,222,222,215,215,217,225,225,225,225,222,220,225,230,228,225,225,228,230,233,238,243,243,241,238,235,234,235,246,251,254,254,254,255,255,255,255,255,255,255,255,248,243,235,230,225,225,225,228,230,233,233,235,238,238,238,241,243,246,248,251,251,251,251,248,246,243,243,241,238,235,235,235,241,243,0,0,0,0,0,0,251,246,238,241,243,238,228,228,0,0,255,255,233,212,207,204,202,202,199,199,199,196,191,189,189,186,186,186,186,189,191,194,199,207,209,212,217,217,215,207,199,196,194,189,183,137,136,137,183,183,186,186,186,186,186,183,183,183,183,186,186,186,183,183,183,183,183,186,189,191,196,199,199,194,186,181,181,181,137,133,129,127,127,135,186,196,199,196,196,196,202,209,215,222,225,228,225,222,225,228,233,235,238,241,235,222,215,216,222,228,225,207,189,178,176,173,163,111,101,97,92,92,93,99,103,109,125,186,199,207,217,225,215,202,186,131,131,194,215,225,225,222,217,215,209,202,189,140,140,141,189,194,194,189,189,194,196,194,191,191,196,202,204,207,209,212,212,212,212,212,215,215,225,233,241,241,241,241,235,230,225,220,220,221,225,217,208,207,208,209,209,215,222,222,222,225,222,215,207,202,0,0,5,13,21,33,43,51,57,51,39,39,51,59,59,53,45,42,45,51,45,29,5,0,0,0,0,0,0,0,0,0,3,11,27,37,43,41,27,17,15,17,11,3,0,0,0,11,37,53,65,67,62,63,63,67,134,168,183,194,209,209,204,194,170,81,35,25,51,63,77,83,85,79,67,53,42,49,101,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,255,251,212,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,25,12,7,17,0,0,0,0,0,0,0,0,0,0,255,255,235,217,191,160,142,137,137,137,108,59,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,51,53,35,33,39,69,103,121,113,113,118,124,129,116,57,35,31,51,83,129,131,137,137,137,121,87,87,129,144,157,152,139,139,129,77,77,131,126,63,49,55,41,21,9,0,0,0,13,39,67,137,152,152,131,75,69,69,67,87,98,98,82,0,0,0,0,0,255,255,255,255,0,255,255,21,0,17,95,111,74,72,38,7,0,0,0,0,0,77,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,90,85,9,0,0,0,23,7,0,0,13,41,98,124,124,129,131,126,126,92,31,23,33,33,0,0,0,0,0,0,0,0,0,0,0,0,49,142,194,215,209,173,131,75,63,49,43,43,61,89,139,144,142,134,89,73,73,147,202,168,95,87,81,81,81,85,93,93,85,79,71,66,69,69,51,48,55,73,75,89,137,129,85,85,73,47,49,77,69,39,25,0,0,47,121,118,87,118,118,83,80,81,91,131,150,163,150,139,139,137,129,99,137,142,134,91,83,71,68,66,67,73,85,93,99,134,97,89,83,77,73,69,67,71,81,99,139,139,97,94,95,97,97,134,137,150,137,137,142,103,93,89,89,99,144,147,101,93,99,107,144,105,91,89,87,99,109,109,103,103,113,119,165,173,176,181,186,194,194,194,194,186,135,131,135,141,202,215,222,222,225,233,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,225,105,43,40,71,134,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,168,225,233,228,212,202,181,178,191,199,202,202,204,170,147,97,75,37,3,0,0,0,0,0,0,0,0,0,0,0,0,33,45,51,63,95,113,126,147,170,204,220,225,220,215,222,222,215,215,207,204,194,194,194,183,163,109,103,103,105,115,168,173,178,186,196,209,209,209,212,212,220,220,212,215,212,204,202,191,181,176,168,157,150,134,83,71,55,45,37,31,27,27,35,51,73,83,79,67,67,67,73,73,67,73,73,79,73,67,61,51,49,61,95,160,178,178,170,168,168,163,157,150,146,148,165,173,173,165,157,157,165,168,163,163,163,163,157,119,111,107,107,105,101,93,87,93,103,115,163,170,181,189,186,178,173,169,176,178,178,178,186,189,189,183,168,137,124,121,121,126,131,137,139,144,0,0,0,0,0,0,0,0,0,0,0,0,0,160,144,124,90,77,66,64,66,61,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,116,147,152,163,186,217,230,225,217,199,183,186,186,170,169,178,202,209,209,217,220,220,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,176,150,152,176,155,72,53,53,170,186,168,157,155,155,155,152,67,58,65,71,89,139,134,91,63,59,165,191,202,204,202,207,215,217,217,217,222,212,183,155,83,150,183,202,207,207,199,168,168,191,199,199,199,189,150,91,91,183,202,194,181,173,168,163,163,165,181,186,178,178,183,181,176,173,120,118,121,117,84,74,70,104,113,119,123,111,101,189,194,209,168,0,0,35,95,107,79,19,0,0,0,0,0,176,207,217,222,220,212,207,212,222,225,228,230,230,228,228,225,217,207,196,194,199,204,202,194,181,174,174,178,181,178,125,125,183,199,202,189,173,128,128,129,186,199,194,192,199,212,222,225,225,225,225,215,194,133,133,186,183,176,133,183,191,191,202,215,217,217,228,225,204,199,199,97,0,0,63,199,212,215,212,204,186,178,109,111,204,225,222,207,191,135,131,137,189,194,194,194,194,194,196,207,222,230,230,228,225,225,222,217,204,183,136,136,137,137,181,191,204,217,215,209,204,199,202,209,194,103,110,186,186,131,131,178,181,183,194,199,189,183,199,199,123,125,186,186,176,128,128,133,189,209,217,212,196,183,202,209,222,217,202,178,186,183,131,181,196,196,181,173,181,196,196,191,181,137,181,189,196,194,131,121,125,115,101,100,109,196,202,189,173,173,181,191,196,196,189,178,123,115,117,181,204,217,228,233,233,228,204,107,95,79,43,68,196,207,204,189,176,170,127,127,170,181,191,191,191,194,204,220,217,204,191,178,181,191,199,209,222,222,207,194,186,181,131,176,176,111,107,119,186,207,215,222,228,225,222,215,209,212,212,212,207,202,196,194,199,202,204,207,207,202,183,129,128,178,186,191,196,196,189,135,127,125,126,129,178,178,131,128,128,178,189,186,137,183,202,212,215,217,220,222,217,199,135,137,191,196,196,196,196,199,194,186,191,191,202,207,199,191,191,194,196,194,194,202,204,212,215,196,181,137,186,194,194,189,185,185,189,199,202,202,204,199,189,137,135,181,191,202,202,199,202,204,204,209,212,207,202,199,191,181,137,181,189,189,189,196,202,196,194,191,189,183,186,196,191,189,196,202,202,204,209,215,217,212,209,207,199,186,178,177,181,186,189,191,196,202,199,189,135,132,135,181,194,207,217,222,215,196,181,181,181,133,131,135,183,189,196,202,191,181,137,136,137,183,194,202,204,207,209,212,212,209,209,212,209,202,199,202,204,204,191,125,121,124,181,196,204,207,207,202,196,191,194,199,202,204,199,194,189,186,189,191,194,204,202,176,105,104,183,207,209,204,204,207,209,212,215,209,196,178,127,125,129,178,186,183,131,125,127,131,176,181,183,186,186,186,178,124,122,170,191,199,199,186,77,53,97,96,121,176,173,117,109,115,168,178,186,186,189,196,207,194,129,123,123,125,127,127,125,126,129,173,176,178,183,189,189,186,178,133,133,178,178,176,181,189,191,191,196,199,194,191,199,207,209,207,202,194,183,137,183,194,199,202,202,204,207,204,199,199,199,199,202,202,196,189,185,185,186,186,185,191,202,199,194,191,186,183,178,163,153,181,196,194,181,178,183,181,127,123,129,183,191,191,196,202,194,133,117,114,119,135,191,202,207,209,209,207,202,204,212,215,215,209,204,204,204,204,199,196,196,202,202,196,196,204,207,202,199,199,199,202,194,137,131,141,209,222,222,225,228,233,233,230,222,217,215,217,222,225,222,215,202,186,138,140,194,196,196,202,199,194,189,183,183,196,204,199,195,199,196,189,190,204,209,209,207,207,204,199,194,202,209,212,212,209,209,209,204,204,207,209,204,202,196,191,191,194,196,196,196,196,196,199,204,207,207,207,209,212,212,199,196,199,137,127,194,215,222,217,215,212,209,209,209,209,204,196,194,194,191,194,191,185,177,202,204,199,199,196,194,194,196,196,196,191,191,191,194,194,194,196,196,196,199,207,212,212,212,209,212,217,220,217,222,225,215,129,70,78,111,129,189,204,215,217,215,212,212,215,217,217,215,215,215,212,215,217,222,217,217,225,230,228,222,209,199,202,215,222,217,212,212,217,222,225,225,225,222,217,222,225,225,228,230,230,228,226,230,238,243,241,238,235,234,235,241,246,248,251,254,254,254,255,255,255,255,255,255,248,243,235,228,225,222,222,225,228,230,233,233,233,233,233,235,241,246,248,248,251,251,251,248,246,246,243,241,238,238,238,238,238,243,243,243,243,243,0,0,251,246,241,241,243,235,228,228,0,0,0,255,238,217,212,209,204,202,199,199,202,199,194,191,189,189,189,186,189,189,191,194,196,202,207,212,217,225,217,209,202,199,196,191,186,183,139,183,186,186,186,186,186,186,186,186,186,186,186,189,189,186,186,183,183,183,183,186,189,194,199,202,202,196,189,183,181,137,135,133,133,135,181,189,196,199,199,196,196,196,202,204,209,212,212,215,215,212,215,222,228,233,235,241,241,228,215,215,217,228,225,212,191,181,181,178,165,111,99,93,91,91,93,97,101,105,117,176,186,189,202,215,222,215,199,133,130,186,209,217,217,215,212,212,209,199,191,141,141,189,191,194,196,194,191,194,196,194,191,191,194,199,202,207,212,215,215,215,217,215,215,215,225,235,241,241,243,241,238,233,230,225,222,222,225,217,208,207,209,209,212,222,228,225,222,222,222,212,207,204,0,0,13,29,39,45,53,57,57,45,35,35,43,53,57,53,45,41,41,45,37,13,0,0,0,0,0,0,0,0,0,0,3,5,9,15,27,35,27,17,25,33,25,5,0,0,0,0,11,39,57,67,73,83,81,81,87,147,168,189,209,212,204,194,170,119,113,113,107,89,83,87,85,73,61,56,52,59,113,225,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,255,255,212,176,168,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,217,186,157,134,134,124,111,111,111,92,59,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,59,103,137,144,131,124,113,121,131,131,63,29,26,43,77,124,129,129,129,129,91,87,87,126,147,160,157,147,157,173,163,150,150,139,81,69,81,61,35,15,0,0,0,17,25,53,116,144,147,137,121,118,118,95,67,65,55,43,0,0,0,0,0,255,255,255,255,255,243,191,72,9,17,92,131,0,3,0,0,9,0,0,0,0,85,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,19,0,0,0,0,0,0,0,0,19,53,113,139,137,129,108,90,63,37,15,9,5,0,0,0,0,0,0,0,0,0,0,0,0,0,98,170,212,225,215,173,124,63,55,53,48,61,85,139,147,142,129,89,79,70,70,134,189,157,83,81,87,85,81,85,85,85,77,73,77,83,81,59,47,49,55,55,67,87,129,118,75,73,67,47,43,57,63,37,0,0,0,129,139,126,85,82,83,91,83,81,91,142,160,157,147,137,129,93,97,134,142,144,142,134,91,83,75,71,73,83,85,85,91,97,91,85,85,89,83,71,51,45,79,131,144,139,95,94,97,137,134,137,150,144,137,103,103,103,91,86,86,93,150,152,107,99,101,107,105,99,91,89,83,83,87,97,103,113,119,157,163,170,176,181,186,196,194,186,178,131,123,123,127,135,191,212,220,222,225,238,246,251,248,255,255,255,255,255,255,255,255,255,255,255,255,255,233,152,47,36,46,103,69,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,131,207,238,225,196,181,168,168,191,202,202,209,204,181,160,144,93,59,21,0,0,0,0,0,0,0,0,0,0,0,0,0,7,27,45,57,65,111,137,168,204,230,233,233,225,225,215,215,215,212,207,207,207,194,183,168,119,109,103,105,111,123,125,168,178,191,199,209,199,199,199,209,209,202,202,199,199,202,202,183,183,176,168,157,142,93,75,53,47,39,39,35,35,45,55,73,79,79,67,67,67,67,67,67,67,67,71,67,63,55,47,47,59,93,157,170,168,168,168,168,165,163,157,150,150,150,157,157,115,113,109,113,113,107,105,111,119,163,163,119,113,111,111,107,97,79,77,87,97,111,121,170,178,186,186,186,186,189,186,176,170,170,170,176,176,160,129,112,121,144,152,147,139,139,147,0,0,0,0,0,0,0,189,220,0,0,0,220,178,152,124,103,77,61,56,56,48,27,0,0,0,0,0,0,0,0,0,0,0,0,0,17,65,134,155,157,163,186,209,220,217,207,182,182,199,202,178,169,181,207,220,220,220,220,220,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,183,186,170,173,160,66,35,39,51,152,178,147,134,150,157,160,152,5,0,27,73,137,139,93,85,134,163,191,194,199,199,198,207,209,212,217,217,215,212,207,204,189,186,186,189,202,199,181,160,165,191,199,196,186,160,103,107,170,215,215,209,196,186,176,170,173,176,189,191,178,178,186,183,186,196,170,120,170,178,163,111,113,115,117,163,168,65,42,61,59,47,31,0,0,0,0,23,23,0,0,0,0,0,0,0,49,91,183,196,186,178,189,207,222,225,228,228,225,217,215,209,189,127,116,117,176,189,186,178,174,176,176,196,220,178,176,186,194,183,131,129,178,186,129,189,196,194,194,209,225,228,228,228,225,225,222,202,178,133,178,178,128,126,128,130,178,207,222,215,212,215,212,199,198,199,202,3,39,176,202,207,207,202,191,178,135,121,125,199,212,212,202,191,131,133,189,199,199,196,191,191,194,204,217,228,230,228,225,225,225,228,230,217,191,137,136,137,137,136,183,196,217,217,215,212,212,209,207,194,125,125,176,178,130,133,186,186,186,194,199,191,183,196,194,129,129,176,133,131,129,129,176,204,225,225,222,217,212,212,215,228,230,202,134,202,189,135,189,199,196,186,177,181,191,191,189,183,137,183,191,199,196,115,110,117,119,108,106,119,194,199,191,183,181,183,186,189,191,191,181,135,178,178,181,194,209,215,228,233,228,189,91,89,109,57,55,113,129,181,194,186,170,129,176,181,189,204,212,215,207,209,215,204,191,181,178,186,191,194,199,204,202,191,183,178,131,124,186,204,114,108,181,209,222,225,230,230,230,228,222,215,215,212,209,209,209,209,207,204,207,212,215,215,212,202,133,120,128,181,186,186,186,181,133,129,127,127,135,186,183,133,130,131,178,183,181,137,189,207,217,215,217,225,222,225,233,139,129,139,186,194,202,204,207,199,185,186,191,199,199,194,194,191,191,186,189,191,204,215,225,228,215,204,191,189,191,194,186,182,182,185,191,194,194,196,196,189,183,186,199,209,215,209,204,202,199,196,191,189,186,183,186,183,183,186,186,196,204,207,209,204,196,191,189,181,178,189,202,186,183,196,202,199,199,207,215,215,212,212,209,196,183,181,178,177,178,189,196,202,207,204,194,178,135,181,194,207,212,215,215,212,199,186,186,186,135,131,133,181,186,196,204,196,186,139,136,135,137,189,196,202,207,209,212,209,207,204,204,199,196,195,196,199,194,139,129,125,137,191,202,207,204,204,196,186,183,186,194,196,196,196,194,186,183,183,189,202,212,202,178,106,108,181,204,207,202,212,212,212,215,215,209,194,129,116,123,133,186,189,178,125,121,125,178,189,194,196,199,199,196,186,127,123,127,183,189,186,109,42,36,117,125,178,183,176,121,117,123,170,186,194,191,191,199,199,176,121,115,117,123,129,131,129,129,129,128,127,129,181,194,196,189,183,176,132,132,133,178,189,202,202,199,199,202,196,194,196,199,199,196,191,183,137,137,181,189,202,209,212,212,212,204,199,196,196,196,196,202,202,202,196,191,191,189,186,191,202,202,196,191,186,183,178,159,147,186,199,199,189,183,186,186,178,133,135,181,181,178,183,189,183,133,125,116,117,129,181,189,194,204,207,199,194,199,207,212,212,209,209,209,207,207,202,196,199,202,199,196,199,204,207,202,202,202,202,202,199,189,135,137,202,215,217,222,230,238,238,233,228,225,222,222,225,222,215,207,199,186,137,139,194,196,194,194,196,194,191,139,139,196,204,199,194,195,196,190,191,196,202,202,202,204,207,207,204,207,212,209,207,207,207,204,203,204,207,209,207,204,202,196,196,196,194,186,183,191,199,202,207,209,212,212,212,212,207,183,189,194,127,117,133,204,212,215,215,212,209,209,212,209,207,194,191,191,194,194,189,179,166,204,207,202,196,194,194,194,194,199,199,199,196,194,191,191,194,196,194,191,191,196,202,204,204,209,212,215,217,217,222,222,215,127,119,209,212,194,202,212,215,217,215,212,212,215,215,215,212,212,211,209,211,215,217,217,217,225,230,230,225,222,212,209,215,217,215,209,209,212,215,217,222,225,222,217,217,217,222,228,235,235,230,226,226,233,241,241,241,238,235,234,238,243,246,248,251,251,251,255,255,255,255,255,254,246,241,235,230,225,225,222,222,225,228,230,230,230,228,228,230,241,243,246,248,248,251,251,248,246,246,243,243,241,241,238,238,238,241,243,243,243,243,0,0,0,246,241,241,243,238,230,230,0,0,0,254,243,230,217,212,209,204,202,202,202,202,196,191,191,191,189,189,189,189,191,191,194,196,199,207,215,222,217,209,202,202,199,196,191,189,189,189,189,189,189,189,189,189,186,186,186,189,189,189,189,189,186,183,183,183,183,186,189,194,199,202,202,199,191,183,181,137,135,133,137,183,189,194,199,199,199,196,196,199,202,204,207,207,204,204,207,207,209,215,225,228,233,238,243,230,217,216,220,230,230,215,196,186,183,186,176,113,101,93,92,92,95,99,99,101,109,121,133,178,189,204,215,220,207,181,131,183,202,209,209,207,207,209,207,199,194,189,189,191,194,196,199,196,196,196,196,194,191,191,194,196,202,209,215,217,220,222,225,222,217,222,228,238,241,241,243,241,238,235,233,230,228,225,225,225,217,215,217,215,217,225,230,228,222,215,209,207,207,207,0,0,5,29,45,53,59,59,59,45,35,33,37,45,51,47,43,40,41,43,37,13,0,0,0,0,0,0,0,0,0,5,11,1,0,0,11,25,25,17,27,37,17,1,0,0,0,0,0,15,57,79,131,137,91,80,78,97,155,183,209,212,204,194,170,183,209,233,207,123,97,87,87,81,75,79,89,103,133,207,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,212,176,155,134,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,181,147,116,79,82,90,100,87,85,0,0,66,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,111,137,137,131,124,111,103,116,126,63,26,21,31,63,118,126,91,91,124,91,87,87,129,150,165,152,147,170,212,207,176,168,157,144,139,137,85,55,27,0,0,9,17,15,31,65,121,137,131,131,147,147,118,92,61,49,35,0,0,0,0,0,255,255,255,255,139,98,126,98,31,9,85,0,85,0,0,0,0,0,0,0,139,111,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,25,51,108,144,144,137,105,45,25,7,0,1,3,0,0,0,0,0,0,0,0,0,0,0,0,0,126,212,222,222,204,155,111,63,63,65,59,75,126,144,144,129,87,83,83,78,78,142,173,97,63,81,95,91,81,79,85,91,83,77,83,134,126,53,48,67,67,33,43,79,129,87,71,71,57,39,35,35,55,57,0,0,25,144,155,144,121,82,85,124,124,89,124,139,147,139,131,129,87,73,91,134,142,144,142,134,97,89,87,87,93,93,85,83,87,93,89,79,83,89,81,57,25,23,77,142,150,142,99,97,139,147,139,139,150,144,137,103,105,103,93,89,89,101,152,155,147,107,144,107,99,91,91,91,85,79,79,83,99,115,157,163,160,160,168,178,186,189,186,178,129,122,121,122,125,135,191,212,222,222,233,238,241,233,238,248,255,255,255,255,255,255,255,255,255,255,255,255,248,181,63,36,40,51,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,215,251,243,204,170,160,168,191,202,209,209,204,194,168,155,144,91,47,17,0,0,0,0,0,0,0,0,0,0,0,0,0,17,33,49,57,95,134,168,209,233,243,233,225,215,212,205,207,207,215,212,207,194,183,173,168,115,103,99,105,115,123,168,178,186,196,196,189,189,191,191,191,191,191,189,189,202,194,191,183,176,168,157,142,134,77,59,49,47,43,43,43,47,61,73,79,73,71,67,67,67,65,63,63,65,67,63,55,51,47,47,61,93,150,160,160,160,160,160,157,157,157,157,157,113,113,113,113,107,99,99,95,88,92,99,111,157,168,170,163,119,117,117,105,87,71,68,73,91,105,117,170,181,189,189,194,194,186,176,170,169,169,169,170,157,124,105,114,144,157,155,147,139,155,163,0,0,0,0,0,0,199,230,0,0,0,228,189,160,134,103,66,53,43,40,33,11,0,0,0,0,0,0,0,0,0,0,0,0,0,35,113,150,157,163,163,181,207,217,217,207,186,186,207,207,186,170,186,217,230,233,230,220,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,209,204,199,212,207,165,35,0,0,0,43,17,0,0,5,69,131,81,43,69,173,183,178,173,173,178,181,189,196,199,199,198,199,202,204,204,209,212,209,209,209,209,202,186,159,147,155,178,178,163,156,181,194,191,173,97,94,181,204,215,217,212,204,196,183,176,176,173,168,168,170,178,189,186,199,207,178,121,170,178,178,183,170,173,168,173,186,183,89,63,39,16,0,0,45,29,6,22,176,168,119,81,0,0,0,0,0,0,0,0,0,0,0,21,43,75,85,87,121,199,202,191,106,84,105,105,113,183,189,181,183,181,115,123,127,91,125,194,194,176,119,106,191,194,176,183,194,196,207,222,230,230,230,225,222,228,217,207,186,131,129,181,131,123,120,127,191,212,217,212,209,209,207,207,209,202,131,95,97,194,207,209,209,202,181,176,191,183,181,191,199,191,181,135,124,181,207,215,215,204,186,133,135,202,217,228,230,228,225,225,225,228,230,225,204,186,137,137,186,189,134,134,207,209,202,207,209,207,207,207,199,183,176,133,133,183,191,191,194,202,202,191,183,189,189,176,128,129,131,130,131,131,181,209,228,230,228,228,228,222,217,212,209,131,132,196,194,135,181,199,194,183,181,183,186,189,186,133,131,135,189,199,202,137,119,121,127,125,125,133,194,199,194,186,181,178,178,178,191,196,194,183,183,178,176,181,191,196,207,222,215,131,99,95,117,121,121,125,129,181,196,196,183,181,186,194,204,215,225,225,217,212,191,178,183,129,129,173,199,202,189,178,129,131,173,176,127,125,183,202,196,121,196,215,222,230,230,230,230,230,228,222,217,212,208,208,209,209,209,209,212,215,215,215,215,209,133,115,115,178,135,129,186,183,131,133,131,131,181,194,194,183,181,183,181,137,135,137,194,212,222,222,225,233,228,233,243,189,126,137,191,196,204,209,207,196,186,189,194,196,194,190,191,191,186,185,186,194,202,212,225,230,228,215,202,199,199,194,185,183,186,189,191,186,183,189,194,191,189,194,204,212,215,209,204,194,194,191,186,181,179,179,182,186,191,196,194,199,202,204,204,202,194,189,183,178,178,191,129,128,178,194,196,186,189,202,212,215,212,215,215,183,133,135,178,174,176,189,196,204,204,199,189,135,178,186,194,207,212,209,212,209,202,194,194,191,186,137,137,183,191,196,199,194,189,186,137,135,137,189,196,202,207,209,212,212,207,199,196,195,195,195,196,202,191,131,133,186,196,202,204,204,204,199,189,181,179,183,191,194,191,191,189,183,181,181,189,204,202,183,133,129,131,183,196,194,194,204,209,209,212,209,204,131,110,112,123,133,178,133,113,113,121,173,194,202,199,199,202,204,204,196,173,125,125,173,181,173,83,49,58,107,165,176,178,173,125,121,123,170,186,196,196,199,199,191,121,114,113,114,125,181,186,181,178,131,126,126,131,183,191,191,189,186,181,132,131,133,181,189,199,209,207,199,199,202,196,189,186,183,181,137,135,135,137,183,189,207,215,220,222,217,207,199,196,196,196,199,202,204,204,202,196,196,191,186,186,194,199,199,194,191,189,186,183,189,199,207,207,202,196,196,194,189,178,135,178,135,135,178,181,178,178,183,133,125,123,133,131,127,191,199,186,183,196,204,209,207,207,207,207,207,204,196,194,207,212,204,202,202,204,207,207,207,204,202,202,199,189,135,139,202,215,217,225,233,238,238,233,228,225,225,222,225,222,215,207,196,189,141,141,186,191,189,182,191,191,186,137,137,196,204,196,195,195,199,196,194,194,196,196,202,207,209,209,207,204,204,204,204,207,207,207,204,207,209,209,207,207,204,199,199,196,186,115,89,115,196,204,209,212,215,217,215,209,196,181,186,186,129,122,128,186,199,209,217,217,212,209,212,212,209,202,194,194,194,191,186,182,191,202,204,204,199,194,194,194,196,199,202,196,196,194,189,189,196,199,194,189,187,190,191,191,194,202,209,209,212,215,220,220,183,107,189,209,207,204,207,212,215,215,215,215,212,215,215,212,212,212,212,211,211,212,215,217,222,228,230,230,230,225,220,212,212,215,215,209,207,207,209,212,215,217,217,215,212,212,215,228,235,235,233,228,228,233,238,241,243,241,235,235,238,241,243,246,248,248,254,255,255,255,255,255,248,243,238,233,233,230,228,225,222,222,228,225,228,228,228,226,230,238,243,246,248,248,248,251,248,248,246,246,243,241,241,241,241,238,241,241,241,243,243,0,0,0,243,238,241,246,243,235,230,0,0,0,248,248,241,228,215,212,209,204,202,202,204,199,194,191,191,191,189,189,191,191,194,194,194,194,202,212,222,215,209,204,202,202,199,196,194,191,189,189,189,189,189,189,189,186,186,189,191,191,191,191,189,189,186,183,182,183,186,191,194,199,202,202,199,194,191,186,181,137,135,181,186,189,194,196,196,196,194,196,199,202,207,207,204,200,200,202,207,209,212,217,225,230,233,235,233,225,222,228,235,235,225,202,189,186,194,191,127,107,99,95,93,95,97,97,99,103,113,123,186,191,186,196,212,209,194,183,186,196,202,202,202,202,204,204,202,196,194,194,196,199,202,204,202,199,199,202,199,194,146,147,194,202,209,217,225,225,225,225,228,228,228,233,241,243,243,241,241,238,235,233,230,228,225,225,228,230,228,228,225,225,228,230,230,222,202,190,194,204,207,0,0,0,9,39,53,57,59,59,51,37,35,43,45,41,41,43,41,42,45,45,39,19,5,5,11,13,11,5,7,13,13,11,0,0,0,0,9,17,27,35,27,11,0,0,0,0,0,0,0,51,83,134,134,87,78,75,89,160,194,209,204,194,183,178,194,235,255,254,212,127,101,87,95,111,125,145,202,199,212,243,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,220,194,165,142,126,111,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,134,95,53,30,33,40,51,59,0,0,0,0,40,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,69,108,121,121,129,113,55,59,113,71,27,24,27,47,83,126,91,85,91,91,88,88,131,155,165,150,146,173,222,220,176,173,204,204,165,144,139,85,41,0,0,0,11,11,17,45,71,113,116,131,152,155,129,95,67,55,49,0,0,0,0,0,255,255,255,129,72,72,79,98,35,0,85,168,74,25,0,0,0,0,0,0,155,142,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,13,0,0,0,0,0,7,31,41,61,118,137,144,129,55,1,0,0,0,7,1,0,0,0,0,0,0,0,0,0,0,0,0,150,220,230,222,199,155,118,71,63,59,54,61,85,134,131,87,81,83,89,91,97,142,142,77,67,95,131,87,73,65,79,129,126,85,77,131,124,51,61,144,59,22,35,75,124,118,77,67,47,31,25,21,35,134,0,0,41,147,165,152,144,134,121,126,134,124,124,126,139,131,129,89,67,61,73,91,137,142,134,97,95,89,89,93,93,87,83,83,91,97,97,79,77,71,47,9,7,19,75,101,142,142,139,142,147,147,139,103,137,137,137,105,105,103,103,93,93,144,150,147,144,147,144,101,90,87,91,99,91,81,78,81,97,115,163,165,160,160,163,173,186,186,178,129,122,121,123,129,129,135,191,212,225,233,233,233,233,222,230,241,255,255,255,255,255,255,255,255,255,255,255,255,255,225,142,57,46,51,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,196,251,241,196,163,152,160,178,199,209,209,204,194,173,163,155,134,79,47,23,0,0,0,0,0,0,0,0,0,0,0,0,7,39,51,85,105,137,181,212,222,230,228,225,212,205,204,200,212,225,215,194,181,173,173,168,111,87,77,91,109,123,168,176,181,186,186,181,178,178,181,181,189,189,189,189,186,186,183,183,176,168,155,139,93,83,69,59,49,47,47,47,51,61,71,79,73,67,67,67,67,63,57,57,63,63,55,51,47,43,47,61,95,150,160,160,152,150,150,150,152,157,163,157,150,150,157,113,99,91,89,95,92,92,95,97,111,170,176,170,165,163,160,111,97,71,65,65,75,97,111,163,181,189,194,194,194,178,176,186,178,169,169,170,155,116,101,103,129,152,157,155,155,163,163,0,0,0,0,0,0,209,0,0,0,255,220,183,152,126,87,61,38,27,22,17,3,0,0,0,0,0,0,0,0,0,0,0,0,15,51,113,152,163,163,163,178,199,209,220,217,202,202,209,199,170,170,199,220,238,238,233,220,213,213 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,202,215,204,202,207,199,124,0,0,0,0,0,0,0,0,0,21,116,134,163,194,199,196,194,194,196,196,199,199,202,202,202,202,202,202,202,202,204,209,209,204,204,207,204,196,165,143,146,168,181,170,144,170,181,173,160,115,168,202,209,215,215,215,212,207,194,176,170,168,163,160,168,178,183,119,100,196,194,176,176,181,183,183,170,119,123,183,207,215,215,209,95,67,37,79,238,230,117,119,170,173,196,207,69,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,191,191,121,102,117,131,191,202,196,183,186,194,123,91,69,52,113,196,186,125,113,104,186,191,183,183,194,202,215,230,233,233,230,225,222,222,215,204,186,131,127,130,186,178,131,178,202,217,222,215,209,209,215,222,225,209,127,101,107,196,209,212,212,204,186,181,189,194,189,181,118,110,114,125,181,204,217,228,228,217,194,133,132,194,215,228,233,230,225,222,222,225,225,222,212,194,137,135,194,202,183,134,186,196,191,194,199,199,204,212,209,194,183,181,183,189,194,202,209,215,209,199,191,183,181,178,176,176,133,131,130,130,178,207,228,230,228,230,228,228,222,207,191,125,126,178,186,178,135,186,191,186,181,179,181,186,186,133,130,132,181,191,196,189,183,183,186,186,186,191,199,199,191,183,137,135,135,181,196,209,207,189,186,176,131,133,178,183,186,181,127,113,111,119,129,129,129,127,129,183,199,199,191,189,191,196,207,215,217,222,225,204,127,129,178,121,115,123,199,207,181,113,112,121,173,178,133,125,131,183,181,121,189,207,217,230,230,228,225,228,228,225,222,212,208,208,209,209,208,209,212,215,217,215,209,196,129,119,123,189,127,116,178,186,178,135,133,131,178,191,194,186,183,186,178,134,133,181,199,217,225,225,230,235,233,233,235,199,135,139,191,196,202,204,199,194,191,194,199,196,190,190,191,191,189,186,186,191,196,204,217,228,225,207,202,204,207,194,186,194,202,199,194,189,183,183,189,191,194,194,194,199,199,189,196,191,186,186,189,183,181,182,186,189,194,196,196,194,189,185,185,189,189,186,181,178,178,183,126,125,135,191,191,178,135,183,204,215,209,204,183,127,127,135,183,183,178,181,189,196,196,186,131,133,181,183,189,202,209,209,212,209,199,194,194,191,189,189,191,194,199,199,199,196,196,196,189,137,137,186,191,196,202,207,209,212,207,196,195,195,196,199,202,202,186,129,139,196,207,209,209,209,204,196,186,181,181,186,194,191,189,189,186,181,178,178,183,186,176,131,178,189,183,178,177,183,191,196,196,202,204,202,194,176,116,114,119,125,119,96,97,115,173,189,202,204,202,202,202,207,207,199,183,127,125,170,186,196,178,79,66,95,117,165,170,170,165,165,170,178,189,196,202,204,196,176,115,114,114,117,125,183,191,194,191,176,127,128,173,181,186,189,191,191,183,133,132,176,181,183,194,202,202,196,196,199,194,183,131,131,135,135,137,181,183,186,191,204,215,222,217,212,204,196,196,194,194,196,199,202,199,194,189,189,186,181,181,186,194,196,194,191,189,191,196,202,209,212,209,207,204,202,202,194,183,135,135,135,135,178,181,135,133,135,189,181,129,129,131,135,191,191,92,106,181,196,207,204,202,202,204,202,196,191,194,204,209,202,202,199,199,207,215,222,212,202,199,196,189,139,189,204,215,222,228,233,235,233,230,225,225,225,225,225,217,212,207,196,189,141,141,141,186,189,186,189,189,186,139,137,194,202,199,199,199,202,199,196,194,194,199,207,212,215,212,207,203,202,203,204,204,204,204,207,207,209,212,209,204,202,199,202,196,125,49,35,53,123,196,209,212,212,215,215,207,191,185,186,189,183,137,186,189,194,204,215,222,220,217,215,215,215,215,202,196,194,191,189,189,199,204,204,204,204,202,199,199,196,196,196,196,194,189,186,187,194,199,194,190,190,190,189,187,189,194,202,202,202,209,212,207,115,39,99,186,196,202,207,209,215,215,215,212,212,212,212,211,211,212,215,215,215,215,217,222,225,228,230,230,230,228,217,212,211,212,212,209,207,207,212,215,215,217,215,215,212,212,215,225,233,235,233,233,233,233,238,241,243,241,238,238,243,246,246,246,246,248,251,255,255,255,254,248,243,238,233,230,230,233,230,225,217,217,222,222,225,228,228,226,230,238,243,246,246,248,248,251,251,248,248,246,243,241,241,241,241,238,238,241,241,243,243,0,0,0,243,238,241,246,246,238,230,0,0,0,248,251,246,233,217,215,212,207,204,204,204,199,194,194,194,191,191,191,191,191,194,196,194,194,199,209,217,215,212,207,204,199,199,199,196,194,191,189,189,191,191,191,189,186,186,191,194,196,196,194,194,191,186,183,182,183,186,189,191,196,199,202,202,199,196,194,189,181,137,181,183,189,191,194,194,194,191,194,196,202,207,207,204,200,199,202,204,207,207,212,222,225,230,235,235,233,230,233,238,241,230,207,194,194,199,202,191,123,107,99,97,97,97,95,94,95,101,107,186,191,183,189,204,209,204,194,194,196,199,199,202,202,204,204,202,196,196,196,199,202,204,207,207,202,202,204,202,194,145,145,147,199,209,220,228,230,228,228,228,230,233,235,241,246,243,241,238,235,233,233,228,228,225,228,233,233,233,230,228,228,228,230,230,222,199,189,191,202,204,0,0,0,5,33,43,51,57,59,57,43,43,53,53,43,43,51,51,49,51,51,49,35,19,17,31,39,31,19,19,13,11,11,0,0,0,0,0,15,27,27,15,5,0,0,0,0,0,0,0,21,65,118,134,91,85,89,147,181,202,204,194,183,170,170,191,225,255,255,255,215,117,76,93,125,145,217,241,241,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,238,202,176,157,137,121,108,92,0,0,0,0,0,0,0,0,147,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,105,48,14,0,0,0,17,35,0,0,0,0,66,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,92,121,137,121,47,43,57,61,47,39,39,51,83,124,91,85,95,97,91,91,99,155,165,150,146,173,222,215,176,176,225,235,196,165,155,131,49,0,0,0,0,0,1,31,59,71,81,131,152,152,137,111,95,67,63,0,0,0,0,0,255,255,255,144,90,87,82,43,2,0,56,0,152,79,0,0,0,0,0,74,121,134,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,59,35,23,0,0,0,0,25,51,95,121,131,163,163,113,7,0,0,0,15,11,0,0,0,0,0,0,0,0,0,0,0,0,160,228,233,212,194,163,139,85,73,55,51,52,61,87,89,83,77,83,91,89,81,81,77,61,67,95,131,81,59,51,73,129,137,89,75,77,71,57,87,142,47,25,45,73,87,85,75,57,39,27,23,19,11,7,0,0,47,147,165,152,152,144,126,126,134,126,91,95,131,129,93,81,59,55,61,81,97,134,91,85,85,85,87,93,89,83,81,85,99,134,99,89,77,41,9,2,6,33,83,99,139,101,99,99,139,97,97,93,95,103,105,150,105,103,147,142,147,155,152,144,144,147,147,99,90,88,99,105,99,83,79,83,97,115,163,165,165,163,163,176,186,186,178,127,122,127,133,137,183,189,202,215,233,235,233,233,230,222,222,241,255,255,255,255,255,255,255,255,255,255,255,255,255,233,186,139,73,51,39,29,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,181,235,215,170,144,144,152,170,194,209,217,209,181,168,163,160,155,139,91,67,43,0,0,0,0,0,0,0,0,0,0,0,0,33,51,85,111,147,186,212,222,222,225,225,220,215,212,212,225,233,222,191,168,165,165,163,107,71,59,71,97,111,123,168,178,178,178,173,173,173,178,181,181,181,181,181,176,176,176,176,168,157,150,139,93,83,69,59,55,49,47,49,51,61,71,79,73,67,67,67,65,63,57,57,57,55,55,47,39,35,43,61,83,134,142,150,144,142,144,150,147,147,150,157,157,165,157,113,95,86,89,99,101,105,101,97,105,157,170,170,170,170,165,117,103,77,65,66,91,105,113,163,181,189,194,194,194,186,186,194,189,170,170,176,160,124,103,105,131,157,157,155,155,155,147,137,0,0,0,0,0,212,0,0,0,235,199,168,144,118,77,51,30,11,7,7,3,0,0,0,0,0,0,0,0,0,0,0,0,33,65,124,152,160,163,168,178,191,212,220,220,212,209,212,199,170,178,209,233,238,238,233,220,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,204,207,181,92,27,40,46,0,0,0,35,95,147,33,0,0,59,126,155,199,204,204,202,202,202,207,207,207,204,202,202,204,204,204,202,199,199,202,207,207,202,199,202,202,204,196,168,161,168,176,168,147,153,160,160,168,191,209,212,212,212,215,217,222,222,207,186,168,168,157,157,170,189,186,103,35,105,202,199,199,199,199,199,176,113,107,123,194,222,233,217,189,103,83,163,238,238,215,189,165,163,204,217,194,204,0,0,0,0,0,0,0,0,0,59,19,0,0,0,61,196,209,196,176,112,125,186,209,215,204,183,181,199,204,181,102,98,202,199,183,117,115,123,202,199,189,186,196,209,222,230,233,233,230,225,222,220,212,199,183,135,131,135,204,199,186,183,196,215,222,215,204,202,207,212,212,191,109,95,127,199,209,209,212,209,196,183,181,186,183,125,111,106,115,181,207,217,225,228,233,230,209,183,134,186,209,225,230,230,222,215,215,215,217,222,217,204,181,134,186,196,194,181,135,135,181,189,196,199,204,212,212,204,199,196,191,186,189,207,225,228,220,209,199,181,127,129,178,183,181,133,130,129,133,204,225,228,225,225,225,225,217,207,199,134,132,135,181,178,129,129,189,191,181,178,181,189,194,186,133,130,132,183,191,199,202,202,199,199,196,196,202,194,186,181,135,133,181,194,204,209,199,181,194,186,133,131,133,176,176,127,117,115,129,189,173,131,129,126,126,183,199,199,194,191,194,196,202,204,204,209,212,123,41,85,119,117,113,125,194,199,178,111,113,123,181,189,181,121,117,123,123,117,135,194,209,225,230,228,224,225,225,225,222,215,209,212,215,212,209,209,212,215,217,215,204,189,131,126,133,196,125,110,129,186,183,135,130,129,133,186,189,183,181,183,135,133,134,183,202,217,228,225,230,233,233,233,228,207,189,186,186,194,199,204,199,194,191,194,199,196,191,194,199,194,186,186,186,189,191,196,207,212,189,121,181,191,194,189,191,204,212,207,196,191,183,137,138,186,191,189,137,135,181,131,186,191,183,183,194,194,189,189,189,191,194,196,196,191,185,181,181,185,189,189,186,181,135,178,127,126,135,189,181,129,125,125,133,194,181,129,121,122,127,181,196,204,194,178,135,178,135,109,91,129,191,191,191,202,207,209,209,207,196,191,189,189,189,194,202,204,207,204,204,202,204,207,202,189,139,139,186,189,194,199,207,212,207,199,195,196,199,202,209,204,139,130,189,204,212,217,217,215,209,199,191,183,183,186,189,186,186,189,186,181,178,178,181,178,132,132,194,202,189,170,151,178,194,194,186,189,194,189,186,186,181,117,116,121,103,85,92,173,194,199,202,204,202,202,204,207,207,199,189,170,126,170,189,204,202,176,93,105,115,125,168,168,168,176,186,191,196,202,204,204,194,168,117,121,125,125,127,178,191,196,194,176,129,173,178,178,181,186,191,191,183,133,133,181,183,178,127,106,115,183,186,183,183,135,129,131,137,183,183,186,191,189,181,183,196,207,207,199,194,194,194,191,191,194,196,199,194,189,182,183,183,178,177,178,186,189,189,186,186,191,202,209,212,209,209,207,204,204,204,196,186,178,178,178,178,183,186,183,130,126,186,186,133,131,181,199,204,194,90,105,125,131,186,194,204,207,207,196,189,183,181,183,186,186,191,191,191,202,215,222,215,204,199,194,189,189,194,207,217,225,230,230,230,228,225,225,225,228,228,222,215,209,204,196,186,139,137,135,139,194,196,196,191,189,139,137,189,196,199,204,204,204,202,196,194,196,204,212,217,217,212,207,203,203,203,204,207,207,207,207,207,207,209,209,204,202,199,202,194,123,45,32,34,39,115,194,207,207,209,212,204,191,186,186,189,199,207,207,199,196,202,207,215,225,228,222,215,215,212,204,199,196,196,202,202,204,204,204,204,207,207,207,202,196,191,194,196,194,189,187,187,189,194,194,196,199,199,194,190,191,194,194,189,189,196,204,196,93,2,5,35,103,202,212,212,212,215,215,212,212,215,215,212,212,215,215,217,217,222,222,225,228,230,230,228,228,225,217,211,211,212,212,207,207,209,217,217,215,212,212,212,215,215,217,225,233,235,235,233,233,235,238,241,241,241,238,243,248,251,248,246,246,246,248,251,254,254,248,241,238,233,230,228,230,230,230,225,217,215,217,217,222,230,230,228,230,235,241,243,246,248,251,251,251,251,248,246,243,241,241,241,241,241,241,241,241,243,0,0,0,0,0,0,0,246,243,235,228,0,0,0,248,254,248,235,225,222,215,209,209,209,204,199,194,194,191,191,189,189,189,191,194,194,191,191,196,207,212,215,212,209,204,196,196,196,196,194,189,189,189,194,194,194,191,189,189,191,196,199,202,199,196,194,189,183,182,182,183,186,189,191,196,202,204,204,204,199,194,186,181,181,183,186,191,191,191,191,191,191,194,199,202,204,204,202,202,202,202,202,204,207,215,222,225,230,235,233,230,230,238,241,235,215,204,199,202,207,202,176,111,99,97,97,97,94,93,94,97,101,125,178,133,181,202,209,207,202,199,199,202,204,207,207,204,202,196,194,196,202,204,204,204,209,207,207,207,207,204,194,145,145,146,149,204,217,228,233,233,230,228,230,233,238,241,246,243,238,233,233,230,230,228,228,228,230,233,235,235,230,228,228,228,228,230,228,212,198,202,209,204,0,0,0,31,37,37,39,51,57,57,45,43,57,59,51,51,51,51,51,51,51,45,39,31,31,45,57,57,45,31,13,0,5,0,0,0,0,0,11,27,17,9,0,0,5,7,5,0,0,0,1,45,81,137,137,142,155,181,199,204,194,183,165,157,165,186,212,254,255,255,225,91,62,73,101,135,217,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,217,199,186,168,137,118,100,74,56,0,0,0,0,0,0,139,124,116,108,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,79,30,0,0,0,0,0,0,0,0,0,0,79,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,121,139,126,49,38,42,57,63,63,55,57,83,89,89,87,97,137,134,97,134,152,157,150,150,176,215,212,173,178,228,243,207,176,170,144,61,15,0,0,0,0,0,11,45,61,73,126,144,144,129,118,113,108,108,0,0,0,0,0,255,255,255,191,129,118,103,21,0,0,11,0,160,100,0,0,0,0,0,27,74,72,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,85,103,121,105,0,0,0,0,41,111,134,163,196,196,139,17,0,0,9,23,19,0,0,0,0,0,0,0,0,0,0,0,0,155,220,222,183,163,165,165,137,83,65,51,50,55,75,87,83,77,77,83,67,47,44,50,61,77,95,131,87,59,49,65,126,137,124,63,48,47,55,87,79,27,27,59,79,79,73,65,47,39,37,37,25,0,0,0,0,87,155,155,144,144,137,91,91,126,95,89,85,93,93,83,71,55,54,61,81,97,97,85,81,82,85,89,93,89,83,83,87,99,134,93,83,65,31,11,9,41,87,99,101,101,99,93,91,85,85,89,87,89,95,105,150,142,147,157,157,155,160,155,147,144,147,107,101,91,90,99,111,101,87,83,89,103,113,157,163,165,163,173,181,186,181,131,129,131,135,183,191,194,202,215,222,225,233,233,233,230,222,222,241,255,255,255,255,255,255,255,255,255,255,255,255,243,225,202,176,131,57,39,49,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,196,228,204,163,144,143,152,170,194,209,209,202,178,168,170,176,181,170,152,131,85,59,37,21,0,0,0,0,0,0,0,0,0,17,39,51,105,0,0,0,230,228,230,230,225,225,222,225,233,233,222,183,165,159,160,157,107,69,56,56,71,97,109,123,168,170,165,163,163,173,173,178,178,178,173,173,168,165,168,168,157,147,139,101,93,83,69,63,53,55,53,51,51,61,71,77,73,67,63,63,63,61,57,57,55,55,51,43,35,33,39,55,71,81,83,93,131,137,142,139,139,142,147,150,165,165,160,109,91,85,89,101,111,155,113,105,105,113,163,168,170,170,170,160,109,91,71,77,107,117,163,165,178,189,194,196,196,189,189,207,196,186,178,183,176,142,114,114,139,163,163,155,155,144,129,121,0,0,0,0,0,0,0,0,0,220,189,160,134,92,69,46,22,9,3,3,3,0,0,0,0,0,0,0,0,0,0,0,0,41,69,124,144,160,168,178,186,202,212,217,217,209,209,212,202,186,199,220,233,233,220,217,217,220,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,105,0,0,11,118,56,100,100,191,215,255,243,55,0,57,121,163,199,204,204,202,202,204,207,209,207,204,202,202,204,207,207,204,202,199,199,202,202,199,199,199,199,202,204,212,196,170,168,168,157,148,150,165,194,209,215,215,212,212,215,215,222,222,215,202,181,170,109,105,178,209,209,121,26,86,191,207,212,212,212,215,207,115,91,101,170,178,123,170,222,194,183,199,217,228,225,217,160,157,181,191,196,209,0,0,0,69,59,0,23,178,107,121,233,65,29,37,65,178,207,202,181,117,127,186,212,215,202,127,125,189,196,191,106,119,215,204,121,95,117,199,217,199,186,183,194,215,228,228,230,233,230,228,225,215,207,194,189,189,199,215,217,207,194,183,186,202,212,209,191,183,181,181,181,131,107,93,196,204,204,204,207,209,202,189,178,179,181,127,118,121,191,215,220,222,225,228,233,235,225,204,135,135,194,215,225,225,220,215,212,212,217,222,222,209,191,181,189,186,189,194,183,136,186,199,207,207,212,215,215,212,209,209,202,178,176,199,225,230,225,215,209,191,121,111,131,191,189,178,133,131,181,204,222,225,222,222,225,222,215,209,209,196,183,135,178,178,117,110,181,191,183,183,186,191,199,196,183,132,132,183,196,209,212,209,207,207,204,199,196,189,181,178,131,129,183,212,209,202,118,114,196,199,181,133,131,133,133,129,127,176,199,209,126,124,127,127,129,186,194,196,196,196,196,196,194,191,189,196,215,191,26,77,111,113,113,121,183,186,173,119,120,123,176,186,178,116,114,117,121,119,135,189,199,215,228,228,224,224,225,225,225,217,215,217,222,217,215,212,212,212,215,215,207,191,137,133,137,194,133,121,133,183,178,178,135,130,130,178,181,178,178,178,135,134,135,186,202,217,225,225,228,230,233,230,220,207,196,183,139,191,204,212,207,196,190,191,199,199,196,204,209,196,183,182,186,189,191,196,199,189,123,110,129,135,137,183,191,204,212,207,199,191,183,137,136,138,189,189,123,102,131,131,135,189,183,137,191,196,196,194,191,191,196,199,199,196,191,186,186,194,196,196,196,186,132,132,131,132,186,189,129,121,120,119,119,121,120,119,119,123,135,191,207,215,212,196,135,127,111,72,57,84,194,196,196,204,204,202,204,199,191,186,183,186,191,199,209,212,209,204,204,204,209,215,212,199,186,137,139,139,186,194,204,212,209,202,196,199,199,199,207,199,135,131,191,204,209,212,209,207,204,202,199,191,189,186,182,182,186,191,186,181,178,181,183,183,189,196,209,215,196,168,142,191,204,194,176,178,181,133,129,181,178,106,113,129,117,92,113,194,202,204,202,202,202,202,204,207,204,196,186,176,170,170,173,183,186,170,117,113,115,121,125,125,168,186,196,199,202,199,199,196,186,168,127,173,176,173,176,183,194,196,189,173,173,183,189,181,178,183,191,191,183,176,178,189,191,181,113,95,104,133,178,135,133,129,128,131,183,191,194,194,199,194,127,121,125,183,189,189,189,191,191,189,187,189,194,199,196,189,183,186,189,183,177,177,178,181,181,181,181,189,199,209,209,207,207,207,207,207,204,196,186,181,181,181,183,186,194,194,133,125,132,181,135,135,186,202,204,194,135,129,127,124,129,183,204,209,199,191,181,127,108,109,127,135,181,183,189,196,207,212,215,212,204,194,189,189,194,202,212,228,230,230,228,225,222,222,225,225,225,215,209,204,202,196,189,139,135,134,137,194,202,202,194,186,135,134,186,196,199,204,207,207,204,196,194,196,207,215,220,217,215,209,207,207,207,209,209,209,212,209,207,204,207,207,207,202,199,199,194,186,125,89,39,30,34,81,137,196,207,209,202,194,191,186,186,199,212,212,204,202,202,199,202,217,228,225,215,207,199,199,204,204,207,212,209,207,204,204,204,207,207,207,202,194,183,186,199,199,194,191,189,189,191,194,199,204,204,202,199,202,199,189,119,111,119,131,117,37,0,0,0,35,189,215,215,212,215,217,215,217,217,217,217,215,217,217,217,217,222,225,228,228,228,228,228,228,225,222,215,215,217,215,204,203,212,222,215,204,204,207,212,215,217,222,228,233,235,235,233,235,235,238,241,241,241,241,243,248,251,251,248,244,244,244,246,254,255,251,241,235,233,230,228,228,230,228,222,215,209,212,215,225,233,235,230,233,235,241,243,246,248,251,254,254,251,248,246,243,241,241,241,241,241,241,243,243,0,0,0,0,0,0,0,0,246,243,235,228,228,0,0,0,254,251,238,228,228,222,215,217,215,204,196,194,194,191,191,189,189,189,189,191,191,189,189,191,199,207,212,215,212,207,196,195,196,196,194,189,187,189,194,199,199,196,191,191,194,199,202,204,204,202,196,191,186,183,183,183,183,186,189,194,202,207,207,204,199,194,189,186,183,186,189,191,191,191,191,189,189,191,194,199,202,202,202,202,202,199,199,199,202,209,215,217,222,228,230,228,225,233,241,238,225,207,199,202,204,199,176,113,101,97,95,95,94,95,95,99,105,113,117,117,181,209,215,209,204,202,202,207,209,212,207,202,194,191,191,196,204,207,207,204,207,207,207,209,209,207,202,149,147,147,149,202,212,228,233,235,230,230,230,233,238,241,243,243,238,233,230,230,230,230,230,230,233,235,235,235,233,233,233,230,230,230,230,228,215,212,212,204,0,9,33,45,41,31,31,39,45,45,33,33,45,57,51,47,51,51,51,51,45,41,35,33,41,82,98,92,57,41,13,0,0,0,0,0,0,0,5,15,11,5,0,0,5,7,7,5,0,0,13,45,73,124,144,155,168,183,194,194,183,165,157,115,163,194,222,246,255,255,204,75,58,66,77,101,199,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,230,228,228,217,176,124,95,85,69,66,0,0,0,0,0,0,113,116,131,124,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,79,30,0,0,0,0,0,0,0,0,0,0,59,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,113,137,131,95,46,46,63,111,81,75,71,83,83,83,83,97,142,144,137,144,155,157,148,148,165,202,196,165,170,207,222,199,173,170,155,85,41,0,0,0,0,0,0,39,61,81,121,137,137,129,126,129,137,139,0,0,0,0,0,255,255,255,189,129,105,121,47,35,23,0,66,100,51,0,0,0,0,0,0,15,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,103,131,173,168,0,0,0,0,1,85,113,189,212,196,105,13,0,5,15,21,17,0,0,0,0,0,0,0,0,0,0,0,5,139,202,199,163,155,165,173,147,87,73,59,55,55,67,83,89,87,83,75,57,42,39,53,85,126,137,139,91,63,45,59,91,144,129,57,42,43,51,75,51,20,23,79,116,79,65,45,38,45,57,49,23,0,0,0,55,121,131,124,124,137,134,87,83,91,89,83,85,95,93,83,67,55,56,73,87,97,99,89,82,84,95,101,101,95,87,85,93,137,134,91,65,43,41,59,87,144,165,163,152,139,101,93,85,79,79,81,83,87,95,105,150,147,155,165,165,165,155,152,144,101,101,107,107,99,90,99,105,105,91,89,89,97,103,113,119,163,170,181,186,186,178,131,129,178,186,191,194,202,202,215,215,220,222,230,233,230,222,222,241,255,255,255,255,255,255,255,255,255,255,255,255,238,204,178,165,129,51,27,29,31,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,209,235,215,173,152,151,168,191,199,202,202,194,178,173,178,194,196,183,170,155,137,121,65,37,3,0,0,0,0,0,0,0,0,0,17,41,95,0,0,0,0,233,233,238,233,228,220,215,225,233,215,183,165,159,165,165,107,69,53,53,59,77,99,111,119,160,119,160,163,173,173,173,173,170,165,163,155,155,155,155,147,139,101,101,93,83,69,63,59,61,61,55,55,59,65,71,71,67,63,57,57,57,57,57,55,55,51,43,33,32,39,55,69,71,71,77,93,131,101,101,103,147,157,165,165,170,160,107,89,85,89,105,111,163,165,157,113,119,157,157,163,170,170,160,117,103,93,97,117,163,121,163,170,186,194,196,207,196,196,207,207,194,191,196,186,152,124,121,150,170,181,170,157,139,129,121,0,0,0,0,0,0,0,0,0,199,181,157,124,85,61,43,30,13,3,3,3,0,0,0,0,0,0,0,0,0,0,0,0,51,105,126,144,160,170,186,199,209,212,212,212,202,202,212,209,202,212,228,233,217,205,204,209,220,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,21,131,147,196,217,243,255,165,0,21,129,194,204,207,207,207,204,204,207,207,207,204,202,204,207,209,209,209,204,196,195,196,199,196,196,199,199,199,202,209,202,178,173,183,183,153,155,191,212,217,215,215,212,215,212,209,207,209,209,202,189,168,73,73,163,209,212,191,86,104,181,207,215,215,215,217,222,119,79,95,168,46,29,113,207,191,186,202,212,215,217,212,163,161,170,178,189,196,160,95,31,157,191,39,47,163,115,117,125,63,37,25,17,49,194,207,196,181,173,181,207,199,125,72,92,181,183,131,50,113,178,125,67,64,103,204,209,127,129,131,186,217,228,225,228,230,230,230,228,207,186,183,196,204,212,222,207,207,204,189,129,119,178,191,181,179,179,181,186,191,186,183,207,204,199,196,199,207,207,199,183,189,194,186,178,183,207,222,222,225,225,228,230,233,230,217,135,129,135,196,204,212,217,215,212,215,217,222,222,209,196,189,191,134,135,186,183,183,199,212,215,217,217,217,215,215,217,222,207,176,125,178,209,222,222,217,217,222,115,69,81,183,186,178,176,178,186,204,217,222,222,225,228,225,217,207,199,186,135,132,181,135,104,99,125,135,135,191,189,191,199,199,189,137,181,196,209,217,215,212,209,212,212,204,196,189,183,135,123,116,131,212,212,196,112,111,135,194,183,176,131,127,129,176,191,204,209,207,120,118,129,186,194,194,189,191,194,196,194,191,189,183,178,183,204,191,8,75,105,97,109,115,173,178,173,121,121,120,123,127,129,119,117,127,133,129,183,189,189,204,217,225,225,225,225,228,225,220,217,222,225,222,215,212,212,215,215,215,207,194,181,135,137,189,186,135,178,178,177,181,183,131,129,133,181,181,178,178,178,178,137,189,204,215,222,225,228,230,230,228,215,207,196,139,136,186,207,215,209,199,191,191,202,202,202,209,209,194,181,182,189,191,194,199,196,139,127,126,189,133,133,186,194,196,199,202,199,189,186,183,139,183,194,202,119,61,118,129,135,191,194,115,125,183,196,202,199,199,202,204,204,204,202,196,199,204,207,207,204,191,128,131,181,194,199,196,129,120,120,121,122,123,121,121,123,131,183,196,207,212,217,215,207,191,178,90,65,81,186,196,199,202,202,196,196,191,183,181,181,186,194,204,212,212,207,204,203,204,209,217,217,207,194,183,137,136,137,189,199,204,207,202,199,199,196,194,196,189,133,133,186,196,199,196,186,137,186,196,199,196,194,189,182,181,183,189,186,181,178,178,183,194,204,215,217,220,212,194,170,207,207,181,90,119,131,123,113,114,110,79,119,189,183,131,191,202,202,202,199,199,199,202,204,207,204,194,186,186,189,178,121,117,117,117,117,113,113,117,123,123,170,191,199,202,199,191,176,173,173,168,173,176,176,178,186,199,204,199,189,176,173,186,189,181,181,189,196,194,186,178,181,191,196,191,133,110,123,186,186,183,178,130,128,131,183,191,199,202,207,204,129,119,121,133,183,186,189,191,191,189,186,187,194,199,199,194,189,191,191,186,178,177,177,177,178,135,131,131,186,202,209,209,207,209,209,207,202,194,189,183,186,189,189,189,196,196,181,127,131,181,183,183,181,135,133,183,196,194,183,128,131,181,199,199,186,137,127,108,102,109,135,183,183,181,183,189,196,202,209,215,207,194,186,141,141,189,202,222,230,230,225,222,217,217,217,217,215,209,204,202,202,202,196,191,186,135,135,141,194,202,194,137,131,132,191,199,196,202,207,209,204,196,194,199,207,215,217,217,215,212,212,212,212,215,215,212,212,212,207,204,202,204,202,196,191,191,194,199,209,212,111,37,28,47,105,186,199,199,196,196,199,189,185,194,202,196,196,202,199,186,137,196,217,222,212,202,195,202,209,212,212,215,215,209,207,207,204,207,209,207,202,191,127,119,191,199,202,202,199,194,194,191,191,196,202,204,204,209,207,121,45,41,45,58,59,17,4,0,0,9,97,202,212,215,217,217,217,222,222,222,222,222,217,217,217,217,222,222,225,228,228,225,225,228,228,225,222,222,228,217,203,202,212,222,209,143,149,202,209,217,225,230,233,235,235,235,235,235,235,238,241,241,241,243,243,246,248,251,248,246,244,244,248,255,255,254,243,235,233,230,228,228,228,225,217,209,209,209,215,225,238,241,238,238,238,241,243,246,248,251,254,254,251,248,246,243,241,241,241,241,243,243,243,243,0,0,0,0,0,0,0,0,246,243,235,230,228,0,0,0,254,251,241,233,230,228,222,222,217,207,199,194,194,191,189,189,189,189,189,189,189,187,187,189,194,202,209,215,215,209,202,196,196,196,194,189,187,189,194,199,202,202,199,196,196,202,204,207,207,204,202,196,191,189,186,183,183,186,189,194,202,207,207,204,196,194,191,189,186,189,191,191,194,194,191,189,187,189,194,196,196,199,202,202,202,199,196,196,199,204,209,215,217,225,228,225,222,228,238,238,228,204,194,196,199,191,133,119,107,101,97,95,94,95,97,99,105,111,115,119,191,215,217,209,204,202,202,207,212,212,202,194,143,143,145,196,204,209,209,207,207,207,207,209,212,209,207,202,202,202,199,202,209,222,233,235,233,230,230,233,235,241,243,241,238,233,230,230,230,230,230,233,233,233,233,233,235,235,238,235,235,233,233,228,217,212,207,199,0,13,37,47,35,17,17,31,37,37,19,9,31,47,45,41,45,45,51,49,41,33,26,32,49,92,105,98,82,49,33,11,0,0,0,0,0,0,0,7,11,9,7,5,0,3,5,7,13,21,41,59,73,85,137,147,155,163,178,178,170,163,157,115,115,194,235,246,255,255,215,109,81,79,77,87,199,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,168,92,53,69,66,74,0,0,0,0,0,0,98,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,95,46,7,0,0,0,0,0,0,0,0,0,40,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,111,129,131,124,113,111,116,124,124,81,75,79,83,80,80,89,134,144,147,163,163,163,150,148,157,183,173,161,164,183,202,181,165,163,155,129,61,17,0,0,0,0,0,45,71,121,129,139,137,129,137,147,155,157,163,0,0,0,0,255,255,255,152,100,104,144,131,118,92,0,5,59,27,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,87,118,137,160,152,0,0,0,0,0,19,33,118,168,121,29,15,29,31,15,13,15,11,0,0,0,0,0,0,0,0,0,0,13,116,168,189,165,163,170,173,152,87,75,79,65,55,53,67,83,89,89,89,83,57,53,89,142,139,139,139,93,63,43,51,83,134,124,57,45,48,55,57,37,17,23,121,137,121,57,36,34,43,57,25,0,0,0,43,81,87,87,87,89,129,134,91,83,83,81,81,89,139,139,93,81,61,67,79,85,93,134,97,89,91,134,152,150,101,89,87,99,137,137,97,53,39,59,97,147,160,173,170,157,142,139,99,85,77,79,85,85,89,97,150,150,150,150,157,165,160,147,107,101,93,99,101,107,101,90,91,105,111,99,89,87,87,89,97,113,119,163,181,189,189,176,131,129,133,186,186,186,191,199,202,202,202,212,230,233,230,222,222,241,255,255,255,255,255,255,255,255,255,255,255,255,238,189,144,116,57,27,0,0,19,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,178,212,204,181,168,170,189,202,209,202,194,181,170,168,173,183,196,194,170,152,137,129,103,37,0,0,0,0,0,0,0,0,0,0,0,29,0,0,0,0,0,230,233,243,238,225,204,191,204,215,215,194,173,168,173,173,150,75,55,56,63,77,97,105,111,117,117,119,170,173,173,173,165,163,155,111,113,113,147,147,144,107,101,101,93,81,63,59,63,65,65,65,61,61,63,65,71,65,57,55,57,57,51,51,55,53,49,39,32,32,43,61,71,67,67,77,93,131,96,96,101,147,165,173,173,168,157,107,86,85,95,105,111,163,170,170,170,168,163,117,119,160,165,160,119,111,105,109,117,117,112,112,163,178,186,194,196,196,196,209,209,207,207,207,191,155,121,117,147,183,202,194,170,155,144,147,0,0,0,0,0,0,0,0,0,186,178,157,118,77,53,38,30,13,9,5,7,7,0,0,0,0,0,0,0,0,0,0,7,51,111,131,147,163,181,191,202,209,209,209,209,199,199,202,212,212,217,228,228,217,204,204,209,217,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,168,212,220,225,235,207,15,85,165,199,207,209,209,209,207,204,204,207,207,207,207,207,209,212,212,212,204,196,194,195,196,199,199,202,199,199,202,204,207,202,199,199,202,194,183,199,215,217,215,212,207,207,202,191,186,189,191,191,178,121,62,60,93,178,194,186,165,117,125,191,207,209,212,215,217,199,89,75,65,34,28,113,196,165,119,194,207,209,209,202,165,163,168,173,170,159,215,191,157,170,238,178,51,115,178,121,95,65,47,28,27,83,199,215,215,202,176,123,176,129,111,66,90,189,178,119,52,176,173,79,68,73,178,199,186,103,111,117,125,209,215,215,225,228,228,228,225,199,121,118,209,212,209,196,137,199,222,212,117,99,105,137,191,199,204,209,215,222,217,212,207,199,191,191,191,199,207,202,191,199,212,207,189,183,194,212,217,225,225,225,225,228,230,228,186,128,129,181,183,189,204,207,209,212,215,215,209,202,191,186,137,135,137,137,113,117,196,212,217,217,220,217,215,215,222,225,215,186,119,117,183,215,225,225,228,238,109,52,63,123,176,174,178,183,189,199,207,212,217,228,228,225,222,196,133,125,133,178,191,191,118,116,129,123,117,131,183,189,196,199,194,191,194,207,215,215,212,209,212,215,217,212,207,199,191,178,117,112,116,191,207,202,127,116,115,125,131,176,133,121,120,133,202,212,212,199,123,116,181,204,209,202,181,181,186,189,186,189,189,181,168,127,199,170,0,31,73,45,105,121,170,183,181,123,121,125,125,125,129,127,133,183,183,133,186,189,183,191,209,222,225,228,228,228,228,225,225,228,230,228,217,215,215,217,215,209,199,189,137,133,135,189,191,186,186,181,178,183,135,128,127,131,181,183,183,181,181,178,181,189,202,212,217,225,225,225,225,217,209,202,191,138,136,186,202,207,204,196,191,194,202,204,204,207,207,194,185,186,199,202,204,202,191,137,133,186,199,133,132,186,191,186,189,194,191,186,186,191,191,194,202,209,131,57,109,125,135,204,217,101,105,121,194,209,215,212,209,209,209,209,204,202,204,209,212,212,209,194,122,129,194,209,209,199,186,129,131,178,189,189,133,129,133,181,191,202,204,204,212,217,217,217,228,212,121,123,186,194,196,202,199,196,194,186,178,177,178,189,202,212,215,212,207,204,204,204,209,215,215,212,202,191,137,135,136,183,189,194,196,199,202,202,194,191,186,181,135,135,186,191,194,186,134,132,136,189,196,199,202,196,191,183,183,183,186,181,176,174,181,194,209,215,215,215,222,222,215,202,176,93,78,107,127,118,109,111,113,112,194,204,202,199,202,202,199,202,199,199,199,202,204,207,204,194,181,186,196,189,123,115,115,116,121,119,115,119,123,123,168,191,196,202,196,170,113,115,121,127,168,125,124,170,191,207,209,202,189,173,131,176,178,176,183,196,204,202,191,178,178,189,196,194,189,135,183,199,199,194,189,181,133,137,186,194,202,207,212,209,199,128,128,181,186,189,191,191,194,189,186,186,191,199,196,194,191,194,194,189,183,181,177,177,178,133,127,124,126,186,202,207,207,207,209,207,199,191,189,189,194,196,194,191,194,194,181,129,132,183,189,186,178,127,121,135,196,196,189,137,137,181,189,191,186,137,125,111,109,189,204,196,186,137,134,137,186,191,199,204,204,194,183,137,135,136,189,207,222,222,215,212,209,209,209,209,207,204,202,202,204,204,204,204,204,129,127,129,137,196,202,139,128,131,204,207,199,196,202,204,202,196,194,199,204,212,215,215,215,215,212,215,215,215,215,212,209,212,209,202,196,196,194,186,183,186,191,199,209,215,204,135,59,79,119,191,199,196,194,202,207,199,194,194,191,186,187,196,194,136,133,137,204,217,212,202,198,204,209,212,212,212,215,209,209,209,207,207,209,209,209,202,98,85,123,191,202,204,202,199,194,181,133,181,194,202,207,209,222,117,45,42,46,58,77,57,21,5,0,5,91,196,209,217,217,217,217,217,222,222,222,222,222,222,222,222,222,222,225,225,225,225,225,225,228,228,225,225,228,217,203,200,207,215,202,140,143,149,204,217,230,235,238,238,235,234,235,235,238,238,241,241,243,243,243,243,248,251,251,248,246,246,246,248,254,254,248,238,235,230,228,228,228,225,217,209,159,159,212,222,241,246,246,243,241,241,243,246,248,251,251,251,251,248,246,243,241,241,241,243,243,243,246,246,0,0,0,0,0,0,0,0,0,246,241,233,233,233,238,248,254,251,241,235,235,233,228,222,217,209,202,196,191,191,189,186,186,186,189,189,189,189,189,189,191,199,207,212,215,212,207,202,199,199,196,191,189,191,196,202,204,204,202,199,199,202,204,207,207,207,204,202,199,194,191,189,186,189,191,194,199,204,204,202,196,191,189,189,189,189,191,194,194,194,191,189,187,189,194,194,194,194,196,199,199,196,194,196,199,202,207,212,217,228,228,225,222,225,233,235,225,202,189,189,191,181,129,123,115,109,105,101,99,99,99,101,105,117,129,139,199,207,209,204,204,204,204,209,209,204,194,143,142,142,145,196,207,212,212,212,215,212,212,212,209,209,207,207,209,209,207,207,212,222,228,230,233,233,233,233,235,238,241,241,238,233,230,228,228,228,230,233,235,233,233,233,235,241,241,241,241,235,228,222,212,209,209,204,13,23,41,45,31,14,13,19,33,33,9,0,13,37,41,37,37,45,51,51,41,32,23,26,49,85,92,85,55,49,39,19,7,0,0,0,0,0,0,3,11,17,15,11,5,5,7,13,21,41,61,75,79,81,89,126,93,137,152,165,165,165,157,113,101,119,204,238,246,246,225,196,139,125,93,101,212,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,131,43,35,39,37,66,103,0,0,0,0,0,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,116,79,22,0,0,0,0,0,0,0,0,0,40,25,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,95,118,124,126,131,134,139,131,129,116,81,81,83,83,80,83,97,137,155,163,173,173,165,157,165,183,183,169,173,207,212,199,173,163,144,93,61,17,0,0,0,0,19,59,89,144,147,152,152,152,160,173,181,181,181,0,0,0,0,0,255,255,178,129,147,165,157,139,87,0,0,74,87,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,21,100,126,116,103,95,0,0,0,0,0,7,0,3,25,15,13,45,113,95,19,12,17,31,41,41,13,0,0,0,0,0,0,0,17,69,134,155,170,176,186,173,160,139,124,87,81,61,53,57,77,83,89,131,139,131,134,150,137,89,124,131,87,59,37,39,63,85,79,53,50,61,57,43,22,15,27,129,157,137,65,37,36,43,45,0,0,0,23,83,124,121,124,124,93,126,134,93,91,87,80,80,89,142,142,99,87,75,73,75,71,79,97,142,134,97,134,152,150,101,89,93,101,137,137,91,53,43,77,134,144,152,173,168,142,99,99,93,79,76,83,91,93,95,105,152,157,150,150,152,157,155,103,93,93,91,89,101,111,107,99,99,105,111,101,91,83,82,82,85,103,119,173,186,189,189,173,125,121,127,133,178,183,183,183,189,191,202,212,225,233,230,222,222,241,255,255,255,255,255,255,255,255,255,255,255,255,248,202,126,45,15,0,0,0,37,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,139,157,165,168,176,194,209,212,209,199,181,160,155,163,173,181,176,160,144,129,124,77,35,0,0,0,0,0,0,0,0,0,0,0,25,0,0,0,0,0,0,233,233,230,212,189,178,183,212,215,194,181,178,181,173,139,71,59,65,77,87,95,103,109,111,117,160,170,173,173,165,155,113,111,105,105,105,147,147,144,107,101,101,101,81,63,59,63,75,77,71,65,61,61,61,65,61,57,53,57,53,51,51,51,51,47,39,32,33,45,61,71,69,71,83,126,131,99,99,101,147,165,173,170,165,150,101,86,86,101,113,155,163,170,176,178,178,168,113,113,117,119,160,160,117,117,119,119,113,111,111,117,163,178,178,189,194,196,207,207,207,209,209,191,152,117,117,147,191,222,212,183,165,163,163,0,0,0,0,0,0,0,0,0,189,181,160,126,77,51,30,17,9,3,0,5,9,3,0,0,0,0,0,0,0,0,0,13,51,116,134,160,173,186,199,202,209,202,202,202,191,189,199,209,217,217,220,228,220,212,209,209,212,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,194,215,212,212,199,53,142,155,189,204,207,207,209,209,207,207,209,207,209,209,209,209,209,209,209,204,196,195,196,202,204,204,204,202,202,204,209,215,215,215,209,207,194,119,111,191,207,202,196,186,183,178,168,165,170,176,176,173,178,81,70,97,168,183,178,125,117,117,165,183,196,207,212,212,209,121,55,45,54,95,113,123,82,73,94,168,168,160,160,120,121,165,173,147,135,204,191,189,204,241,217,101,165,194,178,113,191,212,202,123,127,202,215,215,202,123,117,123,127,127,107,127,189,178,105,70,189,189,100,103,191,202,189,131,101,93,50,60,133,191,199,217,228,228,225,217,207,113,93,202,209,199,183,137,191,225,233,186,107,111,196,212,222,225,225,228,228,225,217,207,194,189,189,186,189,194,194,191,199,212,209,189,129,127,191,212,217,222,217,215,222,228,228,207,130,129,131,128,128,137,189,196,202,204,204,199,191,183,137,136,181,196,189,101,81,113,204,212,217,222,222,215,215,215,222,217,202,119,110,115,207,225,228,233,243,131,79,94,133,176,176,181,183,189,191,191,196,207,217,217,202,196,127,113,115,189,202,209,215,189,129,127,118,114,125,186,194,199,202,202,199,202,207,209,209,209,212,215,215,215,217,215,209,202,189,125,114,117,178,196,199,191,135,108,113,123,133,133,119,117,176,207,215,212,207,183,124,186,196,204,204,181,179,183,181,178,186,194,186,119,97,125,111,1,0,0,6,65,115,178,194,189,173,131,176,173,131,131,176,183,183,133,113,133,181,181,186,199,212,222,225,228,230,228,225,228,233,235,230,222,217,217,222,215,202,191,183,135,134,137,191,194,191,191,189,183,178,129,127,129,178,186,186,183,181,178,135,137,189,196,202,207,209,212,209,207,204,199,191,183,137,136,186,196,199,196,191,191,194,199,207,209,209,207,196,189,189,202,217,217,204,189,139,137,183,186,130,130,137,183,137,139,186,189,189,191,199,202,202,207,207,196,99,117,127,137,207,225,102,105,117,191,212,225,225,217,209,209,209,209,207,209,215,217,215,212,202,119,127,194,209,204,194,183,181,194,196,199,196,183,178,181,191,202,209,209,204,204,204,202,209,217,204,181,135,183,191,196,196,194,191,191,186,178,178,178,191,207,217,217,212,209,207,207,209,209,209,212,212,209,202,186,137,137,181,181,181,186,194,196,194,191,186,181,137,137,181,186,191,191,186,136,134,137,194,199,204,207,204,199,191,186,183,183,181,174,172,176,194,209,212,209,207,217,230,238,113,91,87,92,131,178,129,119,129,191,207,209,212,212,207,207,204,202,199,199,199,202,202,207,209,209,196,129,170,186,186,176,127,125,123,165,165,125,123,123,121,125,183,194,202,196,121,108,110,123,173,168,122,121,125,191,207,207,199,183,131,129,129,130,176,189,204,209,207,194,176,132,181,191,196,194,186,191,202,204,196,194,194,191,189,189,194,202,209,212,212,204,183,183,189,186,189,196,196,194,189,187,189,194,196,194,189,191,196,194,191,189,186,181,178,181,178,129,124,125,133,189,196,196,202,204,199,191,186,189,191,199,202,202,196,194,189,178,132,133,183,191,186,178,129,122,178,186,186,186,183,137,134,181,189,191,183,135,131,135,199,207,196,183,135,134,135,135,133,139,194,202,196,189,137,135,136,186,199,209,207,202,199,202,202,202,199,199,199,199,199,202,204,207,212,220,115,122,126,131,189,204,186,125,129,209,209,199,194,194,196,196,194,196,199,207,212,217,217,217,215,215,215,217,217,215,209,209,209,207,194,181,183,183,183,183,186,194,202,207,209,209,207,186,186,199,204,202,199,194,196,202,202,202,202,191,183,183,189,194,141,135,137,199,215,215,204,202,204,207,209,212,209,212,209,207,209,209,209,209,212,215,215,98,77,107,186,199,204,199,199,194,133,127,130,186,199,202,204,202,103,73,87,109,115,176,178,85,41,13,39,129,196,207,215,217,215,212,215,217,222,222,222,225,225,225,225,222,222,225,225,225,225,224,225,225,228,225,222,222,215,204,200,204,209,202,140,139,142,151,215,233,238,241,238,235,234,235,235,238,238,241,241,243,246,246,246,248,254,254,248,248,246,235,222,230,248,248,241,235,230,228,228,230,228,220,212,157,157,207,217,238,248,248,246,243,243,246,248,248,251,251,251,248,248,246,243,241,241,241,243,243,246,246,246,0,0,0,0,0,0,0,0,0,248,243,238,235,235,238,246,251,251,243,238,238,235,230,222,217,215,207,199,191,189,189,186,186,186,189,189,191,194,194,191,189,191,199,207,212,215,212,207,202,199,196,196,194,196,199,202,204,202,202,199,199,202,204,204,207,207,204,204,204,202,196,191,191,191,194,194,194,202,207,204,199,191,186,186,186,189,191,191,194,191,191,187,187,189,194,194,192,192,192,194,196,194,194,196,199,202,204,209,217,225,225,217,217,222,230,230,222,204,189,181,135,129,127,125,123,129,129,121,111,107,107,107,109,129,189,196,202,199,199,204,212,215,212,212,209,202,145,142,142,145,194,199,207,212,215,217,222,220,215,212,209,207,207,209,215,217,215,215,217,222,225,228,233,235,235,235,235,238,238,238,235,233,230,226,226,228,230,233,235,235,233,233,238,241,241,241,241,235,230,225,215,212,215,215,41,47,51,51,37,17,14,19,37,37,0,0,0,23,35,31,20,33,49,57,51,39,33,33,41,55,57,51,45,45,39,33,17,9,0,0,0,0,0,5,17,29,29,19,13,13,19,29,21,37,61,81,121,124,89,81,77,83,139,157,165,165,165,115,94,99,123,196,212,212,207,207,207,199,125,131,241,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,255,255,238,126,43,35,36,33,56,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,113,64,12,0,0,0,0,0,0,0,0,0,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,95,95,79,95,124,131,131,131,126,121,89,89,89,83,83,91,105,147,163,173,181,173,165,165,183,196,196,215,241,246,225,181,152,93,67,53,19,0,0,0,0,45,67,91,147,160,163,170,178,186,209,209,204,194,207,0,0,0,0,255,255,243,189,199,163,137,79,35,13,9,126,152,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,100,139,118,77,47,0,0,0,19,82,31,0,0,0,0,5,98,139,124,47,21,23,51,116,139,116,29,0,0,0,0,0,0,5,37,69,118,163,194,173,160,160,160,147,137,137,126,81,77,83,89,129,142,150,160,165,150,85,73,84,129,91,59,36,36,49,71,71,50,53,71,61,37,15,11,41,131,165,152,87,65,71,65,41,0,0,31,124,134,139,129,131,137,124,91,91,91,93,91,78,76,83,139,139,99,89,81,79,73,65,66,93,155,152,134,101,139,101,89,86,93,137,139,99,79,55,57,83,144,144,144,152,101,83,79,85,85,73,73,83,95,139,107,150,157,157,157,148,150,152,147,101,93,93,91,88,91,107,152,111,111,111,105,99,87,82,80,79,87,109,163,178,189,189,189,176,123,118,119,123,133,137,137,136,183,191,202,212,233,233,230,222,222,241,255,255,255,255,255,255,255,255,255,255,255,255,255,235,150,27,0,0,0,11,43,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,35,71,144,152,168,194,209,217,209,191,170,155,150,155,160,160,152,131,89,83,113,77,53,31,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,230,222,204,182,178,183,212,212,194,181,181,186,168,101,69,69,91,101,103,103,103,109,117,160,168,170,173,173,165,155,111,105,101,101,105,147,147,147,107,139,139,101,81,63,59,67,77,83,77,71,61,55,55,61,61,55,53,55,51,51,51,51,51,47,39,33,33,45,61,69,69,71,83,126,131,131,131,134,139,147,150,157,157,147,99,86,89,107,163,170,170,163,168,178,189,170,111,111,111,111,117,119,160,160,163,163,117,112,111,117,119,123,168,178,189,194,196,196,207,209,207,186,152,117,117,150,194,222,212,191,176,170,163,0,0,0,0,0,0,0,0,0,0,186,168,134,85,48,19,7,0,0,0,0,11,9,0,0,0,0,0,0,0,0,0,23,57,116,144,168,186,189,199,202,202,202,199,199,189,183,186,202,212,212,212,217,220,220,217,209,209,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,189,199,194,155,43,118,131,191,202,204,207,212,215,212,209,209,207,209,209,209,207,204,204,204,204,199,196,202,207,212,209,207,207,202,204,212,215,215,217,217,202,91,0,0,105,170,119,115,119,160,160,159,159,165,170,173,178,238,202,115,125,186,194,189,170,127,168,173,178,191,204,204,202,186,165,63,53,123,199,115,117,86,76,100,163,121,116,118,118,119,163,183,142,139,194,194,189,202,204,207,204,170,183,212,230,228,222,217,215,204,196,196,196,189,123,120,173,183,202,194,183,186,189,123,107,127,186,181,186,212,202,131,125,109,69,0,34,103,129,176,209,225,222,217,209,215,118,79,135,199,194,183,137,135,191,215,202,127,133,215,225,228,228,225,225,225,222,215,209,196,191,189,181,178,178,181,186,191,196,196,181,117,114,121,204,212,212,209,212,217,228,228,204,131,130,133,127,125,133,137,183,189,194,194,191,189,183,137,181,181,189,194,125,63,59,85,209,217,225,225,217,215,215,217,222,212,117,104,107,196,222,225,225,220,183,121,176,183,181,181,183,186,186,181,178,178,191,204,202,109,98,94,99,107,194,209,222,225,191,117,114,116,121,189,196,202,207,209,209,207,204,202,202,204,212,217,217,215,215,215,217,215,209,196,135,125,129,181,194,199,202,196,106,111,121,129,131,120,120,186,212,215,215,217,212,183,186,186,194,209,194,183,183,170,129,183,202,196,103,69,109,113,101,0,11,101,183,196,199,202,196,189,181,178,173,133,133,176,181,133,112,100,123,133,137,183,191,202,212,222,225,225,217,212,215,228,233,228,222,217,217,217,212,194,183,183,183,183,186,194,194,191,196,199,189,131,130,133,189,196,196,189,178,135,133,133,135,183,191,191,191,191,196,196,191,189,189,186,183,139,135,138,191,194,191,191,189,189,191,207,215,215,212,202,191,189,196,222,230,207,191,191,186,135,135,130,130,133,135,133,135,183,191,196,202,207,209,212,209,207,204,202,191,137,183,199,215,112,114,127,191,212,228,228,217,209,209,212,215,215,217,222,217,215,215,209,120,125,183,196,186,135,127,183,202,199,191,189,186,183,186,196,212,217,217,209,204,196,194,202,202,191,183,181,183,189,189,186,181,178,181,181,178,178,181,194,209,217,217,212,209,212,212,212,209,207,209,212,215,209,194,183,181,181,137,181,186,191,189,181,181,181,135,133,135,137,183,186,186,186,183,183,194,202,207,209,209,207,202,199,194,189,186,183,176,172,176,199,209,209,207,202,212,222,241,89,86,89,194,207,204,207,225,217,207,209,212,215,215,212,209,209,207,199,199,202,204,204,207,212,212,204,109,109,125,178,183,189,183,170,170,173,170,168,125,121,122,176,189,199,194,121,109,113,181,189,181,127,123,127,183,202,204,194,178,131,130,130,131,183,199,209,212,209,196,133,131,135,186,194,196,194,194,204,207,199,194,199,196,191,189,191,196,202,204,204,196,183,186,189,185,189,199,199,194,189,187,191,199,202,191,182,191,196,194,191,191,191,186,181,183,189,186,133,131,135,181,181,183,191,199,196,186,185,186,194,202,207,207,204,196,186,137,133,135,186,191,186,189,181,130,181,178,178,183,183,181,133,136,189,191,186,183,183,183,189,194,189,181,181,186,186,133,121,127,189,196,199,194,186,137,137,186,196,202,199,194,191,191,194,196,199,199,198,198,199,199,202,204,212,228,107,124,129,133,141,199,137,122,128,202,204,194,191,191,194,194,194,196,202,207,212,215,217,217,215,215,215,217,215,212,209,207,207,202,133,119,127,137,183,186,191,202,204,207,207,212,209,204,207,215,212,207,199,194,191,196,202,209,212,202,187,186,189,199,196,191,189,202,212,215,207,202,200,200,207,212,209,209,207,204,204,207,207,209,215,222,220,189,84,125,194,202,204,199,199,202,135,127,129,181,191,191,183,101,83,87,125,133,176,183,186,183,125,115,133,183,189,204,217,215,212,209,212,215,215,217,222,225,228,228,225,225,222,222,225,225,225,224,225,225,228,225,217,215,212,204,200,203,207,204,143,139,139,145,207,228,235,238,238,235,234,235,238,238,241,241,241,243,246,248,248,251,255,254,248,243,241,222,152,153,235,248,246,235,228,225,228,230,228,222,212,155,155,157,215,238,248,248,248,246,243,246,248,248,251,251,248,246,246,243,243,241,241,241,243,243,246,0,0,0,0,0,0,0,0,0,0,0,0,246,243,0,0,241,246,248,248,243,238,238,238,230,222,217,217,212,199,194,191,189,186,186,186,189,189,191,194,194,191,189,189,194,202,209,212,215,209,204,199,199,199,199,199,202,202,204,202,199,199,199,199,202,202,204,204,204,204,207,204,202,196,196,196,196,194,192,199,207,209,202,194,186,185,186,186,189,189,191,191,189,187,187,189,194,194,192,191,192,192,194,194,194,199,199,199,199,204,209,212,215,212,215,222,225,225,217,207,189,133,127,123,123,125,181,209,222,199,129,117,115,115,123,183,196,204,202,198,196,207,225,228,222,217,209,202,191,143,143,147,196,204,209,212,215,217,225,225,217,215,212,212,212,212,217,222,222,222,225,225,225,225,233,235,235,235,235,238,241,238,235,230,228,226,226,226,228,233,238,235,233,233,238,241,241,241,238,235,230,228,222,217,215,215,47,55,59,59,53,39,31,39,41,39,1,0,0,9,21,21,14,21,47,59,63,59,53,47,43,47,51,43,40,41,41,37,29,19,0,0,0,0,0,11,19,35,37,29,19,19,37,45,31,31,49,79,137,142,124,76,73,77,97,150,163,165,181,165,102,101,113,178,186,189,181,189,202,207,202,215,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,238,157,65,43,37,37,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,85,27,0,0,0,0,0,0,0,0,0,0,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,64,33,19,25,90,121,131,131,131,131,131,131,129,89,89,97,105,147,160,168,178,181,176,160,165,183,207,228,243,254,235,181,105,65,53,47,25,0,0,0,23,43,53,71,137,163,181,191,202,209,230,230,212,207,207,215,0,0,0,255,255,255,212,220,124,85,3,0,29,29,137,131,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,118,178,150,87,33,0,0,0,142,178,105,13,0,0,0,5,69,124,124,100,35,33,59,129,173,157,69,13,5,9,0,0,0,0,19,45,83,170,189,155,139,147,155,155,155,163,165,152,144,142,139,137,137,152,170,176,150,81,73,87,139,131,73,36,31,37,63,73,63,63,81,77,37,10,9,79,139,165,165,144,137,152,134,65,85,47,168,181,147,129,81,77,137,129,88,86,88,91,87,78,76,83,139,139,95,93,89,91,79,67,67,93,157,163,142,134,101,95,88,85,93,139,147,99,73,55,59,85,155,155,101,83,81,73,72,76,76,72,72,79,97,107,144,155,168,168,157,150,150,150,103,93,93,99,93,88,87,99,111,150,150,111,105,91,91,83,83,83,97,115,173,181,189,196,196,186,125,117,116,121,133,137,137,183,183,191,202,222,233,233,230,221,218,233,255,255,255,255,255,255,255,255,255,255,255,255,255,255,204,27,0,0,0,0,19,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,121,150,168,191,207,209,199,181,160,150,147,147,152,152,134,79,59,53,65,69,67,59,51,37,19,15,21,21,9,0,0,0,0,0,0,0,0,0,0,0,230,222,204,191,182,194,215,212,183,176,181,183,165,95,69,77,142,160,152,111,109,109,152,160,170,178,170,173,163,163,113,105,99,101,105,109,147,147,147,139,139,101,81,67,61,69,81,91,83,77,65,55,55,55,55,55,51,51,51,49,49,51,51,47,41,33,35,43,55,61,63,77,83,91,91,131,131,99,99,99,99,147,150,142,95,86,95,113,176,189,178,163,163,173,181,170,111,107,107,109,111,117,160,163,163,165,163,119,119,119,119,117,115,163,176,178,189,196,207,207,196,183,152,124,121,157,194,212,212,191,183,170,163,0,0,0,0,0,0,0,0,0,199,189,181,152,92,43,9,0,0,0,0,0,9,9,0,0,0,0,0,0,0,0,7,37,67,124,152,178,189,191,199,199,199,199,199,199,189,186,186,191,202,202,202,202,212,220,217,209,204,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,147,160,142,111,121,129,181,199,204,209,212,215,212,209,207,207,207,207,204,202,199,199,199,199,196,195,199,207,212,209,207,204,204,204,209,212,212,215,215,202,45,0,0,0,0,0,67,103,115,163,160,160,173,183,176,181,196,194,123,173,204,209,204,183,181,189,194,191,191,196,194,178,168,170,168,117,125,125,109,111,104,105,117,170,173,121,120,121,163,168,176,170,165,186,194,194,194,189,186,121,104,173,215,230,230,225,222,220,212,199,189,181,181,131,129,191,215,215,204,189,186,194,189,123,115,123,176,189,204,194,178,129,125,89,60,125,181,127,111,115,189,204,199,181,215,183,94,133,212,194,189,181,126,116,125,207,217,217,222,228,230,230,228,225,217,215,215,212,204,194,189,181,174,173,178,189,189,183,181,131,113,109,119,194,212,209,209,215,222,228,217,186,133,135,183,191,194,186,181,137,181,194,183,183,186,189,191,189,183,186,196,207,209,73,0,45,217,228,225,225,220,217,222,222,217,104,105,117,181,207,207,207,196,189,183,123,181,194,189,183,183,183,178,176,176,181,194,191,119,93,88,96,107,135,202,215,212,135,109,110,119,181,194,194,199,209,222,222,215,207,194,186,199,215,222,222,217,215,212,212,217,215,202,178,133,181,194,202,204,209,207,115,118,186,117,119,125,129,183,199,209,217,225,217,199,183,183,199,215,212,194,127,122,125,181,207,215,113,75,103,107,97,71,121,202,204,209,209,209,207,196,186,183,183,176,133,176,133,112,106,114,129,131,135,181,189,194,207,217,217,207,183,183,127,121,217,225,222,222,217,209,202,191,186,189,196,204,204,199,191,191,194,194,178,129,128,183,207,209,204,191,135,131,132,133,135,181,186,189,186,183,183,183,182,183,191,199,199,191,139,138,183,183,186,186,137,132,132,191,215,215,209,204,191,187,194,209,207,191,194,209,207,139,131,131,133,135,133,132,135,186,199,207,209,212,215,215,209,207,204,199,194,191,196,202,191,127,127,135,191,207,225,222,215,209,209,212,217,222,217,222,220,212,215,217,133,119,128,135,135,134,135,186,191,183,178,179,183,183,183,194,228,225,217,215,199,196,196,191,189,186,181,178,178,135,133,131,127,127,131,178,178,178,183,196,212,215,215,212,207,212,212,209,207,204,207,209,212,209,202,186,181,137,135,186,196,189,183,135,134,135,135,133,131,131,135,137,137,137,186,196,204,212,212,212,209,207,199,196,199,196,196,196,189,176,178,194,202,202,199,196,199,199,191,91,95,196,212,215,212,212,217,217,215,212,215,217,217,215,215,212,209,202,199,199,202,204,204,207,215,215,101,87,115,176,191,196,191,181,176,181,183,181,176,122,120,170,181,186,173,125,117,178,196,191,186,178,129,127,125,170,199,186,176,176,173,130,176,191,202,207,207,204,194,133,130,133,183,189,194,196,199,204,207,204,202,199,199,196,191,186,181,137,183,189,183,183,189,194,194,191,196,199,194,186,186,191,199,207,202,169,182,189,191,191,191,191,189,181,181,189,194,194,191,183,135,132,132,189,202,199,191,185,189,199,204,209,215,212,202,189,137,135,137,186,191,191,194,194,186,181,176,176,178,181,181,178,181,189,191,186,182,183,186,186,186,183,183,191,202,204,199,115,111,135,189,191,194,191,139,136,186,202,204,199,194,189,187,191,204,207,207,204,202,202,204,207,207,212,215,212,191,139,139,141,189,191,135,137,191,196,191,189,190,196,202,202,199,202,207,209,212,212,212,212,212,215,215,212,209,207,199,202,199,114,101,118,135,186,191,194,202,204,207,209,209,209,204,209,215,212,202,194,191,194,199,207,212,215,215,209,199,196,202,204,204,202,204,212,215,212,207,204,204,209,209,209,207,207,204,203,203,204,209,215,220,212,196,139,183,191,199,204,199,199,199,186,133,133,135,178,181,181,123,115,133,133,176,176,178,176,178,178,133,183,132,127,217,217,215,209,209,209,209,212,215,222,225,228,228,225,222,220,221,225,225,225,225,228,228,230,225,222,217,215,207,202,202,207,207,151,141,140,143,202,217,233,238,238,235,235,235,238,241,241,241,241,243,246,248,248,251,254,251,243,238,238,230,151,145,157,243,243,235,222,217,225,230,228,217,207,153,151,155,212,238,246,248,248,246,243,243,246,251,251,251,246,243,243,241,241,241,241,241,241,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,246,243,241,241,235,228,222,222,225,212,202,194,191,189,189,186,189,189,189,191,191,191,191,189,191,194,199,207,209,212,209,207,204,202,202,202,202,202,204,204,202,199,198,199,199,199,202,202,204,204,204,204,204,204,202,202,202,199,196,192,196,204,207,202,194,191,189,189,186,186,189,189,191,189,189,189,189,191,194,194,194,194,194,194,194,194,196,196,196,196,196,202,204,207,212,217,225,225,222,215,207,191,135,127,122,121,123,196,230,238,225,196,137,129,125,125,133,191,204,202,195,196,209,228,230,228,222,215,209,202,196,147,194,199,209,215,217,215,217,225,225,222,217,217,217,217,220,225,228,228,222,222,225,228,228,233,235,235,233,238,243,246,243,238,230,226,228,228,226,228,235,238,235,233,233,238,241,238,238,241,235,228,225,222,217,215,215,47,61,67,73,65,55,47,45,45,35,9,0,0,0,15,21,21,31,45,57,63,85,59,53,53,53,47,41,39,40,41,41,37,29,13,0,0,0,0,13,21,37,37,29,19,29,51,65,53,43,45,75,137,152,137,83,73,83,99,147,150,163,181,181,168,113,115,168,181,181,135,183,202,217,228,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,255,255,255,255,241,168,85,59,53,59,113,0,0,0,235,209,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,85,33,0,0,0,0,0,0,0,0,0,14,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,33,7,0,25,95,121,137,139,139,131,139,139,139,95,95,103,147,155,160,163,170,178,173,157,151,165,204,215,233,235,220,173,99,41,33,53,13,0,0,11,19,11,25,59,139,178,204,217,222,222,228,228,220,204,191,194,225,255,255,255,255,228,163,155,124,47,0,0,41,121,121,85,0,0,0,0,0,0,3,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,90,194,204,134,87,11,0,0,0,131,163,108,25,0,0,0,29,67,108,116,100,63,57,59,103,168,196,131,13,1,15,7,0,0,0,9,47,137,181,160,134,137,139,139,144,155,176,189,178,170,160,147,135,137,150,160,160,142,89,87,131,155,147,81,37,21,21,63,118,83,75,83,81,33,6,11,131,157,176,176,165,176,176,160,150,150,152,168,173,142,81,73,74,129,129,93,88,89,91,91,83,80,89,139,139,95,93,101,137,97,85,79,93,142,152,142,139,142,134,95,89,99,150,152,137,81,57,59,91,170,165,97,83,81,74,73,76,81,81,79,79,91,97,105,150,163,168,163,155,155,103,92,90,93,103,103,91,87,88,93,101,105,105,105,99,97,89,87,89,103,117,170,178,186,204,220,204,173,119,117,123,135,183,186,191,199,202,212,220,233,241,233,221,212,222,255,255,255,255,255,255,255,255,255,255,255,255,255,255,199,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,23,111,142,168,194,207,202,191,160,144,99,95,134,147,155,137,75,50,47,50,59,67,100,63,43,21,5,5,21,21,0,0,0,0,0,0,0,0,0,0,0,235,235,212,204,191,191,212,199,160,147,168,178,165,131,89,103,170,186,176,160,152,160,165,176,176,176,173,173,173,170,163,113,105,99,99,105,147,147,147,139,139,101,93,75,67,67,77,83,121,83,71,61,55,55,55,51,49,47,47,49,47,49,51,47,43,35,35,41,43,51,63,77,83,81,81,91,91,91,91,91,95,139,147,101,86,86,101,165,181,191,181,165,165,173,173,157,113,107,106,106,109,111,119,163,163,163,163,163,163,163,119,109,103,111,115,163,186,207,207,196,191,186,157,131,129,155,186,204,202,194,194,186,163,0,0,0,0,0,0,0,0,209,202,202,199,160,108,43,5,0,0,0,0,0,0,3,0,0,0,0,0,0,0,0,23,53,105,131,152,181,189,189,189,191,199,191,191,199,199,189,181,186,186,189,189,189,202,212,217,212,209,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,142,134,129,137,139,163,194,204,207,209,212,209,207,207,204,207,207,202,196,194,196,202,199,196,195,196,204,207,207,204,204,204,204,207,209,209,212,209,168,57,0,0,0,0,0,0,89,109,165,170,165,170,176,170,170,173,117,112,170,215,220,199,183,183,202,204,194,189,186,181,170,166,170,168,123,125,123,108,109,111,111,115,168,178,170,165,168,168,170,181,181,178,189,196,199,199,189,178,104,84,113,209,222,225,225,222,222,215,209,196,181,178,173,131,189,209,212,202,186,183,189,186,131,125,129,176,183,194,196,191,176,125,117,127,225,228,196,113,107,105,95,87,105,212,207,130,196,228,207,202,202,129,102,103,220,233,228,225,228,228,228,228,225,222,217,217,215,207,199,191,178,174,178,204,202,183,131,131,131,119,118,131,189,209,215,222,222,220,225,217,178,178,189,207,215,212,199,189,183,181,183,177,176,179,191,196,196,194,191,196,209,225,81,0,0,44,209,235,230,222,222,225,220,207,94,103,176,133,178,191,189,189,189,183,125,183,196,194,183,189,189,178,174,174,181,194,196,191,123,105,115,131,183,196,207,204,178,115,116,133,189,194,131,129,186,209,225,225,209,191,132,183,204,215,222,225,222,212,212,217,215,202,181,135,186,202,209,209,209,207,181,131,133,106,112,123,131,183,194,199,207,215,212,199,186,183,196,209,207,191,120,118,125,181,194,186,87,61,13,19,105,186,196,204,209,212,215,215,212,202,191,191,189,178,176,176,176,123,115,123,129,131,133,183,194,204,215,225,222,204,139,129,89,74,107,217,225,222,215,204,196,191,191,194,207,212,202,194,189,189,186,181,133,128,127,133,194,204,204,194,178,131,132,135,135,137,183,189,186,183,182,181,181,189,204,212,209,199,191,183,139,137,139,139,135,130,129,133,196,204,202,199,189,187,189,199,194,139,141,204,204,139,132,132,137,137,135,135,186,199,209,212,212,212,212,212,209,204,202,196,194,194,202,204,196,183,137,186,196,194,137,204,215,209,212,215,220,222,215,217,217,215,209,204,183,130,131,133,135,181,189,189,181,176,174,178,181,181,181,194,235,228,215,207,186,189,189,183,183,186,186,181,135,131,127,123,121,121,127,135,186,186,189,204,217,215,212,212,207,207,209,207,203,203,207,209,212,209,202,191,183,137,135,181,186,183,137,135,135,181,181,135,131,130,133,133,132,135,191,207,217,222,217,215,212,202,186,183,191,196,202,202,196,183,178,183,191,194,191,183,133,127,178,181,199,212,209,212,212,212,215,222,220,217,220,225,225,217,209,207,209,207,204,202,199,199,199,204,212,209,93,75,109,173,191,196,194,186,183,189,194,194,186,125,120,123,173,173,125,127,170,189,194,191,183,178,129,119,109,109,170,170,173,176,173,130,173,189,199,202,202,199,186,132,130,133,181,189,196,202,204,209,209,207,204,202,202,202,196,186,131,126,124,124,130,178,194,207,209,202,196,196,199,191,187,189,194,204,194,169,178,183,189,189,186,186,183,177,178,183,191,196,196,189,137,132,134,194,207,207,196,186,186,199,207,212,215,215,207,194,183,137,183,194,191,189,191,191,186,181,177,176,178,181,183,183,189,194,196,191,189,189,189,189,189,189,189,194,202,204,202,109,107,123,139,183,186,189,139,135,139,202,207,207,202,191,187,191,207,212,212,207,204,207,212,215,215,217,222,217,207,194,189,189,194,196,191,191,194,194,190,189,194,202,212,209,204,202,202,204,204,204,202,207,212,215,212,209,207,202,196,202,204,129,112,127,183,191,191,191,191,199,204,209,207,199,191,199,207,199,189,186,189,191,196,204,212,217,222,217,209,202,202,207,209,207,209,215,217,217,215,212,209,212,209,207,207,207,207,204,203,203,207,215,215,209,194,186,189,191,196,199,194,194,194,189,186,181,135,133,178,191,202,209,204,129,123,123,129,135,181,178,133,133,128,126,209,215,212,212,209,208,208,209,215,217,222,225,228,225,222,220,220,222,228,228,228,230,230,228,225,225,222,222,212,207,207,215,215,204,147,143,145,153,215,230,238,241,238,235,235,238,241,241,241,241,243,246,246,246,251,254,251,243,235,235,230,159,151,157,233,241,241,228,217,217,222,222,215,157,151,151,155,212,238,246,246,246,246,241,238,241,246,248,248,243,241,241,241,241,241,241,241,241,243,0,0,0,0,0,0,0,0,0,0,0,0,0,246,0,0,0,0,0,248,246,243,243,241,233,225,222,225,225,215,202,194,191,189,189,186,189,189,189,189,143,143,189,194,196,199,202,207,209,209,207,207,204,204,204,202,202,204,204,207,204,202,199,199,199,199,202,204,204,203,203,204,204,204,204,207,204,202,196,194,196,202,202,199,194,194,196,194,191,186,186,186,189,189,189,189,191,191,194,194,194,194,194,194,191,191,191,191,191,194,196,199,204,209,215,222,225,222,217,215,207,199,186,133,125,121,123,209,235,238,225,212,209,207,189,129,129,139,202,204,199,198,207,225,228,228,228,225,217,209,202,196,196,204,212,222,222,222,222,225,225,225,222,225,225,225,228,228,228,225,222,217,222,225,225,230,233,233,235,241,248,251,246,238,230,226,228,228,228,230,238,238,235,233,235,238,238,238,238,241,235,228,222,222,217,215,215,55,67,75,75,67,61,55,47,41,31,15,1,0,1,17,31,39,43,51,57,59,59,53,53,53,53,53,47,43,41,41,45,47,45,29,5,0,0,0,13,19,29,33,29,21,41,69,111,73,55,55,81,142,155,147,126,83,89,139,139,142,150,168,186,181,121,112,117,127,131,181,191,209,228,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,241,186,137,79,73,121,0,0,0,0,255,235,202,194,0,0,0,0,0,0,61,0,0,0,0,0,0,0,0,0,0,82,35,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,39,19,16,59,121,137,147,147,139,134,139,150,139,131,91,95,142,155,163,170,173,178,178,157,150,163,196,204,204,204,196,163,83,35,25,33,0,0,0,0,0,0,13,59,147,202,220,230,230,222,222,222,212,204,189,183,191,238,255,255,255,199,147,147,129,85,0,0,0,157,150,39,0,0,0,0,0,0,0,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,165,215,204,77,15,0,0,0,0,35,82,41,21,0,0,11,67,121,124,105,63,71,118,121,131,183,212,157,19,0,0,5,0,0,0,0,19,85,165,157,137,142,139,139,155,157,176,178,170,165,160,144,135,144,152,152,144,134,126,131,147,163,150,85,49,29,29,63,83,121,118,83,69,23,7,13,81,163,178,176,176,183,183,183,170,160,152,150,139,95,78,74,79,129,137,129,93,91,93,97,97,89,89,97,134,139,139,144,157,144,97,85,91,103,142,142,103,139,150,142,139,137,139,150,137,87,69,71,103,168,147,97,89,89,81,77,81,93,99,93,93,97,97,96,103,150,160,157,155,147,101,92,92,103,107,103,93,88,87,89,91,99,99,105,105,99,97,89,95,103,115,163,173,181,196,220,207,178,123,121,127,133,178,186,194,202,202,202,212,233,238,238,222,218,230,255,0,255,255,255,255,255,255,255,255,255,255,255,255,150,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,35,13,0,0,31,111,144,170,202,209,202,178,160,144,91,85,89,134,147,142,91,61,51,51,55,61,61,49,27,5,0,2,21,27,25,21,0,0,0,0,0,0,0,0,0,0,235,215,204,191,178,181,168,121,83,126,144,147,134,139,0,0,209,194,178,170,176,181,183,176,173,173,178,178,181,178,165,113,105,99,101,105,107,107,103,99,101,95,81,75,69,69,83,121,83,77,65,61,61,55,49,45,45,47,47,47,49,51,47,41,35,39,41,43,49,63,77,81,81,79,75,75,75,77,81,91,99,139,95,83,83,107,168,183,191,181,173,173,173,165,155,107,107,107,106,111,113,119,163,163,117,117,119,163,163,119,109,98,96,98,111,176,196,196,191,189,186,160,139,131,155,173,191,186,181,189,189,176,0,0,0,0,0,0,0,0,209,209,209,209,178,124,48,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,59,113,134,152,178,186,186,186,189,186,181,181,199,199,186,178,131,131,133,137,139,199,212,220,220,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,124,129,129,134,157,194,202,204,207,207,207,207,204,203,207,207,199,191,190,196,204,204,199,196,199,204,207,207,204,203,204,207,209,209,209,212,212,103,0,0,53,79,69,0,17,95,109,165,173,170,168,168,166,170,168,114,116,183,204,215,191,101,103,173,189,189,189,183,173,168,166,170,173,168,173,173,115,111,117,117,113,163,178,176,176,178,176,176,183,186,183,186,194,202,212,217,217,181,109,123,194,215,225,225,222,217,222,215,204,186,176,130,131,178,194,202,194,183,179,181,181,176,181,194,191,186,196,207,204,186,119,123,209,228,230,212,178,123,109,86,78,86,186,196,181,202,230,222,215,215,212,110,104,215,228,225,228,228,225,222,222,225,225,225,225,222,199,191,189,178,178,202,222,217,181,176,186,196,194,183,178,183,196,212,233,233,215,212,207,186,191,207,222,225,217,207,196,191,186,189,177,174,181,199,202,199,202,202,204,204,204,103,13,24,28,44,199,212,212,217,215,207,131,88,101,196,181,127,123,111,178,191,189,176,181,186,186,191,199,196,183,176,177,183,194,202,207,194,135,178,191,196,199,212,215,202,137,137,186,189,183,126,124,128,189,215,222,209,186,127,131,191,207,215,222,217,212,209,209,204,196,181,135,186,207,212,212,207,199,183,133,125,112,115,131,183,194,194,186,186,191,196,191,183,181,189,196,191,176,111,113,127,183,186,125,57,31,0,0,93,246,215,209,212,209,209,209,204,199,196,191,183,178,174,174,178,135,131,129,131,131,137,196,209,217,225,228,225,212,191,127,79,68,100,207,217,217,212,207,204,204,202,199,204,207,189,183,186,183,181,135,135,133,130,131,135,186,191,186,135,131,132,135,135,137,181,189,189,189,183,181,182,196,209,212,204,199,191,183,136,135,137,186,186,137,132,132,183,191,194,194,191,189,187,191,189,135,135,191,194,137,132,133,137,139,139,189,202,215,217,217,212,207,204,202,202,202,199,196,191,191,196,202,202,199,196,196,196,131,35,46,202,212,215,212,215,215,215,215,215,209,199,191,186,186,183,135,135,186,194,194,189,183,186,189,186,135,133,181,230,225,209,194,160,160,178,182,186,191,191,186,135,131,125,120,120,121,127,186,202,196,194,209,220,212,209,209,207,207,207,204,202,202,204,209,212,209,202,194,186,181,135,133,133,135,135,178,183,191,191,183,135,133,135,132,131,178,199,217,228,228,225,217,209,194,174,173,181,194,199,199,194,186,178,178,183,191,189,176,116,106,127,186,202,202,196,202,209,215,222,225,228,225,225,228,228,215,202,200,207,209,209,204,202,198,199,204,207,189,81,51,95,121,181,189,191,191,189,191,199,202,191,170,123,123,168,170,127,176,186,191,191,189,183,176,125,111,105,106,121,129,131,173,131,130,173,186,196,199,196,191,178,130,130,133,183,191,199,207,212,212,209,204,200,200,202,202,199,189,133,127,124,124,127,133,191,207,209,204,196,196,207,204,194,189,194,202,196,181,183,186,189,186,183,183,183,178,177,178,183,191,194,191,186,181,191,204,212,212,204,189,186,196,207,209,212,212,207,196,189,189,194,199,194,186,186,186,181,181,178,178,181,181,181,183,189,194,196,194,194,194,194,191,194,196,196,196,196,189,181,104,107,129,186,186,186,186,139,136,139,196,204,207,209,202,191,194,204,209,207,202,202,207,212,215,217,217,222,217,207,194,186,186,186,189,191,194,199,196,194,194,196,207,217,217,209,196,191,196,202,199,195,202,212,212,209,207,199,191,191,204,212,207,194,196,199,191,189,129,111,129,199,207,199,183,135,181,186,137,135,137,183,186,186,196,209,215,217,215,209,204,204,207,212,212,212,215,217,217,217,215,212,209,209,207,207,209,212,207,204,203,207,209,209,204,191,186,194,194,194,194,186,186,189,186,183,181,178,135,186,202,212,217,209,114,117,125,183,194,186,178,135,132,129,131,194,207,212,212,212,209,209,209,215,217,222,225,225,225,222,222,222,222,228,230,230,230,228,225,222,222,222,225,222,215,217,222,222,209,199,149,149,202,212,228,238,241,238,235,235,235,238,241,241,243,246,246,246,246,248,251,251,246,238,233,230,225,209,209,228,238,243,235,220,212,212,215,212,155,150,150,155,212,238,243,243,246,243,238,237,238,243,246,246,243,243,241,241,241,241,241,241,243,243,0,0,0,0,0,0,0,0,0,0,0,0,0,246,243,0,0,0,0,246,246,243,243,243,235,228,222,225,225,217,204,194,191,189,186,186,143,143,143,143,141,141,143,196,202,204,204,209,209,209,209,207,207,207,204,202,202,204,207,209,209,204,202,199,199,199,202,204,204,204,204,204,207,207,207,207,207,204,199,196,196,199,199,196,194,196,199,199,194,191,186,185,185,189,191,191,191,194,194,194,194,194,194,194,191,190,189,189,190,191,196,202,207,212,215,217,217,222,217,217,215,209,199,186,131,125,129,212,233,233,220,215,225,230,222,191,137,186,207,222,215,207,209,215,225,228,230,230,225,212,202,149,196,204,215,225,228,225,228,228,228,222,222,225,228,230,230,228,228,225,217,216,217,217,222,228,230,233,238,243,251,254,248,241,230,226,230,233,233,235,241,238,235,233,235,238,238,235,235,238,238,233,228,222,217,217,222,67,73,73,67,67,59,55,47,39,33,21,15,11,17,33,41,45,53,59,59,53,51,47,45,45,45,45,43,41,37,33,41,51,51,35,9,0,0,1,13,19,19,15,13,19,41,65,103,73,61,69,111,137,137,139,137,93,97,99,99,99,107,155,173,168,117,112,112,117,131,183,202,220,243,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,212,176,144,137,160,0,0,0,0,255,235,191,181,0,0,0,0,194,0,0,0,0,0,0,0,0,0,0,0,0,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,33,61,41,47,121,147,147,147,147,139,131,139,147,139,95,83,85,103,150,170,178,178,191,181,170,163,173,196,194,181,173,165,111,87,49,35,19,0,0,0,0,17,13,31,75,165,204,222,230,222,212,212,209,204,194,189,183,186,225,255,255,255,181,157,170,137,59,1,0,53,212,251,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,191,212,170,0,0,0,0,0,0,0,19,35,41,41,15,21,69,131,144,124,65,100,129,147,147,189,215,181,45,0,0,0,0,0,0,0,15,67,150,160,144,134,126,129,144,152,157,157,155,155,155,144,135,152,157,150,137,131,131,139,150,157,150,124,71,37,36,77,126,134,126,85,69,37,21,27,69,147,163,165,176,176,178,170,160,152,134,91,89,85,81,81,89,129,137,129,91,85,87,97,142,97,86,86,101,147,147,147,147,144,91,79,81,97,137,103,98,101,142,152,155,150,139,139,137,87,79,85,103,144,95,89,95,95,89,87,93,101,150,142,142,107,105,95,94,103,150,157,150,103,95,101,103,109,113,103,101,91,89,91,91,99,99,99,105,99,99,97,97,103,113,119,125,170,181,194,194,183,131,129,129,131,178,186,194,202,202,202,202,222,238,246,238,233,248,0,0,0,0,255,255,255,255,255,255,255,255,255,254,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,45,39,21,27,61,134,157,189,209,217,209,191,160,144,95,82,80,83,97,137,134,121,75,65,61,59,51,35,19,5,5,19,39,74,79,69,0,0,0,0,0,0,0,0,0,0,233,215,204,183,165,160,134,63,41,49,55,69,89,142,178,0,209,196,186,183,186,183,181,176,173,176,176,186,191,186,178,163,111,101,99,99,99,99,99,99,101,101,93,81,75,75,77,83,83,81,75,71,63,55,47,41,41,43,45,45,47,49,45,35,31,35,41,45,51,63,77,75,75,75,69,69,69,71,77,83,99,101,95,83,83,101,168,191,191,183,181,173,173,160,113,107,113,111,111,111,113,119,121,119,111,109,111,121,163,123,109,99,95,95,103,170,189,191,186,186,186,165,147,137,147,163,168,165,168,181,189,181,0,0,0,0,0,0,0,0,212,212,225,225,199,131,56,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,57,111,134,147,170,181,181,181,181,173,163,170,186,202,181,170,125,125,125,125,131,186,212,228,228,222,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,108,129,129,142,194,199,202,202,204,204,204,204,204,207,209,207,199,190,189,191,202,207,207,204,204,207,209,209,207,203,203,207,212,212,209,207,202,11,0,0,95,255,215,113,168,123,121,125,173,181,178,176,176,178,127,102,121,189,178,173,117,90,91,102,127,183,189,186,176,173,176,181,183,183,194,196,176,113,117,119,119,168,178,178,183,191,189,183,186,186,181,183,186,196,215,228,233,230,209,173,114,204,215,222,217,217,222,217,209,194,176,133,133,176,181,189,186,183,183,186,183,181,194,207,204,191,199,217,215,202,119,129,212,225,225,207,189,186,181,109,86,101,129,133,125,133,209,215,212,215,215,135,125,194,215,225,230,228,220,215,217,225,228,230,228,222,131,135,189,186,186,204,209,107,113,191,222,228,225,209,186,183,178,183,220,228,189,191,191,202,212,217,222,222,215,212,207,199,189,199,183,178,191,202,204,207,209,215,217,207,189,181,199,222,47,20,40,183,202,212,204,115,110,103,123,202,191,111,36,36,121,191,194,181,174,168,169,204,215,209,191,178,178,186,189,196,207,202,194,196,204,207,215,230,233,217,199,191,191,186,181,129,127,128,181,202,209,199,135,125,129,183,196,204,207,204,202,199,194,189,183,135,131,181,199,207,207,202,194,183,131,123,121,176,202,207,207,199,177,173,174,181,183,181,181,181,181,178,129,120,120,176,189,191,181,93,67,24,0,69,225,215,215,215,204,199,196,191,194,196,186,176,178,174,178,183,186,191,189,178,135,189,207,222,228,228,228,228,222,209,139,98,103,199,204,204,209,212,217,225,228,215,199,194,191,137,136,181,183,186,186,186,183,178,131,128,129,133,135,133,132,133,133,135,181,183,186,189,191,189,182,183,196,204,199,194,194,191,183,136,136,139,191,194,191,183,139,183,183,186,194,196,194,189,191,186,134,134,141,189,137,133,137,141,143,143,196,209,222,225,222,215,207,199,196,196,199,202,199,191,187,187,194,204,207,209,207,204,183,34,19,51,204,215,212,212,215,215,212,207,196,189,186,194,199,191,181,178,189,196,202,202,204,207,202,191,135,130,133,204,209,202,189,157,152,177,183,194,199,196,183,135,133,129,121,121,127,135,196,209,194,183,204,215,212,209,209,207,207,207,207,204,203,204,207,209,209,202,194,183,137,135,132,131,133,135,181,194,202,199,191,186,183,183,135,135,189,207,222,228,228,222,212,202,183,170,170,181,194,199,196,191,189,183,181,186,194,191,133,114,104,119,176,181,176,181,191,207,222,228,230,230,230,225,225,222,207,199,199,207,212,209,207,204,202,202,204,196,121,19,8,67,117,176,178,183,191,194,194,202,202,186,173,170,168,173,173,125,170,189,191,189,186,181,173,123,111,108,111,125,173,176,176,173,173,178,186,196,199,194,183,133,130,130,133,183,196,207,212,215,209,204,200,199,200,202,202,199,191,181,133,131,131,130,135,186,194,194,191,189,194,204,207,199,194,199,204,204,202,202,194,189,183,183,186,191,189,178,177,177,183,191,194,194,196,204,212,215,212,204,189,185,196,207,209,212,209,202,191,191,199,202,196,191,186,181,137,181,181,181,183,186,181,181,181,186,191,194,194,194,196,199,199,204,207,204,202,191,125,101,84,109,196,204,202,196,189,183,139,183,186,191,199,207,209,204,202,202,199,199,194,194,202,209,215,217,215,212,209,199,189,185,185,182,182,183,189,199,204,204,202,202,207,215,217,207,189,186,191,199,196,196,204,209,209,207,202,186,131,137,199,209,217,215,212,209,186,135,101,89,99,189,202,196,137,133,135,135,133,134,183,189,183,183,191,202,207,209,209,209,207,207,212,215,212,209,209,209,212,212,209,209,207,207,207,209,212,215,212,207,204,204,204,204,199,194,191,196,196,194,189,185,185,186,178,174,177,183,191,196,202,209,215,178,95,117,181,196,196,178,135,186,181,133,135,186,199,207,212,212,212,212,212,217,222,222,225,225,225,225,225,222,222,222,225,228,225,222,217,215,217,217,225,225,222,220,222,217,207,202,199,153,204,215,228,235,238,238,238,235,235,235,238,241,246,246,246,246,243,246,251,254,251,246,238,235,230,222,220,230,241,246,238,222,155,155,209,207,153,149,150,153,207,233,238,238,241,243,241,238,238,241,246,246,246,243,243,243,243,243,243,243,243,246,0,0,0,0,0,0,0,0,0,0,0,0,0,248,243,0,0,241,241,243,243,243,246,248,241,233,225,225,228,222,209,196,191,189,186,186,143,143,143,142,141,142,189,196,204,207,207,212,212,212,209,209,207,207,207,204,204,204,207,209,209,209,204,202,202,202,204,204,207,204,204,204,207,207,207,209,207,204,202,199,199,199,199,196,196,196,199,196,196,194,189,185,186,191,194,194,194,194,194,194,194,192,192,194,191,190,189,189,190,194,199,202,209,212,215,215,215,215,217,222,225,222,212,199,183,137,183,212,225,225,215,212,217,233,241,225,207,209,228,235,230,220,212,215,217,228,230,230,222,207,147,142,145,202,217,228,230,230,230,230,228,222,222,225,228,233,233,230,228,222,217,216,216,217,222,228,233,235,241,246,251,254,251,243,233,230,233,238,241,241,243,241,235,235,235,238,238,235,233,233,235,233,230,225,222,222,228,75,73,67,61,59,59,55,47,39,33,25,21,17,21,35,45,53,59,87,87,59,53,47,47,41,37,33,31,27,27,26,27,37,37,19,7,0,0,9,19,19,13,7,0,1,19,45,59,61,61,73,81,116,116,121,126,126,89,91,89,85,85,97,150,160,117,115,117,123,131,189,202,220,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,222,196,168,178,215,0,0,255,255,217,163,150,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,46,27,33,39,47,77,111,137,147,137,129,131,131,139,147,139,87,69,71,89,144,170,181,194,194,194,194,194,202,207,194,173,163,152,152,99,81,61,33,0,0,0,37,51,51,65,137,173,204,209,209,212,204,209,209,204,189,181,186,209,255,255,255,255,191,199,222,129,25,0,0,85,230,255,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,183,181,116,0,0,0,0,0,0,0,13,51,95,100,37,33,95,142,165,152,121,108,129,137,139,168,202,178,67,0,0,0,0,0,0,0,35,81,147,157,139,121,85,79,77,81,83,87,134,152,160,147,144,155,157,150,134,131,131,139,147,157,163,147,121,37,33,79,137,137,134,118,81,75,71,71,81,124,137,144,155,160,160,150,142,137,91,83,80,83,81,83,93,129,99,93,73,66,68,91,137,101,84,83,95,139,95,93,99,99,79,70,73,89,103,103,98,96,99,139,160,160,139,137,99,87,85,91,97,91,83,83,89,95,93,93,99,142,155,155,150,107,105,97,96,103,150,157,157,109,105,147,150,113,113,152,113,101,93,99,101,99,99,99,105,109,105,99,97,103,111,119,125,125,170,176,181,186,186,178,178,176,183,186,194,202,202,202,202,222,238,251,254,254,255,0,0,0,0,0,255,255,255,255,255,255,255,248,230,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,45,27,33,103,150,170,199,217,225,215,191,168,152,134,91,78,74,83,131,147,147,131,118,75,59,47,31,19,19,43,82,121,152,160,144,118,0,0,0,0,0,0,0,0,0,228,215,207,191,160,150,124,51,23,7,3,17,45,93,168,194,196,196,194,194,191,183,176,176,178,186,186,196,199,196,181,170,155,107,101,95,92,92,99,101,101,101,131,93,81,75,77,77,83,83,83,77,69,55,43,33,33,33,35,39,45,45,39,29,27,31,39,43,49,63,69,69,69,69,67,63,69,75,81,89,99,101,95,83,83,101,165,181,191,191,181,176,165,155,107,107,111,155,119,119,111,111,119,117,111,105,111,160,168,168,119,109,101,99,109,163,176,178,183,191,186,173,155,147,147,150,155,155,157,170,181,181,0,0,0,0,0,0,0,0,209,212,225,228,199,142,56,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,25,53,81,129,144,163,170,173,173,170,155,111,117,186,204,186,170,125,123,125,125,121,133,204,222,228,222,220 +0,0,7,0,0,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,40,19,27,0,0,53,77,137,144,168,199,202,202,204,204,204,207,207,207,209,209,204,196,190,190,191,199,207,209,209,207,207,209,209,207,207,204,207,209,209,209,202,121,0,3,15,33,91,173,202,191,176,125,123,173,196,202,194,191,194,125,80,112,183,173,127,109,102,103,123,173,178,189,191,189,196,199,202,199,199,207,207,191,112,115,121,125,170,176,178,189,202,199,189,189,183,179,181,186,191,199,215,228,233,225,186,118,183,202,212,215,217,222,217,212,209,194,191,189,181,181,183,183,186,196,204,199,191,196,204,199,189,196,215,215,209,135,133,196,225,215,189,183,194,199,186,129,137,135,125,115,117,133,199,207,212,207,191,135,135,202,225,228,225,217,215,217,225,225,220,212,110,100,117,191,191,181,123,96,85,99,196,228,233,235,230,204,181,173,129,97,49,26,97,189,217,225,225,222,215,215,217,220,209,129,131,186,194,202,199,202,235,222,222,228,222,199,196,225,233,127,30,38,181,207,217,217,102,106,133,199,183,117,69,2,29,113,191,194,183,174,166,169,209,225,228,204,178,178,183,186,194,202,202,204,212,217,222,230,235,233,215,202,194,191,186,183,137,133,131,135,186,196,191,134,129,133,186,194,191,189,189,189,189,178,133,135,133,130,131,183,194,199,194,189,183,133,125,127,191,207,209,207,199,177,173,176,181,189,189,186,183,181,176,129,127,129,176,178,176,176,186,209,196,73,75,127,199,207,204,191,183,186,189,194,202,194,176,174,186,199,196,196,207,212,194,181,189,207,225,230,230,225,222,222,217,207,202,215,217,207,196,202,212,222,228,230,212,183,135,137,139,181,183,189,196,202,199,191,181,129,126,128,131,133,135,178,178,135,181,189,189,183,186,194,189,183,183,189,186,137,139,191,194,186,137,137,186,191,194,191,191,194,191,181,182,202,207,202,196,191,139,136,136,141,186,139,139,189,194,194,194,202,212,217,222,222,222,212,204,198,198,199,202,202,196,189,189,194,207,212,212,212,212,212,139,38,40,117,204,209,212,215,207,199,191,183,178,183,196,202,191,181,181,189,199,204,204,207,207,202,196,189,135,135,186,194,199,202,191,183,186,194,199,199,189,178,135,178,135,123,125,135,186,202,202,173,172,191,207,212,212,207,207,209,209,209,209,207,204,204,209,212,207,191,135,131,133,133,132,132,135,183,194,199,196,191,191,194,191,186,186,199,212,222,225,222,215,204,196,181,176,177,191,202,202,194,186,186,189,189,189,191,183,129,119,115,127,131,131,129,176,191,209,228,233,233,230,228,225,222,215,204,200,202,209,212,209,207,207,204,202,199,186,109,0,0,45,121,176,173,173,183,196,196,199,194,178,173,178,181,183,183,115,99,168,181,178,173,176,170,123,117,121,129,170,176,181,181,181,181,183,189,196,199,191,183,135,131,131,133,186,199,212,215,215,209,202,200,202,204,207,204,199,191,186,181,137,178,183,186,189,186,186,185,186,191,196,202,202,204,209,212,212,212,207,194,186,186,186,191,196,191,183,177,177,181,186,191,194,202,209,212,209,207,202,191,186,196,204,207,209,207,194,185,189,204,204,133,181,181,127,131,189,183,181,186,186,181,181,183,186,189,189,189,191,196,204,207,212,212,209,207,196,113,80,59,109,204,212,217,209,191,186,189,186,183,186,191,202,209,207,204,202,194,189,186,189,199,212,217,220,215,204,196,191,189,191,189,186,185,183,189,202,209,212,209,207,207,212,212,204,187,186,191,196,196,199,204,209,209,204,194,131,124,130,189,202,215,217,215,212,186,133,104,94,104,191,199,196,186,181,181,136,135,137,191,191,183,183,191,196,196,199,204,209,212,212,212,212,209,204,202,200,202,204,207,204,207,207,209,212,215,215,212,209,204,199,196,199,199,196,191,194,189,186,189,189,191,194,181,174,176,186,194,196,196,196,181,92,76,125,196,199,181,115,121,194,189,183,181,139,191,204,209,212,215,215,217,222,225,225,225,225,225,225,225,225,222,220,222,225,222,217,215,215,215,215,220,222,217,215,217,215,204,199,202,204,209,215,228,235,238,238,238,241,238,238,241,243,248,248,248,243,243,246,251,254,254,251,246,241,233,225,228,235,241,243,238,220,151,150,155,204,151,149,149,151,155,225,233,235,238,243,243,241,241,243,246,248,248,246,246,243,243,243,243,246,246,246,248,0,0,0,0,0,0,0,0,0,0,0,0,248,246,0,0,238,238,238,238,243,248,248,243,235,228,228,230,225,212,199,194,191,189,186,143,143,143,142,143,143,191,194,199,204,209,212,215,212,212,209,209,209,207,207,204,204,207,209,209,209,207,204,202,204,204,207,207,207,204,204,204,204,207,207,207,204,202,199,199,202,202,199,199,196,194,194,194,194,194,191,191,194,196,194,194,194,194,194,194,192,192,194,194,191,191,194,194,196,199,204,207,212,212,212,212,212,212,212,217,222,217,204,194,194,202,217,220,217,217,215,215,230,246,241,233,233,241,243,235,225,217,217,222,228,230,228,215,199,143,139,142,204,222,233,235,235,233,230,228,222,222,225,228,230,233,230,225,222,222,217,217,222,225,230,235,238,243,248,251,254,254,251,243,238,238,243,246,246,246,241,238,235,235,238,238,235,230,230,230,233,230,225,225,225,230,75,67,59,55,55,59,59,53,45,41,35,23,17,21,35,45,53,59,87,95,95,87,87,59,51,41,33,27,24,26,27,33,33,29,15,7,1,7,9,15,19,15,1,0,0,0,17,35,49,55,69,79,81,77,83,121,126,91,83,85,82,82,84,99,109,117,121,123,173,183,199,209,217,243,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,241,222,196,178,189,225,255,255,255,255,202,150,137,168,209,0,0,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,59,46,37,61,69,69,92,118,129,121,113,113,131,142,147,131,75,65,66,87,109,168,191,191,191,194,199,202,215,220,204,196,181,168,170,163,155,107,77,0,0,15,69,77,83,91,150,178,191,202,199,202,209,217,222,212,183,173,176,222,255,255,255,254,228,255,255,118,9,0,33,137,194,186,121,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,144,108,33,0,0,0,0,0,0,0,31,100,118,95,51,59,129,168,191,178,144,129,129,121,124,147,189,178,113,0,0,0,7,3,0,0,59,134,150,144,134,126,93,71,43,23,17,35,75,144,160,152,137,144,144,142,134,126,126,131,142,157,165,155,129,43,31,63,91,118,118,118,91,126,131,124,81,87,124,137,147,155,152,137,129,129,91,83,83,83,77,81,93,131,131,89,67,61,65,83,137,101,87,87,101,95,87,87,93,91,75,69,73,89,142,144,103,98,94,101,155,165,150,99,93,91,87,85,89,85,83,81,83,89,95,93,99,142,150,155,150,107,105,105,105,144,157,168,168,155,147,150,155,155,155,163,163,111,101,101,101,101,105,105,109,111,109,107,107,109,113,121,125,125,125,170,178,189,194,194,186,186,191,191,191,199,202,212,212,222,238,254,255,255,255,0,0,0,0,0,0,255,255,255,255,255,202,189,199,147,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,39,0,9,73,144,176,202,225,230,217,199,168,160,152,134,85,79,81,97,152,163,155,137,121,67,49,31,23,31,87,131,168,199,207,196,160,0,0,0,0,0,0,0,0,0,225,225,215,194,165,144,116,45,5,0,0,0,7,57,144,178,196,196,207,196,194,181,170,173,186,191,196,196,199,196,178,165,155,111,105,95,92,99,103,139,139,139,139,131,91,75,75,81,91,121,83,83,71,55,41,29,27,25,27,29,39,41,31,25,21,25,31,39,45,53,59,59,63,67,63,63,69,77,89,99,134,139,101,85,85,107,160,173,183,191,191,181,165,115,107,107,155,163,163,119,111,105,111,111,105,105,111,163,181,181,176,163,123,111,109,111,111,115,168,183,186,173,165,155,150,150,148,155,168,176,176,170,0,0,0,0,0,0,0,0,202,202,217,220,199,142,59,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,25,49,81,129,137,155,163,163,163,155,111,105,108,186,209,202,181,131,131,125,119,113,121,186,209,220,212,209 +0,0,40,38,40,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,170,204,228,202,144,113,57,69,150,176,191,202,204,207,209,209,209,209,209,209,207,202,196,194,194,194,196,204,207,207,204,204,204,204,204,207,207,207,207,209,215,204,83,75,194,186,35,55,99,191,178,168,125,123,170,202,209,202,199,204,202,110,113,125,173,176,125,173,194,204,189,176,181,194,202,209,212,209,207,207,215,212,199,117,117,125,165,168,176,178,186,199,199,189,186,183,181,186,186,181,178,186,209,222,215,199,194,186,191,202,212,215,212,209,209,222,217,209,202,189,183,186,189,194,207,225,222,199,191,191,186,186,191,199,202,199,178,121,115,196,186,133,137,202,212,207,202,199,189,121,113,117,133,202,215,222,217,217,199,130,134,212,222,222,215,215,220,222,212,189,119,75,88,123,204,196,181,119,97,99,119,183,189,189,212,220,202,181,181,191,47,0,0,59,209,225,230,228,225,222,225,230,233,230,74,59,121,199,199,127,191,217,225,222,220,215,204,199,209,212,196,57,61,209,225,228,230,107,108,183,194,81,69,68,50,73,194,199,196,189,183,178,183,196,217,235,225,177,176,183,189,191,196,202,209,225,228,228,230,230,222,204,194,191,186,181,181,181,181,135,133,181,189,189,181,178,186,196,194,189,183,183,186,181,133,132,135,178,133,130,133,189,191,186,178,178,178,131,131,189,194,189,189,186,177,178,189,194,202,204,202,196,191,186,176,127,170,173,119,107,117,178,209,215,170,95,111,170,178,183,178,176,194,202,199,207,212,191,165,194,209,202,194,204,209,183,127,135,196,217,230,230,222,215,215,217,220,217,215,209,204,196,191,202,202,199,196,183,132,131,135,194,196,196,202,209,209,204,194,181,129,128,133,178,135,178,181,183,183,186,191,189,181,186,194,191,189,189,183,135,132,135,189,191,183,139,183,189,194,194,194,194,199,196,181,182,207,215,212,202,191,141,139,139,139,141,143,191,202,207,204,204,209,212,212,212,215,217,217,215,209,204,202,202,204,204,202,202,207,212,212,212,217,212,207,217,186,81,113,137,199,209,207,137,129,133,131,129,178,191,191,183,135,133,181,194,199,202,199,196,194,194,191,183,178,183,189,202,209,207,199,196,199,196,191,178,134,178,183,178,129,129,181,194,204,196,174,172,181,189,196,196,191,199,212,212,212,209,207,204,207,209,215,212,191,129,121,125,133,133,131,133,178,181,186,186,189,194,199,199,189,186,199,209,215,217,215,207,196,191,186,181,186,196,202,199,189,178,178,181,183,183,181,131,125,123,123,131,129,127,129,178,191,209,228,233,233,228,225,217,215,209,204,202,207,215,217,215,212,209,204,199,199,194,173,38,12,41,111,168,127,168,178,191,191,186,178,173,178,191,196,199,209,189,84,67,63,109,125,170,127,121,119,176,183,173,170,183,183,181,183,186,186,191,196,191,183,178,135,133,133,186,202,212,215,212,209,207,207,209,212,212,207,199,196,194,189,181,136,183,191,191,189,189,191,196,196,191,186,194,212,222,222,217,215,202,191,189,191,191,191,194,191,183,178,177,181,183,183,186,194,202,207,204,202,196,194,191,194,199,204,207,202,186,181,185,204,199,125,130,131,121,128,194,186,181,183,183,181,183,189,191,186,181,137,183,191,202,207,209,212,209,212,209,183,87,61,113,186,207,222,215,194,189,191,189,182,186,186,191,202,204,204,202,194,139,136,141,196,209,215,217,209,186,138,138,186,194,194,191,196,194,196,204,209,212,212,212,212,212,209,202,191,189,191,194,194,199,204,207,212,207,191,130,126,135,186,194,204,207,209,212,199,189,189,199,202,202,202,196,194,191,189,183,181,186,189,183,137,139,186,186,186,189,199,209,212,209,212,209,204,200,199,199,199,202,204,204,207,207,209,212,215,212,207,202,196,189,189,191,196,196,189,185,181,182,189,196,207,209,202,189,186,189,194,196,196,189,116,85,75,125,194,191,119,107,118,191,189,186,186,183,191,204,209,212,215,217,222,225,228,225,225,225,225,228,228,225,222,221,222,222,222,217,215,212,212,212,217,220,215,212,215,212,207,202,207,209,212,217,228,235,235,238,241,243,243,241,241,246,248,248,248,243,243,246,251,254,254,254,248,243,233,228,230,235,235,235,230,212,149,148,153,155,151,150,150,150,153,222,228,233,238,243,246,246,246,246,248,251,251,248,246,246,246,246,246,246,246,248,248,251,0,0,0,0,0,0,0,0,0,0,0,251,248,0,0,241,238,235,235,241,248,248,246,238,230,230,230,225,212,202,196,194,191,189,143,143,143,143,189,191,194,194,199,202,207,212,215,215,212,212,212,209,209,207,204,204,207,207,209,209,207,204,204,204,207,209,209,207,204,202,202,202,204,207,207,204,202,199,199,202,204,207,204,199,194,192,192,194,196,196,196,196,196,194,191,194,194,194,194,194,194,194,194,196,196,199,199,199,202,202,204,207,207,207,209,209,204,191,199,209,212,207,199,202,212,225,222,217,225,230,230,233,241,241,243,246,248,246,235,230,228,228,228,230,230,225,215,202,147,142,149,209,228,233,235,238,238,233,228,222,222,225,228,230,230,228,222,222,222,222,225,228,230,233,235,241,246,248,251,255,255,255,254,246,246,248,248,246,246,243,238,235,233,235,235,235,230,228,228,230,230,228,225,228,230,73,61,53,51,59,61,61,55,53,45,37,21,15,17,33,45,59,59,87,95,103,108,100,92,87,57,47,39,33,39,43,47,45,39,31,19,13,9,1,1,13,15,9,0,0,0,9,23,39,43,55,67,69,68,69,83,126,89,83,85,85,78,81,89,101,117,160,170,173,189,202,209,209,243,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,233,204,189,176,178,207,243,255,255,255,246,209,181,165,0,238,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,61,53,53,61,74,69,69,98,121,113,105,105,121,144,157,139,81,65,69,89,150,168,178,178,178,178,178,199,220,225,222,222,222,204,194,194,199,196,173,93,35,61,77,81,81,97,147,170,181,181,178,178,202,217,220,204,181,168,173,215,255,255,255,255,255,255,255,165,9,0,41,147,173,150,108,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,61,0,0,0,0,1,0,0,0,0,98,173,160,111,65,73,131,163,186,191,165,137,111,77,113,137,157,173,157,25,0,0,0,0,0,25,137,160,150,144,152,155,160,137,35,0,0,0,39,97,152,147,129,97,129,134,126,83,83,124,142,155,147,137,129,63,43,65,77,69,75,83,85,91,124,89,81,89,124,131,139,152,152,142,134,97,97,91,89,83,74,76,93,144,144,95,79,69,79,97,144,142,101,101,103,93,85,87,95,93,85,77,81,97,152,170,168,139,98,101,168,170,150,91,91,99,91,83,83,85,83,83,83,89,95,95,101,107,144,150,150,107,107,147,144,111,152,168,168,157,113,113,150,157,165,173,163,111,101,101,101,105,109,111,113,115,115,111,111,115,121,170,173,170,170,170,181,196,204,204,204,204,194,191,183,191,202,215,222,233,238,254,255,255,255,255,0,0,0,0,0,255,255,255,255,255,155,139,155,142,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,108,150,170,196,217,225,217,202,178,168,165,152,99,87,89,134,155,173,173,163,147,113,55,37,31,43,103,150,176,207,217,209,178,142,0,0,0,0,0,0,0,217,222,225,222,202,160,137,105,39,1,0,0,0,0,33,124,168,191,209,209,209,189,176,170,173,186,196,196,196,196,189,178,160,152,111,105,99,95,99,107,142,139,139,139,131,93,81,81,83,121,121,121,83,71,59,43,29,21,21,23,25,35,39,29,21,19,21,25,31,39,47,49,53,59,63,67,69,69,77,89,95,99,139,139,101,101,147,165,173,181,191,191,181,163,113,111,113,155,163,163,113,99,97,97,103,99,103,111,168,186,194,189,176,168,115,101,91,89,91,107,168,176,173,168,163,157,155,155,163,181,186,181,176,181,0,0,0,0,0,0,0,186,191,212,220,199,144,61,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,35,53,118,137,144,163,165,163,163,155,111,107,111,186,209,209,202,186,181,133,125,107,113,133,202,204,209,209 +0,0,69,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,207,217,230,222,202,157,50,39,126,181,199,207,209,212,215,215,215,212,209,209,204,202,199,199,199,199,199,202,204,204,202,199,199,199,202,202,204,209,209,212,222,191,42,68,189,181,119,111,105,109,113,121,127,127,173,191,199,199,202,207,217,207,123,123,176,186,194,202,209,209,194,176,183,204,212,215,215,212,207,212,217,217,209,183,170,176,168,122,170,176,176,189,191,186,186,181,176,183,189,177,174,178,177,183,202,199,196,191,189,194,207,209,204,199,202,217,222,212,199,191,189,191,196,202,209,225,222,199,186,183,186,186,186,183,186,181,125,105,103,114,127,131,186,212,222,222,217,212,194,99,105,139,209,228,228,228,233,238,228,137,134,199,217,217,212,209,212,209,194,121,107,94,125,215,215,204,202,207,209,191,178,99,65,72,131,191,181,181,199,233,59,0,0,95,225,228,230,230,228,228,233,235,238,238,79,53,95,191,127,85,116,194,222,217,204,199,199,199,207,212,204,109,117,212,225,228,215,135,125,181,183,89,77,97,178,194,204,199,196,196,202,196,189,135,181,222,220,181,177,186,189,189,191,196,207,225,230,230,225,222,209,196,189,189,181,133,137,186,189,183,181,183,194,191,186,186,191,194,191,183,182,183,186,178,133,135,186,194,191,178,131,178,183,186,177,177,186,183,181,186,181,169,168,172,173,183,196,202,207,212,212,209,207,204,194,176,178,181,117,107,115,127,186,194,125,107,113,117,116,173,186,191,207,209,207,212,222,209,168,196,209,199,189,186,125,77,74,133,189,207,222,225,215,209,209,215,217,215,204,199,199,194,186,139,132,129,134,137,135,135,186,202,207,212,212,212,212,207,202,189,133,133,183,186,181,178,181,181,183,189,186,181,181,189,194,194,191,189,181,134,133,137,189,189,138,137,183,191,196,199,196,196,199,199,186,186,207,217,217,207,194,189,191,189,139,141,194,207,217,222,215,212,217,217,212,207,207,212,217,217,215,209,204,202,207,215,215,217,217,217,215,215,215,207,203,207,207,189,133,135,189,194,135,115,117,127,126,122,127,133,178,135,131,128,133,186,189,191,191,191,189,189,189,183,183,186,189,194,196,191,186,191,191,191,186,181,135,178,183,178,135,135,181,194,199,194,179,178,181,183,191,183,174,183,207,212,209,204,204,207,209,212,212,209,186,123,111,113,178,183,133,133,133,131,131,133,181,196,204,199,181,133,183,199,204,209,207,199,189,189,186,183,183,189,191,191,183,174,172,173,174,176,133,127,125,125,125,129,127,127,127,131,178,196,217,230,228,225,217,212,212,209,204,202,207,212,215,215,212,209,207,202,204,209,204,186,26,31,69,117,121,123,173,181,178,168,127,178,191,199,204,207,222,230,103,56,39,89,123,129,125,117,116,176,189,173,173,183,183,181,183,183,181,183,191,194,186,181,181,178,178,186,202,212,212,212,212,212,212,212,212,212,207,204,207,212,204,181,133,136,186,189,189,191,199,204,202,176,85,101,209,222,222,217,209,196,189,191,194,189,186,189,186,181,178,181,189,186,181,181,183,186,196,199,194,194,194,194,194,194,196,202,202,186,179,182,199,202,137,181,181,131,135,189,186,181,183,181,181,186,191,191,181,133,133,135,186,194,196,204,209,209,212,215,212,181,94,123,129,196,209,207,199,194,194,191,186,183,137,141,194,199,202,202,196,136,134,137,194,204,209,207,199,139,135,135,186,194,186,141,194,202,204,207,209,212,215,217,217,215,209,204,196,194,189,141,141,191,199,207,215,212,194,139,139,189,186,186,183,183,194,204,209,209,217,222,212,207,204,199,194,191,189,186,186,186,181,133,133,139,183,139,139,189,202,212,212,209,209,207,204,200,200,202,202,202,199,202,207,209,209,209,212,209,199,141,137,137,139,186,194,196,189,183,182,183,194,199,209,215,212,204,196,194,196,199,204,204,186,117,104,123,133,135,116,112,133,186,182,182,186,186,194,204,212,215,217,222,222,225,228,225,225,222,225,228,230,228,225,222,222,217,217,215,212,209,209,212,217,217,209,207,212,212,209,207,215,217,215,217,228,233,235,235,241,243,243,241,241,243,248,248,246,243,243,246,251,254,251,248,246,243,238,230,228,230,228,228,220,204,149,148,151,153,153,153,151,151,153,217,228,235,241,246,246,248,248,248,251,251,251,248,248,248,248,248,248,248,248,248,248,251,251,0,0,0,0,0,0,0,0,0,0,251,248,0,246,243,241,235,234,238,243,246,246,241,235,233,230,225,215,204,199,196,194,191,189,189,189,191,191,191,194,196,199,202,204,212,215,215,215,212,212,212,209,209,207,204,204,207,207,207,204,204,204,204,207,209,209,209,204,202,200,200,202,204,204,204,202,199,199,204,207,209,209,207,202,194,192,194,196,199,199,199,196,191,191,191,194,194,194,194,194,194,196,196,199,199,202,202,202,202,199,199,202,204,207,207,199,178,185,202,207,204,199,202,212,225,228,230,233,238,238,233,230,233,238,246,248,243,235,233,233,233,230,228,225,222,217,212,204,204,209,222,228,230,233,235,238,235,230,228,228,228,230,230,228,225,217,217,222,225,228,230,235,235,238,241,246,248,251,255,255,0,255,255,251,251,251,246,243,246,241,235,233,233,235,235,230,228,228,228,228,225,225,222,225,61,55,49,50,61,69,67,59,53,45,33,15,12,15,33,45,53,53,53,85,103,108,95,59,85,65,59,53,51,47,51,53,53,47,41,39,31,13,0,0,0,7,13,9,0,3,21,39,43,43,49,61,75,75,77,83,124,83,81,85,85,79,79,85,109,165,170,123,125,131,189,194,209,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,212,168,116,160,189,215,243,255,255,255,255,255,235,228,235,248,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,56,46,27,35,77,95,79,103,121,113,104,105,121,139,157,147,95,81,81,95,150,168,168,168,163,163,170,194,220,233,233,243,243,212,196,202,220,228,225,204,101,81,81,81,81,89,137,155,170,178,172,176,189,207,212,204,181,173,183,204,217,254,255,255,255,255,255,160,17,0,25,137,163,134,111,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,9,189,235,220,178,113,73,105,129,165,194,183,129,69,69,73,79,67,118,142,63,0,0,0,0,9,59,165,168,150,157,183,207,215,191,59,0,0,0,19,83,144,137,89,83,85,87,77,61,63,87,142,147,131,121,85,55,35,59,65,53,61,73,75,71,71,75,83,124,124,89,87,129,134,137,134,129,129,131,95,77,73,77,101,147,147,144,137,134,144,163,163,150,142,142,139,93,90,91,99,137,99,93,93,97,144,176,186,173,155,163,181,176,99,83,87,93,93,85,79,77,83,85,89,95,101,101,101,107,142,150,155,155,152,152,105,95,103,152,157,111,95,95,113,160,170,163,113,101,100,101,107,111,115,115,117,119,115,115,117,163,173,183,186,181,181,181,189,196,204,217,217,215,194,183,179,182,191,215,233,233,238,251,255,255,255,255,255,255,0,0,0,255,255,255,255,255,152,75,85,75,41,0,0,0,0,0,0,0,13,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,152,168,191,215,225,217,202,178,168,170,160,144,134,134,142,163,181,196,194,173,147,113,61,55,67,124,157,186,202,207,207,186,150,0,0,0,0,0,0,0,212,217,220,222,189,142,113,57,25,0,0,0,0,0,19,71,150,183,204,209,196,183,168,160,168,176,186,186,196,196,186,178,160,111,105,97,95,99,101,105,107,139,137,101,131,93,81,91,93,129,121,121,83,71,61,45,29,21,20,21,25,35,41,31,21,19,19,23,25,31,41,45,49,59,67,69,69,69,71,73,73,81,99,139,142,150,165,176,181,181,181,183,181,163,113,113,111,155,163,163,111,97,87,91,97,93,97,105,163,186,194,189,178,163,109,91,82,78,79,91,150,165,168,173,170,170,163,163,170,191,194,189,189,186,0,0,0,0,0,0,0,178,186,209,225,220,157,66,15,0,0,0,0,0,0,0,0,0,0,0,0,0,7,31,43,65,134,155,163,170,173,170,163,163,155,113,119,186,209,212,209,204,189,178,125,106,111,127,186,204,209,212 +0,0,165,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,225,217,217,217,215,209,152,39,71,157,202,209,212,212,215,217,217,215,212,209,207,204,202,202,202,202,199,199,202,202,202,199,196,199,199,202,207,212,212,215,217,85,0,14,101,123,181,178,123,107,111,127,189,183,178,183,191,196,204,212,220,222,204,194,196,202,215,222,220,212,191,186,196,215,217,217,217,215,209,217,225,222,215,199,189,189,125,113,125,170,126,178,183,183,186,178,170,173,183,191,194,189,151,155,194,194,189,189,183,189,199,207,199,194,196,202,209,199,187,189,191,196,204,207,209,212,207,191,181,181,186,186,183,133,133,131,121,102,104,119,129,135,191,212,222,225,230,230,191,60,75,222,235,235,230,228,230,233,228,217,199,199,209,209,204,196,196,196,181,116,107,137,217,222,204,191,196,212,220,215,189,73,49,74,199,204,191,186,202,254,103,49,43,220,225,230,230,230,230,230,233,233,233,215,113,82,123,217,212,108,199,212,228,215,196,196,198,204,212,217,212,199,202,204,209,215,207,191,186,189,191,196,178,127,189,194,189,178,191,204,215,204,186,114,106,131,194,186,183,186,181,178,186,191,196,215,230,230,222,209,199,189,186,186,137,129,135,191,199,194,186,189,196,194,189,186,183,182,182,182,182,183,181,131,133,181,194,207,209,196,133,125,131,196,191,186,196,196,191,191,181,165,164,168,170,181,191,196,207,212,212,212,215,212,207,199,191,183,109,105,117,123,125,178,121,111,125,117,113,189,212,222,212,212,212,212,215,207,191,199,207,196,186,178,83,61,62,183,191,202,209,209,204,202,207,212,204,199,196,196,196,191,186,137,128,126,134,199,207,207,204,207,215,222,217,209,204,207,207,196,137,133,183,189,186,186,186,178,186,189,136,134,183,196,196,189,189,189,183,137,139,191,196,186,137,136,183,194,196,199,202,199,202,207,199,196,202,212,217,209,196,194,202,199,143,189,204,217,230,230,225,222,225,225,217,207,205,207,209,215,215,212,207,207,212,217,222,225,225,222,215,212,212,209,204,204,207,204,196,189,183,135,117,113,123,181,129,120,124,126,129,181,130,125,133,186,181,178,135,178,181,186,189,189,191,189,183,135,133,133,132,135,178,181,186,186,181,178,178,181,181,181,181,183,189,186,181,183,189,196,212,207,168,173,199,209,204,200,202,207,212,209,207,199,133,115,105,105,186,199,183,183,135,129,128,130,135,191,204,194,127,123,127,183,191,196,194,183,181,183,183,178,176,174,176,183,183,176,172,172,174,176,133,129,127,125,121,125,127,125,123,119,119,131,202,217,222,220,215,209,209,207,202,199,202,207,212,212,212,212,212,207,209,217,217,178,14,16,41,113,119,121,127,176,173,125,125,181,196,202,204,204,209,215,125,75,56,103,127,173,125,112,106,129,183,173,178,189,186,183,186,186,178,178,186,191,186,181,181,183,181,186,199,209,212,212,212,215,212,209,207,209,207,209,217,225,217,189,131,178,186,186,183,186,191,196,196,87,31,42,176,209,212,207,199,191,189,191,189,177,176,181,183,178,178,186,194,191,183,181,137,135,186,194,191,194,196,194,191,191,194,202,202,194,182,183,199,207,207,204,204,204,194,186,183,181,183,183,181,186,191,186,135,133,133,135,183,186,189,199,207,209,209,212,217,209,133,135,123,186,196,202,202,202,199,196,189,133,132,137,191,194,196,202,196,139,136,139,191,202,202,196,194,189,138,137,186,189,139,138,189,202,207,209,212,215,217,222,222,217,212,207,204,196,186,138,137,186,191,204,217,215,202,196,202,196,183,137,128,125,133,194,212,222,225,222,209,207,207,199,189,189,186,186,191,189,135,130,133,139,139,139,186,196,212,217,215,209,204,204,204,204,207,209,207,196,191,196,207,209,209,207,209,209,196,138,135,136,138,186,191,194,189,186,186,191,196,196,202,209,209,204,199,199,202,207,209,207,202,196,135,131,133,183,181,129,189,186,179,181,183,186,194,207,215,217,222,222,222,222,222,222,222,222,225,228,230,230,228,225,222,215,215,212,212,209,208,209,215,212,207,205,209,212,212,215,222,222,215,212,222,230,233,233,235,241,243,241,238,241,243,246,246,243,243,246,251,251,251,246,246,246,241,233,228,222,217,217,212,155,150,150,153,155,204,204,155,153,153,215,225,235,243,246,248,248,251,251,248,251,251,248,248,248,248,248,248,248,248,248,248,251,251,0,0,0,0,0,0,0,0,0,251,251,248,246,246,246,243,238,235,235,241,246,246,243,241,238,235,228,217,209,204,199,194,191,191,191,191,194,191,191,191,196,199,199,202,209,215,215,215,215,212,212,209,209,207,204,204,204,204,204,204,204,202,202,204,207,209,207,204,202,200,200,202,204,207,204,202,199,199,204,207,212,212,212,207,199,194,192,194,199,202,199,196,191,191,191,194,194,196,196,194,194,196,196,199,202,202,204,202,199,196,194,196,202,207,207,199,176,181,199,207,204,199,199,207,217,233,241,238,238,235,225,209,215,225,233,238,235,233,230,233,230,228,222,221,222,222,222,217,217,222,225,225,225,228,233,238,235,233,233,233,233,233,233,230,222,216,216,217,225,228,233,238,238,238,241,246,251,254,255,0,0,0,255,255,251,248,246,243,248,243,235,233,233,233,233,230,225,225,225,225,222,217,217,217,53,51,50,53,61,69,69,59,53,43,33,13,12,17,39,53,53,43,41,53,95,95,59,47,47,53,59,59,57,51,41,41,45,45,45,41,31,13,0,0,0,0,13,15,15,21,39,53,55,55,59,77,116,126,126,129,91,80,80,85,85,82,81,89,160,189,183,123,115,118,125,127,194,243,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,199,121,113,107,110,176,241,255,255,255,250,255,255,255,246,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,40,11,0,5,61,100,103,121,129,113,104,105,116,131,147,155,142,101,95,139,157,168,168,161,157,157,168,194,220,230,238,241,230,196,173,196,225,243,248,235,157,85,81,85,87,89,101,150,163,173,178,178,189,209,209,212,194,194,0,207,190,217,255,255,255,255,222,113,23,1,31,131,155,124,108,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,21,0,0,0,0,19,0,0,0,53,217,254,235,212,147,111,105,121,150,183,178,134,73,72,79,41,0,0,29,39,0,0,0,0,19,57,131,142,144,189,222,225,233,207,85,0,0,0,15,75,137,131,85,78,80,81,65,57,59,79,131,129,124,87,63,8,0,19,43,49,57,75,69,53,53,73,93,129,87,73,69,71,79,91,97,97,97,97,91,77,76,89,139,147,147,152,165,176,173,173,152,103,103,139,101,95,95,95,99,99,99,97,97,103,144,176,186,186,176,176,181,160,93,82,85,93,91,85,76,74,77,85,95,101,103,142,142,144,150,157,160,163,157,107,94,91,93,105,111,95,92,92,103,157,165,155,103,100,101,107,111,115,117,117,117,119,157,157,165,173,183,191,196,189,189,189,196,196,204,217,217,204,194,183,178,179,191,215,233,238,238,246,255,255,255,255,255,255,255,0,0,255,255,255,255,255,170,61,49,41,17,0,0,0,0,0,0,0,19,19,13,11,0,0,0,0,0,0,0,0,0,0,0,0,0,118,144,157,178,207,225,217,202,178,168,160,152,144,137,142,152,170,181,196,204,194,173,150,134,131,139,152,178,207,207,207,202,186,157,0,0,0,0,0,0,0,212,212,215,207,173,116,57,29,1,0,0,0,0,0,9,53,131,176,196,207,194,173,157,157,157,168,168,170,178,186,186,173,155,105,93,93,93,99,105,107,107,139,101,101,101,93,93,93,131,134,121,83,83,75,65,51,35,21,20,20,23,31,41,31,21,19,19,21,23,27,33,43,49,59,67,69,69,69,69,69,68,73,89,139,157,173,181,191,191,181,181,181,173,163,113,113,113,155,157,157,111,93,85,91,91,78,81,99,119,178,189,189,176,119,103,91,84,79,80,91,111,160,173,181,181,176,168,163,170,191,202,202,207,202,186,0,0,0,0,0,0,170,186,212,230,228,168,77,15,0,0,0,0,0,0,0,0,0,0,0,0,0,21,41,53,71,147,170,173,183,181,173,170,173,173,170,178,191,209,212,212,204,191,178,119,105,111,127,186,204,212,220 +0,0,142,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,207,215,215,209,212,212,196,121,121,163,196,212,212,209,212,215,217,215,212,209,207,207,204,204,204,204,204,199,199,204,202,196,196,196,202,204,209,209,212,215,202,71,47,21,71,115,125,168,173,173,176,191,202,194,181,183,189,196,207,212,217,217,215,217,209,204,217,225,222,83,43,194,202,212,217,215,215,212,215,222,230,217,97,63,204,202,170,125,127,127,168,176,181,186,189,183,170,161,156,189,204,202,191,182,183,189,183,183,183,186,194,199,196,191,191,191,191,189,187,191,199,199,204,207,209,207,199,186,137,134,133,135,181,133,129,131,133,131,135,181,133,131,181,204,215,222,233,241,131,54,62,233,233,233,230,228,225,222,215,212,204,199,194,191,191,187,187,191,189,123,112,186,202,207,191,131,129,194,222,228,77,107,119,209,222,225,225,202,194,125,37,27,75,220,225,225,230,230,230,230,228,225,207,110,127,199,225,230,230,228,228,230,230,222,207,199,199,207,217,225,228,215,204,202,207,209,207,204,199,194,196,196,189,186,196,194,130,121,128,212,217,204,183,115,80,80,178,199,196,186,132,129,130,181,191,202,222,228,215,204,191,181,181,181,128,124,128,189,204,196,181,181,191,194,189,182,181,179,181,186,189,186,133,130,135,183,191,204,209,199,129,123,125,196,207,212,215,212,204,191,186,186,181,181,189,189,183,189,204,209,207,209,212,209,207,204,181,35,0,91,113,119,121,173,191,194,183,173,173,191,212,222,215,209,209,212,202,191,191,199,199,191,186,183,77,58,69,191,191,196,199,196,189,191,202,209,194,187,189,194,196,194,194,191,139,137,194,217,230,228,217,212,215,220,215,202,194,199,207,199,137,132,181,183,186,191,194,183,191,194,137,132,183,204,199,191,191,191,191,186,189,194,194,186,135,136,191,196,194,196,207,207,209,217,220,207,196,196,207,204,196,196,204,209,209,204,209,217,228,230,228,228,230,230,222,209,205,204,205,209,215,215,209,207,212,217,225,228,228,222,215,212,212,212,209,207,207,209,209,204,137,123,117,117,207,212,199,126,127,127,127,196,194,124,186,194,181,132,130,131,135,186,191,194,196,191,178,133,133,134,132,132,132,134,181,183,181,135,135,133,178,183,181,181,181,183,186,189,199,209,222,230,163,153,204,207,202,200,202,207,207,204,191,181,119,104,104,105,209,207,207,207,194,183,131,130,131,131,133,133,123,123,129,135,178,135,129,131,135,178,178,181,176,172,173,183,189,183,176,176,181,183,133,127,129,127,121,123,123,121,118,113,109,107,114,191,212,215,212,207,204,204,196,191,199,209,212,212,215,215,215,215,215,222,202,57,10,15,89,121,123,121,129,181,176,124,125,176,199,204,204,199,194,189,91,79,85,107,176,178,129,92,85,123,129,123,131,189,191,186,183,189,176,126,133,183,181,179,179,181,181,183,191,204,209,212,212,212,212,207,204,204,207,212,217,225,225,209,194,191,189,186,183,181,181,183,181,63,23,21,69,186,194,194,191,189,194,194,181,173,174,181,181,178,181,189,194,191,189,183,136,134,137,189,191,194,196,191,189,191,199,202,202,199,196,196,207,215,215,209,209,209,204,189,179,179,189,186,186,189,186,181,186,186,135,137,181,137,137,191,207,209,209,212,215,204,189,181,181,189,196,199,202,209,212,207,191,128,128,137,194,191,194,199,199,191,141,141,191,196,199,196,196,196,194,186,141,141,186,189,191,196,204,209,217,225,225,222,222,217,212,217,212,196,141,138,189,141,186,199,212,212,209,212,209,202,191,137,125,124,131,191,209,217,222,215,207,207,204,194,186,189,183,186,189,199,196,122,131,133,135,139,191,207,217,222,215,204,199,199,202,207,212,212,207,191,131,194,207,215,212,194,199,204,202,191,186,139,138,186,191,189,186,186,191,196,194,189,191,199,207,207,204,204,207,209,209,207,207,204,194,183,183,186,189,194,196,189,182,183,183,183,189,204,215,222,225,225,222,217,217,217,217,217,220,225,228,230,230,228,222,217,215,215,212,212,209,209,209,207,205,207,209,212,215,217,222,225,215,207,212,225,228,228,233,238,241,238,238,241,241,241,243,243,243,246,248,251,251,248,248,248,243,235,230,217,212,209,209,202,151,153,207,209,212,209,207,155,153,207,222,233,243,246,246,248,251,251,248,248,251,251,248,248,251,251,254,251,248,246,246,248,251,0,0,0,0,0,0,0,0,0,248,246,246,246,246,246,243,241,235,235,241,246,246,246,243,238,235,230,222,215,209,204,199,196,194,194,194,194,194,191,194,194,196,196,199,204,209,215,215,215,212,212,209,209,207,204,204,204,204,204,202,199,199,196,199,202,207,207,204,202,200,202,204,207,209,207,204,202,202,204,207,212,215,215,212,207,196,192,194,196,199,196,196,194,191,191,191,194,196,196,194,194,194,196,199,202,204,204,202,199,194,194,194,199,204,209,204,183,183,202,209,207,199,198,204,225,233,235,238,238,222,196,191,199,202,207,215,222,217,222,228,230,225,220,220,222,225,225,222,222,222,217,215,217,225,230,235,235,235,235,238,238,238,238,233,228,222,217,216,220,228,233,238,241,241,243,248,251,255,255,0,0,0,255,255,248,243,241,248,254,251,241,233,233,233,230,225,217,215,217,217,217,215,215,217,51,53,53,55,53,55,73,61,55,49,35,15,15,33,49,53,47,41,47,59,95,103,87,47,37,43,57,87,59,51,37,30,35,39,41,41,23,0,0,0,0,0,13,31,35,43,49,55,61,61,67,77,124,155,157,144,129,91,81,81,91,99,93,97,160,191,191,173,119,118,115,111,127,212,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,104,104,109,107,110,241,255,255,255,255,255,255,255,235,238,255,255,0,255,255,255,255,212,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,35,13,0,0,0,5,49,103,129,129,121,104,104,81,85,124,144,150,150,139,150,168,189,178,168,156,156,168,199,220,238,238,230,194,159,165,186,212,233,251,235,168,85,87,93,95,101,139,150,170,176,178,189,207,217,228,220,215,222,0,222,194,235,255,255,255,228,178,121,33,11,53,0,155,139,129,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,165,155,23,0,0,1,3,0,0,47,173,222,230,212,181,139,124,124,147,176,178,152,137,152,144,49,0,0,0,3,0,0,0,9,19,25,53,75,160,230,241,225,215,191,139,21,0,0,15,67,129,89,83,83,81,87,77,63,73,83,67,65,85,121,63,9,0,2,27,41,63,83,61,37,37,67,95,93,79,69,67,63,63,71,81,85,85,85,83,85,95,139,147,155,155,147,165,163,142,142,103,91,91,97,95,94,94,95,93,89,87,91,99,142,165,176,178,181,168,150,139,95,83,82,87,99,91,85,76,76,83,91,103,144,142,101,142,157,165,165,160,155,107,97,93,93,95,103,105,95,94,94,103,115,155,152,111,107,111,117,160,160,157,117,116,119,168,176,176,183,191,199,196,189,189,194,196,207,207,204,204,194,194,194,183,189,199,215,233,241,241,246,254,255,255,255,255,255,0,0,0,255,255,255,255,255,178,49,25,23,9,0,0,0,0,0,0,0,0,31,72,87,66,21,0,0,0,0,0,0,0,0,0,0,0,65,142,152,168,207,230,225,199,170,160,152,142,95,89,99,147,163,178,196,204,199,186,173,163,155,157,173,196,209,215,215,207,186,165,0,0,0,0,0,0,0,202,202,204,191,160,95,31,0,0,0,0,0,0,0,0,35,87,170,196,207,199,186,168,157,150,150,152,155,160,168,168,163,111,93,90,93,97,105,144,144,105,101,101,101,101,131,131,131,131,131,129,83,77,77,69,55,43,27,21,20,23,29,35,29,23,19,19,19,19,23,29,39,49,59,67,73,75,75,73,73,73,77,93,147,168,183,194,191,191,191,183,181,165,155,115,113,155,155,157,119,111,99,91,91,83,75,75,89,109,173,189,189,178,123,109,101,95,91,97,107,157,168,183,191,191,176,163,159,163,181,194,209,222,222,194,0,0,0,0,0,0,178,189,212,235,228,181,90,25,0,0,0,0,0,0,0,0,0,0,0,0,3,31,49,61,108,144,170,181,186,181,170,170,181,189,202,202,209,220,212,204,202,186,133,113,102,106,131,202,212,220,222 +0,0,131,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,207,209,209,208,208,212,215,189,150,163,191,207,209,209,212,215,217,217,215,212,209,209,207,204,207,207,207,202,202,204,202,196,195,199,204,207,207,207,209,209,113,69,68,77,101,109,106,107,121,176,183,189,194,189,181,194,199,204,207,212,215,215,222,225,212,199,202,215,131,10,0,61,194,215,209,209,212,212,215,225,230,115,14,39,199,207,186,173,168,168,176,181,186,194,202,196,183,172,170,189,202,202,194,186,183,194,196,194,186,183,189,196,199,199,194,189,189,187,191,202,207,204,204,212,212,209,199,186,136,133,132,135,137,131,129,181,191,191,191,194,137,129,130,186,204,217,228,233,119,65,81,222,225,230,230,225,215,204,199,204,204,196,187,185,187,189,189,196,196,183,135,196,199,191,133,121,117,113,71,43,0,59,186,233,233,230,235,243,181,0,0,0,43,215,220,225,225,230,235,225,222,212,97,133,194,215,228,233,230,230,230,230,230,228,217,209,207,207,212,225,228,215,202,204,212,212,212,215,215,204,199,196,194,194,202,194,131,125,130,207,209,196,183,131,84,83,123,199,204,194,133,127,128,135,183,189,202,215,215,207,194,181,137,133,126,124,128,186,194,183,134,178,194,196,189,182,182,186,189,199,202,199,178,131,131,135,181,191,194,183,129,125,126,194,215,230,233,228,215,194,189,189,191,196,202,196,189,186,196,202,202,204,209,207,204,199,109,0,0,5,109,121,125,181,199,209,209,202,194,196,207,212,215,212,209,199,179,177,179,191,194,191,189,186,125,101,127,194,191,189,191,191,186,183,191,199,196,194,191,189,194,202,204,209,204,199,207,225,233,233,222,212,212,215,209,194,190,194,204,204,186,133,135,135,135,189,189,189,196,199,181,131,135,194,194,191,194,199,202,199,196,194,191,139,137,139,196,199,194,194,204,215,217,217,217,207,194,191,196,196,196,199,209,217,222,215,215,217,225,225,225,228,228,228,225,215,207,203,203,207,217,217,212,207,207,215,222,228,225,217,212,212,212,215,212,212,209,209,212,209,183,121,111,181,225,228,215,191,131,186,196,199,127,120,186,194,178,132,131,131,133,183,191,199,202,196,183,178,181,183,178,132,131,132,134,181,181,132,127,129,133,181,183,183,181,186,186,189,199,209,217,217,161,155,189,199,202,202,202,202,196,186,178,131,119,103,104,102,212,217,222,217,209,199,133,130,131,127,123,121,122,131,186,186,178,128,121,128,181,186,189,189,183,174,173,183,189,186,181,183,191,189,178,127,125,123,119,123,123,121,117,113,109,108,114,133,199,204,202,202,183,133,181,189,202,212,215,212,220,217,215,215,220,212,55,16,23,111,183,176,173,176,181,186,173,122,124,173,202,207,204,194,127,107,88,88,125,183,194,196,191,116,109,119,118,115,121,186,194,183,181,181,129,121,124,176,181,181,181,181,181,181,181,189,202,209,212,212,209,207,202,199,204,209,215,217,217,209,199,191,186,186,186,183,181,183,181,127,49,40,83,133,189,194,196,196,204,207,189,176,176,178,181,181,186,191,191,189,189,186,183,136,137,186,189,194,194,189,187,191,202,204,202,202,202,204,215,217,215,212,209,209,204,191,178,177,183,183,186,189,181,178,189,194,183,181,137,132,131,137,196,207,209,212,212,207,199,191,189,194,196,196,199,209,215,212,207,136,133,183,194,191,191,199,199,194,189,186,189,196,202,199,196,196,196,189,186,189,196,199,194,190,196,209,222,228,228,225,220,217,217,222,212,194,139,141,191,137,135,189,202,207,209,215,215,209,202,194,133,129,135,189,204,215,217,212,209,209,204,191,137,133,125,129,181,202,202,116,124,130,135,183,194,207,215,215,209,198,196,198,202,207,209,209,202,133,124,133,202,215,209,181,186,199,202,199,194,186,141,189,191,186,186,189,196,199,194,183,183,189,196,204,207,207,209,209,209,209,209,204,199,191,186,186,186,191,199,196,191,189,186,183,183,191,204,217,228,228,222,215,215,215,215,215,217,222,225,228,228,228,228,225,225,222,222,217,215,212,209,207,207,209,212,217,220,222,222,222,209,202,203,215,222,225,230,235,238,241,238,238,238,238,241,243,246,246,246,248,251,254,254,254,248,241,233,225,212,209,207,202,153,153,207,215,217,212,207,155,153,155,215,230,238,238,241,246,248,251,251,251,251,251,251,251,251,254,254,251,248,246,246,246,251,0,0,0,0,0,0,0,0,0,248,246,243,246,246,246,243,241,238,235,238,243,246,246,241,235,230,230,230,225,217,209,204,199,199,196,194,196,196,194,194,194,194,194,196,202,207,212,215,215,212,209,209,209,207,204,204,204,204,204,202,199,196,194,194,199,204,204,204,202,202,204,207,209,209,209,207,204,204,207,207,209,212,215,215,209,204,196,196,196,194,196,196,199,196,194,194,194,196,194,194,194,194,196,202,204,204,204,204,199,196,194,194,196,202,207,204,189,187,204,212,209,204,199,209,225,228,225,230,230,212,194,145,145,143,144,199,207,212,215,225,230,228,222,221,222,225,222,217,217,215,212,209,215,222,233,238,238,238,238,241,243,243,241,238,233,230,222,217,217,225,235,241,241,241,246,251,254,255,255,0,0,0,255,246,239,239,243,255,255,255,243,233,233,233,230,217,213,213,213,215,217,217,215,217,57,63,63,49,15,11,61,63,49,47,47,33,23,35,55,55,41,41,55,87,105,113,105,85,45,35,41,55,87,61,45,37,39,39,39,35,15,0,0,0,0,3,21,39,53,59,59,67,73,69,63,67,83,139,144,139,137,129,89,83,85,97,93,91,111,176,191,183,163,118,116,116,127,194,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,112,113,129,176,215,255,255,255,255,255,255,255,228,202,217,255,255,255,255,255,255,248,196,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,43,40,0,0,0,0,0,0,53,121,137,129,121,118,81,59,55,81,142,157,157,170,191,199,191,178,168,168,194,209,230,233,230,209,163,150,156,176,199,215,243,248,194,93,87,95,103,139,150,155,160,170,186,202,215,228,233,228,217,222,0,222,194,217,0,255,255,199,186,144,47,0,39,126,157,160,157,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,5,0,0,0,0,0,103,199,191,82,0,0,0,0,0,0,17,113,176,202,204,186,144,111,73,113,152,191,194,196,212,199,85,17,0,0,0,0,11,13,9,0,0,17,37,142,222,233,222,209,191,139,35,0,0,7,39,69,83,93,144,144,144,142,95,87,73,60,65,79,85,63,19,2,7,23,33,47,61,47,35,45,75,95,93,75,64,63,63,63,71,79,79,77,75,75,89,103,147,147,155,165,155,155,137,87,87,87,86,91,97,95,93,92,95,99,87,87,91,99,142,157,170,176,168,142,97,87,80,78,80,91,93,93,87,83,89,97,144,160,157,144,103,101,152,155,155,109,109,105,97,97,105,107,105,105,105,105,109,115,155,157,155,155,155,155,155,160,160,165,165,165,165,178,183,189,191,196,196,189,186,186,189,196,207,207,204,194,194,202,204,202,199,202,222,241,246,246,246,254,255,255,255,255,255,0,0,0,255,255,255,255,255,178,49,37,49,41,0,0,0,0,0,0,0,0,37,100,129,124,111,0,0,0,0,0,0,0,0,0,0,0,108,155,157,168,207,235,225,191,157,150,134,85,57,51,63,93,152,173,194,196,196,196,183,181,176,176,186,204,215,228,222,207,186,168,0,0,0,0,0,0,0,207,202,191,181,144,85,21,0,0,0,0,0,0,0,0,25,71,168,196,209,207,194,176,160,150,142,109,109,111,152,152,111,97,90,90,97,107,147,155,147,144,100,101,101,101,101,131,139,139,131,121,83,77,69,69,63,51,31,23,21,21,27,29,27,21,19,17,17,17,21,27,41,49,59,69,75,75,73,73,77,79,81,131,157,181,194,202,191,183,183,181,173,157,155,155,155,163,163,157,113,111,105,97,91,79,75,75,89,109,168,189,189,186,170,125,115,109,109,117,168,176,183,191,204,194,176,163,159,160,176,191,209,230,230,204,0,0,0,0,0,0,181,191,212,230,220,168,90,27,0,0,0,0,0,0,0,0,0,0,0,0,7,35,51,65,118,142,163,181,191,181,170,168,181,204,212,209,209,212,209,189,181,178,127,107,102,106,131,202,212,220,222 +0,0,59,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,202,215,212,212,209,208,209,215,209,176,170,186,202,209,215,215,215,215,215,215,212,212,209,209,207,209,209,209,207,207,207,202,196,196,202,204,204,204,207,207,196,87,65,66,75,107,119,113,108,117,168,176,181,183,179,178,196,204,209,212,212,215,215,222,228,217,199,186,121,0,0,11,93,181,202,204,207,212,212,215,217,181,21,0,75,191,196,183,176,173,178,191,196,202,209,217,215,207,204,204,196,196,194,194,189,189,202,209,204,183,178,183,186,194,199,194,191,191,191,196,209,217,212,209,212,212,209,202,191,183,139,183,189,186,133,130,191,202,196,196,199,186,133,131,183,199,209,215,194,75,62,83,186,217,225,228,222,207,194,189,196,209,202,186,185,189,191,194,202,207,207,209,217,215,202,135,117,99,15,0,0,0,0,91,235,235,235,238,235,235,75,0,0,0,194,212,225,228,228,228,199,194,191,202,212,215,222,228,228,228,228,228,230,230,230,228,222,212,202,196,207,209,199,196,207,217,217,215,222,225,222,209,204,199,194,194,194,183,131,178,194,194,181,178,181,104,99,121,186,199,196,183,130,131,137,181,181,191,212,222,217,196,183,137,131,128,133,189,194,189,133,130,181,202,202,191,182,186,196,204,209,207,196,183,131,129,129,133,181,186,183,181,135,127,181,215,233,235,228,212,194,186,187,191,202,204,204,196,191,189,191,194,199,202,204,202,202,91,0,0,25,173,176,176,176,189,207,217,215,204,199,199,199,209,215,207,186,177,173,176,186,196,196,191,194,207,212,202,194,189,186,191,191,186,137,137,186,204,212,204,183,186,212,209,212,212,209,212,222,230,228,222,212,212,212,207,196,192,196,207,207,189,131,127,123,127,183,186,183,191,196,181,132,135,189,191,191,196,202,209,212,209,199,191,183,183,191,196,199,194,189,191,204,209,209,207,202,196,191,191,191,194,202,215,225,228,225,222,220,222,225,225,225,228,228,225,222,212,204,204,212,222,225,215,205,205,209,222,228,225,215,209,212,215,215,217,217,215,212,209,207,196,133,103,181,217,228,228,217,121,191,202,194,107,116,133,181,132,132,135,135,135,183,191,199,204,199,189,183,186,189,189,183,183,183,183,181,133,128,125,129,133,178,181,183,186,189,186,186,191,202,207,194,169,166,181,196,199,199,189,135,119,86,96,133,131,125,121,117,222,222,222,215,209,194,129,128,178,178,126,122,126,186,196,194,186,131,124,183,196,202,199,191,183,178,176,183,186,183,183,191,202,199,186,133,123,115,113,133,178,133,127,129,131,127,127,133,183,176,117,115,118,116,127,181,183,202,204,207,212,207,202,196,176,105,38,26,63,196,209,207,202,186,173,173,127,123,124,170,194,202,196,119,99,97,103,178,207,204,204,207,204,189,131,123,115,114,121,178,183,173,176,183,131,120,120,176,186,191,191,189,183,181,179,178,186,199,207,207,207,204,196,195,199,207,209,209,209,202,196,191,189,189,189,186,183,181,181,176,123,125,133,176,186,199,207,209,220,225,207,186,178,183,189,194,199,202,196,191,191,194,194,186,183,186,189,194,196,189,186,189,199,202,202,199,199,204,215,217,215,209,209,209,207,194,179,178,181,181,183,189,181,178,186,196,191,186,181,132,130,133,186,202,207,209,209,209,204,199,196,194,191,189,191,202,209,215,217,209,196,194,194,191,194,202,204,196,189,189,194,202,202,194,189,194,194,191,191,199,207,207,196,189,194,209,222,228,228,228,222,217,222,222,212,191,133,137,141,133,132,135,189,199,207,215,217,212,209,207,196,183,181,186,199,209,212,212,212,212,204,191,135,123,118,121,127,196,196,117,121,131,139,189,199,207,212,212,209,199,199,199,202,204,209,209,196,135,124,124,132,204,196,177,185,196,204,204,199,194,194,196,194,191,194,199,202,204,196,183,181,182,191,202,207,209,209,209,209,209,209,204,202,196,191,183,181,181,194,196,191,189,186,183,140,139,191,212,225,228,222,215,215,215,217,217,217,217,222,225,228,228,228,230,230,228,225,222,215,212,207,207,207,209,212,217,222,225,225,217,204,198,199,207,215,222,228,233,238,241,241,238,235,235,238,241,243,246,246,246,248,254,255,255,254,246,238,228,215,207,204,202,151,151,204,215,222,217,209,155,153,155,209,225,230,230,235,243,248,251,251,254,254,254,251,251,254,255,255,254,248,244,244,246,251,254,0,0,0,0,0,0,0,0,248,246,243,0,0,246,243,241,238,233,233,238,243,246,238,228,225,228,235,233,228,217,212,207,204,199,199,196,196,196,196,194,194,194,196,202,207,209,212,215,212,209,209,209,207,204,204,204,204,202,202,199,194,192,194,199,204,204,204,204,204,204,207,209,209,209,207,204,204,207,207,209,209,212,215,215,209,204,199,194,192,194,199,202,199,196,196,196,196,196,194,194,196,199,202,202,204,204,204,202,199,196,196,199,202,204,202,189,189,202,209,209,207,202,209,222,222,217,222,225,215,204,199,145,142,142,194,207,212,215,225,230,230,225,225,225,225,217,215,209,208,208,208,215,225,233,241,241,241,241,243,246,248,246,243,241,235,230,225,222,225,233,238,238,238,243,248,254,255,255,0,0,255,254,241,238,239,248,255,255,255,241,230,230,235,230,222,213,213,215,217,217,217,215,215,55,67,67,35,0,0,23,47,11,23,43,41,25,25,43,47,35,41,59,98,111,111,105,98,55,34,28,41,61,98,65,53,49,43,35,23,9,0,0,1,3,15,31,53,63,69,73,75,103,77,63,60,69,83,87,83,85,85,83,73,73,77,77,73,87,152,183,181,163,119,121,127,178,194,233,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,215,212,220,255,255,255,255,255,255,255,255,225,131,124,173,217,241,0,255,255,255,248,207,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,43,13,0,0,0,0,0,0,25,113,144,144,139,129,79,35,19,41,131,165,176,191,199,199,194,189,189,199,209,228,238,233,220,202,161,150,157,176,183,199,241,255,235,111,93,101,107,147,150,155,157,168,189,209,217,228,233,230,217,230,0,230,179,186,255,255,225,186,215,191,113,37,41,103,147,168,176,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,46,56,48,40,23,0,0,56,105,90,0,0,0,0,0,0,0,0,61,142,168,173,147,113,59,36,53,131,196,222,233,238,215,126,49,35,21,0,0,15,23,15,0,0,0,21,95,202,225,228,217,199,165,81,27,3,1,19,39,69,134,170,178,165,157,150,89,65,65,77,65,55,39,8,5,19,25,23,27,35,35,41,69,95,134,129,81,67,67,67,71,77,85,77,73,71,73,85,101,139,139,157,181,176,165,99,82,83,87,86,95,101,95,90,89,99,105,93,87,91,93,97,142,157,157,142,95,89,83,79,76,80,91,99,97,97,97,99,144,155,160,157,152,144,101,99,99,99,99,105,105,107,107,152,152,111,105,105,115,157,165,170,170,165,163,160,117,113,113,117,160,176,178,181,194,202,199,199,199,191,181,178,176,181,189,196,207,204,204,194,204,215,215,202,202,225,241,246,246,246,255,255,255,255,255,0,0,0,0,255,255,255,255,251,173,85,67,67,47,0,0,0,0,0,0,0,0,19,79,116,129,139,85,0,0,0,0,0,0,0,7,7,33,147,178,168,176,207,225,217,178,150,134,85,51,21,9,21,57,134,170,183,196,204,204,204,196,196,196,207,217,238,238,228,217,186,168,0,0,0,0,0,0,0,215,207,191,170,139,85,21,0,0,0,0,0,0,0,0,11,57,160,186,207,207,194,186,168,157,144,109,109,109,109,105,97,86,87,93,105,113,157,163,155,144,105,101,101,101,139,139,139,139,131,91,75,67,67,69,71,61,43,27,23,21,25,27,25,21,19,17,16,17,21,29,43,57,63,73,75,81,73,73,73,79,89,139,165,181,191,191,181,181,181,181,163,150,113,115,163,170,170,163,111,107,105,105,91,79,78,83,97,117,173,189,194,189,186,178,170,168,170,176,186,191,194,204,207,202,181,168,160,163,170,181,209,233,233,209,0,0,0,0,0,0,178,189,209,220,199,157,82,27,0,0,0,0,0,0,0,0,0,0,0,0,9,35,55,71,124,147,163,178,202,186,168,166,178,204,220,212,204,202,189,178,170,127,121,107,105,113,133,202,212,220,220 +0,0,0,0,0,0,0,0,0,0,0,79,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,95,215,220,217,212,208,208,208,215,215,194,173,181,199,209,215,217,217,215,215,212,209,209,212,209,209,209,209,209,209,209,207,204,199,199,202,204,202,204,207,202,181,111,77,67,71,111,168,178,181,186,186,181,183,183,181,178,186,196,209,215,215,215,215,222,230,228,209,189,111,0,0,93,129,131,183,202,209,212,212,215,212,35,9,24,176,181,181,178,186,191,196,204,207,212,217,222,217,212,215,215,204,191,187,189,191,191,202,217,212,132,131,134,133,134,186,191,199,202,196,199,212,222,217,215,215,212,207,202,196,191,196,204,207,202,183,137,199,204,195,194,196,196,191,194,202,209,212,209,139,61,54,51,52,202,212,220,217,207,189,141,194,212,207,189,186,189,189,189,204,217,225,228,228,230,228,212,181,119,75,15,19,0,0,71,230,235,235,235,235,255,248,65,0,67,194,196,85,47,67,178,107,87,121,230,228,228,225,225,225,224,224,225,228,230,233,233,230,215,194,183,186,189,186,189,209,222,222,217,217,225,228,225,217,202,194,194,199,191,181,183,189,181,174,176,189,189,133,131,178,191,199,194,183,183,183,183,183,194,212,225,222,194,183,135,131,135,199,212,209,194,129,127,137,204,207,199,189,189,199,202,207,199,191,183,135,130,129,130,135,183,189,194,199,123,125,191,215,225,215,204,191,186,189,196,202,202,204,204,196,186,185,189,189,189,194,194,183,55,0,0,127,186,181,173,127,127,183,209,212,207,202,194,123,194,207,207,191,191,181,178,189,199,199,191,194,209,212,194,189,183,181,186,189,181,135,134,139,212,225,225,127,105,204,199,207,212,212,212,215,222,222,215,212,209,212,212,209,204,207,209,204,186,125,118,117,121,186,189,135,137,181,137,137,189,202,199,194,196,202,212,217,217,207,194,186,186,191,194,191,186,139,137,139,186,191,194,196,196,191,190,194,199,207,217,225,225,228,228,225,225,225,225,225,228,225,222,222,215,209,209,217,225,228,217,207,205,209,217,222,217,212,209,212,215,217,222,225,222,212,207,204,204,196,106,98,131,212,230,233,124,186,196,196,110,123,178,178,130,131,183,186,181,183,191,196,202,199,191,189,189,191,196,207,207,207,202,183,130,129,178,186,186,181,178,183,194,196,189,183,185,191,191,181,176,177,183,191,189,186,129,123,105,71,93,133,178,135,129,127,217,222,217,212,202,186,127,128,183,189,181,127,131,189,199,194,186,176,133,199,207,207,196,176,177,183,186,189,186,183,189,199,207,204,194,176,119,109,109,183,191,189,181,181,183,178,133,178,178,123,105,96,119,121,127,127,106,113,125,186,189,173,121,113,111,115,121,125,125,181,196,212,212,176,120,124,127,127,127,170,183,194,191,94,95,101,123,191,207,207,209,209,207,202,194,176,121,119,125,131,127,126,176,194,183,120,118,183,196,199,199,194,186,183,179,178,181,191,199,204,207,204,199,195,199,204,207,204,202,196,191,191,191,189,189,183,181,181,183,191,196,204,186,176,189,209,215,217,225,225,212,194,189,194,204,209,212,209,207,202,199,199,199,191,186,183,189,196,204,194,186,186,191,199,202,202,198,202,209,212,212,209,209,212,209,196,183,181,186,186,183,186,183,178,181,196,196,194,189,137,132,133,183,196,204,204,202,202,202,204,202,194,183,138,183,196,204,209,222,222,209,202,196,196,202,207,207,199,191,191,199,207,202,141,132,186,191,194,199,204,207,207,202,194,202,209,215,217,225,228,228,228,228,222,212,139,113,127,137,135,132,131,134,194,207,212,215,215,209,212,207,196,186,186,199,209,215,217,215,204,199,196,191,135,122,123,133,194,191,124,126,139,194,199,204,209,212,212,212,209,207,202,196,199,207,204,194,196,133,121,117,135,189,185,191,199,204,207,204,202,204,204,202,199,202,202,204,207,204,191,183,186,196,204,207,209,212,209,209,212,209,207,207,204,196,186,133,131,133,137,186,186,183,140,141,139,141,202,217,225,222,215,215,215,217,217,217,217,220,222,225,225,228,230,228,228,225,222,217,212,209,207,207,207,209,212,217,225,225,217,204,198,199,204,212,217,225,230,235,241,241,235,230,233,235,238,241,241,241,241,243,248,254,254,251,246,235,228,215,207,204,153,151,149,153,212,222,217,212,204,204,204,207,212,217,225,233,241,248,254,255,255,255,254,254,254,255,255,255,254,248,244,244,246,251,254,0,0,0,0,0,0,0,0,246,246,246,0,0,243,241,241,235,233,231,233,238,241,233,226,224,228,233,235,233,225,217,212,207,204,202,199,199,199,196,196,196,196,196,202,204,209,212,212,212,209,209,209,207,204,202,202,202,202,202,202,196,192,194,199,204,204,204,204,204,204,204,207,207,207,204,204,204,204,207,207,209,209,209,212,209,204,199,194,191,194,202,204,202,199,199,199,196,196,196,196,196,199,199,202,202,204,204,204,204,202,199,199,202,202,196,143,139,194,204,207,204,202,209,215,217,216,217,225,220,212,207,199,144,145,204,217,222,222,225,228,228,228,228,228,228,222,215,208,207,207,208,215,228,235,243,243,241,241,246,251,254,254,248,243,241,238,230,225,225,228,233,230,230,238,246,254,255,255,255,255,255,254,243,241,243,251,255,255,255,241,230,230,233,233,225,217,217,222,222,222,217,212,212,43,57,61,23,0,0,0,0,0,0,23,33,19,15,25,41,35,41,85,105,113,103,98,98,61,35,26,29,55,98,103,67,55,43,31,23,21,21,31,39,35,39,49,61,69,73,75,103,79,75,63,60,60,69,71,63,53,59,63,59,53,59,67,67,79,97,163,173,170,125,125,127,186,207,243,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,113,29,31,98,163,217,0,0,0,0,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,137,147,144,129,61,19,7,35,131,176,176,189,191,191,176,176,191,207,209,228,241,241,230,220,194,170,176,199,196,196,243,255,255,170,107,107,107,139,144,150,157,173,186,202,209,217,228,228,0,0,0,241,183,179,217,225,189,178,246,238,160,79,45,79,121,150,157,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,46,64,77,92,92,69,59,31,0,0,0,0,0,0,0,0,0,0,39,108,126,111,73,57,33,30,45,126,196,230,241,238,202,87,61,67,61,11,1,21,43,57,17,0,0,41,142,196,215,225,228,225,209,189,81,23,3,7,25,47,91,176,189,150,131,131,81,65,79,87,49,35,19,2,7,23,21,19,21,25,35,53,89,139,147,139,95,83,79,79,77,77,77,71,69,69,70,79,95,99,101,155,191,186,165,97,82,85,91,91,97,103,101,93,92,99,105,95,85,84,86,93,103,142,105,91,83,83,83,87,83,87,93,105,105,105,105,103,103,101,103,147,147,144,99,94,91,94,99,109,109,113,152,157,152,107,103,105,115,165,173,178,173,173,163,117,112,110,112,117,160,178,186,194,202,212,207,199,199,191,173,173,170,170,178,194,207,204,194,191,204,215,215,202,202,233,246,241,238,246,255,255,255,255,255,0,0,0,255,255,255,255,243,194,173,150,121,47,0,0,0,0,0,0,0,0,0,0,49,90,116,155,144,47,9,0,0,0,0,0,33,73,137,176,196,168,168,199,217,209,168,144,101,75,39,9,0,0,33,87,160,183,196,204,207,215,215,215,217,225,238,248,248,238,217,186,168,0,0,0,0,0,0,0,222,222,204,170,137,87,25,0,0,0,0,0,0,0,0,1,41,142,176,194,207,207,194,186,170,160,152,150,150,111,105,97,85,86,97,111,155,165,165,163,155,105,100,101,139,139,139,139,139,131,81,67,59,63,69,75,71,49,35,25,21,23,25,25,23,19,17,16,17,21,29,45,59,67,75,79,75,69,67,67,73,89,137,157,165,165,165,168,176,183,181,163,113,109,111,157,170,178,163,111,111,113,111,97,93,103,109,117,125,178,189,194,194,194,194,189,186,183,191,196,207,212,212,207,202,186,173,168,163,163,170,194,222,225,202,0,0,0,0,0,0,0,181,191,202,178,142,79,29,0,0,0,0,0,0,0,0,0,0,0,0,13,35,59,79,126,152,163,170,202,186,168,166,173,202,212,220,204,202,178,121,117,119,125,117,113,119,178,202,209,212,220 +0,0,0,0,0,0,0,0,0,0,0,0,152,74,90,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,209,225,217,209,208,209,209,215,217,181,157,178,202,209,215,215,217,217,215,212,209,212,212,212,212,209,212,209,209,209,209,207,204,199,199,199,202,207,207,191,123,119,181,199,176,117,111,117,186,209,212,199,183,183,191,183,181,186,209,217,217,215,215,220,228,230,217,194,129,89,10,93,119,129,178,202,209,212,209,209,204,34,29,199,181,176,178,191,204,207,202,202,207,209,215,215,209,208,209,215,207,191,187,189,189,186,196,220,215,130,131,137,131,128,135,196,212,212,199,195,204,215,217,222,217,212,204,199,194,196,204,209,209,204,191,189,202,202,192,191,196,204,212,217,222,225,222,217,215,105,63,42,19,99,196,209,215,207,189,139,189,204,207,196,189,187,183,183,202,225,230,230,230,233,233,228,209,204,212,215,212,83,0,77,222,233,235,233,235,248,243,109,87,181,212,207,53,0,0,0,0,27,196,222,230,228,225,225,225,225,225,225,230,230,230,235,233,220,194,138,139,183,186,194,215,225,222,217,222,222,225,228,222,196,186,199,202,196,186,186,189,183,176,177,202,215,207,186,183,191,199,202,196,191,183,182,186,194,204,215,207,189,181,137,135,183,204,215,212,191,129,128,137,199,204,202,196,199,202,127,178,191,194,189,186,183,135,131,133,183,189,194,209,120,118,127,191,204,202,196,191,191,199,202,202,200,204,207,202,186,185,191,183,173,173,173,121,57,79,117,191,194,186,129,124,124,176,204,209,204,199,183,105,103,129,207,207,209,199,191,196,196,191,186,189,194,186,128,186,186,181,138,138,137,136,137,191,212,215,212,91,58,107,183,204,212,209,204,204,212,215,215,209,207,207,212,215,209,204,204,199,181,123,119,119,127,183,183,131,129,131,135,191,207,215,209,202,199,204,212,222,225,215,204,194,189,183,139,139,137,137,133,130,131,135,139,143,191,194,196,204,207,212,215,217,222,225,230,230,228,228,225,225,225,222,217,217,222,222,220,222,228,228,222,212,207,207,212,215,212,207,207,207,209,215,222,225,222,212,207,204,207,199,127,46,94,135,209,212,189,186,186,191,115,125,181,178,130,131,189,194,189,186,189,191,194,194,191,189,191,196,202,209,212,209,199,135,131,189,228,222,212,191,178,183,204,204,191,183,183,186,183,179,181,191,194,186,135,131,129,178,178,96,127,129,131,129,125,123,204,215,215,207,194,183,131,131,178,183,183,133,133,183,194,194,181,176,183,196,207,204,186,170,173,191,196,196,189,183,189,199,204,202,191,131,113,107,107,181,189,186,176,125,123,121,123,176,183,176,116,108,196,178,131,129,109,109,97,41,19,0,0,17,117,183,183,183,183,176,107,112,183,170,123,126,173,176,173,176,186,199,199,113,103,107,121,178,191,204,212,212,207,207,207,196,176,125,123,129,125,125,178,191,127,118,121,191,202,204,202,194,186,181,181,186,189,189,191,202,209,207,202,196,196,202,202,202,199,191,186,183,183,183,183,181,179,181,189,204,189,103,85,101,189,212,215,217,217,215,202,189,186,199,215,217,215,212,212,209,207,204,199,194,186,183,186,202,209,202,189,185,189,196,204,204,199,199,207,209,212,212,212,212,209,199,186,183,191,191,183,183,186,179,179,199,207,204,196,183,133,133,137,191,202,202,194,189,194,204,207,202,189,137,139,199,204,204,209,212,209,202,199,202,207,209,209,202,196,196,202,204,196,133,129,137,189,196,199,199,199,199,199,199,202,207,209,215,222,228,228,230,228,215,202,117,98,116,183,186,135,130,130,191,207,212,212,212,209,212,212,204,196,194,202,207,215,222,215,183,137,202,215,217,207,202,204,204,194,135,135,194,202,207,209,209,212,215,215,215,209,196,186,189,199,194,190,212,212,128,115,132,196,196,199,199,204,207,204,207,209,209,204,202,199,191,194,207,209,199,191,196,204,207,209,209,212,215,212,212,209,209,209,212,204,191,135,127,124,126,139,191,140,139,141,141,186,194,207,217,222,217,212,209,212,212,215,217,217,222,225,225,225,225,225,225,222,225,222,215,215,215,212,209,209,209,215,222,225,222,207,200,200,204,209,215,222,228,235,241,238,235,230,230,233,233,233,233,235,238,241,241,243,246,246,241,230,225,217,207,202,151,149,147,151,207,217,217,209,207,209,212,209,207,209,217,228,238,248,254,255,255,255,255,255,255,255,255,255,254,251,246,244,248,251,254,0,0,0,0,0,0,0,0,246,246,246,0,0,241,238,238,235,233,231,231,235,238,235,230,226,228,230,233,230,225,217,215,212,207,204,202,199,199,199,199,196,196,199,202,204,207,209,209,212,212,209,209,204,202,202,202,202,202,202,202,199,194,196,199,204,204,204,202,202,199,202,204,204,204,204,202,202,204,204,204,207,207,207,207,204,204,199,194,192,196,204,207,207,204,202,199,199,199,199,199,199,199,199,202,202,204,204,207,204,204,202,202,199,199,194,139,136,139,196,202,202,199,207,215,217,216,220,225,217,209,204,199,147,196,215,230,230,228,228,230,230,230,230,228,228,225,222,212,209,209,212,217,225,233,238,241,241,243,246,251,255,255,254,246,243,241,238,230,228,225,222,217,222,233,243,251,255,255,255,255,255,248,243,243,243,248,254,255,251,243,233,228,230,228,222,215,215,217,217,217,215,209,209,33,43,51,33,0,0,0,0,0,0,5,25,19,9,11,23,33,45,87,113,113,98,87,87,61,49,34,34,47,67,105,105,65,47,35,39,43,49,59,69,63,59,63,65,73,73,75,77,77,69,63,63,63,63,57,53,48,51,53,47,45,53,67,73,81,93,150,173,183,178,127,127,186,212,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,113,45,23,23,79,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,111,144,144,121,45,0,0,35,131,168,168,165,168,157,157,157,176,199,207,230,246,248,246,241,230,220,220,225,215,215,251,255,255,202,163,147,107,103,137,147,163,176,186,196,202,209,217,228,220,235,0,0,207,186,186,186,178,209,255,255,168,51,27,41,95,131,129,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,35,66,90,100,95,87,74,15,0,0,0,0,0,0,0,0,0,0,47,100,100,71,59,37,30,30,61,144,204,230,230,222,186,91,81,129,93,51,27,43,91,152,79,0,0,93,170,202,212,215,228,228,225,202,87,29,19,23,29,29,41,142,150,75,47,57,61,73,131,124,55,41,29,7,9,19,15,19,27,35,43,69,95,139,147,139,137,131,99,91,73,65,64,65,68,68,70,79,91,91,93,144,176,176,147,91,82,91,93,91,95,101,139,139,142,147,147,99,87,81,83,97,142,142,97,89,71,66,71,87,93,99,101,105,105,105,103,103,97,96,96,101,109,101,95,92,91,94,99,147,155,152,152,157,115,103,99,103,115,165,173,173,173,165,119,113,112,113,119,160,176,186,191,194,202,202,191,191,191,176,165,170,170,168,170,181,196,196,194,186,194,204,202,202,212,233,241,235,233,246,255,255,255,255,255,0,0,0,255,255,255,254,228,165,165,155,71,0,0,0,0,0,0,0,0,0,0,0,45,90,108,157,165,124,41,0,0,0,0,0,39,131,170,178,178,165,168,196,215,207,176,150,139,89,57,19,2,4,33,83,152,173,186,199,207,217,222,222,230,238,251,254,248,238,209,178,160,0,0,0,0,0,0,0,228,233,215,170,137,85,31,0,0,0,0,0,0,0,0,0,31,124,163,183,196,207,207,194,186,178,170,160,152,152,109,95,90,90,97,111,155,165,170,168,157,144,105,139,139,139,144,144,139,131,79,63,58,59,69,77,77,59,43,29,25,23,25,25,23,21,19,17,17,23,29,43,53,63,69,73,67,63,59,59,67,79,126,139,139,101,139,150,173,189,181,163,113,109,108,152,165,178,170,157,119,163,121,111,109,163,168,168,178,186,194,194,194,194,194,194,194,191,196,207,209,215,212,207,204,191,181,170,163,155,157,181,204,207,186,0,0,0,0,0,155,0,170,181,181,168,134,82,35,9,0,0,0,0,0,0,0,0,0,0,1,17,41,61,108,134,152,163,170,186,183,170,166,173,189,204,204,204,189,170,105,103,117,127,127,125,131,186,209,212,220,220 +0,0,0,0,0,0,0,0,0,0,0,0,105,142,150,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,212,217,217,217,212,207,202,147,61,79,173,199,209,212,217,217,217,215,212,215,217,217,217,215,212,212,212,209,209,212,209,207,199,196,196,202,207,207,181,75,65,123,204,191,125,111,113,189,217,220,204,165,172,191,189,183,186,209,217,217,215,215,217,222,228,222,189,107,111,95,99,123,173,183,202,212,215,204,194,178,61,61,209,186,183,191,204,207,202,196,196,202,204,207,209,208,207,209,212,207,191,189,189,183,178,186,215,212,135,135,191,139,132,183,209,222,217,204,196,202,212,222,225,222,215,204,194,194,202,209,212,207,199,189,189,202,204,195,194,199,209,225,230,230,230,230,228,230,230,230,109,49,99,189,207,212,204,143,137,139,191,196,194,191,189,181,179,194,220,230,230,230,230,235,235,225,212,202,181,113,95,19,95,217,230,235,233,230,238,235,194,131,207,228,228,93,0,0,0,0,43,222,228,230,228,228,230,230,230,228,228,230,230,230,233,233,222,196,138,139,194,202,212,228,228,222,217,222,222,222,225,212,131,127,183,199,199,191,189,191,191,186,191,215,228,222,204,191,191,194,202,202,194,182,181,186,189,191,196,196,189,186,186,189,191,199,204,202,183,131,132,183,194,194,194,199,207,207,45,49,183,199,196,194,191,183,133,133,181,186,191,202,120,118,123,183,196,196,194,196,207,217,215,207,204,207,207,199,186,194,202,183,125,121,119,117,101,235,215,199,202,199,178,127,127,186,204,202,196,189,125,103,85,90,199,204,199,196,199,202,196,186,183,183,181,129,127,191,191,183,137,136,137,186,191,196,199,196,186,87,56,81,191,212,215,207,196,195,199,209,212,207,205,207,212,212,207,196,195,196,133,119,125,131,133,135,133,131,129,129,137,204,217,222,220,212,209,212,217,225,225,217,212,204,191,135,129,133,137,139,135,129,127,128,131,139,194,204,215,222,217,215,215,215,217,225,230,230,228,225,225,225,225,222,216,217,225,228,225,225,228,228,222,215,209,209,212,209,204,202,204,204,209,215,222,225,222,215,212,212,209,199,186,41,90,115,181,199,209,199,183,183,117,125,135,133,128,130,186,196,196,194,191,191,191,189,189,189,191,199,204,209,212,202,132,130,191,222,230,230,222,199,181,181,196,199,191,191,191,189,186,186,194,204,204,191,133,131,183,202,196,131,178,129,128,129,126,127,194,204,202,183,135,176,131,129,133,176,183,186,181,176,183,191,183,181,194,199,207,207,186,174,181,199,207,202,191,182,183,189,189,186,183,173,121,112,115,183,183,176,127,120,116,113,115,125,181,181,133,133,191,129,125,178,207,212,109,27,0,0,0,25,183,194,181,179,189,178,81,84,178,186,181,183,183,178,172,181,196,212,212,196,123,111,119,173,183,196,207,212,209,209,212,207,189,119,102,173,129,129,133,127,118,119,133,199,207,209,204,196,189,181,181,189,189,186,186,196,204,204,196,194,196,199,202,202,199,194,186,183,186,186,189,186,183,183,189,65,47,39,39,51,89,186,199,207,209,207,194,176,130,186,212,217,215,212,212,215,212,207,202,194,183,182,186,202,215,207,194,189,191,199,207,209,202,199,204,212,215,215,215,212,207,196,186,186,191,191,186,139,183,183,183,207,215,212,199,183,135,133,135,189,202,202,191,183,191,204,215,212,199,139,183,196,199,196,194,199,202,202,202,207,212,212,209,207,202,199,202,199,191,132,130,137,189,194,196,194,192,194,196,195,195,202,209,217,225,225,225,225,225,217,207,131,108,116,183,194,186,131,130,196,209,212,212,212,209,212,212,209,204,199,199,199,209,222,212,103,97,186,212,217,215,215,217,212,204,194,194,199,204,204,207,209,212,215,215,215,204,191,140,141,191,191,191,209,217,199,135,194,207,202,196,194,196,202,204,207,207,207,207,204,191,135,139,204,209,204,199,199,204,209,209,212,215,217,215,215,209,207,209,212,209,202,186,129,124,127,191,204,194,141,189,191,189,189,196,207,215,217,212,204,202,202,209,215,217,217,217,222,220,215,215,217,222,222,222,222,225,225,222,215,212,212,215,217,222,217,209,203,203,207,209,215,222,228,233,235,235,233,230,230,233,233,231,231,231,235,235,233,235,238,238,233,228,222,220,209,202,149,147,146,149,204,215,212,207,207,212,217,215,209,209,215,225,235,243,251,255,255,255,255,255,255,255,255,255,255,254,248,246,248,254,0,0,0,0,0,0,0,0,0,246,246,248,0,0,241,238,238,238,235,233,233,235,241,241,238,235,230,230,230,225,222,217,215,212,209,204,202,202,202,202,199,199,199,199,202,204,204,207,209,212,212,209,207,204,202,202,202,202,202,199,199,199,196,196,196,199,202,202,199,196,196,196,199,202,202,202,199,199,202,202,204,207,207,204,202,200,202,199,196,194,199,207,207,207,207,204,202,202,202,202,202,199,199,199,199,202,202,204,207,207,207,207,204,202,196,191,139,135,138,191,202,202,199,207,215,222,222,222,222,212,199,194,147,146,196,217,233,235,233,233,235,235,233,230,228,228,225,225,225,222,217,217,222,225,230,233,241,243,246,248,251,255,255,255,251,246,243,243,238,230,222,213,212,215,228,241,248,254,255,254,254,251,243,239,241,243,246,251,251,251,246,235,230,228,225,215,207,207,207,209,212,209,207,207,19,25,37,37,0,0,0,0,0,0,3,23,23,13,5,9,17,31,55,111,113,103,90,95,90,61,53,43,43,55,98,105,95,53,47,53,59,67,95,103,98,73,69,67,67,73,103,108,105,77,69,71,71,63,59,59,57,59,57,45,41,49,65,73,81,87,111,183,199,191,173,127,178,194,222,243,230,212,215,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,255,255,255,255,207,113,98,105,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,137,137,100,13,0,0,0,61,139,157,157,147,139,150,157,168,176,199,233,255,255,255,255,248,246,251,251,243,233,251,255,251,207,173,155,107,103,103,144,168,181,186,186,189,202,209,209,212,217,0,0,215,191,186,168,178,235,255,255,118,17,6,35,98,126,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,74,92,85,61,23,15,0,0,0,0,0,0,0,0,0,0,5,90,126,134,124,103,57,35,33,67,152,209,222,222,212,186,144,157,196,178,87,71,134,194,207,147,9,29,160,194,207,207,199,207,217,209,150,49,25,33,51,47,22,16,75,81,45,31,33,57,87,131,93,75,65,49,29,23,21,17,33,47,51,57,73,91,97,95,131,137,147,152,99,71,61,60,65,71,71,75,85,95,91,90,101,155,147,97,82,78,85,87,84,89,97,142,160,163,168,160,107,87,82,87,142,165,155,103,95,71,60,63,75,93,99,105,99,99,97,97,97,97,97,97,103,101,101,95,95,95,99,99,113,152,113,113,152,107,100,99,105,115,157,165,170,170,165,160,117,119,163,178,186,186,194,194,194,194,181,176,176,178,165,119,165,163,163,125,173,186,194,186,183,183,186,191,202,212,230,233,222,222,238,255,255,255,255,255,0,0,255,255,255,255,246,194,152,155,142,47,0,0,0,0,0,0,0,0,0,0,0,37,82,90,139,165,139,82,13,0,15,17,9,27,124,160,165,160,160,168,199,215,207,178,157,147,134,89,57,39,35,57,95,157,173,0,199,207,217,222,222,235,246,254,254,251,230,202,168,150,0,0,0,0,0,0,0,235,241,215,170,126,57,25,0,0,0,0,0,0,0,0,0,19,0,160,186,196,207,199,194,189,186,176,163,152,111,105,99,93,93,99,107,113,155,163,170,163,155,144,147,144,144,139,139,139,97,75,63,56,59,67,77,77,63,49,39,29,27,25,27,25,23,21,21,21,25,29,37,43,53,61,65,61,57,53,51,57,67,79,93,85,81,85,139,165,181,181,163,113,108,108,111,157,170,170,165,163,165,163,119,121,173,178,178,178,189,196,196,196,194,189,194,194,196,196,196,207,212,212,207,204,202,186,168,155,152,155,168,186,186,170,163,0,0,0,0,0,0,170,178,170,160,134,90,41,13,0,0,0,0,0,0,0,0,0,0,7,27,43,59,71,134,160,163,165,178,178,170,170,178,181,178,178,186,186,121,99,96,111,127,131,127,178,204,220,222,222,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,155,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,191,212,225,222,204,165,55,23,39,91,163,191,204,215,222,222,217,215,215,217,222,222,222,217,212,209,209,209,209,212,212,209,204,199,199,202,204,204,103,33,30,71,121,183,129,119,173,207,222,220,204,156,163,186,191,189,194,209,212,212,215,217,215,217,225,217,176,86,107,115,121,133,176,189,204,215,215,199,178,123,91,87,189,194,196,204,207,202,196,195,196,199,202,204,209,209,209,212,215,207,183,181,181,137,135,133,191,191,139,183,194,199,196,207,222,228,228,215,207,212,217,225,228,222,215,199,186,191,209,217,215,207,196,186,187,202,207,199,199,202,215,228,233,230,230,233,233,233,238,246,238,139,123,196,209,212,199,139,133,135,137,141,189,196,196,186,182,189,209,225,230,233,233,235,238,235,225,194,105,105,105,101,119,217,228,233,233,230,230,222,199,202,228,222,119,99,115,41,0,0,183,217,230,230,230,233,233,233,230,230,230,230,230,230,230,228,215,189,136,138,199,215,228,233,228,222,222,225,222,217,212,196,127,123,130,199,202,194,189,191,194,194,204,222,230,228,215,186,88,86,191,202,199,186,183,196,196,194,196,199,194,191,191,196,196,196,202,202,189,136,137,191,194,191,191,199,207,209,32,30,107,196,202,199,194,189,183,183,183,186,191,191,127,123,131,189,199,194,189,202,222,230,225,215,212,209,204,194,186,196,204,181,125,121,115,109,101,225,212,204,207,204,191,183,181,196,199,183,181,133,113,125,87,94,176,183,181,194,202,207,202,186,135,135,129,126,129,194,194,189,181,181,186,194,199,196,194,189,189,131,80,81,199,212,217,207,195,194,198,204,207,209,209,212,215,212,204,196,195,196,119,110,127,137,137,135,133,133,131,129,137,212,225,228,230,228,222,222,225,228,225,217,212,209,199,133,124,127,189,194,141,133,127,127,131,189,204,217,230,233,228,222,222,217,217,222,228,228,228,225,225,228,230,225,222,222,225,225,225,225,228,228,225,215,212,215,215,209,200,199,202,204,207,212,215,215,217,222,225,225,217,209,199,69,101,115,135,204,228,222,212,212,135,132,133,131,129,132,183,191,194,196,194,191,191,189,186,186,189,196,202,204,204,189,128,129,204,222,225,225,217,204,191,183,183,186,189,199,199,194,191,194,204,209,209,202,131,129,186,199,191,183,183,181,135,181,178,178,189,191,183,129,130,133,127,126,128,131,181,191,183,131,133,189,189,186,194,202,207,202,181,181,196,207,209,207,191,182,182,183,182,182,186,191,181,131,129,181,176,131,131,131,121,117,119,129,178,181,178,133,127,120,118,125,215,225,196,109,0,0,59,176,207,202,181,174,189,183,84,92,204,207,199,196,194,183,172,181,199,217,222,209,178,113,123,176,181,189,196,209,212,212,209,209,196,117,100,129,131,131,129,124,122,176,202,212,215,215,212,207,194,183,179,181,183,183,186,191,196,194,186,186,191,196,196,196,196,196,194,191,191,196,199,199,191,186,186,44,40,42,46,53,68,103,176,196,207,209,199,130,125,131,204,215,212,209,212,212,209,207,202,194,183,181,183,196,209,204,199,196,196,199,204,207,202,196,202,209,215,215,215,212,207,196,189,186,186,186,183,135,131,135,186,209,217,212,199,186,183,186,186,191,196,196,189,183,194,207,215,215,204,186,139,189,196,192,191,192,202,204,207,212,215,212,212,215,212,207,204,199,186,131,130,141,191,194,194,192,192,194,196,194,192,196,212,225,225,225,225,222,222,222,204,135,123,125,137,189,189,134,133,202,212,212,215,212,209,209,209,209,209,196,186,183,191,207,199,74,69,91,133,204,209,212,217,215,207,204,202,204,202,202,204,209,215,215,212,209,202,191,186,141,189,191,196,204,209,209,209,212,209,202,194,192,192,196,202,204,204,204,204,204,135,114,125,204,212,207,202,199,204,207,209,212,215,215,215,212,209,204,202,204,207,209,204,189,139,183,196,209,207,196,196,194,191,189,191,199,209,215,212,199,194,194,204,215,222,217,215,215,212,211,212,217,222,217,215,222,228,230,228,220,215,215,217,215,215,215,209,204,204,209,212,215,222,228,230,233,233,233,230,233,233,233,233,233,233,233,233,230,229,233,233,230,225,225,225,215,202,147,146,145,147,202,212,212,207,207,215,222,217,215,217,222,228,235,243,248,251,254,255,255,255,255,255,255,255,255,255,251,248,251,254,255,0,0,0,0,0,0,0,0,246,246,248,0,0,241,241,243,241,238,233,233,238,243,243,243,238,235,230,222,215,215,212,212,212,209,207,204,204,202,202,202,202,199,199,202,202,204,207,209,209,212,212,207,204,202,202,202,202,199,199,196,196,196,194,191,194,196,199,196,194,191,191,194,199,199,199,199,199,199,202,204,204,207,204,200,199,202,204,202,202,204,207,207,207,207,207,204,202,204,204,204,202,199,199,199,199,202,204,207,207,207,207,204,202,196,194,143,136,138,191,202,202,199,207,217,225,225,222,217,207,196,191,145,145,196,217,233,238,241,243,241,238,235,230,228,225,225,228,230,230,228,228,228,228,230,233,241,246,248,248,248,251,255,255,255,248,246,243,243,235,225,212,211,215,228,238,243,251,254,251,251,246,241,238,241,243,0,0,251,251,243,235,230,230,225,215,204,203,203,204,204,204,204,202,3,0,3,11,0,0,0,0,0,0,0,23,35,23,5,0,0,0,17,90,111,103,98,98,105,103,90,55,45,49,61,98,95,59,53,59,69,95,98,103,103,98,67,61,63,73,108,124,126,116,108,77,71,65,65,65,65,59,49,27,21,37,51,59,61,75,109,181,194,183,173,165,129,178,194,207,199,141,141,207,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,255,255,255,255,207,209,228,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,129,124,53,0,0,0,0,19,129,165,157,139,139,157,165,165,168,191,230,255,255,255,255,255,0,0,255,254,246,243,243,225,199,173,155,144,105,137,147,0,181,199,196,186,189,189,189,186,202,0,233,215,191,176,152,152,209,255,255,49,0,2,45,118,137,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,20,25,27,48,74,92,85,51,9,0,0,0,0,0,0,0,0,0,0,0,23,129,183,194,178,160,129,67,43,53,116,183,212,220,212,194,183,207,233,209,144,137,181,228,235,183,77,134,186,207,212,204,196,199,209,199,93,33,22,35,67,59,25,16,45,61,45,31,33,73,131,95,81,79,65,43,29,29,35,43,69,75,69,69,75,83,77,68,79,131,163,165,144,79,69,71,77,85,85,89,95,101,97,93,101,144,101,89,79,78,85,83,82,85,97,101,107,142,157,157,105,89,87,97,155,170,165,142,101,77,65,67,79,89,95,99,93,92,93,93,97,97,103,144,147,109,101,95,99,101,99,99,105,99,97,97,107,107,107,105,115,115,157,157,165,165,165,165,165,170,176,189,191,196,199,202,202,194,176,169,170,176,165,119,119,117,115,119,170,186,196,194,178,170,170,181,199,215,222,215,202,212,233,255,255,255,255,255,255,255,255,255,255,251,207,152,143,155,155,59,0,0,0,0,0,0,0,0,0,0,0,31,90,103,147,165,150,103,25,0,27,47,33,27,63,139,155,168,178,189,207,217,207,176,150,144,139,101,95,85,81,89,142,160,0,0,194,204,215,217,217,230,246,255,254,246,225,189,160,0,0,0,0,0,0,0,233,243,248,222,170,118,51,27,7,0,0,0,0,0,0,0,0,17,0,178,196,196,196,194,186,186,186,183,168,150,109,105,103,99,97,97,101,105,111,155,165,170,163,155,144,147,139,139,139,101,91,75,63,59,59,63,69,69,69,59,45,35,31,31,31,27,25,23,23,25,25,27,29,37,43,53,57,57,51,47,47,49,57,67,81,81,81,81,95,147,170,173,157,113,111,109,111,155,163,170,165,163,163,163,163,163,168,168,125,173,186,196,209,207,194,189,189,194,196,196,196,207,207,207,204,204,202,186,165,155,155,157,168,181,176,163,157,0,0,0,0,0,0,186,181,170,160,144,105,49,17,0,0,0,0,0,0,0,0,0,0,11,33,45,55,71,126,155,163,163,170,173,173,178,181,173,155,113,165,170,113,98,96,107,121,125,127,181,212,233,233,222,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,163,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,186,196,209,196,178,92,11,10,137,176,160,181,202,217,222,222,217,217,217,217,222,225,222,217,212,209,209,209,209,212,212,212,209,209,207,204,202,189,54,12,29,95,119,181,115,99,111,202,217,215,196,173,172,186,189,191,196,207,207,209,212,217,217,217,225,217,178,105,127,133,125,125,131,194,202,209,209,189,131,123,109,109,186,194,199,207,207,202,196,199,202,204,204,204,204,207,209,209,209,204,133,129,129,133,135,130,131,135,137,186,196,207,212,217,225,228,230,228,222,225,228,230,230,222,212,196,140,186,207,215,212,207,199,186,186,202,207,204,202,202,217,233,235,230,230,233,233,235,235,235,230,204,129,204,215,217,199,135,132,132,133,133,139,194,199,191,185,187,199,215,228,233,235,235,233,230,222,194,102,117,123,123,133,215,222,228,230,228,220,207,181,178,202,191,107,105,189,77,0,5,196,217,228,230,230,233,233,230,230,230,230,230,230,230,230,225,207,139,133,136,199,222,233,235,230,225,228,228,222,209,194,137,131,133,191,202,204,199,194,194,194,196,209,222,230,230,225,111,34,40,135,204,207,199,202,215,215,209,209,207,202,194,191,196,196,195,202,215,207,191,191,196,196,191,192,199,202,199,34,30,73,135,204,204,199,199,202,199,189,181,183,186,135,178,186,196,202,189,135,196,225,233,228,217,215,209,196,186,183,196,199,178,129,127,121,98,90,196,204,209,207,202,202,202,202,202,191,130,132,176,113,209,133,131,129,131,135,194,202,207,204,181,128,127,124,124,131,186,191,191,191,194,196,196,194,194,196,196,202,207,113,80,139,209,215,209,199,199,204,207,207,212,215,222,225,222,212,209,207,202,106,96,117,183,186,183,137,135,129,125,135,217,233,233,235,230,228,225,225,225,222,217,215,212,207,139,121,127,202,204,189,139,130,130,141,204,215,225,233,238,233,228,225,222,222,225,228,228,225,225,225,230,233,230,228,228,225,222,217,222,228,228,222,217,217,217,222,212,202,199,202,204,207,207,205,207,212,222,228,230,230,228,209,104,106,115,194,215,228,225,228,230,209,186,132,135,178,183,183,183,186,189,189,194,194,191,186,185,185,189,191,194,194,183,130,131,194,212,217,217,212,209,204,191,179,179,189,194,194,189,186,194,202,204,204,194,121,117,135,183,181,186,191,191,183,181,178,178,186,189,189,183,191,191,128,124,127,129,133,178,176,127,131,189,191,183,181,189,196,178,123,183,207,212,212,207,194,183,183,186,186,191,199,202,191,176,127,131,129,173,176,176,129,127,176,181,183,186,183,131,125,122,118,116,133,202,199,127,15,81,202,207,222,212,181,177,191,189,108,121,215,215,209,207,204,199,183,186,191,212,217,212,186,117,127,176,178,186,194,209,215,209,207,209,204,173,115,119,127,131,131,133,196,215,217,220,222,222,215,209,196,183,178,178,179,183,189,191,191,189,181,135,136,186,189,186,189,196,196,191,189,194,199,199,191,186,186,129,101,95,93,81,83,107,129,194,209,222,212,178,126,130,202,207,204,202,202,202,196,196,199,194,186,183,183,194,202,199,199,202,199,196,202,204,196,189,194,204,212,215,212,209,204,199,191,186,139,137,135,128,122,124,133,207,212,209,196,191,199,212,209,196,194,191,186,183,194,207,209,209,204,189,137,183,194,196,192,192,204,212,212,217,217,215,217,222,222,217,215,204,141,128,128,191,194,194,194,194,194,196,199,196,194,196,212,225,225,222,225,225,222,215,121,115,129,133,137,139,189,139,137,202,212,212,212,209,207,207,204,209,212,186,131,133,181,191,183,63,54,76,86,202,204,207,209,204,202,204,204,207,202,202,204,212,215,215,212,207,202,194,189,141,141,191,199,202,202,207,215,215,204,199,194,194,192,194,202,207,207,202,196,139,110,102,115,204,212,209,207,202,199,202,207,209,209,209,209,209,207,199,198,199,204,209,212,207,202,196,196,202,204,202,199,196,191,189,191,196,204,212,209,196,189,191,204,217,222,217,212,212,212,212,215,222,222,215,212,215,222,228,225,217,212,212,215,212,212,212,207,204,209,215,212,215,222,228,230,228,228,230,233,233,233,235,235,235,235,233,233,229,229,230,230,228,225,228,230,217,202,147,145,146,147,202,212,215,209,209,215,222,222,222,225,233,238,243,246,246,248,254,255,255,255,255,255,255,255,255,255,254,251,251,254,255,0,0,0,0,0,0,0,0,248,248,248,0,0,243,243,246,243,238,233,235,241,246,246,243,238,235,230,217,212,209,209,209,209,209,209,207,204,204,202,202,202,202,202,202,202,204,207,209,209,212,209,207,204,202,202,202,199,199,196,194,194,194,191,189,189,191,194,194,191,190,191,191,194,196,199,196,196,199,202,204,207,207,207,202,200,202,207,207,207,207,207,204,204,207,207,204,204,204,207,204,202,199,199,199,202,202,204,204,204,207,207,207,204,199,196,191,139,141,194,199,199,196,204,215,225,225,222,217,207,196,147,146,147,202,217,233,235,241,243,241,238,235,230,228,225,225,228,233,233,233,233,233,235,235,238,243,248,251,251,248,248,255,255,255,254,248,246,246,241,230,217,212,217,230,238,241,246,248,248,248,246,241,241,243,246,0,251,251,248,241,233,233,238,235,225,212,207,204,204,202,199,196,194,0,0,0,0,0,0,0,0,0,0,0,17,35,23,11,0,0,0,0,31,87,90,95,105,113,113,103,87,55,59,90,95,90,59,55,61,95,103,103,103,98,69,61,59,61,73,113,126,139,126,113,77,63,63,65,71,65,53,25,5,3,13,23,27,29,55,91,168,186,178,173,168,121,115,123,189,189,129,119,131,225,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,100,111,111,53,0,0,0,0,19,137,165,147,139,147,168,178,176,168,189,228,254,255,255,255,255,0,0,255,255,251,243,230,215,199,173,160,147,139,137,144,0,0,207,207,199,186,183,176,170,178,0,0,0,173,168,146,134,151,255,233,13,0,8,77,116,118,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,61,53,46,48,66,90,85,56,15,0,0,0,0,0,0,0,0,0,0,0,23,139,202,209,194,196,183,137,65,43,57,113,191,202,202,196,199,215,228,202,160,137,160,217,235,209,150,160,186,204,212,207,196,191,209,207,139,55,31,45,67,59,35,25,39,49,45,36,39,93,142,81,73,67,39,9,15,33,63,91,91,83,77,81,89,85,68,59,69,99,163,176,155,103,99,137,103,103,103,103,103,101,99,99,107,147,99,89,83,83,87,83,82,89,97,95,88,88,95,105,99,93,93,99,105,155,157,152,103,83,73,83,95,95,93,91,93,99,97,99,97,97,103,155,160,147,101,101,109,101,99,95,95,94,92,94,107,111,115,115,117,157,157,119,157,165,173,173,173,181,178,178,186,196,199,202,212,202,186,173,178,189,176,117,107,103,109,119,173,194,202,194,170,123,123,178,194,212,212,202,200,202,230,255,255,255,255,255,255,255,255,255,255,235,170,133,127,170,202,134,0,0,0,0,0,0,0,0,0,0,0,87,152,165,194,183,157,124,37,11,27,59,45,13,33,113,160,191,199,199,215,225,207,168,142,134,101,139,144,144,137,142,152,170,0,0,0,204,204,207,215,222,243,251,251,243,215,176,152,131,118,113,124,144,0,0,235,248,251,233,181,116,51,29,11,0,0,0,0,0,0,0,0,0,160,194,209,209,196,183,176,178,194,194,176,152,109,105,103,103,95,97,97,97,105,113,160,170,163,155,155,144,107,101,101,91,81,75,63,59,59,63,63,69,63,59,49,43,39,33,31,31,27,27,27,27,27,25,27,29,41,47,49,47,45,43,43,47,47,61,79,93,93,93,99,147,163,163,155,147,111,111,113,155,157,163,163,119,119,119,163,163,122,121,121,125,186,207,209,207,189,189,194,194,196,196,207,207,207,204,194,204,194,181,163,155,163,170,181,186,181,163,157,170,0,0,0,0,202,202,189,181,170,155,126,55,23,0,0,0,0,0,0,0,0,0,1,17,37,51,55,65,118,152,163,163,170,173,178,186,186,170,113,99,111,113,105,98,99,105,113,117,125,186,220,238,238,222,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,59,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,118,142,41,47,26,14,150,196,176,173,181,207,217,222,222,217,217,220,222,222,222,222,217,215,215,212,215,212,209,209,209,212,212,212,204,189,131,113,101,113,178,191,194,96,72,96,189,202,199,189,181,181,179,179,183,191,199,204,209,212,215,212,215,217,212,196,176,183,189,123,118,123,133,194,199,186,112,120,127,176,204,183,181,199,204,204,199,196,196,204,207,209,199,189,194,199,199,199,194,178,128,126,127,129,131,137,137,183,194,207,209,209,215,225,228,228,228,228,228,230,230,228,222,209,199,143,141,191,199,202,199,194,187,189,202,209,207,204,207,222,235,235,233,230,233,235,235,233,233,217,135,191,215,222,222,209,139,133,131,130,132,135,186,191,189,186,186,191,202,212,228,233,233,228,222,209,191,181,189,204,204,207,209,215,225,225,217,207,119,73,66,114,189,121,117,194,79,0,13,194,222,228,230,230,233,230,230,230,233,233,230,229,235,230,222,209,191,136,183,207,228,235,233,233,230,228,228,220,196,101,115,191,191,194,202,202,202,204,207,202,199,207,217,225,222,183,89,8,0,125,207,217,215,217,228,228,225,222,217,212,204,199,199,199,196,196,209,212,212,207,202,199,196,196,199,189,135,119,73,65,97,186,199,209,212,215,217,199,131,128,128,196,196,194,199,199,191,125,127,199,225,217,209,207,196,177,177,191,196,191,183,133,129,127,97,89,194,202,204,204,199,204,212,215,212,186,125,132,202,202,209,199,186,133,131,178,186,199,204,194,135,127,125,124,126,133,183,191,196,199,204,204,194,189,194,199,204,215,215,139,129,196,209,207,202,202,207,209,209,209,212,217,225,230,230,230,228,222,204,110,95,125,212,215,202,189,137,125,110,135,230,238,241,233,225,222,220,222,220,217,217,215,215,209,204,115,133,196,199,186,135,133,135,191,209,222,228,233,235,235,233,228,222,222,225,228,228,225,222,222,228,230,233,230,228,222,213,213,217,225,225,222,222,217,217,215,212,207,202,202,204,209,209,205,205,212,222,228,230,235,230,215,183,99,100,212,222,222,225,228,233,225,191,132,186,202,199,189,183,183,186,186,196,199,196,189,185,185,185,186,189,191,186,178,181,189,199,209,209,212,209,204,191,183,181,183,186,181,135,135,181,189,194,191,178,119,110,121,131,131,178,183,183,183,177,176,181,191,199,204,207,212,209,189,131,129,133,176,131,127,126,127,178,186,183,178,181,181,117,111,191,209,209,207,199,186,178,181,189,194,199,202,199,181,96,117,123,131,176,176,126,126,131,183,186,186,186,186,181,181,178,123,119,129,186,183,176,183,204,215,225,228,215,191,174,207,178,98,121,217,222,217,215,212,209,204,191,183,191,207,202,186,178,178,181,181,186,194,207,209,204,202,207,202,131,115,116,127,133,181,194,212,222,222,222,222,215,207,196,189,181,178,177,181,189,191,194,194,196,191,133,133,136,183,183,189,202,209,199,135,125,131,176,133,176,186,204,233,186,93,93,111,127,181,196,212,217,209,191,133,135,191,202,199,192,191,191,191,191,194,199,194,191,194,196,194,191,194,202,202,202,204,202,194,141,141,196,204,209,209,204,199,196,191,186,186,186,135,126,121,121,125,202,207,202,196,196,207,222,222,212,194,189,183,138,186,202,207,204,196,183,137,186,199,202,196,194,202,209,215,217,222,217,217,222,225,225,222,215,133,124,132,189,191,191,194,196,199,199,199,202,202,204,212,217,217,217,220,217,212,189,92,92,131,141,137,139,186,186,186,196,204,207,204,204,204,203,204,212,228,91,125,135,186,189,181,125,109,93,91,181,196,202,199,191,137,191,207,209,204,202,209,215,215,212,209,202,196,191,141,139,141,196,204,202,200,202,204,209,215,140,194,194,192,196,204,209,209,202,141,116,111,117,133,202,209,207,209,209,191,190,202,209,207,202,204,207,204,199,198,198,199,207,212,209,202,196,191,189,191,191,194,196,194,194,194,196,199,204,207,194,189,196,207,217,217,207,199,204,212,215,217,217,215,212,212,212,215,222,222,215,211,211,212,212,209,209,209,209,215,217,215,215,222,228,228,228,228,230,230,233,233,233,235,235,235,233,230,230,233,233,230,228,228,230,230,217,202,147,146,146,149,202,212,215,215,215,222,225,228,230,233,241,243,246,246,246,248,254,255,255,255,255,255,255,255,255,255,255,254,254,254,254,0,0,0,0,0,0,0,251,248,0,248,248,243,243,246,248,246,241,238,241,243,246,248,246,238,230,225,217,212,209,208,207,208,212,215,212,207,204,204,204,204,202,202,202,202,204,207,207,209,209,209,207,204,204,202,202,199,196,196,196,194,194,191,189,186,189,189,191,191,191,191,191,194,196,196,196,196,199,199,202,207,209,209,207,204,207,209,209,207,204,202,199,199,202,204,204,202,202,202,204,204,202,199,199,202,204,202,202,202,204,207,209,207,202,196,194,191,191,194,194,196,199,204,209,217,222,222,215,207,196,146,146,196,207,222,230,233,230,233,235,235,233,230,228,225,228,228,230,233,235,238,241,243,241,241,243,246,251,251,248,251,255,255,255,255,254,251,248,241,235,228,222,228,233,238,241,243,246,248,248,246,243,243,246,248,248,248,246,243,235,230,235,248,251,241,228,217,212,207,199,189,181,178,0,0,0,0,0,0,0,0,0,0,0,9,15,11,9,0,0,0,0,0,23,55,87,103,111,113,105,98,98,105,105,105,98,61,59,61,95,105,113,105,69,61,61,59,61,69,105,113,116,124,116,71,59,57,63,65,59,45,19,0,0,0,0,2,9,29,73,147,186,191,183,165,113,97,103,129,135,121,104,117,196,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,254,255,255,255,255,255,255,255,255,255,235,246,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,17,23,47,100,100,57,61,100,0,0,0,0,21,85,137,89,101,176,196,194,189,176,196,230,248,241,241,248,255,0,255,255,255,243,241,251,251,228,181,165,155,103,95,0,0,0,215,215,204,199,183,168,152,160,0,0,0,0,183,157,133,155,255,217,10,0,45,95,98,98,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,77,66,61,64,74,74,72,59,15,0,3,9,0,0,0,0,0,0,0,0,7,121,183,202,202,204,199,170,131,105,63,63,118,144,152,178,194,199,189,155,139,71,65,144,196,199,189,186,170,181,196,196,189,186,209,217,176,165,147,87,85,67,31,21,29,35,37,41,67,137,147,126,85,83,0,0,0,53,178,142,79,77,91,139,142,99,75,64,79,101,150,165,163,163,176,186,186,178,170,150,103,95,94,95,105,107,103,99,99,99,93,87,84,89,97,93,88,86,90,95,99,142,144,103,98,103,157,168,142,75,68,81,105,107,95,93,97,105,147,105,97,97,103,147,152,147,111,157,111,99,95,95,97,92,92,97,107,113,107,107,117,157,115,115,119,160,173,183,181,183,183,178,178,186,194,209,212,212,202,191,191,199,183,113,73,79,111,170,186,196,196,178,115,117,170,183,191,191,202,202,202,212,238,255,255,255,255,255,255,255,255,255,255,235,176,126,117,189,225,139,0,0,0,0,0,0,0,0,0,0,0,168,186,204,207,196,163,126,59,23,15,39,33,0,0,63,176,209,207,199,207,217,207,168,134,99,99,144,157,160,155,157,168,181,0,0,0,204,204,196,204,215,235,248,243,230,204,173,152,131,108,87,63,103,144,186,0,0,0,233,176,113,47,25,7,0,0,0,0,0,0,0,0,0,176,209,217,209,194,181,179,179,196,196,183,168,109,99,95,95,87,87,93,93,97,105,152,170,170,163,155,107,101,99,91,83,77,69,63,59,59,59,59,59,59,59,57,49,43,39,33,29,27,27,33,31,25,23,25,29,39,43,43,43,39,39,43,47,47,57,75,93,97,137,147,163,155,155,150,111,113,155,155,155,157,163,121,115,115,119,163,124,122,121,121,168,194,209,207,194,187,189,189,189,191,207,209,207,207,204,191,191,186,176,163,155,163,181,194,202,189,170,163,176,194,0,0,0,212,204,202,199,189,181,147,87,27,0,0,0,0,0,0,0,0,0,9,23,41,51,55,61,81,142,155,147,163,178,186,186,186,181,157,105,99,99,99,103,109,113,113,111,117,186,222,238,238,220,203 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,108,3,28,59,118,168,202,199,173,183,209,222,222,220,220,222,222,222,222,222,222,222,222,217,217,215,212,209,207,205,207,212,212,199,178,121,113,115,131,189,189,181,117,105,123,186,191,178,173,183,186,179,177,177,181,191,202,204,209,209,207,207,212,207,191,181,189,202,176,120,121,127,183,183,129,113,118,129,189,202,113,85,129,196,199,194,191,191,196,199,202,189,178,183,189,189,189,186,181,178,131,126,128,186,207,196,196,202,209,209,205,209,222,225,228,228,228,228,228,228,225,220,212,202,141,135,135,139,143,143,191,194,196,204,209,207,199,207,225,233,233,233,233,235,235,235,233,230,194,130,204,225,225,217,215,199,143,132,129,133,137,139,186,189,191,189,187,189,194,212,215,215,217,215,204,191,186,202,217,217,212,209,209,215,209,199,121,107,86,80,109,196,204,176,196,133,0,49,181,215,230,233,233,230,230,228,230,230,233,233,230,238,233,225,202,189,191,191,209,228,233,230,225,225,222,207,204,189,110,120,202,202,196,196,199,204,215,228,217,202,196,204,209,207,199,191,59,12,91,204,222,225,228,233,233,230,228,225,222,212,207,207,207,202,199,202,209,215,212,199,194,196,199,199,191,181,129,111,103,113,129,191,212,222,225,217,196,132,129,135,209,209,204,196,186,135,125,115,123,189,199,199,194,178,166,177,194,194,191,186,178,133,131,109,96,189,196,199,199,199,207,217,225,222,191,123,129,199,209,217,215,204,186,178,181,183,189,194,186,133,129,129,131,135,183,189,194,199,202,207,202,189,186,191,196,204,212,209,186,189,207,212,202,196,199,204,212,212,209,209,215,225,228,230,233,235,230,202,133,133,196,222,225,207,186,133,117,113,186,228,238,238,230,217,217,222,222,222,222,222,217,215,207,137,114,135,189,194,143,139,139,189,199,209,222,228,230,233,233,230,228,222,222,222,225,225,225,222,222,225,228,228,228,225,215,212,212,215,222,222,217,222,220,215,212,212,212,212,212,215,222,222,215,212,222,225,225,225,230,230,222,207,100,96,109,181,207,222,230,230,207,135,135,202,207,204,196,196,196,194,189,194,199,199,191,186,186,189,191,196,199,194,189,189,189,189,196,207,212,212,204,194,186,181,178,135,132,131,131,132,178,183,183,183,133,119,120,121,121,125,129,133,181,178,181,194,204,209,215,222,225,217,202,183,178,178,178,131,127,126,127,131,178,183,178,176,129,117,117,183,196,191,186,173,125,127,173,186,194,194,194,194,121,101,118,125,131,176,176,124,125,133,183,186,186,189,194,202,207,204,189,133,178,183,183,189,202,215,225,228,225,212,194,181,189,113,95,115,215,225,225,222,222,222,212,199,186,183,186,189,189,186,186,186,183,186,191,196,202,196,194,196,191,117,109,116,127,176,183,196,212,217,217,215,215,204,191,181,181,181,179,179,183,189,191,191,196,204,207,191,137,181,186,191,199,212,222,217,131,119,120,121,117,121,183,202,217,202,117,117,173,181,183,191,204,204,105,99,123,183,196,202,199,192,190,191,192,192,196,199,199,202,204,204,196,186,186,194,204,209,207,199,191,141,141,189,196,204,207,202,196,194,191,191,196,199,196,186,137,137,186,199,204,199,196,199,209,217,222,215,199,189,139,137,138,194,202,199,137,131,139,191,202,207,204,196,194,199,207,215,215,215,215,217,225,225,225,222,191,132,189,194,189,186,189,202,209,207,202,204,207,207,209,212,215,215,212,207,189,95,83,89,137,186,135,131,139,189,191,194,202,204,203,204,204,204,209,222,233,65,69,131,191,199,189,133,127,127,131,135,186,191,191,137,127,135,207,209,204,204,209,215,215,209,204,196,196,191,139,138,191,207,209,204,202,202,204,212,217,134,141,194,196,202,209,212,207,196,133,113,117,141,189,196,202,196,196,194,189,191,202,207,202,200,204,207,204,202,199,199,202,207,212,212,202,191,137,135,140,186,191,194,196,199,194,191,196,202,199,189,143,194,204,209,209,199,196,199,207,217,222,215,212,212,215,212,215,217,217,215,211,211,212,212,209,209,209,212,217,217,217,217,225,230,230,228,228,230,230,233,233,233,233,230,229,229,230,233,235,233,230,230,230,233,230,222,204,149,147,147,149,202,212,217,217,217,225,228,230,235,241,243,246,248,248,248,251,254,255,255,255,255,255,255,255,255,255,255,255,254,254,254,0,0,0,0,0,0,0,0,0,0,0,246,246,243,246,248,246,243,243,241,243,248,251,246,235,228,225,222,215,212,208,207,208,212,215,215,209,207,204,204,204,202,202,202,202,204,204,207,207,207,207,204,204,204,204,202,199,196,196,194,194,191,189,189,186,186,186,186,189,194,194,194,194,196,196,199,199,199,202,204,207,209,212,212,209,209,209,209,204,199,194,191,194,199,202,202,199,199,202,204,207,204,199,199,202,204,202,202,202,202,207,209,207,202,196,194,194,194,194,194,196,199,204,207,212,215,215,209,202,194,146,145,196,209,215,217,215,217,225,228,230,228,228,228,225,228,228,230,233,238,243,248,248,243,241,243,243,248,251,254,254,255,255,255,255,255,255,254,243,235,228,225,230,235,241,241,243,243,243,246,243,243,246,248,248,246,246,246,241,230,228,0,0,255,254,238,230,217,207,194,181,173,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,5,0,0,0,0,0,31,55,98,95,98,98,100,105,116,124,113,98,90,67,69,103,113,113,105,69,61,56,56,57,57,63,75,105,116,113,69,53,49,49,51,53,45,19,7,2,2,0,0,3,23,61,103,173,194,189,173,113,97,97,121,121,104,101,115,196,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,238,235,255,255,255,255,255,255,255,255,228,202,217,246,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,113,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,33,39,69,87,74,45,51,108,51,0,0,0,1,33,49,57,95,191,207,189,165,170,199,230,238,233,233,243,255,0,255,255,248,230,233,255,255,255,196,170,152,99,87,0,0,0,222,215,199,186,176,150,144,150,0,0,0,0,0,189,137,138,212,178,29,15,85,0,103,98,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,79,79,82,90,85,77,66,33,9,15,15,0,0,0,0,0,0,0,0,0,95,168,189,194,199,196,178,160,134,81,69,69,65,69,85,139,139,93,67,31,0,0,6,79,155,189,199,165,164,183,194,189,186,199,209,199,217,235,220,168,77,7,0,19,29,39,53,81,131,147,147,147,77,0,0,0,137,189,144,85,89,139,155,155,137,89,81,93,137,152,165,176,181,196,204,209,209,194,170,105,93,92,93,101,101,99,99,105,105,99,89,85,91,103,101,95,91,95,105,144,157,160,157,144,144,155,157,107,75,68,83,107,107,99,93,99,105,147,101,92,92,101,103,100,100,111,165,155,97,92,95,97,95,97,107,107,107,102,106,115,115,110,112,119,165,181,191,189,189,189,183,178,181,194,202,202,209,202,186,181,181,173,103,57,65,111,189,204,189,168,115,109,121,178,191,191,190,199,212,222,230,241,255,255,255,255,255,251,255,255,255,255,251,207,148,143,181,186,85,0,0,0,0,0,0,0,0,0,0,0,137,173,204,212,196,160,134,65,33,11,21,21,0,0,55,189,217,207,189,199,215,207,168,142,134,142,150,157,157,160,168,170,181,0,0,0,204,196,196,196,204,225,243,243,230,207,178,157,131,103,55,43,51,113,152,0,0,0,222,178,124,51,25,0,0,0,0,0,0,0,0,5,0,186,215,217,209,194,189,0,0,196,196,183,168,109,99,91,79,75,77,87,87,87,97,111,160,163,163,155,111,105,99,95,83,69,61,59,59,57,57,57,59,59,59,59,53,49,41,33,29,25,27,33,31,27,23,23,27,37,41,41,38,38,38,43,51,55,61,69,79,89,101,152,163,155,147,144,111,152,155,163,163,163,163,121,115,115,119,125,168,168,125,125,178,196,209,196,187,187,189,189,178,183,207,215,209,204,191,181,173,170,163,155,152,157,181,202,204,189,181,176,186,202,0,0,212,204,202,202,204,202,191,165,113,33,0,0,0,0,0,0,0,0,0,17,31,45,51,51,57,81,142,147,134,144,163,178,181,186,181,168,105,94,94,99,117,160,123,113,108,113,183,220,233,233,212,195 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,95,29,124,134,150,181,204,207,173,181,207,217,217,217,220,222,222,222,222,222,222,222,222,217,217,215,212,209,205,205,207,209,209,196,131,119,117,123,178,183,173,127,125,129,181,194,194,179,172,196,204,194,183,179,179,183,194,199,204,207,202,199,199,196,186,179,183,196,189,131,127,131,181,183,178,122,122,133,189,191,74,63,84,181,189,181,178,183,183,183,183,176,174,181,191,191,186,186,186,196,194,127,126,194,215,207,204,207,209,207,204,205,215,225,225,225,225,225,225,225,222,220,215,202,141,133,132,134,139,191,199,196,189,196,207,202,143,196,215,228,233,233,233,235,235,233,233,228,133,126,215,228,217,207,209,204,199,143,137,194,199,189,189,191,196,196,191,191,196,199,199,199,204,204,199,186,179,191,217,222,215,204,202,207,202,189,121,118,129,181,194,209,212,178,178,176,111,109,191,217,233,233,233,230,228,228,228,228,228,225,224,230,235,230,121,79,119,194,209,217,222,225,217,130,95,111,191,194,189,199,207,202,187,187,196,207,217,233,230,202,186,186,137,183,202,233,194,65,84,186,228,230,228,230,230,230,228,228,225,217,215,215,212,207,202,199,199,204,202,181,131,181,194,202,204,196,135,123,117,113,115,186,207,222,222,212,191,178,135,191,212,222,215,199,135,131,133,123,126,137,186,189,186,177,169,189,196,191,186,186,186,191,194,178,123,186,191,194,196,196,207,222,228,228,202,126,127,183,199,217,225,222,199,191,189,183,182,189,186,178,178,186,191,191,194,194,196,202,202,202,196,181,183,191,194,196,191,134,135,196,215,215,202,196,198,207,215,215,212,209,212,222,225,228,230,233,233,122,119,135,191,207,215,137,131,125,111,121,199,217,230,230,225,217,217,225,228,225,225,222,222,215,202,113,116,135,141,191,196,196,196,202,207,212,222,225,225,225,228,228,225,222,222,222,225,225,225,225,222,222,222,225,225,222,215,212,212,215,222,222,217,220,217,215,212,212,215,222,225,225,230,230,228,225,225,225,222,222,228,230,230,228,137,103,108,111,183,215,233,228,125,108,131,196,199,196,199,204,204,196,189,191,199,199,194,189,186,191,196,202,202,196,196,196,191,183,186,199,207,207,199,191,183,178,135,133,133,133,133,133,178,186,189,189,191,178,125,120,119,121,123,131,183,186,194,204,212,215,222,222,225,217,204,191,183,181,176,131,131,133,133,131,133,178,176,173,123,119,121,173,178,173,124,119,120,124,176,191,199,202,199,204,178,120,121,127,176,178,178,127,129,178,186,189,189,196,207,215,220,215,199,183,183,183,181,191,207,222,225,225,222,215,204,186,176,115,109,131,212,222,222,222,225,225,215,204,191,182,179,181,186,189,189,189,186,186,186,186,186,178,129,131,123,111,107,125,129,131,178,191,202,204,204,207,207,196,181,178,179,181,179,181,189,191,191,191,196,207,212,209,194,189,191,196,209,222,225,215,129,120,123,121,114,114,129,189,204,196,173,173,181,183,183,189,196,133,74,68,109,202,207,207,204,199,194,196,199,199,199,199,199,204,212,215,207,186,138,189,207,215,212,204,196,141,137,141,191,196,199,196,194,194,194,196,202,204,207,204,202,202,202,202,204,204,202,204,209,212,215,212,202,191,183,137,137,189,199,196,125,121,133,186,199,212,215,204,192,191,199,209,212,209,209,215,225,222,222,222,207,194,199,202,191,186,189,207,215,212,207,207,209,209,212,212,212,212,209,202,189,103,92,131,141,129,118,123,137,191,194,196,199,204,204,207,209,209,215,230,241,60,53,107,189,207,202,186,181,186,191,186,137,134,137,136,131,136,204,209,207,207,207,209,212,207,199,195,202,196,139,139,202,212,209,204,204,204,207,212,207,129,137,191,199,207,209,209,204,194,135,116,133,194,191,191,191,183,174,181,189,199,207,204,199,199,202,207,207,204,204,207,207,212,212,207,196,141,133,134,189,194,194,191,194,194,186,186,194,199,194,141,137,141,191,202,202,199,198,199,207,217,217,215,211,212,215,215,212,215,215,215,212,212,212,212,207,205,207,212,215,217,222,225,230,233,230,228,230,233,233,233,233,233,230,229,228,229,230,238,238,233,233,233,230,230,228,222,207,151,147,147,147,199,209,215,217,217,228,230,235,241,246,246,248,248,251,254,254,254,254,255,255,255,255,255,255,255,255,255,255,254,251,251,0,0,0,0,0,0,0,0,0,0,0,248,246,246,248,248,246,246,248,243,246,251,251,243,233,228,228,225,217,212,209,209,212,215,215,212,209,207,207,207,204,202,199,199,199,202,204,204,204,204,204,204,204,204,204,202,199,196,194,194,191,189,189,186,186,189,186,186,189,194,196,196,196,196,199,202,202,202,202,204,204,207,209,212,212,209,209,207,202,196,191,189,191,194,196,199,196,199,202,204,207,207,204,202,204,204,202,202,202,204,207,207,207,202,196,194,194,196,194,196,196,202,204,204,207,209,209,204,196,191,146,146,202,209,209,208,207,209,220,225,225,225,225,225,228,228,228,230,235,241,246,251,248,243,241,241,243,248,254,255,255,255,255,255,255,255,254,248,241,233,225,225,230,235,241,243,243,243,241,241,238,241,243,246,246,246,243,243,235,228,228,0,0,255,255,243,233,217,204,189,178,170,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,17,11,0,0,0,0,9,43,82,82,82,100,100,111,118,118,108,100,100,100,105,116,116,113,108,69,63,57,53,52,54,57,69,105,116,113,77,59,51,48,46,49,45,37,21,21,13,9,7,9,29,73,103,163,176,176,170,121,103,97,115,115,104,102,115,199,248,255,255,255,255,255,255,255,255,255,255,255,255,255,254,235,230,235,255,255,255,255,255,255,255,209,186,194,220,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,43,59,61,61,47,44,43,51,116,116,61,45,0,0,0,0,27,91,189,199,157,103,160,199,225,233,233,233,243,254,0,255,255,241,209,191,212,246,248,178,157,105,85,75,129,0,0,215,207,196,176,160,142,139,0,0,0,0,0,0,212,148,140,176,150,45,33,92,113,92,77,72,15,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,64,69,90,100,100,98,85,61,40,25,21,0,0,0,0,0,0,0,0,0,47,124,163,168,173,173,173,173,160,131,81,65,35,14,12,29,49,41,31,13,0,0,0,21,73,147,186,165,173,194,204,194,176,176,186,189,246,255,255,215,79,0,0,0,29,55,77,93,139,150,147,137,55,0,0,89,173,168,142,126,131,142,139,99,91,89,95,137,147,165,176,176,176,186,196,209,212,202,186,155,101,95,99,107,105,99,99,144,144,101,87,84,89,103,109,107,101,105,147,160,155,157,170,176,168,152,103,93,75,73,93,107,107,101,99,105,105,99,93,91,92,97,103,96,95,109,165,157,99,94,95,99,105,109,155,113,102,105,115,119,115,110,115,165,183,191,191,189,186,183,178,170,170,178,191,194,191,168,97,81,89,109,97,55,55,95,176,178,103,83,93,111,170,186,194,191,191,191,212,233,238,246,254,255,255,255,254,242,246,255,255,255,255,243,194,178,181,157,63,0,0,0,0,0,0,0,0,0,0,0,0,131,194,222,196,163,134,98,29,0,9,9,0,7,73,189,212,196,178,189,199,189,160,142,144,155,155,152,150,155,160,165,170,0,0,0,207,204,196,183,196,215,230,241,235,215,186,157,131,69,43,29,37,63,124,137,0,209,228,202,144,82,23,0,0,0,0,0,0,0,0,11,0,186,207,209,196,194,194,196,207,207,194,173,157,111,105,95,79,74,74,77,87,83,87,105,152,155,157,155,111,107,105,99,89,69,61,58,57,56,56,57,59,59,63,61,59,53,45,39,29,23,27,33,33,27,23,23,25,29,37,39,38,37,38,47,57,61,67,73,79,87,131,152,155,147,109,108,111,155,163,165,170,163,163,163,119,121,165,170,173,181,181,181,189,196,207,189,183,189,194,186,170,176,196,215,209,191,176,165,165,163,155,151,151,157,176,194,202,191,189,194,209,222,222,209,204,189,186,189,202,212,204,181,129,45,9,0,0,0,0,0,0,0,0,23,41,47,51,53,67,129,152,144,126,97,150,168,178,181,181,168,105,90,90,103,0,0,176,117,106,113,181,215,222,228,212,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,27,72,207,137,150,202,196,168,155,176,204,212,212,212,215,217,217,217,217,217,222,217,217,215,215,212,212,209,207,207,209,209,204,186,133,127,125,127,178,181,173,173,176,178,189,202,207,202,199,212,225,222,204,189,181,181,189,194,196,199,199,194,189,183,183,181,181,186,189,183,135,133,181,194,199,189,181,183,191,189,75,77,107,181,178,129,131,183,183,178,176,174,174,186,196,196,189,183,186,204,209,133,128,194,209,204,202,204,209,207,205,207,215,222,222,222,222,222,217,217,217,217,215,204,143,135,134,141,194,204,204,191,140,143,204,199,134,133,191,222,233,233,233,230,230,228,228,220,134,130,212,217,207,204,204,207,207,212,215,217,215,207,196,194,199,202,199,204,212,199,192,192,196,196,191,179,177,181,212,222,212,199,194,196,196,189,178,133,183,196,207,207,194,133,124,125,127,125,207,222,230,233,233,230,230,225,224,225,225,225,224,233,238,225,23,0,0,13,47,107,139,217,225,134,82,109,191,202,207,209,207,199,181,183,202,212,215,222,222,204,183,130,124,126,183,235,246,189,125,133,233,235,230,228,230,230,225,228,225,222,217,217,217,212,204,199,191,194,189,130,125,128,181,202,209,199,135,123,117,113,113,186,199,209,212,202,191,186,186,196,215,225,222,202,135,133,181,183,186,191,191,189,186,181,178,191,194,189,186,186,194,209,225,209,189,186,186,189,191,191,199,212,217,217,204,178,133,183,189,196,209,215,199,194,194,186,182,189,191,194,196,199,202,202,199,199,199,207,207,202,189,135,181,189,194,194,137,127,131,202,217,222,215,207,207,215,222,225,220,212,212,217,220,220,217,217,215,105,97,129,189,181,115,97,121,121,111,189,207,212,217,217,217,217,222,228,228,228,225,228,228,217,199,107,124,141,137,196,212,215,212,209,212,217,222,222,220,221,222,225,225,225,225,225,222,222,225,225,225,222,220,222,225,222,215,213,215,217,222,220,215,215,215,215,212,212,217,225,230,228,230,230,228,225,225,225,222,222,225,225,228,233,225,199,186,127,183,199,215,194,91,88,123,135,178,183,194,202,199,189,182,186,194,199,196,189,189,189,191,194,196,196,196,202,194,183,181,191,196,194,186,181,178,135,133,135,178,181,183,183,189,194,194,194,196,191,178,127,125,125,129,181,189,194,199,209,215,215,215,217,217,212,204,191,183,178,133,131,176,186,186,176,131,131,131,127,120,119,123,131,178,131,121,120,125,183,199,207,215,217,222,215,204,186,121,123,186,186,183,181,178,183,189,194,199,209,220,225,222,215,199,186,178,176,133,189,209,222,222,217,217,217,215,196,183,133,133,181,199,215,222,222,222,217,212,202,189,181,178,179,189,191,189,186,186,181,181,183,131,112,111,115,117,114,117,178,133,129,133,181,186,189,189,196,202,199,183,179,181,183,181,183,191,199,196,194,196,199,207,209,204,196,196,196,207,217,222,209,181,131,133,129,116,114,117,129,186,186,178,178,183,186,186,191,194,178,93,93,178,207,207,209,212,207,202,202,204,202,199,196,198,204,215,222,215,186,134,141,196,207,215,215,204,137,123,131,139,191,196,196,199,202,204,204,204,207,209,209,209,207,204,204,207,207,207,207,209,209,207,204,199,194,189,139,139,191,202,202,125,118,118,123,194,215,217,212,196,192,196,207,209,207,209,215,222,222,217,217,212,202,199,204,199,194,196,204,212,215,212,215,215,215,215,215,215,215,212,209,207,189,141,194,137,113,112,127,186,196,196,196,199,202,204,207,209,212,217,230,238,66,53,73,125,202,202,196,194,199,202,199,181,127,131,137,183,196,207,207,207,207,207,207,209,204,196,196,204,204,189,189,207,212,204,202,204,209,212,209,194,130,138,194,199,207,207,204,202,199,191,137,139,189,191,194,196,186,166,182,196,212,212,204,200,200,204,209,209,209,209,212,215,215,212,202,194,189,140,189,207,207,202,194,186,137,135,139,189,194,191,139,136,136,139,145,196,202,204,204,209,217,217,212,209,209,212,215,215,212,212,212,212,212,212,212,207,204,205,209,212,215,222,228,233,233,230,228,230,235,235,235,235,235,233,230,230,233,235,238,235,233,230,230,230,228,225,217,207,151,147,146,146,149,204,212,215,217,230,235,238,243,248,248,248,248,254,255,255,254,254,255,255,255,254,255,255,255,255,255,254,251,251,254,0,0,0,0,0,0,0,0,0,0,0,246,246,248,248,246,246,248,251,248,248,254,254,246,235,233,233,230,225,215,212,215,217,217,215,212,209,209,209,207,204,199,196,196,196,199,202,202,202,204,204,204,204,204,204,202,199,196,194,191,191,189,189,186,189,189,186,183,186,191,194,196,199,199,199,202,202,202,204,204,204,207,207,207,207,207,207,207,202,196,194,189,191,194,196,196,196,199,202,204,207,209,207,204,207,204,199,199,199,202,204,207,204,202,199,194,194,196,196,196,199,202,202,204,204,207,204,202,196,194,191,194,204,209,209,207,207,212,225,225,220,220,222,225,228,230,230,233,235,241,246,248,248,246,243,243,243,248,255,255,255,255,255,255,255,251,246,243,241,235,230,228,230,235,241,246,246,243,241,235,230,230,235,243,246,246,241,238,233,228,230,0,0,255,251,243,233,215,202,189,181,176,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,23,17,0,0,0,0,0,11,37,51,87,103,108,111,116,108,100,100,100,100,108,113,116,108,105,100,67,57,54,54,57,67,75,105,113,116,108,69,63,53,53,57,57,51,45,45,37,27,21,29,61,89,103,147,147,113,117,113,103,97,103,105,105,107,123,189,225,248,255,255,255,255,255,255,255,255,255,255,255,255,255,235,220,225,255,255,255,255,255,255,246,202,183,186,202,217,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,23,51,69,72,61,43,43,46,87,118,129,121,77,0,0,0,0,19,95,170,176,101,92,160,199,220,222,230,238,251,255,0,255,255,230,178,103,95,105,150,103,97,83,61,67,129,170,204,215,207,186,168,150,142,144,0,0,0,0,0,0,217,191,176,176,139,49,35,77,100,85,61,43,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,53,82,108,116,118,111,95,61,53,38,7,0,0,0,0,0,0,0,0,11,57,100,98,111,137,157,181,181,150,124,77,41,7,1,7,21,37,41,45,27,11,15,35,57,87,150,186,202,212,207,191,170,165,168,194,246,255,254,199,59,0,0,0,29,75,139,157,173,165,139,73,65,139,212,202,168,152,144,134,134,134,87,70,66,75,89,101,147,165,176,176,176,173,181,196,202,202,189,170,150,107,144,165,155,109,109,152,152,105,91,84,85,93,105,147,147,107,105,107,109,105,144,170,176,109,87,79,77,83,101,150,150,107,150,150,105,93,92,92,97,103,103,96,96,101,157,155,101,99,107,109,107,109,163,160,117,115,160,168,160,115,121,181,191,191,181,170,170,170,168,166,170,178,186,194,181,105,57,29,37,61,67,45,35,45,67,59,43,57,93,123,183,194,194,191,189,191,202,222,238,246,254,255,255,255,254,241,242,255,255,255,255,254,228,217,204,157,51,0,0,0,0,0,0,0,0,0,0,0,0,49,178,222,212,165,131,65,23,0,0,0,7,25,73,160,191,178,166,176,178,168,150,139,142,157,157,152,144,142,142,150,160,0,0,220,220,212,196,183,194,202,215,225,230,217,186,152,121,61,33,19,27,51,108,116,134,202,233,220,170,105,21,0,0,0,0,0,0,0,0,13,0,176,194,191,194,194,194,207,209,194,183,165,152,150,115,105,91,77,77,87,87,87,93,105,111,152,152,155,155,147,111,105,99,73,63,61,59,59,59,63,63,63,63,63,59,53,49,41,27,23,25,31,31,25,23,23,25,27,31,41,43,39,43,51,61,67,73,81,93,139,152,165,163,155,144,144,111,152,163,165,165,163,157,163,163,170,170,173,178,186,189,186,189,194,194,189,187,189,194,178,127,130,191,215,209,186,168,157,155,155,155,151,151,157,170,191,191,191,189,209,222,222,212,202,189,181,181,183,194,212,212,183,137,53,19,0,0,0,0,0,0,0,0,29,45,49,51,61,116,160,168,139,87,97,155,170,181,181,181,168,111,93,94,111,170,0,170,112,105,113,181,204,215,220,212,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,217,105,124,150,152,144,147,173,199,207,202,202,207,209,215,215,215,215,215,215,212,211,211,211,212,212,209,212,212,207,194,133,178,186,181,131,178,194,202,207,194,189,196,202,199,204,212,225,230,225,207,191,178,178,189,191,191,191,196,189,135,133,183,189,186,183,186,183,135,135,183,202,204,202,199,196,199,202,178,178,181,183,133,127,131,186,186,183,178,176,178,186,194,194,186,181,178,199,212,191,183,194,199,196,199,204,209,209,207,209,215,217,222,217,217,217,217,217,217,217,215,207,194,143,194,207,212,209,202,145,142,199,209,194,125,128,141,217,233,233,230,228,228,225,222,217,202,199,217,215,209,209,209,212,215,222,225,225,222,217,207,199,202,202,202,209,222,199,192,194,194,194,189,181,179,191,209,209,207,199,194,191,191,199,207,199,196,202,207,204,196,186,125,129,181,178,215,225,228,230,233,233,230,225,224,224,225,228,228,233,233,191,12,0,0,0,31,113,196,222,225,204,137,136,194,202,204,202,199,194,179,179,207,215,209,207,209,202,186,129,125,127,133,202,235,220,181,125,230,233,228,225,228,230,228,225,222,217,217,220,217,215,207,194,187,189,191,181,129,129,133,194,202,194,133,123,115,113,125,189,191,194,196,194,191,191,191,199,212,222,212,199,183,135,183,191,199,204,202,189,183,181,183,189,191,191,191,189,196,215,233,228,204,189,185,186,186,186,189,191,189,191,194,194,199,202,194,174,178,191,186,186,191,183,181,189,202,207,209,209,207,207,204,204,207,215,215,204,183,134,181,186,191,196,189,135,186,209,217,225,225,222,217,217,222,225,222,215,212,212,215,212,207,202,194,117,112,202,196,129,102,90,115,119,113,194,207,204,207,212,217,222,225,228,228,228,228,230,228,217,137,109,186,189,133,199,225,230,225,217,215,222,225,222,218,220,222,222,225,225,228,228,225,222,225,228,225,225,222,225,225,225,222,217,217,217,217,212,207,207,209,212,212,212,215,222,225,225,225,228,225,222,222,222,222,217,217,215,217,228,230,222,212,196,181,133,129,109,86,88,123,127,127,131,186,199,199,183,178,179,189,196,196,194,191,186,183,181,186,189,191,194,189,181,181,186,186,181,135,133,135,133,133,178,178,181,189,191,194,196,196,196,196,196,194,183,133,129,135,194,196,196,202,207,212,212,212,212,212,207,199,191,181,176,133,133,183,196,194,178,129,129,129,125,119,120,123,176,194,189,123,127,194,215,217,215,220,228,230,222,207,199,173,173,191,194,194,189,183,183,194,202,209,215,222,225,222,217,209,191,176,127,127,191,212,222,222,216,215,217,217,209,196,191,186,178,178,202,217,217,212,207,202,191,181,179,183,191,202,199,189,178,133,131,133,183,119,108,110,123,127,131,189,191,181,131,131,178,183,189,189,191,199,199,191,186,186,186,183,186,196,202,196,191,189,191,194,202,204,204,199,191,194,204,207,204,194,183,181,133,125,117,116,115,123,178,183,183,183,183,183,186,191,202,220,199,181,191,194,202,209,207,202,202,204,202,199,198,199,207,217,225,215,141,131,141,186,189,204,212,194,123,119,120,133,191,204,209,209,209,209,212,209,207,207,207,209,209,209,207,209,209,207,207,209,209,207,204,202,199,194,191,189,194,202,202,133,118,116,119,137,204,209,212,204,196,199,204,207,207,209,215,222,217,215,209,204,194,191,196,199,199,199,202,207,212,217,222,222,222,217,217,217,217,217,217,217,204,194,186,121,113,121,191,199,199,196,194,194,194,196,196,202,207,212,217,217,91,64,75,115,183,196,202,207,212,215,209,194,130,130,137,191,204,209,207,207,209,207,207,209,204,196,196,204,204,202,202,207,204,198,199,204,212,215,212,141,136,194,202,202,204,204,202,202,204,199,189,139,141,191,194,199,202,191,199,215,222,217,209,204,207,209,212,212,212,212,215,217,217,212,207,202,202,207,215,217,209,207,202,189,137,135,133,133,139,189,143,137,135,135,139,191,202,209,209,212,217,217,212,211,212,215,217,215,212,207,207,209,209,212,212,207,204,205,207,209,215,222,230,233,233,228,228,233,235,238,238,238,235,233,235,238,238,238,238,233,228,222,222,222,220,217,217,207,151,147,146,146,147,202,209,212,217,233,238,241,246,251,248,248,248,255,255,255,255,255,255,254,254,254,255,255,255,255,255,254,254,251,254,0,0,0,0,0,0,0,0,0,0,0,248,246,246,246,246,243,0,0,248,251,255,255,246,235,233,235,233,225,215,215,217,222,217,215,212,209,209,209,207,204,199,196,196,196,199,199,202,202,202,202,204,204,204,204,202,199,196,194,191,189,189,186,186,186,186,186,183,183,186,189,194,196,199,202,202,204,204,204,204,204,204,204,204,204,204,207,207,204,202,196,191,189,191,191,194,194,194,196,202,207,209,209,207,207,204,199,195,196,199,202,204,202,199,196,196,196,196,199,199,202,202,202,202,204,204,204,202,199,196,196,202,207,209,209,209,212,217,228,225,220,217,222,225,228,228,230,233,235,241,243,246,248,251,251,248,246,251,255,255,255,255,255,255,255,251,248,248,246,248,241,235,235,238,243,251,254,251,246,235,228,224,228,238,246,246,241,235,230,226,226,235,246,248,246,238,230,215,204,191,186,181,181,0,0,0,0,0,0,0,0,0,0,0,0,0,3,11,9,3,0,0,0,0,0,0,3,37,82,103,111,116,116,108,100,108,108,100,100,105,108,100,100,100,69,57,57,63,100,108,113,113,116,108,108,77,65,57,59,71,73,71,67,65,59,49,47,59,81,95,103,103,96,96,101,97,91,88,91,97,105,107,123,176,199,217,235,235,251,238,228,238,251,255,255,255,255,255,254,220,199,207,241,255,255,255,255,255,255,215,186,183,186,194,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,33,38,51,74,87,72,47,53,92,111,113,113,121,113,31,0,0,0,59,144,163,150,95,101,191,209,209,212,222,241,255,255,255,255,255,230,170,85,45,39,51,61,65,59,53,67,137,194,209,209,207,199,173,157,150,0,0,0,0,0,0,0,212,209,207,181,124,45,33,74,134,134,79,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,53,90,116,118,126,118,103,77,53,23,3,0,0,0,0,0,0,0,0,0,25,41,27,41,95,139,183,194,173,131,111,65,31,15,27,51,75,75,69,83,152,173,139,93,101,155,191,212,220,207,183,165,168,176,207,235,254,238,181,53,0,0,0,33,97,173,209,207,173,99,73,129,191,207,181,151,157,170,152,142,97,77,61,60,66,81,89,101,147,163,163,173,173,181,191,194,191,183,170,155,107,147,181,178,155,152,165,173,165,103,91,82,84,101,163,168,147,100,98,102,105,109,163,176,101,67,67,79,91,105,150,152,163,170,165,147,99,93,103,155,160,155,101,98,101,111,111,107,111,160,155,107,107,163,178,178,170,176,176,168,121,163,181,191,181,165,119,118,163,168,168,173,181,191,194,186,105,47,15,9,17,23,23,15,15,21,17,19,53,115,178,186,194,191,191,183,183,191,204,230,243,254,255,255,255,254,242,246,255,255,255,255,251,243,238,235,186,39,0,0,0,0,0,0,0,0,0,0,0,0,15,134,215,212,165,121,55,27,0,0,0,0,15,55,139,178,178,166,168,168,150,95,89,134,150,157,152,139,98,97,101,160,0,0,222,230,215,204,194,183,183,196,207,217,212,183,147,103,51,27,9,19,43,92,116,137,202,233,222,178,103,13,0,0,0,0,0,0,0,0,7,75,157,173,183,186,189,194,196,207,194,176,165,157,157,157,115,105,95,99,103,99,95,95,105,111,117,117,155,163,163,155,147,107,89,81,73,73,75,75,81,81,77,69,65,63,59,49,41,27,22,25,29,29,25,23,23,25,27,35,45,51,51,51,51,57,57,67,81,139,155,173,173,165,155,147,144,111,113,155,163,163,163,119,119,163,170,178,173,178,186,186,182,186,189,189,189,189,194,189,176,126,127,186,209,209,186,168,157,157,157,157,155,151,155,163,176,176,170,181,202,209,209,202,181,173,173,181,183,191,207,204,183,147,61,29,3,0,0,0,0,0,0,0,29,45,49,55,71,152,183,170,137,85,137,170,199,191,181,170,163,147,99,103,152,170,176,160,112,108,119,181,191,202,215,212,198 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,37,29,45,0,51,155,160,176,196,199,194,191,196,204,209,212,212,212,212,212,212,211,211,211,212,212,212,215,212,199,135,127,186,207,194,133,178,207,225,222,202,194,196,191,181,189,212,222,225,215,196,181,176,181,196,202,194,191,189,181,125,122,131,189,191,186,183,181,135,186,199,204,207,207,209,207,209,212,207,199,189,178,131,131,183,191,191,186,178,176,178,181,183,186,178,135,178,194,204,196,191,189,189,194,199,207,212,212,212,209,212,217,217,217,217,217,217,217,217,217,215,204,194,191,202,215,217,207,194,143,145,202,207,191,133,138,207,230,233,233,230,230,230,228,225,225,222,228,230,225,217,215,215,222,222,222,222,222,225,225,215,209,207,202,196,199,204,196,194,194,194,194,191,191,194,199,196,183,194,202,196,189,186,215,233,235,228,209,196,195,204,202,189,194,204,207,225,228,228,230,233,233,233,228,225,224,225,225,228,228,215,131,69,37,119,119,119,133,212,217,204,196,194,186,191,202,202,196,194,189,179,176,199,207,199,196,196,191,183,139,186,191,181,131,131,133,122,119,209,222,222,222,225,228,225,222,215,213,215,217,217,215,207,196,187,191,199,196,183,133,131,181,191,186,135,129,117,115,129,191,186,178,178,183,186,191,196,196,202,204,194,191,191,186,191,204,209,209,202,135,131,135,183,186,189,199,207,202,202,212,228,228,215,194,186,189,189,183,181,135,133,135,186,199,209,209,202,172,173,178,181,183,189,183,182,191,207,217,217,215,209,207,204,207,212,217,222,209,137,135,186,191,196,196,189,186,196,212,222,225,228,228,220,215,215,217,222,215,212,209,207,207,204,196,189,189,183,199,194,135,117,105,111,113,112,129,189,191,196,209,222,225,225,225,228,228,230,230,225,189,111,113,186,137,119,196,217,230,228,222,217,222,222,222,222,222,225,225,225,230,230,230,228,225,225,228,228,228,225,225,228,228,225,222,222,217,212,205,203,204,205,209,209,212,212,212,215,217,222,225,222,222,222,222,222,217,215,213,217,225,230,228,215,186,126,126,129,125,108,111,123,127,127,131,183,196,199,189,179,178,183,194,196,199,196,191,181,135,136,181,183,186,181,179,181,183,178,133,132,133,133,131,131,135,135,181,191,194,194,196,199,199,199,202,202,191,178,129,181,202,202,199,202,202,204,209,212,212,209,202,196,189,181,176,176,183,191,202,199,178,129,131,131,123,120,121,127,183,202,199,127,131,202,217,220,213,215,228,228,209,176,176,176,181,178,181,191,183,178,181,194,209,215,215,217,222,222,228,222,199,176,125,123,191,209,222,222,216,216,217,217,212,202,199,196,178,130,178,199,202,189,186,189,189,183,186,204,215,217,215,199,125,117,123,129,176,114,108,115,183,183,189,199,199,189,178,135,181,194,202,202,194,194,194,191,189,186,186,183,186,191,194,186,183,186,191,194,196,204,207,202,190,189,191,194,191,191,189,189,186,181,133,123,116,121,181,194,194,189,183,181,181,186,199,217,125,72,115,178,186,199,202,199,202,202,199,199,204,207,212,217,225,212,141,134,186,141,139,189,141,122,118,120,129,189,204,212,215,212,212,212,215,212,207,207,207,209,209,212,209,209,207,204,204,207,209,209,209,207,202,202,202,196,191,196,196,137,121,121,127,137,189,199,204,202,199,199,202,204,207,209,212,215,212,207,199,191,189,187,190,196,199,199,199,204,212,225,225,225,225,225,222,222,222,222,220,222,212,199,141,123,120,186,202,204,202,194,186,183,186,186,183,191,199,207,212,209,191,123,129,129,135,191,204,215,217,222,217,204,131,130,183,196,202,199,202,204,209,209,209,207,202,196,196,199,202,207,209,209,202,196,196,202,212,217,215,138,137,204,209,207,207,204,200,202,204,199,191,141,143,191,183,177,199,209,215,222,222,217,212,209,209,212,215,215,212,209,212,217,215,212,212,209,212,217,222,222,212,212,212,202,194,189,133,126,129,141,141,137,135,135,137,191,204,209,212,212,212,212,215,217,222,222,222,217,209,202,199,202,207,212,215,212,209,209,209,209,212,222,228,230,228,222,225,230,235,238,238,235,233,233,235,238,235,235,233,228,222,215,215,215,215,217,215,204,151,149,147,146,149,202,207,207,215,230,238,241,246,254,251,248,248,254,255,255,255,255,255,254,252,254,255,255,255,255,255,255,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,246,246,248,246,246,246,0,248,248,251,251,243,235,233,233,230,225,215,215,217,222,222,215,212,209,207,207,207,204,202,196,196,196,199,202,202,202,202,204,204,204,204,204,202,199,196,194,191,189,189,186,186,186,186,183,183,139,139,186,191,194,196,199,202,202,204,204,207,204,204,204,204,204,207,207,207,207,202,196,191,189,189,189,189,189,189,191,196,202,207,209,209,207,204,196,194,195,196,199,199,196,196,196,196,196,199,199,202,202,199,199,199,204,204,204,202,199,199,202,204,207,207,207,215,217,225,228,225,217,217,217,225,225,225,225,230,235,241,243,248,251,255,255,254,248,248,254,255,255,255,255,255,255,255,255,255,255,255,255,248,243,243,248,254,255,255,251,241,229,224,228,235,246,246,243,238,233,226,225,228,235,241,241,235,228,217,207,196,189,183,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,9,0,0,0,0,9,43,85,100,116,124,124,116,116,108,100,98,98,98,69,69,69,63,57,63,100,116,126,126,126,116,108,111,108,71,63,71,83,87,85,81,79,75,65,67,73,83,95,103,103,105,105,97,88,84,84,91,97,105,105,115,125,191,207,228,228,228,217,212,217,230,238,254,254,254,241,230,199,170,181,233,255,255,255,255,255,255,233,202,186,186,191,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,61,72,56,56,69,77,72,74,100,118,126,109,105,113,121,113,51,19,45,91,144,144,95,93,157,209,217,204,205,222,246,255,255,255,255,255,230,178,91,43,31,33,45,51,53,53,75,157,209,222,204,202,199,176,168,0,0,0,0,0,0,0,0,212,189,189,170,98,35,31,90,0,225,152,69,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,72,105,124,129,126,121,111,77,38,1,0,0,0,0,0,0,0,0,0,0,13,23,17,22,61,137,189,202,181,142,126,118,116,126,139,147,150,129,57,77,186,222,207,189,178,189,181,202,215,204,170,163,176,202,215,238,248,246,209,73,0,0,0,47,144,202,217,209,168,139,139,173,207,196,168,163,170,183,168,157,142,89,75,71,81,87,85,93,137,152,163,173,181,186,191,183,170,157,155,111,101,107,165,168,165,155,165,181,183,165,103,89,89,103,168,181,160,102,96,102,155,165,170,155,77,57,73,89,95,105,109,152,163,173,173,152,99,103,160,178,178,160,111,100,101,111,111,109,155,165,163,109,107,168,189,196,186,176,176,168,121,163,170,173,165,119,116,118,170,178,178,186,196,194,191,173,87,37,7,0,0,0,1,7,11,13,13,25,71,170,189,186,186,183,183,183,183,181,189,212,230,241,241,238,248,248,246,251,255,255,255,254,251,248,251,243,199,15,0,0,0,0,0,0,0,0,0,0,31,31,0,51,196,212,160,103,51,39,15,0,0,0,0,31,118,176,189,189,189,176,142,81,71,87,139,157,160,144,98,95,99,152,0,0,230,233,220,194,181,173,173,181,194,209,212,183,147,77,43,21,7,11,33,65,124,155,202,220,209,160,57,0,0,0,0,0,0,0,0,0,17,67,139,165,176,186,194,194,194,194,186,178,170,165,165,170,168,157,117,117,117,105,95,95,103,113,113,117,160,170,170,163,157,147,107,99,99,99,99,134,139,139,129,91,75,69,63,53,41,25,22,23,27,25,23,19,23,27,31,39,45,51,57,55,51,51,47,57,69,131,160,173,173,165,155,155,144,111,113,155,163,163,119,111,105,119,170,173,173,178,186,186,182,182,186,189,194,196,194,189,131,124,126,183,209,207,186,168,157,157,163,163,157,152,152,157,168,163,157,157,170,183,181,170,163,165,173,183,189,189,202,191,181,137,67,33,5,0,0,0,0,0,0,0,33,45,49,59,118,168,189,160,91,85,155,202,222,212,186,170,160,152,111,111,152,152,160,117,112,112,121,181,183,189,204,204,198 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,0,57,163,163,178,196,196,189,189,191,199,207,209,209,212,212,215,215,212,212,211,212,212,212,212,207,181,118,121,181,199,181,125,178,212,228,222,191,178,183,181,174,176,196,209,212,202,183,176,134,181,199,209,204,194,183,133,123,120,122,183,189,181,135,135,137,199,207,204,202,209,212,212,215,220,215,202,176,119,127,194,202,199,191,183,174,174,176,133,178,178,133,132,181,191,196,196,194,189,187,199,207,212,215,215,215,215,215,215,217,217,217,217,220,222,222,222,212,196,143,143,196,204,204,199,145,142,143,145,143,145,202,217,230,235,235,235,235,233,230,230,228,230,230,235,235,230,228,222,222,228,222,217,217,222,225,225,222,217,209,199,191,141,186,191,191,191,191,194,196,196,199,199,182,172,182,199,196,189,187,204,228,233,228,215,195,192,202,199,191,196,212,225,228,212,222,230,233,235,233,230,228,225,225,228,228,225,209,181,181,191,235,202,131,129,189,199,194,189,189,189,191,207,207,199,194,191,185,183,196,196,189,189,189,139,138,199,215,217,202,127,121,121,119,120,202,215,217,217,222,225,225,217,213,212,215,220,217,217,212,202,194,194,199,194,189,178,133,181,189,181,178,186,135,123,135,191,181,123,121,131,135,183,199,196,191,183,131,135,191,196,207,215,209,204,189,129,127,133,186,183,181,196,207,202,202,209,215,217,212,194,189,191,191,186,178,127,131,178,189,199,204,204,196,178,177,181,183,186,191,191,191,196,209,217,220,215,209,204,199,207,215,212,217,207,130,135,191,199,199,189,185,191,207,217,225,228,228,222,212,208,209,215,217,217,209,202,199,204,207,202,194,191,137,137,183,181,125,115,115,117,117,125,137,183,186,202,215,222,222,222,225,230,233,228,217,113,89,125,191,131,111,199,215,225,225,225,222,217,217,222,228,230,228,228,228,230,235,235,233,230,228,228,230,230,228,228,225,222,225,225,225,217,212,207,204,204,204,205,207,209,212,211,212,215,222,225,225,222,220,220,222,217,213,213,222,228,230,228,209,127,122,131,202,191,131,123,115,121,131,178,181,186,191,189,186,183,189,194,196,202,202,196,183,135,135,136,137,181,181,181,186,186,181,135,135,178,181,133,129,133,135,186,196,196,194,199,202,204,204,209,207,194,181,133,189,207,207,207,204,196,196,204,212,215,207,196,189,186,181,178,181,189,199,207,202,181,129,131,173,123,120,122,131,186,194,186,127,131,196,212,215,213,217,228,225,194,111,110,123,127,98,107,119,131,133,176,189,204,212,215,220,222,222,228,225,199,133,125,125,183,204,215,222,222,222,222,222,209,196,194,194,183,130,130,133,176,132,133,183,194,204,215,228,230,228,228,217,105,105,123,133,176,121,111,115,178,189,194,202,204,196,186,178,183,204,215,215,202,189,185,185,186,186,186,186,182,183,186,181,179,183,191,196,196,202,204,202,196,194,196,191,189,189,191,194,194,191,189,186,178,133,189,204,202,194,186,179,179,183,194,194,66,40,95,123,133,191,199,199,204,207,204,204,212,212,212,217,222,209,191,140,186,141,139,139,135,123,122,137,207,215,217,217,212,212,212,212,212,212,209,207,207,209,209,212,212,209,202,196,196,202,207,209,212,209,204,204,207,199,191,189,189,189,135,131,183,186,186,191,194,196,196,194,199,207,209,207,209,207,204,199,191,189,189,190,190,191,196,202,204,209,217,225,225,225,225,225,225,222,222,222,222,215,212,207,196,141,141,196,204,207,202,191,137,135,137,181,181,189,202,212,212,209,209,209,212,181,133,189,204,212,215,217,217,204,133,135,194,196,194,189,194,199,204,209,207,204,199,199,202,202,204,209,215,212,207,198,196,199,207,215,217,134,136,204,209,207,207,207,204,202,202,196,191,191,199,202,165,153,191,212,222,222,217,215,212,209,209,215,217,215,209,207,209,212,212,212,215,217,222,217,217,217,215,217,222,215,207,199,141,130,131,137,139,137,137,137,141,191,202,209,209,207,202,207,215,225,228,228,225,222,212,198,195,196,204,212,215,215,215,217,212,207,208,217,228,228,222,216,217,228,233,235,233,233,233,233,233,233,230,230,230,228,217,212,208,209,212,217,212,202,149,147,147,147,149,204,209,207,209,222,233,238,248,255,251,248,248,248,248,251,255,255,255,254,254,254,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,255,0,0,0,0,0,0,0,0,0,0,246,246,246,246,243,235,230,230,228,222,217,217,217,222,222,217,215,209,207,204,204,204,202,202,199,199,199,202,202,204,204,204,204,204,204,204,202,199,196,194,194,191,189,186,183,183,183,183,139,137,137,183,189,194,194,194,199,202,204,207,207,207,204,204,207,207,207,209,209,209,204,199,191,189,186,186,142,142,186,189,191,199,204,207,209,209,204,199,195,196,202,202,196,194,192,194,199,199,199,202,202,202,199,196,196,202,204,204,202,199,199,202,204,207,207,209,217,222,222,225,225,217,216,216,217,217,217,217,228,235,243,248,254,255,255,255,255,248,248,251,254,255,255,255,255,255,255,255,255,0,0,255,255,251,246,248,254,255,255,251,243,235,230,233,238,243,246,246,243,235,230,230,238,243,241,235,230,225,217,209,199,189,183,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,7,9,3,0,0,0,0,19,49,82,108,126,139,126,113,105,100,100,100,90,63,57,61,57,51,57,100,116,116,116,124,111,77,108,108,77,71,73,85,85,81,81,85,81,79,79,83,87,89,101,147,155,157,105,88,84,88,97,107,107,104,102,117,178,204,217,217,209,207,202,194,207,220,220,212,212,212,204,176,144,170,243,255,235,255,255,255,255,255,220,209,202,204,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,98,121,105,87,69,61,43,64,100,131,131,121,109,107,113,129,134,83,61,61,81,69,53,81,186,228,217,204,204,222,248,255,255,255,255,255,228,194,107,59,35,33,39,47,47,55,83,165,209,209,183,194,196,183,168,0,0,0,0,0,0,0,0,222,152,150,155,87,29,27,0,0,246,168,79,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,98,124,150,144,129,126,111,69,15,0,0,0,0,0,0,0,0,0,0,0,11,25,25,35,87,137,191,215,191,163,165,152,152,165,176,183,157,93,52,66,155,204,207,196,194,178,139,173,212,199,163,157,176,207,217,235,238,246,230,97,1,0,0,53,157,202,207,189,168,160,173,204,207,196,191,194,183,170,160,155,147,134,99,99,101,101,101,137,144,152,155,163,173,181,178,160,147,107,105,101,99,99,111,155,152,147,111,152,176,176,109,97,99,109,163,173,163,147,105,105,157,170,109,73,54,63,91,103,107,107,107,107,152,165,173,152,103,113,176,186,178,160,103,99,101,111,111,105,111,160,163,119,119,176,189,191,186,176,168,123,121,168,165,165,163,119,119,163,173,183,186,186,189,186,173,111,57,15,0,0,0,0,1,11,19,19,21,43,85,176,186,183,178,176,176,181,181,181,181,196,212,209,202,202,222,238,254,255,255,255,255,254,254,255,254,225,134,1,0,0,0,0,0,0,0,0,0,9,45,37,19,61,202,222,160,65,51,49,21,0,0,0,0,31,87,178,207,212,207,189,142,73,57,73,139,160,160,152,139,101,134,152,170,0,220,222,212,181,165,163,165,173,183,204,209,186,147,77,41,21,5,9,27,55,124,168,202,209,178,134,33,0,0,0,0,0,0,0,0,0,33,73,139,165,183,194,209,204,191,183,181,183,183,176,173,173,183,183,176,170,160,105,93,91,103,111,111,117,160,173,178,170,168,157,150,147,147,147,147,150,157,165,160,147,129,83,75,61,43,29,23,23,25,23,19,19,23,31,39,41,43,45,51,51,47,45,43,49,63,93,152,170,170,155,144,144,144,111,113,155,163,163,157,105,101,111,125,170,173,181,189,194,189,186,186,189,196,196,194,186,131,126,127,183,207,207,183,168,157,157,163,163,157,155,155,163,170,165,155,152,155,163,155,144,144,157,181,191,191,189,189,183,165,137,61,33,5,0,0,0,0,0,0,1,29,43,51,61,126,160,160,134,79,85,163,212,230,217,189,168,155,144,144,111,111,152,152,152,117,117,163,181,173,181,202,204,198 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,47,0,105,147,157,178,196,199,190,189,194,202,209,209,209,212,215,217,217,217,215,212,212,212,212,212,199,123,112,115,120,123,119,119,131,207,222,225,133,111,125,178,181,176,178,194,199,194,183,135,132,133,189,202,202,191,181,133,131,123,122,137,181,132,131,134,181,196,199,202,202,207,212,215,225,225,217,113,89,78,92,191,204,191,186,183,178,178,178,133,133,133,130,128,181,191,196,196,199,196,199,207,212,215,215,217,217,217,217,217,220,222,222,222,222,222,225,225,215,196,139,139,143,194,191,191,143,143,143,141,136,143,217,230,233,233,233,235,235,233,229,230,230,230,230,233,233,230,230,230,228,228,222,217,217,217,222,222,222,217,207,194,141,131,128,186,186,186,189,191,194,196,199,202,186,177,186,194,191,189,189,196,207,204,204,207,202,199,202,191,187,189,204,222,215,105,109,225,230,233,233,230,228,228,228,228,225,217,209,194,202,196,194,191,183,139,186,196,199,196,194,202,202,215,212,202,202,202,202,204,202,191,187,191,194,139,137,207,228,230,220,191,127,129,129,131,207,217,222,222,225,225,222,217,213,213,215,222,222,222,217,209,199,194,191,189,191,191,186,186,191,183,183,209,217,202,196,194,181,118,116,121,127,135,199,199,186,130,125,129,186,196,209,202,191,189,183,131,129,133,183,181,135,181,194,191,196,204,207,204,202,191,189,194,189,181,133,113,132,191,199,199,199,196,191,183,181,183,186,191,196,196,199,202,207,209,209,204,202,196,194,199,209,202,207,196,123,134,186,194,191,185,185,202,217,225,230,230,228,217,208,207,209,215,220,222,207,191,191,204,212,209,199,137,133,135,186,137,115,127,207,215,209,183,186,183,135,183,196,212,212,215,222,228,228,217,204,110,81,204,207,133,115,212,222,222,222,222,222,217,217,225,230,233,230,228,228,230,235,235,235,233,230,230,228,230,228,225,222,220,221,222,225,225,222,215,209,207,207,207,207,209,212,211,212,217,225,228,225,222,217,217,217,215,212,212,222,228,233,228,207,131,126,186,207,186,133,123,101,114,181,189,183,176,178,189,196,196,196,196,196,202,204,202,189,181,137,136,137,186,191,191,194,191,189,186,183,189,189,178,129,131,135,189,199,199,196,199,204,204,207,212,204,191,181,181,199,212,212,215,209,196,189,196,204,209,199,189,181,181,181,181,189,196,202,209,207,186,129,131,131,123,120,123,173,181,178,127,125,176,196,209,215,217,225,228,222,207,127,111,117,121,94,108,116,129,131,133,186,199,209,215,225,225,225,225,217,191,127,126,133,183,194,209,217,222,225,225,217,207,191,181,183,183,133,130,131,131,132,133,186,207,228,233,233,230,228,233,228,97,97,131,183,183,176,115,112,123,183,199,209,204,196,183,177,183,204,217,222,212,189,181,182,186,189,191,189,183,186,186,182,181,183,189,191,196,199,202,202,202,204,202,199,207,196,191,191,194,196,202,207,204,181,183,202,202,199,194,186,183,196,202,199,71,47,103,117,129,186,196,202,207,207,207,207,212,209,207,212,215,209,202,194,141,141,186,189,191,199,209,215,217,225,225,225,217,215,212,212,212,212,212,212,209,209,212,212,209,204,196,194,195,202,204,207,209,209,203,204,207,202,189,183,136,199,186,133,189,196,194,194,191,194,194,189,191,209,212,207,207,202,199,194,190,190,194,196,194,194,199,204,212,217,222,222,222,222,225,225,222,217,217,222,222,212,207,207,207,204,202,199,199,202,199,186,131,131,181,186,189,199,212,215,212,204,209,212,215,135,131,183,199,202,202,209,209,202,189,194,199,191,189,189,194,196,202,207,207,199,198,202,204,207,207,207,212,212,209,202,199,199,202,209,220,136,138,199,207,207,207,209,207,207,204,199,199,204,212,217,172,157,204,215,222,222,217,217,215,212,215,217,222,217,209,199,199,209,212,212,217,225,228,217,212,215,215,215,225,217,204,196,191,189,139,137,137,139,139,139,141,189,196,204,207,204,200,202,212,225,228,228,228,225,212,199,195,196,204,212,215,215,217,217,209,205,205,215,225,225,217,216,217,225,233,235,233,233,235,233,230,228,225,225,225,228,217,209,207,208,212,215,209,151,144,144,145,147,151,204,209,204,202,209,225,235,251,255,254,248,248,246,244,244,248,254,255,255,254,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,243,246,246,243,238,233,230,228,225,222,217,222,222,222,217,215,212,207,204,204,204,204,204,202,202,202,202,204,204,204,204,204,204,204,204,202,199,196,194,194,191,189,186,183,183,139,139,137,136,137,183,189,191,191,191,196,199,204,204,207,207,204,204,204,207,207,209,209,209,207,202,196,191,189,186,142,142,186,186,191,196,204,207,209,209,207,202,202,202,204,204,199,194,192,194,199,199,199,202,202,202,196,195,196,199,204,202,199,196,196,199,204,207,209,212,217,222,222,225,222,217,216,216,217,215,212,212,225,235,246,255,255,255,255,255,255,251,248,251,254,255,255,255,255,255,255,255,255,0,0,0,255,254,248,248,254,255,254,248,243,241,243,243,241,238,241,246,246,243,243,0,255,255,243,228,222,217,215,207,196,189,183,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,3,3,0,0,0,0,0,0,3,19,39,82,111,126,126,108,100,100,100,100,90,57,43,47,43,37,43,63,71,98,75,100,69,63,65,73,71,65,67,71,71,71,75,79,81,79,81,83,83,89,101,155,170,165,150,91,91,97,115,157,160,107,102,105,160,189,199,202,199,202,199,183,191,199,194,186,186,181,168,147,139,181,255,255,229,243,255,255,255,255,246,238,230,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,95,131,147,118,66,23,17,33,92,126,134,129,126,113,109,129,144,121,49,37,40,37,36,63,189,228,217,204,205,230,248,255,255,255,255,255,230,194,117,77,45,36,39,43,45,51,83,163,196,194,165,173,194,178,173,0,0,0,0,0,0,0,0,233,121,118,152,95,37,37,0,0,225,116,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,95,105,126,150,150,129,118,111,69,9,0,0,0,0,0,0,0,0,0,0,0,11,35,55,90,118,157,204,233,215,191,207,199,163,137,134,144,129,81,66,79,144,176,176,163,155,101,79,157,202,189,152,144,165,191,209,217,220,238,225,103,15,0,1,53,150,186,176,176,176,196,217,207,196,186,194,196,183,157,142,134,131,131,139,144,152,155,157,155,160,163,157,157,157,160,157,103,91,91,95,97,95,105,147,155,147,103,97,99,111,147,97,95,103,147,147,150,163,176,170,109,105,109,73,43,48,87,109,155,155,107,107,107,150,157,170,157,105,150,178,186,178,113,103,100,109,117,111,105,108,119,160,163,170,178,189,178,178,176,123,123,168,173,168,165,165,165,165,168,173,181,178,178,178,178,168,91,43,5,0,3,9,13,15,27,33,25,23,39,77,115,176,176,170,170,173,176,183,181,181,189,189,183,131,133,202,238,255,255,255,255,255,255,255,255,254,189,65,7,0,0,0,0,0,0,0,0,0,5,45,43,43,100,204,228,170,65,51,51,9,0,0,0,7,43,87,176,215,222,222,207,150,73,53,63,142,160,168,160,160,152,144,152,168,194,209,212,194,170,147,139,157,170,183,204,204,183,147,67,31,7,0,0,19,45,118,170,199,186,152,92,19,0,0,0,0,0,0,0,0,15,49,83,139,165,186,204,207,207,186,178,176,181,189,186,183,183,194,196,194,178,123,103,91,91,103,111,111,111,160,173,181,178,176,170,163,163,163,163,157,157,165,176,181,168,147,134,89,73,51,37,25,23,23,21,17,19,23,35,43,43,37,39,43,47,45,43,47,51,63,87,147,165,163,144,105,105,105,107,111,155,163,170,163,105,101,105,117,123,170,186,209,209,196,189,186,186,196,207,194,186,131,128,131,186,207,194,183,168,165,165,163,163,121,119,163,176,186,181,163,155,155,144,99,97,131,155,173,191,194,194,189,181,163,129,61,31,5,0,0,0,0,0,0,5,25,37,47,61,113,134,134,85,76,85,155,209,228,220,199,170,152,103,99,103,103,111,152,152,152,160,163,170,170,173,191,204,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,118,0,0,181,129,152,178,194,204,204,199,204,209,212,212,212,217,220,222,222,220,217,215,212,211,215,215,186,118,119,123,120,120,119,118,123,194,212,233,79,66,123,199,207,196,129,129,189,189,194,194,133,131,178,191,181,183,183,181,183,131,120,181,137,133,134,186,196,202,204,207,209,212,212,215,222,225,222,109,66,71,93,115,77,41,115,183,189,191,189,183,178,133,127,127,178,191,194,199,202,199,204,215,217,217,215,217,217,222,222,222,225,225,222,222,222,222,222,225,222,212,138,136,194,199,145,143,145,145,145,143,194,209,222,230,230,233,233,235,235,233,229,230,230,230,230,230,233,230,230,230,228,225,222,217,217,217,217,217,222,215,204,194,139,123,106,129,141,189,189,189,191,196,202,202,191,189,189,191,191,189,194,191,187,187,194,202,202,202,199,191,187,194,202,207,204,102,82,199,217,228,230,228,228,233,228,233,222,207,189,191,196,194,191,194,191,194,199,207,212,212,212,215,222,225,222,217,215,212,212,212,199,186,187,207,202,189,191,212,222,228,225,209,191,183,183,186,202,215,217,222,228,228,225,217,215,217,222,222,225,225,225,209,199,191,186,189,199,204,199,196,196,191,202,217,230,238,222,207,186,125,119,121,127,135,194,196,186,128,125,131,191,199,196,133,132,134,135,135,133,135,181,181,136,137,183,183,191,202,202,202,199,194,194,191,183,135,130,129,186,207,207,199,196,196,194,181,181,186,189,194,199,202,202,196,189,181,133,133,183,189,191,194,196,196,199,189,132,133,137,189,189,182,191,204,222,228,230,230,225,212,207,208,212,215,222,222,209,115,135,212,225,228,207,135,131,183,191,183,181,196,217,225,222,209,202,189,131,127,109,125,189,199,207,212,204,183,129,117,117,212,212,189,132,215,230,225,217,217,222,225,225,225,230,233,230,228,228,230,230,233,235,233,233,228,226,226,228,228,225,222,222,225,228,228,222,222,222,217,217,217,215,215,212,212,215,222,225,228,225,222,220,217,217,215,213,215,222,228,233,225,189,120,133,181,131,81,127,131,121,133,191,194,189,181,179,186,196,196,196,196,196,196,202,199,194,189,186,183,189,196,202,199,194,191,194,191,189,191,194,183,131,127,133,189,199,202,204,204,204,207,207,207,202,186,131,178,202,215,222,215,209,204,189,178,189,194,191,181,174,174,183,194,199,202,204,207,199,183,128,128,178,127,122,127,131,176,176,127,125,178,189,202,212,230,230,228,222,194,115,97,117,127,131,127,127,129,129,131,196,207,207,217,225,228,225,222,212,124,98,121,196,181,129,191,215,217,222,222,209,199,183,178,181,183,181,135,133,133,178,183,196,212,233,238,235,230,230,233,217,99,102,186,191,186,186,183,121,119,181,207,209,207,189,176,176,186,199,209,215,209,186,182,185,189,199,202,199,191,189,191,196,191,189,186,189,196,202,202,202,202,199,196,199,202,196,191,191,199,207,209,209,212,71,57,107,183,194,196,191,191,202,204,202,113,105,109,123,135,183,191,202,204,199,196,202,204,202,202,204,207,212,209,202,191,191,199,204,209,217,225,225,225,225,225,225,222,217,215,212,211,211,212,215,209,209,212,212,207,199,195,196,204,207,202,202,207,204,204,204,204,199,191,139,134,136,137,137,186,196,199,196,194,199,191,177,178,207,217,212,209,202,196,194,191,196,196,192,194,202,207,212,217,217,217,215,215,215,222,222,215,209,209,215,217,215,209,209,212,212,204,194,191,194,183,105,108,135,186,183,186,212,215,209,207,199,194,204,189,130,129,137,186,181,186,202,207,204,202,207,202,191,187,191,194,196,199,204,204,202,199,204,207,209,207,207,205,207,209,207,204,199,196,194,141,139,141,196,204,207,209,212,212,209,207,204,207,212,217,217,202,194,207,222,225,222,222,222,222,217,217,222,222,222,217,133,125,207,215,217,222,225,225,217,212,211,212,217,225,222,199,130,129,139,141,139,141,143,141,138,138,189,196,204,207,204,202,204,215,222,225,228,228,225,215,207,199,202,209,217,217,215,217,217,209,203,203,209,222,225,222,222,217,222,228,235,235,235,235,235,233,228,222,217,222,228,225,209,207,207,209,215,207,149,142,141,145,149,199,202,207,204,151,149,207,233,248,255,254,248,248,248,243,243,246,254,255,255,254,254,255,255,255,255,255,255,255,255,255,255,0,0,0,0,255,254,254,254,0,0,0,0,0,0,0,0,0,0,0,246,246,246,248,246,235,230,230,230,228,225,222,222,222,222,217,212,209,207,204,204,207,204,204,204,204,204,204,204,202,202,202,202,202,202,202,199,196,196,194,191,189,186,183,183,181,137,137,137,137,139,186,189,189,191,196,199,202,204,204,204,204,204,204,207,207,207,207,207,207,204,199,191,189,143,143,186,186,189,194,196,202,204,207,209,209,207,204,204,204,204,199,192,192,196,199,199,199,199,202,202,199,196,196,199,202,199,194,191,191,196,204,207,209,212,215,217,222,222,222,217,217,220,220,215,212,212,222,235,246,255,255,255,255,255,255,255,254,254,255,255,255,255,255,255,255,255,255,255,0,0,0,254,248,248,254,255,254,246,241,243,248,248,241,237,238,246,248,251,0,0,255,255,235,217,212,212,209,202,191,183,183,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,25,74,108,126,116,108,100,100,108,98,55,37,25,25,17,19,45,51,51,63,63,57,55,57,63,63,57,47,53,59,65,73,75,79,75,75,75,73,81,95,163,176,170,150,91,97,150,157,165,165,152,105,105,152,163,178,189,196,209,215,191,170,176,176,165,157,157,131,124,147,225,255,255,233,241,255,255,255,255,246,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,139,152,126,56,0,0,33,100,118,118,129,129,129,129,129,129,79,47,39,37,37,45,81,173,217,228,217,217,235,254,255,255,255,255,255,230,191,117,97,73,49,47,47,45,49,79,155,176,163,157,170,183,181,0,0,0,0,0,0,178,217,255,215,126,108,139,116,95,0,0,217,217,137,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,103,113,124,137,137,118,111,87,59,7,0,0,0,0,0,0,0,0,0,0,0,17,82,98,126,144,170,222,251,233,194,207,220,173,57,15,39,73,75,81,134,173,191,144,93,93,53,53,150,181,168,144,98,144,168,199,199,209,220,204,97,23,1,19,55,103,160,168,176,202,225,233,204,183,183,191,194,170,137,91,71,69,77,89,134,163,178,165,160,163,176,186,176,163,160,157,91,83,89,91,89,95,152,168,165,109,91,83,85,93,93,87,87,97,109,147,147,163,183,160,109,99,67,40,39,57,103,155,155,155,152,152,152,152,163,165,163,150,150,163,170,163,113,103,111,157,157,117,111,111,119,163,165,170,178,178,178,178,170,165,168,176,181,176,173,173,178,173,170,170,168,170,170,170,176,168,113,75,53,41,41,37,35,35,35,33,23,22,27,53,83,157,168,168,168,173,181,189,191,181,181,135,125,121,133,220,251,255,255,255,255,255,255,255,255,248,183,71,23,11,0,0,0,0,0,0,0,0,0,21,43,37,35,129,209,191,118,63,45,0,0,0,0,0,43,121,168,207,222,235,207,157,81,57,63,134,157,168,176,176,170,157,152,168,181,202,204,191,155,93,87,139,170,194,199,194,163,121,49,15,0,0,0,5,33,71,168,189,178,134,51,11,0,0,0,0,0,0,0,0,27,53,118,139,165,183,194,204,191,183,176,176,181,194,194,186,189,196,207,194,176,121,105,95,95,109,113,109,111,160,178,186,186,181,178,173,170,176,176,168,157,168,183,189,183,165,152,139,81,59,43,29,23,19,17,17,19,23,31,43,39,35,35,39,43,43,43,51,61,73,131,147,155,152,137,97,97,99,105,105,111,155,163,163,117,105,105,111,123,170,186,209,217,207,186,181,182,194,209,196,189,178,178,186,194,207,191,183,173,173,173,170,165,121,119,163,181,194,191,176,168,155,105,91,90,94,144,168,189,204,202,202,183,163,129,61,33,9,0,0,0,0,0,0,13,19,29,41,61,73,121,126,83,76,87,147,189,217,222,212,191,160,98,94,96,99,103,111,111,152,160,163,163,163,173,202,215,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,137,118,0,0,118,124,150,176,194,209,212,207,207,212,215,212,215,217,222,222,220,217,217,217,212,212,212,207,135,127,199,202,194,196,202,196,194,194,191,87,70,70,176,207,212,204,132,129,181,186,194,199,183,183,199,178,129,135,189,191,189,181,137,186,183,183,191,204,212,215,215,215,215,215,215,212,212,215,209,131,99,113,117,69,0,0,39,178,189,194,191,186,181,183,181,133,133,186,191,199,199,196,204,222,225,220,215,215,217,222,222,225,225,228,225,225,225,222,221,225,228,217,143,142,212,209,194,143,143,145,194,196,209,222,228,230,230,230,233,235,235,233,230,230,230,228,230,230,230,230,230,230,228,225,222,222,225,225,225,225,225,217,207,196,143,124,108,133,186,191,189,189,196,207,212,207,194,186,183,186,189,189,191,187,187,194,207,215,209,204,199,196,199,204,194,191,194,108,71,119,204,220,225,225,228,230,233,233,235,183,55,71,125,194,202,202,199,199,204,212,222,222,225,225,228,228,228,225,225,222,217,212,202,189,196,209,207,196,194,191,194,209,215,209,194,186,183,183,189,196,207,217,228,230,228,225,222,225,225,225,225,225,222,199,186,178,181,194,209,215,212,207,196,183,194,225,235,238,228,217,199,186,183,181,137,183,191,191,183,131,131,194,207,202,186,133,132,133,135,137,181,183,186,191,186,181,137,181,194,202,202,202,204,199,191,186,183,135,131,131,199,217,212,196,191,189,183,179,179,183,191,199,204,209,207,191,131,123,117,117,125,181,189,189,191,194,196,189,135,136,181,189,196,191,199,207,215,222,225,228,222,212,208,212,222,222,222,212,121,32,71,241,238,235,222,131,130,186,196,194,199,209,217,222,222,215,212,207,183,119,97,98,115,133,186,186,133,123,121,120,125,207,204,189,139,212,228,222,215,215,222,228,228,228,228,228,225,225,225,225,228,230,230,233,230,228,226,228,230,233,230,230,228,228,228,225,222,222,225,228,230,230,228,225,217,217,217,222,225,228,225,222,220,222,222,222,222,225,228,230,230,207,126,105,129,181,137,106,127,178,194,225,207,189,183,189,191,191,191,186,191,196,194,191,191,194,199,202,202,202,202,199,199,194,189,183,189,191,191,194,196,189,131,127,125,133,191,202,209,209,207,207,207,204,194,131,126,133,207,217,222,212,209,209,194,177,178,186,186,181,174,173,181,194,199,202,204,204,191,176,129,181,194,173,131,129,127,173,183,178,129,131,181,194,209,233,233,225,191,70,85,95,123,123,122,125,131,129,129,133,191,204,212,222,222,222,217,212,202,129,114,133,209,196,123,126,199,204,207,207,199,189,181,178,178,183,186,181,135,133,181,189,199,212,228,233,233,233,230,225,127,104,111,186,189,189,196,199,181,125,135,199,207,202,189,178,177,186,196,202,202,202,189,189,199,202,207,209,207,202,196,194,199,196,196,194,194,199,204,204,204,202,196,196,194,194,191,189,194,202,204,202,191,125,53,38,54,113,183,189,183,186,194,196,196,191,178,127,131,186,191,196,202,196,186,183,189,196,194,191,194,202,207,209,202,199,204,209,215,217,222,225,222,222,222,217,217,215,215,215,215,211,211,212,212,207,207,209,207,204,196,196,204,212,209,202,200,202,204,207,207,207,199,191,183,134,137,183,181,181,189,194,194,196,204,199,179,178,196,215,215,209,204,199,194,191,199,199,190,194,204,212,217,217,215,215,209,207,207,212,215,209,203,203,209,212,212,212,212,215,215,207,194,189,121,99,101,121,139,137,115,117,194,204,207,207,194,137,137,135,132,132,137,136,133,136,199,207,209,209,207,199,187,187,194,199,202,204,207,209,207,207,209,209,209,207,207,205,205,207,207,204,202,196,189,141,140,189,196,204,207,209,209,212,209,209,209,212,215,222,222,209,199,207,222,225,222,222,222,222,222,222,222,217,217,215,116,111,143,212,222,222,225,225,222,217,212,212,217,228,230,215,132,127,130,137,186,189,189,141,137,137,143,199,204,202,196,196,204,212,222,225,225,225,222,217,209,207,209,217,222,220,217,217,217,209,204,204,209,217,222,222,222,222,217,225,233,238,235,235,233,230,225,215,209,215,228,225,212,208,208,209,212,209,196,143,142,145,151,202,204,207,204,151,149,153,225,243,254,254,251,254,251,246,246,251,251,251,254,254,254,255,255,255,255,255,255,255,255,255,255,0,0,0,255,255,254,254,251,0,0,0,0,0,0,0,0,0,0,0,0,248,246,248,248,235,233,235,235,233,228,225,222,222,222,217,215,212,209,207,207,207,207,207,204,204,204,204,204,202,202,202,202,202,202,202,199,196,196,194,191,189,186,183,183,181,137,137,135,137,139,183,186,189,191,196,199,199,202,204,204,204,204,204,204,204,204,204,204,204,204,199,194,189,142,142,143,189,189,194,196,199,202,204,204,207,207,207,204,202,202,199,196,196,199,199,196,196,196,199,202,202,199,196,199,199,194,190,189,191,196,204,207,207,209,215,217,222,222,222,217,217,222,217,212,207,209,217,230,241,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,254,255,255,255,255,255,255,251,248,248,254,255,251,246,243,243,248,246,238,235,238,248,254,255,0,0,255,255,228,209,207,207,204,196,189,183,183,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,82,126,126,116,108,108,105,92,51,19,0,0,3,13,25,37,45,53,57,57,59,59,63,57,53,45,45,45,53,61,67,73,73,67,65,65,69,89,152,165,163,105,91,97,155,157,160,150,107,103,107,152,160,170,178,189,207,215,191,163,163,155,134,124,126,122,126,170,225,255,243,225,235,255,255,255,255,246,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,124,131,100,23,0,0,43,108,118,118,116,121,129,134,121,77,57,57,55,53,55,69,99,173,217,228,228,230,246,255,255,255,255,255,248,209,168,115,109,103,85,65,59,51,51,79,152,165,153,157,173,196,196,0,0,0,0,0,0,189,228,255,248,178,0,147,163,0,0,191,189,230,246,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,113,116,116,124,126,124,116,100,85,59,9,0,0,0,0,0,0,0,0,0,0,0,17,82,116,126,124,121,181,238,238,196,178,178,124,15,0,15,53,75,89,152,199,207,152,93,79,43,43,142,168,168,144,95,97,147,173,178,194,212,199,144,53,29,35,57,91,142,157,173,207,233,225,183,160,173,183,170,152,95,63,43,47,69,83,131,157,176,165,155,165,189,196,186,176,181,170,101,88,91,93,90,95,113,168,168,107,87,82,83,85,85,83,84,91,107,160,163,176,183,170,111,93,65,45,47,75,103,152,155,155,155,160,165,165,163,157,150,105,113,115,160,115,111,111,157,168,168,157,157,157,165,165,163,168,170,170,178,178,178,176,186,189,189,183,181,183,183,181,170,163,121,163,168,170,178,183,181,176,165,157,105,83,67,57,45,27,20,20,23,39,61,99,117,160,168,176,183,191,202,202,131,109,107,121,209,254,255,255,255,255,255,255,255,255,255,225,150,59,41,89,189,0,0,0,0,0,0,0,0,17,27,5,0,29,170,196,160,118,57,0,0,0,0,0,43,87,155,196,215,222,207,157,87,57,57,89,150,170,181,189,176,168,165,170,181,194,202,183,155,129,86,131,157,183,183,168,139,67,31,0,0,0,0,0,27,65,155,181,168,124,47,7,0,0,0,0,0,0,0,0,25,53,87,147,165,176,191,191,183,181,176,173,181,194,194,189,194,204,207,194,178,168,115,109,109,117,119,113,113,123,178,186,186,183,178,176,176,178,189,181,173,173,189,196,191,183,165,155,129,67,47,33,23,17,17,17,17,21,31,39,37,35,35,39,45,47,49,57,67,77,131,147,152,144,103,97,97,97,97,97,105,111,163,163,119,111,105,111,123,173,186,209,209,207,189,182,182,194,209,209,207,191,191,207,209,207,191,176,173,173,178,173,170,163,121,163,176,191,186,181,170,163,105,95,94,99,150,173,189,204,209,207,191,165,134,67,39,15,0,0,0,0,0,0,7,13,25,41,61,113,126,129,85,78,87,144,181,220,235,230,217,178,137,96,98,103,103,109,111,152,155,155,157,165,183,212,222,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,87,0,0,0,25,75,150,183,207,212,212,209,209,212,215,217,217,220,217,217,215,215,212,209,215,215,191,123,129,209,215,209,212,222,222,215,199,129,44,66,86,178,196,199,191,133,131,181,186,194,196,191,196,207,181,128,137,202,196,186,139,183,186,189,194,204,212,217,222,222,222,222,217,215,209,207,207,202,186,125,119,119,113,67,39,55,129,176,186,189,183,181,183,189,129,109,183,199,207,183,183,202,217,225,222,217,217,217,222,225,225,228,228,228,228,228,228,225,225,225,222,199,194,207,202,147,143,142,143,199,207,222,228,230,228,228,230,230,233,235,233,233,230,230,228,228,230,230,230,230,230,228,228,228,228,228,230,230,233,233,222,207,199,194,139,127,191,196,196,194,196,204,217,222,212,191,182,181,183,189,189,189,191,196,212,228,230,222,209,202,204,215,222,196,187,189,135,102,115,186,215,222,225,225,222,228,238,255,31,0,0,83,209,217,209,204,202,207,212,222,225,228,225,228,228,228,228,228,225,225,222,215,207,209,212,204,194,186,128,129,181,199,199,183,178,181,183,181,182,194,212,225,228,228,230,230,230,225,222,217,217,209,186,129,117,123,202,222,225,215,202,183,129,131,212,228,215,212,204,194,191,194,196,191,189,191,191,186,137,183,207,212,202,186,135,135,183,189,189,189,189,194,199,196,186,134,133,191,207,204,207,207,202,186,182,186,186,133,131,196,212,204,191,186,183,181,179,179,183,194,202,207,212,215,191,119,114,113,113,119,137,186,186,186,186,191,191,189,194,194,194,207,207,204,204,207,212,222,228,228,222,215,217,225,225,217,207,121,24,44,235,238,233,225,130,130,186,196,202,212,217,222,217,217,222,222,217,207,109,94,97,117,133,181,137,125,121,122,127,139,199,196,189,194,215,222,217,215,217,225,228,228,225,222,217,217,222,225,225,228,228,228,230,230,230,230,233,238,238,235,233,230,228,225,222,222,225,230,233,233,235,233,228,225,222,217,222,225,225,225,222,222,222,222,222,225,228,233,235,230,194,127,112,135,181,181,122,127,183,230,233,204,135,135,189,194,191,181,131,178,194,196,191,190,194,207,215,217,217,212,204,194,186,181,183,191,199,199,202,199,189,131,125,123,129,189,199,207,212,209,209,207,204,194,129,124,131,209,217,222,215,212,212,199,177,176,183,189,183,174,173,176,186,194,196,199,196,181,129,133,186,194,186,183,131,125,173,181,129,127,131,183,194,207,225,233,194,89,42,82,111,181,125,120,122,129,129,128,128,181,196,207,215,215,209,207,199,189,178,133,209,225,204,118,118,129,181,183,186,183,186,186,181,179,189,191,181,133,135,183,189,199,209,222,228,228,230,233,225,112,107,115,181,191,199,209,215,204,133,133,194,204,202,196,189,181,183,194,196,196,196,191,196,207,207,207,207,209,209,199,191,191,194,196,199,199,199,202,202,199,199,199,204,204,199,194,189,189,191,191,183,178,133,113,67,65,105,129,176,176,178,186,186,189,196,186,129,131,204,209,209,209,199,185,183,186,189,139,133,137,189,196,199,194,199,207,215,215,212,212,215,215,215,215,213,213,213,215,217,217,212,211,212,212,207,204,204,202,202,199,199,207,212,212,204,199,199,202,207,207,204,202,194,186,183,186,186,135,121,133,191,191,194,207,207,189,185,191,207,209,202,194,191,191,191,196,196,192,199,209,215,217,217,215,212,207,203,203,205,209,207,203,203,204,207,212,215,215,217,215,209,196,133,101,96,109,135,129,106,100,108,133,191,202,207,196,135,134,181,189,196,191,137,133,137,199,207,209,209,202,191,186,189,202,207,207,209,215,215,215,215,215,212,209,207,207,207,207,207,204,204,207,207,204,196,191,191,196,202,207,209,209,209,209,212,217,217,215,220,222,209,196,199,215,217,217,217,220,222,222,222,222,217,212,202,111,106,125,207,222,222,225,228,228,222,217,212,217,228,233,225,199,133,132,139,191,191,191,141,137,136,141,199,204,195,192,194,196,207,217,222,225,222,222,217,212,212,215,222,225,225,217,217,217,212,207,207,212,217,217,217,222,222,217,222,230,235,233,230,230,228,222,209,203,205,217,222,212,209,209,212,212,212,207,199,149,196,202,207,209,212,209,153,151,204,222,238,248,251,254,255,254,251,254,254,246,238,243,248,254,254,254,255,255,255,255,255,255,255,255,255,255,255,255,254,254,254,251,0,0,251,251,251,0,0,0,0,0,0,0,251,246,246,243,235,235,238,238,235,233,228,225,222,222,217,217,212,209,209,207,207,207,207,207,204,204,204,204,204,202,202,202,202,202,202,199,196,196,196,191,189,183,183,183,181,137,137,135,137,137,139,186,189,191,194,196,199,202,204,204,204,204,202,202,202,202,202,204,204,204,202,196,189,142,142,143,189,191,194,194,196,199,199,202,202,204,204,202,199,196,196,199,202,199,196,194,191,194,196,202,204,202,199,196,196,194,191,191,194,199,204,207,207,209,212,215,217,217,217,217,215,215,209,202,196,202,212,225,235,0,0,0,255,255,255,0,0,255,0,0,0,255,255,255,255,255,255,255,255,255,254,246,246,251,255,255,251,243,243,246,246,243,237,235,241,0,255,255,0,0,255,255,222,207,202,202,199,196,191,186,183,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,7,0,0,0,39,108,126,124,116,108,98,61,41,11,0,0,3,19,19,21,27,39,49,57,63,63,59,59,55,53,45,41,41,51,61,69,67,65,65,65,69,87,137,155,147,95,85,97,155,155,147,103,93,93,103,107,152,163,170,170,186,196,181,163,155,139,116,112,121,126,144,189,217,225,217,217,217,235,255,255,255,246,246,0,0,0,0,0,0,0,0,0,0,0,0,0,85,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,72,23,0,0,11,64,105,118,111,98,92,113,121,108,54,48,59,73,69,69,79,99,168,207,228,235,238,246,254,255,255,255,255,241,199,168,115,160,163,111,85,65,53,51,83,147,163,153,165,196,212,204,0,0,0,0,0,207,204,233,255,255,0,0,173,0,0,0,173,142,186,255,150,87,1,0,0,0,0,0,0,0,0,0,0,0,0,0,121,124,116,116,118,118,111,103,87,59,12,0,0,0,0,0,0,0,0,0,0,0,0,35,90,85,31,8,49,178,204,176,131,124,69,3,0,15,65,116,134,183,212,222,189,150,85,36,40,103,168,183,163,98,95,99,155,165,176,202,196,163,97,67,59,69,87,99,142,165,196,225,209,155,147,168,157,129,79,53,33,29,43,77,91,134,155,157,152,155,173,189,194,176,173,183,183,155,101,99,97,93,95,107,165,168,111,93,83,83,83,82,85,87,91,107,163,173,183,191,196,165,99,85,69,79,93,101,111,155,160,165,168,170,173,165,150,105,105,115,160,163,160,113,155,160,168,176,168,165,165,165,160,119,119,119,125,170,178,186,191,194,199,194,189,183,189,191,181,168,119,117,119,163,170,183,194,209,212,209,194,181,173,155,89,61,33,20,20,22,33,47,73,93,113,168,181,191,191,191,189,113,96,106,178,243,255,255,255,255,255,255,255,255,255,243,181,83,59,65,163,254,75,0,0,0,0,0,27,35,31,21,3,0,12,126,183,181,142,73,11,0,0,0,7,49,81,139,189,215,215,199,155,89,57,49,77,139,165,176,170,160,160,168,181,194,194,196,191,163,137,91,87,137,155,157,150,124,55,17,0,0,0,0,5,29,59,144,168,160,124,51,19,0,0,0,0,0,0,0,0,15,49,87,147,165,173,183,183,181,176,173,173,181,194,194,194,194,204,204,194,186,178,170,165,123,165,168,123,119,123,170,178,178,178,170,168,168,178,189,189,181,181,191,202,196,191,183,176,150,89,57,37,23,17,16,16,17,21,29,37,35,35,37,41,47,47,51,61,67,75,93,134,142,137,137,101,97,97,95,94,97,111,163,165,163,117,111,113,123,178,194,196,207,196,194,186,186,194,207,217,209,207,207,209,215,207,191,176,170,173,173,170,170,168,163,119,163,170,170,176,170,163,155,147,147,150,163,181,204,209,212,207,191,165,137,67,43,17,3,0,0,0,0,0,0,3,21,45,83,134,134,129,85,78,87,137,181,228,248,248,230,199,160,144,137,144,144,144,144,147,152,150,157,170,191,215,222,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,113,103,0,0,0,37,81,160,194,207,215,215,212,212,220,222,222,222,217,215,212,209,208,212,217,215,125,107,123,199,212,212,212,222,228,225,204,119,53,95,115,125,131,176,178,133,178,196,196,191,183,183,194,204,186,134,202,215,202,183,138,183,186,191,199,207,215,220,225,225,222,222,217,215,209,207,207,204,191,135,123,121,181,209,207,186,125,127,176,183,183,178,133,127,88,65,137,215,222,124,131,199,215,225,228,225,222,217,222,222,228,228,225,222,222,225,228,228,225,222,215,202,145,142,140,145,145,141,142,204,215,228,230,230,228,228,228,230,233,233,233,233,233,230,228,228,230,230,230,230,230,230,230,230,230,230,230,233,235,230,215,196,194,199,202,202,212,212,204,199,202,212,222,222,209,189,183,183,189,194,191,194,204,215,228,233,230,220,209,207,212,222,228,215,194,189,202,215,181,125,209,215,217,212,191,189,204,196,0,0,0,107,222,222,215,207,204,204,212,220,225,225,225,225,225,228,228,228,228,228,230,228,222,217,215,207,194,139,128,129,181,196,189,174,173,178,183,181,182,194,209,212,225,228,225,228,230,228,222,212,199,186,135,125,107,104,178,215,209,194,137,133,125,120,137,191,124,131,186,191,191,194,199,202,191,181,191,191,183,183,196,202,194,183,135,183,199,204,202,196,189,189,199,202,189,129,128,183,204,204,202,202,196,186,183,191,194,186,135,186,194,191,186,186,186,186,186,181,183,196,204,207,212,217,202,115,112,114,117,127,183,189,183,125,107,133,194,199,207,209,207,215,212,209,202,189,199,228,235,235,233,225,215,215,212,204,202,204,59,44,67,194,217,212,135,134,183,189,199,217,225,228,225,222,228,225,215,196,99,98,183,202,196,189,137,127,124,133,186,189,189,189,194,207,217,217,215,215,217,222,225,225,222,217,216,217,222,225,228,230,230,230,230,233,233,235,238,241,238,233,228,228,228,228,225,222,225,230,230,233,235,233,228,222,217,217,220,225,225,225,225,225,225,225,222,225,228,230,235,225,183,131,137,194,135,126,124,129,137,225,196,181,132,132,183,189,183,133,123,127,186,196,191,190,196,215,217,220,222,222,209,194,181,137,189,204,209,209,207,199,183,125,119,116,123,183,191,196,204,207,202,202,202,196,178,129,133,194,209,212,209,207,207,194,177,176,181,186,183,176,173,176,181,186,189,189,183,133,129,133,183,189,189,183,113,111,119,111,109,129,183,202,212,212,207,207,111,86,54,97,129,194,133,123,125,129,131,126,125,178,194,199,202,204,191,186,181,135,178,191,222,225,199,125,123,129,135,178,183,183,183,189,181,183,194,189,132,131,178,183,186,194,207,217,228,228,228,238,230,121,113,117,133,199,215,225,225,204,131,131,194,207,209,204,194,183,181,189,194,199,199,196,199,204,202,199,202,209,212,196,187,186,186,191,196,194,196,196,196,196,195,199,209,215,209,202,191,186,181,178,134,135,209,225,189,113,119,129,133,176,181,186,183,176,181,127,119,119,215,217,222,222,215,199,191,189,186,132,130,132,139,189,191,191,196,204,209,212,209,209,209,212,215,215,215,215,215,217,220,222,217,215,215,212,207,204,202,199,198,198,199,207,212,212,207,200,199,202,204,199,196,199,199,194,191,189,183,123,111,122,189,186,189,199,204,196,191,194,204,204,194,137,137,143,189,191,194,202,209,215,217,217,215,215,215,212,204,204,207,212,209,204,204,204,207,212,217,217,217,215,212,199,115,103,105,123,125,111,103,106,117,137,189,199,207,202,189,183,194,204,207,199,189,183,189,196,204,204,202,196,189,187,196,207,209,207,209,215,217,217,215,215,212,207,207,207,209,207,204,203,204,209,215,215,212,207,199,194,199,207,209,209,209,212,215,222,222,217,217,217,204,194,194,207,212,212,212,215,217,217,217,215,209,194,125,108,107,129,209,222,222,222,225,225,222,215,212,212,217,217,212,202,191,141,141,189,191,194,189,138,137,143,199,204,196,194,194,195,204,215,222,222,222,222,217,215,215,217,222,225,225,222,220,217,212,208,209,215,215,215,215,217,217,217,222,228,233,230,228,228,228,222,207,202,202,207,212,212,212,212,212,215,217,222,215,209,204,207,212,217,217,217,207,204,209,220,233,243,248,255,255,255,255,255,255,238,228,230,241,248,251,251,255,255,255,255,255,255,255,255,255,255,255,255,254,254,254,0,0,251,251,248,251,254,0,0,0,0,0,0,0,243,243,243,238,238,241,241,238,235,233,228,225,222,222,217,215,212,212,209,209,207,207,207,207,207,204,204,204,204,202,202,202,202,202,199,196,196,196,194,189,183,183,183,181,137,135,135,135,137,181,183,189,191,194,196,199,202,202,202,202,202,202,202,202,202,202,202,202,204,204,199,191,143,142,143,191,191,194,194,196,196,199,199,202,202,204,204,199,195,195,202,204,199,196,191,189,143,191,199,202,202,199,199,199,196,196,196,202,204,207,204,204,207,212,215,217,217,215,215,212,207,199,191,190,194,207,222,235,0,0,0,255,255,255,255,255,0,0,0,0,255,255,255,255,255,255,255,255,255,243,241,243,251,255,255,248,243,246,246,246,243,238,238,246,0,255,0,0,0,255,255,228,212,207,204,199,194,191,189,183,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,17,19,3,0,0,3,45,100,108,108,100,82,47,25,13,0,0,19,25,10,9,13,19,35,45,51,57,65,61,61,61,51,41,37,45,61,73,67,65,67,69,77,83,97,97,91,77,76,91,147,147,99,93,87,87,93,137,142,142,142,152,160,168,173,163,163,134,114,112,126,137,157,191,207,207,196,199,202,209,228,246,246,235,0,0,0,0,238,217,0,0,0,0,0,0,118,100,77,43,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,15,0,0,0,35,87,111,126,111,59,53,100,116,79,56,53,59,61,58,58,61,87,160,199,228,230,230,241,246,251,254,248,246,235,207,178,168,160,160,109,83,59,45,45,73,137,155,163,178,212,225,212,0,0,0,0,0,215,199,215,254,254,220,0,0,0,0,202,147,122,126,144,160,163,66,0,30,38,0,0,0,0,0,0,0,0,0,0,121,113,109,111,111,113,111,103,87,59,20,0,0,0,0,0,0,0,0,0,0,0,0,0,25,35,8,0,2,37,103,95,67,69,37,0,0,21,113,150,160,186,204,207,204,186,87,35,46,139,173,189,170,107,99,101,107,147,157,176,191,181,160,109,89,87,95,139,147,160,186,202,186,139,134,150,97,37,19,7,7,21,61,97,131,131,144,147,137,144,163,186,176,163,157,173,178,173,150,103,99,97,95,95,155,176,155,103,91,87,83,82,87,97,101,107,109,113,163,191,204,181,155,109,105,111,109,103,111,155,165,168,176,176,176,165,113,105,105,157,170,178,176,170,160,168,173,176,176,176,173,173,121,109,99,99,109,125,176,186,194,199,194,194,186,183,183,191,181,170,120,117,157,170,181,196,212,228,228,209,194,189,191,189,165,97,61,39,27,25,27,37,55,75,111,173,183,189,181,127,113,106,106,125,222,255,255,254,254,255,255,255,255,255,255,233,150,83,91,134,139,155,27,0,0,0,0,7,57,69,51,27,15,13,29,98,168,181,152,118,43,0,0,0,13,37,55,87,173,207,207,196,157,93,57,47,61,89,139,144,139,134,144,160,181,194,191,194,183,173,147,121,76,81,124,131,131,116,49,15,0,0,0,0,9,33,57,126,160,152,134,67,35,11,0,0,0,5,7,5,1,13,43,87,147,160,168,173,173,170,170,168,173,181,191,194,194,194,204,204,196,194,194,194,183,181,178,176,168,123,123,165,165,165,123,163,119,119,168,183,189,183,183,191,199,202,202,202,191,176,142,73,45,29,19,17,16,17,21,29,35,31,35,39,41,41,43,47,57,61,63,75,95,137,144,144,105,105,97,94,94,97,111,163,165,163,119,117,117,170,186,196,207,196,194,189,186,189,196,207,207,196,196,207,215,215,209,191,176,173,173,173,173,170,165,119,113,113,119,163,170,173,170,170,178,170,170,173,191,212,215,212,212,191,170,137,71,43,21,5,0,0,0,1,5,0,0,21,59,142,152,137,126,85,81,87,129,168,217,241,248,241,220,178,155,152,152,152,150,144,147,152,147,155,165,181,202,220,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,111,152,134,35,0,0,9,85,152,176,191,212,220,217,217,222,222,222,222,222,217,212,209,212,215,215,181,88,93,129,204,215,212,215,222,228,225,204,123,117,131,125,121,123,131,176,131,133,194,194,116,110,124,181,194,135,134,207,215,196,186,183,183,189,196,204,209,215,222,228,228,225,225,222,217,215,209,209,209,202,181,119,121,196,212,212,204,119,123,178,194,191,178,125,113,85,54,99,207,225,121,128,196,217,225,225,222,217,217,217,217,225,222,215,209,209,215,222,225,225,212,204,202,196,140,138,199,196,142,142,212,225,230,230,230,230,228,228,228,230,233,233,230,230,230,228,228,230,230,230,228,228,230,233,230,228,228,228,233,233,228,207,192,192,199,207,212,225,225,215,207,207,212,215,209,199,194,196,199,202,199,196,204,217,228,228,225,222,217,215,215,215,217,222,222,204,199,207,222,121,20,107,194,196,129,93,29,27,29,0,0,105,202,217,222,217,212,207,207,212,222,225,228,224,224,225,225,228,228,228,228,228,228,225,222,222,215,202,183,135,186,212,209,186,172,172,178,191,189,191,199,202,76,81,88,123,199,222,222,212,199,181,121,125,125,111,103,107,133,137,129,129,129,122,114,123,137,121,123,194,202,194,189,199,207,194,130,183,189,181,137,138,138,138,139,137,191,204,209,207,199,189,185,187,196,189,130,128,135,194,199,191,194,194,191,191,196,199,196,186,183,186,189,189,189,189,189,189,183,189,202,209,212,215,217,209,121,113,115,129,186,202,204,194,86,68,97,191,202,212,215,217,215,209,209,204,116,127,241,238,233,228,217,212,212,204,135,137,196,137,57,45,75,209,209,196,186,183,182,191,212,222,228,230,225,222,209,189,104,92,107,207,209,202,189,135,129,131,186,191,186,139,189,202,212,215,215,215,215,217,217,222,222,220,217,216,217,225,230,233,233,233,230,230,233,235,235,238,238,230,222,222,225,230,230,225,222,222,225,228,230,230,225,222,217,217,217,222,228,228,228,228,225,228,228,228,230,228,228,228,204,133,131,191,199,126,121,127,137,135,181,135,133,131,132,181,183,178,129,122,125,137,191,191,190,194,207,209,209,215,222,212,194,137,135,191,207,215,212,209,202,183,127,117,112,112,119,131,183,194,194,181,183,191,196,196,186,178,178,186,194,196,196,196,189,181,178,181,181,178,176,178,183,183,181,181,133,133,178,178,183,186,189,191,181,89,93,108,109,119,183,202,222,230,215,183,131,111,103,89,129,183,189,129,122,125,131,131,127,128,191,204,199,191,186,129,131,133,133,181,196,212,209,129,127,129,131,135,183,191,189,183,178,134,178,191,178,128,131,178,178,181,191,207,222,230,233,233,235,212,129,121,119,129,209,222,225,215,135,123,127,191,204,209,202,191,183,181,183,191,202,207,204,196,194,191,191,199,209,215,204,191,186,186,189,194,194,196,196,199,196,196,199,202,207,209,204,196,186,181,135,133,135,191,194,131,123,129,176,181,186,194,196,191,178,176,123,117,115,207,212,217,225,225,212,196,191,189,135,131,132,139,189,194,196,199,202,207,209,212,212,215,222,222,222,222,222,222,222,222,222,222,217,217,215,209,207,204,199,196,196,199,204,209,212,209,207,207,204,196,183,139,194,199,196,191,189,186,135,120,133,186,136,137,189,196,199,196,199,199,199,194,137,130,133,141,189,199,212,222,225,222,217,215,217,222,222,215,212,215,217,217,212,209,209,212,217,222,217,215,215,212,204,131,113,113,119,119,114,131,217,202,199,199,202,207,207,196,189,191,199,202,196,194,196,196,196,196,191,189,189,191,196,204,209,209,204,207,209,212,212,209,209,209,207,207,209,209,209,207,204,204,207,207,207,212,212,204,196,199,202,207,209,212,215,217,222,222,217,217,215,204,194,194,204,209,212,212,215,215,217,217,215,202,131,112,109,114,145,215,222,222,222,222,222,217,212,207,204,204,202,196,191,186,139,139,186,194,194,191,141,139,189,202,207,204,202,196,196,202,215,222,222,222,222,217,217,217,217,222,222,222,222,217,217,215,212,212,215,215,212,212,212,215,217,222,225,228,228,225,228,228,222,212,204,202,207,212,215,215,215,212,215,225,230,228,222,209,209,215,222,225,225,209,207,212,217,230,238,246,254,255,255,254,255,254,233,222,226,235,246,248,254,255,255,255,255,255,255,255,255,255,255,255,255,254,254,254,0,0,0,251,248,248,251,251,0,0,0,0,0,0,243,0,248,243,246,243,243,243,241,235,230,225,222,222,217,217,217,215,212,209,209,207,207,207,207,207,204,204,204,202,202,202,202,202,199,196,196,196,191,189,186,183,183,181,137,135,135,135,137,181,183,186,189,194,196,199,199,202,202,202,202,202,202,202,202,202,202,202,204,207,202,191,143,143,189,191,194,194,196,196,196,199,199,202,204,207,204,199,195,195,202,202,199,196,191,143,142,143,194,199,202,199,199,199,199,199,202,204,207,207,204,204,207,209,212,215,215,215,215,209,204,196,189,187,191,204,222,235,246,254,254,255,255,255,255,254,251,251,251,0,0,0,255,255,255,255,255,255,241,235,235,241,248,254,254,248,243,246,251,251,246,243,243,246,251,255,255,0,0,255,254,233,222,217,209,202,194,191,191,189,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,11,1,0,0,0,66,92,92,85,45,25,17,13,13,13,33,33,9,6,10,13,25,25,25,47,65,67,67,67,61,49,45,51,67,81,73,69,69,75,77,83,85,85,77,74,74,85,97,97,91,93,91,87,87,93,129,131,129,131,139,155,163,163,165,144,120,124,157,160,147,189,215,207,189,183,183,191,209,220,220,0,0,0,0,0,220,202,0,0,0,0,0,0,108,92,59,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,0,0,0,11,66,100,126,134,118,53,47,92,113,79,79,87,85,77,59,55,58,79,150,196,217,228,230,235,246,248,248,246,246,238,228,207,189,157,103,87,59,41,25,31,59,97,152,165,196,222,233,212,0,0,0,0,225,212,186,199,238,246,220,0,0,0,0,168,147,150,134,116,189,230,95,0,3,17,0,0,0,0,0,0,0,0,0,0,0,113,116,116,116,0,0,111,85,59,30,9,0,0,0,0,0,0,0,0,0,0,0,0,17,49,49,19,8,9,9,5,23,27,5,0,0,9,121,178,189,189,183,179,196,186,55,30,55,150,168,183,183,152,107,109,101,103,150,160,176,191,191,168,109,97,101,155,168,168,173,173,155,95,87,83,37,0,0,0,0,19,93,160,142,129,131,139,134,137,160,183,176,155,144,150,152,152,113,103,101,99,93,92,111,168,165,109,103,99,95,89,93,103,113,107,98,98,107,178,196,181,170,160,157,157,157,109,155,168,168,168,176,176,173,163,113,103,105,115,173,178,183,178,168,168,168,176,183,183,183,173,121,107,98,96,98,117,170,186,194,191,186,176,176,176,181,183,186,173,163,121,165,178,196,204,225,233,233,212,196,189,199,202,199,181,163,93,59,43,37,39,53,73,111,176,183,176,117,107,100,109,133,209,233,238,238,238,246,255,255,255,255,255,255,235,181,111,168,170,139,67,0,0,0,0,0,0,63,113,65,33,21,29,43,98,163,181,160,144,73,15,0,0,0,7,19,43,163,196,204,196,165,131,63,43,43,55,63,73,75,89,139,168,181,194,181,181,181,173,147,121,72,73,81,113,121,111,49,15,0,0,0,0,5,29,49,108,134,144,134,111,57,39,19,11,17,27,29,15,3,11,35,75,134,147,155,157,157,163,163,163,173,181,191,194,194,194,204,204,204,207,212,209,207,194,196,191,176,176,173,173,170,170,123,117,111,108,119,173,189,183,183,189,196,202,215,220,215,191,165,129,61,37,23,19,17,17,21,29,31,31,31,39,39,37,35,41,47,49,55,67,93,142,155,155,144,103,97,94,94,97,111,163,165,163,123,119,119,170,196,217,217,207,186,176,178,189,207,207,189,181,186,196,215,217,215,207,186,181,176,173,168,125,125,119,107,105,107,119,170,176,176,181,199,189,181,181,204,215,217,217,212,204,173,137,71,43,21,7,0,0,5,13,9,0,0,21,81,160,160,134,121,89,85,91,91,150,189,217,230,230,220,189,160,152,160,152,152,144,152,152,147,111,111,157,181,212,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,79,49,11,11,0,0,0,97,150,155,160,194,212,217,222,222,217,217,222,222,215,209,204,207,209,183,80,77,89,186,217,222,217,217,222,222,212,191,127,127,131,129,129,133,178,178,122,119,133,183,112,105,121,133,137,132,132,194,196,183,183,183,183,194,202,207,209,215,222,225,225,225,225,225,222,217,215,212,212,212,194,114,118,196,217,212,131,99,123,196,204,196,178,125,117,115,72,91,121,202,130,128,135,209,209,204,204,209,212,212,212,207,204,202,202,204,212,217,222,217,204,200,207,217,204,145,209,204,145,145,225,230,230,230,230,233,230,228,228,228,230,230,228,228,228,230,230,233,233,230,226,226,230,233,230,228,226,228,230,233,222,207,196,196,202,204,209,225,228,217,209,207,209,209,204,194,196,212,215,209,202,202,212,225,228,222,215,215,222,225,225,222,222,217,212,207,207,207,135,17,0,27,127,189,127,113,41,29,39,31,83,133,194,215,225,225,215,209,207,212,222,225,225,225,225,225,228,228,228,228,228,228,225,225,225,222,222,209,183,138,202,225,220,196,178,181,194,207,199,196,202,196,50,53,53,96,109,111,109,125,186,186,127,117,123,129,111,104,113,131,131,129,125,117,112,129,202,191,183,209,209,196,187,196,212,204,132,137,139,138,137,136,135,136,139,191,202,209,212,212,207,194,183,182,191,191,139,135,183,189,189,187,189,196,199,199,199,199,194,191,191,191,189,191,194,191,189,189,186,191,204,215,215,212,212,202,129,114,117,183,207,220,225,217,87,66,87,189,202,212,217,222,215,207,207,212,103,108,235,233,215,207,207,209,215,204,111,109,117,125,105,58,85,212,217,209,202,191,182,186,196,202,212,222,217,202,183,127,101,96,127,189,196,189,183,133,129,131,186,139,135,135,194,209,215,212,215,215,217,220,217,216,217,222,217,217,217,225,230,233,233,233,230,228,230,233,235,235,230,222,207,205,215,228,230,228,225,225,225,225,228,225,215,212,215,217,220,225,228,230,230,228,228,228,228,230,230,230,228,212,189,131,131,189,194,129,125,191,202,181,133,135,135,132,133,183,186,178,131,128,133,189,194,191,191,194,196,196,196,204,212,207,189,131,131,183,199,207,209,209,207,202,194,189,117,112,115,123,178,186,178,130,131,183,196,204,202,189,177,177,183,186,189,189,189,189,183,178,176,176,178,183,189,186,181,133,128,133,189,194,194,194,189,194,196,94,97,115,178,191,189,199,215,230,196,123,125,123,135,196,215,204,191,119,118,123,133,135,178,199,212,215,209,186,131,128,133,135,178,189,202,204,189,114,125,131,133,178,191,199,196,183,133,130,135,186,135,130,133,135,178,183,194,209,222,230,233,233,209,131,127,125,121,127,204,212,212,194,127,122,129,194,202,202,194,186,183,181,181,186,196,207,207,194,186,186,189,196,209,215,212,204,191,187,189,196,196,196,196,199,204,204,202,196,196,199,202,196,191,183,178,135,178,178,181,178,133,133,181,191,204,207,204,202,194,183,133,123,118,196,207,212,225,228,217,202,191,189,137,133,135,137,186,196,202,202,202,204,209,215,217,225,228,225,225,225,225,222,222,217,222,222,222,217,217,215,212,209,202,196,198,199,202,207,209,212,212,212,207,186,129,128,183,196,196,189,189,191,186,137,183,186,137,136,137,186,191,196,199,199,196,194,186,128,123,130,194,209,222,228,228,225,217,217,222,228,230,228,222,225,225,225,217,215,217,220,222,222,217,215,215,215,212,207,137,123,123,133,194,209,217,215,212,207,207,207,207,196,186,138,183,189,191,196,199,199,196,189,186,185,187,196,204,209,209,207,202,202,204,207,207,204,204,204,207,207,209,209,209,207,204,204,202,195,192,199,209,212,207,202,199,202,207,212,215,217,217,217,217,217,215,207,199,202,212,215,217,217,217,222,222,222,222,212,139,116,117,131,194,212,212,215,215,217,217,215,209,202,198,199,199,194,141,136,135,139,191,196,194,189,141,141,191,202,207,209,209,202,199,204,215,222,217,222,222,217,222,222,222,222,222,222,222,222,222,222,217,217,217,215,211,211,215,217,217,222,222,225,225,225,225,225,222,215,212,209,215,215,217,217,212,211,215,225,233,233,225,212,208,212,222,228,228,151,153,207,212,228,233,238,243,248,248,243,246,243,230,224,226,233,243,248,254,255,255,255,255,255,255,255,255,255,255,255,254,254,254,254,0,0,0,254,248,248,248,248,246,0,0,0,0,0,0,0,0,251,248,246,246,246,246,241,233,225,222,222,222,222,222,217,215,212,209,209,209,207,207,207,207,204,204,204,202,202,202,202,199,196,194,194,191,189,189,186,183,181,135,135,133,135,135,137,183,186,189,191,194,196,199,202,202,202,202,202,202,202,202,202,204,204,207,207,204,194,189,189,189,191,194,194,196,196,199,199,202,204,204,204,204,199,196,196,199,202,202,199,194,143,142,143,191,199,199,199,199,199,199,202,204,207,207,204,202,202,204,207,212,212,215,217,215,212,207,196,190,189,194,207,225,235,243,246,248,254,255,255,254,248,248,248,248,0,0,0,0,0,255,255,255,255,235,233,233,235,243,0,0,0,0,248,254,254,251,248,248,248,248,254,255,0,0,255,248,233,228,225,215,204,196,194,191,191,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,5,0,0,0,21,69,77,49,21,0,0,5,13,21,27,27,13,13,21,27,35,22,22,45,65,67,71,73,73,65,59,67,73,81,81,75,75,77,81,83,85,77,76,74,79,85,85,85,87,93,93,87,85,87,121,87,89,124,139,155,155,155,165,155,139,144,0,0,157,189,0,207,191,173,165,183,202,202,0,0,0,0,0,0,220,212,0,0,0,0,0,111,103,92,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,0,0,0,0,48,87,113,126,100,43,39,59,59,53,71,137,144,129,83,69,60,79,105,176,217,228,230,238,246,254,251,254,255,255,254,243,207,157,97,81,53,25,13,17,51,91,142,163,204,228,228,204,196,0,0,0,235,215,186,183,222,238,215,0,0,0,220,189,165,173,170,0,0,241,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,53,30,12,0,0,0,0,0,0,0,0,0,0,0,0,19,92,131,134,111,51,15,0,0,0,0,0,0,0,71,168,202,194,178,174,191,176,38,31,87,157,168,183,183,152,144,147,101,103,109,150,160,181,191,176,150,97,101,163,189,189,173,173,155,97,73,37,0,0,0,0,0,15,139,181,155,129,131,139,137,139,160,186,181,155,109,103,101,101,103,107,107,101,93,92,103,155,155,111,111,115,111,103,97,109,160,103,93,94,105,168,178,160,160,160,156,157,157,152,157,168,168,165,165,165,165,152,105,99,93,99,115,170,178,178,168,163,168,176,183,191,183,173,165,115,99,99,105,119,170,186,189,176,168,165,168,176,173,183,181,173,163,163,173,189,196,204,209,212,225,215,204,191,189,191,207,222,207,178,101,65,49,47,59,75,105,160,168,121,109,102,104,127,212,230,222,222,230,238,246,255,255,255,255,255,255,243,230,189,199,199,178,97,0,0,0,0,0,0,39,69,57,33,20,41,47,61,155,181,160,139,73,19,0,0,0,0,0,0,155,186,196,196,178,147,83,49,34,35,39,45,57,87,152,178,194,194,194,194,183,173,155,131,83,76,77,81,116,111,55,19,0,0,0,0,0,19,41,65,118,118,116,105,63,51,39,33,41,49,45,29,11,13,33,63,93,129,101,139,144,150,155,163,173,181,191,191,194,194,204,204,204,207,215,215,212,207,207,207,196,189,191,191,186,181,173,123,111,106,109,163,178,183,183,189,196,202,215,225,225,212,191,157,79,45,29,21,17,17,19,25,31,31,35,39,39,32,32,35,41,41,47,61,87,142,155,155,105,97,95,94,95,105,155,163,170,170,170,123,123,173,209,225,225,196,178,173,178,194,209,207,181,179,183,196,215,225,215,207,194,183,178,129,127,125,125,119,113,100,101,119,170,181,181,191,202,189,170,173,204,222,225,217,217,207,181,147,83,51,31,17,13,15,21,25,15,5,5,21,81,152,152,126,126,134,126,118,91,137,160,181,212,222,212,178,160,152,152,152,150,144,152,152,147,105,97,113,173,215,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,51,0,0,7,63,25,0,91,144,143,140,165,191,207,217,217,217,215,217,217,209,199,189,183,178,111,81,83,117,186,212,215,209,212,212,204,194,183,176,133,129,129,178,183,183,133,114,116,125,194,189,133,181,183,183,136,135,189,186,181,183,189,189,199,204,207,209,212,217,222,217,217,222,222,225,222,217,217,217,215,209,131,125,133,127,101,72,94,131,207,209,202,186,131,123,127,111,105,115,196,196,125,119,129,131,133,141,196,204,204,200,195,198,202,207,212,217,217,212,202,204,209,217,228,222,202,209,207,147,149,230,233,230,230,233,235,233,228,226,228,228,228,228,228,228,230,233,233,233,228,226,225,228,233,233,228,228,228,230,230,217,202,194,199,204,202,204,217,222,215,204,202,204,207,202,192,196,222,222,209,199,199,209,217,217,215,212,217,225,228,225,222,225,212,202,196,202,204,115,18,16,71,121,212,135,181,133,109,105,107,111,117,189,225,230,228,217,212,212,215,222,225,225,225,225,228,228,228,228,228,228,228,225,228,225,222,222,209,139,138,204,217,207,194,196,212,222,217,189,181,202,215,76,101,119,113,111,105,98,102,181,207,215,122,127,183,181,108,113,191,191,137,125,117,120,183,202,212,207,209,204,191,187,196,209,207,186,138,138,139,183,183,139,139,194,207,215,217,217,217,215,204,187,185,194,199,196,199,196,191,189,187,199,207,202,196,194,189,181,189,202,202,186,185,194,194,189,183,186,194,204,212,212,204,196,189,137,123,123,202,217,225,230,228,133,86,103,183,207,217,217,217,212,207,209,217,97,100,199,209,199,199,202,207,222,217,113,106,105,109,113,117,186,215,225,222,212,202,194,191,186,133,189,212,209,129,126,127,117,111,121,127,133,137,183,181,129,125,129,95,129,141,207,217,222,215,217,222,225,225,217,216,217,225,222,217,217,222,225,228,230,228,225,222,225,228,230,230,225,212,203,200,207,222,228,225,228,228,225,225,222,217,207,204,212,222,225,228,230,230,230,228,225,225,228,228,228,230,228,204,139,133,135,183,189,135,133,196,199,183,134,134,135,135,178,186,191,186,183,194,204,209,204,199,196,194,191,189,186,194,199,191,133,129,130,137,189,196,202,207,215,217,217,222,209,186,127,127,133,178,132,131,135,189,199,207,209,202,189,183,183,183,183,186,191,194,189,178,176,178,181,183,183,181,133,129,129,186,196,196,196,191,178,189,199,104,100,109,131,186,131,135,178,194,108,110,129,133,181,212,228,222,215,123,119,125,181,183,189,207,215,215,207,135,130,137,183,137,135,186,196,196,137,125,128,135,183,196,209,215,209,186,133,133,183,191,186,135,133,133,178,189,199,207,209,212,217,209,178,126,131,133,127,129,194,202,194,181,131,129,183,194,196,196,194,186,183,181,183,183,189,199,207,194,183,186,191,199,204,212,212,209,196,186,187,196,202,196,196,199,204,207,204,199,194,194,196,194,189,181,178,183,186,191,204,212,199,181,183,202,212,209,209,209,207,178,133,129,127,191,204,212,225,228,222,204,194,186,137,135,135,132,135,191,204,207,202,202,209,217,222,225,225,225,222,222,217,217,217,217,220,222,217,217,220,217,215,212,204,199,202,204,204,204,207,212,212,212,202,135,124,125,183,199,194,189,189,191,189,183,181,183,183,137,139,186,189,194,199,202,199,196,189,128,121,131,204,212,217,225,225,225,222,222,222,228,230,230,225,225,225,225,222,222,222,225,225,222,215,215,217,220,217,215,196,137,137,199,209,209,207,212,209,207,204,204,202,196,139,136,137,186,191,194,196,199,199,189,186,186,191,204,212,209,207,204,202,200,202,204,204,199,199,199,202,204,204,204,204,204,207,207,204,196,192,194,207,217,215,204,198,196,199,209,217,217,216,217,222,222,217,212,209,212,217,222,225,225,225,225,225,225,228,228,207,137,137,139,143,199,202,207,209,215,217,217,212,202,196,198,202,202,189,137,137,186,196,199,194,141,137,139,191,199,204,209,212,209,204,209,215,215,212,215,217,217,222,225,228,225,222,225,225,225,225,228,228,225,217,212,211,212,220,225,222,217,217,222,225,225,222,217,215,215,217,217,220,217,217,215,212,209,212,225,233,235,228,212,208,209,217,230,228,132,135,147,153,222,228,228,230,235,238,235,235,235,230,229,230,235,241,246,254,255,255,255,255,254,255,255,255,255,255,255,254,254,254,254,0,0,0,254,251,248,248,246,243,0,0,0,0,0,0,0,0,0,0,246,248,248,248,243,235,228,222,222,222,225,222,222,215,212,209,209,209,209,207,207,207,207,204,204,202,202,202,202,199,196,194,191,191,189,189,189,186,181,135,133,133,133,135,137,181,186,189,191,194,196,199,199,202,202,202,204,204,204,204,204,204,204,207,209,204,196,194,191,191,191,191,194,194,196,199,202,204,204,204,202,202,199,199,199,199,199,204,202,196,189,143,189,194,202,202,202,199,199,202,204,207,207,207,204,202,202,204,207,209,212,215,217,217,215,209,199,191,191,199,212,225,233,238,241,246,251,254,254,248,246,246,246,246,0,0,0,0,0,0,255,255,251,235,233,233,233,0,0,0,0,0,0,0,0,248,248,248,246,246,251,255,0,0,251,243,233,225,222,215,207,202,196,194,194,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,39,49,35,0,0,0,0,7,19,21,21,27,39,39,49,47,25,27,51,65,65,67,79,111,79,75,75,81,83,83,83,77,77,83,91,91,91,91,124,126,124,83,77,85,121,121,79,73,79,79,73,75,116,137,142,142,131,144,0,0,0,0,0,0,0,0,0,0,163,147,163,183,0,0,0,0,0,0,0,0,233,0,0,0,0,0,126,111,85,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,69,87,45,34,36,47,33,12,25,129,155,152,137,93,79,79,91,115,196,217,228,235,246,255,255,255,255,255,255,243,199,115,103,95,59,25,10,15,41,73,129,160,202,228,212,191,173,0,0,0,235,215,178,176,209,225,202,173,178,0,246,222,165,147,152,0,0,170,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,38,9,0,0,0,0,0,0,0,0,0,0,0,0,0,25,100,144,181,186,157,85,5,0,0,0,0,0,0,59,147,189,186,183,186,196,155,34,42,147,194,191,199,196,163,144,107,99,99,103,101,111,163,170,163,109,92,96,160,199,199,186,186,186,165,97,33,0,0,0,0,0,0,89,178,163,137,131,131,137,137,152,178,181,155,103,92,89,90,97,109,115,107,97,95,105,117,113,109,109,115,152,109,103,113,115,101,95,98,113,173,173,157,156,157,151,157,168,168,168,168,168,160,155,152,115,107,99,93,88,88,99,155,170,176,165,163,163,173,183,191,183,178,173,170,123,119,123,170,178,189,189,176,164,163,168,176,173,173,173,170,163,168,178,189,196,202,204,202,202,204,204,199,189,189,199,202,196,178,152,83,63,53,59,67,81,103,113,115,115,115,127,189,222,222,220,222,235,248,251,255,255,255,255,255,255,248,243,230,222,209,230,220,19,0,0,0,0,0,0,43,45,33,31,53,35,29,144,191,170,144,73,15,0,0,0,0,0,0,163,186,196,196,196,165,129,63,36,31,35,45,61,124,157,189,199,202,202,202,202,181,160,137,116,81,77,77,121,121,67,31,0,0,0,0,0,11,33,57,65,65,59,57,55,51,55,55,77,108,69,45,29,27,45,63,75,85,85,91,0,107,155,163,170,181,191,191,191,194,204,207,204,207,215,215,212,209,215,209,196,196,207,207,209,196,186,170,117,108,109,163,178,183,189,189,191,199,215,222,225,225,209,178,129,57,31,21,16,16,17,21,27,29,35,41,39,33,33,39,39,41,47,61,79,137,152,144,97,94,94,97,99,111,157,163,168,170,173,170,125,178,209,228,220,194,178,176,186,196,209,207,186,181,186,209,225,225,215,207,191,181,173,127,127,125,125,125,119,105,101,119,170,181,181,186,202,181,163,165,194,215,225,217,215,207,189,163,126,65,43,35,39,41,39,31,17,9,7,21,61,134,134,126,147,163,150,131,121,124,134,155,191,220,204,168,152,147,152,144,144,144,144,152,147,101,93,147,189,228,241 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,51,0,0,35,160,131,0,79,144,144,139,160,176,186,207,212,215,212,207,204,196,183,127,108,113,109,111,191,194,183,191,202,194,194,194,183,179,181,189,194,176,131,183,186,183,176,118,121,125,191,196,191,191,189,191,191,189,194,191,189,196,204,204,204,207,209,212,215,217,217,216,215,216,217,222,222,225,225,225,222,209,137,137,135,97,63,37,107,186,207,209,207,202,186,127,129,133,129,131,202,212,124,96,119,123,128,139,199,202,198,192,196,202,215,225,228,228,217,199,135,212,228,225,228,217,199,202,202,147,196,230,233,230,230,233,235,233,228,228,228,228,228,228,225,225,228,230,233,233,230,226,226,228,233,233,230,228,230,230,225,207,145,141,191,199,199,199,209,215,209,199,196,202,207,204,191,194,212,215,202,194,192,202,207,209,207,209,215,222,225,217,217,222,207,191,185,191,199,135,93,119,113,107,178,94,117,133,119,105,121,119,117,217,235,230,230,225,222,222,225,228,228,228,225,225,225,228,228,228,228,225,225,225,228,225,217,217,212,186,189,207,209,186,181,207,225,230,228,117,101,133,215,84,183,207,204,194,125,106,109,189,212,222,228,186,191,191,121,127,209,202,186,133,127,137,181,135,199,202,204,196,187,187,194,202,204,196,186,183,186,191,194,191,196,207,215,222,222,222,225,228,212,189,189,196,199,204,212,212,204,202,196,209,212,199,189,186,135,130,189,222,217,176,172,189,196,186,181,183,189,199,207,207,194,136,135,183,137,181,212,217,217,225,225,209,111,107,135,207,225,212,207,212,209,212,225,98,98,117,189,191,199,202,207,222,222,139,109,106,107,115,183,202,212,225,225,222,212,207,199,137,126,130,207,215,124,123,131,129,121,115,119,123,131,186,189,131,113,107,45,127,196,222,228,230,225,228,228,230,228,217,216,217,225,228,222,217,217,220,225,225,225,222,220,220,225,228,228,225,212,204,202,207,217,222,222,225,225,222,215,212,207,151,151,209,225,228,228,230,230,228,225,225,222,225,225,222,230,230,196,135,133,137,186,189,181,133,181,183,181,135,130,134,181,183,189,189,189,194,209,225,225,215,209,204,194,186,182,183,186,189,137,129,128,131,137,186,189,191,199,212,222,225,217,215,209,181,127,131,133,132,181,196,204,207,209,212,209,204,196,189,186,183,183,191,191,183,181,183,186,181,176,133,129,124,125,133,194,196,189,186,178,117,133,178,97,93,73,67,119,127,125,121,117,86,104,178,131,128,196,212,215,228,196,131,135,189,194,191,202,207,202,181,128,133,189,186,129,129,133,183,183,133,133,135,181,191,212,225,228,220,186,178,183,194,194,189,135,131,132,181,194,202,196,186,183,191,186,135,178,194,191,135,133,186,186,135,133,181,186,191,194,194,199,196,189,181,181,183,186,186,194,209,204,189,191,202,202,202,204,209,209,196,183,185,194,199,199,196,194,196,202,202,199,196,196,194,191,183,178,181,191,202,212,222,225,209,186,191,209,209,209,212,215,209,112,123,127,131,186,199,209,217,225,222,207,194,183,135,133,133,131,132,189,207,209,204,204,212,222,225,222,222,222,217,212,212,212,215,217,217,217,216,216,217,222,217,215,207,204,209,209,204,202,204,207,212,209,202,139,127,130,194,204,199,186,183,186,189,183,131,131,181,183,189,189,189,191,202,207,204,199,191,131,131,199,209,209,209,215,217,222,222,222,225,225,228,225,225,222,225,225,222,222,225,228,225,220,215,215,222,225,222,215,202,186,186,194,202,202,202,204,202,199,199,196,199,199,189,137,138,191,196,194,192,196,202,196,191,191,199,212,215,209,207,207,204,202,202,204,202,199,196,196,196,196,196,196,194,199,204,207,209,204,196,196,207,215,215,209,199,196,196,207,217,222,217,217,222,222,217,212,212,212,217,225,228,228,228,228,228,228,228,225,209,191,145,141,139,191,194,196,202,209,217,222,215,204,198,199,204,207,199,191,191,194,199,199,189,135,133,137,191,196,202,207,215,215,212,212,215,212,209,212,215,217,225,228,230,228,225,225,228,228,230,230,230,228,222,212,211,215,225,228,225,217,217,222,225,225,217,209,207,212,215,217,217,217,215,215,211,211,215,228,233,235,230,217,209,212,217,228,225,126,129,135,145,217,225,220,222,233,238,235,234,235,235,235,235,235,238,241,248,254,255,255,255,254,254,255,255,255,255,255,254,251,254,254,0,0,0,254,248,248,248,246,246,0,0,0,0,0,0,0,0,246,243,246,248,251,248,243,238,230,225,225,225,225,225,222,217,215,212,212,209,209,207,207,207,207,204,204,202,202,202,199,196,196,194,191,191,191,191,189,186,181,135,133,133,133,133,135,181,183,186,191,194,196,199,199,202,202,202,204,207,207,207,207,207,207,207,207,204,199,194,194,194,191,191,191,194,196,199,202,204,204,204,202,199,202,202,202,198,199,204,204,199,191,189,191,199,204,207,207,204,202,202,204,207,209,207,204,202,202,207,209,212,212,212,217,217,215,209,202,196,196,204,215,222,228,233,238,243,246,248,246,243,241,243,243,243,0,0,0,0,0,0,255,255,246,238,238,235,0,0,0,0,0,0,0,0,0,246,246,0,0,0,248,255,0,251,246,238,230,222,215,212,207,202,196,194,194,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,25,39,21,0,0,0,0,0,11,11,19,39,45,49,57,57,45,47,59,65,63,65,79,113,113,116,83,83,83,89,89,83,83,126,134,137,150,157,157,157,137,85,74,79,87,85,71,61,59,53,43,53,75,121,129,124,116,124,142,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,238,0,0,0,0,0,0,126,92,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,43,39,36,39,49,19,0,0,116,152,163,163,147,99,93,95,107,189,207,220,235,248,255,255,255,255,255,243,207,119,95,101,103,71,31,10,10,33,65,97,160,209,228,204,170,165,0,0,0,212,183,168,170,199,209,181,0,173,212,241,220,142,98,90,0,0,92,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,90,126,173,194,181,118,17,0,0,0,0,0,0,73,139,147,150,165,173,186,137,33,55,178,212,212,215,207,165,144,101,93,93,87,83,89,105,152,150,109,93,96,157,189,199,196,215,225,222,178,51,0,0,0,0,0,0,49,150,157,139,131,131,101,97,103,160,176,157,99,90,86,89,97,155,168,113,101,101,113,155,117,105,105,109,111,109,109,115,115,107,101,109,163,173,173,160,160,160,157,173,181,170,168,157,155,155,152,115,107,101,95,89,86,86,93,105,163,176,165,163,163,168,183,191,183,173,173,173,173,178,178,186,189,196,191,176,168,168,176,183,183,183,173,173,173,173,181,186,196,204,212,199,186,186,194,202,207,199,183,173,163,155,152,101,77,63,59,58,63,75,97,121,176,191,202,212,215,220,220,222,238,248,254,255,255,255,255,255,255,243,230,238,235,228,255,255,37,0,0,0,0,0,0,19,29,25,31,47,0,0,134,212,212,178,111,25,0,0,0,0,0,0,152,176,186,204,199,176,142,77,47,37,43,55,75,126,152,176,199,209,212,212,212,194,163,137,113,71,71,77,129,137,121,53,15,0,0,0,0,11,33,57,57,53,45,45,45,51,63,105,131,139,124,69,47,41,55,69,73,71,71,75,93,107,155,163,170,183,194,194,191,191,196,204,196,204,207,209,209,209,215,209,194,196,199,209,212,209,186,178,170,117,113,163,178,183,189,189,191,199,209,222,230,230,220,189,144,63,35,21,17,0,17,21,29,29,35,43,39,33,35,41,41,47,55,67,89,134,137,137,95,94,95,97,105,113,160,170,168,170,173,170,170,181,209,228,217,189,176,176,186,196,207,207,191,191,207,217,228,228,209,189,176,173,127,127,123,125,170,170,119,105,100,113,163,170,170,170,173,163,163,170,191,212,215,215,215,212,204,173,144,83,61,51,59,65,51,35,21,19,19,21,47,83,126,134,168,189,170,147,134,121,89,129,163,199,189,163,144,134,134,0,0,0,0,0,105,93,91,150,204,241,243 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,160,165,152,163,168,176,215,191,156,163,178,196,207,202,178,176,173,125,113,103,104,109,183,222,222,199,121,106,107,118,176,181,179,181,196,199,196,194,196,196,194,183,133,131,135,186,194,196,189,186,186,191,196,196,194,196,209,215,212,209,209,209,212,215,222,222,217,216,216,217,217,222,225,222,222,222,212,199,189,135,113,100,100,125,189,202,204,204,207,202,183,129,128,131,189,207,207,191,191,199,207,217,225,217,209,204,202,207,215,222,228,230,230,215,196,143,217,228,228,228,215,202,199,149,149,207,228,233,230,230,233,233,230,228,228,228,228,230,230,228,225,225,228,230,230,230,230,230,230,230,233,233,230,228,225,212,191,135,136,143,196,202,202,207,215,204,196,196,196,204,207,194,194,204,204,199,192,194,202,204,204,204,199,199,207,212,212,212,207,196,186,185,189,189,181,191,133,119,109,111,82,90,186,202,194,191,194,202,225,235,230,230,230,228,228,230,230,230,228,225,225,225,228,228,228,228,228,228,228,228,225,212,212,212,196,191,202,196,123,131,207,215,186,89,92,46,61,84,82,119,186,194,176,125,129,176,183,199,212,196,191,186,181,194,217,212,196,186,183,183,137,127,117,120,186,199,199,189,186,189,196,199,199,194,191,191,194,194,191,196,207,215,217,222,225,228,233,228,191,183,186,194,202,215,228,225,217,212,212,204,186,139,135,129,131,194,225,225,168,165,194,204,186,181,133,181,199,207,207,194,126,133,183,186,186,199,209,212,215,217,217,233,65,53,121,238,186,191,204,207,212,215,121,102,112,129,194,128,112,220,222,212,199,139,189,199,191,191,202,217,228,228,228,222,217,207,135,127,131,196,191,133,127,129,127,123,121,123,117,121,137,191,135,67,51,36,139,228,230,230,230,228,230,233,233,228,220,216,216,222,228,228,225,217,217,222,225,228,222,222,222,225,228,230,228,222,215,212,212,215,222,222,222,222,217,204,202,151,148,149,215,230,230,230,230,230,228,228,225,225,222,220,225,222,215,139,129,131,139,186,189,181,132,137,181,181,134,133,181,186,186,189,186,186,191,207,228,230,228,225,209,185,178,181,185,186,186,135,129,131,133,181,191,189,182,186,212,222,217,215,209,194,131,127,133,133,131,191,207,212,212,212,215,212,209,204,199,194,189,186,186,186,181,186,199,202,178,127,127,125,119,124,133,186,191,189,181,127,119,115,80,91,115,101,99,131,133,131,131,116,108,135,181,124,117,131,189,191,189,133,135,181,191,191,191,194,191,139,130,129,131,137,130,127,130,135,135,133,132,133,133,181,196,215,228,225,212,189,189,194,194,186,178,132,131,181,189,194,199,191,179,177,186,186,183,194,209,202,183,178,178,133,131,135,186,194,194,191,191,196,199,191,181,183,186,186,186,191,204,215,212,207,207,204,199,202,207,209,204,194,189,191,194,196,194,192,191,192,196,196,196,199,194,191,186,183,191,207,217,225,228,230,222,186,189,207,212,212,215,215,199,129,124,126,127,133,189,199,204,215,215,204,191,137,137,135,133,132,132,186,204,209,207,207,215,222,222,222,220,217,212,211,209,211,215,217,220,217,215,215,217,222,222,215,212,209,212,212,207,199,196,199,204,204,194,189,186,183,189,196,199,189,181,181,186,137,121,124,131,183,191,194,194,194,202,215,209,126,107,135,191,204,217,212,207,209,215,215,217,222,225,225,222,217,217,222,225,222,222,225,228,228,225,222,222,222,225,228,222,217,207,186,137,139,131,186,196,196,194,194,194,194,199,202,196,186,186,194,199,199,196,199,202,204,191,194,204,212,212,207,207,209,209,207,202,202,204,202,199,196,194,191,191,143,142,191,202,207,209,212,209,207,207,212,215,212,204,198,196,204,217,225,225,222,217,217,215,212,207,204,209,217,225,228,228,228,228,228,228,225,209,196,194,194,194,191,191,194,196,204,212,222,222,209,204,204,204,204,204,202,199,199,202,199,139,131,132,139,191,196,196,202,215,222,220,217,217,215,211,212,217,222,225,228,230,228,225,225,225,228,228,230,230,230,225,215,212,217,225,225,220,217,222,228,225,222,212,204,199,204,209,212,215,215,215,215,212,212,220,233,235,235,233,228,217,215,222,228,222,133,129,133,149,217,222,220,222,233,241,241,238,235,235,241,238,235,233,235,243,251,255,255,255,255,251,251,255,255,255,254,254,251,254,254,0,0,0,251,248,248,246,246,246,246,246,243,241,238,238,241,243,246,243,243,248,251,246,241,241,235,230,228,228,225,225,225,222,217,215,212,209,207,207,207,207,207,204,202,202,199,199,196,196,194,191,191,189,189,189,186,183,181,137,133,133,132,132,133,137,139,186,189,191,196,199,202,202,202,204,207,207,209,209,209,209,209,209,207,204,199,196,194,194,194,194,191,194,199,202,204,207,207,204,202,202,204,204,202,199,199,202,204,202,196,194,196,202,207,209,207,207,204,202,202,202,204,207,204,202,204,209,212,212,212,212,215,215,212,207,204,202,204,209,215,222,222,228,233,238,241,241,238,238,238,241,243,243,0,0,251,251,254,255,255,248,243,243,0,0,0,0,0,0,0,0,0,255,248,243,246,0,0,0,0,0,0,246,243,238,228,217,212,207,204,199,196,194,194,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,19,19,5,0,0,0,0,5,5,11,19,37,51,57,53,51,59,67,73,73,75,75,81,113,118,124,124,124,124,124,118,118,129,139,150,150,165,176,168,150,124,81,75,75,73,65,53,41,12,6,25,53,67,105,95,90,100,116,134,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,173,212,246,246,238,0,0,0,0,0,0,0,0,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,35,39,43,53,53,43,3,0,118,152,160,170,176,157,107,107,157,189,217,228,243,254,255,255,255,255,255,243,121,63,55,87,97,61,33,10,7,17,51,97,170,233,233,194,163,163,0,0,0,220,178,170,181,207,189,152,0,165,212,0,189,134,100,74,0,0,0,160,92,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,56,30,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,74,111,137,165,165,118,25,0,0,0,0,0,11,103,129,121,129,134,124,152,150,39,73,168,209,212,207,189,163,150,107,91,75,59,55,67,91,109,111,152,157,163,176,189,199,207,225,254,230,139,31,0,0,0,0,0,0,0,75,131,129,131,139,131,91,91,105,176,176,152,99,93,97,113,168,157,113,101,101,113,155,113,105,102,105,117,165,117,117,152,115,115,163,163,160,113,165,173,170,173,181,181,157,111,109,107,110,160,160,107,95,93,89,89,91,91,97,115,176,176,170,168,176,183,194,183,173,168,173,181,189,189,196,196,202,196,191,186,191,194,196,191,183,183,181,189,181,181,179,196,204,204,186,168,165,168,191,209,199,181,155,134,139,155,160,142,85,73,63,59,71,99,165,183,202,202,212,212,209,202,202,220,238,251,255,255,255,255,255,243,230,228,238,254,255,255,255,45,0,0,0,0,0,0,0,3,13,1,0,0,0,181,241,241,202,144,45,0,0,0,0,0,0,85,152,186,207,207,189,150,89,49,43,51,65,75,87,139,170,194,209,212,212,212,204,181,139,75,67,67,77,129,137,121,59,31,3,0,0,5,25,45,67,105,61,48,45,48,61,113,126,139,142,134,116,61,53,61,81,81,71,67,73,99,147,155,157,170,183,194,207,194,191,191,194,189,190,207,217,217,217,209,196,186,186,191,199,209,207,196,186,181,170,123,165,173,178,181,183,191,199,212,225,233,233,225,196,152,73,41,25,19,19,19,25,31,35,39,43,37,33,35,41,47,51,65,77,93,99,134,137,105,99,97,99,105,152,170,173,168,168,173,176,176,189,209,225,217,189,133,132,135,194,207,209,207,196,209,225,233,225,191,176,173,173,127,123,127,125,125,125,119,107,100,100,105,119,163,157,153,157,173,191,204,204,204,204,212,212,209,189,152,87,65,63,69,71,59,43,31,27,27,27,39,65,126,150,181,204,191,163,144,126,81,71,126,155,165,155,144,126,89,0,0,0,0,0,93,87,93,155,204,230,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,61,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,155,191,202,204,204,196,189,199,243,163,156,168,178,178,108,99,101,107,111,111,101,103,109,183,222,228,212,129,106,109,124,196,207,204,202,207,207,207,209,215,215,209,202,191,183,181,186,191,194,189,183,183,186,189,186,186,196,209,215,215,212,209,209,212,217,222,225,225,220,217,217,217,217,222,220,217,217,215,204,189,133,127,131,133,129,178,191,196,196,202,202,191,135,129,131,183,202,207,207,212,212,220,228,230,228,222,217,215,217,222,225,228,230,228,215,194,139,204,222,228,230,222,212,207,148,148,207,228,233,233,233,233,230,228,225,225,228,228,228,230,228,225,222,222,222,225,228,230,230,228,228,233,235,230,222,209,199,139,127,127,196,207,204,207,215,217,199,195,196,202,207,212,212,207,202,196,194,192,199,207,212,209,202,196,194,196,199,202,199,189,183,186,189,191,189,186,189,186,181,135,133,123,131,199,202,191,189,199,212,222,230,230,228,228,228,230,230,230,230,228,225,225,225,228,228,228,225,228,230,228,228,222,209,207,204,194,183,135,116,111,119,194,191,113,107,90,91,105,90,90,101,105,109,123,127,131,131,178,186,174,179,183,183,186,204,222,217,207,199,194,186,129,113,111,121,196,209,209,196,189,191,196,196,199,199,199,199,199,194,191,194,202,212,215,222,222,222,228,228,202,183,182,186,202,217,230,233,230,217,207,191,135,133,133,131,137,199,222,222,176,169,196,207,181,133,125,135,204,212,212,196,127,181,194,189,182,183,196,207,215,217,196,117,24,23,44,183,181,183,191,196,199,202,189,127,131,131,137,120,114,212,217,212,199,134,139,196,194,191,199,217,233,230,228,228,225,209,181,131,133,186,189,137,129,129,131,127,121,121,121,125,127,131,125,56,26,57,204,228,228,230,228,228,230,233,233,228,222,217,220,225,228,230,230,228,222,222,228,228,228,225,225,228,230,230,230,228,225,217,215,215,222,225,222,215,209,150,149,150,149,151,217,233,233,233,230,228,228,228,228,225,222,220,225,222,204,139,128,131,139,183,186,183,133,135,181,186,189,194,196,194,194,194,189,181,183,196,215,225,228,225,209,181,170,189,199,199,199,194,186,183,181,189,196,194,182,183,204,217,217,209,204,183,123,123,135,135,133,196,209,215,215,215,212,212,207,207,207,202,191,186,186,186,181,191,199,194,125,119,122,127,124,127,131,178,183,183,135,125,119,109,86,99,186,194,199,199,186,133,133,127,125,183,137,124,122,135,181,133,132,131,135,137,139,186,189,189,189,139,133,131,133,131,130,135,191,191,183,135,135,137,181,186,196,209,217,215,204,191,189,194,194,183,133,131,133,186,191,194,194,191,182,182,194,191,189,202,215,207,189,181,181,181,178,186,191,194,194,189,189,194,196,191,186,191,194,194,194,191,196,207,215,215,212,207,202,199,204,209,207,202,196,194,194,196,194,192,191,192,194,194,194,192,194,199,196,191,196,212,225,228,230,228,209,173,174,202,215,212,212,207,194,178,129,129,129,125,127,127,133,196,204,194,186,186,191,191,186,135,132,139,204,209,209,209,215,217,217,217,217,217,215,211,211,212,217,222,222,217,215,215,217,222,222,215,212,212,215,215,209,202,196,191,186,135,135,189,196,186,137,183,191,189,182,181,183,137,127,129,137,186,191,199,202,196,196,215,222,90,80,129,199,212,222,215,212,212,215,215,215,217,222,225,217,215,216,217,222,222,222,225,225,225,222,222,225,228,228,228,225,217,209,186,133,130,123,130,189,194,194,192,192,196,199,202,202,194,189,194,204,204,204,202,191,137,137,191,207,212,209,207,207,212,212,209,204,204,204,207,204,199,194,191,145,142,141,143,199,207,212,215,215,212,212,209,212,212,209,202,199,202,215,225,228,225,222,217,217,209,202,199,202,209,222,225,225,225,225,225,225,222,212,204,202,207,212,212,207,199,199,202,209,217,217,212,209,207,204,204,204,204,202,202,204,202,186,134,135,189,196,196,196,202,212,222,228,228,222,217,212,212,217,222,225,228,228,225,222,222,225,225,228,228,230,230,225,215,215,217,222,217,217,220,228,228,222,215,207,199,196,202,207,209,209,212,215,217,217,215,217,225,233,235,235,230,217,215,222,228,222,147,137,141,204,225,225,222,222,228,235,241,241,235,235,235,235,233,230,230,238,248,255,255,255,255,251,250,251,255,255,254,251,251,251,254,0,0,0,0,248,248,246,246,246,246,246,243,243,241,238,238,243,246,246,241,243,246,241,238,238,235,233,230,228,225,225,225,222,217,215,212,209,207,207,207,207,207,204,202,202,199,196,194,194,191,191,191,189,189,189,186,183,181,137,135,133,133,133,133,137,183,186,189,191,194,199,202,202,204,204,207,207,209,212,212,212,209,209,209,207,202,199,196,196,196,194,194,196,199,204,207,207,204,204,204,204,204,202,199,199,199,202,204,202,199,199,199,204,207,209,207,204,202,200,200,202,202,202,199,199,202,207,212,215,215,215,215,212,209,209,207,209,212,215,217,222,222,225,230,235,235,233,233,230,233,241,246,248,248,248,246,246,251,255,254,246,243,243,243,241,0,0,0,0,0,0,255,255,248,243,248,0,0,0,0,0,0,241,241,235,230,217,209,204,202,199,194,194,194,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,11,5,3,0,3,5,5,3,0,11,25,45,45,47,61,73,113,113,108,77,77,116,131,150,155,150,147,147,137,134,134,134,134,137,157,176,170,163,152,129,81,73,67,61,47,31,11,5,10,19,35,53,53,45,51,85,108,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,181,217,246,246,238,0,0,0,0,0,0,0,0,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,35,23,31,53,92,100,59,45,137,155,147,157,165,157,155,165,189,204,228,235,254,255,255,255,254,255,255,243,105,39,34,45,57,47,27,7,1,11,49,99,178,235,230,199,163,163,0,0,0,228,202,181,181,178,163,144,0,173,230,0,189,134,98,74,59,0,0,230,176,0,0,0,0,0,0,12,4,0,0,0,0,0,0,0,0,0,0,0,56,35,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,95,118,134,126,85,5,0,0,0,0,0,0,57,121,121,124,108,21,81,191,77,77,157,183,170,152,142,144,157,147,75,54,51,52,59,85,97,109,170,189,189,194,194,199,217,233,243,196,81,21,0,0,0,0,0,0,0,0,53,77,93,139,131,89,86,97,163,189,186,160,109,109,155,157,113,107,101,101,107,113,111,105,104,111,165,176,165,116,160,170,176,173,157,101,89,103,160,165,178,189,176,111,109,107,109,152,165,155,107,95,95,95,99,99,99,97,105,168,178,178,178,183,194,194,191,176,170,173,181,189,191,196,204,204,204,199,194,202,202,202,194,191,191,199,199,199,189,189,204,215,196,165,150,144,144,168,191,191,181,155,99,144,163,173,152,95,85,85,93,99,115,165,176,183,202,212,212,209,191,183,189,222,246,255,255,255,255,255,243,229,228,243,255,255,255,241,35,0,0,0,0,0,0,0,3,0,0,0,0,61,215,251,248,212,157,67,13,0,0,0,0,0,61,139,176,207,215,194,155,89,51,43,49,57,61,75,131,168,199,0,0,0,0,0,0,202,129,70,67,77,129,137,121,59,31,15,1,9,27,43,65,121,134,126,103,67,67,105,121,134,134,134,134,126,71,61,71,89,89,73,69,75,99,147,157,157,165,183,194,207,196,191,191,189,189,190,207,217,220,217,212,196,186,181,186,196,207,212,209,199,191,178,170,165,170,178,178,178,189,202,212,230,233,233,225,202,163,89,51,31,25,29,31,35,35,35,35,37,35,33,35,39,41,49,65,89,97,134,142,142,144,103,99,97,103,152,168,178,173,173,176,181,186,194,217,225,217,194,133,132,135,189,207,209,207,196,196,215,225,217,189,176,183,181,173,127,127,127,125,125,121,115,101,96,98,113,119,155,152,170,202,212,212,204,204,204,212,220,220,191,155,87,65,61,69,69,59,43,31,27,21,21,31,55,113,144,181,209,199,163,147,129,73,63,69,126,144,152,152,134,0,0,0,0,0,0,0,85,87,155,202,222,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,194,77,0,0,0,9,142,194,212,113,0,0,47,45,0,0,41,168,207,209,209,212,215,212,204,186,165,191,212,176,165,165,121,106,100,102,106,108,109,109,115,123,186,207,215,209,186,119,125,202,217,225,222,217,212,212,212,217,225,225,222,215,207,194,189,191,194,191,189,183,183,181,135,135,139,196,209,212,212,212,212,212,215,220,225,225,225,222,222,217,215,215,217,217,212,215,217,209,186,131,131,137,181,128,127,137,191,194,191,189,189,135,133,135,141,196,207,212,217,217,222,228,230,230,228,225,225,225,225,228,228,230,228,215,199,137,143,207,217,225,225,225,215,147,148,207,225,233,233,233,230,228,225,224,224,225,225,228,228,228,225,222,215,209,209,212,222,225,225,225,230,233,228,212,196,141,137,126,128,230,228,209,215,225,225,199,195,202,207,212,215,217,209,196,192,191,194,207,217,222,212,202,196,194,192,194,196,194,181,179,183,191,196,196,194,194,191,186,181,131,131,178,183,131,125,121,129,209,225,230,230,228,226,228,230,230,230,230,228,225,225,228,228,228,225,225,225,228,228,228,222,212,204,199,189,139,131,116,112,125,194,189,121,133,95,176,204,212,207,90,88,107,131,186,176,111,121,183,173,181,191,196,204,217,225,228,225,215,207,194,123,107,110,194,217,225,217,202,194,199,202,196,199,207,209,209,209,207,202,196,199,204,209,215,212,209,212,212,202,189,179,181,202,225,230,233,235,225,204,191,135,123,125,131,186,199,217,222,191,185,212,215,121,113,109,123,207,222,222,209,186,194,204,196,182,182,194,207,215,212,73,44,20,32,53,189,183,183,189,191,194,204,217,225,212,196,189,123,124,191,215,212,194,114,129,183,189,186,189,209,230,230,225,228,225,204,181,133,134,181,189,183,131,131,135,127,116,119,129,181,133,131,135,115,67,137,217,228,226,228,228,226,228,233,230,228,225,225,228,228,228,230,233,233,228,228,228,230,228,225,228,228,230,230,230,228,225,222,215,217,225,228,225,212,202,149,149,151,204,209,225,233,233,233,228,225,225,228,228,228,225,225,222,215,191,141,129,131,139,186,191,194,183,135,181,196,212,215,209,207,209,209,194,137,137,189,199,209,215,209,199,181,169,202,217,225,222,212,204,199,189,186,191,191,186,183,194,204,207,199,189,129,112,113,127,131,135,202,212,215,217,215,209,207,207,207,212,207,189,186,186,183,179,183,186,135,121,117,123,135,178,133,127,125,131,135,133,129,125,127,123,181,199,202,199,191,133,124,127,133,137,191,186,133,137,189,186,135,133,133,137,137,137,183,186,189,191,189,139,135,133,131,135,191,202,196,183,135,139,189,189,186,189,191,196,196,196,194,191,191,189,183,135,133,137,183,189,189,186,183,183,189,196,189,186,199,207,196,183,186,194,199,194,194,196,196,194,187,189,194,196,194,194,202,207,207,202,194,189,190,204,215,212,207,199,194,196,204,207,202,196,194,196,199,196,194,194,196,199,194,192,191,196,207,207,194,194,209,222,225,225,217,194,173,173,189,207,207,196,186,189,189,186,178,133,127,123,119,119,133,189,186,186,196,207,207,202,186,133,137,207,212,209,209,212,215,215,215,217,222,217,215,215,217,222,222,222,217,216,216,222,225,222,217,217,215,215,215,212,207,202,196,186,132,133,141,191,139,135,137,186,189,191,191,191,183,135,186,194,191,196,202,204,195,192,212,230,92,81,189,207,215,217,207,215,217,220,217,215,215,217,222,222,216,216,217,222,222,225,225,225,225,222,222,225,228,230,228,225,222,212,189,135,133,126,130,183,194,194,194,194,196,202,204,202,196,189,194,202,204,207,199,135,131,135,196,209,215,212,209,209,212,215,212,207,204,207,209,207,204,199,194,191,145,143,191,204,209,209,215,217,217,215,212,209,212,212,207,204,204,209,217,222,222,222,222,222,215,204,199,199,204,215,222,225,222,225,225,222,217,212,207,202,209,222,225,222,212,207,204,207,212,215,212,209,207,204,202,202,199,196,199,204,204,194,186,189,196,199,199,202,204,212,222,233,233,222,207,204,209,217,222,225,228,228,225,222,222,222,225,225,228,228,228,225,217,215,217,217,215,215,220,225,222,212,207,202,196,196,199,207,209,207,207,212,217,217,209,204,209,222,233,235,228,215,212,217,225,225,209,202,204,215,230,230,225,217,222,228,235,238,235,233,233,230,228,225,228,235,248,255,255,255,255,251,250,254,255,255,254,254,251,251,254,254,254,0,0,248,246,246,246,246,246,246,243,243,243,241,238,241,248,248,241,241,241,241,238,235,235,235,230,228,225,225,225,222,217,215,212,209,207,207,207,207,204,202,202,199,199,196,194,191,191,191,191,189,189,186,186,183,181,137,137,135,135,135,135,181,183,186,189,191,194,199,202,202,204,204,207,207,209,212,212,212,212,212,212,209,204,202,199,199,199,196,194,196,202,207,207,207,204,203,204,204,204,202,199,199,202,204,207,204,204,204,204,204,207,207,204,202,200,200,202,202,202,196,195,196,199,204,212,217,217,217,215,212,209,209,212,215,217,217,222,225,225,225,228,233,233,230,228,225,228,238,248,251,248,246,243,243,248,251,254,248,243,238,238,238,0,0,0,0,0,0,255,255,248,248,251,0,0,0,0,230,233,235,235,233,228,217,207,202,202,199,196,196,194,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,19,19,13,13,5,0,0,0,0,21,27,45,61,73,113,113,108,79,81,116,147,178,194,202,196,194,178,160,137,134,129,137,152,168,176,183,183,160,121,73,67,61,53,33,25,13,2,6,15,23,23,17,25,39,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,246,246,0,0,0,0,0,0,0,0,0,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,3,0,43,105,131,142,144,147,147,129,129,139,147,155,189,207,225,228,235,246,255,255,254,246,254,255,225,99,39,33,36,39,39,19,7,7,25,57,103,194,241,241,209,178,170,0,0,246,222,209,196,165,150,144,152,0,220,255,246,163,92,79,92,124,0,0,168,66,0,0,0,0,0,7,0,4,0,0,0,0,0,0,0,0,0,0,0,64,53,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,77,103,105,87,27,0,0,0,0,0,0,0,5,105,131,139,121,0,0,217,137,69,137,152,142,99,97,105,157,155,63,51,54,67,79,77,91,115,178,194,194,194,199,209,225,233,215,157,53,0,0,0,0,0,0,0,0,0,5,49,83,131,137,96,89,95,152,186,196,186,170,157,155,115,105,101,101,105,107,111,107,105,111,119,181,186,163,115,117,176,176,160,95,71,67,85,105,157,173,186,170,111,110,111,155,155,152,107,101,101,107,107,107,107,105,97,103,163,176,178,183,191,199,199,194,181,170,173,178,181,186,196,204,212,209,204,202,202,207,202,194,191,196,204,207,207,202,204,215,215,189,144,83,71,71,99,176,183,173,142,85,95,147,152,101,85,99,150,160,170,176,168,168,181,199,212,215,215,191,179,182,207,238,254,255,255,255,255,243,233,233,241,255,255,255,217,17,0,0,0,0,0,0,0,0,0,0,0,53,173,233,251,248,215,163,116,39,13,0,0,0,0,47,129,176,212,215,196,155,87,51,37,37,45,49,57,113,155,194,0,0,0,0,0,0,0,209,152,129,129,137,129,67,41,25,7,5,23,47,69,113,131,150,160,157,142,124,116,124,134,134,134,137,134,89,73,89,129,93,75,73,81,101,147,155,155,165,176,194,209,207,194,191,189,191,196,209,220,220,217,212,196,186,178,177,186,199,212,220,212,196,178,170,123,165,170,173,178,191,199,220,228,233,233,230,209,170,97,61,43,39,43,47,49,43,35,33,33,35,35,35,37,39,49,65,89,134,142,150,155,152,105,99,95,99,111,168,178,178,181,181,186,189,196,217,225,217,194,176,133,135,194,207,209,209,196,191,207,215,215,194,189,204,194,183,178,173,170,125,125,165,121,105,96,98,113,119,155,157,183,215,233,225,209,209,212,220,230,222,202,160,89,61,55,63,65,57,43,31,23,19,15,21,43,67,134,173,209,202,165,147,129,73,57,53,73,137,163,163,144,0,0,0,0,0,0,0,75,79,147,204,222,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,111,43,0,90,160,191,212,228,233,209,39,160,215,157,27,142,183,209,215,215,212,212,212,212,207,173,53,0,215,215,163,123,125,123,119,127,170,121,115,121,131,178,189,194,196,194,183,178,194,212,222,225,225,222,217,215,217,222,225,225,225,222,212,202,196,196,199,194,189,186,183,137,134,134,186,204,212,212,215,217,217,215,217,217,220,217,220,222,222,217,212,212,215,212,212,215,222,215,191,133,133,181,137,128,125,129,191,194,135,130,131,133,183,189,191,199,207,212,215,217,222,225,228,228,230,230,228,228,228,228,230,230,230,225,212,196,143,143,143,196,215,225,215,147,148,207,225,233,235,233,233,228,225,225,225,225,225,228,230,230,228,222,212,205,203,204,209,222,225,225,228,228,222,204,147,143,143,145,209,235,233,217,217,225,217,202,199,204,207,212,209,209,207,199,192,192,196,207,222,222,209,199,194,194,194,196,202,199,183,182,186,191,199,209,209,204,189,131,126,112,127,133,127,107,117,99,74,119,233,233,230,228,228,228,230,233,233,230,228,225,228,228,228,228,225,225,225,228,228,228,222,209,199,191,183,183,186,189,194,204,207,199,181,129,123,183,199,230,220,81,88,105,119,127,119,80,85,202,207,207,209,215,222,230,230,228,230,225,217,207,133,108,114,217,228,228,217,202,196,202,204,199,199,212,217,222,225,225,217,207,202,202,202,196,196,196,196,194,194,194,172,170,202,228,233,233,233,222,202,194,131,109,111,129,189,199,204,202,189,194,222,222,117,108,105,115,204,225,228,217,202,199,207,202,189,189,196,202,199,127,63,53,61,189,202,207,199,191,189,194,204,217,235,238,230,217,202,131,130,133,204,212,196,127,135,189,191,187,189,207,225,228,217,217,212,189,135,135,137,186,194,191,181,137,137,127,116,119,135,196,191,183,139,137,141,209,225,228,228,228,228,226,228,230,228,225,225,228,230,230,230,230,233,233,230,230,230,230,225,225,225,228,230,230,230,228,225,222,222,222,228,233,228,215,202,151,151,207,217,225,228,230,230,230,228,225,222,225,225,228,228,225,209,189,136,141,133,121,127,199,209,209,194,137,181,207,225,228,222,222,225,217,191,133,135,189,196,204,204,196,191,186,182,196,228,235,230,222,209,204,191,137,135,181,183,183,186,189,189,181,131,115,106,108,123,133,178,199,209,217,222,217,212,209,207,207,212,202,186,183,183,181,181,181,135,129,123,123,133,183,181,127,113,111,123,133,135,135,135,135,137,186,189,181,125,124,126,124,133,183,191,199,202,196,194,194,196,194,186,139,183,186,186,186,189,191,194,191,186,137,133,133,139,189,191,186,135,134,139,186,183,135,133,133,134,183,191,196,191,186,181,137,135,135,137,135,181,183,181,181,181,183,189,186,186,191,194,181,178,186,202,202,194,194,194,191,191,189,194,199,202,196,196,209,217,215,207,194,189,187,196,207,209,202,194,191,192,199,202,199,196,196,196,199,196,194,196,199,196,196,194,194,202,209,207,191,186,196,204,212,212,204,186,176,176,183,194,194,127,120,133,196,196,189,181,181,135,121,118,121,131,135,186,202,212,215,212,199,139,141,209,215,212,209,212,212,212,212,217,225,222,217,217,222,222,222,222,220,217,217,222,225,222,222,222,217,215,215,212,209,209,209,207,189,139,139,133,129,133,139,183,183,196,199,191,137,133,189,194,194,199,204,202,192,191,209,217,122,110,217,215,212,209,199,205,215,222,222,220,217,217,222,222,220,222,222,225,228,228,228,228,225,222,222,225,228,228,228,225,225,215,194,137,186,137,135,186,196,199,199,199,199,202,204,202,196,189,194,199,202,204,196,135,135,191,209,215,217,215,212,212,215,215,212,207,207,209,212,209,207,204,199,199,196,196,202,209,212,209,212,215,222,222,215,209,207,207,209,209,207,207,209,209,212,217,222,228,225,215,207,203,207,215,222,222,222,225,225,222,215,207,199,199,207,217,225,222,217,212,209,209,209,209,209,207,207,204,202,199,196,194,199,204,204,199,194,196,199,202,204,207,209,212,222,235,235,209,191,189,204,215,222,225,228,230,228,225,222,225,225,225,228,228,228,225,222,217,217,217,215,212,220,225,212,202,194,194,194,194,199,207,209,204,204,209,217,215,202,194,196,204,217,228,225,217,212,212,215,225,225,220,217,222,230,228,222,217,222,230,235,238,235,233,230,230,225,225,225,233,246,255,255,255,255,255,254,255,255,255,255,254,251,254,254,254,251,251,248,248,246,246,246,246,246,243,243,243,241,238,238,238,246,246,241,241,243,241,238,233,235,235,230,225,225,225,225,222,217,215,212,209,207,204,204,204,204,202,199,199,196,196,194,191,191,189,189,189,189,186,186,183,181,181,137,137,137,137,181,183,186,189,189,191,194,199,202,202,204,204,207,207,209,212,212,212,212,215,215,212,207,204,204,204,204,202,199,202,204,209,209,207,204,203,204,204,202,199,198,199,202,207,209,207,207,204,204,207,207,209,207,202,200,200,204,204,199,195,195,196,199,207,215,222,222,217,215,212,212,212,215,215,217,217,222,225,225,222,225,225,225,225,222,222,225,238,246,248,243,241,241,238,241,243,246,243,238,235,235,235,0,0,0,0,0,0,0,255,255,254,254,0,0,0,235,233,230,230,228,225,217,209,202,196,196,196,196,196,194,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,19,19,19,19,3,0,0,0,0,1,23,45,59,67,67,75,77,105,108,118,150,194,251,255,255,255,228,186,152,134,129,129,139,160,176,199,204,178,129,98,67,67,59,57,85,49,9,3,11,11,9,9,12,25,66,0,0,0,0,137,157,168,168,147,129,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,3,59,111,134,142,137,118,63,71,91,105,155,189,215,225,225,228,235,246,254,243,243,255,255,225,105,55,47,47,47,39,23,10,17,43,97,170,212,241,248,230,202,191,0,0,255,233,204,183,157,138,139,160,0,238,255,228,129,46,46,95,152,0,150,74,27,0,0,0,0,0,66,0,69,0,0,0,0,0,0,0,0,0,0,0,0,69,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,66,77,64,15,0,0,0,0,0,0,0,0,35,118,126,124,0,0,178,144,73,131,144,137,99,97,101,144,105,87,65,83,101,95,77,89,160,189,189,182,183,199,217,228,225,191,101,29,0,0,0,0,0,0,0,0,0,0,35,73,93,155,152,137,101,105,155,176,191,191,183,170,115,103,101,107,113,113,113,109,111,117,178,189,189,165,116,117,163,115,95,64,55,61,81,99,111,165,181,170,157,155,163,163,109,101,95,95,105,117,117,160,160,117,105,103,115,168,176,178,183,191,194,191,173,121,121,127,178,186,196,204,212,212,204,202,202,202,202,191,183,191,199,204,207,215,230,230,212,178,71,35,31,39,67,142,155,129,73,61,63,71,77,81,93,150,160,176,183,189,183,181,181,189,202,215,220,202,183,183,212,238,254,255,255,255,255,248,243,241,241,255,255,255,207,0,0,0,0,0,0,0,0,0,0,0,0,121,183,233,248,248,220,173,134,57,37,19,0,0,0,47,126,173,204,212,194,155,116,51,31,27,33,37,39,61,134,170,0,0,0,0,0,0,0,246,204,173,152,144,121,53,25,15,0,5,31,65,121,124,131,147,168,183,165,142,124,124,134,142,144,150,152,134,89,126,137,97,85,81,91,105,111,113,115,157,173,191,204,207,191,191,194,209,217,220,225,220,217,212,196,186,177,174,178,194,220,222,220,196,178,127,123,125,170,170,178,191,199,212,225,230,230,228,209,170,99,65,51,51,55,65,59,47,35,33,33,39,41,39,39,39,49,65,89,134,142,152,160,155,142,103,97,99,111,168,178,176,181,186,186,186,194,209,220,217,194,178,135,186,194,209,217,217,207,191,194,209,215,215,215,225,215,204,186,181,170,168,125,165,125,113,105,105,115,119,113,115,173,220,233,225,212,212,222,225,230,230,202,163,93,57,51,61,65,57,43,31,23,17,11,15,29,53,116,168,202,191,165,147,129,67,47,46,63,144,181,181,163,0,0,0,0,0,0,87,69,75,147,194,212,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,61,0,0,0,0,0,0,0,0,0,0,0,0,0,35,46,64,196,215,209,215,222,228,225,165,194,212,183,178,191,204,212,215,212,209,209,212,215,212,178,31,0,45,107,113,121,181,181,173,181,199,191,125,113,129,183,191,189,181,181,176,181,199,212,217,222,222,222,217,222,222,222,222,222,222,217,212,202,202,207,207,202,194,186,181,136,136,183,204,215,217,217,222,222,220,217,217,217,215,212,212,217,222,217,212,212,212,212,211,215,220,212,191,181,186,191,186,135,126,128,189,194,133,125,127,183,202,204,202,202,207,212,215,217,222,217,215,217,228,230,230,228,225,228,230,230,230,230,225,212,196,139,133,137,196,209,204,196,199,212,228,233,235,235,233,230,228,225,225,225,228,230,230,233,230,225,215,207,203,205,209,222,228,228,222,215,212,202,194,194,143,199,217,230,230,225,212,209,209,204,204,207,207,207,202,202,204,204,202,194,194,199,204,209,199,194,194,194,196,204,212,215,207,199,191,189,202,217,222,212,137,127,124,112,128,135,131,117,186,95,63,94,222,228,230,230,230,230,230,233,230,228,225,225,225,228,228,228,228,225,228,230,230,228,217,207,191,181,179,183,194,212,225,228,217,202,183,121,125,173,129,119,86,82,96,103,113,123,111,79,84,209,217,222,222,222,228,233,230,225,225,228,225,217,183,113,118,212,217,217,212,202,199,204,204,199,202,217,225,228,230,233,233,225,215,212,196,138,136,139,186,186,191,191,170,170,207,228,233,235,230,212,194,139,113,104,110,135,194,194,96,95,135,191,209,209,181,121,115,131,204,222,225,215,202,196,202,196,189,191,191,181,129,121,117,204,225,230,217,217,212,204,196,196,209,225,235,238,233,222,202,139,133,127,139,209,204,189,189,196,196,191,191,202,212,215,204,199,191,137,137,189,194,196,202,204,199,194,186,137,127,127,189,209,204,199,196,191,196,209,225,230,230,233,230,228,230,230,228,224,224,225,230,230,230,230,230,228,228,230,233,228,222,220,222,225,228,228,228,225,225,225,225,225,230,235,233,217,207,202,204,215,230,233,233,233,230,228,225,225,222,217,217,225,230,230,212,143,137,141,141,113,118,222,225,222,204,137,183,212,230,233,228,225,222,212,181,131,181,204,209,212,204,191,189,191,191,194,212,225,225,212,207,202,189,131,128,129,178,181,181,181,181,135,131,121,112,117,181,181,178,191,207,217,225,222,215,209,207,204,202,194,186,183,178,135,181,178,131,129,129,133,181,181,127,108,105,109,125,183,189,186,183,137,134,134,137,135,124,124,186,196,204,202,199,207,215,207,196,194,202,204,199,191,191,196,196,191,191,194,194,194,189,139,135,135,137,139,139,135,134,135,139,139,137,135,133,132,133,135,139,183,186,181,134,133,134,134,133,132,135,183,183,181,181,181,186,191,189,189,186,181,179,186,194,189,183,183,183,186,186,189,199,209,207,196,194,207,215,207,199,196,194,191,194,202,204,199,191,190,192,199,202,199,196,196,196,194,191,191,194,191,191,194,199,199,199,199,194,183,183,189,191,196,202,196,183,133,133,178,186,183,121,116,123,183,191,189,186,186,183,133,123,121,119,121,133,204,215,217,217,207,189,189,207,215,215,212,212,215,212,212,217,222,222,222,217,220,222,217,217,217,215,215,217,217,217,217,217,215,215,217,215,212,212,215,215,212,207,191,124,120,129,183,183,183,194,191,133,121,123,133,139,189,202,207,202,195,196,207,194,128,126,225,215,209,212,198,200,209,217,222,222,222,222,222,225,225,228,228,228,230,230,230,228,228,225,222,222,225,225,222,222,225,222,202,129,137,137,139,191,199,202,202,202,202,204,204,204,199,194,199,202,204,207,196,189,196,207,212,215,215,215,212,212,212,215,212,209,209,212,215,212,209,207,204,204,204,204,212,217,215,212,212,215,222,225,217,209,200,202,209,212,209,204,203,203,207,212,222,228,230,228,217,209,207,215,222,222,225,228,228,225,217,199,195,199,209,215,215,217,215,215,212,212,209,207,204,204,204,202,202,199,194,194,196,202,199,196,194,194,196,199,207,212,212,212,220,235,233,202,185,182,196,212,220,225,228,230,230,228,225,225,225,228,228,228,228,225,222,215,212,212,212,215,222,222,207,145,135,135,139,145,199,204,207,202,199,207,215,215,204,191,191,191,202,215,225,222,212,209,211,225,230,230,225,222,222,222,217,222,230,235,241,238,235,235,233,230,228,225,225,230,241,251,255,255,255,255,255,255,255,255,255,254,254,254,254,254,251,248,248,248,246,246,246,246,246,243,241,238,238,238,235,235,238,241,241,243,248,246,235,230,233,235,228,225,222,225,225,222,217,212,212,209,207,204,204,204,202,199,199,199,196,194,194,191,189,189,189,189,189,186,186,183,181,181,137,137,181,181,183,186,186,189,191,191,194,199,202,202,204,204,207,207,209,212,215,215,215,215,215,212,207,207,207,209,209,207,204,204,209,212,212,209,207,204,204,204,204,199,198,199,202,207,209,209,207,204,204,207,209,212,209,204,200,200,204,204,199,195,195,199,204,212,217,222,222,215,212,212,212,212,215,215,217,217,217,222,222,217,217,217,217,217,215,215,225,235,241,241,238,235,235,235,233,233,235,235,233,233,235,233,0,0,0,0,0,0,0,0,255,255,254,248,0,0,238,235,230,228,225,217,212,204,196,189,186,189,194,194,191,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,13,17,23,25,5,0,0,0,0,0,23,45,47,47,49,55,71,108,118,121,147,204,0,0,255,255,255,202,152,126,121,121,126,139,170,199,207,189,131,98,87,87,0,100,121,113,33,15,23,15,9,11,19,31,66,0,0,0,124,137,157,165,147,129,111,95,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,27,71,126,126,71,51,54,87,137,147,173,196,215,215,204,207,217,228,235,246,255,255,243,119,79,75,77,69,39,23,15,31,73,160,209,238,248,254,246,220,209,0,0,255,254,209,176,160,142,135,144,178,202,217,189,113,41,41,82,129,160,150,116,92,56,0,0,0,0,0,0,113,22,0,0,0,0,0,0,0,0,0,0,0,74,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,53,41,19,0,0,0,0,0,0,0,0,11,33,37,37,0,0,134,144,139,157,160,144,99,99,101,107,109,147,107,111,115,103,83,95,176,204,189,177,179,202,225,225,215,183,89,19,0,0,0,0,0,0,0,0,0,0,23,55,83,147,176,165,150,105,144,173,196,204,199,183,157,113,111,117,165,119,117,113,117,168,189,194,186,165,160,160,115,105,79,59,53,67,89,99,105,113,160,163,157,168,170,157,103,92,90,95,107,160,160,160,170,170,113,103,113,163,170,170,173,176,173,165,109,97,99,123,181,191,196,204,212,212,209,202,202,202,199,186,177,177,186,196,207,228,238,230,186,83,15,3,5,17,31,51,53,53,41,31,27,27,41,73,160,176,170,168,170,183,191,183,181,181,189,199,215,202,186,191,222,241,251,255,255,255,255,251,243,243,241,255,255,255,196,0,0,0,0,0,0,0,0,0,0,0,0,41,129,194,241,251,241,204,157,75,49,31,0,0,0,49,121,163,196,202,189,157,124,55,25,21,27,25,20,27,61,142,191,0,0,0,0,0,0,228,209,194,178,155,121,43,15,0,0,7,43,113,131,131,124,139,168,196,186,155,134,134,150,160,168,168,168,152,134,129,134,97,93,95,99,105,111,111,111,157,168,186,194,191,191,191,207,217,225,228,225,225,220,212,209,186,177,174,178,194,220,222,220,196,178,123,123,123,165,170,173,189,196,209,212,222,222,222,209,170,131,73,57,55,65,73,73,57,43,35,39,45,49,45,41,41,53,71,97,134,142,152,160,163,152,109,103,105,152,168,173,170,176,181,189,186,189,196,209,209,196,186,178,189,196,209,209,209,196,191,189,194,209,217,228,235,225,207,191,186,181,168,121,119,121,119,115,119,119,113,101,101,157,202,222,225,220,0,225,225,225,222,202,168,126,61,50,55,65,61,49,41,33,19,11,11,19,41,67,155,191,191,173,150,129,63,45,43,57,163,204,189,170,0,0,0,0,0,0,87,69,75,147,191,212,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,129,181,204,217,215,215,217,225,225,186,189,194,173,173,191,207,215,212,209,209,209,209,215,212,199,45,15,0,0,51,115,189,189,176,178,196,189,115,103,121,183,194,189,178,133,131,176,194,212,222,222,222,217,216,217,222,222,222,225,217,212,202,196,204,209,209,202,191,181,136,135,137,194,209,215,217,217,225,225,222,220,217,215,212,211,211,215,217,215,212,212,215,215,212,215,212,199,183,139,189,196,194,183,131,133,189,199,191,139,189,204,212,209,204,204,207,212,217,222,217,211,205,208,217,230,230,225,224,225,228,230,230,233,233,225,204,127,84,75,85,127,199,204,212,225,230,233,235,235,233,228,225,225,225,225,225,228,230,230,230,228,225,217,212,212,222,228,230,225,215,212,212,209,202,112,104,132,217,228,233,228,199,196,199,204,209,207,204,202,191,186,196,204,202,196,191,191,191,141,141,189,194,202,207,217,228,230,228,217,199,191,199,215,217,204,137,135,183,133,181,186,181,186,196,119,88,123,196,209,230,235,233,230,230,230,230,230,225,225,225,225,228,228,228,228,228,230,230,228,222,212,196,182,182,186,196,215,230,235,225,202,176,127,121,115,105,82,80,109,105,97,119,189,178,101,101,215,225,228,228,225,228,233,230,225,225,228,230,222,189,118,123,194,204,207,209,207,202,204,202,199,204,225,230,230,230,233,235,230,222,212,194,137,136,140,141,141,191,196,182,194,222,228,230,233,233,199,183,135,113,108,133,199,202,131,60,68,186,202,196,191,186,186,186,191,204,217,222,207,196,191,191,187,187,189,183,131,129,191,215,230,233,233,230,225,225,222,207,202,207,222,230,235,233,225,204,191,139,123,125,204,204,196,194,196,194,189,187,189,194,196,191,186,183,183,191,204,207,202,199,204,207,202,194,191,191,189,207,220,209,204,215,196,186,204,217,228,233,233,233,233,233,230,228,225,224,225,228,230,230,228,228,225,225,230,233,228,222,220,221,222,225,225,225,225,225,225,228,228,230,235,233,225,215,209,209,222,233,235,235,235,233,225,225,222,217,215,215,225,230,233,225,191,133,137,183,110,117,222,228,225,207,133,186,217,230,233,230,222,204,186,131,133,196,212,217,215,204,191,186,186,189,194,194,191,199,202,199,191,137,129,127,127,131,178,181,183,183,183,191,196,196,202,202,183,118,133,196,212,217,217,212,207,199,191,191,189,189,183,133,131,133,125,123,127,133,178,181,133,111,103,106,125,196,209,209,204,199,191,137,135,189,202,196,196,207,212,217,212,204,209,217,212,196,196,204,209,209,209,207,207,202,196,196,196,196,191,189,141,137,135,137,139,139,139,137,137,139,186,191,199,199,191,139,133,132,131,135,137,135,134,134,134,132,132,137,186,186,183,181,181,189,199,191,189,189,189,186,186,183,183,179,181,181,183,186,191,204,215,212,194,181,137,137,134,135,191,194,191,191,196,202,196,191,196,202,207,204,202,199,202,199,190,187,189,190,189,189,191,199,199,189,183,182,183,186,191,187,187,194,194,178,127,127,176,183,183,129,123,127,176,183,186,189,183,183,183,178,131,119,112,114,199,212,215,212,204,194,191,204,215,215,215,215,217,215,215,217,222,222,222,217,220,217,217,215,212,212,212,212,212,212,215,215,213,215,217,217,215,212,212,215,217,225,217,128,120,128,183,183,186,189,133,120,117,120,131,133,139,199,209,209,207,207,207,139,133,189,225,222,217,217,203,200,207,212,215,222,225,225,225,225,228,228,228,230,230,230,230,228,228,225,222,220,220,222,222,222,225,228,217,105,115,131,141,199,204,207,207,207,204,204,204,202,199,194,202,204,207,204,189,194,202,204,204,207,209,209,207,207,212,215,212,209,209,212,215,212,209,204,204,204,204,207,212,217,220,217,215,217,222,225,217,209,200,199,202,207,207,204,203,203,207,209,215,222,230,230,222,212,207,212,217,222,225,228,230,228,215,196,192,199,212,212,212,212,212,212,212,212,209,207,202,202,202,199,199,199,196,194,194,194,194,189,189,189,191,194,204,212,212,212,217,233,230,207,190,187,199,209,217,222,225,228,228,225,225,228,228,228,228,228,228,222,212,202,196,196,204,209,217,220,204,137,127,125,128,133,143,196,196,196,199,207,215,217,212,202,191,189,190,207,225,230,217,211,212,225,233,233,225,215,215,212,212,222,230,238,238,235,233,230,230,230,228,222,222,228,235,246,255,255,255,255,255,255,255,255,255,255,254,254,254,254,251,248,248,248,246,246,246,246,246,243,238,235,235,235,235,233,233,230,235,243,248,243,235,230,230,233,225,222,222,225,225,222,217,212,212,209,207,204,202,202,199,199,199,196,196,194,191,191,189,189,189,189,189,186,186,183,181,137,137,137,181,183,183,186,189,189,189,191,194,199,202,202,204,204,207,207,209,212,215,217,217,217,215,212,207,207,209,209,212,209,209,209,209,212,212,212,209,209,207,207,204,202,199,198,199,204,207,207,207,204,204,207,209,212,209,204,200,200,202,202,199,196,202,204,209,212,217,217,217,212,209,209,209,209,212,215,217,217,217,217,220,215,212,215,215,212,209,209,217,230,235,235,233,230,230,230,228,225,225,225,225,225,230,230,225,0,0,0,0,0,0,0,255,255,255,248,0,235,235,235,233,230,228,222,212,204,194,186,181,183,191,194,191,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,17,25,37,19,0,0,0,0,1,27,41,41,41,29,47,71,118,126,134,160,0,0,0,255,255,255,202,134,111,105,111,111,121,160,189,196,173,131,105,90,98,0,0,160,152,95,66,59,31,23,23,40,51,66,82,0,0,0,147,157,157,137,121,103,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,126,134,63,44,51,91,147,147,155,165,196,199,199,196,196,199,217,243,255,255,255,186,101,91,85,71,39,19,15,41,95,189,230,248,255,255,246,238,230,0,0,255,255,204,173,173,160,143,150,170,178,181,155,90,40,39,74,100,134,152,152,124,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,33,27,7,0,0,0,0,0,0,0,0,0,0,0,0,0,126,147,165,196,183,144,98,97,105,150,165,173,173,165,157,105,95,111,191,212,199,178,182,207,225,217,207,186,101,27,0,0,0,0,0,0,0,0,0,0,7,27,61,137,176,186,165,152,157,194,209,212,202,194,183,168,157,170,181,176,168,119,168,178,189,189,183,170,170,165,115,101,81,67,67,89,99,105,105,109,111,155,157,170,170,157,103,93,92,101,155,168,160,165,173,173,113,97,97,121,168,168,123,123,119,103,94,92,98,123,181,199,204,209,215,220,212,209,202,202,194,183,178,177,181,199,207,235,246,212,139,31,0,0,0,3,9,9,7,11,5,0,0,0,7,65,186,202,178,157,150,160,173,173,168,165,173,183,196,191,186,199,228,246,251,255,255,255,255,254,248,243,237,246,254,235,150,0,0,0,1,0,0,0,0,0,0,0,0,0,1,139,222,248,248,233,194,126,61,35,0,0,0,47,121,155,186,196,189,157,126,49,15,13,25,21,10,10,27,108,157,215,0,0,248,199,181,191,202,204,181,152,100,37,7,0,0,1,43,108,124,121,124,139,168,196,186,163,147,150,168,186,186,186,181,165,142,134,134,97,97,99,105,107,107,107,107,117,168,176,183,186,186,194,215,228,235,235,228,225,220,220,209,186,178,177,183,196,212,220,207,191,173,123,119,123,123,165,170,181,189,189,196,199,212,212,199,170,134,73,59,59,65,73,73,65,55,45,41,49,55,49,41,41,55,71,97,134,142,152,160,160,160,155,152,152,160,168,170,163,170,186,194,194,189,189,194,196,194,189,189,194,207,209,209,196,191,186,186,189,207,225,233,235,225,212,194,186,181,170,119,113,113,119,119,121,121,113,97,97,115,181,212,0,0,0,222,220,209,209,191,168,129,65,51,53,61,61,53,47,41,29,15,11,13,23,49,129,170,181,165,150,129,63,43,41,57,163,204,202,183,0,0,0,0,0,0,87,75,89,155,191,204,191 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,142,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,139,186,207,215,215,215,215,215,207,183,173,170,155,147,183,204,212,209,207,207,207,207,209,209,209,183,178,0,0,41,97,178,183,169,170,178,170,113,111,127,183,194,191,181,133,131,133,191,209,222,225,222,217,216,217,222,225,228,225,212,191,133,191,204,212,209,202,189,181,135,136,183,196,207,212,215,217,222,222,222,222,220,217,215,212,211,212,217,217,215,217,222,220,215,215,207,191,137,135,139,189,191,186,183,189,199,207,212,217,217,215,215,209,207,207,209,212,222,222,217,209,205,207,217,228,228,228,225,225,228,230,230,233,235,228,204,81,36,39,66,115,207,217,228,233,233,235,235,235,230,225,224,224,224,224,225,225,228,228,228,228,228,228,222,222,225,228,225,217,209,212,217,217,209,97,99,129,212,222,225,215,194,190,191,202,212,209,204,199,185,182,185,194,194,194,194,194,186,131,137,194,204,212,217,228,233,235,233,225,209,196,194,202,202,194,189,199,199,191,189,189,183,186,191,189,189,189,135,137,228,233,233,228,228,228,230,230,228,224,224,225,225,228,230,230,230,230,233,230,228,225,207,194,194,194,202,215,228,233,225,202,183,186,173,113,103,94,119,178,109,46,48,59,119,176,202,230,228,228,230,228,225,230,230,225,225,225,230,225,204,137,135,186,194,196,207,212,209,204,202,202,209,222,230,233,233,230,228,215,202,196,191,141,141,189,141,186,202,209,202,207,217,217,217,222,202,112,135,191,137,139,212,222,217,133,73,93,225,215,199,191,185,189,194,191,196,212,217,204,191,189,189,187,189,191,137,131,137,212,225,230,233,233,228,228,228,230,225,204,199,209,222,228,230,217,204,199,189,126,122,202,204,199,196,196,196,191,186,186,187,191,191,189,189,196,204,204,204,199,194,196,202,199,196,199,199,196,204,212,191,119,107,99,106,202,215,225,230,233,235,238,235,230,230,230,228,228,228,228,228,225,225,225,225,228,230,230,225,222,222,225,225,228,228,225,225,225,225,228,228,230,233,230,222,217,217,225,230,230,233,235,233,225,222,220,215,213,215,225,230,230,215,103,20,37,119,112,116,209,225,222,207,125,189,225,230,230,228,209,186,131,129,181,207,215,215,207,196,189,183,181,183,191,183,135,181,189,186,137,131,128,127,128,129,133,178,183,186,189,199,209,212,217,212,133,104,113,181,202,207,207,202,194,178,133,178,189,189,178,129,123,120,116,121,135,186,189,189,133,110,107,127,207,222,225,225,222,215,215,207,202,209,217,217,212,212,215,217,215,209,209,217,215,204,202,207,215,217,225,222,215,207,204,204,204,199,194,191,189,143,143,189,191,189,141,137,136,137,189,199,204,207,202,189,134,131,132,137,183,183,137,137,137,181,183,189,191,189,183,137,137,186,189,186,189,191,186,183,186,186,186,181,183,181,181,181,186,202,215,215,199,136,132,130,130,134,183,182,182,189,202,207,204,202,212,215,215,209,207,204,204,202,191,189,189,191,191,189,190,196,196,183,179,182,189,202,204,194,187,191,194,178,123,124,133,181,181,176,176,178,183,186,186,183,181,183,186,186,186,129,111,107,121,194,202,202,196,194,196,207,215,215,217,222,222,217,217,217,222,222,220,222,222,222,217,215,212,212,212,212,211,211,212,217,215,215,217,217,217,215,212,209,212,222,222,199,133,135,183,139,139,186,137,125,120,125,139,139,139,196,209,217,215,215,212,191,189,215,230,230,228,222,212,207,209,207,207,215,225,228,225,228,228,228,228,230,230,230,230,228,228,225,222,215,217,217,222,222,225,225,212,80,91,129,189,204,207,209,209,209,207,207,204,202,194,192,196,199,207,202,170,189,194,194,196,204,204,202,202,204,209,212,209,208,208,212,212,212,209,207,204,202,204,204,209,212,215,217,217,222,225,225,220,212,204,199,198,199,202,204,207,209,209,212,212,215,225,228,222,212,207,209,215,217,222,228,230,225,212,198,196,204,212,212,211,211,211,212,212,209,207,204,202,199,199,196,196,202,202,196,191,189,186,141,141,186,186,191,199,209,212,212,215,225,228,217,204,202,207,215,217,222,222,225,222,222,222,225,225,225,225,225,222,220,209,194,187,187,194,204,215,217,209,141,128,126,127,129,130,133,141,191,199,207,215,217,217,212,199,189,189,204,228,235,228,217,215,225,230,230,222,207,204,204,204,209,217,230,235,235,230,228,228,228,225,217,217,222,230,241,254,255,255,255,255,255,255,255,255,255,254,254,254,254,251,248,248,248,246,246,246,246,0,243,238,235,234,235,235,233,228,222,228,238,241,235,230,230,230,225,220,218,222,225,225,222,217,212,212,209,207,204,202,202,199,196,196,196,194,194,191,189,189,189,189,189,189,186,186,183,181,137,137,137,181,183,183,186,186,189,189,191,194,199,202,202,204,204,207,207,209,215,215,217,217,217,217,212,209,207,209,209,212,209,209,209,209,209,209,209,212,209,209,209,207,204,199,198,198,199,204,204,204,207,207,209,209,209,209,204,200,200,202,204,204,204,207,207,207,209,212,215,215,215,212,209,209,209,209,212,217,217,215,217,217,215,212,212,212,212,208,207,208,222,233,233,230,228,228,228,228,222,217,215,215,215,217,220,217,217,0,0,0,0,0,0,0,255,255,248,238,235,233,233,235,238,235,228,215,204,196,186,181,183,191,196,191,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,21,21,21,37,53,45,11,0,1,13,21,27,41,41,29,25,29,57,108,134,165,209,0,0,0,255,255,255,202,121,100,100,104,104,113,137,163,168,155,129,108,98,108,0,0,181,168,131,98,77,74,64,61,61,51,51,66,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,1,0,0,0,0,0,29,116,126,61,47,54,99,155,147,147,155,173,196,199,196,176,168,173,217,255,255,255,225,117,101,93,75,41,21,21,47,101,199,233,248,255,255,254,246,0,0,0,255,241,209,196,186,173,157,157,170,178,181,155,108,47,47,82,92,100,116,100,69,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,27,27,19,1,0,0,0,0,0,0,0,0,0,0,0,0,178,176,191,202,183,134,96,97,144,165,191,191,189,170,157,115,117,176,209,217,209,199,199,209,217,217,215,207,160,51,0,0,0,0,0,0,0,0,0,7,19,29,61,147,189,186,176,176,202,222,220,209,199,199,194,183,173,176,183,191,183,176,178,186,189,181,176,176,183,178,160,101,89,91,99,107,113,157,160,160,157,157,157,170,176,168,155,109,105,109,160,173,165,170,178,173,105,92,92,105,115,115,115,119,113,101,97,99,115,173,191,199,207,215,225,225,212,209,202,202,194,183,178,177,191,207,217,246,246,189,67,17,0,0,0,0,0,0,0,0,0,0,0,0,0,53,186,196,170,150,103,107,113,157,163,165,165,176,183,183,186,202,230,246,251,254,255,255,255,255,251,241,233,233,241,228,144,0,0,33,33,5,0,0,0,0,0,0,0,0,0,121,215,243,243,233,202,150,79,41,0,0,0,41,113,155,189,204,189,155,113,25,0,7,33,37,18,15,27,73,137,181,217,207,160,139,139,170,202,212,194,150,100,41,21,1,0,1,27,43,55,61,111,139,165,186,176,163,150,157,178,196,199,199,199,176,152,137,134,99,99,105,144,107,105,105,107,115,165,173,173,176,186,207,222,233,235,235,228,228,225,225,217,194,178,183,189,207,212,209,199,186,173,123,117,119,123,123,165,173,181,181,181,189,194,199,196,170,139,79,65,65,73,77,77,73,65,55,49,49,55,49,41,41,49,71,97,142,152,160,168,170,170,168,168,168,170,170,168,163,170,194,209,209,194,186,189,194,194,189,189,196,209,209,207,191,187,186,186,191,209,225,235,235,222,204,191,186,181,170,119,105,105,107,113,119,121,113,100,101,113,170,204,0,0,0,209,209,202,191,183,163,137,73,55,49,51,55,55,51,43,33,19,9,5,13,35,71,147,157,155,144,124,63,44,43,57,137,181,202,202,181,163,0,0,0,0,0,93,139,173,183,176,165 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,157,209,209,215,215,217,222,215,194,163,155,147,144,181,199,207,204,204,207,207,207,209,212,212,204,199,75,115,97,99,170,178,168,169,170,170,127,127,173,181,189,191,186,181,133,133,186,204,222,225,222,222,225,228,228,230,230,225,194,87,49,199,209,215,212,204,196,186,181,186,194,199,204,209,212,217,222,222,220,220,222,222,220,215,215,215,215,217,217,222,225,222,217,215,204,141,131,133,135,139,183,183,191,202,207,212,217,225,222,217,215,212,209,212,212,215,222,225,222,217,212,215,225,228,228,228,228,228,230,230,230,233,230,217,209,113,97,141,145,143,202,225,235,235,235,233,235,235,230,225,225,225,228,228,228,228,228,228,225,225,225,225,225,225,225,222,215,207,207,215,228,230,217,145,199,209,212,209,202,196,191,189,190,199,209,207,204,199,185,183,186,186,186,191,196,196,186,129,191,212,222,222,222,225,228,233,230,225,215,202,194,194,194,191,194,209,199,191,189,191,186,137,186,196,204,194,128,126,204,228,230,226,226,226,228,230,230,225,224,225,228,228,230,230,230,230,233,233,233,230,207,189,191,191,204,215,222,225,220,204,194,204,230,209,129,183,194,127,117,83,7,0,42,212,233,233,226,226,230,228,224,225,225,225,225,225,228,228,217,204,189,186,189,189,204,215,212,204,202,204,212,209,225,230,230,217,202,132,123,141,194,196,191,189,141,191,225,225,207,204,204,204,204,194,97,56,115,212,209,215,230,233,233,228,183,212,228,212,207,202,185,186,189,186,186,202,209,196,187,191,191,194,199,194,131,129,137,199,217,228,230,228,222,220,228,230,233,212,194,202,209,212,215,204,196,196,191,133,125,202,204,196,196,196,199,194,186,186,189,199,207,202,199,207,207,202,196,194,191,191,191,196,202,204,196,137,121,131,121,99,72,81,137,212,217,225,230,233,238,238,235,230,230,230,230,230,228,228,225,224,224,225,225,225,228,230,230,225,225,228,230,230,230,228,225,222,222,222,222,225,228,230,228,225,225,228,228,226,230,233,230,228,222,217,213,213,217,225,230,230,212,43,0,14,121,121,123,194,215,215,202,120,191,222,228,222,215,196,131,125,131,189,209,212,209,196,189,186,181,137,183,189,183,136,137,137,133,133,131,127,129,131,131,131,135,181,183,186,194,207,215,222,217,191,105,107,121,189,196,194,189,133,121,120,129,186,189,135,125,121,115,117,131,209,217,212,199,133,110,115,196,222,225,225,225,228,225,217,215,212,212,215,217,217,215,215,215,217,215,212,212,215,209,202,207,222,225,228,225,222,215,212,212,212,209,204,207,207,207,202,204,207,202,191,137,135,134,137,141,189,191,191,186,137,135,186,194,196,191,183,139,189,204,207,204,199,191,183,135,137,183,135,181,189,186,179,179,186,194,189,183,181,137,137,137,181,191,202,209,199,183,135,134,186,204,186,179,179,189,212,222,222,222,222,222,217,212,209,207,207,204,196,194,196,199,199,194,194,196,194,183,181,186,199,215,215,204,191,189,191,186,126,129,178,176,133,133,181,189,194,194,183,176,189,186,186,189,191,178,113,106,105,123,183,189,189,194,202,212,217,217,222,222,225,222,222,222,222,222,222,222,225,225,222,217,212,212,212,215,212,212,217,222,225,220,217,217,217,217,215,209,209,207,209,204,191,186,183,136,132,186,196,191,133,131,189,199,191,194,207,217,217,215,215,207,209,228,230,230,230,225,225,225,217,209,207,209,220,225,228,228,228,225,225,228,230,230,230,228,228,225,220,215,215,217,222,222,225,217,127,59,81,135,194,204,209,209,209,209,209,207,204,199,194,191,192,196,209,204,155,186,189,189,194,204,207,200,199,202,207,209,209,208,208,209,209,209,209,209,207,202,202,202,204,207,212,215,222,225,228,225,222,217,212,202,198,198,200,207,215,222,217,215,212,212,217,225,225,215,207,212,215,215,215,222,225,222,212,207,207,209,215,215,212,212,212,212,209,207,204,204,202,199,196,191,194,199,204,199,194,186,141,140,141,186,186,189,194,204,212,212,212,215,220,222,222,217,217,222,222,222,220,220,220,217,220,222,222,217,217,217,217,217,215,195,187,187,192,202,212,217,222,209,194,141,137,132,128,127,137,189,196,204,212,217,222,217,204,191,191,207,228,235,233,225,222,225,225,225,212,202,200,200,202,204,209,222,233,235,230,225,225,225,222,215,215,217,225,235,248,254,255,254,255,255,255,255,255,255,254,254,254,251,251,248,248,248,246,246,246,0,0,243,241,235,234,235,238,233,225,218,225,233,233,228,228,230,228,218,218,220,222,225,225,222,215,212,209,207,204,202,202,199,196,196,196,196,194,194,191,191,189,189,189,189,186,186,186,183,181,137,136,137,181,183,186,186,186,189,189,191,194,196,199,202,204,204,204,207,209,212,215,217,217,222,217,215,212,209,209,209,209,207,207,207,207,207,209,209,212,212,209,209,209,204,202,199,198,199,202,204,207,209,212,209,209,209,209,204,200,200,204,207,209,209,212,209,207,207,209,212,217,217,215,212,212,209,209,209,215,215,217,220,217,215,209,209,212,212,208,205,207,215,230,233,230,225,225,228,230,222,215,212,209,207,209,212,215,220,225,0,0,0,0,0,0,0,255,248,241,233,230,233,238,243,243,235,217,204,196,186,179,181,189,191,189,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,19,21,27,45,77,53,27,13,21,27,37,39,45,45,29,22,22,33,71,157,204,255,0,0,0,255,255,255,204,137,105,105,111,105,113,124,137,137,131,121,113,108,121,0,0,0,170,155,124,100,100,90,92,85,64,43,48,77,111,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,27,27,13,3,0,0,0,0,9,57,73,71,54,63,137,155,147,147,155,173,196,196,173,121,113,115,176,255,255,255,254,189,113,99,77,47,27,31,57,109,202,238,255,255,255,255,254,255,0,0,255,241,238,228,202,173,157,157,163,170,189,189,157,0,0,111,92,74,66,0,9,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,48,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,9,21,25,9,1,0,0,0,0,0,0,0,0,0,0,0,238,207,196,183,160,134,97,100,157,176,196,191,173,165,157,170,191,209,212,212,217,220,217,217,215,217,225,225,191,83,13,0,0,0,0,0,0,0,13,69,81,85,147,178,189,178,176,196,228,235,220,196,194,194,199,194,181,176,181,191,191,181,181,189,189,178,176,183,186,183,160,101,97,105,115,157,160,170,181,186,181,173,170,170,168,170,170,168,165,155,155,176,176,178,181,170,101,91,89,97,103,103,111,119,123,119,117,168,173,181,191,199,212,222,225,225,212,209,202,202,194,183,178,183,202,217,238,248,248,178,41,7,0,0,0,0,0,0,0,0,0,0,0,0,3,53,152,160,144,99,93,95,107,155,168,173,173,176,183,183,191,212,238,246,251,254,255,255,255,255,255,248,233,233,246,254,196,29,23,63,55,21,0,0,0,0,0,0,0,0,0,163,222,233,225,215,191,152,118,53,0,0,0,17,69,147,196,212,199,155,79,7,0,2,43,55,37,31,55,116,150,194,209,199,152,133,131,144,181,202,204,160,126,100,55,19,0,0,1,5,7,27,53,124,157,176,168,157,150,157,178,199,207,207,199,176,150,142,134,97,99,107,144,107,101,99,101,113,119,165,168,173,186,209,222,225,225,228,228,228,225,225,217,194,183,183,194,209,215,207,199,191,176,125,119,117,119,119,123,163,163,170,173,178,181,189,186,170,144,87,65,65,79,77,77,77,73,65,55,49,49,45,40,40,47,65,93,142,157,168,176,173,173,170,170,170,170,170,168,161,170,194,209,209,196,186,186,194,194,194,194,196,209,209,207,191,191,191,194,209,217,225,225,222,207,194,191,186,181,170,121,105,99,99,105,115,121,113,101,107,115,165,194,0,0,0,202,202,191,189,178,163,147,83,61,49,47,49,47,45,43,37,21,7,3,9,25,57,121,139,147,144,129,67,46,44,49,83,163,204,215,191,173,163,155,0,0,0,0,165,173,165,147,107 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,199,209,215,217,220,228,220,212,199,157,57,71,178,199,204,202,204,207,209,209,212,212,215,209,204,194,222,222,186,189,196,194,181,173,173,176,173,173,178,194,207,199,183,176,133,181,199,215,225,225,228,233,233,230,235,228,217,71,0,37,209,215,215,209,215,204,194,194,202,202,202,204,207,212,215,217,217,217,217,217,222,222,222,217,215,215,215,215,217,220,217,217,215,215,115,113,129,139,134,137,139,194,207,212,215,217,222,222,217,217,215,212,209,209,215,222,225,225,225,225,225,225,225,225,228,228,228,228,230,233,228,217,212,225,225,209,202,147,145,202,225,233,235,233,233,233,233,230,225,225,228,233,235,233,230,230,230,225,222,222,222,225,225,225,217,203,199,203,222,230,233,230,225,217,212,207,202,199,196,191,190,190,194,196,202,202,196,189,191,194,186,137,186,194,141,127,123,204,225,225,222,222,222,228,230,230,225,212,202,196,202,207,199,191,186,187,189,191,194,189,135,128,181,183,135,129,134,202,222,228,228,228,228,228,230,233,230,228,228,228,230,230,230,230,230,233,233,235,230,131,127,131,134,196,202,207,212,209,199,189,207,222,228,186,117,113,117,121,183,53,0,33,212,228,241,226,228,230,228,224,221,224,228,230,228,228,225,222,209,186,138,183,189,196,209,207,196,199,212,164,160,209,222,222,202,186,125,120,137,202,207,199,139,141,199,222,222,204,196,196,199,196,141,104,79,135,222,228,228,233,233,233,233,230,215,209,212,207,189,182,185,186,181,138,189,194,189,189,194,199,207,204,139,126,127,133,191,215,222,222,222,215,215,225,228,228,222,207,196,194,196,199,196,195,199,202,202,199,199,196,194,191,189,191,191,189,191,199,217,230,215,202,204,207,199,196,194,191,189,189,196,215,217,202,123,107,109,117,119,127,204,217,225,228,230,233,235,235,235,230,228,225,228,228,230,230,228,225,224,224,224,225,225,225,228,230,230,230,230,233,235,233,230,228,225,222,220,220,220,225,228,228,225,228,230,228,226,228,230,230,230,225,217,213,215,217,222,228,230,212,42,19,95,191,135,129,135,186,194,194,191,191,196,212,207,191,129,117,117,133,196,207,209,207,199,191,186,137,134,137,183,191,194,186,135,132,133,133,129,191,181,130,178,186,181,178,183,189,199,209,207,209,209,194,112,111,131,194,199,181,129,120,120,129,186,191,129,127,125,123,129,191,212,225,225,202,113,107,135,204,222,225,225,225,225,225,215,212,212,212,212,215,217,217,215,215,212,212,209,212,215,209,200,204,215,225,228,228,225,225,222,217,217,217,222,225,225,217,215,215,215,212,209,202,191,137,136,137,137,136,139,186,186,186,194,202,202,191,139,183,202,217,217,212,207,199,183,133,133,137,131,137,183,183,181,182,189,191,186,137,136,135,136,181,186,189,189,191,194,194,194,202,217,222,207,191,183,191,212,225,225,225,217,215,212,212,212,209,204,199,199,204,209,204,199,196,196,194,191,189,186,189,202,212,212,204,194,189,189,191,199,199,189,183,131,126,181,186,191,191,129,204,199,194,191,191,191,178,125,115,108,112,127,189,187,194,204,215,217,222,222,222,222,222,222,222,222,222,222,225,225,228,225,220,212,212,212,215,217,217,222,225,225,222,217,217,222,217,215,209,207,204,204,202,191,186,139,135,131,186,202,204,194,137,183,215,196,194,199,207,209,209,212,215,217,225,228,228,228,225,228,228,228,222,215,212,215,217,222,225,225,222,225,228,230,228,228,228,228,225,225,217,215,217,215,217,222,217,98,84,99,135,194,204,209,207,207,209,209,204,202,202,196,191,191,199,209,212,202,189,189,191,196,204,204,202,200,202,204,207,209,209,209,209,208,209,209,212,209,204,202,202,202,204,207,212,222,225,222,217,217,222,217,209,202,202,207,215,222,225,225,222,215,209,212,217,222,217,215,217,215,207,205,215,217,215,212,212,215,215,215,215,215,217,215,212,207,202,202,204,202,199,191,186,186,191,202,202,196,191,186,140,141,189,189,189,191,204,212,215,209,204,212,228,228,225,225,225,222,215,212,212,215,217,220,217,215,212,212,215,215,220,220,207,196,202,204,204,204,212,222,222,212,204,196,189,137,135,189,191,194,202,212,222,222,217,207,202,202,212,225,233,233,230,225,225,225,222,207,200,199,202,204,209,215,222,230,235,228,217,222,225,222,215,213,215,225,235,243,248,251,254,254,255,255,255,254,254,254,254,251,251,251,251,248,246,246,246,246,246,246,243,241,238,235,238,238,230,222,220,225,235,230,222,225,225,222,218,218,225,225,222,222,222,215,212,209,207,204,202,202,199,196,194,194,194,194,194,194,191,189,189,186,185,186,186,186,183,137,136,136,137,181,183,186,189,189,189,191,191,194,196,199,199,202,202,204,207,209,212,215,215,217,217,217,217,215,212,209,209,207,205,205,205,205,207,209,212,215,215,209,209,209,207,202,199,202,204,204,207,209,212,215,215,212,209,209,207,202,202,204,207,212,212,212,209,207,207,209,215,217,217,217,215,215,215,212,212,215,217,222,222,217,212,208,208,209,212,212,209,209,217,228,233,230,225,228,230,228,222,215,212,207,203,207,212,217,225,228,0,0,0,0,0,0,255,255,251,243,235,0,233,238,243,243,241,225,209,199,189,181,181,183,183,183,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,21,27,45,51,45,27,21,25,37,47,47,53,55,49,26,22,27,71,165,215,255,255,0,0,255,255,255,212,176,129,121,121,121,113,113,116,121,116,113,113,121,0,194,199,181,0,0,0,134,124,124,126,118,82,43,35,61,92,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,126,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,0,7,21,29,1,0,0,9,45,61,75,77,85,137,147,147,155,170,199,199,163,100,104,107,107,129,251,255,255,255,220,125,107,91,53,33,43,81,121,209,243,255,255,255,255,255,255,0,0,255,255,255,248,209,155,147,157,163,163,202,202,165,0,0,168,134,90,59,0,0,0,0,0,0,0,0,0,0,0,72,46,0,0,0,0,0,0,0,0,0,0,69,51,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,27,29,17,17,21,1,0,0,0,0,0,0,0,147,204,186,155,142,147,142,137,134,157,173,191,186,160,153,163,202,215,209,195,199,217,228,228,228,217,225,233,225,191,101,41,0,0,0,0,0,0,0,45,81,124,139,165,189,178,165,176,207,230,225,204,186,186,194,202,202,194,181,181,191,191,181,181,189,189,181,178,186,178,170,163,113,105,107,113,115,163,181,181,189,196,189,181,168,157,157,168,173,168,160,155,173,181,181,178,160,105,95,97,103,105,105,111,123,165,168,173,183,189,191,199,207,215,225,225,225,212,209,207,209,207,194,183,186,202,230,238,254,254,186,13,0,0,0,0,0,0,0,0,0,0,0,0,11,39,57,59,59,63,75,85,99,113,173,183,173,127,129,178,186,202,222,238,246,254,255,255,255,255,255,255,255,241,233,254,255,222,20,20,49,55,31,0,0,0,0,0,0,0,0,142,212,228,215,204,202,170,147,139,121,21,0,0,0,35,137,196,220,209,173,121,13,0,13,49,61,49,55,116,144,181,209,225,220,194,147,131,131,152,194,204,191,152,129,98,35,1,0,0,0,0,0,33,69,139,157,168,157,150,152,170,196,207,207,186,160,142,134,97,93,95,105,107,105,95,89,91,101,113,119,165,176,191,207,217,217,217,225,228,228,225,220,209,194,183,189,196,215,215,215,207,199,186,173,123,117,117,113,113,115,117,155,157,163,170,178,178,170,144,89,73,77,97,97,93,89,77,65,55,49,45,41,40,40,45,59,89,142,157,168,170,170,168,163,163,163,163,168,168,163,168,178,194,194,189,186,186,194,194,194,194,196,207,196,196,196,191,191,209,228,228,215,194,191,191,183,183,186,181,173,125,113,97,94,99,119,163,113,99,105,115,163,189,0,0,0,204,194,191,183,183,163,147,93,67,55,49,43,39,33,33,33,19,5,0,9,33,57,73,124,139,139,137,83,53,44,46,73,163,230,230,202,181,165,163,163,150,139,0,173,165,107,100,100 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,0,0,0,77,181,194,209,215,217,217,217,222,225,217,170,56,62,168,196,207,202,202,207,209,212,212,212,212,230,189,196,217,225,199,191,196,199,189,176,176,181,173,173,183,199,207,199,181,176,178,133,133,196,217,225,228,230,233,230,228,207,49,0,0,37,204,209,209,207,209,199,194,202,207,204,204,204,207,212,215,215,212,212,215,217,225,225,225,222,217,215,213,215,215,215,215,215,217,204,102,72,117,189,194,139,186,199,209,212,215,215,217,217,222,220,215,212,209,209,212,217,225,228,228,228,228,225,225,225,228,230,228,228,230,230,225,215,222,233,228,215,204,147,147,204,225,233,233,233,233,233,230,230,228,228,230,235,238,235,233,230,228,222,217,216,217,222,225,222,215,202,199,204,222,230,233,233,230,222,209,202,202,202,199,194,191,191,191,191,194,194,191,191,202,202,186,135,135,135,129,127,127,215,228,222,217,217,222,228,230,225,217,207,199,199,209,217,207,194,186,186,189,194,199,196,181,127,129,131,137,183,189,194,215,228,228,230,233,235,235,235,233,233,230,230,230,233,233,230,230,233,233,230,215,127,126,131,136,183,135,181,191,194,191,186,183,194,189,123,113,108,106,181,215,83,0,0,186,228,233,230,228,230,228,225,224,225,230,233,233,228,225,228,222,136,131,139,189,191,199,202,194,194,209,176,173,209,222,225,209,196,135,134,196,212,212,207,189,191,202,212,204,186,186,196,199,196,189,139,141,217,230,230,230,230,228,233,235,230,212,203,204,202,189,185,186,189,181,137,183,186,186,189,196,204,215,212,137,127,127,133,191,209,215,215,215,215,215,222,222,222,217,207,194,187,189,194,199,204,209,212,215,212,204,196,194,187,185,187,194,199,202,212,225,230,222,204,202,199,202,207,207,196,187,187,199,222,225,207,117,109,112,119,123,186,220,228,228,228,230,233,235,235,230,228,224,224,224,225,230,230,228,225,225,225,228,228,225,225,228,230,230,230,230,233,235,235,233,230,228,225,222,220,220,222,225,228,228,228,230,230,228,228,230,233,230,228,222,215,217,222,222,222,222,204,99,89,209,222,196,135,131,133,186,196,202,191,133,135,137,127,116,114,117,129,186,199,207,209,207,202,191,135,132,133,181,196,204,196,181,135,135,137,183,191,137,131,191,196,181,178,191,189,189,186,131,130,194,199,119,116,176,202,204,178,133,131,121,127,202,89,119,135,183,178,137,137,189,204,202,107,103,113,202,212,217,222,225,225,225,225,220,215,215,215,215,217,222,222,215,212,209,208,209,212,215,212,202,204,212,220,228,230,230,230,228,222,222,225,228,230,228,225,222,222,222,222,225,222,207,191,143,191,191,189,186,189,139,131,135,199,199,137,135,196,215,217,215,204,199,194,135,124,121,122,127,131,181,189,189,189,191,191,181,135,134,135,183,194,199,196,186,183,189,194,194,196,207,212,209,199,191,191,202,207,207,209,207,204,204,204,209,209,204,196,194,204,209,196,183,183,189,191,191,199,199,191,189,191,196,199,189,186,194,199,204,209,207,207,189,129,178,181,176,127,117,209,209,204,199,196,196,194,183,129,121,119,129,189,189,196,207,215,217,222,222,217,215,217,217,222,222,222,222,222,225,225,225,217,212,209,212,215,217,217,222,222,222,222,217,217,222,217,212,209,207,204,207,202,189,139,138,137,136,191,202,204,194,135,135,191,196,194,196,202,204,204,209,217,222,225,225,228,225,222,222,225,228,225,222,217,215,215,215,217,222,222,225,228,228,222,222,225,228,228,228,225,217,215,215,217,217,217,109,99,123,141,196,207,207,204,204,207,207,204,202,199,196,192,194,202,212,215,209,199,194,194,199,204,204,204,204,207,207,207,212,215,215,212,209,209,209,212,209,204,202,202,202,204,203,207,217,225,212,205,207,222,228,222,215,212,215,222,225,228,228,225,215,212,209,209,215,217,222,222,215,203,202,207,215,215,215,215,217,217,215,215,215,215,217,215,209,202,196,199,196,194,189,139,135,135,183,194,199,196,189,183,186,189,191,189,194,204,212,212,202,200,212,228,230,225,225,222,217,209,207,209,215,222,222,220,215,212,212,212,217,225,225,217,212,212,209,199,195,199,215,222,215,207,202,199,194,189,191,189,189,196,209,217,217,215,207,204,207,212,217,225,230,230,230,228,228,228,222,212,209,212,215,222,225,228,233,235,228,216,216,222,217,215,213,213,225,235,243,246,251,254,255,255,255,251,247,247,248,254,254,254,251,248,246,246,246,246,243,246,246,243,241,238,235,238,238,228,217,217,222,230,228,222,220,222,222,218,218,225,225,222,222,220,215,209,207,204,204,202,199,196,194,194,194,194,194,194,194,191,189,189,186,185,186,186,186,186,181,137,136,137,139,186,189,191,191,191,194,194,194,196,196,199,199,202,204,207,209,212,212,215,217,217,217,217,215,215,212,209,207,205,205,205,207,209,212,215,217,215,209,207,207,204,202,202,204,207,209,209,212,215,215,215,212,212,212,207,204,202,204,207,212,212,212,212,212,212,212,215,217,215,212,215,217,217,217,215,217,222,222,222,215,209,208,208,209,215,215,215,215,222,228,230,228,225,228,228,225,222,215,215,209,204,207,212,217,222,225,228,0,0,0,0,248,248,248,246,243,241,0,235,233,238,241,238,228,212,202,191,183,181,181,178,176,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,21,27,27,21,21,21,27,47,53,55,61,67,63,47,27,41,77,157,204,228,251,0,0,255,255,255,222,186,160,139,137,131,121,105,105,105,105,105,113,0,0,186,181,165,0,0,0,0,0,0,157,134,98,43,25,35,61,79,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,144,100,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,25,3,0,17,45,73,111,85,91,137,147,155,165,194,215,204,113,97,97,107,115,186,233,255,255,255,241,189,119,97,53,41,55,107,196,235,255,255,255,254,255,255,255,0,0,255,255,255,255,209,139,126,147,163,170,176,165,144,0,0,0,176,98,85,66,0,0,0,0,0,0,0,0,0,0,9,33,0,0,0,0,0,0,0,0,0,0,0,74,59,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,21,31,29,31,41,29,0,0,0,0,0,0,39,150,186,160,77,80,124,134,126,125,147,189,199,173,153,152,168,204,215,198,189,199,220,228,230,230,233,233,233,225,191,144,51,0,0,0,0,0,0,0,17,47,83,139,165,178,165,165,183,207,215,204,186,179,183,194,202,202,202,194,191,191,186,179,179,189,189,189,183,176,165,115,160,160,115,109,113,115,173,183,181,189,196,189,181,178,168,155,155,155,165,155,155,168,160,115,115,107,107,113,115,121,168,168,168,165,168,173,181,183,191,191,204,215,222,215,215,225,220,212,212,217,212,202,202,199,209,233,241,248,248,191,13,0,0,0,0,0,0,0,0,0,0,0,9,57,83,67,39,13,15,43,63,91,152,176,183,165,120,121,131,186,209,222,238,246,254,255,255,255,255,255,255,255,241,237,255,255,181,4,10,41,39,27,3,0,0,0,0,0,0,0,168,233,241,225,212,191,160,150,155,147,33,0,0,0,11,118,191,230,222,199,144,41,13,25,55,71,61,95,131,173,207,217,230,225,207,168,139,135,144,181,212,212,181,147,108,35,0,0,0,0,0,0,7,49,116,144,157,150,142,152,168,189,196,186,168,150,134,99,97,93,95,103,111,105,95,86,88,95,105,113,165,176,191,207,215,209,215,217,225,233,230,225,217,196,194,194,207,217,225,220,215,212,207,186,176,123,117,111,109,111,113,115,155,157,163,170,170,160,144,89,77,89,134,134,93,89,77,65,57,53,45,41,40,40,45,59,77,134,150,157,163,160,160,155,150,150,155,160,163,163,168,176,186,189,186,186,186,194,194,189,191,196,196,196,186,183,183,191,217,238,233,207,135,131,133,181,181,176,173,170,170,119,101,95,101,115,115,99,88,101,113,157,183,204,0,0,212,202,191,189,183,170,152,93,71,61,51,43,33,21,21,23,13,3,1,11,37,57,63,75,131,137,137,118,57,45,46,73,183,248,238,202,181,181,170,157,139,101,0,155,147,100,98,104 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,202,207,173,207,217,217,217,212,222,230,233,217,70,73,150,189,204,202,196,204,215,217,215,212,217,243,102,113,181,191,168,121,170,189,186,173,170,173,178,183,191,194,191,176,131,176,191,121,112,111,118,207,228,230,238,217,196,133,37,0,0,39,189,199,202,194,181,183,191,199,204,204,204,204,209,212,215,215,212,211,212,217,225,228,228,225,222,217,215,215,215,215,215,215,215,204,121,86,121,196,217,189,191,204,212,212,212,212,215,217,217,215,212,209,209,212,215,217,222,225,228,228,228,228,225,228,230,230,230,228,228,228,217,217,225,228,217,209,202,196,199,215,228,233,233,233,233,233,233,230,230,230,230,233,235,235,233,230,228,222,217,216,217,222,222,222,212,203,203,212,225,230,230,230,228,215,204,196,199,202,202,196,196,194,191,194,196,191,189,190,209,207,139,129,130,131,128,127,129,212,225,222,217,217,222,228,228,217,207,199,194,196,204,215,207,196,189,189,191,199,204,209,202,131,126,123,137,194,189,119,196,225,228,233,235,235,235,233,233,230,228,228,233,233,233,233,233,230,230,228,207,135,137,194,196,137,123,127,181,181,181,181,127,131,127,119,123,107,93,196,251,71,0,0,103,215,228,233,230,230,228,228,228,230,230,233,233,230,225,228,225,134,128,189,194,187,191,196,194,194,204,187,187,212,228,233,228,215,196,196,207,212,212,207,199,199,202,202,189,179,182,196,199,191,189,196,220,230,230,230,230,228,226,230,233,230,215,204,204,202,196,194,194,191,139,137,139,186,183,186,196,209,225,217,191,135,133,135,189,204,209,207,209,212,215,222,222,222,215,202,191,187,189,194,204,215,222,225,225,222,207,196,194,187,186,194,202,204,207,212,215,217,212,207,202,199,202,215,215,204,191,191,199,212,212,204,118,125,196,135,120,133,222,230,228,228,228,230,233,233,230,228,225,225,225,228,230,230,228,225,225,228,230,230,228,225,225,228,228,228,228,230,233,235,235,233,230,230,228,225,225,225,228,228,228,228,230,230,230,233,233,230,228,225,222,217,220,222,222,215,207,189,135,199,230,233,217,189,129,127,181,202,204,189,129,130,135,125,116,116,123,127,133,186,196,207,212,212,204,186,134,134,183,202,215,209,191,137,137,181,186,183,131,133,189,186,176,178,199,196,191,186,129,126,133,189,127,119,131,189,186,133,181,183,113,113,181,57,123,199,199,186,130,128,132,183,137,105,105,207,225,225,217,217,225,225,225,222,225,222,220,217,217,222,222,222,212,209,208,208,208,209,212,212,209,209,212,217,225,230,233,233,228,225,225,228,230,230,230,228,228,225,225,228,230,230,215,202,199,207,212,209,204,191,133,118,113,129,135,125,127,204,217,204,199,135,137,183,133,125,120,115,127,129,181,194,194,191,191,186,181,137,137,189,204,215,225,222,199,186,187,189,183,137,186,194,194,191,191,191,191,189,186,191,194,194,191,194,199,204,202,189,137,181,183,133,129,129,133,181,194,209,212,196,124,122,131,181,178,183,199,207,209,212,212,209,196,130,132,133,127,120,110,204,212,209,202,196,196,196,186,131,125,121,129,194,199,204,209,215,217,222,217,215,212,212,215,217,217,220,217,217,222,222,217,215,209,209,209,212,215,215,215,217,217,217,217,217,217,217,215,212,207,207,207,202,189,139,139,139,139,189,196,191,183,135,136,189,196,196,196,196,199,204,212,217,222,225,228,225,222,221,220,222,225,225,225,225,222,217,215,215,215,217,222,225,215,207,207,215,222,222,222,217,217,217,212,212,207,202,123,123,141,194,202,207,207,204,204,207,207,204,202,199,196,196,199,207,212,215,209,204,196,196,199,204,207,207,209,209,209,212,217,222,217,215,215,212,212,212,209,207,204,204,204,204,203,204,217,228,209,200,203,222,230,228,222,222,222,222,225,228,230,225,217,215,208,205,208,215,222,228,217,205,204,212,220,222,222,222,217,217,217,215,212,212,215,217,212,202,194,189,186,139,135,133,129,127,133,191,202,199,191,186,186,191,194,194,199,209,212,212,200,198,204,220,225,225,222,217,215,209,207,209,217,222,225,222,217,215,212,215,222,228,230,225,222,220,209,196,192,195,207,212,209,204,199,199,199,196,194,186,141,191,202,207,209,204,202,202,207,209,212,215,222,228,228,228,228,230,233,230,228,225,225,230,235,235,238,235,228,216,216,217,217,215,213,217,228,235,241,246,251,255,255,255,255,248,244,244,248,254,255,254,251,246,246,243,243,243,243,243,241,241,241,241,238,238,238,228,216,216,217,225,228,222,220,222,228,222,222,225,222,217,217,217,215,209,207,204,202,202,199,196,196,194,194,194,194,194,194,191,189,189,186,186,186,189,189,186,183,181,181,183,186,189,191,194,194,194,196,196,196,196,196,199,199,199,202,207,209,212,215,215,215,215,215,215,215,215,212,209,207,207,207,207,209,212,215,217,217,215,212,209,207,202,202,202,204,209,209,212,212,212,215,215,215,215,212,209,204,204,207,209,212,212,215,215,215,215,215,215,215,212,209,209,215,220,222,222,222,222,220,217,215,209,208,209,212,217,217,217,222,225,230,228,225,222,222,225,222,217,215,215,209,204,204,207,212,215,217,225,230,0,0,0,243,241,241,241,241,241,0,0,228,230,235,233,217,207,202,194,186,183,181,176,173,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,7,7,7,13,19,27,39,47,59,90,95,69,55,41,51,105,157,186,202,225,0,0,255,255,255,230,194,170,163,152,131,124,105,98,95,90,98,0,0,0,0,0,157,173,194,0,0,0,0,0,0,126,77,22,7,14,33,48,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,152,118,59,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,72,90,37,25,39,75,118,118,93,129,144,155,170,196,215,202,121,102,104,113,173,209,238,251,255,255,251,209,133,103,59,55,87,173,235,255,255,255,246,241,238,255,255,255,255,255,255,255,255,204,93,77,131,152,170,170,150,126,0,0,220,202,82,92,92,25,0,0,0,0,0,0,0,0,69,14,0,0,0,0,85,0,0,0,0,0,0,98,66,56,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,3,3,11,17,23,23,23,25,7,0,0,0,0,0,111,142,173,160,76,77,121,134,126,125,147,189,207,168,156,157,178,209,212,195,195,209,217,217,220,230,233,235,233,225,202,170,95,0,0,0,0,0,0,0,0,17,61,142,178,165,165,165,186,199,202,196,183,179,183,194,202,207,209,207,199,199,191,179,181,189,194,189,178,163,107,103,115,163,160,113,113,163,183,191,189,189,189,189,178,178,176,155,109,109,109,107,101,101,93,87,89,99,107,113,115,170,183,189,183,176,168,173,181,183,183,191,207,215,222,215,212,215,212,209,209,209,209,202,202,209,217,233,238,241,238,183,27,0,0,0,0,0,0,0,0,0,0,0,41,152,170,85,27,0,0,0,19,51,91,157,170,121,120,125,176,191,202,212,230,246,254,255,255,255,255,255,255,255,248,241,255,255,225,37,29,39,27,21,21,1,0,0,0,0,0,0,170,235,248,235,220,191,160,150,147,129,11,0,0,0,11,118,202,238,241,212,163,59,25,25,51,103,105,113,150,199,217,225,217,220,209,191,160,147,160,194,220,228,212,168,118,29,0,0,0,0,0,0,0,9,49,116,131,131,134,152,168,178,168,157,142,137,134,134,97,93,97,144,147,111,97,91,88,93,101,109,121,173,191,204,207,209,215,217,225,238,238,238,228,215,204,207,215,225,228,225,220,217,220,199,186,170,117,109,109,113,115,155,155,155,157,163,160,155,142,97,89,97,134,97,89,77,71,65,63,59,55,49,45,43,49,59,77,134,142,150,152,152,144,109,105,109,111,155,160,160,168,176,186,189,189,186,189,194,194,186,189,196,196,191,183,177,179,191,225,238,228,191,130,127,133,181,181,173,173,181,181,125,113,105,105,107,101,89,82,93,107,163,181,194,204,215,222,202,191,191,183,170,155,129,73,63,53,47,33,21,19,17,5,0,0,13,35,49,55,59,69,113,124,87,59,44,45,73,189,238,225,189,176,181,176,150,93,93,101,142,107,104,107,155 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,124,189,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,209,204,170,194,209,212,212,212,217,225,238,246,89,131,163,183,199,202,196,204,215,217,217,215,225,230,96,89,117,121,105,104,113,181,186,172,169,172,186,199,202,183,111,109,123,186,215,119,112,111,110,119,209,222,189,176,125,125,117,79,39,93,189,194,129,101,82,118,139,196,202,204,204,207,212,215,217,215,212,212,212,215,222,225,228,225,222,217,217,217,217,217,217,215,212,212,141,133,135,141,113,119,199,209,212,212,209,212,215,215,215,209,204,204,207,212,215,215,222,225,228,228,230,228,228,230,233,233,230,228,228,228,222,220,217,212,204,202,199,196,202,217,225,228,228,228,230,230,233,233,233,233,230,230,233,233,233,230,228,228,222,222,222,217,215,215,209,207,209,217,225,228,228,228,225,212,202,194,196,202,202,199,199,194,194,204,209,204,191,191,209,207,135,126,133,191,139,128,131,189,209,217,225,225,228,228,225,209,199,194,189,189,194,202,202,194,189,189,191,199,207,215,215,186,129,123,183,196,103,38,99,217,228,233,233,230,230,230,230,228,225,228,233,233,233,235,233,228,225,225,199,189,212,217,207,129,118,128,186,178,176,131,115,120,123,129,186,125,101,189,255,47,29,99,109,199,228,233,233,233,230,230,230,230,230,228,228,230,217,212,209,183,136,199,202,191,191,191,194,199,209,191,191,207,222,233,233,222,204,204,207,207,204,202,199,202,202,199,189,181,185,202,202,189,186,194,222,230,230,230,233,230,226,228,230,230,222,212,209,207,202,199,199,196,189,183,139,183,186,191,196,209,222,217,204,194,186,137,183,199,204,204,202,207,212,217,217,212,204,194,189,189,194,199,207,215,225,225,222,215,202,191,189,191,199,204,204,196,199,202,202,196,199,204,202,194,199,212,215,207,202,199,199,199,202,199,137,191,212,186,118,123,212,225,228,225,225,228,230,233,233,233,230,230,230,230,230,228,222,217,222,228,230,230,228,228,225,225,225,225,225,228,230,233,233,233,233,233,230,228,225,225,228,228,228,230,230,230,233,235,233,230,225,225,222,220,217,220,217,209,194,141,186,202,215,228,225,202,127,125,183,202,204,189,134,194,204,191,129,127,131,131,131,137,189,199,209,212,207,194,181,181,183,204,225,222,202,186,181,183,183,183,137,181,178,170,170,194,209,207,204,196,176,129,132,178,129,119,119,120,123,131,189,191,115,101,73,60,196,209,194,133,119,127,135,183,183,139,199,225,233,230,222,222,225,225,225,222,225,225,222,217,217,217,222,222,215,212,209,209,209,212,215,215,217,217,215,222,228,233,233,230,228,228,228,228,230,230,230,230,228,228,228,230,233,230,222,212,212,222,228,228,217,204,139,120,115,120,123,121,119,120,125,127,121,122,133,139,135,137,186,129,135,133,183,189,139,183,189,139,136,137,191,204,215,225,230,228,212,191,194,196,186,135,135,137,135,139,186,191,191,186,183,185,186,183,182,182,194,202,199,189,133,129,127,127,127,129,129,131,199,217,225,209,123,122,129,131,129,178,204,212,212,212,207,199,181,128,131,133,131,123,115,189,202,199,191,189,191,189,183,133,123,119,121,183,199,207,209,212,217,222,217,212,211,212,215,217,222,222,217,217,217,217,215,212,207,207,209,209,212,212,212,215,215,217,217,217,217,217,217,215,212,207,207,202,191,186,186,139,139,183,186,186,183,139,186,196,204,204,202,196,199,204,212,222,225,228,228,228,225,222,222,222,225,228,228,228,228,225,217,215,215,217,217,215,202,192,191,195,209,209,204,204,209,215,204,191,143,139,129,135,194,199,204,207,207,204,204,207,207,204,199,196,199,202,204,209,209,209,207,204,199,195,196,204,212,215,212,212,212,215,222,222,222,217,217,217,215,212,212,209,209,209,209,209,209,212,225,228,217,204,205,220,228,228,225,225,222,225,228,230,233,228,225,222,209,204,204,212,222,228,225,215,215,222,225,225,225,222,222,220,222,217,212,211,212,217,215,204,191,139,131,126,124,126,126,127,133,194,202,199,191,186,189,191,194,199,204,215,217,215,202,199,200,209,215,222,215,215,217,215,212,215,217,222,225,222,222,217,217,217,222,225,228,228,225,222,212,202,196,199,207,209,204,199,196,196,202,202,199,186,137,139,191,196,196,194,194,199,204,209,212,212,215,222,222,222,228,230,233,230,228,228,230,235,238,238,238,238,233,225,222,217,215,215,220,225,230,235,241,246,251,255,255,255,255,248,244,244,248,254,255,254,251,246,243,243,243,241,241,241,238,241,241,241,238,241,241,230,220,217,217,225,228,228,222,228,233,228,228,230,225,215,215,215,215,212,209,204,202,199,199,196,196,194,194,194,194,194,194,191,189,189,189,186,186,189,189,189,186,183,186,186,189,194,194,196,196,196,196,196,196,196,199,199,199,202,202,207,209,212,215,215,212,212,212,212,212,212,212,212,209,209,207,209,212,215,217,217,217,215,212,209,204,202,200,202,207,209,212,212,212,212,209,212,215,215,215,209,207,207,209,212,212,215,215,217,222,222,222,217,215,209,208,209,215,222,222,222,222,217,215,215,212,212,209,212,215,220,222,222,222,225,228,222,215,212,215,217,217,217,217,217,212,204,203,203,204,209,215,222,230,238,0,243,241,238,238,238,238,238,0,0,226,228,230,222,207,199,196,191,186,183,181,173,165,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,7,11,15,19,27,57,90,69,63,49,41,57,124,178,186,194,217,0,0,255,255,255,246,196,186,170,152,131,124,103,87,77,72,82,0,0,0,0,0,157,176,202,212,0,0,0,0,0,163,111,43,4,0,9,25,43,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,144,137,90,25,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,121,139,90,25,31,61,116,118,91,129,144,155,186,202,215,215,186,125,127,186,204,238,254,255,255,255,254,233,194,119,87,87,109,207,254,255,255,248,238,233,228,254,255,255,255,255,255,255,255,194,77,67,87,134,142,178,173,118,63,131,209,173,78,85,77,25,29,98,66,0,0,0,38,0,111,46,43,72,64,69,77,100,0,0,0,0,0,90,59,30,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,19,21,15,17,11,15,11,6,7,1,0,0,0,0,0,25,67,134,150,118,77,81,118,126,137,160,189,191,168,163,173,189,204,212,202,202,209,199,194,199,217,228,233,225,207,207,207,183,43,0,0,0,0,0,0,0,0,47,142,183,178,155,152,173,189,194,186,183,186,194,194,202,202,209,209,207,199,191,181,181,189,189,186,165,107,95,97,109,165,163,113,113,173,183,191,199,196,189,186,178,176,168,111,103,97,93,89,85,83,81,83,93,99,105,105,105,163,183,196,194,176,168,173,183,183,183,191,199,215,215,212,204,204,202,196,194,194,194,194,202,212,215,233,238,230,212,157,31,0,0,0,0,0,0,0,0,0,0,9,83,186,196,152,49,0,0,0,5,25,57,83,111,163,173,178,186,196,202,202,220,238,254,255,255,255,255,255,255,255,248,230,241,255,251,157,63,33,21,15,15,0,0,0,0,0,0,0,181,241,255,251,238,209,178,150,134,71,0,0,0,0,23,126,209,243,246,220,173,63,22,17,35,95,124,147,189,215,230,225,217,217,225,220,191,181,181,209,228,248,228,194,134,29,0,0,0,0,0,0,0,0,0,39,63,79,118,0,0,160,150,134,124,134,137,134,97,97,103,147,152,113,105,93,91,93,99,105,119,168,181,194,204,207,215,217,225,238,243,246,241,228,215,215,225,235,235,228,225,220,215,207,194,170,115,107,107,113,119,155,155,155,155,155,155,150,142,103,97,97,97,91,89,87,77,71,71,71,69,59,55,49,55,65,87,134,142,150,150,144,103,103,99,103,109,115,119,160,168,176,186,189,189,189,189,189,186,186,189,196,207,196,183,176,177,191,217,228,215,183,131,131,133,176,181,181,191,194,191,170,125,119,113,107,99,89,82,88,105,165,183,183,194,212,222,207,191,191,183,178,155,129,73,61,57,55,47,31,23,15,3,0,0,13,27,39,41,43,55,67,83,73,49,41,44,67,170,202,189,170,170,181,170,144,92,93,101,107,147,147,165,173 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,220,235,251,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,64,0,0,0,29,163,181,173,181,196,204,207,212,217,225,243,228,69,131,173,176,191,196,196,204,212,215,217,217,222,222,106,96,109,113,108,108,119,183,189,178,173,181,194,209,215,181,95,96,125,204,230,131,129,194,125,120,125,133,126,131,129,133,133,125,109,121,196,189,112,90,73,110,133,196,204,207,207,209,215,217,222,220,217,215,212,215,217,222,225,225,222,220,217,220,222,222,222,217,222,225,196,186,141,113,54,76,204,212,212,209,209,212,212,212,209,207,203,203,207,212,215,217,222,228,228,230,230,230,228,230,233,230,230,230,230,228,228,228,220,207,199,199,196,195,199,204,207,209,215,225,230,230,230,230,233,233,230,230,230,233,233,230,233,230,228,222,217,209,202,207,207,209,215,222,225,225,225,225,217,212,204,196,194,196,199,196,191,143,189,209,225,217,202,196,204,199,137,129,186,204,196,135,133,131,141,209,225,230,230,228,222,207,196,189,189,187,189,194,194,189,186,186,191,194,202,207,204,191,183,139,199,202,78,11,87,204,212,217,228,228,225,228,228,222,222,222,225,222,222,225,225,215,209,202,186,189,212,220,207,126,117,178,202,183,176,133,114,118,131,183,189,183,127,176,196,46,131,255,105,173,225,230,233,230,230,230,233,233,230,228,228,215,186,191,207,199,194,204,209,202,191,183,186,204,222,191,189,196,207,215,222,212,207,207,204,202,202,196,199,202,207,207,204,196,202,209,207,196,185,182,207,225,228,230,235,233,228,228,230,230,225,215,207,202,199,194,191,196,196,183,119,117,139,199,196,202,209,212,207,204,194,136,137,196,207,202,196,199,204,207,204,199,191,189,189,196,204,209,209,212,212,204,196,194,191,189,189,202,215,209,191,137,183,189,187,186,194,204,194,135,183,202,204,199,196,199,199,199,204,209,199,191,186,131,121,133,212,225,230,230,228,225,228,230,233,235,235,235,233,233,228,222,212,209,212,225,230,230,230,230,228,225,225,225,222,222,225,230,233,233,233,230,228,228,225,225,225,225,228,230,230,230,233,233,233,230,225,225,222,217,215,212,207,199,189,143,194,199,196,207,212,183,114,121,194,209,207,196,194,235,228,212,189,135,135,181,181,137,186,196,202,202,199,186,179,181,186,202,222,222,204,189,186,186,189,191,199,204,189,170,174,207,222,217,207,196,183,176,176,178,131,120,119,120,127,133,194,202,196,105,57,54,202,199,183,128,125,191,199,196,199,207,215,225,230,230,228,225,225,225,225,225,228,225,225,222,217,217,222,220,217,215,212,212,212,215,215,217,220,217,222,225,230,233,233,230,230,230,230,230,230,230,230,230,228,228,230,233,233,228,222,222,225,230,233,233,230,217,204,191,141,137,135,127,118,110,109,115,116,129,186,139,135,191,204,194,133,133,135,129,122,133,194,186,137,183,196,209,222,225,222,212,191,194,209,220,199,133,133,135,134,137,186,191,196,194,189,189,186,182,179,182,194,202,202,194,189,181,135,133,129,127,127,135,209,222,228,215,186,135,178,131,126,127,196,204,204,209,204,189,131,129,176,189,194,189,129,176,133,129,131,181,183,183,183,189,133,121,118,121,189,204,212,215,217,222,222,215,212,212,215,217,222,222,217,217,217,217,215,209,207,207,207,209,212,212,212,212,215,215,215,215,215,217,217,220,217,212,209,202,189,183,183,137,133,133,137,186,189,191,194,199,204,209,204,199,199,207,215,222,222,225,228,230,228,228,228,228,228,228,228,230,228,228,225,222,217,217,217,212,199,191,189,192,196,196,194,191,194,199,141,135,137,135,133,189,199,202,207,209,209,209,207,204,204,204,199,196,199,204,209,209,209,209,209,207,199,195,196,207,217,217,215,212,212,215,222,222,222,220,217,222,217,217,215,212,215,217,217,217,215,217,225,228,225,217,217,222,225,225,228,225,225,228,233,235,235,230,228,228,215,205,205,212,217,225,225,217,217,225,228,228,225,222,222,222,222,222,215,211,211,215,215,204,194,139,131,125,122,125,127,129,137,194,199,196,191,189,189,191,196,202,209,217,222,215,204,202,204,207,204,204,204,212,222,222,220,220,220,220,222,222,225,225,225,222,222,222,225,228,225,222,215,209,207,209,209,209,204,199,194,196,202,204,199,183,135,136,139,183,183,186,191,194,199,202,204,207,209,209,212,217,225,228,228,225,217,222,230,238,241,238,235,235,235,233,230,222,215,217,228,233,233,235,241,246,251,254,255,255,255,251,247,247,251,254,255,254,251,248,246,243,243,241,241,238,238,238,238,238,235,238,238,230,222,217,217,225,230,230,228,233,238,233,235,235,228,217,215,215,215,212,209,204,202,199,196,196,196,196,194,194,194,194,194,191,189,189,189,186,186,189,189,191,189,189,189,191,194,194,196,196,199,196,195,195,196,196,199,202,202,204,204,207,209,212,212,212,209,209,209,209,212,212,215,212,212,209,209,209,212,215,217,217,217,215,212,209,204,200,200,202,204,209,209,212,209,207,207,209,215,217,215,212,209,209,212,215,215,217,217,222,225,225,225,217,215,212,209,212,215,222,222,222,217,215,212,215,215,212,212,215,217,222,222,225,225,225,222,215,208,207,208,212,217,222,225,225,217,209,203,203,203,204,209,220,230,235,238,241,241,241,238,235,235,235,233,228,226,230,230,215,202,194,191,186,183,183,181,173,163,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,7,7,7,15,47,61,61,55,49,55,111,178,212,212,202,217,0,0,255,255,255,248,207,191,170,139,124,113,95,72,39,39,64,90,0,0,0,0,0,186,202,212,215,0,0,0,0,163,124,69,22,9,14,9,20,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,118,103,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,79,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,72,105,142,147,105,31,31,57,111,85,85,129,137,155,186,202,215,225,215,202,215,215,215,246,255,255,251,251,254,251,233,194,119,113,127,209,254,255,255,254,243,228,228,246,255,255,255,255,255,255,246,178,75,66,77,79,59,144,178,150,67,108,181,173,100,90,59,7,29,121,85,0,0,0,53,0,77,22,8,0,25,56,59,85,0,0,79,0,0,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,40,46,38,21,17,19,11,6,11,11,0,0,0,0,0,0,0,33,108,142,78,69,71,85,144,173,189,191,176,168,173,178,191,202,209,212,209,194,183,189,207,215,217,207,199,204,217,196,63,0,0,0,0,0,0,0,0,23,131,189,178,144,99,150,181,189,181,176,191,199,202,202,202,202,202,199,191,186,181,186,189,181,165,109,93,87,97,115,176,163,113,113,173,183,191,199,196,189,181,178,168,111,97,85,75,75,79,81,83,87,95,99,101,105,105,107,115,176,194,194,183,173,181,191,183,183,181,199,207,212,207,202,196,194,189,186,185,186,189,202,212,215,230,233,215,181,129,33,0,0,0,0,0,0,0,0,0,0,47,155,196,199,178,131,17,7,7,11,19,33,51,73,119,173,183,196,202,209,212,222,241,254,255,255,255,255,255,255,255,254,230,207,230,251,199,55,19,21,21,0,0,0,0,0,0,0,3,181,243,255,255,255,233,202,170,139,71,0,0,0,0,33,139,209,241,243,215,173,73,22,12,25,61,131,168,209,225,230,230,217,230,241,241,220,196,191,212,241,248,241,202,142,31,0,0,0,0,0,0,0,0,0,0,25,47,65,116,134,134,126,118,91,126,134,134,97,97,103,152,155,152,105,93,91,87,95,101,113,127,176,189,204,207,215,217,222,233,243,246,243,230,217,217,225,235,235,228,220,215,215,207,191,168,115,107,107,113,119,155,115,111,111,144,144,150,142,97,89,77,77,77,89,85,77,77,85,87,77,71,65,59,59,71,87,103,142,142,105,105,99,97,97,99,105,111,119,163,170,178,189,194,194,189,189,186,186,183,189,196,207,196,186,177,181,191,209,207,191,183,183,183,176,131,173,191,207,204,191,170,127,125,125,119,107,99,86,82,99,163,183,183,191,204,215,207,194,191,183,173,155,97,69,59,61,69,65,45,35,21,7,0,2,13,25,31,37,43,51,69,75,69,49,40,42,63,147,163,163,165,181,191,181,155,101,101,0,157,165,173,173,173 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,255,254,235,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,90,22,0,0,0,0,0,0,0,0,23,85,144,160,189,202,209,215,215,222,233,53,0,65,61,77,144,176,186,196,207,209,215,222,209,202,117,106,105,109,113,113,119,170,178,178,181,183,191,204,212,178,93,96,186,212,225,178,178,207,199,133,127,129,181,186,183,189,189,129,109,129,196,191,127,123,119,123,133,196,207,209,209,209,215,217,222,222,222,217,215,215,217,222,222,222,222,217,217,220,222,225,225,222,225,228,217,139,131,55,60,191,212,212,212,207,207,209,212,209,209,207,204,204,204,209,212,217,225,228,230,230,230,230,228,230,230,230,230,230,230,230,230,233,228,212,204,202,199,199,204,204,194,195,204,215,222,225,225,228,230,230,230,230,230,233,233,233,233,233,225,217,212,196,141,149,204,209,215,222,222,222,222,217,215,212,204,196,194,194,194,143,135,132,137,196,215,217,207,199,196,189,135,135,186,194,191,141,135,129,135,207,225,230,228,222,212,202,194,187,186,187,191,194,191,186,185,186,189,191,194,196,191,186,191,194,207,212,135,65,183,199,179,179,215,217,212,209,209,204,204,202,194,141,143,199,207,204,191,186,183,186,207,215,204,133,123,189,207,191,181,181,173,131,191,194,186,181,125,111,191,189,204,183,64,125,225,230,228,228,230,230,230,230,230,230,233,119,106,133,212,209,202,207,209,207,189,170,177,202,225,187,186,189,191,191,199,202,207,212,207,202,199,196,199,209,217,222,222,217,222,225,222,215,196,183,194,207,209,212,222,228,222,225,228,225,215,202,191,191,191,189,186,189,189,129,107,106,125,191,194,194,202,209,209,204,191,136,183,202,215,209,196,196,196,189,141,186,189,191,194,196,204,209,212,207,196,187,183,183,186,189,196,215,222,196,130,131,139,189,186,186,199,207,135,124,129,189,196,189,183,189,202,212,222,222,204,189,137,127,119,129,209,225,233,233,228,225,228,230,230,233,235,235,233,230,228,217,209,208,212,225,230,228,228,230,230,228,228,225,217,215,220,225,228,230,228,225,225,222,222,217,217,222,228,230,230,230,230,230,230,228,222,220,217,212,207,202,199,194,191,191,199,196,186,141,133,110,107,117,202,212,207,196,194,225,225,204,189,181,181,191,191,181,186,191,194,194,189,181,179,181,186,194,207,209,196,189,189,194,196,202,215,225,217,196,194,202,215,215,204,196,194,189,183,183,181,127,129,178,183,178,189,204,202,91,61,34,191,196,202,135,196,209,209,209,215,217,222,228,228,228,228,228,225,222,225,225,228,228,225,225,222,222,222,217,212,212,212,212,212,212,215,215,215,217,222,228,230,233,233,233,233,233,233,233,230,230,233,233,230,233,235,235,233,228,225,228,228,230,230,230,230,228,217,209,207,212,209,191,131,123,127,133,135,191,186,134,137,196,194,131,128,131,131,123,119,135,199,196,194,194,196,202,209,209,194,186,185,191,212,215,133,127,131,137,139,186,186,189,196,202,202,199,194,186,183,189,196,196,196,202,209,209,202,183,121,113,121,189,215,217,215,204,191,186,181,131,125,123,129,133,178,199,202,189,133,133,191,204,209,202,178,131,126,124,127,178,183,182,186,196,196,189,129,121,189,209,215,215,215,222,225,222,217,217,217,217,222,222,217,217,217,215,212,209,207,207,209,209,212,212,212,212,212,215,215,212,212,212,215,217,217,222,222,207,141,137,139,137,121,115,123,189,199,196,189,183,194,204,204,196,196,209,215,217,222,225,228,230,230,230,230,233,230,230,228,228,228,225,225,225,222,217,217,215,207,199,196,199,196,145,145,143,141,137,133,135,141,143,189,202,209,209,209,212,212,212,209,204,204,204,202,199,202,204,209,212,212,212,212,209,199,194,194,204,217,222,217,215,215,217,222,222,222,222,222,222,222,217,215,215,222,225,225,225,225,225,225,228,230,230,228,225,225,225,225,228,230,233,235,238,235,233,230,225,217,208,208,212,217,222,217,211,211,215,222,225,225,222,222,222,222,220,215,212,212,212,212,207,199,194,186,135,127,127,129,131,137,191,194,191,189,189,189,191,194,202,209,217,222,212,202,207,215,207,143,142,199,209,217,217,217,217,220,220,220,222,228,230,228,225,222,222,228,228,225,222,217,215,215,212,212,207,202,196,192,192,199,204,196,183,136,136,137,135,133,131,137,139,139,141,186,191,196,202,204,209,217,222,217,215,212,212,225,233,238,238,235,233,235,235,233,225,215,217,228,235,238,238,243,246,248,251,251,254,254,254,251,251,254,254,255,254,254,251,246,246,243,241,241,238,238,235,235,233,230,230,230,225,215,215,217,225,230,230,230,235,235,233,235,238,230,222,217,217,215,212,209,207,202,199,196,196,196,196,194,194,194,194,194,191,189,189,189,186,186,186,189,191,191,189,191,191,194,196,199,199,199,196,196,195,196,199,202,202,204,204,204,207,209,209,212,209,209,209,209,209,212,212,215,215,212,212,209,209,212,212,215,215,215,215,212,207,202,200,202,204,204,207,209,209,207,204,202,204,212,217,217,217,215,215,217,222,222,222,222,222,225,225,225,222,217,215,212,212,215,217,222,222,217,212,212,212,215,215,215,217,220,222,222,222,222,222,217,212,208,207,207,212,217,225,230,233,228,217,209,204,203,204,209,217,225,230,233,238,241,241,241,238,235,235,233,230,230,235,230,215,202,196,191,183,178,178,176,165,157,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,19,19,9,9,31,47,49,49,49,69,155,222,254,235,212,207,0,0,255,255,0,0,215,191,160,129,113,98,72,35,25,29,61,82,0,0,0,0,0,0,202,212,220,0,0,0,144,126,100,69,43,35,27,0,0,12,46,0,0,0,0,0,0,0,0,0,0,0,0,0,176,111,61,48,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,48,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,113,131,142,142,118,57,51,69,79,79,83,91,137,155,170,202,215,215,215,215,225,215,215,233,254,255,251,246,255,255,255,243,194,127,133,204,254,255,255,255,246,228,215,243,255,255,255,255,255,255,246,194,93,69,71,63,54,65,0,0,202,129,168,183,134,111,56,0,0,46,38,0,0,0,0,33,12,1,1,8,61,64,40,48,111,0,95,43,48,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,9,30,46,53,48,23,25,25,17,17,27,33,0,0,0,0,0,0,0,0,45,155,137,78,71,83,150,189,204,199,186,168,168,170,178,202,209,212,204,194,189,199,202,209,209,202,199,204,204,168,79,27,11,7,0,0,0,0,0,0,73,189,165,95,89,142,186,189,173,173,186,196,202,202,202,202,194,189,183,183,186,189,189,168,109,93,83,85,103,165,178,163,113,115,163,173,183,189,189,178,170,165,157,103,87,72,70,72,81,93,95,101,101,99,96,99,105,113,113,163,178,186,186,183,186,191,183,183,181,189,199,207,207,204,196,196,191,186,185,186,199,209,220,209,215,209,181,139,71,33,0,0,0,0,0,0,0,0,0,11,67,157,186,196,186,168,83,51,25,7,4,11,41,75,119,173,181,191,202,212,222,230,246,254,255,255,255,255,255,255,255,254,230,205,220,246,209,55,21,27,27,0,0,0,0,0,0,0,0,137,212,251,255,255,230,199,157,129,53,0,0,0,3,51,147,209,235,235,215,176,111,35,20,29,95,144,189,215,0,0,0,0,0,0,0,228,199,196,220,241,246,228,202,152,51,1,0,0,0,0,0,0,0,0,0,0,9,41,65,111,116,116,89,124,134,134,134,97,97,103,152,155,113,105,93,86,86,87,99,107,121,173,183,194,207,215,217,217,222,233,243,243,230,225,217,225,235,235,225,215,215,209,196,186,168,115,109,108,111,117,111,109,105,101,99,103,142,103,89,77,71,71,71,77,77,85,87,87,97,87,77,65,59,65,71,87,97,97,97,97,97,97,91,91,99,103,115,160,163,170,178,189,196,194,194,186,186,183,183,189,207,209,207,191,183,186,207,207,186,181,181,191,194,176,127,130,191,207,204,181,168,127,170,170,168,119,105,88,82,93,117,170,173,183,204,215,212,194,191,183,163,144,83,63,61,67,89,81,53,43,27,13,5,7,13,21,27,37,49,65,118,129,83,53,44,46,69,129,137,139,163,194,212,202,170,150,147,0,173,183,173,165,160 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,207,222,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,134,168,66,0,0,0,0,0,0,15,41,55,131,173,202,212,209,207,189,49,0,0,0,0,43,73,75,83,157,189,199,204,212,89,78,119,113,107,108,111,110,109,115,127,181,186,186,189,191,189,119,97,104,199,207,199,176,133,186,194,186,183,189,191,189,189,202,215,212,117,189,196,202,194,135,137,131,137,194,207,209,207,209,212,215,217,220,217,217,217,217,222,222,222,220,217,217,217,217,220,222,220,217,222,222,217,83,42,29,81,225,217,215,212,207,207,207,207,207,209,209,207,204,203,204,207,215,225,230,230,230,230,228,228,228,230,228,230,230,230,230,230,235,230,217,209,202,194,202,217,217,196,194,195,196,204,209,215,222,228,228,228,230,233,233,233,230,230,230,222,212,207,141,130,141,202,209,215,217,217,217,217,215,212,209,204,196,194,191,143,135,130,131,133,137,186,196,202,202,196,189,135,133,137,141,141,141,137,131,131,191,204,217,222,212,207,202,194,186,185,189,196,196,191,185,183,186,194,196,194,194,189,186,196,199,202,204,202,196,202,202,165,164,202,207,202,199,194,191,194,191,139,134,135,189,207,207,189,185,186,194,207,209,202,186,133,189,199,186,176,176,178,181,199,199,191,183,120,101,178,194,173,47,21,79,191,222,225,228,230,230,228,228,228,228,225,107,104,135,209,212,207,204,207,207,189,169,178,207,222,186,186,189,189,185,189,196,209,215,209,202,195,194,202,212,228,230,230,230,230,233,233,233,225,204,199,196,189,191,196,189,137,189,202,189,186,137,133,137,139,137,186,186,186,135,119,120,137,191,191,194,204,215,215,209,199,189,194,204,215,212,202,199,194,130,126,137,199,209,202,196,199,204,207,196,187,186,185,185,187,194,204,222,217,131,126,133,196,202,194,191,204,204,133,125,128,137,189,183,181,183,199,212,222,217,199,189,139,125,116,120,207,225,230,228,225,225,228,230,230,230,230,230,233,233,230,222,212,211,215,228,228,220,220,228,233,230,230,225,217,215,215,222,225,225,222,217,217,215,215,212,212,215,225,230,233,230,228,225,225,222,212,209,209,204,199,199,196,199,199,196,196,194,141,133,121,111,113,135,199,202,196,191,189,199,196,132,134,183,186,196,202,186,183,189,189,186,183,181,181,186,186,186,189,191,186,183,189,199,204,209,220,228,228,222,207,196,194,194,191,196,202,194,186,191,194,181,133,133,178,131,127,95,45,24,115,43,196,209,215,212,217,222,217,217,225,228,228,230,228,228,228,225,222,222,222,225,225,225,228,228,228,225,222,215,211,209,209,211,212,215,215,215,215,217,222,225,228,230,233,233,233,235,235,233,230,230,233,235,235,233,235,238,235,230,228,228,228,228,228,228,228,225,222,217,217,225,222,207,199,207,215,215,212,207,137,132,191,199,139,128,130,183,183,129,128,183,194,194,196,194,191,189,186,185,185,185,191,196,196,139,125,126,133,137,137,183,183,186,194,199,202,202,199,194,196,202,196,185,186,207,217,217,212,191,115,109,115,194,212,212,199,186,186,189,183,178,133,124,125,123,121,183,196,189,181,183,196,207,204,183,131,133,131,128,133,186,189,186,189,199,209,209,191,121,194,215,222,212,215,222,225,225,222,222,217,217,217,217,215,215,215,215,212,209,209,209,209,212,212,212,209,209,209,212,212,209,207,207,212,217,222,225,225,212,189,139,186,186,121,108,111,189,202,196,139,134,139,194,196,194,196,212,222,220,220,225,228,230,230,230,233,233,230,230,228,228,225,222,220,220,222,217,217,217,215,212,215,217,209,129,128,137,137,133,131,139,189,194,202,212,215,215,215,212,212,212,209,204,204,209,209,204,204,207,209,209,209,212,212,209,202,194,192,199,212,222,222,217,217,217,222,222,222,222,222,225,222,217,215,217,222,228,228,228,228,228,228,228,225,215,217,225,225,225,222,228,233,235,235,235,233,230,225,222,217,215,215,217,217,222,215,211,209,212,215,222,222,225,225,225,222,217,215,215,215,212,207,199,196,196,196,189,137,131,127,129,135,186,189,189,189,189,189,189,191,199,209,215,215,207,202,209,212,199,138,139,196,209,215,215,215,217,220,222,222,228,230,233,230,228,225,225,228,225,222,222,222,222,215,212,207,204,199,194,191,191,196,202,194,183,137,137,137,129,117,109,107,115,123,131,135,139,189,196,199,207,212,217,222,217,212,211,215,228,235,238,233,230,230,230,228,222,217,217,225,233,238,243,243,246,246,246,248,251,254,254,251,251,254,255,255,255,254,251,248,246,243,243,241,238,238,235,235,233,228,228,225,220,213,213,215,0,230,228,230,233,233,230,230,233,230,225,225,222,215,212,209,207,202,196,196,196,196,196,194,194,194,194,194,191,191,189,189,186,185,186,189,189,191,191,191,194,196,196,199,199,199,196,196,196,196,199,202,202,204,204,207,207,207,207,209,209,209,209,209,209,212,212,215,215,212,212,209,209,209,209,212,212,215,215,212,209,207,204,207,207,207,207,207,207,204,202,198,202,209,217,222,222,222,222,225,225,225,225,222,222,225,225,225,222,217,217,215,212,212,215,220,222,217,215,212,215,215,215,215,217,220,222,222,222,222,220,217,212,212,209,212,215,220,225,228,233,233,225,217,209,207,207,209,212,215,222,228,235,241,241,241,238,238,238,233,233,235,235,228,209,202,199,196,186,176,170,165,157,152,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,7,0,0,0,15,35,39,23,15,25,39,43,49,55,100,163,230,255,246,207,194,0,0,228,233,0,0,0,191,152,113,98,77,35,17,15,29,66,92,0,0,0,0,0,0,0,0,254,254,230,173,124,108,85,51,35,35,17,0,0,0,7,46,0,0,0,0,0,0,0,0,0,0,0,0,134,43,9,4,0,0,0,0,0,0,0,0,0,0,0,126,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,113,131,137,137,131,118,105,103,77,73,77,91,137,144,163,194,212,204,186,186,196,186,186,202,228,243,243,243,255,255,255,255,204,133,133,204,254,255,255,255,238,212,207,235,255,255,255,255,255,255,241,196,137,85,77,65,59,57,124,0,255,163,147,147,111,90,31,0,0,0,7,0,0,0,0,0,9,6,14,61,90,46,29,48,103,139,103,33,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,25,46,53,56,48,43,29,23,31,79,85,23,0,0,0,0,0,0,0,39,131,155,118,83,126,168,196,207,207,191,168,168,176,194,212,209,199,176,176,194,199,207,209,215,215,207,202,191,176,152,87,35,0,0,0,0,0,0,0,0,129,93,81,89,155,194,186,163,157,170,183,194,202,202,202,191,181,173,181,191,191,186,117,93,79,79,89,113,186,186,160,113,157,163,163,165,173,170,111,105,105,105,101,93,81,75,79,91,101,103,103,101,99,99,99,105,107,104,113,163,176,183,181,181,181,183,181,176,178,191,199,207,204,204,204,196,191,186,191,207,233,233,202,186,170,91,63,51,25,0,0,0,0,0,0,0,0,0,0,53,137,170,181,181,160,83,59,43,15,5,15,61,117,173,181,189,196,212,222,235,241,251,251,255,255,254,254,254,255,254,248,235,215,209,228,225,157,47,39,31,0,0,0,0,0,0,0,0,29,152,228,255,248,217,168,116,43,0,0,0,0,41,118,173,220,238,235,215,186,124,53,41,61,129,165,196,0,0,0,0,0,0,0,0,0,199,204,228,246,246,228,212,178,124,41,0,0,0,0,0,0,0,0,0,0,0,15,45,63,71,85,126,134,134,97,97,93,91,99,144,152,111,99,89,86,86,87,95,105,115,168,181,194,207,215,215,215,215,225,233,233,225,217,217,225,228,225,217,215,215,215,196,183,168,123,115,111,111,111,109,103,97,91,87,91,95,91,87,87,71,68,67,71,85,87,97,134,134,131,87,71,65,69,77,87,97,97,95,91,89,91,91,91,97,109,115,160,163,170,186,194,196,194,191,186,183,183,183,189,207,209,209,194,191,207,215,209,186,179,179,191,204,186,133,131,183,204,194,181,129,125,170,181,181,163,101,86,82,93,107,117,165,183,212,222,212,191,183,173,155,99,73,63,67,79,89,71,49,37,31,17,9,11,13,19,25,39,59,121,155,155,124,59,48,51,71,91,91,129,157,202,230,220,181,155,147,0,173,173,157,113,107 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,126,87,0,0,0,56,35,0,0,0,0,0,105,95,0,0,0,0,0,0,0,0,27,199,215,196,0,0,0,0,1,108,77,49,37,116,147,170,196,191,178,35,0,0,0,0,0,59,75,46,37,52,99,165,170,117,61,11,163,121,163,163,113,110,108,113,170,196,202,194,189,178,129,113,100,116,194,191,181,131,127,131,178,183,189,196,189,186,194,209,233,238,113,183,199,217,209,88,103,127,183,196,207,209,207,207,209,212,215,215,215,215,217,222,225,222,220,217,215,215,215,217,217,217,217,217,225,222,209,77,1,31,117,215,222,217,215,209,207,207,207,207,209,212,209,204,202,202,203,209,222,228,230,230,230,228,225,225,228,228,228,230,230,229,230,233,233,222,209,196,142,194,215,220,209,202,195,192,192,195,204,215,222,225,228,230,233,233,230,228,225,225,212,204,196,133,128,137,202,209,215,215,217,217,217,217,215,209,202,196,194,189,139,132,131,133,135,132,131,135,194,204,204,199,139,130,137,191,189,141,191,139,121,83,80,131,212,212,209,207,199,187,186,196,207,204,191,185,185,191,199,204,202,199,194,194,209,202,196,194,196,199,202,199,165,166,196,202,199,202,194,191,196,196,186,135,136,196,222,228,202,189,194,199,202,202,194,183,178,186,191,178,128,124,123,125,189,202,207,204,178,120,194,207,199,74,44,107,204,215,217,228,233,233,225,217,215,212,183,110,116,183,202,212,209,204,207,209,196,181,194,215,225,189,187,191,194,187,189,196,207,212,207,196,192,191,204,217,230,230,233,230,233,235,238,238,235,228,222,204,189,189,141,114,103,107,114,115,121,125,125,131,137,132,136,139,196,199,133,129,186,194,196,202,215,228,225,220,215,207,199,199,207,204,199,196,189,119,113,131,217,228,215,204,199,202,199,189,186,191,199,191,189,194,204,215,204,128,127,199,217,215,215,204,207,204,183,131,132,139,186,183,183,189,199,204,207,202,191,186,137,123,117,131,209,217,217,217,222,228,230,230,230,228,226,228,233,235,235,230,225,217,225,228,222,217,216,222,230,233,230,225,217,215,215,215,217,217,215,212,215,215,212,209,207,212,222,230,230,228,222,217,215,209,199,199,199,196,196,199,199,204,209,202,191,189,141,135,131,133,196,202,199,191,190,191,189,191,181,120,131,189,191,202,207,191,189,191,186,183,183,181,181,189,186,181,137,137,137,183,191,202,209,215,222,225,228,228,222,199,181,133,133,186,199,189,183,196,199,186,123,89,103,121,105,1,0,0,189,181,217,238,215,225,225,228,225,225,228,230,230,228,228,228,225,225,222,222,222,222,222,225,228,228,228,225,222,215,211,209,211,212,215,217,222,222,222,225,225,225,222,222,228,233,233,233,233,233,230,230,233,235,235,235,235,235,233,230,228,228,228,228,228,228,228,225,222,222,222,225,222,212,209,212,215,217,222,222,191,139,202,202,186,191,196,207,204,194,191,189,183,183,189,191,190,186,182,183,199,222,209,199,191,137,133,186,191,183,135,136,139,183,191,196,196,196,199,199,207,212,199,174,177,207,217,217,212,202,131,115,123,199,212,209,189,181,189,194,199,204,199,178,131,124,120,178,189,186,183,189,194,196,181,124,125,181,183,183,189,191,191,191,194,202,212,215,191,99,131,212,222,215,212,220,225,225,225,222,217,217,217,215,212,212,212,212,209,209,209,209,212,212,212,212,209,209,207,207,207,204,203,204,209,215,222,222,222,212,199,194,199,204,207,112,112,139,196,194,139,130,137,186,189,186,194,212,225,225,222,225,225,228,228,230,230,230,230,230,228,225,217,216,216,216,217,217,217,217,215,215,222,228,225,107,103,129,139,134,131,189,191,196,207,215,217,217,217,212,212,215,212,207,207,209,212,209,204,204,207,209,209,209,209,209,202,194,192,196,209,222,222,222,217,222,222,225,222,222,225,225,225,222,217,222,225,228,230,230,228,228,228,225,207,138,143,215,225,222,222,225,230,235,233,230,228,225,215,212,212,217,222,222,222,222,217,215,212,215,215,217,222,228,228,228,222,217,217,217,217,212,199,189,189,191,194,191,141,133,129,131,137,183,189,191,189,189,189,189,191,199,207,212,209,207,204,204,199,141,138,143,202,209,215,215,215,217,222,222,225,228,230,233,233,230,228,228,228,225,222,222,225,225,215,207,204,202,202,199,194,192,199,204,194,181,135,135,133,119,103,96,94,103,121,131,137,141,189,196,202,204,209,217,228,230,222,213,215,225,233,238,235,230,225,225,222,222,217,217,217,228,241,246,246,243,241,243,243,248,251,251,251,251,254,255,255,255,254,251,248,248,246,243,241,238,238,238,235,233,228,225,225,217,213,213,215,228,228,228,233,235,233,230,228,228,228,228,228,222,212,209,207,204,202,196,194,194,196,196,194,194,194,194,194,191,191,189,189,186,186,186,189,191,191,191,191,194,194,196,199,199,199,199,199,199,199,202,202,202,204,204,207,207,207,207,207,207,209,209,209,209,212,212,215,215,212,212,209,209,209,209,209,212,215,215,215,215,212,212,212,212,212,209,207,204,202,198,198,199,209,217,225,225,225,225,225,225,225,225,225,222,225,225,222,222,217,215,215,212,209,212,215,217,217,215,215,215,215,217,217,217,220,222,220,220,220,217,217,217,217,217,220,222,222,222,225,228,228,225,222,217,212,209,209,209,209,215,225,233,238,238,241,241,241,241,235,230,233,233,222,204,199,202,199,189,176,165,160,155,152,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,19,7,0,0,0,0,0,0,0,0,0,0,0,0,15,21,15,7,15,27,47,47,29,23,29,41,49,55,57,100,137,196,230,222,204,189,189,196,209,217,225,0,0,196,139,113,90,64,25,11,15,35,85,0,0,0,0,0,0,0,0,0,0,255,209,142,108,92,82,51,35,22,0,0,0,0,0,1,46,0,0,0,0,150,0,0,0,0,0,173,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,126,0,74,43,27,0,0,0,20,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,129,142,139,137,134,126,116,75,72,79,95,137,142,152,186,204,199,168,125,123,111,105,125,196,228,235,235,243,255,255,255,204,186,186,207,255,255,255,255,235,204,196,228,254,255,255,255,255,238,225,202,155,93,79,77,83,65,71,0,255,178,116,29,47,66,23,0,7,64,40,0,0,0,0,35,59,35,22,77,64,31,38,77,103,111,95,53,30,25,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,35,51,56,56,48,31,31,72,105,105,41,5,5,0,0,0,0,0,25,45,103,73,77,142,186,207,215,207,186,173,176,199,217,225,220,189,160,160,176,199,202,209,225,225,209,204,191,199,217,183,39,0,0,0,0,0,0,0,0,0,47,67,97,183,194,163,147,147,152,170,186,194,199,194,189,176,173,181,191,191,178,109,83,77,78,91,160,194,186,160,115,160,168,163,163,165,160,105,99,98,100,103,107,107,103,103,105,109,109,107,107,107,115,117,115,105,104,105,115,170,176,170,119,119,168,170,170,173,181,191,204,207,204,204,204,196,186,186,202,220,233,189,155,87,53,35,29,17,0,0,0,0,0,0,0,0,0,0,31,111,155,160,160,134,56,59,69,67,59,69,107,170,181,189,199,202,215,230,238,241,246,251,251,251,251,251,248,255,255,248,241,225,195,195,209,207,93,51,31,5,0,0,0,0,0,0,0,0,126,217,248,241,202,142,49,0,0,0,0,45,137,183,212,233,241,241,222,186,129,95,95,131,173,199,217,0,0,0,0,0,0,0,0,0,202,212,238,251,248,241,222,202,168,124,47,13,0,0,0,0,0,0,0,0,0,3,33,45,51,71,131,137,126,89,83,83,79,91,105,111,105,99,91,86,86,87,99,105,113,119,173,189,204,215,207,207,215,217,225,225,225,215,217,217,225,217,209,209,209,209,196,183,170,125,121,119,115,111,109,101,91,78,78,79,79,77,77,87,85,70,68,71,97,134,142,142,150,142,97,77,71,77,87,97,101,101,97,89,89,89,89,95,95,103,109,117,160,168,178,186,191,189,186,189,186,183,183,189,196,209,217,209,207,215,225,215,186,177,177,186,212,207,191,181,186,191,194,191,170,125,127,176,181,163,105,86,88,95,101,111,163,183,212,222,207,191,173,163,137,91,69,67,73,83,81,57,37,31,31,21,13,11,13,0,19,39,67,137,170,165,129,63,55,59,73,87,83,91,155,204,233,220,176,147,147,157,157,152,107,102,107 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,113,82,17,0,0,4,134,134,0,0,0,0,0,0,0,0,85,222,220,204,0,0,0,0,0,45,38,28,15,67,155,163,168,155,15,0,0,0,0,0,0,77,107,99,31,30,36,67,87,73,67,61,165,173,186,181,125,125,168,127,178,207,209,199,183,176,127,123,123,129,133,176,131,127,123,121,127,125,119,181,129,181,191,212,230,217,94,125,191,215,228,97,64,103,191,202,207,207,204,204,207,209,212,212,212,212,215,217,222,222,217,215,212,212,212,217,220,220,215,215,222,225,207,101,83,99,135,215,222,222,217,215,212,209,209,207,209,212,209,204,202,202,203,209,217,225,228,230,230,228,228,225,225,225,225,228,230,230,230,233,230,228,215,199,143,143,199,212,212,209,207,199,192,192,196,207,215,215,222,230,230,228,228,225,217,212,202,145,137,130,129,133,204,212,212,215,217,220,222,225,222,212,204,199,194,143,139,135,135,137,141,139,135,137,194,209,207,196,196,209,204,202,202,199,199,199,65,0,0,113,212,217,212,207,199,191,194,202,215,215,199,194,196,196,202,209,212,207,196,196,199,196,191,191,194,194,196,191,182,181,186,194,196,196,191,196,202,207,207,202,130,196,222,228,215,191,194,196,196,189,135,135,181,186,191,186,133,129,85,118,173,194,199,196,207,215,225,222,217,199,178,207,225,204,199,225,233,233,225,209,202,196,181,129,129,181,204,217,217,209,207,204,196,185,191,204,207,194,189,189,189,191,191,194,202,207,202,194,190,194,209,225,228,228,230,230,230,233,235,238,238,235,233,230,217,199,189,116,110,114,117,119,129,129,129,191,207,194,137,183,204,209,139,133,194,194,196,207,225,233,233,228,228,222,204,189,196,196,191,189,137,118,109,186,228,225,220,212,202,199,194,189,189,204,215,186,141,191,196,202,186,129,132,222,233,230,228,220,220,212,196,139,139,196,191,182,183,196,202,199,191,137,136,183,135,120,121,189,204,204,202,209,222,228,230,230,228,226,225,228,233,235,235,235,230,228,228,228,222,218,217,222,230,235,233,228,225,222,212,209,209,212,212,209,212,215,212,209,207,207,215,225,225,217,215,215,209,196,192,194,196,194,194,196,199,202,207,202,194,191,186,139,141,191,199,199,194,189,191,196,191,189,137,133,134,181,194,204,212,212,209,204,196,189,183,183,183,191,191,186,135,129,135,191,199,207,215,217,222,225,228,228,225,212,186,133,132,176,183,181,178,186,191,183,117,99,117,95,0,0,51,95,199,220,230,228,225,225,225,225,225,225,228,230,230,228,228,228,225,225,225,225,225,222,222,222,225,228,228,225,222,217,215,215,212,212,215,217,222,225,225,228,225,222,216,216,225,233,233,228,228,228,225,225,228,233,235,235,235,233,230,228,228,228,228,228,228,228,228,225,222,222,225,225,222,215,209,212,215,215,222,225,191,135,196,212,207,204,204,209,212,212,204,194,186,186,191,191,191,191,194,207,222,225,212,199,194,196,204,207,207,204,189,139,183,186,191,196,199,202,195,199,209,212,209,114,168,202,209,207,204,204,194,127,129,202,215,209,178,181,196,199,204,209,209,194,176,127,129,183,186,186,189,194,196,181,125,124,129,194,186,186,189,186,183,183,189,199,212,212,137,98,99,202,222,212,215,220,225,228,225,225,222,220,217,215,212,207,207,207,207,207,209,212,215,212,212,212,209,207,207,207,207,204,203,204,209,215,217,215,212,207,199,194,202,212,220,133,117,118,129,186,194,194,189,141,131,126,139,207,222,228,225,225,225,225,228,230,230,230,230,228,222,217,216,216,216,217,222,222,222,217,209,204,212,222,217,118,119,141,191,189,191,194,191,196,204,212,215,215,209,207,209,215,215,215,204,209,209,204,202,202,207,209,212,212,212,209,204,196,195,199,212,222,225,222,220,222,222,225,225,225,225,225,225,225,225,225,228,230,228,228,228,225,225,217,141,125,130,207,222,225,225,228,230,233,230,228,222,215,209,208,211,215,222,225,225,222,217,217,217,222,222,225,225,228,228,228,225,222,222,225,222,209,194,187,187,189,191,189,141,137,133,133,137,183,189,191,191,186,186,189,191,196,202,209,209,204,204,204,196,142,143,204,207,209,215,217,217,220,222,225,225,228,230,233,233,230,230,228,228,228,225,225,225,225,217,204,202,202,204,204,199,199,204,207,194,129,129,133,125,117,106,95,101,111,129,137,183,189,194,202,207,204,207,217,230,235,230,222,217,222,230,238,238,233,225,222,222,222,225,217,215,222,238,243,241,238,238,241,243,246,248,251,251,251,254,255,255,255,254,254,251,248,246,243,241,238,238,235,233,233,230,228,225,222,215,215,217,222,222,225,233,235,233,230,230,228,228,228,228,217,209,207,207,204,199,194,194,194,196,196,194,194,194,194,194,194,191,191,189,189,189,189,189,191,191,194,194,194,194,196,199,199,202,202,202,202,202,204,204,207,207,207,209,207,207,205,205,205,207,207,207,209,209,212,215,215,215,212,209,209,209,209,212,212,215,215,217,217,217,215,215,215,215,209,207,202,199,198,198,202,212,217,225,225,225,225,220,217,218,222,222,222,222,222,217,217,215,215,212,209,208,209,212,215,217,215,215,215,215,217,217,222,222,222,222,222,217,217,217,217,217,217,217,217,217,217,222,225,225,225,225,222,217,215,212,212,212,215,222,228,233,235,241,243,0,0,0,230,230,228,215,199,191,194,194,189,181,173,163,155,155,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,38,40,15,0,0,0,0,0,0,0,0,0,0,1,23,31,27,23,31,47,49,47,37,31,41,49,59,69,100,108,126,157,0,0,0,196,196,196,207,215,233,248,0,0,163,121,90,64,25,11,23,0,0,0,0,0,0,0,0,0,0,0,255,230,183,134,100,82,74,66,51,40,22,0,0,0,0,0,0,35,53,79,90,108,134,0,0,0,163,124,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,126,100,87,46,17,12,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,139,150,131,116,113,113,113,81,73,81,131,142,135,142,168,194,199,191,170,111,71,59,97,125,204,228,215,196,215,248,241,217,199,199,228,255,255,255,254,225,196,186,207,255,255,255,255,248,216,220,233,217,81,67,79,79,57,63,0,199,181,108,11,29,74,43,0,19,98,61,0,0,38,82,77,66,40,0,25,38,53,74,98,111,111,95,69,61,20,4,0,0,0,0,0,0,20,12,0,0,0,0,0,0,0,0,0,17,35,43,48,43,40,53,79,108,111,59,19,19,13,5,0,0,0,13,15,0,0,23,87,191,212,222,207,176,173,194,212,228,238,230,209,168,160,165,176,186,196,217,225,212,202,202,220,222,181,51,3,11,27,31,0,0,0,0,0,17,65,152,199,194,152,142,142,150,160,178,181,181,178,178,176,173,189,196,191,168,103,81,77,85,95,115,194,194,163,115,163,176,170,170,168,168,160,113,111,111,119,157,170,176,168,168,163,163,163,115,107,115,115,115,113,115,115,163,176,170,111,95,89,99,113,127,173,178,181,186,194,196,204,204,196,183,177,191,207,215,194,155,73,43,31,23,5,0,0,0,0,0,0,0,0,0,0,41,81,134,144,144,134,83,137,155,157,157,165,165,155,157,189,212,196,199,222,233,228,235,238,241,246,243,248,251,255,255,254,246,228,202,190,202,207,147,55,21,3,0,0,0,0,0,0,0,0,189,235,248,238,176,131,51,0,0,0,0,126,191,212,220,235,243,251,228,186,134,113,131,176,212,222,0,0,0,0,0,0,0,0,0,225,209,209,233,248,255,248,233,209,183,160,124,47,19,0,0,0,0,0,0,0,0,0,21,25,25,51,89,126,89,72,70,69,69,91,107,111,103,103,101,97,91,97,101,101,101,111,127,189,202,204,204,212,215,222,225,225,225,215,215,217,217,217,209,196,196,199,196,186,170,123,117,117,115,115,115,109,95,87,79,87,77,65,71,87,97,87,77,97,142,150,150,157,157,150,134,91,85,85,91,99,103,103,99,85,75,77,89,95,95,95,101,107,113,160,173,183,176,176,176,186,191,191,189,191,194,209,217,217,217,215,217,215,191,177,177,183,215,217,207,194,191,194,194,191,176,125,121,170,181,168,113,101,99,101,113,163,181,194,207,207,194,181,163,147,95,73,71,83,93,89,67,49,37,35,31,23,17,13,9,9,15,39,69,137,173,165,124,59,55,59,73,83,83,129,170,215,225,194,157,147,107,101,99,101,103,107,113 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,79,103,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,222,204,100,0,0,0,0,0,39,38,30,25,118,189,189,186,183,53,0,0,0,43,39,61,81,147,155,48,53,55,44,89,91,99,99,176,178,183,178,165,123,168,170,183,199,196,189,176,173,176,176,176,176,133,176,181,178,131,123,121,115,104,114,178,183,183,202,209,196,102,116,189,207,217,137,99,131,199,207,209,207,204,202,204,207,209,212,212,212,212,212,217,217,220,217,212,212,212,215,217,217,215,213,217,225,212,135,117,121,139,212,222,222,222,217,212,209,207,207,209,212,209,207,204,204,207,209,215,217,225,228,230,228,225,222,222,225,225,228,230,233,233,233,230,230,222,202,143,139,141,199,209,212,209,204,196,194,195,199,204,207,215,225,230,230,230,225,209,196,147,143,133,126,125,131,209,217,217,222,225,225,230,233,230,222,215,207,196,189,143,141,141,141,189,189,141,186,196,207,202,194,204,215,207,204,209,212,207,202,101,37,21,115,212,217,212,204,196,196,202,212,222,215,202,199,199,199,204,212,215,209,202,196,196,196,194,196,196,191,191,194,191,183,183,186,191,189,189,191,194,209,215,204,124,128,207,212,204,189,194,194,186,134,132,134,183,189,191,189,183,186,129,176,178,178,176,177,204,225,230,225,217,204,199,215,217,102,53,129,225,217,204,194,189,186,132,130,133,191,215,228,228,217,207,202,196,191,186,186,189,183,181,181,186,191,194,189,191,202,204,199,196,204,217,228,228,225,225,228,228,230,233,233,233,235,238,235,228,215,202,137,183,199,133,119,133,209,217,217,222,222,209,202,204,202,139,139,196,191,189,204,225,230,230,230,233,228,209,189,191,194,189,189,141,129,186,202,215,222,222,215,199,194,194,191,191,204,212,136,135,139,189,194,141,132,135,212,233,235,233,230,230,222,209,199,191,199,199,186,189,199,204,202,189,135,136,139,135,127,137,196,196,186,137,189,215,228,230,230,228,226,226,230,235,238,238,238,235,230,230,228,222,220,222,228,233,235,235,233,228,215,204,204,209,212,204,199,204,209,212,207,202,202,204,209,209,207,207,209,204,194,192,194,196,196,194,192,194,199,204,204,199,199,196,189,191,196,190,183,185,189,196,199,183,139,135,135,135,135,186,209,225,228,225,217,212,196,189,186,186,191,194,191,133,123,127,194,209,215,217,217,222,225,225,228,228,222,204,181,133,176,178,177,178,183,189,178,127,133,133,24,0,43,191,212,225,230,230,225,225,225,225,222,222,225,228,230,228,228,228,228,228,228,228,228,225,222,218,220,222,225,225,225,222,222,222,217,217,215,215,220,225,225,225,228,225,217,215,216,225,230,228,224,222,224,224,224,225,230,233,235,235,235,233,228,226,226,226,228,228,228,228,225,222,222,222,225,222,215,212,212,215,215,217,212,136,132,202,217,209,204,207,209,215,217,212,199,191,194,199,196,196,194,202,215,222,209,196,189,194,212,220,215,217,225,217,207,199,196,194,194,196,199,196,199,204,204,199,112,163,199,207,202,199,202,196,137,137,207,212,131,95,125,199,207,204,202,199,189,133,119,113,116,176,191,186,191,196,186,128,128,178,199,177,181,186,186,182,181,183,194,207,212,199,110,103,115,202,212,215,217,222,225,225,225,222,225,225,217,209,205,204,204,205,207,212,215,217,215,212,212,212,209,207,207,207,207,204,207,209,212,212,212,204,191,137,183,199,212,215,199,129,115,112,119,191,199,189,137,123,119,127,199,215,222,225,228,225,225,228,230,230,225,222,217,216,216,216,217,222,225,225,228,225,217,204,196,199,204,204,143,139,196,204,204,199,194,191,194,202,207,212,209,207,204,207,209,209,207,199,202,202,199,198,199,204,209,212,215,212,209,207,199,196,202,212,225,225,218,218,222,225,225,228,228,228,228,228,225,225,228,228,228,228,225,225,220,217,215,196,135,139,209,225,228,230,233,233,230,228,225,217,212,209,209,211,215,222,225,225,222,217,217,220,225,228,228,228,228,228,228,228,225,225,225,222,212,202,194,191,189,189,189,189,186,139,137,139,183,189,189,186,183,183,186,189,191,196,204,207,204,204,207,204,199,202,207,204,207,212,215,217,217,222,222,225,228,228,230,230,230,228,228,225,228,228,225,225,222,217,209,204,202,204,204,204,204,207,204,189,126,126,129,127,125,123,111,117,129,181,183,186,189,196,204,204,202,204,212,228,233,230,225,225,228,233,238,238,233,228,225,225,228,228,217,215,217,233,238,235,230,233,238,243,246,248,251,251,254,254,255,255,255,254,254,251,248,246,243,241,238,238,235,233,230,230,228,225,222,217,217,217,217,222,228,233,235,233,230,233,233,228,225,225,215,207,207,207,202,196,194,194,194,196,194,194,191,194,194,194,194,194,191,191,191,191,191,191,191,194,194,194,194,196,196,199,199,202,202,202,202,204,204,207,207,209,209,209,207,207,205,205,205,207,207,207,207,209,212,215,215,215,212,212,209,209,212,212,212,215,215,217,222,222,217,217,217,215,209,207,202,199,198,199,204,212,217,220,220,222,222,218,217,217,220,225,225,225,222,222,220,217,215,212,209,209,209,212,215,217,215,215,215,217,217,217,222,222,222,217,217,215,215,215,215,215,212,209,209,212,215,217,217,217,217,217,217,215,215,215,212,212,215,217,228,233,235,241,243,0,0,0,230,228,225,212,194,186,189,189,189,183,176,168,160,155,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,51,72,53,9,0,0,0,0,0,0,0,0,0,11,27,31,27,29,31,41,41,37,31,31,41,55,69,108,118,126,126,137,160,0,189,194,189,189,196,222,251,255,0,0,170,139,108,72,23,9,17,0,0,0,121,131,0,0,0,0,0,0,238,196,165,129,100,77,77,82,0,87,64,22,0,0,0,0,0,0,20,20,25,51,100,0,0,0,139,105,51,0,0,0,0,0,0,0,0,0,0,0,0,0,243,204,155,129,121,87,35,20,12,4,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,61,0,0,0,0,0,0,0,0,0,69,144,150,105,35,5,23,65,75,75,89,142,150,134,142,168,199,209,199,191,117,59,48,59,111,186,204,133,109,113,204,235,225,207,207,243,255,255,255,228,195,185,192,225,255,255,246,246,233,230,246,241,207,93,67,69,67,51,57,0,189,207,147,19,23,79,72,0,0,25,0,0,0,95,100,69,56,53,35,13,27,61,92,100,100,103,100,95,69,20,0,4,9,20,0,0,0,0,35,7,0,0,0,0,0,0,0,0,5,9,19,38,43,46,46,72,100,108,61,15,15,27,33,7,0,0,31,21,0,0,0,121,204,204,207,196,191,196,207,212,220,233,238,230,199,165,163,168,165,173,196,212,204,191,202,215,215,163,63,29,39,69,81,45,0,0,0,0,13,67,163,204,199,170,148,150,160,170,170,165,157,157,168,176,183,196,204,199,168,99,83,83,95,105,113,163,165,115,115,121,176,176,163,161,168,173,173,168,157,157,157,165,176,176,168,168,173,163,107,95,94,94,101,117,163,121,163,170,168,103,86,84,88,101,121,173,173,173,173,186,196,196,189,178,178,183,194,207,207,204,168,81,51,35,25,13,0,0,0,0,0,0,0,0,0,0,47,77,126,134,144,144,147,160,176,186,189,189,178,163,163,189,212,199,192,202,220,220,228,235,235,241,248,248,254,255,255,254,248,235,212,202,209,207,139,39,1,0,0,0,0,0,0,0,0,0,202,233,238,238,160,113,33,0,0,0,0,75,186,204,212,220,235,243,228,186,142,139,168,212,238,238,0,0,0,0,0,0,0,0,0,0,217,220,230,248,254,246,230,204,191,163,118,49,21,0,0,0,0,0,0,0,0,0,3,3,7,29,63,83,73,71,70,68,72,97,144,111,105,107,111,107,105,105,105,101,99,105,125,183,191,194,202,212,215,222,225,225,215,209,215,217,217,217,207,196,195,196,212,196,181,125,119,117,117,157,157,115,103,91,87,87,75,65,65,93,103,97,97,142,157,157,157,163,163,152,137,95,85,85,91,99,105,105,95,85,72,73,85,91,93,93,95,101,103,117,168,178,176,174,174,183,191,196,194,196,209,217,225,225,217,215,215,209,191,179,179,191,215,217,207,204,194,194,194,191,176,121,119,170,181,170,119,113,113,119,168,191,202,202,191,181,181,176,163,147,91,71,73,93,99,93,67,49,43,43,39,27,21,15,6,5,15,39,69,139,170,163,91,55,52,59,71,87,95,147,186,220,212,176,147,105,101,89,83,93,107,121,173 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,215,181,0,0,0,0,0,0,87,90,63,71,170,202,207,204,209,209,87,0,0,7,107,163,152,157,160,91,85,81,67,81,87,93,101,194,191,189,178,165,122,123,121,127,178,181,178,173,176,181,183,183,183,186,194,212,212,196,133,127,123,116,178,199,194,183,196,199,183,121,125,196,207,215,204,139,191,204,212,209,207,202,202,202,207,209,212,212,212,212,212,215,217,222,222,215,212,212,215,217,215,213,213,215,217,207,189,131,127,137,207,217,222,217,215,212,207,205,205,207,209,209,209,209,209,209,209,212,215,222,228,230,225,212,204,212,222,228,230,233,233,233,233,230,230,222,207,145,139,140,196,207,212,212,209,204,202,202,199,199,204,209,217,225,230,230,217,199,139,138,143,137,122,122,135,215,225,225,228,228,230,233,233,233,230,228,217,204,194,191,191,191,191,194,194,191,191,199,202,194,192,199,204,202,202,207,215,215,212,209,125,66,135,217,222,215,204,196,199,209,225,228,215,196,196,196,196,209,217,215,212,207,199,196,194,194,202,204,196,191,194,194,183,137,183,189,186,186,183,136,204,212,196,128,130,189,183,133,133,199,202,194,181,134,134,183,191,189,181,181,202,204,204,196,186,177,177,202,217,222,222,217,207,196,202,186,88,34,103,129,93,87,113,133,133,131,133,186,207,228,233,233,222,209,202,202,196,186,137,181,181,178,181,189,199,202,186,179,185,204,209,215,222,228,228,228,225,222,222,225,228,230,230,230,233,235,230,228,222,207,191,194,204,84,84,131,222,228,228,230,230,225,209,204,196,189,196,204,189,182,202,228,230,229,230,233,233,217,189,189,191,189,189,191,199,215,212,215,222,222,209,192,196,202,199,196,204,207,134,133,137,191,196,191,139,139,199,222,233,233,233,233,228,225,217,202,194,199,194,194,202,204,202,191,138,139,186,139,137,186,191,189,137,129,125,143,222,228,228,228,226,228,233,235,235,235,235,235,230,228,225,222,222,225,230,230,233,235,233,217,203,202,209,217,217,209,199,196,204,207,202,199,199,199,199,199,196,202,204,202,194,194,194,199,202,196,191,191,196,204,204,204,207,204,196,199,199,189,182,185,191,196,139,129,132,133,137,137,134,181,212,230,233,228,225,215,196,186,189,189,189,189,189,133,121,125,199,215,222,217,222,225,222,222,222,225,228,220,181,133,178,178,178,186,194,199,191,176,113,51,12,9,101,225,230,233,230,228,225,225,225,225,222,222,225,230,230,230,228,228,228,228,228,228,228,225,225,222,218,220,222,222,222,222,222,222,222,217,217,217,222,225,228,228,225,225,222,217,220,225,228,225,222,221,224,224,224,224,228,233,233,235,235,233,230,228,226,226,226,226,228,225,225,222,217,217,222,217,212,209,212,212,215,217,212,139,137,212,217,209,207,212,215,217,222,222,212,204,202,204,202,194,141,141,207,217,207,186,141,199,217,222,215,215,225,228,222,215,207,199,191,189,191,194,196,199,199,194,124,168,196,204,199,194,196,194,183,186,207,204,23,0,37,181,207,207,194,189,186,181,125,113,111,120,183,186,189,191,183,176,178,186,194,170,177,186,189,183,182,183,189,204,209,207,183,112,114,189,209,217,217,217,222,225,225,225,225,225,222,212,205,203,204,205,209,215,217,217,215,212,212,212,212,212,212,212,212,209,209,212,209,207,207,199,132,128,133,196,209,215,217,209,119,107,111,137,194,189,141,126,120,125,189,204,215,225,228,228,225,228,230,230,225,216,216,216,217,220,222,225,228,225,222,222,215,207,196,191,145,143,143,143,194,204,207,199,191,194,196,202,204,204,207,204,202,202,199,196,194,191,196,199,199,199,202,204,209,212,215,215,215,209,202,196,202,212,222,222,220,222,222,225,228,228,228,228,228,225,225,225,225,228,228,225,225,222,217,215,215,212,202,202,209,222,230,233,235,233,230,225,222,217,215,215,212,212,215,217,225,225,222,217,217,222,225,228,228,228,228,228,228,225,225,222,217,215,212,207,202,196,191,186,186,189,189,186,183,139,139,139,139,137,139,183,183,183,183,191,204,209,207,207,209,212,207,199,194,196,202,207,212,215,217,217,222,225,228,228,230,230,230,228,225,222,225,228,225,217,209,209,212,207,204,202,202,202,202,204,199,181,125,125,127,127,129,133,131,133,137,183,183,183,189,194,202,202,199,199,207,217,228,228,228,228,230,233,235,230,225,225,228,225,225,225,222,216,222,233,233,222,217,225,235,241,246,248,251,251,254,254,255,255,255,254,254,251,248,248,246,241,241,238,235,233,230,228,225,222,220,217,217,217,217,222,228,230,233,230,228,230,230,228,225,225,215,209,207,207,202,196,194,194,194,194,194,191,191,194,194,194,194,194,194,191,191,191,191,191,194,194,196,196,196,199,199,199,202,202,202,202,204,204,207,207,209,209,209,207,207,207,207,207,207,207,207,207,209,209,212,215,215,215,212,212,212,212,212,212,212,212,212,215,222,222,222,222,222,217,212,207,202,202,199,202,207,215,217,217,217,220,222,222,220,218,222,225,228,228,225,225,228,222,217,212,212,209,212,215,217,217,217,217,217,217,217,217,217,222,217,215,215,215,212,212,212,209,207,204,204,207,209,215,217,217,215,209,209,212,215,215,215,215,215,222,228,233,238,238,241,243,243,238,233,228,222,209,194,186,186,186,186,181,176,168,160,155,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,64,64,31,17,11,17,25,25,1,0,0,5,25,31,26,26,26,31,31,31,31,30,31,41,57,100,118,134,134,129,129,134,152,165,176,181,0,0,0,0,0,0,0,183,155,116,77,15,1,11,48,0,0,103,121,0,0,0,0,0,0,212,176,147,126,103,92,95,0,0,0,0,77,51,48,33,1,0,0,12,9,0,17,72,108,0,131,121,95,43,0,0,0,0,0,0,0,0,0,0,0,0,0,251,225,181,137,129,105,61,35,27,14,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,121,139,51,0,0,0,0,0,0,0,0,41,137,144,53,0,0,0,27,73,81,124,150,150,142,142,181,217,228,217,191,117,59,46,65,119,129,131,119,104,109,196,243,235,215,215,243,255,255,254,204,185,192,215,241,251,255,255,255,0,255,255,248,202,144,81,63,63,51,57,0,202,225,181,19,0,15,23,0,0,25,0,0,21,87,85,42,48,77,66,25,25,61,82,82,66,69,85,85,61,1,0,0,17,0,0,0,0,56,40,14,0,0,0,0,0,0,0,0,0,0,3,21,43,40,29,46,85,90,35,0,0,7,19,5,0,3,31,27,0,0,7,139,202,194,189,191,199,207,207,199,199,215,238,235,212,178,168,160,157,157,165,191,191,191,194,202,194,150,73,47,59,91,131,79,0,0,0,0,15,67,157,204,204,183,168,160,170,181,170,156,153,152,157,178,191,196,199,199,165,91,85,97,109,109,103,101,107,115,160,163,181,176,163,156,161,173,178,178,165,115,114,115,157,165,163,168,176,168,103,91,89,92,99,117,165,115,113,115,121,103,87,84,88,101,121,170,173,173,178,186,194,189,174,172,178,194,217,230,217,196,168,91,65,55,43,21,0,0,0,0,0,0,0,0,0,1,41,73,131,152,157,157,160,168,181,194,194,178,173,173,181,189,199,199,192,191,196,212,222,235,241,248,251,254,254,255,255,254,248,241,235,228,228,209,139,27,0,0,0,0,0,0,0,0,0,0,150,191,217,233,176,105,0,0,0,0,0,0,144,186,196,204,222,233,215,173,150,157,207,243,246,238,0,0,0,0,0,0,0,0,0,0,238,238,248,255,254,238,212,181,163,118,82,43,15,0,0,0,3,17,17,1,0,0,0,0,0,23,47,65,83,89,89,85,97,144,160,155,111,111,117,117,113,111,105,99,98,105,125,189,189,189,194,202,212,222,222,222,207,207,209,217,220,217,209,207,196,209,217,217,196,178,123,121,121,160,157,115,103,87,85,77,71,65,69,93,103,97,97,147,168,168,168,168,168,152,137,95,85,82,85,95,101,101,95,77,72,72,75,85,93,101,101,97,101,113,165,183,183,176,174,176,191,196,207,209,217,217,225,225,217,209,209,209,191,181,183,194,215,212,204,194,204,204,194,186,173,119,119,170,181,170,121,115,115,163,181,207,217,202,181,163,170,170,168,150,91,71,73,99,137,93,71,57,53,51,45,35,25,15,7,4,0,39,69,137,163,155,89,55,50,55,71,95,147,163,191,212,202,163,105,95,95,81,80,87,109,176,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,87,66,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,199,202,82,0,0,0,0,0,15,108,121,131,155,189,204,209,207,209,222,217,69,0,0,0,107,163,165,160,107,87,75,77,75,75,81,85,173,186,186,181,176,173,127,107,107,123,170,173,176,181,181,181,183,194,207,217,222,217,207,189,186,183,135,191,199,199,194,204,199,183,178,137,196,204,212,204,189,196,209,215,212,207,202,202,204,207,212,212,215,212,212,211,212,215,217,222,217,217,217,217,215,215,213,213,217,215,204,189,135,129,137,209,217,222,217,215,212,207,205,205,205,207,207,209,212,212,209,208,209,215,225,233,230,215,196,190,202,217,233,235,233,233,233,233,230,228,217,209,199,145,145,202,209,212,215,217,215,212,207,204,202,202,207,209,215,215,212,209,194,137,138,145,141,126,127,207,228,230,228,230,230,228,230,230,230,230,230,228,212,199,191,191,194,196,199,202,199,199,202,202,196,192,192,196,196,196,196,202,215,222,225,204,135,202,222,225,222,209,199,199,207,222,222,209,187,191,189,194,212,217,217,217,212,202,191,186,186,196,207,207,196,191,183,137,136,139,191,194,186,137,127,194,202,196,189,194,189,132,126,126,199,204,204,196,186,134,181,196,199,179,174,209,217,217,212,209,199,194,204,212,217,222,225,209,183,131,125,107,86,115,113,83,82,112,131,133,178,191,207,225,233,235,233,225,212,204,199,194,186,133,129,204,194,196,199,207,217,196,178,182,196,209,222,228,228,225,222,222,222,222,222,225,228,228,226,228,230,228,228,217,207,191,183,91,27,76,196,222,222,222,228,230,222,215,209,204,202,207,209,191,183,194,225,230,230,230,230,230,215,186,186,189,186,186,196,212,222,222,222,225,222,209,196,207,212,212,212,215,212,135,135,186,204,207,199,191,189,194,212,230,230,233,235,233,230,228,204,191,189,189,191,202,202,194,189,189,196,196,191,183,183,183,186,191,133,118,123,204,222,228,230,226,230,233,233,233,233,233,230,228,225,222,222,225,228,228,230,230,233,222,204,202,207,225,228,222,215,202,196,202,202,199,196,199,199,196,149,149,196,202,199,194,194,196,202,202,194,190,190,194,202,207,207,209,204,199,202,204,199,194,196,199,194,132,128,132,135,183,183,137,183,204,222,228,228,217,207,183,181,186,186,181,181,183,127,119,125,209,222,217,215,222,222,217,212,215,222,222,212,127,127,178,176,178,196,209,215,209,181,31,17,21,39,113,222,230,230,230,228,225,225,225,222,222,225,228,230,233,230,230,228,228,228,228,225,225,225,225,225,222,222,217,217,217,217,217,222,222,220,217,220,222,225,228,228,225,225,225,225,228,228,228,225,224,225,228,228,225,225,228,230,230,228,230,230,230,228,228,228,228,228,228,225,225,222,217,215,215,215,209,209,209,209,212,222,225,217,215,217,215,212,215,217,217,222,225,225,222,212,207,207,202,186,104,97,123,209,209,137,186,204,217,217,213,213,217,222,225,222,215,204,191,187,189,189,191,196,202,204,168,181,196,199,194,191,194,194,186,189,202,133,0,0,31,127,191,199,196,191,189,194,199,186,121,123,176,186,189,183,125,127,186,191,186,176,182,191,191,183,182,182,186,199,202,202,189,131,129,186,204,215,217,217,222,225,225,225,225,225,222,215,209,207,207,209,212,215,220,217,212,211,212,215,215,215,217,217,217,217,215,215,212,207,202,186,129,128,135,199,209,215,225,225,199,112,112,127,183,191,199,194,133,133,189,202,209,222,228,228,228,228,230,230,225,217,217,217,222,222,222,222,217,215,212,215,217,215,204,191,143,142,143,142,142,199,202,191,190,196,202,202,202,202,202,202,199,194,189,139,139,189,196,202,202,204,204,207,209,212,217,217,217,212,204,199,199,204,212,217,222,225,225,228,228,228,228,228,225,222,222,222,222,225,225,222,222,222,217,215,217,225,222,215,209,215,222,230,230,228,225,222,217,215,217,222,220,217,215,217,222,222,222,217,217,222,228,228,228,228,228,228,228,225,222,217,215,207,207,209,207,199,191,186,183,186,186,183,139,137,137,136,136,136,137,183,186,139,139,189,202,209,207,207,212,217,209,189,133,139,191,199,209,212,215,217,222,228,228,228,230,230,228,225,222,222,222,225,222,209,198,199,207,207,204,199,194,191,191,194,191,178,127,127,129,129,129,135,135,135,137,137,137,139,186,189,194,196,199,199,204,209,217,222,225,230,233,233,230,222,215,217,222,217,215,220,222,217,222,230,225,212,211,216,230,241,246,248,254,254,251,254,254,254,254,254,254,251,251,248,246,243,241,238,238,235,230,228,225,222,220,217,217,217,217,222,225,230,228,225,222,225,225,225,225,225,217,209,207,204,202,196,194,194,191,191,191,191,191,194,194,194,194,194,194,194,191,191,191,194,194,196,196,199,199,199,202,202,202,202,202,204,204,204,207,207,209,209,209,207,207,207,207,209,209,209,209,209,209,209,212,212,212,212,212,212,212,212,212,212,212,212,212,215,217,222,222,222,222,217,212,207,204,204,204,207,209,215,217,217,217,222,225,228,228,225,222,222,228,228,228,228,228,225,217,215,212,209,209,212,215,217,217,217,217,217,217,217,217,217,215,212,212,212,212,212,209,207,204,204,204,207,209,215,215,215,212,205,205,209,215,217,222,222,222,225,230,238,238,238,238,243,243,241,233,228,222,207,194,186,186,186,183,178,170,165,160,155,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,56,64,64,35,31,33,41,43,15,0,0,21,43,37,26,26,29,31,31,31,31,31,31,43,57,100,118,129,129,126,118,121,129,150,157,0,0,0,0,0,0,0,191,173,142,105,39,5,0,5,23,48,59,82,116,0,0,0,0,0,0,194,157,126,113,113,118,0,0,0,0,0,0,108,103,85,48,25,27,46,38,12,22,48,87,100,108,105,87,35,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,204,129,113,105,87,56,35,20,4,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,40,25,0,0,43,165,186,105,0,0,0,0,0,0,0,0,19,121,139,53,0,0,0,0,49,75,124,144,150,144,157,189,228,246,238,199,103,52,52,115,191,127,122,125,125,143,235,255,251,215,209,235,255,255,241,202,196,215,243,251,241,255,255,255,255,255,255,246,222,170,126,67,61,43,39,69,170,207,163,0,0,0,0,0,31,72,0,0,87,129,98,48,43,56,35,14,35,53,53,40,25,27,51,59,30,0,0,14,48,0,0,0,0,20,14,7,0,0,0,0,0,0,0,0,0,0,0,7,21,38,29,31,59,59,15,0,0,0,0,0,0,0,5,11,0,0,41,150,186,186,194,196,199,196,199,189,182,191,220,228,212,189,176,168,157,153,157,170,183,183,191,191,183,152,91,73,77,97,99,51,0,0,0,0,11,63,150,196,202,194,173,168,170,181,178,165,156,157,168,178,189,183,191,191,109,83,84,111,117,97,79,83,103,163,176,181,183,181,170,161,168,178,178,178,165,119,114,114,119,157,163,168,176,173,115,99,95,99,115,165,170,105,94,97,105,111,97,89,95,103,121,168,173,178,181,189,196,189,174,174,189,209,233,230,215,186,142,79,71,69,55,33,5,0,0,0,0,0,0,0,0,0,25,61,139,183,191,176,170,173,189,199,176,103,113,189,202,189,183,196,196,191,191,207,220,230,241,248,254,255,255,255,255,254,248,246,246,246,233,207,147,33,1,5,3,0,0,0,0,0,0,0,59,137,178,222,199,113,0,0,0,0,0,0,111,155,183,189,204,215,196,157,146,168,228,254,254,238,0,0,0,0,0,0,0,0,0,0,248,254,255,255,254,233,204,163,118,77,49,47,25,0,0,0,19,37,43,35,27,17,11,11,13,33,51,73,124,142,142,137,147,163,163,163,152,152,163,163,119,113,105,99,99,107,127,189,189,183,189,202,207,212,217,212,194,196,209,217,225,220,217,207,209,209,212,212,196,181,170,160,160,157,117,111,99,85,77,71,71,63,69,87,97,93,97,150,168,168,168,168,168,157,142,95,85,85,85,95,101,101,91,75,73,72,71,75,93,101,101,93,97,107,165,183,189,183,174,174,183,191,207,209,217,215,217,217,215,207,207,209,194,186,191,207,215,207,191,194,204,204,194,181,129,119,119,170,183,176,125,115,113,119,176,202,212,207,181,168,163,163,163,147,91,70,73,95,137,97,83,69,63,57,49,39,27,19,9,5,11,39,69,129,147,139,83,55,50,55,75,139,163,170,181,194,191,163,101,91,87,80,78,87,121,204,243 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,82,87,95,126,124,150,199,183,19,0,0,0,0,0,0,0,0,23,56,0,0,0,0,0,0,0,0,31,113,139,168,191,202,204,204,207,212,209,225,33,0,0,75,160,173,176,173,99,77,81,81,87,93,95,113,123,173,181,189,199,196,112,109,117,125,131,191,189,181,181,189,204,222,228,222,217,215,207,207,196,133,134,189,196,202,207,194,178,181,137,131,191,207,196,189,196,207,212,209,207,204,204,207,209,215,215,215,215,212,211,209,209,212,217,220,222,222,217,215,215,213,215,217,212,199,189,137,131,137,209,222,222,222,217,215,212,207,207,205,205,207,212,215,215,209,208,209,215,225,235,235,222,199,191,202,222,235,235,230,233,233,233,230,225,209,202,199,196,194,199,207,215,217,225,225,222,215,207,204,204,204,204,199,139,139,199,194,141,139,141,141,141,204,233,235,233,233,233,230,228,228,228,228,225,228,228,217,202,189,186,187,194,202,207,207,207,207,204,199,196,196,194,194,191,189,191,207,212,209,191,196,215,225,228,228,217,204,198,199,207,207,196,183,186,187,191,209,217,217,222,217,207,194,186,183,191,209,212,194,136,134,136,139,183,191,202,194,136,120,137,199,207,212,212,202,137,127,126,191,196,196,196,194,183,183,196,212,204,194,215,225,225,220,217,209,202,207,215,222,225,225,212,176,122,123,178,183,183,178,176,181,191,191,191,202,212,225,233,233,233,233,228,212,191,117,119,137,99,63,238,230,217,207,209,225,209,186,186,189,202,215,225,225,217,215,216,220,222,222,225,228,230,228,228,233,228,222,207,204,199,137,67,30,91,225,225,222,222,225,225,222,225,225,215,207,207,207,196,189,191,207,225,228,225,225,222,199,134,137,189,186,141,186,207,215,222,222,212,209,212,212,217,217,225,228,228,222,139,141,199,212,209,202,194,191,196,209,228,228,228,230,228,228,217,196,189,185,183,185,196,202,194,189,196,207,207,194,186,183,183,189,199,199,123,125,191,207,222,233,233,233,233,233,228,228,230,228,222,217,222,225,228,228,225,228,228,225,209,203,207,217,225,222,215,209,199,196,199,199,149,149,196,196,149,148,148,196,199,199,194,192,196,202,199,194,191,191,192,202,207,209,209,202,195,202,212,212,212,202,191,189,183,137,137,133,139,186,186,186,194,204,212,215,204,194,183,181,186,183,177,183,181,122,116,125,212,222,215,212,217,217,212,209,209,212,209,186,117,123,135,133,133,196,215,222,220,196,49,26,32,79,199,222,228,230,230,228,225,222,222,222,222,222,225,228,230,228,228,228,228,228,225,222,222,225,225,225,222,222,217,217,215,215,215,217,217,217,217,220,222,222,225,228,228,228,228,230,233,230,230,228,225,228,230,230,228,228,230,228,222,217,222,225,230,230,230,228,228,228,228,228,228,225,217,215,215,215,212,209,212,212,215,222,228,230,230,225,217,217,225,222,217,217,222,225,222,215,209,209,209,199,101,89,100,141,191,135,191,212,217,215,217,217,215,217,225,228,225,207,194,189,189,189,189,194,202,207,186,186,191,194,191,190,194,196,191,191,194,95,0,11,121,131,178,186,196,194,196,204,209,202,183,178,183,189,194,183,94,93,133,186,189,189,196,199,194,183,182,182,183,191,194,194,186,135,135,183,194,209,215,220,222,225,225,225,225,225,222,222,217,215,215,215,217,217,222,217,215,212,215,217,217,220,222,222,222,222,222,220,217,209,194,133,131,132,183,196,209,212,217,217,209,131,119,129,139,189,196,194,186,191,196,202,204,215,222,228,225,228,228,228,225,222,222,222,222,222,217,215,209,207,207,212,222,225,212,194,145,194,194,143,143,199,199,191,194,204,207,204,202,199,199,196,196,191,141,136,136,191,199,202,207,209,212,212,212,215,220,222,222,212,207,202,199,199,207,215,225,225,225,228,228,228,225,225,222,222,222,222,222,225,225,222,217,217,215,215,222,230,230,222,212,207,212,217,217,217,215,215,215,217,220,225,222,217,215,217,220,222,222,220,222,225,228,228,228,225,225,225,225,225,222,217,212,203,203,204,204,199,191,186,183,183,183,183,139,137,137,136,135,135,137,186,186,139,137,186,202,207,204,207,217,225,215,189,129,131,139,191,202,209,215,217,225,228,230,230,230,230,228,222,222,222,222,222,217,204,195,196,202,207,202,194,183,135,135,183,189,181,133,133,133,133,131,133,135,133,129,127,131,137,139,137,139,191,199,202,202,204,209,217,225,230,233,233,230,217,213,215,215,202,151,207,212,212,217,225,222,212,213,222,238,243,248,251,254,254,251,251,251,254,254,254,254,251,251,248,246,243,241,241,238,235,233,230,228,225,222,222,217,216,217,222,225,225,225,217,215,217,225,225,225,228,222,212,207,204,199,196,194,191,191,189,189,191,191,194,194,194,194,194,194,194,194,194,194,194,194,196,199,199,202,202,202,202,204,204,204,204,204,207,207,209,209,212,209,207,207,207,209,209,209,209,209,212,209,209,209,212,212,212,212,212,212,212,212,212,212,212,212,215,217,217,217,217,222,217,212,209,209,207,209,209,212,215,217,220,222,225,228,230,228,225,222,222,225,225,225,222,217,217,217,215,212,208,208,209,215,217,222,222,217,217,217,217,217,217,215,212,212,212,212,212,209,207,204,204,207,207,209,212,212,212,209,205,205,209,217,222,225,228,228,228,233,238,241,238,238,241,243,238,233,228,222,209,196,191,191,189,183,176,165,163,160,157,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,31,64,74,74,66,66,72,64,17,0,1,31,53,49,31,31,37,37,37,39,39,41,43,43,55,95,111,118,118,111,103,103,113,126,139,160,0,0,0,0,0,0,170,163,124,77,17,0,0,0,17,17,17,59,0,0,0,0,0,0,0,168,129,103,103,126,147,0,0,0,0,0,0,0,137,126,103,0,0,0,90,56,48,48,56,0,0,100,95,46,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,233,121,98,95,87,66,0,35,20,4,7,12,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,48,66,69,85,85,113,189,202,144,7,0,0,0,0,0,0,0,0,98,124,85,0,0,0,0,15,49,87,142,157,157,181,207,228,246,246,217,115,65,73,129,194,131,143,225,251,255,255,255,255,222,207,225,251,254,235,212,212,0,0,0,254,255,255,255,255,255,222,238,255,209,137,65,47,17,0,0,61,152,108,0,0,0,0,0,23,66,0,0,155,173,142,82,48,13,0,11,43,38,20,7,14,22,30,30,20,1,12,46,72,0,0,0,0,7,7,7,7,0,0,0,0,0,0,0,0,0,0,0,3,25,51,51,33,25,5,0,0,0,0,0,0,0,0,0,0,13,105,181,194,204,209,204,199,196,194,189,183,191,209,212,199,178,178,189,173,160,163,170,170,181,191,194,194,183,160,142,103,134,83,15,0,0,0,0,0,57,147,194,196,189,173,164,168,181,181,181,181,178,186,189,183,170,176,170,103,81,85,117,163,71,60,76,117,181,186,191,189,181,176,173,181,181,178,178,173,121,115,115,157,170,168,168,168,168,168,160,160,165,165,170,165,103,91,91,97,115,113,103,99,101,111,121,165,173,181,186,191,189,178,178,194,209,212,207,204,186,142,73,61,55,51,39,25,0,0,0,0,0,0,0,0,0,5,27,118,194,196,168,157,173,199,199,105,57,73,186,212,181,176,189,209,209,196,196,209,228,235,248,254,255,255,255,255,248,246,241,246,235,220,186,139,39,15,15,3,0,0,0,0,0,0,0,61,144,181,225,215,129,0,0,0,0,0,0,59,147,176,186,196,207,189,146,140,173,235,254,254,246,0,0,0,0,0,0,0,0,0,0,255,255,255,255,248,220,191,152,103,66,47,47,29,0,0,0,17,31,37,43,41,37,37,45,49,63,81,124,144,160,160,155,163,168,163,160,152,152,163,170,163,117,107,99,99,111,127,178,178,178,181,189,202,207,212,207,191,194,215,225,225,225,209,207,194,191,191,189,189,181,170,170,160,157,117,109,101,87,77,71,63,57,63,77,87,77,97,150,168,170,168,170,168,157,144,101,95,91,95,97,101,101,91,77,75,71,71,75,93,101,101,93,97,107,121,178,191,191,178,174,176,183,191,194,207,209,209,209,209,209,207,207,194,191,194,215,215,194,189,191,207,212,194,176,127,116,119,173,191,181,125,113,103,105,119,176,202,212,207,186,163,155,150,107,89,70,70,91,134,137,97,85,69,59,51,43,35,25,15,11,17,41,67,93,129,131,83,55,50,55,91,163,170,163,163,176,183,168,105,91,87,81,81,95,165,225,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,0,0,53,30,0,0,0,0,59,87,100,191,228,207,199,225,248,137,0,0,0,0,0,0,131,105,0,0,0,0,0,0,0,0,0,0,0,51,126,165,189,199,202,202,207,212,215,255,71,0,75,157,163,173,181,189,186,170,95,99,111,113,115,121,165,168,176,194,207,212,189,119,114,117,131,202,196,186,186,199,215,225,225,225,222,217,215,212,191,127,131,181,191,199,196,181,130,131,129,108,128,199,194,191,199,204,204,207,204,204,204,209,212,215,215,215,215,215,212,211,209,212,217,222,222,222,220,217,215,215,220,225,212,196,189,143,141,191,212,222,225,225,222,217,215,212,209,207,207,209,212,215,212,209,209,209,215,225,233,235,233,225,217,222,230,235,230,229,230,233,230,222,212,194,137,141,145,143,143,196,207,215,225,228,225,215,207,204,204,199,196,143,132,131,199,196,145,137,133,134,194,222,238,238,235,233,233,230,228,225,225,225,225,225,225,215,202,189,185,186,194,207,215,215,212,204,196,187,194,194,189,186,189,191,194,196,194,186,137,209,228,228,230,233,233,217,204,199,202,199,189,183,186,189,194,204,212,215,222,215,207,202,194,190,196,209,207,183,133,133,186,194,189,194,204,202,139,125,139,204,222,222,212,202,191,135,132,186,189,186,187,199,194,181,131,189,212,212,217,225,222,212,212,207,199,202,209,215,215,212,202,181,127,131,186,199,202,207,212,199,191,199,207,215,225,230,233,233,233,235,230,212,79,43,38,115,55,45,246,235,217,202,204,212,202,186,186,186,194,207,215,222,217,215,215,217,220,222,225,228,233,233,233,230,215,199,183,204,209,199,76,72,131,212,217,217,220,222,222,225,230,228,222,212,207,209,209,199,194,202,215,222,217,215,212,135,131,135,189,191,140,137,189,207,212,199,115,127,217,222,217,222,228,233,233,225,189,191,202,207,204,199,194,194,199,212,225,225,222,217,212,209,204,189,186,191,186,185,194,207,202,194,199,209,204,189,183,189,189,191,202,202,135,133,186,194,204,225,233,233,233,228,225,222,225,217,209,209,212,215,215,215,212,215,217,209,204,207,215,215,209,209,209,202,196,196,196,149,148,147,148,196,196,149,149,199,202,202,196,191,194,199,196,196,196,194,192,196,207,209,209,199,192,202,217,225,217,182,177,189,199,191,131,129,133,186,189,186,186,191,196,191,183,191,194,196,207,196,179,189,183,123,120,189,217,217,207,207,212,215,207,204,207,207,196,123,113,123,135,132,131,183,207,220,228,235,97,33,39,119,220,225,228,228,225,225,225,222,222,222,222,222,225,225,228,225,222,225,225,225,222,216,216,222,222,222,217,217,215,215,215,212,212,215,215,217,217,217,217,222,222,225,225,228,230,233,233,230,230,228,225,225,228,228,228,228,230,228,217,216,216,222,228,230,230,230,228,230,228,228,228,225,222,215,217,222,217,215,217,217,217,222,225,225,228,225,222,222,222,220,217,217,217,217,217,215,212,212,217,222,199,107,117,137,137,133,191,209,215,217,222,220,215,217,225,228,217,202,183,183,189,191,194,194,196,196,189,186,189,189,191,191,199,202,202,199,196,99,2,27,121,131,178,183,191,191,194,204,207,199,183,178,183,189,199,202,91,85,107,178,194,207,212,207,199,191,189,189,186,186,191,191,181,129,129,137,183,199,209,220,228,228,225,225,222,222,222,222,222,222,217,217,217,217,222,222,217,217,222,222,222,222,222,222,222,225,225,225,225,215,141,130,132,139,186,191,202,209,209,212,212,199,186,189,194,189,141,138,141,199,204,202,202,207,217,222,225,225,225,225,225,225,225,225,222,222,215,212,209,205,205,209,217,217,207,191,139,143,143,145,194,199,196,194,202,209,212,209,204,202,199,196,196,194,141,134,134,199,204,204,209,215,215,217,217,220,222,222,220,212,207,204,199,199,204,212,222,222,225,225,225,225,222,222,222,222,222,222,222,225,225,222,215,209,204,207,215,228,230,222,212,207,207,207,207,209,212,215,217,217,217,220,220,217,217,217,220,222,222,222,225,228,228,228,225,225,222,225,225,225,222,222,212,203,202,204,204,199,194,189,186,186,183,183,139,139,139,137,137,136,181,186,189,183,137,186,199,204,202,207,222,228,215,143,129,128,135,143,196,204,209,215,222,225,228,230,230,228,222,220,222,222,217,217,217,209,200,199,202,202,199,189,135,129,128,133,183,181,135,133,176,176,133,133,133,129,126,125,127,133,135,133,132,186,196,199,199,199,202,212,225,230,235,235,233,222,213,215,212,142,140,144,202,207,215,225,228,228,230,241,251,251,251,254,255,254,251,251,251,251,251,254,254,254,251,251,248,243,243,241,238,235,235,233,230,228,225,222,222,217,217,217,222,222,217,215,212,217,225,228,228,228,225,212,207,204,199,196,194,191,191,189,186,189,191,194,194,194,194,194,194,194,194,194,194,194,196,196,199,199,202,202,204,204,204,207,207,207,207,207,209,209,212,212,209,207,207,207,207,209,209,212,212,212,212,209,209,209,212,212,212,212,212,212,212,212,212,212,212,215,217,217,215,215,215,215,215,212,212,212,212,215,215,215,215,217,222,228,228,228,228,228,225,222,222,222,217,209,199,202,209,215,212,208,208,209,215,222,222,222,222,217,217,217,217,217,215,215,215,212,212,209,207,204,204,204,207,207,207,209,207,207,205,205,207,212,217,225,228,230,230,233,235,241,241,241,238,241,241,238,233,228,222,209,202,199,199,196,189,178,165,163,163,160,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,15,29,59,77,85,82,74,72,49,23,5,9,31,57,57,49,49,49,43,43,43,43,49,49,49,57,67,100,103,100,71,67,95,103,111,129,152,160,163,168,0,0,0,163,142,108,39,9,0,0,0,13,11,7,33,0,0,0,0,0,0,0,144,116,100,118,157,0,0,0,0,0,0,0,0,168,147,0,0,0,0,0,98,72,56,40,0,0,0,121,87,9,0,0,0,0,0,0,0,0,0,0,0,255,255,255,241,137,113,103,95,95,0,0,0,0,14,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,61,105,113,124,157,176,124,9,0,0,0,0,0,0,0,0,33,82,39,0,0,0,0,1,49,124,157,157,163,170,189,217,235,235,228,191,97,83,117,141,186,225,255,255,255,255,255,255,225,211,225,243,243,233,225,0,0,0,255,255,255,255,255,255,172,176,246,255,255,152,57,27,0,0,0,17,134,126,0,0,0,0,0,0,25,85,144,181,191,160,105,56,6,2,15,51,35,0,3,25,40,40,27,20,25,48,72,0,0,0,0,0,0,20,25,22,7,0,0,0,0,0,0,0,0,0,0,1,35,61,59,43,19,5,0,0,0,0,0,0,0,0,0,0,0,103,209,220,233,222,209,199,191,186,189,194,202,212,209,189,189,199,207,196,186,186,186,186,189,194,207,215,215,209,202,178,152,83,21,0,0,0,0,0,49,152,194,196,183,173,164,168,181,191,191,191,189,191,189,189,170,170,119,105,89,97,163,117,62,55,81,183,194,186,191,183,176,170,173,181,178,173,168,173,165,121,121,170,176,176,163,119,119,168,176,178,173,170,165,160,105,94,92,99,121,123,111,95,93,95,101,119,165,170,173,181,178,178,183,189,186,186,186,191,196,168,85,49,35,35,41,39,7,0,0,0,0,0,0,0,0,0,13,53,152,165,139,134,165,212,191,75,39,55,178,202,181,176,189,215,212,199,189,194,209,233,248,254,254,254,248,248,248,241,230,228,209,176,142,85,45,21,1,0,0,0,0,0,0,0,0,116,170,212,238,230,165,0,0,0,0,0,0,41,137,173,186,196,204,189,148,142,176,238,255,255,0,0,0,255,255,0,0,0,0,0,0,0,255,255,255,248,212,181,150,111,66,35,23,1,0,0,0,0,5,21,35,41,43,55,67,116,131,142,144,157,168,168,163,168,163,160,160,160,155,163,170,168,117,107,100,105,113,127,173,173,170,178,183,189,202,204,207,191,207,217,225,228,217,209,191,186,178,176,178,181,181,178,170,168,157,115,111,105,97,85,71,63,56,57,71,71,71,87,147,168,168,168,170,176,168,152,142,101,101,101,101,139,101,93,85,77,75,75,75,85,93,93,95,101,107,121,173,191,191,183,176,176,183,183,186,191,194,207,209,215,209,207,207,194,191,207,215,207,191,186,191,212,212,191,133,119,116,119,176,191,181,125,113,102,100,105,163,191,215,222,207,168,113,105,105,91,73,70,83,99,144,147,99,73,59,55,51,43,33,23,17,25,43,65,73,91,129,83,55,51,55,99,163,163,147,105,157,181,170,107,91,87,87,95,107,173,233,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,51,0,0,0,0,0,82,126,176,207,209,209,228,254,181,0,0,0,0,0,0,113,121,0,3,13,0,0,0,0,0,0,0,0,31,121,160,189,202,202,202,207,212,225,246,39,0,168,178,173,168,164,181,189,183,117,113,121,165,168,176,181,176,178,191,209,215,191,115,112,115,173,196,194,186,191,207,222,225,222,225,225,222,215,204,132,124,135,189,189,186,131,131,130,130,129,118,133,194,194,196,204,202,200,202,202,204,207,209,212,212,212,215,217,222,217,212,212,215,220,222,225,225,222,217,217,220,228,230,217,191,141,196,204,212,222,222,222,225,225,222,217,215,212,207,207,209,212,209,209,209,209,209,215,222,230,235,235,235,235,233,233,230,229,229,230,225,207,199,194,135,124,127,135,137,135,137,189,202,212,217,215,207,202,202,202,196,191,143,136,135,212,204,191,135,126,127,191,222,233,233,230,230,230,230,225,225,228,228,228,225,217,209,196,189,187,189,199,212,222,225,220,204,189,183,189,186,181,182,186,189,191,141,129,133,141,215,230,233,230,233,235,228,215,209,209,204,194,187,189,196,199,202,204,212,217,207,204,204,204,202,202,204,191,135,133,137,199,204,194,191,199,202,189,139,189,199,217,212,202,196,199,196,186,189,189,186,187,196,194,183,129,131,186,191,204,207,199,181,189,186,181,189,196,199,199,191,183,181,181,186,194,199,204,212,204,121,123,202,217,225,228,230,230,230,233,235,235,228,65,42,0,43,43,51,191,196,189,191,202,207,196,141,140,141,189,194,204,215,222,217,217,217,222,222,217,215,217,225,228,212,187,166,160,204,215,207,129,127,196,202,202,207,215,220,222,225,225,222,225,222,212,215,222,217,209,204,207,207,204,204,199,135,133,137,189,191,141,137,140,196,196,125,94,103,215,222,217,217,228,230,230,228,194,191,194,199,199,199,196,196,202,209,217,217,215,207,189,189,191,183,139,196,204,194,189,196,199,194,199,202,196,183,179,186,191,196,204,207,191,141,141,186,194,207,225,228,225,217,215,215,212,207,199,196,196,194,194,194,196,199,199,196,199,207,209,204,202,204,204,199,199,199,149,147,148,149,199,207,207,204,207,209,212,209,204,199,199,202,204,207,204,199,192,191,199,209,209,195,189,196,222,230,222,170,172,194,212,202,126,126,133,191,191,186,183,186,186,181,177,202,217,222,225,215,202,199,186,127,127,202,215,209,202,204,209,209,204,202,204,199,183,115,113,125,135,133,131,133,189,209,225,233,85,36,85,207,217,222,225,222,222,220,221,225,228,228,225,225,225,228,225,222,222,222,222,222,217,215,215,217,220,215,213,213,215,212,209,207,207,209,212,215,217,217,217,217,217,217,222,228,230,230,230,230,230,228,225,225,225,228,225,228,230,228,222,216,216,222,228,230,228,228,228,228,228,228,225,225,222,217,222,225,225,222,222,222,220,217,217,222,222,222,225,225,217,215,215,215,212,209,212,215,212,215,222,228,228,215,204,191,135,127,129,191,209,220,222,215,212,215,217,215,204,183,178,179,189,194,202,202,194,189,183,182,186,191,194,196,204,212,212,212,207,178,31,59,113,129,186,186,186,183,189,196,196,189,181,177,178,191,204,209,109,95,111,133,194,209,212,207,199,196,196,196,189,185,186,189,137,126,126,131,137,183,199,217,228,228,225,225,225,222,222,217,217,215,215,217,215,215,222,222,222,222,225,225,225,225,222,217,217,225,228,228,228,222,139,130,133,183,183,183,189,196,202,207,212,212,215,215,209,196,139,136,139,196,199,199,202,207,215,222,225,225,228,228,228,225,225,222,222,217,215,212,212,209,205,205,209,207,199,143,136,127,131,191,207,202,194,196,202,209,212,212,209,207,202,199,196,194,141,133,131,209,207,204,209,217,222,222,222,222,222,220,215,209,207,202,202,204,207,209,212,215,215,217,217,222,222,222,222,222,222,222,222,225,225,222,212,202,192,194,209,222,225,217,215,212,207,204,204,205,209,215,217,220,217,215,215,215,217,217,222,222,222,222,225,228,230,228,225,222,222,222,222,222,225,222,217,209,204,204,204,199,196,194,191,189,186,186,183,183,183,183,181,136,137,183,186,183,137,183,194,199,196,204,220,222,202,133,128,128,133,141,191,199,207,212,215,217,225,230,228,222,215,215,217,220,217,217,217,217,209,204,202,196,191,181,131,128,128,131,178,178,133,131,133,176,176,133,133,129,126,126,129,135,135,134,134,183,191,194,194,194,199,212,228,233,235,238,235,230,217,217,212,141,138,141,147,155,212,228,235,238,246,251,255,255,251,254,255,254,251,248,248,248,251,254,254,254,251,251,248,246,243,241,241,238,238,235,235,230,228,225,222,217,217,217,217,215,212,212,212,217,225,225,222,225,225,217,209,204,202,196,194,191,189,186,186,189,191,191,194,194,194,194,194,194,194,194,194,194,196,196,199,199,202,202,204,207,207,209,209,207,207,207,209,209,212,212,212,209,207,207,207,209,212,215,215,215,212,212,209,209,209,212,212,212,211,212,212,212,212,215,215,217,217,215,211,211,212,215,212,215,215,217,217,217,215,213,213,215,222,228,228,225,228,230,230,228,222,217,215,151,140,142,202,212,212,212,212,215,217,222,222,222,222,222,217,217,217,215,215,215,215,212,209,207,207,204,204,204,204,204,207,207,205,205,205,207,209,212,217,225,228,230,233,235,238,238,241,241,241,241,238,235,233,228,222,212,207,207,207,204,196,183,176,170,168,165,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,15,19,23,23,31,72,85,82,74,74,49,29,11,15,39,57,82,63,55,49,43,43,43,47,49,57,57,59,67,71,71,67,59,57,61,67,98,111,129,137,137,137,139,155,155,139,116,77,29,9,0,0,9,23,13,8,35,0,0,0,0,0,0,0,144,118,118,0,0,0,0,0,0,0,0,0,0,178,168,147,0,0,0,0,103,87,72,0,0,0,0,150,118,38,0,0,0,0,0,0,0,0,0,0,0,255,255,255,186,121,121,131,139,0,0,0,0,0,38,22,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,98,92,92,92,40,0,0,0,0,0,0,0,0,0,9,35,1,0,0,0,0,17,75,157,181,168,157,155,165,196,228,235,228,196,97,85,117,191,202,233,255,255,255,255,255,255,235,225,243,251,243,235,235,0,0,255,255,255,255,255,255,255,161,163,217,255,243,126,33,13,7,0,0,0,144,176,51,0,0,0,0,0,43,134,163,181,181,147,79,40,10,7,35,51,17,0,3,30,40,22,9,12,30,56,72,0,0,0,0,0,0,35,40,35,7,0,0,0,0,0,0,0,0,0,0,13,51,72,72,53,31,19,3,0,0,0,0,0,0,0,0,0,0,0,202,228,230,217,212,199,168,155,157,176,202,199,199,189,189,199,209,202,191,196,209,212,212,212,215,222,222,204,202,204,183,139,65,19,0,0,0,0,31,147,183,178,176,173,170,170,181,181,181,176,178,189,191,183,176,168,119,107,99,105,117,115,76,71,107,194,202,191,183,176,160,115,115,160,168,160,160,168,165,165,170,178,178,176,121,114,118,168,176,176,170,160,115,113,113,105,103,113,121,115,101,91,90,89,93,109,121,165,165,170,178,178,178,178,170,173,183,191,196,178,93,63,47,35,31,25,7,0,0,0,0,0,0,0,7,17,19,35,71,121,82,82,157,199,181,61,39,59,165,189,181,183,196,209,209,196,186,186,199,228,241,248,251,248,243,248,248,241,225,199,170,105,79,69,57,31,0,0,0,0,0,0,0,0,0,49,168,212,238,230,165,0,0,0,0,0,0,27,126,170,189,204,225,212,163,150,196,243,255,0,0,0,0,255,255,0,0,0,0,0,0,0,255,255,255,248,212,181,152,111,61,13,0,0,0,0,0,0,0,3,23,27,27,43,105,144,170,176,170,170,176,176,170,170,163,160,168,168,170,170,173,168,119,109,103,111,117,125,170,170,170,131,178,189,194,202,202,191,207,217,233,228,217,194,183,176,129,129,178,186,186,181,170,160,117,111,109,109,101,87,71,57,55,55,63,63,57,75,139,157,160,165,170,176,176,160,147,139,139,139,139,142,107,93,85,85,85,85,77,75,77,89,97,101,107,113,165,189,191,191,186,183,183,183,183,186,194,209,217,217,215,209,207,191,186,194,215,207,186,183,191,212,212,191,129,117,114,119,181,202,186,125,113,103,102,113,163,191,217,225,212,170,107,99,101,99,83,73,73,99,147,155,147,85,59,65,69,51,41,33,31,37,49,59,69,83,129,83,55,48,53,83,155,155,99,91,147,170,168,105,91,95,101,107,117,183,243,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,74,61,69,0,0,66,137,189,202,207,209,220,233,196,0,0,0,0,0,37,0,0,27,165,222,155,95,0,0,0,0,0,0,23,124,157,189,204,204,207,209,204,215,241,81,0,65,165,189,176,157,178,181,176,170,119,170,178,176,173,173,176,178,189,209,217,115,104,109,123,181,186,183,181,189,204,217,222,222,222,225,225,222,209,134,125,194,199,183,133,124,131,137,135,137,189,191,191,191,196,207,202,200,199,200,202,207,212,212,212,212,212,217,222,222,217,217,220,225,225,228,228,225,222,222,225,230,230,207,124,121,141,204,212,217,222,222,222,225,222,220,217,212,209,207,209,209,209,207,207,207,209,215,222,228,230,233,235,235,233,230,229,229,233,230,207,130,131,137,130,120,125,135,137,134,132,133,137,191,196,196,194,189,189,196,194,191,191,141,191,228,215,202,141,126,127,194,217,225,225,222,222,228,228,228,225,228,230,230,228,217,204,194,191,191,194,202,212,228,233,230,209,191,191,196,186,179,182,186,186,141,133,108,132,196,217,228,230,228,228,228,225,217,222,225,215,199,191,194,202,204,202,204,212,212,202,199,202,199,196,199,196,183,135,136,189,202,202,191,186,189,191,194,199,194,187,199,196,194,194,207,209,194,191,189,191,191,191,191,191,191,181,111,93,100,133,117,96,97,104,115,181,189,189,186,181,177,181,191,196,194,183,196,207,176,87,107,215,225,228,228,228,228,230,233,235,238,243,87,67,0,5,39,65,65,85,103,183,207,212,202,191,140,139,139,141,194,207,215,217,215,215,225,225,207,141,134,141,199,202,178,156,153,207,212,207,196,202,225,207,191,196,207,215,222,222,217,215,228,230,217,212,215,217,212,204,196,191,194,194,189,141,139,141,189,194,191,141,186,191,189,125,92,101,209,217,217,217,225,225,225,222,196,191,190,191,196,202,202,202,204,207,207,207,204,196,137,137,186,137,134,191,215,207,131,131,183,191,196,196,191,181,177,179,189,202,215,212,199,186,141,189,191,199,207,209,209,207,204,207,207,202,194,194,194,190,187,189,191,192,192,191,194,196,196,199,207,212,207,199,196,196,148,148,202,212,222,225,222,217,217,222,222,217,215,215,209,209,215,217,212,204,194,189,194,207,212,199,189,194,212,225,220,176,179,212,222,212,132,128,139,196,194,186,183,183,183,181,181,222,233,230,228,225,215,207,186,125,125,183,196,199,199,202,207,207,204,202,199,191,129,111,115,131,178,178,132,132,181,202,183,115,75,71,199,222,222,222,222,222,222,221,221,225,228,233,230,230,230,230,228,225,220,220,222,222,217,215,215,216,217,215,215,215,215,212,207,204,204,207,212,215,215,215,215,212,212,212,215,225,228,230,228,228,228,228,225,222,225,225,225,228,230,228,225,222,222,225,228,225,222,222,222,222,222,222,222,222,217,217,222,225,225,222,222,222,217,217,222,225,222,220,222,225,217,209,207,204,199,199,202,207,212,222,222,222,225,225,217,204,135,118,115,122,199,215,215,212,209,209,212,207,194,181,178,182,194,199,204,207,194,186,183,182,189,196,202,204,209,217,222,222,217,199,131,202,181,133,186,186,183,183,181,181,181,183,186,183,183,194,202,202,181,125,127,176,189,199,202,196,194,196,199,196,191,186,186,189,181,128,126,129,135,131,186,215,228,230,225,225,225,222,220,215,213,212,213,215,215,215,217,222,222,222,222,225,225,225,222,216,217,225,228,228,228,222,186,132,135,183,183,138,138,139,194,209,215,217,228,228,217,209,196,139,141,189,191,196,209,212,215,222,228,230,233,230,230,228,225,225,222,215,212,212,212,212,207,207,207,202,196,191,139,117,128,217,228,204,194,194,199,204,209,212,212,209,204,202,196,194,139,134,132,215,212,207,212,217,222,222,222,222,217,215,212,207,204,202,204,212,212,207,202,207,209,207,207,209,212,217,222,222,222,222,222,222,220,217,209,196,190,191,204,215,215,212,212,215,209,205,204,207,212,217,222,222,217,213,213,215,217,220,222,222,217,222,225,228,228,228,225,220,217,217,220,222,225,225,222,215,212,209,204,202,199,199,196,191,189,186,186,186,186,183,181,136,136,181,183,181,137,183,191,191,186,194,212,212,189,129,127,129,135,141,191,199,204,209,209,209,217,228,225,215,211,211,215,217,217,216,217,217,215,207,199,189,183,135,131,130,130,133,135,176,176,131,129,176,178,178,178,133,131,133,135,135,137,183,186,183,186,191,191,191,196,209,222,228,230,235,238,233,225,217,217,204,145,145,151,202,212,228,235,241,243,251,254,254,251,251,254,251,251,248,247,247,251,254,254,254,251,251,248,246,243,243,241,238,238,238,235,233,230,225,222,217,217,217,215,212,212,209,212,215,217,215,215,217,225,222,215,207,202,199,196,194,189,186,185,189,191,191,194,194,194,194,194,194,194,194,194,196,196,199,199,199,202,202,204,207,209,209,209,209,209,209,209,212,212,212,212,209,209,207,209,209,212,215,217,215,215,212,209,209,209,212,212,211,211,211,212,212,215,215,217,217,217,215,211,211,212,212,215,215,217,222,222,217,217,215,213,215,222,228,228,225,228,233,235,233,225,217,212,147,135,137,151,209,215,217,217,222,222,222,222,222,222,222,222,217,217,217,217,217,215,212,209,207,204,204,204,204,204,207,207,207,205,205,205,207,212,215,217,225,228,230,233,235,238,238,241,241,241,238,235,233,230,228,222,215,212,212,212,209,199,189,181,178,173,168,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,23,25,25,25,31,64,82,82,82,82,72,41,25,25,43,57,63,63,49,43,31,31,39,43,51,59,63,67,67,67,67,59,53,51,51,53,65,98,113,113,113,113,121,131,129,113,82,39,25,15,13,13,38,64,48,33,64,0,0,0,0,0,0,0,160,134,0,0,0,0,0,0,0,0,0,0,196,183,170,0,0,0,0,0,87,82,82,0,0,0,0,160,129,66,12,0,0,0,0,0,0,0,0,255,0,255,255,255,77,79,113,147,0,0,0,0,0,0,79,38,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,69,53,35,1,0,0,0,0,0,0,0,0,0,0,15,33,0,0,0,0,0,29,121,181,196,189,165,157,157,189,228,235,228,189,95,101,199,230,230,233,255,255,255,255,255,255,241,241,255,255,255,255,0,251,251,251,251,255,255,255,255,255,181,166,189,255,142,37,0,0,13,9,0,9,142,183,129,0,0,0,0,17,124,160,152,95,95,53,16,25,59,66,64,51,5,0,0,11,7,0,0,0,7,33,48,64,0,0,0,0,0,40,43,38,7,0,0,0,0,0,0,0,0,0,0,35,56,69,72,74,72,48,13,0,0,0,0,0,0,0,0,0,0,0,131,191,212,209,207,173,140,130,137,165,178,178,176,170,170,178,186,173,119,173,196,212,212,220,222,215,196,170,166,191,194,181,155,97,33,0,0,0,0,142,163,152,155,168,170,181,176,157,147,111,157,178,189,176,170,155,109,105,109,111,117,117,101,101,170,202,207,191,176,160,107,101,105,113,113,121,160,160,121,121,170,178,183,176,121,118,118,163,173,173,165,117,115,115,121,121,121,121,125,111,97,93,91,90,95,111,125,165,123,163,170,178,170,157,157,173,191,191,178,144,91,91,87,55,23,5,0,0,0,0,0,0,0,0,41,57,47,41,65,91,93,83,137,165,142,51,41,73,165,181,189,199,199,191,186,186,182,181,194,215,233,238,243,238,238,241,248,241,220,181,111,83,66,79,77,47,1,0,0,0,0,0,0,0,0,0,126,199,225,207,121,0,0,0,0,0,0,27,113,165,196,225,251,235,186,165,199,246,0,0,0,0,0,255,255,0,0,0,0,0,0,0,255,255,255,238,199,168,142,98,33,0,0,0,0,0,0,0,0,0,11,19,19,37,111,165,199,202,183,176,176,178,176,170,163,163,178,181,178,178,178,170,123,117,109,109,117,125,125,125,125,170,131,178,189,202,202,191,207,222,233,233,217,194,178,129,129,129,183,191,194,178,163,115,109,101,101,101,99,87,71,57,54,55,57,57,53,63,97,150,157,165,176,183,183,168,157,147,142,142,142,142,107,93,85,85,89,93,89,85,85,93,101,107,107,109,160,183,191,191,191,191,191,183,183,189,207,215,217,217,215,209,207,186,183,191,207,194,186,186,191,212,212,191,129,117,114,119,181,202,186,125,115,113,113,121,181,202,212,222,207,170,107,99,101,105,91,73,71,89,147,163,147,85,65,85,137,67,51,43,41,43,55,63,65,75,91,83,55,48,50,69,99,101,83,73,101,163,163,105,91,95,107,117,127,194,243,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,90,0,25,48,178,191,228,235,103,0,7,160,194,199,207,209,212,225,189,0,0,0,0,0,37,29,92,85,129,176,168,129,59,0,0,0,0,0,0,85,157,191,199,204,207,207,199,209,233,111,67,97,113,160,165,165,168,176,176,168,165,176,183,176,170,169,173,176,181,196,191,109,100,110,176,181,131,131,176,181,196,212,220,222,222,222,228,225,209,191,189,196,191,131,128,131,181,189,189,186,189,189,186,194,196,207,204,200,199,202,207,209,212,215,215,212,215,217,222,222,222,222,222,225,228,228,228,228,225,225,228,230,230,207,74,74,125,194,209,215,217,222,222,225,225,220,217,217,212,209,209,209,209,207,207,207,209,215,225,228,228,228,230,233,233,230,229,230,233,225,141,116,125,131,139,137,137,139,137,135,135,134,130,137,141,143,189,114,119,133,141,196,202,141,139,217,215,207,202,145,145,215,225,222,221,220,220,225,228,230,228,228,230,233,230,215,202,194,190,190,199,204,209,215,230,225,204,199,207,207,202,196,194,189,143,141,139,133,135,199,222,230,230,225,222,222,217,215,222,228,217,202,190,194,204,209,209,209,212,207,199,199,196,139,137,186,194,189,181,183,196,204,199,186,183,183,185,199,204,202,196,196,196,191,192,204,207,191,183,189,191,194,194,191,194,191,181,104,96,94,105,104,93,92,109,183,194,194,186,183,181,179,181,189,189,174,165,181,196,53,75,222,230,230,230,230,228,225,230,233,235,238,233,81,0,41,181,194,199,93,91,119,191,207,212,207,196,141,137,139,189,196,204,204,189,120,125,217,225,124,88,102,135,199,217,209,189,194,207,209,204,199,202,207,196,189,191,196,199,209,212,209,212,228,233,225,204,186,189,191,194,189,186,189,189,186,186,189,191,196,199,199,199,194,191,196,189,121,120,202,215,215,212,215,215,209,202,196,191,190,190,196,202,204,207,209,209,199,189,187,189,141,139,139,133,132,202,207,130,118,125,183,199,207,204,196,186,177,178,191,212,217,215,202,189,186,189,191,194,196,196,191,196,202,199,202,209,199,204,212,204,189,189,194,194,194,192,192,192,192,202,215,225,217,199,148,147,199,212,225,228,230,228,222,217,222,228,228,225,225,225,222,217,217,222,217,212,207,196,202,212,215,217,209,195,189,212,212,186,191,212,220,191,137,133,139,194,199,194,183,183,186,182,182,228,233,230,228,225,215,207,186,125,124,129,135,183,191,194,204,209,204,199,189,129,108,108,117,186,183,133,133,135,186,202,191,62,66,189,220,228,228,225,222,222,225,225,225,225,230,235,233,233,230,230,228,225,220,220,222,225,225,222,217,222,222,217,217,220,217,212,207,204,204,207,212,215,215,212,209,209,209,209,212,222,228,228,228,228,228,228,225,222,222,222,225,225,225,225,225,225,225,228,225,222,215,215,212,212,212,212,215,217,222,217,222,225,222,217,215,215,215,217,225,228,228,225,225,222,215,204,145,138,138,141,191,202,212,217,217,215,215,217,222,215,204,191,119,123,189,204,209,209,204,207,215,207,199,199,194,191,202,204,202,191,182,182,189,194,199,207,209,212,215,215,217,217,215,209,212,212,204,191,186,183,183,183,179,179,181,191,194,194,191,191,191,191,189,178,176,181,186,189,191,186,183,186,189,189,191,191,189,194,191,135,128,129,133,125,131,207,228,228,225,222,222,217,217,217,215,213,213,217,222,217,217,217,217,217,222,222,225,225,217,216,222,225,222,222,222,209,186,135,139,186,189,139,136,136,196,215,217,222,225,228,222,215,207,189,136,141,191,202,212,215,212,217,225,233,235,230,230,228,222,225,222,209,207,209,212,209,207,207,207,202,196,199,202,132,191,217,222,207,194,192,194,202,207,212,212,207,204,202,199,194,141,138,145,212,217,209,212,217,222,222,217,217,217,215,207,204,202,202,207,215,215,202,194,202,202,194,145,141,145,207,217,217,217,215,215,212,209,207,204,194,191,192,207,212,212,209,212,209,207,207,212,212,215,217,222,220,215,213,213,215,217,222,222,217,215,217,225,225,225,225,225,222,217,216,216,220,222,222,217,215,215,209,204,202,202,199,196,191,189,186,186,189,189,186,181,136,135,136,137,137,137,139,189,186,185,191,204,207,189,131,127,129,137,143,194,202,209,209,208,209,217,225,222,212,211,211,212,215,217,217,217,215,209,202,191,183,137,135,133,133,135,135,176,176,133,133,123,121,133,178,178,135,178,178,133,129,131,181,189,189,186,186,191,199,199,202,207,215,222,228,233,233,225,222,222,220,212,209,207,209,217,228,235,238,238,241,246,248,251,251,251,251,248,248,246,247,251,254,254,254,251,251,248,248,246,243,241,241,238,235,233,230,225,222,217,215,215,217,215,212,209,209,209,208,209,209,212,217,225,222,215,207,204,202,199,196,191,186,185,186,189,191,191,194,194,194,194,194,194,196,196,199,199,199,199,199,199,202,204,207,209,209,209,209,209,212,212,215,215,215,212,212,212,209,212,212,215,215,215,215,212,212,212,209,212,212,212,212,212,212,212,212,215,215,217,217,217,215,212,212,212,215,215,217,217,222,222,222,217,217,215,215,222,228,228,225,225,230,233,230,228,222,212,199,145,146,199,209,217,222,225,222,222,222,222,222,222,222,222,217,217,217,217,217,215,215,209,207,207,207,207,207,209,209,209,209,207,207,207,209,212,217,222,225,228,230,233,235,235,238,241,241,238,235,233,230,230,225,222,217,215,215,212,209,202,189,183,181,176,170,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,19,23,29,25,25,35,64,74,82,82,55,49,43,43,47,55,57,53,31,25,23,25,31,43,55,63,71,73,71,71,67,57,47,37,35,45,59,95,98,82,75,79,90,105,105,87,64,39,35,29,23,43,79,0,0,0,100,0,0,0,0,0,0,0,168,0,0,0,0,0,0,0,0,0,0,0,204,186,178,0,0,0,0,95,66,53,53,53,0,0,0,150,129,95,46,17,0,0,0,0,0,0,255,255,255,255,199,20,9,35,87,137,0,0,0,0,0,0,100,53,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,85,46,0,0,0,0,0,0,0,0,0,0,0,0,29,33,0,0,0,0,0,41,131,178,189,189,181,181,189,207,228,235,235,228,217,225,238,248,255,255,255,255,255,255,255,255,243,241,251,255,255,0,0,255,251,248,244,242,254,255,255,255,246,199,255,255,25,5,0,0,11,11,15,63,126,108,45,0,0,0,0,0,90,134,118,85,16,0,5,64,108,90,59,43,0,0,0,5,0,0,0,0,0,0,12,0,0,0,0,0,0,0,64,43,14,0,0,0,0,0,0,0,0,0,3,30,43,56,74,87,90,64,23,1,0,0,0,0,0,0,0,0,0,0,69,142,209,199,194,155,126,124,142,168,170,168,165,153,157,173,168,114,109,116,173,170,181,215,222,207,189,163,157,170,196,202,199,160,63,0,0,0,0,168,139,137,101,155,160,157,150,99,89,97,157,186,178,170,165,113,105,107,115,163,163,117,109,111,178,202,207,186,115,101,96,94,101,113,121,160,168,160,119,121,165,176,178,176,163,119,119,119,163,173,173,170,165,165,165,121,121,121,125,121,111,99,95,95,101,121,165,165,121,109,160,170,155,103,103,168,194,183,157,82,79,131,173,134,25,0,0,0,0,0,0,0,0,0,41,71,69,65,126,168,176,139,81,47,21,18,39,111,173,189,189,199,196,186,182,182,181,181,189,209,225,233,235,238,243,241,241,241,225,189,111,83,71,87,87,61,25,3,3,0,0,0,0,0,0,0,129,215,225,215,121,0,0,0,0,0,19,43,113,155,196,243,255,248,189,164,196,235,0,0,0,0,0,255,255,0,0,0,0,0,0,0,255,255,255,217,176,150,118,59,0,0,0,0,0,0,0,0,0,0,7,23,31,57,134,183,207,207,186,176,170,176,176,168,168,170,181,181,181,186,186,178,168,119,113,109,117,119,119,118,119,125,125,131,189,202,191,191,207,215,233,238,225,207,183,131,129,176,178,183,183,178,121,107,97,96,96,99,97,87,77,63,55,54,57,57,51,53,77,147,165,165,173,186,191,183,160,147,147,147,147,107,101,93,81,80,85,93,97,101,101,101,103,107,107,107,121,173,189,189,191,207,194,186,183,191,207,209,209,208,209,209,194,137,135,183,194,194,191,191,204,212,212,194,133,119,116,119,181,202,186,129,121,119,121,170,191,202,202,207,204,170,105,95,99,105,91,72,69,73,105,155,137,73,73,144,173,137,73,59,51,51,59,69,73,83,83,73,55,48,51,65,73,83,73,71,91,163,170,107,99,107,117,165,173,215,246,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,152,103,134,168,191,199,217,230,207,95,79,111,183,202,212,209,207,207,163,0,0,0,0,0,21,72,173,160,59,50,54,65,90,63,67,100,65,0,0,81,152,176,191,196,199,199,194,202,222,181,89,87,86,101,117,163,170,186,189,173,164,168,176,176,173,173,181,181,174,176,176,125,131,196,194,178,129,128,131,178,189,204,212,215,217,222,225,222,207,186,135,135,135,129,128,133,137,181,181,181,181,135,137,199,204,209,207,202,202,207,212,215,215,217,217,215,217,222,225,225,225,225,225,225,225,225,225,225,225,225,225,228,233,209,76,78,131,191,207,212,217,217,222,225,222,217,222,225,217,209,207,207,209,207,207,207,207,212,222,225,225,224,225,228,230,230,230,233,230,212,143,128,125,128,139,191,196,191,137,135,139,189,139,189,189,189,141,110,108,111,141,202,209,191,122,134,202,204,204,196,199,215,225,225,222,222,225,228,230,230,230,228,230,233,228,212,202,194,187,186,209,212,207,202,204,204,199,204,217,222,222,215,207,196,189,143,143,143,191,207,225,233,233,228,220,217,215,212,215,222,215,202,191,196,207,212,215,212,212,215,209,209,202,136,133,139,196,194,189,191,204,209,196,186,185,186,194,204,207,207,199,194,194,194,194,196,194,135,133,183,194,196,196,194,191,186,181,129,113,99,115,129,133,135,204,217,209,199,189,186,186,186,186,186,181,172,172,181,189,47,69,225,230,235,233,233,225,222,225,233,238,238,233,69,13,115,199,212,215,202,202,209,209,209,207,202,196,141,135,141,207,212,207,194,127,114,122,196,204,129,110,123,202,217,230,230,222,217,217,207,191,186,191,194,189,191,191,191,189,194,194,204,212,222,230,225,196,126,127,137,189,189,183,185,186,186,186,191,199,204,204,199,196,194,196,204,202,186,189,209,212,204,202,207,204,196,194,194,191,189,189,196,207,209,212,217,217,204,185,185,189,186,183,139,135,136,207,204,130,123,131,209,225,228,228,217,207,183,181,191,212,215,209,196,189,189,189,191,191,189,139,135,194,199,194,196,204,202,204,209,209,194,194,199,202,199,199,196,194,194,199,209,217,215,202,149,196,212,230,235,233,230,222,213,213,217,225,228,225,225,228,225,222,225,225,225,225,222,217,222,225,228,230,225,202,192,207,212,196,194,202,202,139,137,137,137,183,196,202,199,191,186,179,179,217,230,228,228,222,212,204,194,137,129,129,129,135,181,183,196,207,199,186,133,115,101,103,113,189,183,129,131,181,191,199,199,103,109,212,228,230,228,225,222,225,228,228,228,228,230,233,230,230,230,230,230,225,222,222,225,228,230,228,228,225,225,222,222,222,217,215,212,209,207,209,212,215,215,212,209,209,209,209,212,217,225,225,225,228,230,228,222,217,217,217,222,222,222,220,217,222,222,225,225,222,215,212,212,211,211,211,212,217,217,217,222,222,217,209,209,208,209,215,222,225,228,228,228,225,217,194,136,134,136,138,141,196,215,215,215,212,209,212,215,217,217,222,194,137,141,191,204,207,199,199,202,191,191,207,204,196,204,204,194,183,179,183,196,207,212,215,215,212,209,209,209,212,212,212,215,212,207,196,189,186,183,183,181,183,189,196,199,199,194,186,186,194,194,183,178,181,186,183,176,133,176,178,133,178,191,194,196,202,202,189,135,133,139,133,119,119,209,228,225,217,217,215,215,217,217,215,215,222,225,222,217,217,217,217,222,222,225,225,220,217,222,222,217,217,215,204,135,133,189,202,199,186,136,136,191,209,215,222,225,228,222,215,207,191,135,136,186,202,215,215,212,212,217,228,230,228,228,222,209,215,212,203,203,207,209,207,205,207,207,204,199,202,202,194,199,207,207,199,196,194,194,199,204,209,212,209,204,204,204,199,191,194,204,217,225,215,215,215,217,217,217,217,222,215,207,199,199,202,209,212,209,196,192,202,199,194,143,128,117,126,212,212,212,209,207,204,202,199,199,194,194,202,212,215,209,204,204,207,209,215,222,222,217,217,220,217,215,217,220,222,225,225,222,215,215,217,225,225,225,225,228,228,222,216,216,217,222,220,215,212,212,207,202,202,202,199,194,191,189,186,189,191,191,186,183,181,137,136,136,136,137,181,186,186,186,191,202,207,199,139,129,131,137,143,196,204,212,212,212,212,222,225,222,217,212,211,211,215,217,217,217,215,207,196,189,139,135,133,135,178,181,181,178,176,133,125,103,105,127,178,181,178,178,135,127,124,124,131,186,191,189,186,191,199,199,199,202,209,215,222,228,228,228,222,215,212,209,212,207,209,217,228,238,238,237,238,241,248,251,254,254,251,251,248,247,247,251,254,254,251,251,251,251,248,246,243,241,241,238,235,233,228,225,220,215,209,209,212,212,212,209,209,209,207,208,209,212,215,222,217,212,209,204,202,202,199,194,189,186,189,189,191,191,191,194,194,194,194,194,196,199,199,202,202,202,199,199,202,202,204,207,209,209,212,212,212,215,215,215,215,215,212,212,212,212,215,215,215,215,215,212,212,212,212,212,212,215,215,212,212,215,215,215,215,215,217,217,215,215,215,215,215,217,217,222,222,222,222,222,217,217,215,220,225,225,222,222,225,228,230,228,225,215,204,151,199,204,212,222,225,225,225,222,222,222,222,222,217,217,215,215,215,215,215,215,212,209,207,207,207,209,209,212,212,212,209,209,207,207,212,215,217,222,228,228,230,233,233,235,238,241,238,235,233,233,230,230,228,225,222,217,215,212,207,199,186,178,178,178,176,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,17,23,29,25,25,27,43,51,77,82,55,53,49,49,49,53,53,47,25,19,18,19,31,51,65,71,100,100,103,103,73,57,37,32,33,37,59,90,79,68,64,70,77,87,87,77,74,79,79,64,29,0,0,0,0,0,0,134,163,0,0,0,0,243,157,0,0,0,0,0,0,0,0,0,0,0,0,199,0,0,0,0,0,79,38,22,22,22,12,0,0,139,129,95,59,40,17,9,0,0,0,255,255,255,255,255,170,14,5,20,61,121,0,0,0,0,0,0,113,64,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,105,64,0,0,0,0,0,0,0,0,0,0,0,1,53,49,0,0,0,0,0,21,87,165,178,178,181,189,207,222,235,246,248,255,255,255,255,255,255,255,255,255,255,255,255,255,251,233,233,243,255,0,0,255,244,244,251,254,254,255,255,255,255,255,255,255,0,5,0,0,9,13,37,113,113,51,27,0,0,0,0,0,7,74,92,79,15,4,35,90,92,100,92,38,0,0,0,0,0,0,0,0,0,0,0,33,0,0,0,0,0,0,87,72,22,0,0,0,0,0,0,0,0,0,0,13,21,38,46,72,74,74,35,7,0,0,0,0,0,0,0,0,0,0,142,181,209,189,183,155,135,135,144,157,168,168,165,153,157,173,173,116,109,113,119,118,117,170,194,189,189,186,166,170,191,207,207,176,71,0,0,0,0,157,103,95,93,139,103,97,91,86,89,109,178,191,189,181,176,155,105,109,168,178,168,117,109,109,165,194,202,181,113,97,93,94,107,160,168,173,173,168,119,119,165,170,176,165,119,119,119,119,168,181,181,186,181,178,170,163,163,125,125,125,119,113,109,103,113,165,173,173,121,108,109,109,108,103,107,160,176,173,103,79,77,85,147,87,33,0,0,0,0,0,0,0,0,1,47,83,121,121,160,191,191,131,19,0,6,14,23,111,186,199,202,212,209,196,186,183,186,186,196,207,215,233,238,243,248,248,241,241,230,199,111,83,71,87,91,79,55,41,31,3,0,0,0,0,0,0,116,207,225,207,131,0,0,0,0,5,39,69,131,165,204,248,255,241,170,160,186,228,0,0,0,0,0,255,255,0,0,0,0,0,0,0,255,255,255,209,170,131,74,0,0,0,0,0,0,0,0,0,0,0,0,29,55,113,157,183,199,202,183,170,170,176,178,170,170,181,186,181,181,186,186,178,168,123,117,109,113,117,119,119,119,117,113,119,178,191,191,190,204,215,228,238,233,215,191,178,176,178,178,178,178,170,123,109,101,96,96,99,99,95,83,69,55,55,61,57,47,47,69,101,157,165,173,189,196,189,165,152,147,147,147,142,101,93,81,80,85,95,103,107,107,103,101,107,103,103,113,168,183,178,183,191,194,191,191,194,207,209,209,208,209,209,191,135,131,137,191,194,204,212,222,225,222,204,181,127,119,129,191,202,191,176,170,170,170,176,186,191,191,202,202,181,107,91,99,101,95,75,73,83,99,105,99,85,99,170,202,173,147,85,59,57,65,73,85,89,83,73,57,51,53,65,69,73,75,83,105,181,181,115,105,115,121,168,183,225,254,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,152,152,183,194,196,202,207,212,217,212,155,116,168,202,209,207,207,207,165,0,0,0,95,92,0,35,173,173,129,53,55,67,100,160,222,220,222,126,0,83,160,168,186,186,183,186,183,186,191,176,101,86,85,101,160,168,176,194,194,170,164,165,173,178,183,186,191,186,172,173,178,189,202,207,204,186,128,127,176,183,194,199,202,202,204,207,209,204,191,135,131,131,135,133,135,181,135,133,134,135,133,129,130,204,212,212,209,207,209,215,217,217,217,217,217,217,222,222,225,228,228,225,225,222,222,222,222,222,222,222,222,225,222,212,114,122,141,189,202,212,215,217,222,225,222,217,222,225,217,207,204,204,207,207,207,205,205,209,215,222,225,225,225,225,228,225,225,228,217,199,191,141,131,129,135,194,202,199,141,137,141,209,204,202,204,202,196,121,115,113,194,199,199,189,118,130,141,189,191,189,194,215,228,230,228,228,228,230,230,230,230,230,230,228,217,204,199,196,190,190,209,215,212,196,192,192,192,207,225,230,228,222,212,199,189,143,189,194,202,212,222,230,233,228,222,217,215,212,212,212,209,204,202,204,209,215,212,202,199,215,228,225,196,129,129,139,204,207,187,191,207,212,209,209,215,215,212,212,212,207,194,186,186,194,196,191,181,131,128,181,202,204,202,196,189,183,183,135,121,107,121,194,207,212,228,230,215,199,189,186,189,189,191,191,183,174,176,181,176,49,65,209,228,235,233,233,228,222,222,230,235,233,228,43,27,183,202,222,217,217,225,228,225,215,207,202,196,186,139,199,215,215,204,194,139,126,137,196,202,191,137,202,225,228,233,238,238,235,228,204,183,181,189,186,189,199,199,191,186,183,182,191,199,207,217,209,135,127,127,183,194,194,185,183,186,189,191,196,209,217,209,194,186,189,196,207,202,196,202,215,209,194,196,199,194,191,194,199,194,187,187,199,215,222,225,228,225,215,187,186,194,191,189,183,137,186,204,202,135,129,183,215,230,233,233,233,228,202,189,191,202,204,196,189,187,189,191,191,189,141,131,125,212,191,190,199,209,204,196,202,207,202,199,202,202,202,202,199,196,194,147,194,202,207,207,207,212,228,235,238,233,228,217,213,213,215,222,225,225,228,228,225,225,228,230,230,230,228,228,230,230,230,230,228,212,199,204,212,199,141,141,186,137,139,139,137,137,183,194,202,199,191,178,178,207,222,228,225,215,207,199,194,186,137,131,128,131,135,181,191,194,181,131,131,131,119,106,117,186,137,127,133,181,186,189,199,186,183,209,225,228,225,225,225,225,228,228,228,228,228,228,225,228,230,230,230,228,222,222,225,230,230,230,228,228,225,222,217,217,217,215,215,215,212,212,212,215,212,209,209,209,209,209,209,215,220,222,222,225,228,228,222,217,217,217,217,217,215,215,212,215,217,222,225,225,220,215,212,212,211,211,212,215,217,217,222,217,212,209,208,208,209,212,217,222,225,228,230,230,222,202,139,139,145,143,139,147,215,217,215,215,212,209,212,215,222,228,217,202,189,191,202,204,194,189,139,130,133,194,196,189,191,196,194,183,182,186,202,215,217,222,217,212,208,207,208,212,212,212,209,207,204,199,194,189,186,181,183,189,194,199,196,194,189,181,181,194,199,189,181,178,178,133,128,129,133,135,133,135,183,196,202,207,204,194,183,181,186,189,89,49,105,228,222,212,212,211,211,217,222,220,217,220,222,217,217,217,217,222,222,222,220,217,217,217,222,217,217,215,209,196,135,135,204,217,212,196,181,137,183,194,202,207,215,217,217,209,207,196,139,135,139,204,217,217,212,212,215,222,222,222,222,209,202,204,204,203,204,209,212,209,207,207,207,207,207,204,204,202,202,199,196,196,199,202,202,204,204,209,212,212,204,204,207,202,191,199,209,215,222,222,215,215,215,217,217,220,222,215,204,192,194,199,207,212,209,202,196,196,192,194,196,131,112,117,199,207,209,209,207,202,199,199,199,199,202,207,215,215,207,202,204,209,215,222,225,222,217,217,220,217,217,225,228,230,230,228,225,217,212,215,222,225,225,228,230,230,228,220,217,217,220,217,215,209,207,204,204,202,202,196,194,191,189,186,189,191,191,186,183,186,183,137,136,136,181,183,183,189,191,194,202,207,204,189,133,131,133,139,196,207,212,215,217,217,225,228,225,222,217,215,212,212,215,217,217,212,204,194,183,137,135,135,178,181,178,133,127,127,121,98,85,101,181,181,178,178,181,178,127,123,123,129,186,194,194,189,189,194,196,196,199,204,212,215,217,222,225,215,204,196,145,141,137,143,207,220,233,238,238,238,241,246,251,255,255,254,254,251,248,247,251,251,251,251,251,251,251,248,246,243,243,241,238,235,233,228,225,217,215,209,208,209,209,209,209,209,209,208,209,212,212,212,215,215,212,209,207,204,202,199,196,191,189,189,191,189,189,191,191,194,194,194,194,196,199,202,202,202,202,202,199,199,202,202,207,209,209,212,212,215,215,217,215,215,215,212,212,212,215,215,215,215,215,215,212,212,212,215,215,217,217,217,215,215,215,215,215,215,215,217,217,215,215,215,215,217,217,222,222,222,225,225,222,222,217,217,217,217,220,220,220,222,222,228,228,225,217,209,204,207,209,215,222,225,225,225,222,222,222,225,222,217,215,212,212,212,212,212,212,212,209,207,205,207,209,212,212,212,215,212,212,209,209,212,215,217,222,225,228,230,230,233,235,235,238,238,235,233,230,233,233,230,228,222,217,215,212,207,196,183,178,177,178,181,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,17,27,33,33,29,31,43,53,77,79,59,57,57,57,57,55,51,43,19,16,16,19,33,59,100,108,100,111,118,118,103,59,45,32,33,47,67,95,87,74,77,90,95,98,95,87,98,105,100,82,61,0,0,0,0,0,0,0,233,255,0,0,0,215,129,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,77,30,4,0,0,0,0,53,103,95,53,33,38,27,14,46,0,255,255,255,255,255,255,181,35,9,27,53,98,0,0,0,0,0,0,121,79,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,191,160,85,0,0,0,0,0,0,0,0,0,0,113,126,105,45,45,45,0,0,7,77,155,165,160,165,196,228,235,235,246,254,255,255,255,255,255,255,255,255,255,255,255,255,255,251,233,229,233,255,255,255,248,235,244,255,255,251,243,255,255,255,255,255,255,0,11,21,15,0,0,41,113,92,39,17,0,0,0,0,0,0,17,64,59,21,27,72,79,77,100,124,27,0,0,0,0,0,0,0,0,0,0,4,33,0,0,0,0,0,0,105,82,22,0,0,0,0,0,0,0,0,0,7,7,13,17,19,23,40,56,51,1,0,0,0,0,0,0,0,0,0,0,207,228,233,207,207,176,168,163,150,142,152,168,168,157,157,168,173,165,119,119,165,163,115,118,163,173,196,212,204,189,196,209,212,176,69,0,0,0,0,168,103,89,87,101,101,87,80,79,91,165,191,199,191,189,183,152,97,101,173,189,168,117,108,107,115,183,191,176,113,97,94,101,121,181,181,178,173,121,111,113,121,170,170,165,117,117,109,117,168,181,191,191,189,186,181,173,170,170,170,168,123,123,121,121,123,168,173,170,121,108,104,104,109,117,160,160,168,176,157,101,91,91,77,49,21,3,0,0,0,0,0,0,3,23,67,134,142,142,160,183,183,131,10,0,13,18,19,73,168,181,189,202,212,209,199,196,196,209,207,207,215,233,238,248,248,248,248,246,230,202,117,95,85,95,103,139,129,75,35,0,0,0,0,0,0,0,55,189,209,176,129,0,0,0,0,0,47,121,155,186,204,241,251,220,165,160,189,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,255,255,246,207,160,111,33,0,0,0,0,0,0,0,0,0,0,0,3,39,116,157,178,183,186,183,176,165,170,178,183,178,178,183,186,181,181,181,181,178,168,123,117,117,117,119,123,125,119,113,105,111,131,189,191,191,194,207,222,233,233,225,207,186,178,178,178,178,178,178,170,119,107,101,97,97,97,95,85,75,57,56,63,61,51,45,57,87,139,152,165,178,191,189,168,157,157,157,157,147,107,101,89,85,93,101,109,113,107,103,101,101,97,101,113,168,178,174,172,178,191,194,194,194,194,207,209,215,215,209,186,131,129,135,191,207,222,233,235,233,212,191,133,127,129,181,204,204,191,191,191,191,181,181,181,181,181,191,202,186,113,91,91,99,99,95,91,95,95,99,101,139,163,194,215,194,165,101,69,65,71,89,95,99,91,83,61,53,55,65,69,73,95,105,168,202,191,119,105,115,121,127,186,225,246,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,155,191,199,204,207,204,202,207,212,189,150,163,194,204,207,209,209,163,5,0,87,194,217,0,0,95,129,124,98,98,111,129,181,225,225,228,196,29,131,168,170,181,181,176,176,178,181,181,176,163,107,113,165,178,178,178,183,183,170,170,176,183,178,186,191,191,186,176,178,189,199,207,209,207,196,129,130,189,199,202,196,186,186,189,189,186,181,178,178,178,186,196,194,196,196,186,135,135,181,135,129,130,207,215,215,209,209,212,215,215,215,215,215,217,217,217,220,222,225,228,228,225,222,220,218,218,218,218,218,220,220,212,196,119,129,143,189,204,215,215,217,222,225,225,225,222,222,217,207,204,204,207,209,207,205,205,209,215,225,230,230,228,225,225,217,209,202,194,191,191,191,139,133,137,189,199,199,189,136,133,207,209,207,215,217,217,215,225,209,207,199,189,139,135,199,196,194,191,133,135,220,233,235,233,230,230,230,230,230,230,233,233,225,207,196,196,199,199,196,202,209,215,209,196,191,190,204,225,228,222,215,207,196,189,142,189,199,204,207,215,228,233,230,228,222,215,212,212,209,204,202,215,215,212,207,196,135,115,105,246,233,191,127,128,189,215,217,207,204,212,225,228,233,233,228,225,222,217,202,189,182,183,191,196,191,183,132,126,135,212,212,207,199,189,183,194,194,131,111,117,199,215,222,228,230,215,196,189,186,189,189,194,196,189,183,178,176,133,65,61,186,233,241,238,230,225,222,222,225,228,225,204,33,39,191,202,215,217,222,230,230,228,220,212,204,196,191,189,202,209,207,202,204,212,217,212,212,212,204,199,207,225,230,233,235,235,235,228,199,183,189,191,183,191,209,207,194,186,181,181,182,183,202,212,123,115,131,183,202,199,194,189,186,191,199,202,207,215,222,212,194,185,186,199,204,199,195,199,212,209,199,194,191,186,186,194,202,196,187,189,204,225,230,230,230,230,217,196,189,194,196,194,186,136,137,191,191,181,133,186,209,225,228,228,233,230,212,199,191,191,194,191,191,194,196,199,194,189,135,119,119,235,156,170,209,222,207,194,194,204,204,202,199,196,196,199,196,194,147,144,144,194,207,215,222,228,233,238,235,230,225,222,217,215,215,217,222,228,228,228,225,228,230,233,233,230,228,230,228,228,228,230,230,222,207,204,209,196,136,136,137,135,136,141,186,139,135,135,186,202,202,183,183,199,215,222,222,212,204,199,189,183,181,131,127,128,133,178,181,178,131,131,189,212,230,112,119,133,127,125,137,181,136,137,196,196,191,199,215,222,222,222,225,225,225,225,225,225,224,224,225,228,228,230,228,225,222,222,222,228,230,228,228,225,225,217,216,216,217,217,217,215,212,212,212,212,212,209,207,204,204,207,207,212,217,222,218,222,225,225,222,217,217,217,217,215,215,212,212,212,212,217,222,225,222,217,217,217,215,212,215,217,217,222,217,215,212,209,209,212,215,215,217,217,225,228,233,233,228,217,207,204,207,199,147,196,215,217,217,217,212,207,209,215,222,225,222,209,199,194,202,204,196,191,189,135,134,186,194,189,186,189,191,191,189,194,204,212,217,217,215,212,209,209,212,215,215,212,207,204,204,204,202,196,186,131,133,186,191,194,191,189,183,176,131,176,189,186,181,133,126,127,128,131,129,129,183,186,178,194,207,212,207,194,183,183,194,202,91,41,49,217,222,212,209,209,211,215,217,217,215,215,215,215,215,217,222,222,222,217,217,215,217,217,217,215,212,212,207,191,137,191,215,225,222,209,196,189,183,183,137,123,110,115,191,199,196,196,194,137,191,212,222,217,207,207,212,217,220,215,209,204,199,204,207,204,207,207,209,212,209,209,212,215,212,209,204,204,199,196,195,199,209,212,212,212,207,209,212,209,207,204,207,199,143,199,207,207,215,222,215,215,215,217,222,222,217,212,199,190,192,199,207,212,212,207,202,194,189,191,202,202,129,128,194,207,212,212,209,204,202,202,202,204,204,207,212,209,204,202,207,215,222,222,215,213,213,217,225,225,225,228,228,230,230,230,228,222,212,207,212,222,225,228,233,233,230,225,220,217,217,217,215,207,204,204,204,207,204,196,191,189,186,183,186,189,189,183,181,183,186,183,137,137,183,183,183,189,196,196,196,199,199,191,137,133,131,137,191,204,209,215,220,222,228,230,225,222,217,215,212,212,215,215,215,212,202,189,137,135,133,133,178,178,133,115,102,103,103,93,82,109,189,183,178,178,181,178,129,124,125,133,189,196,196,189,189,194,194,194,196,202,212,215,213,215,217,212,196,135,124,123,123,133,153,215,233,241,241,238,241,246,251,255,255,254,251,248,248,248,248,251,251,251,251,251,251,248,246,243,243,241,238,235,233,228,225,217,215,209,209,209,209,209,209,209,209,209,212,212,209,207,209,212,212,209,207,202,202,199,196,194,191,191,191,191,189,189,191,194,194,194,194,196,199,202,202,204,204,202,202,199,199,202,204,207,209,212,212,215,217,217,217,215,215,215,215,215,215,215,217,217,217,215,212,212,212,215,217,222,222,222,217,217,217,217,217,215,217,217,217,215,215,217,217,217,222,222,222,225,225,225,225,222,222,222,217,215,212,215,217,217,222,225,228,225,220,212,212,212,215,217,222,225,228,225,225,222,222,225,225,217,215,212,212,212,212,212,209,209,207,207,205,207,209,212,215,215,215,215,215,215,215,215,217,217,222,222,225,228,230,230,233,235,235,235,233,230,230,233,233,230,228,222,217,212,209,204,196,186,181,181,181,183,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,17,41,64,43,43,45,53,77,82,82,82,59,59,63,59,57,51,39,19,16,16,19,43,71,126,134,121,129,137,126,105,65,53,37,35,47,87,98,98,103,124,139,126,121,116,105,105,108,108,100,0,0,0,0,0,0,0,0,255,255,255,255,255,147,120,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,79,30,0,0,0,0,0,0,35,30,0,0,4,14,7,35,0,255,255,255,255,255,255,194,79,35,30,35,53,0,0,0,0,0,0,0,98,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,150,238,248,183,61,0,0,0,0,0,0,0,0,41,173,147,113,63,69,45,0,0,25,126,165,165,161,178,217,243,243,235,238,246,254,255,255,255,255,255,248,255,255,255,255,255,255,251,233,228,224,241,255,255,248,235,248,255,255,251,235,243,255,255,255,255,255,29,17,21,15,0,0,15,63,92,47,17,0,0,0,0,0,0,0,31,9,9,27,53,56,66,90,95,43,0,0,0,0,0,0,0,0,0,0,12,46,0,0,0,0,0,0,98,66,14,0,0,0,0,0,0,3,5,1,3,3,11,15,11,5,3,13,13,0,0,0,0,0,0,0,0,0,0,0,157,212,238,225,222,199,196,186,157,101,103,150,163,163,117,157,165,173,173,173,196,199,170,155,157,173,204,222,215,204,204,204,199,152,65,0,0,17,47,157,93,75,73,95,103,91,77,71,87,170,199,199,196,189,170,103,77,85,155,186,168,117,107,106,109,170,183,173,115,101,101,113,176,189,186,173,121,107,105,105,119,170,176,176,121,109,108,108,119,176,189,191,191,196,189,181,178,176,176,168,168,168,168,168,168,173,170,165,121,111,109,113,163,178,178,173,176,191,181,173,178,150,67,25,15,15,5,0,0,0,0,1,25,53,85,152,160,150,152,160,165,139,51,37,79,47,13,31,73,105,119,181,196,202,202,202,209,220,209,207,209,225,233,238,248,248,254,248,241,220,178,152,107,150,163,173,163,124,29,0,0,0,0,0,0,15,63,160,178,147,108,0,0,0,0,0,41,131,165,186,204,233,235,212,173,165,196,233,0,0,0,0,0,0,255,0,0,0,0,0,0,254,255,254,220,173,134,82,27,0,0,0,0,0,0,0,0,0,0,0,7,53,150,196,199,196,183,176,170,165,168,176,178,183,186,199,189,186,178,178,178,178,176,168,123,119,119,123,119,117,113,105,96,105,125,189,191,194,191,204,209,217,217,215,194,186,183,178,178,178,183,186,181,165,113,101,95,95,95,89,85,73,57,57,61,63,53,43,47,63,85,103,147,165,176,176,165,160,160,165,160,157,147,103,97,93,97,107,147,147,109,103,97,91,91,97,113,173,183,178,172,176,186,196,207,191,191,207,215,217,217,209,186,131,127,131,186,222,235,235,225,204,181,133,127,133,186,204,204,194,191,202,212,204,191,186,186,181,176,191,207,194,155,91,87,91,99,101,101,95,95,95,107,165,194,204,204,194,173,150,87,75,87,101,139,139,101,89,65,55,61,69,71,89,147,170,194,212,191,113,105,115,117,123,176,215,233,243 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,147,186,194,202,207,202,194,194,194,176,150,160,186,196,204,202,163,98,33,92,152,173,204,9,0,23,69,100,116,124,134,157,176,189,204,222,199,142,150,165,173,181,181,176,176,183,191,186,183,191,194,178,173,178,183,176,169,170,178,194,204,207,125,170,186,186,183,191,194,199,207,209,209,207,199,176,176,196,202,199,189,177,177,178,178,177,177,181,194,207,215,215,209,212,212,202,191,191,194,194,137,137,209,215,215,212,212,212,212,212,215,215,215,217,220,217,215,215,217,225,228,225,222,222,220,220,220,220,220,222,222,217,137,94,113,135,143,207,217,217,217,222,222,225,225,225,222,220,212,205,204,209,212,209,207,207,212,217,228,230,233,230,225,222,212,196,187,187,190,194,191,139,141,189,189,194,196,186,132,126,194,207,212,222,228,228,228,230,230,222,207,186,137,212,222,215,212,207,108,99,139,228,235,238,235,230,228,228,230,228,228,225,212,199,196,199,207,207,202,199,202,212,215,207,192,187,199,217,215,207,202,199,194,143,142,196,204,207,207,212,225,233,233,233,225,215,212,215,215,204,199,212,215,207,194,137,121,102,76,243,238,212,135,134,196,222,228,217,209,217,230,233,235,233,228,230,230,222,194,182,186,189,194,199,202,199,183,126,131,207,209,202,196,186,182,207,217,194,117,121,194,212,217,225,225,209,196,194,196,191,189,194,196,191,186,181,133,189,178,41,99,241,243,243,220,212,220,222,217,215,209,30,9,109,199,209,215,217,225,230,230,228,222,215,207,202,194,191,196,202,202,204,215,225,228,228,225,225,212,202,202,217,233,235,230,220,215,212,183,133,196,186,135,186,204,202,191,182,179,183,183,189,212,225,117,103,127,207,215,194,186,186,186,194,202,207,207,209,212,207,191,185,186,196,202,199,195,199,209,212,207,194,186,139,140,196,209,204,190,190,207,225,233,233,230,228,222,199,189,191,196,196,186,133,133,137,186,186,181,186,202,217,228,230,230,222,207,196,183,181,191,199,207,215,217,215,204,189,129,116,117,215,147,165,209,217,207,191,143,196,199,196,199,199,196,196,196,196,191,145,145,199,215,225,230,233,235,238,238,233,228,228,228,225,222,217,222,228,230,228,225,225,228,230,230,230,228,230,228,226,226,230,233,230,222,212,209,194,136,137,137,133,133,189,196,191,136,134,186,207,212,199,194,194,204,215,217,215,209,202,181,136,137,133,129,131,135,132,132,133,135,189,209,220,212,125,127,133,117,115,135,139,136,136,191,199,196,199,212,217,215,215,217,222,222,225,225,225,224,224,225,228,230,228,228,225,222,221,222,228,228,228,225,225,222,217,216,217,220,222,217,212,211,211,212,212,212,209,207,203,202,204,207,212,222,225,222,220,222,225,225,220,217,217,217,215,215,212,212,212,212,217,222,222,222,222,222,222,222,217,217,222,222,222,217,215,212,212,212,215,217,217,217,217,222,228,230,233,230,225,222,217,215,212,207,209,215,217,215,212,209,207,209,212,222,225,222,212,202,196,191,194,199,199,207,199,137,135,186,186,135,134,186,196,199,199,204,209,215,217,217,217,217,217,217,217,217,215,209,204,204,207,209,204,194,126,127,178,186,189,186,186,181,133,123,121,127,133,176,133,128,128,133,176,127,121,181,194,129,196,212,220,207,186,181,183,196,212,194,47,40,125,220,217,212,212,215,215,215,215,213,213,215,215,215,217,222,222,222,217,215,215,215,215,212,207,204,207,207,191,127,137,212,225,225,217,212,202,183,137,137,123,104,99,102,139,186,194,199,189,199,215,217,204,143,199,209,217,217,212,202,194,199,209,212,209,207,204,205,212,215,215,215,217,217,212,207,202,202,202,202,209,217,222,217,215,209,209,212,212,209,207,207,194,143,202,207,205,212,222,217,217,217,217,222,217,212,204,198,198,199,202,207,212,215,209,202,196,190,191,199,204,199,194,199,209,215,215,209,204,202,199,199,199,199,202,207,209,204,199,202,217,225,225,215,211,212,217,228,230,228,228,228,228,228,228,228,225,207,203,204,215,225,228,230,233,230,228,222,220,220,217,215,209,204,204,207,209,204,196,191,189,141,140,183,189,189,183,137,137,183,186,183,181,183,186,186,189,194,196,194,194,196,196,189,139,135,135,143,196,204,212,217,222,228,230,225,217,215,215,215,215,215,215,215,207,196,183,135,131,131,131,133,133,125,107,98,94,103,105,97,113,176,181,186,181,181,178,133,127,129,137,191,196,196,191,189,194,191,194,196,202,215,222,217,213,215,212,199,131,125,125,123,127,151,217,238,246,246,241,241,246,254,255,255,251,246,246,248,248,248,251,251,251,251,251,251,248,246,243,243,241,238,235,233,228,225,220,215,212,209,209,209,209,207,204,204,209,212,212,207,203,207,209,212,209,204,202,199,196,196,194,191,194,194,191,189,189,191,194,194,194,196,199,199,202,204,204,204,204,204,202,202,202,204,207,209,212,215,215,217,217,217,217,215,215,215,215,215,217,217,217,217,215,215,212,212,215,217,222,225,222,222,222,222,217,217,217,217,217,217,217,217,217,217,222,225,222,225,225,225,225,225,225,225,225,222,212,211,212,215,217,222,228,228,225,222,217,217,217,222,222,222,225,228,228,225,225,225,228,228,222,217,215,215,215,215,212,209,209,207,207,205,207,209,215,215,217,217,217,217,217,217,217,217,217,217,217,222,225,228,230,233,233,233,233,230,230,230,230,230,230,225,222,215,209,204,202,199,194,189,186,183,183,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,31,74,77,77,74,77,85,92,92,92,85,65,65,65,65,59,51,33,23,23,25,29,57,124,163,176,186,194,176,129,75,65,59,53,45,53,67,95,98,121,155,163,137,131,129,111,100,105,124,126,0,0,0,0,0,0,0,0,255,255,255,255,255,129,121,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,87,30,0,0,0,0,0,0,1,0,0,0,0,0,0,27,0,0,222,243,255,255,255,178,103,61,38,25,30,0,0,0,0,0,0,0,113,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,183,222,176,92,13,0,0,0,0,0,0,0,100,144,113,53,49,53,27,0,0,83,155,178,178,178,196,235,251,251,243,243,246,246,254,254,255,255,248,235,238,255,255,255,255,255,255,241,233,224,233,255,255,255,247,255,255,255,251,235,235,205,186,203,255,255,43,3,5,5,0,0,0,37,103,95,25,0,0,0,0,0,0,0,25,0,0,0,7,29,51,66,74,59,7,0,0,0,0,0,0,0,0,0,12,46,0,0,0,0,0,0,82,43,7,0,0,0,0,0,0,5,5,0,0,0,7,17,17,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,131,212,225,215,207,191,173,157,101,93,97,150,152,111,109,113,119,160,173,196,215,196,183,183,189,212,222,215,202,189,181,168,144,77,35,23,65,79,101,79,59,60,87,99,93,80,79,99,186,199,199,191,176,113,89,71,77,113,181,168,115,108,107,113,165,178,173,160,113,115,170,183,189,183,121,105,102,102,104,119,176,183,183,176,117,108,108,119,176,189,191,196,196,191,181,176,176,176,176,170,178,176,181,176,176,173,173,165,121,119,168,178,186,186,183,186,186,168,165,173,150,63,29,21,41,25,9,1,0,0,15,57,85,152,168,178,163,150,150,152,144,137,163,170,45,6,17,55,79,107,163,181,186,191,196,199,209,215,215,215,208,215,228,238,248,254,254,248,235,220,202,178,176,181,183,170,124,29,0,0,0,0,0,29,53,126,157,150,116,55,0,0,0,0,0,47,137,165,183,196,212,225,212,194,189,215,241,254,0,255,0,0,0,0,0,0,0,0,0,0,254,254,238,178,116,74,51,27,5,0,0,0,0,0,0,0,0,0,0,0,90,168,209,209,196,178,168,160,160,163,168,170,183,199,202,199,183,181,178,181,189,186,176,168,125,123,119,113,107,103,97,94,97,119,178,189,189,183,189,191,207,207,194,183,186,183,183,178,183,191,194,191,173,115,101,93,89,85,85,75,63,55,53,57,57,53,43,41,53,75,93,139,155,168,173,168,165,165,165,165,155,147,103,97,97,101,147,157,157,113,107,97,89,85,93,113,178,191,191,176,176,183,191,194,191,191,207,215,222,217,209,186,135,129,129,183,215,233,222,194,133,124,127,133,191,204,212,204,191,194,207,215,212,202,191,191,181,176,191,207,194,115,90,87,91,99,105,107,107,101,107,157,176,186,183,173,183,186,173,142,101,139,157,165,157,139,91,69,61,65,73,71,91,163,191,207,202,170,105,105,115,121,121,173,204,225,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,150,173,181,183,189,189,189,186,181,155,137,157,173,178,176,103,19,31,47,92,157,160,181,19,0,0,57,65,126,129,139,163,157,122,124,130,135,144,155,168,178,181,178,176,178,189,196,186,178,183,191,181,123,163,176,170,164,168,186,209,222,225,109,112,129,176,181,191,199,207,212,212,207,204,199,181,178,191,194,189,181,177,178,178,177,177,178,189,204,215,217,217,215,217,220,212,202,199,199,194,139,183,207,212,215,215,215,212,211,212,215,215,217,222,222,217,213,213,215,222,225,228,225,222,222,222,222,222,222,222,225,228,196,105,120,131,137,199,207,212,215,217,215,217,222,225,225,222,215,209,207,209,215,212,209,209,212,222,225,228,228,228,225,225,215,199,189,189,191,194,143,141,191,196,186,186,194,189,135,133,194,209,217,225,230,228,228,233,238,228,212,135,124,225,225,212,215,217,102,82,107,207,230,235,233,233,230,228,225,222,215,204,199,199,204,215,217,212,202,196,196,199,204,204,196,190,196,204,202,191,189,191,191,143,145,204,212,215,212,215,222,230,235,233,222,212,212,222,222,209,196,196,202,199,189,139,131,109,80,225,233,225,191,183,202,225,233,209,196,207,225,230,230,233,233,233,228,217,186,182,191,189,191,202,207,209,194,131,132,196,202,194,189,186,189,196,102,104,129,131,191,204,212,217,215,199,191,196,202,191,183,189,189,181,183,191,186,202,202,3,11,91,77,67,59,93,215,222,212,176,61,0,0,129,207,217,215,222,228,230,228,222,222,217,215,209,204,196,194,194,196,207,222,230,233,233,233,233,222,204,202,217,233,233,217,186,183,186,87,67,129,129,129,137,191,191,183,178,177,186,191,199,209,212,135,124,183,207,212,179,179,183,185,191,199,202,199,194,189,186,186,186,189,194,199,199,196,199,207,209,204,194,141,139,141,207,225,217,196,191,202,217,228,228,228,225,217,202,187,191,202,202,191,134,133,137,189,191,186,183,191,207,215,228,217,181,181,181,131,128,191,215,228,230,230,225,209,186,123,118,125,212,185,199,215,217,212,196,139,141,141,189,207,209,199,196,202,202,199,196,202,215,225,230,233,233,235,238,241,233,228,228,230,233,228,222,222,228,230,225,221,222,225,228,230,230,230,230,228,226,226,230,233,233,230,225,212,141,131,139,141,137,137,196,202,202,194,196,209,217,217,209,202,189,191,207,215,212,207,194,132,133,186,189,189,194,186,132,131,133,183,204,222,222,207,191,199,204,115,109,123,137,137,137,189,204,207,209,217,215,212,212,215,217,222,225,225,225,225,225,228,230,230,228,225,225,222,222,225,228,230,228,225,222,222,222,217,220,225,225,222,215,211,211,212,212,215,212,209,203,202,204,207,212,222,225,222,217,222,225,225,222,222,222,222,217,217,215,212,212,215,217,222,222,222,222,225,228,225,225,222,225,225,225,217,212,212,212,212,215,217,222,220,217,222,228,230,230,230,230,230,228,225,222,222,220,217,222,212,204,204,207,209,212,215,225,222,212,207,199,137,133,143,199,207,199,133,128,130,130,127,130,139,194,199,202,207,209,215,222,222,225,225,222,220,217,215,215,209,207,209,212,215,212,202,133,129,176,178,181,176,178,176,129,121,120,120,120,127,183,194,183,181,183,181,125,103,79,65,183,207,215,202,183,181,183,196,209,209,85,32,41,196,222,225,225,222,217,215,215,213,213,215,215,215,217,217,222,222,217,215,212,207,202,196,189,139,191,204,202,104,102,196,222,222,222,217,191,133,135,199,222,204,112,108,137,183,186,189,186,194,209,212,140,134,189,207,215,215,209,194,185,190,209,215,215,209,204,205,212,215,215,212,215,215,212,207,204,207,209,212,217,222,222,215,212,209,209,212,215,215,212,204,145,143,204,209,207,215,222,222,222,215,215,215,212,204,199,198,204,204,202,204,212,215,207,199,199,202,199,199,199,199,202,207,212,215,215,209,204,199,198,198,196,196,199,209,212,207,147,145,207,222,228,217,213,213,217,228,230,230,228,228,226,226,228,228,225,207,202,203,209,222,225,228,230,228,228,225,222,222,220,217,209,204,203,207,209,204,196,189,186,141,140,183,189,189,186,137,136,137,183,186,183,186,186,186,189,191,194,191,191,196,204,207,196,186,139,141,191,199,207,215,217,228,230,225,215,213,215,215,215,215,212,209,204,194,139,133,131,129,127,127,127,123,115,105,101,113,119,113,121,133,183,191,186,183,181,178,137,137,183,191,196,194,189,189,191,191,194,202,209,222,228,225,215,215,215,209,194,149,147,122,115,124,204,243,248,246,241,241,246,251,255,255,248,244,246,248,248,248,251,251,251,251,251,251,248,246,243,243,241,238,235,233,228,225,220,215,212,209,209,209,207,204,200,200,207,212,209,204,203,207,209,209,207,204,202,199,196,196,194,194,194,194,191,189,189,191,191,194,194,196,199,202,202,204,204,204,207,204,204,204,204,207,209,209,212,215,217,217,222,217,217,217,215,215,215,217,217,217,217,217,217,215,212,209,212,215,217,225,225,225,225,222,222,217,217,217,217,217,217,217,217,222,225,225,225,225,225,228,228,225,225,225,228,222,212,211,211,215,217,225,228,228,225,222,220,222,222,222,225,225,225,228,228,228,225,225,225,225,222,217,215,215,215,215,212,209,209,209,207,207,209,212,215,217,222,222,222,222,222,222,222,222,217,217,217,217,222,225,230,230,230,230,230,228,228,228,228,228,228,228,222,215,209,204,202,199,199,196,191,186,183,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,41,82,90,85,85,92,100,100,100,92,65,65,92,92,65,59,51,33,27,33,45,51,71,155,194,220,254,254,204,129,65,61,61,59,67,95,90,90,105,129,163,163,150,150,137,116,103,121,155,163,142,0,0,0,0,255,0,0,255,255,255,255,255,147,139,181,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,87,27,0,0,0,0,0,0,0,1,0,0,0,0,0,9,0,150,170,207,255,255,255,155,111,87,53,25,35,0,0,0,0,0,0,0,0,79,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,92,147,147,111,69,19,0,0,0,0,0,0,92,100,39,21,29,53,47,0,0,61,139,165,178,181,196,225,235,254,254,251,243,246,254,255,255,255,248,235,230,241,255,255,255,255,255,255,251,233,229,255,255,255,248,255,255,255,243,235,235,185,177,200,255,230,45,3,3,0,0,0,0,19,90,113,45,0,0,0,0,0,0,31,37,1,0,0,0,0,5,25,61,61,27,0,0,0,0,0,0,0,0,0,12,48,0,0,0,0,0,0,92,53,12,0,0,0,0,0,0,3,0,0,0,0,7,38,56,56,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,168,215,215,209,191,173,168,157,101,95,101,101,101,99,97,95,95,113,186,207,202,207,207,207,215,215,204,189,160,150,150,150,105,93,85,73,73,89,75,59,65,79,89,91,86,93,157,199,207,194,168,152,101,81,75,93,152,178,165,111,109,111,160,176,186,178,163,160,170,181,183,183,173,111,100,102,102,111,165,183,191,191,183,163,117,117,168,181,191,196,196,199,189,178,168,170,176,178,178,186,194,194,194,183,183,181,181,170,173,178,178,186,186,194,194,186,157,103,93,79,53,33,37,65,47,21,13,7,9,31,81,152,165,178,191,181,160,150,152,157,173,186,160,21,8,37,67,83,101,119,170,178,178,186,194,207,217,228,215,208,208,215,230,241,254,254,251,246,243,233,217,183,181,173,144,75,31,0,0,0,0,0,23,49,116,150,142,63,31,0,0,0,0,29,111,147,160,165,183,196,209,212,204,209,233,243,243,254,255,255,255,0,0,0,0,0,0,0,0,246,241,215,142,66,29,25,23,5,0,0,0,0,0,0,0,0,0,0,0,0,176,207,207,196,176,160,157,157,160,163,170,178,199,202,202,189,181,181,186,199,189,186,170,125,115,109,103,97,97,97,94,97,113,125,127,173,173,181,189,204,204,191,183,183,186,183,183,186,194,209,207,176,119,107,97,93,85,75,63,57,47,47,53,57,53,41,39,47,75,97,139,152,168,176,176,173,168,168,165,155,107,99,93,93,103,147,160,165,155,113,101,89,85,93,113,173,191,191,183,176,178,183,186,186,191,207,215,217,215,209,194,183,131,129,131,194,207,194,133,124,123,133,204,212,222,212,191,189,191,204,207,204,191,191,191,181,173,181,194,181,113,87,89,99,107,113,150,150,157,165,168,165,157,107,142,183,215,204,183,165,168,183,183,170,147,91,69,61,65,73,69,75,155,181,191,181,113,102,113,165,121,117,127,194,215,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,152,165,165,165,173,176,176,176,173,150,135,150,157,144,116,0,0,0,33,49,139,160,170,17,0,0,0,35,77,113,126,155,150,130,130,124,126,140,157,170,181,183,178,173,176,178,181,170,165,168,173,168,109,110,170,173,166,170,194,212,225,233,110,112,123,173,183,189,194,202,209,209,207,199,191,133,133,183,186,183,181,181,186,183,181,178,181,194,209,217,217,215,212,215,217,207,196,194,191,139,137,186,207,212,217,217,215,212,211,212,215,215,215,222,225,222,215,213,213,220,225,228,225,222,222,222,222,222,222,222,225,225,209,137,137,131,125,135,141,191,207,215,217,215,217,222,225,217,215,212,209,212,215,212,207,207,212,217,225,225,225,228,228,225,217,212,202,196,191,143,137,135,139,186,139,186,194,194,191,191,196,207,215,220,225,225,228,233,235,225,202,121,118,215,217,204,209,222,202,115,139,204,220,212,222,230,230,222,215,215,212,199,199,207,222,230,228,215,204,196,145,139,135,191,202,196,194,194,191,189,189,145,145,191,196,207,217,222,222,212,209,217,230,228,217,212,215,222,222,209,196,191,194,199,202,199,196,141,125,212,228,225,207,202,209,212,196,183,99,99,194,215,217,222,228,215,194,199,183,189,196,181,183,196,204,202,194,183,189,204,204,194,189,191,189,181,74,81,181,183,189,194,202,209,204,189,186,191,196,186,181,183,181,131,133,183,186,196,196,0,0,0,0,0,0,85,217,222,209,123,40,0,5,123,202,222,222,225,228,228,225,222,225,225,222,217,212,199,189,141,189,204,222,230,233,235,235,235,228,212,207,215,225,222,186,117,125,131,51,30,64,121,131,181,186,189,186,181,179,186,194,199,199,196,189,183,186,191,202,177,179,185,183,191,199,199,196,186,137,136,183,194,196,196,199,199,199,202,202,202,199,194,186,140,186,209,228,222,202,194,202,212,217,222,217,215,212,202,191,194,204,207,194,137,137,186,191,194,189,137,181,191,196,204,129,80,109,129,127,122,199,225,230,228,225,222,209,183,119,119,194,228,233,230,228,225,222,207,137,131,130,135,225,228,202,145,199,204,204,207,217,228,228,230,233,233,235,241,238,230,215,212,225,233,230,225,225,225,228,225,222,220,222,225,228,230,230,230,228,228,228,230,233,233,233,230,212,139,129,191,194,189,191,199,207,209,215,217,225,225,222,217,209,185,186,199,204,204,196,133,129,137,202,209,222,222,189,135,135,178,189,207,222,222,209,207,225,235,119,111,119,131,133,139,194,215,222,225,225,217,213,213,217,222,222,225,225,225,222,225,228,233,233,230,228,228,228,228,228,230,230,228,225,222,222,222,217,217,222,225,225,217,212,212,212,212,215,215,215,209,207,207,207,209,215,222,217,217,217,225,225,222,222,225,225,225,217,215,212,215,217,222,225,222,222,222,225,228,228,225,225,225,225,225,215,211,212,212,212,212,217,222,220,217,222,228,233,233,230,230,230,230,230,228,225,222,222,217,199,141,147,202,209,209,212,220,222,215,209,202,132,127,132,189,191,139,132,130,132,132,129,135,189,194,194,196,202,209,212,217,222,222,222,222,217,215,215,215,212,209,212,212,215,215,207,186,133,129,127,127,127,129,129,127,123,123,120,118,121,189,207,202,191,194,204,199,87,60,57,109,181,199,196,186,189,196,204,212,222,139,35,26,63,204,225,225,225,222,217,215,215,215,215,215,217,217,217,217,217,217,212,199,137,131,129,121,115,129,196,202,107,104,125,204,217,215,207,135,128,130,196,230,225,199,189,189,183,137,129,129,129,186,196,137,132,196,212,209,209,207,191,177,189,212,217,222,215,207,209,215,217,215,209,209,212,209,209,209,212,212,212,217,225,217,209,208,209,215,217,222,225,215,196,139,142,209,217,217,222,222,225,222,212,207,207,204,199,199,199,202,202,199,202,209,215,209,202,202,207,209,204,198,196,202,209,212,215,215,209,207,204,202,202,199,199,204,212,217,209,146,141,147,212,225,222,215,215,222,228,230,230,230,228,228,228,228,228,222,209,204,205,209,217,222,225,225,225,225,225,222,222,222,217,212,204,203,204,207,202,194,143,186,141,141,186,191,194,191,183,137,136,137,183,186,186,189,189,189,189,189,189,191,196,209,217,209,202,189,141,143,196,204,212,217,225,228,222,215,213,215,215,215,215,212,207,199,191,137,133,131,129,127,127,127,127,125,121,121,123,127,125,127,178,183,191,191,189,189,189,191,191,194,194,196,194,189,187,189,191,199,209,215,222,228,225,217,215,215,215,212,212,204,120,110,117,143,233,243,241,238,238,241,246,251,251,248,246,246,251,251,248,248,251,251,251,251,251,248,246,243,241,241,238,235,233,228,225,220,215,212,209,209,209,209,202,199,198,204,209,207,204,204,207,209,207,207,207,202,199,199,199,196,196,194,194,191,191,191,191,191,191,194,196,199,202,204,204,204,207,207,207,207,207,207,209,209,209,212,215,217,222,222,222,217,217,217,215,217,217,217,217,222,222,217,215,212,209,209,212,217,222,225,228,225,225,222,222,217,217,217,217,217,217,222,225,225,228,228,228,228,228,228,228,225,225,225,222,215,212,212,215,220,225,228,228,225,222,222,222,222,225,225,225,225,228,230,228,225,222,222,222,222,217,217,215,215,215,212,212,212,209,207,209,212,215,217,217,222,225,225,225,225,225,225,222,217,215,215,215,217,225,228,230,228,228,228,228,228,228,228,228,228,228,225,217,212,204,202,199,199,196,194,186,183,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,59,82,90,90,92,95,103,103,100,92,65,92,92,98,71,63,51,33,27,39,51,57,77,163,196,222,0,255,196,103,53,53,59,63,116,121,103,90,108,139,165,0,0,176,150,111,98,116,155,155,111,111,176,255,255,255,0,0,255,255,255,255,241,176,170,191,202,241,0,228,0,0,0,0,255,255,241,220,0,0,0,0,129,87,27,0,0,0,0,0,0,0,27,43,14,0,0,0,0,0,100,139,191,241,255,255,168,121,113,79,35,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,51,126,144,129,118,98,72,59,35,17,3,17,39,33,5,0,15,61,71,0,0,0,61,139,165,178,186,204,225,254,255,254,251,251,255,255,255,255,255,248,239,241,255,255,255,255,0,0,255,233,224,233,255,255,248,243,248,251,241,235,235,217,212,254,255,69,73,37,13,0,0,15,29,15,31,82,45,0,0,0,0,0,47,134,100,25,0,0,0,0,0,0,61,77,43,0,0,0,0,0,0,0,0,0,0,46,0,0,0,0,0,0,113,79,38,0,0,0,0,0,0,0,0,0,0,0,9,35,79,95,72,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,163,183,189,186,168,168,176,165,101,81,84,93,99,97,90,89,99,173,196,196,215,215,207,196,194,176,163,107,100,107,157,163,152,103,67,52,73,73,61,67,73,83,87,91,101,150,186,199,191,157,99,81,75,93,152,168,165,155,111,111,117,176,186,186,178,163,163,170,181,176,173,168,111,102,105,111,121,170,186,194,191,183,168,117,117,163,176,183,186,191,196,186,170,161,164,176,183,186,191,194,202,202,194,191,191,196,191,186,186,186,189,196,204,202,186,165,139,81,61,47,39,53,71,47,23,15,11,13,41,126,157,157,168,191,191,168,157,170,173,173,157,91,29,15,57,87,89,99,113,121,170,173,181,196,209,220,228,225,217,215,212,215,233,248,254,254,251,255,251,233,196,176,152,65,31,11,0,0,0,0,0,11,35,63,126,116,49,21,0,0,0,0,100,150,155,155,155,165,186,202,209,212,225,235,241,235,241,255,255,255,0,0,0,0,0,0,0,0,243,225,181,105,43,19,13,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,196,176,160,152,152,157,165,170,170,178,199,202,202,199,183,186,189,199,189,181,168,115,105,97,89,89,97,99,99,101,107,107,107,111,121,173,191,207,215,204,191,194,191,186,183,191,207,217,217,186,165,113,107,101,93,75,63,51,41,40,45,53,51,40,38,47,75,101,139,152,165,176,176,173,173,173,165,152,103,93,83,89,99,147,157,165,165,155,109,93,88,91,107,165,181,181,181,176,176,173,176,186,194,209,215,209,209,209,207,191,137,129,129,139,194,194,139,129,133,191,222,233,233,212,187,186,191,194,191,181,176,181,181,181,170,170,181,163,101,90,99,113,163,163,163,165,165,173,160,107,95,87,103,186,233,233,215,194,183,183,183,170,147,89,65,61,65,69,67,67,105,163,163,119,103,102,121,173,127,115,121,183,204,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,157,157,155,160,168,170,163,157,157,150,142,150,150,137,113,0,0,0,0,41,100,147,155,23,11,0,0,11,61,77,118,150,155,155,181,186,150,147,160,170,178,189,181,173,173,170,168,165,164,168,170,115,103,104,165,176,176,181,199,215,225,238,127,122,173,183,196,191,178,173,189,202,202,189,127,125,131,189,194,191,186,189,194,191,186,183,183,196,212,222,222,215,212,212,212,194,137,181,183,137,137,191,209,212,217,215,212,211,211,212,212,212,215,217,225,225,217,213,215,220,225,225,225,222,222,217,217,217,217,222,222,222,207,135,131,121,117,121,121,123,191,215,222,217,217,217,220,217,217,215,212,215,215,212,207,203,207,215,222,222,225,230,230,222,222,222,222,209,189,139,133,124,124,133,141,189,194,189,194,202,194,196,199,204,215,222,228,230,228,217,141,120,123,212,222,202,196,215,230,228,209,191,137,135,202,222,225,215,212,212,217,215,215,222,230,233,228,212,202,194,141,134,128,137,212,209,196,145,145,191,194,191,191,196,202,209,215,222,217,204,145,199,217,225,222,215,217,222,222,212,199,191,195,209,217,222,217,217,215,215,222,225,228,233,228,93,0,0,0,0,0,105,186,199,196,109,99,131,183,196,199,138,138,186,194,189,183,194,212,222,215,191,191,191,138,139,133,133,186,191,186,183,191,204,199,189,186,186,191,183,181,186,186,135,131,129,133,178,178,0,0,0,0,0,0,176,233,228,225,215,109,85,93,119,194,222,230,233,230,228,222,222,225,228,222,212,202,139,136,137,141,199,215,228,233,235,233,233,228,215,207,207,202,204,125,103,117,129,44,13,44,129,189,191,189,196,199,194,191,191,196,202,204,196,186,181,178,178,191,183,186,191,186,196,207,202,199,191,137,136,196,212,209,202,199,202,202,204,202,199,196,194,189,141,189,202,215,209,196,196,202,209,215,212,207,204,204,204,194,194,202,204,196,186,191,196,194,194,186,131,135,189,189,133,86,59,91,129,131,125,207,225,228,217,212,209,204,183,115,105,207,230,235,233,230,230,225,215,135,128,127,131,230,235,202,140,145,199,204,212,225,230,228,230,233,233,235,238,235,222,199,151,209,228,233,230,228,225,225,228,225,220,221,225,228,228,230,230,228,228,230,235,235,235,235,230,212,194,143,212,202,191,189,202,212,222,225,225,222,222,222,217,209,185,185,191,194,191,183,132,133,204,217,225,233,228,129,137,183,183,189,204,215,215,209,209,225,230,125,116,123,125,121,196,207,228,233,230,230,225,217,222,225,228,228,228,228,222,220,222,230,233,233,230,230,230,230,228,228,230,230,228,225,222,222,222,217,217,217,222,222,217,215,215,215,212,215,217,220,217,215,209,207,207,209,212,212,212,217,225,225,225,225,225,228,225,217,212,211,215,222,225,225,222,222,222,225,225,225,225,222,225,222,217,212,212,215,217,217,217,222,225,222,217,222,225,230,233,230,228,222,222,228,230,225,225,222,149,126,120,126,147,207,209,212,220,222,215,207,199,135,129,137,139,130,128,133,143,199,204,207,209,207,196,189,189,194,202,207,215,217,217,215,215,215,217,215,215,215,212,212,215,217,217,209,189,133,128,123,124,125,128,131,129,127,133,131,121,123,183,204,212,207,207,215,212,113,76,85,95,125,194,199,202,207,212,212,222,238,235,67,18,23,93,202,222,225,225,217,217,215,215,215,215,215,217,217,212,209,209,204,139,121,115,111,107,105,115,191,202,181,121,121,135,207,207,186,133,130,130,130,131,135,189,194,191,139,129,119,120,114,120,141,140,138,212,217,207,204,204,199,183,204,222,222,222,217,209,212,217,217,217,212,209,207,207,209,212,212,209,212,217,222,217,209,208,215,225,225,228,228,212,142,137,143,217,225,228,228,225,225,217,202,196,199,199,198,199,202,199,198,198,202,207,212,207,199,198,207,212,209,202,198,199,207,209,209,212,212,212,212,215,215,212,207,207,212,215,207,147,142,147,207,217,217,215,217,225,228,230,230,230,233,233,233,230,228,217,212,209,209,212,215,222,222,222,222,225,225,225,222,222,217,212,204,202,203,204,199,191,143,141,141,141,189,194,196,194,189,183,137,136,181,186,186,189,191,191,189,187,189,191,196,207,215,215,209,199,189,189,196,204,209,217,225,225,222,215,215,215,215,215,212,209,202,196,189,137,131,129,129,129,131,133,133,133,129,127,129,178,176,129,176,183,191,194,191,189,191,196,199,199,196,196,194,189,187,189,191,202,215,217,217,217,220,217,215,215,215,212,209,207,139,125,139,151,217,233,235,230,230,233,238,243,248,248,246,248,251,251,248,248,251,251,251,251,251,248,246,243,241,238,235,235,230,228,222,217,215,212,209,209,212,209,207,200,199,204,207,207,204,207,207,207,207,209,207,204,202,202,202,199,196,194,194,191,191,191,189,189,189,191,194,196,202,204,204,207,207,207,209,209,209,209,209,209,212,215,217,217,222,222,222,222,217,217,217,217,217,217,217,222,217,217,215,212,209,209,212,215,222,228,228,228,225,225,222,217,217,217,217,217,222,225,228,230,230,230,228,228,228,230,228,228,228,225,222,217,217,217,217,220,222,225,225,222,222,222,222,225,225,225,225,225,228,228,228,225,222,217,217,217,215,215,215,215,212,212,212,212,209,209,209,212,215,217,222,222,222,225,225,225,225,225,222,217,215,215,215,217,222,228,228,228,225,225,225,225,225,225,228,228,228,228,220,212,204,199,196,196,194,191,186,181,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,45,77,90,90,92,95,100,100,95,92,92,71,98,100,75,69,57,39,27,31,33,45,71,147,165,181,222,207,137,53,35,45,53,61,121,121,95,87,108,152,0,0,0,196,139,95,77,90,105,98,74,74,126,220,255,254,255,255,233,233,255,255,217,183,191,199,215,235,228,202,194,0,0,0,235,241,230,207,0,0,0,0,0,95,46,1,0,0,0,0,0,0,38,95,82,0,0,0,0,0,77,121,178,212,235,233,178,137,129,113,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,56,134,144,137,124,105,79,61,35,31,31,27,17,0,0,0,0,51,59,0,0,0,33,139,178,191,194,204,220,246,254,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,233,222,229,248,255,248,243,246,255,255,243,235,243,241,228,255,0,61,21,0,0,0,27,53,15,11,49,45,0,0,0,0,15,144,191,157,37,0,0,0,0,0,5,74,95,53,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,121,77,22,5,0,0,0,0,0,0,0,0,0,1,15,69,95,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,63,137,155,160,159,176,176,95,63,69,87,107,107,93,90,107,173,173,186,207,207,183,163,155,113,107,98,96,103,150,155,147,99,57,46,53,61,61,67,67,79,87,89,89,93,147,178,178,111,79,63,73,107,178,178,152,111,111,117,173,186,191,186,181,176,170,176,181,176,163,160,113,111,160,173,170,178,186,186,183,170,117,109,109,119,173,176,178,181,191,186,165,157,164,176,186,194,191,194,202,202,194,191,191,199,207,199,191,189,196,204,209,202,183,176,168,103,69,61,59,67,69,43,19,13,9,10,31,87,139,134,147,178,189,176,170,178,178,147,81,71,47,29,59,73,79,81,99,119,170,178,186,209,220,228,220,217,217,215,204,203,225,246,254,246,251,255,255,238,209,183,147,33,0,0,0,0,0,0,0,23,39,55,61,55,43,25,0,0,0,0,150,183,170,152,150,155,176,196,212,225,235,243,235,235,235,254,255,255,0,0,0,0,0,0,0,255,246,217,157,82,35,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,160,173,168,155,151,152,160,176,176,176,178,186,199,202,199,189,189,199,199,189,176,123,109,97,86,84,89,103,109,103,97,95,85,85,101,119,176,204,217,222,217,215,215,204,191,186,191,215,225,215,191,173,121,119,113,101,83,63,47,40,38,41,47,47,39,37,43,69,93,139,147,165,173,173,173,173,173,165,150,99,83,75,83,95,107,155,165,165,165,113,101,93,93,103,115,165,173,176,183,176,170,173,183,207,209,207,194,207,209,215,207,186,135,129,183,207,215,207,183,181,194,217,233,233,207,186,186,194,204,183,174,172,174,181,181,176,173,170,119,99,95,107,163,170,170,163,157,157,157,107,75,75,89,150,204,243,254,225,194,181,173,165,163,105,83,65,61,69,73,67,67,99,155,155,113,105,105,125,170,121,111,115,127,194,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,144,147,139,152,160,170,163,137,131,142,144,152,155,152,160,118,0,0,0,0,67,134,142,75,7,0,3,121,118,85,126,152,157,165,178,181,173,165,165,173,183,191,191,183,181,176,170,169,170,176,173,117,108,110,127,170,173,181,204,215,222,209,183,176,183,202,215,207,117,113,131,133,133,131,114,125,186,207,212,204,194,191,194,194,191,186,186,196,207,215,222,215,209,209,196,127,125,131,137,139,139,191,204,212,215,217,212,212,212,212,209,208,212,217,225,222,217,215,215,220,225,222,222,222,217,215,215,215,217,222,222,222,212,137,123,113,116,119,114,119,133,202,217,222,217,217,217,217,217,217,217,217,222,215,207,203,204,212,217,222,228,230,225,217,222,228,230,228,204,189,137,126,124,137,196,196,185,185,189,191,186,141,139,191,209,217,222,228,222,202,126,123,141,217,225,209,199,189,207,228,207,141,133,125,196,189,209,212,215,222,225,225,228,228,230,230,225,212,204,199,145,137,135,191,212,212,202,191,145,145,194,191,191,194,204,209,217,215,196,133,132,142,209,222,225,225,225,228,225,215,207,204,207,217,230,233,230,230,228,222,225,228,230,243,246,33,0,0,0,0,0,0,35,71,117,59,77,119,191,196,191,183,138,139,186,183,133,137,222,233,217,186,181,186,186,186,186,139,186,196,181,133,186,207,207,194,187,187,191,194,186,191,194,186,131,127,127,129,125,97,3,0,0,0,27,212,230,233,235,233,225,212,196,129,186,209,230,238,233,225,222,222,222,217,215,207,191,137,135,136,141,194,209,228,233,233,233,230,228,217,207,88,49,90,207,102,91,103,125,189,181,194,196,204,181,209,217,217,215,215,215,225,225,209,181,177,177,179,186,194,199,196,194,199,207,204,194,196,138,134,209,217,207,194,196,202,202,204,204,202,199,199,194,191,191,196,199,199,191,194,204,212,215,209,199,196,202,204,194,191,194,204,209,209,212,212,207,202,183,115,127,204,183,123,87,81,111,135,178,181,196,217,215,204,196,189,191,186,105,91,121,217,228,228,230,225,215,202,133,126,127,137,204,207,196,144,142,145,202,215,222,225,225,228,230,233,235,238,235,225,204,147,145,151,228,233,230,228,230,230,225,220,220,225,230,230,230,230,228,228,233,235,235,235,235,233,209,199,196,199,196,189,189,207,225,230,228,222,222,222,217,209,196,190,194,194,186,181,181,181,189,207,215,222,230,204,113,129,191,183,133,189,202,207,209,212,225,215,123,123,127,123,131,215,225,230,233,233,233,230,228,230,230,230,230,233,230,225,220,225,230,233,230,230,233,233,233,228,228,230,228,228,225,225,225,222,222,222,217,217,222,222,222,222,217,215,217,225,225,222,217,215,212,212,212,212,212,215,222,225,225,222,225,225,225,225,217,211,211,215,222,225,225,222,221,222,225,225,222,222,221,222,222,217,215,217,222,225,225,225,228,228,228,222,222,225,228,228,228,222,218,218,225,228,228,225,217,199,126,118,120,139,204,212,215,222,225,220,215,209,204,202,199,191,132,129,141,212,217,215,215,217,215,202,141,136,141,196,209,222,222,215,213,213,217,222,222,217,215,215,215,217,217,215,212,194,183,181,181,176,129,133,181,133,176,186,191,178,129,181,199,212,215,217,220,212,194,131,115,109,133,202,209,212,215,215,212,217,238,235,220,49,9,34,71,133,241,222,215,217,217,217,212,207,204,212,225,194,137,131,191,191,186,127,109,106,107,121,191,209,222,196,78,116,133,186,129,129,186,181,122,114,118,129,186,183,135,133,131,128,118,110,191,202,209,217,215,207,204,207,209,212,215,215,209,212,217,215,215,217,222,217,215,212,205,204,207,209,209,207,209,215,217,217,212,209,222,228,228,230,228,212,141,138,194,217,228,228,228,225,222,212,140,140,196,199,198,199,202,202,198,199,199,202,207,207,198,196,202,207,209,204,202,202,204,202,202,202,207,209,215,217,217,212,191,199,209,204,191,146,207,207,209,212,215,217,222,228,233,233,230,230,233,235,235,230,225,215,212,212,215,215,217,222,225,222,222,225,225,225,222,222,220,215,207,203,203,204,202,194,143,141,141,186,189,194,196,196,194,189,183,181,183,186,189,189,191,191,189,187,189,191,196,204,207,204,207,209,207,202,202,204,212,222,225,225,220,212,212,212,212,212,212,207,196,191,186,137,131,129,129,131,131,133,176,176,131,129,178,181,133,129,176,186,191,194,191,189,191,196,199,196,196,199,196,196,196,191,191,199,212,215,212,212,212,212,212,212,212,207,204,207,209,207,207,209,217,230,230,228,224,224,230,241,243,243,243,246,248,248,251,251,254,251,251,251,251,251,248,243,241,238,235,233,230,228,222,217,217,215,212,212,212,209,209,207,204,204,204,204,203,204,204,204,207,209,209,207,204,204,202,202,199,196,194,194,191,191,189,189,187,189,191,196,199,204,204,207,207,207,207,209,209,209,212,212,212,215,217,222,222,222,222,222,222,217,215,215,215,217,217,217,217,215,215,212,209,209,215,217,225,228,228,228,228,225,222,222,217,217,217,222,225,228,233,235,235,235,233,230,230,230,233,230,230,228,225,225,222,222,222,222,218,222,222,222,222,222,225,225,225,225,225,225,225,225,225,222,217,215,215,215,212,212,212,212,212,212,212,212,212,208,208,209,215,222,222,222,222,225,228,228,225,225,222,217,217,215,217,217,222,225,225,222,222,222,222,217,222,222,222,225,228,225,222,212,202,194,191,191,191,189,183,178,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,64,82,90,85,92,95,95,87,67,92,71,100,98,75,77,77,65,45,27,19,13,19,49,77,116,111,108,77,59,35,27,29,45,59,98,95,57,57,105,157,0,0,0,202,129,77,61,77,90,87,64,64,95,176,241,255,255,0,225,222,230,230,207,196,199,207,217,228,217,0,0,0,0,0,0,228,217,0,0,0,0,0,0,0,0,46,14,0,0,0,0,0,0,82,105,56,0,0,0,17,51,0,0,0,207,204,170,144,147,137,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,105,157,157,134,100,66,17,0,0,0,27,41,7,0,0,0,7,47,19,0,0,11,67,142,181,207,217,217,228,246,255,255,255,255,255,255,255,255,255,254,255,255,255,246,127,183,228,255,248,233,233,233,246,255,255,255,255,255,255,0,0,0,235,89,85,0,0,0,0,0,0,0,0,9,100,131,87,0,0,0,0,41,131,157,134,74,39,0,0,0,0,66,100,95,72,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,134,74,27,14,3,0,0,0,0,0,0,0,0,0,23,56,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,131,168,178,194,176,91,62,73,93,113,113,99,96,109,160,163,163,181,170,117,107,101,101,103,103,103,107,103,101,107,144,53,46,51,75,79,73,73,81,87,81,78,80,103,168,155,91,62,61,77,113,181,168,111,111,152,168,178,186,186,186,181,181,183,183,189,176,115,113,121,173,181,186,181,181,183,183,170,119,106,105,105,109,163,173,173,178,191,186,170,161,170,186,196,196,196,199,202,202,202,199,191,199,207,204,196,194,196,196,191,186,186,194,189,168,142,93,85,85,73,45,27,21,11,7,25,77,89,89,137,163,183,186,178,178,160,83,63,65,81,91,79,75,75,81,99,125,181,189,199,209,228,225,215,207,204,199,192,198,222,238,248,246,246,254,255,251,230,196,173,65,0,0,21,0,0,0,0,0,27,37,19,31,47,25,7,0,0,0,196,202,176,150,146,152,183,209,225,235,243,243,243,238,243,255,0,0,0,0,0,0,0,255,255,255,248,215,157,82,35,11,0,0,0,0,0,0,0,0,0,0,0,0,0,37,87,105,124,157,165,155,152,155,168,183,183,178,170,176,183,199,199,199,199,199,199,186,168,115,103,97,87,87,97,109,109,103,91,76,75,77,101,121,183,207,215,222,225,225,225,215,194,191,207,225,225,215,194,181,173,168,157,113,95,69,53,40,40,41,47,45,39,37,43,65,89,139,147,157,165,173,173,173,173,168,155,99,75,69,75,85,101,147,155,165,165,155,101,101,101,107,113,119,173,181,183,176,173,173,183,194,207,194,186,207,217,217,209,207,186,183,194,215,225,225,194,178,178,194,215,225,215,187,187,207,215,194,181,176,181,191,194,194,191,176,119,105,105,119,163,157,155,113,105,113,107,74,70,75,105,170,230,254,251,230,194,168,150,147,147,105,73,61,61,71,83,83,91,155,170,163,168,168,115,113,115,115,115,119,127,191,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,35,129,126,92,103,134,165,163,116,92,105,131,144,168,186,207,212,178,27,0,0,41,129,144,31,0,0,15,155,160,152,147,152,157,165,173,176,173,170,168,176,189,199,202,204,202,199,191,186,183,181,178,173,173,173,168,126,127,178,199,207,209,202,191,189,199,215,225,225,131,109,107,105,107,115,115,176,202,217,217,204,191,186,183,178,183,183,183,194,202,204,204,202,199,194,137,128,127,132,137,137,133,139,194,207,212,217,215,215,217,215,208,208,209,215,217,217,215,215,215,217,217,217,222,222,217,215,213,215,222,225,225,222,207,133,119,113,114,123,129,131,133,189,212,222,217,215,217,222,222,225,225,225,228,222,209,204,204,207,215,225,228,215,196,204,222,230,233,233,225,199,139,131,129,191,212,209,186,186,194,194,141,135,132,137,204,215,225,225,222,204,127,122,131,215,228,225,207,185,189,207,207,194,186,199,121,83,141,215,228,230,230,233,233,230,228,228,225,212,204,199,196,194,194,204,212,209,199,194,144,143,145,144,144,145,204,215,225,220,204,143,141,196,212,222,228,230,233,233,228,222,215,215,217,225,233,235,233,230,228,228,230,228,230,238,241,45,0,51,29,0,0,41,115,131,137,127,129,194,202,196,189,183,137,137,139,135,131,135,220,225,199,172,176,207,209,196,183,133,135,133,129,129,139,207,215,204,191,189,194,199,196,196,194,186,133,131,131,133,133,121,97,87,93,61,178,233,228,225,233,233,225,207,189,131,137,196,215,233,230,222,215,209,207,204,202,194,186,141,139,139,141,194,212,228,230,230,228,224,225,217,199,79,29,99,207,105,98,131,207,228,215,204,183,129,109,95,233,233,230,228,230,235,233,207,179,177,183,189,194,202,209,207,202,202,204,204,192,199,191,139,183,137,183,186,189,194,196,199,199,202,202,202,199,199,196,196,191,191,189,190,199,209,209,204,194,192,196,196,194,196,204,215,222,225,225,225,228,225,204,127,89,78,83,91,97,119,129,127,131,133,131,181,189,186,186,186,186,186,105,86,81,90,204,225,222,215,209,202,186,139,141,141,141,189,196,191,143,143,196,212,225,225,225,225,228,233,238,241,238,233,217,149,144,147,212,230,230,230,233,230,228,222,222,225,230,230,230,230,228,230,233,233,230,230,233,230,215,202,189,137,139,143,199,217,228,228,228,225,222,222,212,194,190,199,215,209,179,176,183,202,209,212,191,194,215,115,54,127,196,183,124,128,181,194,204,212,215,204,133,127,129,133,199,222,228,230,233,235,235,235,233,235,235,233,233,235,235,230,225,228,230,228,225,228,230,233,230,230,230,230,230,225,225,224,225,225,225,225,217,217,222,225,228,228,225,222,222,225,225,222,217,217,217,217,217,217,222,222,225,225,222,222,222,222,225,225,222,212,215,217,222,225,228,225,222,222,222,222,220,220,221,222,222,220,222,222,225,228,228,228,228,228,228,225,222,222,222,225,225,222,220,220,225,228,228,228,225,215,149,129,131,147,209,215,215,222,225,225,225,225,222,222,215,209,202,189,194,212,217,212,207,204,204,196,137,134,137,199,215,222,222,220,215,215,217,222,225,217,213,215,215,215,217,217,212,194,189,194,199,191,183,183,183,178,178,186,191,181,178,191,202,215,222,225,222,215,202,181,125,113,129,196,209,212,215,215,212,215,230,235,238,123,30,36,44,69,137,207,215,222,222,215,207,139,105,100,104,107,119,121,139,202,212,202,123,109,115,186,209,222,225,212,99,120,129,181,135,133,196,202,183,130,133,137,135,131,133,186,186,186,139,131,209,212,207,212,215,209,207,209,215,212,209,204,199,202,212,215,215,215,217,215,212,212,207,205,209,212,209,204,204,207,212,212,212,212,222,228,228,228,228,217,196,143,199,215,225,225,225,225,222,202,134,134,145,199,199,202,207,207,204,202,199,198,199,202,199,202,199,196,199,202,204,204,202,199,196,192,196,204,212,215,207,142,137,145,196,146,142,142,196,209,209,209,215,222,225,230,233,233,230,230,233,235,235,230,220,209,209,212,215,217,222,225,225,222,222,222,222,222,222,222,217,215,207,204,204,207,207,202,191,143,186,189,191,194,196,199,196,191,186,183,183,186,189,189,189,191,189,189,189,194,196,202,202,204,209,217,220,215,212,215,222,225,222,220,217,212,212,212,209,209,209,204,194,189,186,137,133,129,127,127,127,129,133,133,133,133,178,178,133,131,178,186,191,194,194,194,191,194,196,196,202,202,199,199,202,199,194,199,212,215,212,209,212,212,209,212,212,204,203,207,215,217,217,217,222,228,228,225,221,224,230,235,238,238,238,241,246,248,248,251,251,251,251,251,254,251,248,246,241,238,235,233,230,225,222,217,217,215,215,212,212,209,209,209,209,207,204,204,203,203,204,204,207,209,209,207,204,204,204,202,199,196,194,194,191,191,189,189,187,187,189,194,196,202,204,207,209,209,209,209,209,212,215,215,215,217,217,222,222,225,222,222,222,217,215,215,215,217,217,217,215,212,212,209,207,209,212,217,222,225,228,228,228,228,225,222,222,222,222,225,228,233,238,241,243,241,238,235,235,233,233,233,233,230,230,228,225,225,225,222,218,218,218,222,222,222,222,225,225,225,225,225,225,225,222,222,217,215,215,212,212,212,212,212,212,212,212,212,212,209,208,209,217,222,225,222,225,228,228,228,228,225,225,222,217,217,217,222,222,222,222,222,222,222,217,217,217,217,220,222,225,225,217,209,199,189,186,189,186,183,178,176,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,66,90,90,82,59,85,85,65,65,71,100,100,75,73,77,77,65,45,27,7,0,0,19,49,59,59,45,31,21,15,15,21,35,55,67,59,54,57,108,0,0,0,0,191,124,82,64,69,79,82,64,31,74,144,225,255,0,0,222,207,207,215,207,204,204,202,209,215,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,12,0,0,0,0,0,0,90,56,0,0,0,0,40,85,0,0,0,202,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,168,217,204,150,90,25,0,0,0,0,5,66,39,0,0,0,13,45,5,0,15,65,126,157,186,212,230,230,228,238,255,255,255,255,255,255,255,254,243,225,189,107,87,75,55,77,119,220,241,246,0,241,241,248,255,255,255,255,255,0,0,0,217,163,163,0,0,0,0,0,0,0,0,7,150,157,49,0,0,0,0,5,64,85,100,131,121,37,0,0,7,74,90,90,85,69,17,0,0,0,0,0,0,0,0,25,0,0,0,0,0,0,0,186,157,92,38,27,27,7,0,0,0,0,0,0,0,0,9,38,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,150,186,202,204,194,144,84,91,111,157,115,109,107,109,160,165,173,181,163,115,105,101,103,115,115,150,109,101,94,97,91,48,47,71,97,142,142,105,103,93,81,80,87,103,105,91,73,66,67,91,165,191,178,152,115,165,176,178,186,183,176,165,163,170,181,181,163,113,113,121,178,189,189,186,186,183,183,176,121,109,105,105,109,125,173,181,181,186,178,165,170,178,202,209,209,196,191,194,194,194,194,194,191,191,191,189,186,178,178,178,183,194,199,191,181,170,157,95,81,85,73,59,49,31,27,55,129,137,126,134,157,181,186,178,173,152,77,63,75,150,165,113,91,73,75,101,170,199,199,209,220,228,228,215,204,199,199,199,204,225,238,241,246,246,246,254,251,228,212,207,157,15,15,35,23,0,0,0,0,15,19,0,0,11,17,7,0,0,0,204,204,183,152,148,152,186,212,233,235,243,243,243,246,251,255,0,0,0,0,0,0,0,255,255,255,235,204,142,66,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,37,43,63,139,165,165,160,165,173,183,183,178,169,169,176,186,199,199,199,199,199,183,165,115,109,103,97,97,109,115,109,97,81,76,76,91,113,129,191,212,212,212,225,225,222,215,207,194,215,235,235,215,194,186,181,181,176,165,113,91,61,47,41,41,47,45,40,39,47,63,83,103,147,155,165,173,173,173,173,165,147,93,71,69,75,95,101,105,107,147,155,113,107,101,107,107,113,119,165,181,183,183,176,176,183,191,191,186,185,194,217,217,215,209,194,191,194,215,225,225,207,178,174,183,207,222,215,187,187,207,215,207,186,181,186,194,204,207,194,173,113,101,105,115,155,107,105,99,91,99,91,72,70,83,150,186,230,251,238,222,191,163,107,105,105,99,73,61,65,83,99,105,0,0,181,170,181,181,119,101,105,113,115,119,131,194,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,176,48,7,82,79,2,0,0,12,79,85,73,68,74,111,160,183,202,215,225,186,9,0,7,0,0,37,33,27,33,131,155,155,152,155,160,163,168,170,170,170,173,181,196,207,212,215,215,212,207,199,191,183,181,186,194,191,176,127,127,178,186,186,186,183,189,199,212,222,228,228,207,111,102,99,102,111,121,178,196,209,207,196,186,178,177,176,181,183,186,199,204,196,183,183,189,181,132,131,133,181,181,133,129,132,141,199,212,222,225,222,222,217,209,208,208,209,209,212,212,215,215,215,215,215,217,217,217,215,215,217,222,225,225,215,199,137,127,119,114,123,139,194,139,139,209,225,222,215,217,222,225,228,228,228,228,222,212,209,207,204,207,222,217,189,137,189,222,230,228,233,230,207,135,129,135,204,225,225,199,199,207,204,189,136,134,139,209,217,225,228,228,222,189,124,130,217,233,233,222,187,186,199,215,222,212,191,33,41,129,222,233,235,233,235,235,230,225,228,225,217,207,194,194,196,196,199,204,207,204,199,194,144,145,144,144,194,207,228,233,230,228,228,225,222,222,222,228,233,235,233,230,225,217,222,225,228,233,233,230,228,228,230,230,230,230,233,230,81,25,121,129,129,89,196,233,230,230,230,215,209,209,204,196,191,139,137,139,137,133,137,207,209,189,172,181,217,217,199,139,125,121,102,121,129,139,199,212,204,191,191,194,196,196,194,186,137,135,183,191,199,204,212,217,215,202,133,189,209,196,194,215,217,209,191,135,129,133,186,196,215,222,209,202,194,194,194,191,186,189,199,196,189,186,196,222,230,222,222,225,230,228,215,135,93,78,123,199,121,117,204,225,233,230,222,199,121,73,28,241,235,233,233,238,241,233,199,181,181,191,196,202,207,212,215,212,212,209,204,204,209,204,194,139,130,134,183,189,191,191,191,191,196,202,199,194,199,202,199,196,191,189,190,199,207,207,199,194,194,194,192,194,204,217,228,230,230,233,233,238,230,225,222,81,34,42,62,113,199,133,106,115,125,119,108,120,135,191,194,189,137,95,86,77,80,135,207,209,207,207,204,196,191,194,189,139,141,194,194,189,189,199,212,228,228,224,224,228,233,235,238,238,238,233,217,151,150,212,228,233,233,233,233,230,228,225,225,228,230,230,230,230,233,233,233,228,228,228,228,217,202,137,133,136,189,207,225,228,228,228,228,222,212,204,194,191,202,217,207,174,174,191,215,222,217,67,67,117,58,45,127,199,194,125,127,133,183,191,196,191,141,133,127,129,141,215,228,228,230,233,235,238,235,235,238,235,233,233,235,235,230,228,228,228,225,224,225,228,228,225,228,230,230,230,228,225,225,225,225,228,225,217,216,222,225,228,228,225,225,225,228,225,222,215,215,217,222,222,225,228,228,228,225,222,222,222,222,225,230,228,225,225,225,222,222,225,228,225,222,221,220,221,222,225,225,225,225,225,225,228,228,228,228,225,225,225,222,220,220,220,222,222,222,225,228,225,225,228,230,230,228,217,209,207,212,217,217,217,222,225,228,228,228,228,225,222,217,215,199,186,189,202,202,199,199,204,202,189,137,141,199,212,215,217,222,222,220,217,222,222,217,213,213,215,217,217,215,202,182,183,189,181,129,189,199,189,183,178,181,183,181,186,196,204,217,225,225,222,217,207,189,129,117,131,196,207,209,215,215,215,217,228,233,235,199,65,71,81,71,89,191,209,217,225,217,207,96,91,89,99,105,121,123,137,207,217,215,137,113,125,207,222,228,222,207,127,129,178,196,202,202,209,217,217,217,217,202,132,126,133,191,189,191,204,212,220,202,139,202,217,217,212,215,212,204,199,198,195,198,209,215,215,215,215,209,207,209,209,209,212,215,209,204,203,203,207,209,209,209,215,222,225,228,228,222,209,202,204,212,217,222,217,222,217,196,134,134,141,194,196,204,212,212,207,202,198,196,199,204,207,209,204,194,194,199,202,202,199,202,194,191,192,202,209,209,194,137,136,145,196,146,144,145,199,209,209,209,215,225,228,230,233,233,230,230,233,233,233,228,215,207,207,209,215,222,225,225,225,222,220,222,222,222,222,222,217,215,209,204,207,209,212,207,199,191,189,191,194,196,196,199,196,194,189,186,186,189,189,189,189,189,189,189,189,194,196,199,199,204,212,225,228,225,225,225,228,225,217,215,212,212,212,212,207,207,207,202,196,191,186,181,133,131,129,126,125,127,131,176,178,181,181,178,176,178,183,186,191,194,199,196,194,196,196,199,204,204,202,199,202,202,199,202,207,212,212,209,212,212,209,209,209,204,203,207,212,217,217,222,225,225,225,225,222,225,230,235,235,233,235,238,243,246,251,251,250,250,251,251,254,251,248,246,241,238,235,233,230,228,222,222,217,215,215,212,209,209,209,209,209,209,207,204,204,204,204,207,209,209,209,207,204,204,204,202,199,196,194,194,191,191,191,189,189,187,189,191,194,202,204,209,212,212,212,212,212,215,217,217,217,217,220,222,225,225,225,222,222,217,215,215,215,217,217,217,215,212,207,204,204,204,209,215,222,225,228,228,228,228,228,225,225,225,228,230,233,238,243,246,248,246,243,243,241,238,238,238,238,235,233,230,228,228,228,222,222,218,218,222,222,222,222,222,222,222,222,222,222,222,222,222,217,215,215,215,215,215,212,212,209,209,209,209,215,212,212,212,217,225,225,225,228,228,230,228,228,225,225,225,222,222,222,222,222,222,222,222,222,222,222,222,217,217,215,217,222,222,217,209,199,189,183,183,183,181,176,168,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,51,85,85,51,33,45,51,57,61,71,103,103,73,73,77,79,65,45,21,0,0,0,19,33,45,53,35,15,8,3,8,15,35,55,59,57,56,63,116,0,0,0,0,191,131,105,82,59,59,69,59,25,31,111,199,243,0,0,215,196,189,196,0,0,0,0,0,0,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,4,0,0,0,0,0,48,30,0,0,0,0,14,56,0,0,0,194,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,38,38,0,3,90,181,228,217,152,90,17,0,0,0,0,0,45,105,49,5,0,31,45,0,0,31,124,157,178,191,217,230,230,224,235,255,255,255,255,255,255,255,254,233,189,95,29,2,3,25,49,83,121,222,0,0,248,246,241,246,255,255,255,255,0,0,225,209,202,222,0,0,0,0,0,0,0,0,7,155,144,0,0,0,0,0,0,0,35,85,129,105,33,0,0,29,64,69,66,77,77,43,0,0,0,0,0,0,0,43,82,0,0,0,0,0,0,0,178,147,92,46,33,27,9,0,0,0,0,0,0,0,0,0,15,23,1,0,0,0,0,0,0,0,0,0,0,92,0,0,0,0,31,124,160,168,176,199,204,189,152,144,157,165,165,160,115,115,115,168,194,196,191,170,117,111,109,115,155,115,109,107,103,97,95,83,50,57,89,144,160,163,163,150,93,81,83,99,101,83,64,66,79,91,107,170,191,186,168,168,178,176,168,170,176,170,117,112,115,160,160,160,121,121,121,168,181,186,181,181,183,186,183,176,165,111,108,109,125,176,189,186,181,173,170,173,186,196,204,204,186,183,176,181,181,183,183,181,173,178,181,178,170,170,178,194,202,202,194,189,189,165,79,59,79,91,87,77,61,57,71,139,150,87,77,126,155,165,165,170,152,77,64,81,157,183,168,107,69,63,77,117,186,196,199,217,230,228,215,204,199,207,215,222,230,238,241,246,238,238,246,243,225,222,225,212,99,47,41,39,0,0,0,0,17,19,0,0,0,3,0,0,0,27,194,204,194,163,152,165,196,225,233,235,243,248,251,251,255,255,0,0,0,0,0,0,0,241,243,243,215,176,126,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,23,27,49,131,165,173,165,165,173,183,183,176,165,165,170,183,199,202,199,199,196,183,165,121,115,109,105,105,115,115,105,89,81,81,93,107,119,176,204,212,212,212,215,215,215,209,207,209,225,246,235,215,204,191,191,191,191,181,165,107,75,57,51,51,53,47,41,40,49,63,83,99,142,155,165,176,181,181,173,155,99,77,65,65,85,99,95,95,99,101,107,107,105,105,107,107,107,113,165,176,183,183,178,183,186,191,186,182,182,191,215,215,215,215,209,191,191,207,225,225,194,174,170,183,207,225,215,194,191,207,215,194,183,181,186,194,204,204,186,165,103,93,101,109,113,107,103,101,89,77,75,72,72,85,157,194,228,235,233,212,183,160,107,101,101,93,75,65,69,95,113,157,173,183,173,165,183,186,117,97,101,107,113,121,133,204,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,194,92,10,33,8,0,0,0,0,5,77,87,75,79,118,147,168,181,186,191,191,144,0,0,0,0,254,165,176,79,79,95,139,150,157,165,168,168,170,170,173,181,194,204,212,215,215,215,215,212,204,194,183,178,181,186,186,181,181,183,183,181,178,177,177,183,202,217,225,228,228,225,123,105,104,109,121,129,176,181,183,189,189,183,178,178,178,183,186,194,207,207,186,133,134,178,135,132,135,183,186,183,133,129,135,189,199,207,217,225,228,225,222,215,209,208,207,207,209,212,215,215,213,213,215,217,222,217,215,217,222,225,225,222,215,207,194,189,199,127,135,196,209,191,141,199,217,217,215,217,225,228,228,222,222,222,220,215,212,209,199,202,209,202,140,137,141,215,225,225,228,228,207,135,125,129,199,212,222,212,217,222,215,199,189,189,207,225,225,225,228,233,233,215,133,139,222,235,235,230,196,189,196,215,233,230,69,1,49,209,230,233,235,235,235,235,230,225,225,228,222,212,190,191,196,196,196,207,215,220,217,207,196,191,145,191,202,217,233,235,235,235,238,238,233,228,222,228,233,233,230,228,225,222,225,228,228,230,230,225,225,228,230,230,230,230,230,225,131,121,131,135,181,191,233,238,238,235,230,222,217,220,217,215,209,196,186,189,186,135,137,194,199,191,183,183,194,202,199,189,129,120,98,125,191,191,191,196,191,187,189,189,189,189,186,183,181,186,199,212,222,225,228,230,222,202,135,178,183,179,182,196,199,191,137,131,131,135,183,189,202,212,202,194,192,194,194,140,138,194,204,196,186,189,202,217,225,212,209,222,228,222,189,119,111,113,115,135,133,183,215,225,228,230,233,230,207,84,48,225,230,230,233,233,228,196,137,183,194,202,207,209,209,212,212,215,215,212,202,204,207,196,199,191,133,135,194,196,199,196,191,190,191,196,191,191,199,204,207,204,196,189,191,202,207,204,202,202,202,199,196,196,204,217,230,233,233,233,233,238,233,233,238,109,39,45,65,178,202,109,87,105,125,120,107,122,189,204,207,199,181,99,95,105,125,137,186,196,199,202,202,196,191,191,189,186,191,199,196,194,196,199,212,228,230,225,224,225,230,233,233,233,235,238,235,217,212,217,228,230,230,230,230,233,233,230,228,228,228,230,233,235,238,235,230,228,225,228,225,215,196,134,134,141,194,209,225,228,228,230,228,215,202,196,202,194,196,209,204,178,177,191,204,212,209,53,50,67,57,57,137,204,207,186,135,137,183,186,139,134,135,133,127,133,196,225,230,230,230,233,235,235,235,235,235,235,233,233,233,230,228,226,228,228,225,224,225,225,217,216,222,228,230,230,228,228,228,225,222,222,222,217,217,222,228,228,225,225,225,228,228,225,222,215,212,212,215,222,225,228,228,228,225,225,225,225,222,228,233,233,230,228,225,217,217,222,225,225,225,222,222,225,225,228,228,228,225,225,225,228,228,228,228,228,225,225,222,222,222,222,222,222,225,228,228,222,225,230,230,230,228,225,222,222,228,228,228,222,222,225,228,230,230,228,225,222,217,215,199,181,179,187,196,199,204,212,217,209,194,189,194,199,207,209,212,217,217,215,215,215,215,213,213,215,217,222,215,194,177,182,183,82,70,131,230,202,191,183,181,181,183,186,189,209,222,225,222,217,217,212,196,137,131,183,202,209,212,212,215,215,217,222,228,228,194,95,117,215,115,97,186,207,215,228,228,222,102,103,111,123,123,127,120,120,196,196,194,135,119,131,212,222,217,207,196,181,178,189,209,217,217,215,222,225,228,230,217,132,126,133,183,182,186,204,215,215,96,100,199,228,228,228,225,215,204,199,198,198,199,209,217,222,217,215,204,203,207,209,212,215,215,212,207,204,204,204,207,207,207,209,215,217,222,222,222,217,212,209,212,217,217,212,212,209,196,138,138,143,191,194,204,215,212,207,202,199,198,202,209,212,209,204,196,194,196,199,198,199,202,199,192,194,204,209,207,194,141,141,199,199,194,196,204,209,209,207,209,215,225,228,230,233,233,230,230,230,233,230,225,212,207,208,212,217,225,225,228,225,222,220,220,222,222,222,222,217,215,209,207,207,212,212,209,202,196,194,194,196,199,199,199,196,194,191,189,189,191,191,191,191,189,189,186,189,191,194,194,196,202,212,225,230,228,228,228,228,222,217,215,209,208,208,209,207,207,204,202,196,191,186,181,135,131,131,127,126,129,133,178,181,186,181,178,183,189,189,191,194,196,199,196,196,199,199,202,209,209,199,194,196,199,202,202,207,209,207,207,209,209,209,209,209,207,204,204,207,209,212,215,220,228,228,225,225,228,233,235,233,230,233,238,243,248,254,251,250,250,251,251,254,251,248,246,241,238,235,233,230,228,225,222,217,215,215,212,209,209,209,209,209,209,209,207,207,207,207,209,209,209,207,204,204,204,204,202,199,196,196,194,194,194,191,191,191,189,189,191,196,202,207,212,215,217,215,217,217,217,217,217,217,217,222,222,225,225,225,225,222,220,217,217,217,222,222,217,215,209,207,204,203,204,207,212,217,225,225,228,228,230,228,228,228,228,230,233,235,241,246,248,251,251,251,254,251,246,243,243,243,241,238,233,230,230,228,225,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,217,215,215,215,212,212,209,207,207,204,209,215,215,215,215,222,225,225,225,225,228,228,225,225,225,225,225,222,217,217,222,222,222,222,222,222,222,222,217,217,215,215,215,217,217,215,209,199,189,183,181,181,178,176,168,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,74,57,31,13,21,37,51,59,67,103,79,77,73,77,71,59,41,25,0,0,13,35,45,53,61,53,27,9,3,7,15,45,59,61,59,58,63,116,0,0,0,0,0,170,142,105,37,25,35,51,19,19,66,147,215,0,0,196,170,157,170,0,0,0,0,0,0,0,178,186,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,22,0,0,0,0,0,30,25,0,0,0,0,0,25,0,0,0,173,178,168,0,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,27,30,3,20,64,124,155,150,116,77,25,0,0,0,0,0,19,118,152,118,82,100,95,0,0,5,124,165,189,196,212,225,228,226,233,255,255,255,255,255,255,255,243,222,127,73,15,0,0,23,55,69,95,183,230,248,255,255,239,246,255,255,255,230,202,230,225,212,220,241,0,0,0,15,31,39,5,0,0,72,37,0,0,0,0,0,0,0,0,0,105,72,19,11,29,53,56,52,53,69,69,43,9,0,0,0,0,0,22,69,98,0,0,0,0,0,0,0,163,124,82,46,27,13,0,0,0,0,0,0,0,0,0,0,5,17,0,0,0,0,0,0,0,0,0,0,7,181,0,0,0,0,111,165,165,150,150,168,194,170,157,163,178,194,176,168,163,160,168,186,207,207,194,170,117,117,119,165,160,152,109,107,111,111,105,93,75,83,99,103,142,155,163,144,87,74,81,97,91,64,58,67,95,105,111,155,178,191,189,189,189,168,115,115,160,163,115,112,112,114,114,115,160,160,160,160,173,178,178,178,178,183,183,178,170,121,117,119,168,176,181,178,178,178,173,173,178,178,183,183,186,183,176,169,169,169,176,170,165,165,168,170,170,178,189,199,202,194,194,202,207,178,69,31,55,79,91,93,83,77,79,85,75,57,54,63,95,155,173,181,160,83,64,75,150,178,176,115,73,49,49,73,115,178,189,209,228,230,215,207,207,215,230,235,233,241,241,241,238,233,238,233,225,230,230,230,191,65,45,59,59,0,0,11,23,29,23,19,21,0,0,0,17,139,189,196,186,160,152,170,204,233,241,241,243,251,254,255,255,255,0,0,0,0,0,0,0,230,235,230,204,165,116,40,0,0,0,0,0,0,0,3,0,0,0,0,0,0,0,7,17,23,43,124,157,165,155,157,168,176,183,176,165,165,176,186,202,202,202,199,199,186,176,165,121,115,109,105,109,109,97,85,81,89,103,117,173,181,204,212,212,212,212,207,207,215,215,215,233,246,225,207,191,189,189,194,189,183,165,113,85,69,59,57,57,53,43,41,51,63,77,97,139,150,165,176,186,181,165,147,93,71,64,64,75,85,85,85,85,91,95,101,101,101,105,107,107,113,119,173,178,183,183,186,191,191,186,182,181,191,209,209,209,215,209,191,187,194,225,225,194,174,170,183,225,233,222,207,194,209,215,194,181,176,181,191,194,191,173,117,93,89,93,109,117,113,113,107,89,72,70,72,73,85,113,191,225,233,228,207,183,165,107,97,97,93,77,69,77,107,157,168,173,173,117,117,183,191,117,95,95,101,107,113,133,212,241 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,46,92,98,79,22,22,105,100,21,11,72,116,150,165,147,150,155,165,165,129,51,0,0,0,0,0,248,238,233,225,134,93,97,144,160,165,168,168,170,173,181,194,204,212,215,215,212,212,212,209,207,196,183,173,130,130,178,191,194,191,191,191,186,179,179,189,209,222,225,225,230,230,176,119,123,133,183,186,181,133,132,181,189,191,186,181,178,183,189,194,199,183,132,131,132,135,135,133,181,189,189,189,135,132,199,199,199,202,209,222,228,225,222,217,212,209,207,207,209,212,215,215,213,213,215,217,222,222,217,220,222,225,222,222,217,215,202,196,204,196,199,204,209,207,194,141,139,191,204,212,217,217,215,212,212,215,217,215,207,196,189,196,207,204,141,137,186,209,217,222,228,228,212,194,131,127,117,103,189,217,230,228,215,199,194,202,222,233,228,224,228,230,233,228,202,199,217,233,233,225,202,191,194,207,225,222,115,32,95,217,225,230,235,235,235,235,230,225,225,222,220,215,183,191,209,217,215,222,225,228,228,222,207,194,145,191,207,225,233,235,235,235,235,235,233,228,225,230,233,230,228,228,228,228,228,230,230,233,228,222,217,225,228,228,228,228,230,220,191,183,139,137,181,137,217,233,233,230,228,222,225,228,228,228,222,207,194,189,139,134,137,191,196,194,191,186,183,189,202,202,191,135,127,212,225,202,187,183,185,191,194,189,182,179,182,189,196,204,217,230,233,228,230,233,230,215,189,189,194,186,186,194,194,189,181,137,183,186,186,189,199,209,202,192,196,209,202,137,136,191,196,141,139,191,204,212,212,209,212,215,212,199,139,125,121,115,100,121,183,209,222,222,222,228,233,233,233,233,217,178,207,230,230,217,131,107,110,191,217,217,217,217,217,215,209,209,207,202,186,183,131,129,194,194,137,189,212,215,215,212,202,191,190,191,194,194,204,212,215,212,199,186,190,199,202,204,207,212,217,215,209,202,202,212,228,233,230,228,225,228,228,230,222,189,117,117,127,186,183,100,89,109,135,133,181,207,212,217,217,212,204,191,199,225,222,189,137,183,194,196,199,196,191,186,141,189,199,204,196,189,141,143,204,228,233,230,225,225,228,233,233,230,233,238,235,228,222,225,228,228,228,228,230,233,233,230,228,226,228,230,233,235,235,233,228,225,225,225,222,212,194,133,134,141,194,209,222,225,228,228,222,204,189,139,189,183,189,207,217,209,191,189,191,189,137,57,57,85,83,133,191,207,209,196,183,137,186,189,135,135,189,139,137,194,212,228,230,230,230,230,233,233,230,230,230,230,233,235,233,230,226,226,228,228,228,225,225,222,215,212,217,228,230,228,228,225,225,222,216,216,222,222,222,225,228,228,225,225,225,228,228,225,217,212,208,208,209,215,222,225,225,225,225,222,225,222,217,225,233,233,233,230,222,216,215,217,225,225,225,225,228,228,228,228,228,228,225,222,225,225,225,228,228,228,228,225,225,225,225,225,225,225,225,225,222,217,222,230,230,228,225,222,222,225,230,233,228,225,222,225,228,230,233,230,228,225,225,217,204,187,185,187,196,209,212,225,228,217,204,196,194,194,199,196,196,204,212,212,209,212,217,215,213,215,222,217,209,199,191,199,204,91,71,111,217,204,194,189,181,178,186,176,111,202,217,225,220,217,217,217,207,191,186,194,207,212,212,215,215,215,215,217,225,225,199,111,119,186,191,117,191,209,217,230,230,225,113,121,137,139,131,127,119,121,183,132,132,135,131,181,204,209,204,194,186,183,186,199,215,225,222,217,222,225,225,225,209,132,128,133,183,186,194,202,196,103,80,98,215,230,233,233,233,217,209,207,207,207,209,215,222,225,225,215,203,202,204,209,209,212,215,215,212,212,209,209,209,209,207,204,207,209,212,215,215,215,212,209,212,217,217,209,204,202,196,145,191,194,145,145,202,212,212,202,199,202,202,207,209,209,204,196,189,189,194,199,199,199,202,199,199,202,207,207,204,199,194,194,202,199,196,204,209,212,212,207,207,212,222,225,228,230,233,230,228,230,230,228,222,212,209,212,217,225,225,225,225,225,222,222,222,222,222,222,222,217,215,212,209,209,209,209,207,202,196,194,196,196,199,199,199,196,196,194,191,191,194,194,194,191,189,186,186,189,191,191,191,194,199,207,217,228,228,228,225,222,222,222,217,212,205,207,209,209,207,204,199,196,194,186,181,135,133,133,133,131,133,178,181,181,183,178,178,186,191,191,191,196,199,196,195,196,202,202,202,207,207,196,187,189,196,204,207,207,204,204,204,207,209,207,207,207,204,202,199,199,199,204,209,215,228,230,230,228,230,230,225,217,222,233,241,246,251,254,254,250,250,251,251,254,251,248,246,241,238,235,235,233,228,225,222,220,217,215,212,209,209,209,209,212,209,209,207,207,207,207,209,209,209,207,204,202,202,204,202,199,196,196,196,194,194,194,194,194,191,194,194,199,204,212,217,222,225,225,222,222,217,217,215,215,217,222,225,225,225,225,225,225,222,222,222,222,222,222,215,212,209,207,204,204,204,209,212,217,222,225,228,230,230,230,230,230,230,230,233,235,241,246,251,254,255,255,255,255,255,251,248,246,243,238,235,233,233,230,228,225,222,222,222,222,222,222,222,217,217,217,217,222,222,222,222,222,217,215,212,212,209,209,207,207,204,202,207,212,215,217,217,222,225,225,225,225,225,225,225,225,225,225,222,217,217,215,217,217,222,222,222,222,217,217,217,215,215,213,215,215,215,215,209,202,191,186,181,178,178,176,168,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,29,33,13,3,13,33,53,59,69,79,79,79,74,79,79,65,35,21,1,3,41,67,67,67,77,79,61,25,13,21,45,67,77,77,63,63,69,0,0,0,0,0,0,191,168,116,35,15,25,33,19,5,25,103,170,0,0,178,157,139,0,0,0,0,0,0,0,0,165,165,142,129,131,0,0,0,0,0,0,0,0,0,0,0,0,0,72,38,0,0,0,0,0,0,56,56,40,7,0,0,7,40,0,0,0,144,144,147,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,48,64,56,38,38,38,25,15,5,0,0,0,0,79,144,134,118,144,160,11,0,0,85,165,196,196,209,220,230,233,246,255,255,255,254,254,246,233,228,204,105,47,17,0,0,17,57,69,83,117,202,228,246,254,241,251,255,255,255,230,198,233,255,228,204,212,0,0,0,19,43,85,59,0,0,0,0,0,0,0,0,0,0,7,66,116,121,79,33,33,64,66,51,52,74,79,59,35,13,35,53,46,0,0,22,53,82,0,0,0,0,0,0,0,150,116,82,46,33,13,0,0,0,0,0,0,0,0,0,0,1,7,0,0,0,0,0,0,0,0,0,0,5,139,0,0,0,0,49,131,139,126,142,168,194,178,168,178,194,202,202,191,173,168,176,191,194,194,183,163,117,117,160,178,170,157,113,113,152,157,150,107,105,101,91,85,89,103,150,142,79,70,77,87,79,61,61,79,99,101,101,105,155,181,189,194,189,163,110,110,114,163,160,115,115,115,115,115,160,121,121,121,160,168,168,165,165,176,178,178,170,121,119,125,168,168,119,117,165,173,178,178,173,170,170,172,178,183,178,169,169,169,170,127,121,115,119,163,178,194,196,196,194,194,194,209,215,183,65,21,25,49,77,139,155,144,91,77,59,52,51,67,147,173,196,204,178,101,69,69,99,170,181,165,97,49,40,47,95,173,196,209,220,228,217,215,215,222,228,230,230,230,241,230,230,230,233,233,228,230,230,233,220,101,63,142,160,25,0,27,27,25,13,0,0,0,0,0,0,165,183,176,165,147,139,152,196,225,241,243,251,255,255,255,255,0,0,0,0,0,0,0,0,0,238,225,196,157,108,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,9,17,39,103,129,134,134,142,157,173,183,176,169,170,183,199,207,207,207,207,207,196,183,176,125,115,105,99,97,97,89,89,89,99,109,119,173,181,194,207,212,212,207,205,215,217,222,225,233,233,215,191,189,189,189,189,189,181,165,113,95,75,73,69,61,53,43,41,47,63,75,97,139,147,157,173,183,181,165,139,89,71,64,64,64,69,75,75,85,85,85,85,95,101,101,101,107,113,119,165,176,178,178,183,191,194,191,185,182,191,209,209,209,215,215,194,187,194,225,225,186,169,174,207,233,246,225,209,209,215,207,183,173,129,176,186,191,183,165,107,91,85,93,113,165,165,165,157,93,72,70,75,77,85,107,176,212,233,233,207,186,165,109,97,101,101,89,77,93,113,165,165,165,117,107,110,186,191,121,97,95,95,101,113,133,212,241 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,111,74,100,204,230,215,92,74,98,155,176,160,157,155,160,170,157,25,0,0,0,0,255,246,241,233,217,196,131,97,139,150,157,163,165,168,173,186,202,212,215,215,215,215,215,212,212,207,196,183,173,130,170,181,196,196,183,183,194,194,189,191,202,215,222,222,222,225,222,176,125,133,189,202,202,191,176,132,181,191,194,189,181,135,181,191,194,183,129,130,181,178,178,178,183,186,191,194,194,132,129,207,202,196,194,204,217,228,225,222,217,217,212,209,209,212,212,215,215,215,215,215,220,222,222,222,222,225,225,222,222,225,225,209,199,202,202,202,199,204,222,217,137,124,128,141,196,194,199,204,204,207,209,209,204,139,120,123,194,212,215,194,134,189,204,207,215,225,225,212,204,199,139,102,74,117,212,228,225,212,191,186,196,222,235,230,225,230,230,230,230,222,209,212,225,225,202,141,194,199,209,217,222,233,97,103,133,204,225,233,230,233,230,228,225,217,209,207,207,189,202,225,228,228,230,230,230,230,225,209,145,137,141,207,225,233,235,235,235,233,233,230,230,230,233,233,230,228,228,228,228,228,230,233,233,228,217,217,222,225,225,222,225,228,215,191,183,135,133,131,118,127,222,233,230,228,228,230,233,233,233,230,215,194,137,133,134,189,202,204,202,202,199,189,194,202,204,199,189,189,217,222,202,185,182,189,217,215,199,183,181,186,202,207,212,225,233,233,230,230,233,230,222,215,212,212,202,196,199,196,196,194,196,199,191,183,191,204,212,194,187,196,212,202,140,139,189,189,139,139,196,204,207,207,207,212,209,202,191,183,135,129,119,100,121,204,228,230,225,225,230,233,238,241,243,254,126,189,217,215,196,125,114,119,217,230,225,222,228,228,225,215,209,202,194,137,126,119,124,191,183,135,199,225,228,228,225,215,207,196,194,191,196,212,222,225,222,209,189,189,194,196,199,209,225,230,230,228,215,209,212,217,222,222,217,212,202,196,202,209,217,222,199,186,183,127,105,106,135,186,191,207,225,225,228,230,225,212,207,212,217,209,186,136,137,189,191,189,194,196,189,140,186,202,207,196,137,130,132,199,230,235,230,225,222,225,230,233,230,230,235,233,228,225,225,228,230,228,228,228,230,233,230,228,226,228,230,233,233,233,228,225,225,225,225,222,215,194,133,134,137,143,207,217,222,220,215,207,196,139,134,136,135,136,204,230,233,222,204,191,137,125,113,137,212,199,189,186,196,199,183,129,129,137,141,135,189,202,194,196,215,225,230,230,230,230,230,233,233,230,228,226,228,233,235,235,233,230,228,230,230,230,228,228,222,215,212,217,228,228,228,225,222,222,217,215,216,222,225,225,228,230,228,228,228,228,228,225,222,215,212,208,207,208,212,222,228,228,225,225,222,222,217,213,217,228,233,233,230,225,216,216,217,222,225,228,228,228,230,230,228,225,225,222,222,222,222,222,225,225,228,228,228,228,228,228,228,228,228,225,222,216,216,222,228,230,225,222,220,220,222,230,233,230,225,222,225,228,230,230,230,230,230,228,228,217,212,207,199,196,207,217,225,225,212,204,202,199,196,194,189,189,199,207,209,207,207,212,215,215,217,222,212,194,199,209,217,228,220,113,115,178,191,191,189,181,177,183,129,92,126,209,217,217,217,222,222,212,199,194,199,209,215,215,215,217,217,217,215,217,222,209,135,125,133,139,129,191,215,217,225,225,209,117,131,186,183,127,123,123,181,183,132,133,189,189,186,194,196,194,191,189,189,194,204,212,222,225,225,225,228,222,212,194,132,130,139,196,209,217,212,141,74,82,143,228,230,230,233,230,225,217,215,217,217,217,222,225,225,225,217,204,200,203,209,209,212,215,220,222,222,217,215,212,209,202,199,199,199,202,207,204,199,202,207,215,222,217,209,204,202,202,202,204,204,191,144,194,202,202,194,194,199,204,209,209,209,204,191,182,182,189,202,202,199,199,199,202,204,207,207,207,207,209,207,207,199,196,204,209,212,212,207,202,207,215,222,225,228,230,228,228,225,225,222,215,209,209,215,222,225,225,225,225,225,225,225,225,225,225,222,222,217,215,212,209,209,207,207,204,199,194,194,196,196,199,199,196,196,196,194,191,191,194,194,194,194,189,186,186,186,189,189,191,191,194,202,212,225,228,225,222,217,215,217,225,215,208,208,209,209,204,199,199,196,194,189,183,181,181,181,181,178,181,183,181,178,176,176,178,186,189,189,189,194,199,196,195,196,202,199,196,199,199,189,185,186,196,207,215,212,204,200,202,207,207,207,204,204,202,199,194,191,194,202,209,215,222,225,225,225,225,217,149,140,204,228,238,246,251,254,254,251,251,251,251,254,251,248,246,241,238,238,235,233,230,225,222,222,217,215,212,209,209,209,209,209,209,209,207,207,207,207,209,209,207,204,202,202,202,202,202,199,196,196,196,196,196,196,196,196,194,196,199,202,207,212,217,222,225,228,225,222,217,215,215,215,217,222,225,228,228,228,225,225,225,225,225,225,222,217,212,209,207,207,207,207,207,209,212,217,222,225,228,230,233,233,233,233,233,233,233,235,238,246,251,255,255,255,255,255,255,255,251,246,243,238,235,233,233,230,228,225,222,222,217,217,217,217,217,215,215,215,217,217,222,222,222,222,217,215,209,207,204,204,204,204,202,202,202,209,215,215,217,222,225,225,222,222,222,225,225,225,225,225,222,217,215,215,215,215,217,217,217,217,217,217,217,215,215,215,215,215,215,212,209,204,196,189,181,178,176,176,170,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,7,7,0,0,15,37,55,61,73,79,111,79,79,85,85,73,45,21,7,15,59,85,87,85,87,121,79,61,57,69,116,137,139,124,108,108,126,0,0,0,0,0,0,0,173,116,37,15,15,19,7,0,5,53,121,0,0,170,150,137,0,0,0,0,0,0,137,129,134,139,116,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,48,0,0,0,0,0,0,0,116,124,98,40,7,0,22,0,0,0,129,129,137,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,33,3,0,0,0,3,17,17,11,0,0,0,19,45,79,92,144,199,134,0,0,121,163,178,186,196,228,243,246,255,255,255,254,251,243,220,204,204,194,83,33,23,9,0,5,49,75,89,117,189,207,215,212,212,246,255,255,255,246,209,238,255,217,155,113,0,0,0,9,19,51,59,19,0,0,0,0,0,0,0,0,0,31,90,126,126,98,72,64,64,64,56,64,77,66,27,0,0,1,46,53,27,22,30,33,53,0,0,0,0,0,0,0,157,116,82,66,48,25,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,37,0,0,0,0,0,41,116,139,165,202,212,194,178,194,204,212,209,202,186,176,176,186,173,173,170,163,119,117,157,165,160,155,113,111,155,176,176,165,147,89,69,66,79,93,105,103,81,76,77,81,75,64,73,87,91,93,95,99,111,170,181,181,178,152,112,111,115,163,163,165,163,163,160,115,113,107,107,111,121,160,160,119,119,121,176,176,165,117,119,125,125,125,113,112,112,127,178,181,178,172,172,172,178,178,178,181,181,183,183,173,115,108,112,165,189,196,196,192,194,194,199,202,199,181,73,29,15,19,49,139,178,168,137,79,65,63,73,126,155,173,186,186,181,155,83,75,105,176,186,176,117,63,44,51,103,178,196,209,217,217,228,225,217,215,207,204,212,225,230,230,228,230,233,233,228,225,217,225,230,178,150,209,220,81,25,41,37,13,0,0,0,0,0,0,0,129,152,152,152,138,130,138,170,209,233,243,255,255,255,255,255,0,0,0,0,0,0,0,0,0,238,212,189,150,108,51,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,9,23,43,53,61,79,124,150,173,183,183,183,186,202,209,215,209,207,207,199,196,183,176,165,115,101,97,89,82,82,89,99,109,115,123,131,181,189,204,215,215,212,205,212,225,225,225,233,233,215,186,187,189,189,189,186,176,163,107,95,85,85,81,69,51,39,39,41,55,77,99,142,147,155,165,176,173,157,142,97,83,71,65,64,64,69,75,75,75,75,85,95,95,95,101,107,117,155,165,168,173,173,178,191,194,207,191,186,194,209,207,207,209,209,194,189,207,225,225,183,169,178,215,248,246,225,209,209,209,194,176,121,121,129,183,186,176,123,107,93,91,101,121,168,173,173,165,107,85,85,93,97,93,101,157,186,217,225,204,186,173,113,101,107,107,101,93,101,152,165,160,117,110,107,113,194,204,165,107,97,97,103,121,186,225,246 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,126,137,178,194,222,233,160,74,72,116,144,157,157,157,165,186,202,103,0,0,17,55,243,233,233,230,217,196,147,137,139,144,152,163,165,168,173,183,202,212,215,212,212,215,215,215,215,207,194,178,130,170,173,181,196,191,173,129,181,186,189,194,204,209,209,209,209,202,191,125,123,133,189,207,209,196,176,132,178,186,183,178,135,134,181,191,191,186,135,183,199,191,181,181,189,189,189,194,189,130,125,204,196,189,186,194,212,225,225,222,222,222,217,215,215,215,215,215,215,217,217,217,220,222,222,222,222,225,228,225,228,230,230,209,199,189,191,196,191,196,225,230,202,130,130,132,131,133,143,199,207,207,207,199,143,123,112,119,207,222,225,209,131,186,194,194,199,215,215,202,194,204,204,121,95,183,202,209,212,204,183,179,185,212,230,228,222,225,228,217,215,217,199,189,212,217,107,98,141,209,222,225,217,217,137,109,127,191,209,217,225,228,222,215,217,212,196,194,204,207,217,225,228,225,228,230,230,230,225,212,139,129,131,204,225,233,235,235,235,233,233,230,233,233,235,233,230,230,230,228,217,215,217,225,230,225,217,217,222,225,217,215,217,222,215,189,137,128,129,131,118,124,202,228,228,228,230,230,230,233,235,233,212,189,137,135,189,207,212,212,212,217,217,209,209,207,202,199,189,182,199,204,196,191,196,217,233,233,207,189,191,207,212,215,217,222,228,233,235,233,230,230,228,225,222,215,202,196,196,199,204,207,209,207,182,177,189,207,217,186,182,194,204,196,196,202,141,141,140,186,196,202,204,204,202,196,199,196,186,139,137,135,125,113,131,215,230,233,230,228,233,235,241,241,235,181,133,183,189,103,111,127,196,225,230,230,228,228,228,230,228,222,215,207,194,139,127,122,131,189,135,127,186,222,228,228,228,228,225,212,196,189,194,222,230,233,230,225,202,191,190,191,194,207,228,235,235,233,230,225,217,209,204,204,207,202,127,113,118,207,230,228,204,194,186,125,113,125,178,183,194,209,228,228,230,235,228,209,199,196,189,181,136,136,183,196,196,173,185,196,194,141,141,196,204,191,135,130,136,209,230,233,228,225,217,217,228,230,230,228,230,230,228,225,225,228,233,230,226,226,228,228,228,228,228,228,230,233,233,230,225,224,225,228,225,222,209,189,135,141,141,137,199,212,215,207,194,194,194,139,134,137,134,135,204,230,235,233,228,212,186,127,183,220,230,225,125,103,133,196,139,125,127,132,132,129,143,199,194,207,225,228,230,230,230,230,233,233,233,233,228,226,228,230,235,235,235,235,233,233,233,233,230,228,225,217,216,222,225,225,225,222,220,217,217,217,222,228,228,228,230,230,230,230,230,228,225,222,217,215,215,212,209,208,212,222,230,230,228,225,222,222,215,212,213,225,230,233,233,228,222,220,225,225,228,228,228,230,230,230,230,228,225,225,222,217,217,217,217,222,225,225,228,228,230,230,230,230,230,228,222,216,217,222,222,225,228,225,222,222,222,228,233,230,228,225,225,225,228,228,228,228,230,230,230,228,225,217,204,191,191,204,209,202,194,196,199,202,199,191,186,186,196,204,202,199,202,204,209,209,204,202,87,71,178,215,222,228,230,215,189,186,191,189,189,189,181,191,196,112,123,191,209,215,217,222,222,212,199,196,202,209,217,217,217,217,222,222,215,215,217,215,204,186,139,139,183,196,209,207,204,209,204,191,191,196,191,127,121,121,131,133,133,189,202,199,189,189,194,196,202,199,199,199,194,189,204,212,220,222,225,222,212,194,181,183,202,212,225,230,228,202,71,92,212,228,230,230,230,228,225,217,217,222,225,225,222,222,222,222,215,204,200,203,207,209,215,222,228,230,228,222,217,215,207,196,198,199,202,207,204,146,136,146,204,215,222,217,212,207,204,209,209,212,212,199,194,194,194,194,191,192,199,202,207,209,209,207,194,185,185,191,199,202,199,198,199,202,204,204,207,207,209,212,209,215,209,207,209,209,212,215,207,200,202,209,215,222,225,225,225,222,217,217,215,207,204,209,215,217,222,222,222,225,228,230,230,228,228,225,225,222,217,215,215,212,209,207,207,204,199,194,194,194,196,196,196,196,196,194,191,189,189,191,191,194,191,191,186,183,183,186,189,189,189,189,196,209,220,225,228,222,215,204,209,222,217,209,212,212,204,199,194,194,196,196,191,186,186,189,189,186,181,181,181,178,134,133,135,183,186,183,183,186,191,196,196,196,199,199,191,187,191,194,189,186,187,196,209,217,215,204,202,202,207,207,204,202,202,199,196,191,189,191,202,212,217,217,217,215,215,215,207,143,136,142,212,233,241,246,251,254,254,251,251,251,254,251,248,246,243,241,238,235,233,230,228,225,222,217,215,212,212,209,209,209,209,209,207,207,207,207,207,207,207,207,204,202,202,202,202,202,199,199,196,196,196,199,199,199,196,196,196,199,204,209,212,215,222,225,225,225,222,217,215,215,215,217,222,225,228,228,228,228,228,228,228,228,225,225,217,212,207,207,207,207,209,209,212,212,215,217,222,228,230,233,233,235,235,235,233,233,235,241,246,254,255,255,255,255,255,255,255,254,246,241,238,235,233,233,233,230,225,217,215,215,215,212,212,212,212,212,215,215,217,217,222,222,222,217,212,207,204,202,202,202,204,202,199,199,204,209,212,215,222,225,225,217,215,215,217,222,225,228,228,225,222,217,215,215,215,212,212,215,215,217,217,217,217,220,217,217,215,215,212,209,204,199,189,178,173,173,176,173,168,0,0,0,0,0,1,17,25,13,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,23,47,59,67,75,81,113,85,85,87,91,77,55,29,19,29,65,95,150,139,131,95,89,89,131,173,199,202,191,173,157,163,0,0,0,0,0,0,0,212,176,116,64,15,5,0,0,0,0,15,85,0,0,0,147,137,137,0,147,129,121,118,105,87,87,95,77,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,7,0,0,0,0,0,0,0,0,0,124,40,7,14,0,0,0,129,129,137,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,40,25,27,19,0,11,25,29,11,33,176,189,134,118,155,155,139,144,178,228,243,254,255,255,255,255,255,255,228,199,207,217,89,25,33,33,6,9,53,91,111,168,0,215,207,187,187,238,255,255,255,255,230,230,228,160,59,13,0,0,0,5,3,5,13,13,0,0,0,0,0,0,0,0,13,66,113,134,126,105,87,64,52,56,66,66,51,25,0,0,0,0,0,0,66,77,59,35,33,53,0,0,0,0,0,0,170,126,100,85,69,35,7,0,0,0,0,0,0,0,0,0,0,0,0,0,17,7,0,0,0,0,0,0,3,13,5,5,17,0,0,11,77,150,196,217,220,212,204,212,220,220,215,209,199,186,173,166,166,170,173,170,163,117,113,115,115,115,111,110,113,176,186,178,111,69,56,66,89,95,99,99,99,93,91,85,77,77,85,87,82,85,93,101,111,155,150,109,152,165,165,165,163,160,156,160,163,170,163,113,101,92,95,105,121,168,168,119,116,119,170,178,165,114,113,117,119,125,119,112,111,123,178,186,186,181,178,183,186,186,196,194,194,194,194,173,112,108,119,181,194,196,196,194,194,202,194,186,176,163,95,61,23,12,21,79,168,160,83,67,67,75,81,69,69,95,144,155,173,160,101,93,150,186,194,181,117,89,69,89,123,186,196,196,196,215,228,228,217,204,176,133,189,212,225,225,228,230,233,235,228,217,213,217,225,209,202,228,228,137,25,33,31,0,0,0,0,0,0,0,0,53,111,139,155,138,129,134,160,202,225,243,255,255,255,255,255,0,0,0,0,0,0,0,0,246,228,202,165,131,82,56,30,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,11,19,27,45,79,142,173,181,183,196,207,215,217,217,215,207,199,186,181,176,168,165,117,105,97,85,82,82,89,105,119,125,129,181,181,189,204,215,222,212,207,212,222,217,222,225,233,215,191,191,194,191,189,189,173,119,107,93,89,93,91,69,51,39,37,39,53,77,103,147,147,147,155,163,165,157,147,139,97,89,75,69,69,69,69,75,75,85,85,85,85,85,95,107,155,157,165,168,165,165,173,186,207,209,209,194,209,209,207,200,207,209,194,194,215,228,217,183,169,183,233,254,233,209,194,207,194,186,121,117,117,123,176,183,176,121,107,101,101,113,165,173,165,165,165,157,115,115,115,115,107,101,101,157,189,204,194,183,176,160,109,152,157,109,101,103,117,160,157,115,111,110,165,215,215,173,115,107,107,115,133,215,241,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,48,111,155,178,170,160,105,31,31,43,45,108,142,150,155,163,157,71,0,25,113,155,202,217,217,189,207,183,163,155,152,152,160,173,170,168,170,178,194,204,209,209,212,212,212,212,212,204,186,170,129,131,131,173,186,189,178,129,129,176,181,191,202,199,186,178,178,176,129,118,118,127,181,207,212,191,133,132,133,176,133,131,132,135,186,189,186,189,196,199,202,194,177,177,186,186,183,186,183,133,128,196,183,137,137,139,196,215,217,217,222,222,222,222,222,217,215,215,217,222,222,222,217,217,217,222,225,228,228,228,230,230,215,124,122,110,121,137,141,191,220,230,225,215,199,132,122,132,194,209,215,215,207,196,139,127,116,137,228,228,225,217,140,186,186,183,186,204,204,182,169,189,209,222,212,217,194,189,202,199,182,178,182,202,215,212,209,207,207,186,139,191,132,117,141,220,89,70,119,215,228,222,196,137,196,137,186,189,194,204,215,215,204,199,204,202,143,143,209,217,225,228,225,225,228,228,228,230,228,215,135,125,127,202,225,230,233,235,235,233,233,233,233,233,233,230,230,230,230,222,209,198,199,209,217,222,217,217,222,222,215,213,213,222,217,191,135,130,133,196,137,133,186,207,217,222,222,225,225,225,228,217,194,141,189,202,217,222,222,222,225,228,230,225,222,215,207,199,186,178,189,196,194,202,217,228,233,233,196,189,204,225,228,225,225,222,228,233,235,233,230,230,233,230,222,212,196,190,194,199,207,212,212,204,174,169,183,204,222,190,186,199,199,191,215,230,134,138,141,189,194,196,199,196,191,191,196,196,186,139,186,189,135,127,181,209,225,230,233,233,235,238,238,238,248,119,196,183,135,11,21,97,217,233,230,230,233,233,233,230,228,225,225,215,199,183,133,127,133,139,131,117,116,209,222,228,228,230,235,225,204,189,196,230,235,233,233,233,212,194,190,189,190,204,225,233,233,230,233,235,228,207,189,189,196,181,119,110,112,212,228,222,202,189,191,129,119,127,127,119,181,209,225,225,225,230,217,202,189,137,136,135,136,139,199,217,222,160,173,189,196,189,141,189,199,189,138,139,204,225,230,230,228,222,212,212,225,228,228,225,228,228,228,224,224,230,235,233,226,226,228,228,228,226,226,228,230,235,233,228,224,225,230,230,225,215,199,139,139,207,207,139,143,204,207,196,190,192,194,189,136,141,136,137,217,233,230,233,235,230,212,137,194,220,228,222,93,69,119,225,212,132,133,137,131,124,139,191,194,215,230,230,233,230,230,230,233,233,235,233,230,228,228,230,230,233,233,235,235,233,233,233,228,225,225,225,222,222,222,225,225,222,222,222,222,225,230,230,228,228,230,230,228,228,228,228,225,217,217,222,222,217,212,209,215,222,230,233,230,228,225,225,222,213,215,225,230,233,233,230,225,225,228,230,228,228,228,230,230,233,233,230,228,225,222,215,213,213,215,217,222,225,228,228,230,230,228,228,228,225,222,217,222,217,217,222,228,228,228,225,225,228,233,233,233,228,225,225,225,225,225,225,228,230,230,228,225,222,207,189,135,103,105,114,127,137,191,196,194,186,182,186,194,194,183,137,186,196,199,129,87,65,0,0,109,207,222,215,215,225,222,209,202,196,194,204,202,204,243,204,176,181,194,207,215,217,215,204,196,199,204,212,217,220,217,217,222,217,215,217,217,217,215,204,194,194,194,196,199,186,182,199,204,202,202,207,202,183,129,121,121,111,121,189,204,202,194,194,202,209,217,209,204,194,103,63,101,127,196,199,202,215,209,199,202,209,222,225,225,230,233,228,82,98,212,225,230,233,228,225,228,217,217,222,225,222,222,222,217,215,212,204,202,203,207,209,215,225,230,233,230,222,215,212,207,195,199,209,217,225,217,145,122,145,204,215,217,217,215,209,207,207,207,209,212,207,204,199,196,196,196,199,199,198,199,207,209,207,202,199,196,194,196,199,199,199,199,202,202,204,207,209,207,202,204,215,217,212,209,207,209,212,207,200,200,207,212,215,217,222,217,212,209,212,207,202,199,204,209,212,215,217,222,225,228,230,230,230,228,228,225,222,217,217,215,212,209,209,209,207,202,196,194,196,196,199,199,199,196,194,189,187,187,189,191,191,191,189,186,183,183,186,186,186,183,183,191,202,215,222,225,222,212,196,199,209,212,212,212,209,199,191,189,189,194,196,194,191,189,189,189,183,178,177,178,135,132,133,181,189,191,183,182,182,189,196,199,202,202,199,187,185,189,194,194,189,191,199,207,212,209,204,199,199,202,202,199,196,194,196,196,191,189,191,204,215,220,222,217,212,209,209,207,151,142,141,204,228,235,243,248,254,254,251,251,251,251,251,248,246,243,241,238,235,233,230,228,225,222,217,217,215,212,209,209,209,209,207,207,204,204,204,204,207,207,204,204,202,202,202,202,202,202,199,199,199,199,199,199,199,196,196,196,202,204,209,212,215,217,222,225,222,222,217,215,215,215,220,222,225,228,228,228,228,228,228,228,228,228,225,215,209,205,205,207,209,209,212,212,209,209,215,222,225,230,233,233,235,235,235,235,235,238,241,248,254,255,255,255,255,255,255,255,254,246,241,238,235,233,233,233,230,225,215,212,212,209,209,209,207,209,212,212,215,215,215,217,217,217,215,212,207,202,200,200,202,202,202,199,198,202,207,209,212,217,222,217,212,209,209,212,217,222,225,228,225,222,217,217,215,212,208,208,209,215,217,217,222,222,222,220,217,215,215,215,209,207,199,189,181,173,173,173,173,170,0,0,0,0,7,19,33,41,33,17,0,0,0,0,0,0,0,0,0,0,7,7,1,0,0,0,1,27,53,59,67,79,113,87,87,87,93,124,87,73,55,47,55,79,160,196,189,152,93,95,155,199,228,254,254,238,222,217,230,0,0,0,0,0,0,0,0,181,121,64,19,0,0,0,0,0,5,56,0,0,0,0,129,121,121,113,105,103,98,77,38,30,30,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,22,0,0,0,0,0,0,0,0,0,0,98,30,17,0,0,0,0,118,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,56,64,56,25,19,37,25,0,0,87,183,191,194,176,139,81,85,157,222,243,243,255,255,255,255,255,255,255,225,233,251,115,33,47,63,43,43,89,117,165,0,0,0,241,199,179,254,255,255,255,255,246,220,186,118,33,1,0,0,0,13,0,0,0,0,9,0,0,0,0,0,0,0,27,87,134,139,129,139,126,74,52,64,74,64,23,1,0,0,0,0,0,0,90,103,79,30,11,33,0,0,0,0,0,0,173,152,124,108,82,46,13,3,3,3,0,0,0,0,0,0,0,0,0,0,0,7,1,0,0,0,0,0,15,15,21,43,139,13,0,0,25,118,186,215,220,228,228,230,230,220,209,209,207,191,169,164,166,181,186,173,121,112,111,111,119,160,157,115,115,163,176,165,111,65,59,91,150,109,99,105,147,150,101,85,81,89,93,85,76,81,91,101,105,103,91,90,105,163,178,189,176,163,156,155,170,176,170,109,95,90,92,99,160,173,168,119,119,121,176,178,170,117,113,112,117,125,168,123,117,127,178,181,181,181,178,183,194,196,202,202,202,202,183,125,108,119,181,196,202,204,204,204,209,209,194,168,147,105,105,87,47,13,13,55,91,77,53,51,53,61,58,40,37,63,134,155,170,163,150,144,168,191,199,176,117,105,107,163,178,186,186,186,189,207,217,225,215,181,113,107,125,191,212,220,225,230,243,243,233,225,215,215,215,215,220,222,207,126,0,7,7,0,0,0,0,0,0,0,35,47,55,139,173,160,144,144,170,204,233,243,255,255,255,255,255,0,0,0,0,0,0,0,0,238,212,178,147,108,74,56,43,21,17,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,31,63,129,157,173,183,207,209,217,217,217,215,207,199,176,168,165,123,123,121,107,95,89,82,82,93,109,168,178,183,181,181,183,202,212,215,212,204,212,215,215,225,233,243,233,215,212,207,194,194,194,181,165,107,93,86,93,89,69,51,39,36,37,51,73,103,144,144,142,144,155,157,157,155,147,139,99,97,85,75,69,69,75,83,85,85,85,84,85,95,107,155,155,165,168,165,163,165,183,207,215,215,209,215,209,207,207,209,209,207,207,215,225,215,179,174,194,233,241,215,194,189,194,189,176,121,115,117,123,176,183,173,121,107,107,115,121,165,165,157,117,157,168,173,173,165,157,115,101,91,97,160,183,183,183,189,173,157,165,165,115,103,107,157,160,115,115,115,117,176,215,215,183,127,117,117,127,194,233,254,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,53,56,92,103,46,21,0,0,0,0,0,85,134,121,116,98,49,51,67,83,142,204,189,181,183,168,168,165,160,160,173,191,191,181,170,168,168,176,189,196,202,204,204,196,204,212,189,129,129,176,181,176,176,181,189,186,183,178,129,129,189,222,189,131,126,128,176,183,117,115,119,133,202,207,186,176,133,178,178,133,131,132,181,189,186,135,132,186,194,186,178,174,176,181,186,183,183,186,189,196,183,134,136,137,139,191,204,215,217,217,222,222,225,225,222,217,217,217,222,222,220,217,217,217,220,225,228,228,228,230,230,121,112,113,114,125,129,122,117,215,222,217,212,194,135,135,199,209,215,217,215,207,199,191,139,127,135,212,217,217,215,204,189,183,183,194,202,199,181,165,183,199,204,209,209,186,181,189,202,209,209,202,202,204,204,202,199,194,101,113,139,191,96,118,246,202,66,137,217,230,215,122,105,139,194,141,137,140,196,207,204,189,138,141,141,142,191,215,225,228,228,225,222,225,225,228,230,230,209,135,125,127,145,217,228,230,233,230,233,233,233,233,235,233,228,225,228,228,217,204,191,191,198,209,217,222,217,220,222,217,213,213,222,217,189,135,137,196,207,194,183,186,196,204,207,207,207,204,199,191,139,138,196,207,215,225,228,228,228,228,230,230,230,230,228,215,199,186,185,186,189,189,199,215,228,228,225,191,189,212,228,235,235,228,225,228,230,233,233,233,233,233,230,225,209,189,186,191,202,207,207,204,191,182,182,186,199,222,228,255,209,115,196,235,204,124,135,141,191,194,199,199,191,187,191,202,202,196,194,204,215,215,189,191,204,217,228,233,235,235,238,241,238,243,95,135,43,27,0,0,101,230,233,233,230,230,233,233,230,228,228,228,222,207,183,129,117,123,129,127,112,108,191,217,225,228,230,233,225,204,191,204,228,233,233,235,233,215,191,190,187,191,204,215,228,230,230,230,233,230,209,183,179,183,129,123,113,97,189,233,228,189,121,129,127,121,119,107,105,135,204,217,222,222,217,207,194,183,136,135,136,183,196,215,233,238,189,182,189,191,189,139,129,189,191,186,189,202,225,233,233,230,222,212,209,217,225,222,222,225,225,225,225,225,230,233,230,228,228,230,230,228,226,226,230,233,235,233,228,225,228,233,228,215,191,141,137,143,204,204,143,139,194,202,199,207,207,199,196,191,186,137,139,217,230,235,233,235,238,233,217,115,103,209,204,74,82,199,225,233,228,189,141,143,189,191,199,212,225,233,233,233,230,230,230,230,233,233,230,230,228,228,228,228,230,233,233,235,233,230,230,228,225,228,228,225,222,222,225,225,228,228,225,228,228,233,230,228,228,230,228,225,222,225,225,222,217,222,225,225,222,215,212,215,222,230,233,233,230,230,230,228,222,222,228,233,233,230,228,225,225,228,228,230,230,228,228,230,233,233,233,230,228,222,215,212,212,213,215,222,225,228,228,228,225,225,222,222,217,217,222,222,220,217,222,225,228,228,225,228,230,233,233,233,228,225,224,224,225,225,225,228,230,230,228,228,222,212,202,189,92,102,119,131,133,141,196,194,182,177,183,189,137,128,109,121,191,191,129,105,71,0,0,0,83,65,69,91,228,215,194,199,194,202,209,212,222,202,217,194,183,181,191,204,204,204,196,196,202,207,212,217,217,215,215,215,215,212,212,217,225,222,212,202,194,191,191,191,185,182,191,207,212,215,215,207,191,137,123,121,115,111,129,199,204,202,202,204,215,222,207,199,194,113,37,29,21,2,49,107,125,183,194,207,217,225,228,228,228,230,222,86,111,199,222,230,228,228,225,222,217,216,220,222,222,222,222,217,207,204,204,207,207,207,209,215,225,230,230,228,220,215,212,212,204,207,212,222,228,225,207,147,199,207,215,217,215,209,204,204,199,191,194,204,204,204,202,196,199,204,207,202,196,198,202,204,204,204,207,204,196,194,196,199,199,202,202,200,200,202,204,199,189,191,209,215,212,204,196,198,204,204,202,200,204,209,212,212,215,212,204,199,204,204,199,198,199,204,207,207,212,217,225,228,230,230,230,228,228,228,225,222,220,215,212,212,212,212,209,204,199,199,199,202,202,202,199,196,194,189,187,187,189,189,189,189,189,186,183,183,186,186,181,135,137,186,196,209,215,217,217,212,199,196,199,204,207,207,202,196,189,186,186,191,196,196,194,191,186,178,178,176,176,186,191,132,134,183,194,196,189,182,182,186,194,199,204,204,199,191,189,194,199,199,196,194,196,202,207,204,202,196,194,194,194,189,141,139,186,189,143,143,189,202,212,217,222,222,215,212,209,209,204,202,153,209,225,235,243,246,248,248,251,251,251,248,248,248,246,246,243,238,235,233,233,228,225,222,222,217,215,212,209,207,207,207,207,204,204,204,202,204,204,204,204,204,202,202,202,202,202,202,202,202,202,202,199,199,196,196,196,196,202,204,209,212,215,217,222,222,222,222,217,215,215,217,217,222,225,228,228,228,228,228,228,228,228,228,222,215,207,205,205,207,209,212,215,212,209,208,209,217,228,230,230,233,235,238,238,238,238,238,243,248,254,255,255,255,255,255,255,255,254,248,246,241,235,235,233,233,228,222,215,212,209,207,207,207,207,207,209,209,212,212,212,209,209,209,209,209,207,204,202,202,202,199,199,199,199,202,204,207,212,215,215,215,209,208,208,209,212,217,222,225,225,217,215,217,215,209,207,208,209,215,217,222,222,222,222,217,215,215,215,215,212,207,202,191,186,181,178,176,173,176,0,0,21,31,41,43,41,43,53,43,27,7,0,0,0,0,0,0,0,7,17,13,7,1,0,0,7,23,45,61,73,81,87,121,121,93,93,87,95,99,93,81,87,170,0,0,235,181,139,173,222,238,251,255,255,254,241,251,254,255,0,0,0,0,0,0,0,173,116,64,13,0,0,0,0,0,13,51,0,0,0,0,111,95,79,77,77,77,79,43,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,40,0,0,0,0,0,0,0,0,0,0,118,56,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,79,53,61,66,31,37,5,0,0,0,111,173,173,137,113,67,73,150,222,251,254,255,255,255,255,255,255,255,251,246,225,119,63,49,75,91,101,111,121,113,107,181,255,255,220,191,248,255,255,255,255,0,0,157,113,47,19,0,0,0,5,3,0,0,19,27,0,0,0,0,0,0,39,41,95,147,126,103,178,196,121,79,98,108,74,25,11,0,0,0,0,0,0,0,51,22,0,0,11,0,0,0,0,189,183,173,168,0,116,100,61,15,7,9,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,45,33,2,35,163,134,9,0,0,3,155,202,220,230,230,220,220,212,202,207,207,191,173,173,183,194,194,170,115,111,112,121,181,183,181,178,178,178,168,157,107,81,81,147,176,152,105,144,160,152,85,60,75,95,97,85,76,79,87,95,89,82,82,87,99,152,178,189,178,165,163,170,183,183,170,115,101,92,92,95,160,173,160,119,119,121,165,170,170,165,119,117,117,125,168,173,170,127,117,117,123,127,129,170,178,186,196,196,202,202,181,113,112,170,196,207,204,204,212,212,212,212,202,170,103,96,103,142,69,23,15,25,33,21,17,31,51,61,63,69,87,147,165,178,181,178,168,163,176,191,194,183,163,119,160,170,181,186,186,186,178,186,204,212,194,125,95,89,107,131,202,209,220,233,243,248,248,243,225,215,215,215,225,228,202,150,53,0,0,0,0,0,0,0,0,53,121,59,111,152,173,173,168,173,196,225,243,251,255,255,255,255,0,0,0,0,0,0,0,0,0,228,199,165,126,92,64,53,43,35,33,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,53,87,129,147,173,199,207,207,215,215,215,207,186,173,173,165,121,121,123,115,93,82,89,93,97,111,170,186,189,189,183,181,189,204,212,204,204,212,215,222,233,243,246,243,246,230,212,192,204,212,207,181,113,99,93,89,83,75,55,41,37,39,51,73,99,144,144,137,137,144,155,163,163,157,150,144,139,101,85,69,69,75,85,85,85,80,84,85,95,101,107,155,165,168,165,161,165,183,194,209,209,215,215,207,207,209,217,217,209,207,215,215,194,178,178,207,215,207,194,186,186,194,194,176,121,117,119,173,186,186,173,113,105,107,121,165,165,117,115,115,117,165,178,173,165,157,115,97,87,91,109,168,183,194,196,183,165,165,165,115,101,115,168,165,107,107,107,117,173,196,204,189,173,127,127,178,215,241,254,246 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,20,0,0,0,0,0,0,0,0,0,0,39,43,41,43,35,45,75,67,55,47,189,196,176,147,155,160,165,165,168,181,196,199,186,173,166,166,168,176,181,183,183,181,183,186,183,131,131,183,194,191,183,178,181,186,189,186,178,128,129,181,196,189,176,128,131,191,191,118,115,119,129,191,191,183,178,181,189,191,183,178,181,183,178,178,133,126,127,181,189,183,178,181,183,186,183,186,191,202,209,194,135,137,186,191,194,202,212,217,217,217,217,222,222,222,217,217,217,222,222,217,217,217,217,222,225,228,225,225,228,225,135,127,141,189,189,135,116,111,194,202,199,196,186,189,202,207,209,209,207,204,202,202,199,191,135,135,186,194,204,212,209,196,185,186,202,204,194,183,179,179,182,181,178,182,182,182,186,191,222,233,202,183,196,207,209,215,207,117,131,199,207,100,113,246,225,81,189,217,233,220,119,107,194,215,191,136,140,196,199,196,142,139,142,142,189,202,228,230,230,230,228,225,222,222,225,225,222,199,135,123,122,135,212,228,233,233,230,230,233,233,233,233,230,225,222,225,225,217,207,196,196,202,212,222,225,222,222,222,222,217,215,225,225,186,133,137,196,204,196,191,191,196,199,199,196,194,191,189,186,141,189,207,215,222,228,230,230,228,230,233,230,230,233,233,222,199,186,186,189,186,189,196,209,215,215,204,186,194,215,228,233,235,233,228,230,230,233,233,233,233,233,233,230,212,185,182,194,207,207,204,199,196,202,202,189,189,209,238,248,119,87,108,209,199,137,140,196,199,199,204,204,191,187,194,207,212,207,207,212,222,217,204,196,196,207,222,233,235,235,235,235,233,243,83,55,37,31,23,27,191,230,233,233,230,228,228,230,230,230,230,230,228,212,183,123,115,116,116,119,116,116,133,199,222,228,228,222,209,196,194,202,217,228,230,235,233,215,187,191,194,196,202,209,222,228,228,225,222,215,196,179,179,181,131,135,123,82,99,222,235,189,105,99,79,91,113,115,113,135,199,212,215,212,209,204,196,186,183,181,139,194,209,225,235,238,215,186,189,199,194,111,95,123,186,186,191,202,215,225,228,228,225,212,207,207,212,217,222,225,228,228,225,225,228,230,230,230,230,233,230,230,228,228,233,235,235,233,230,230,230,228,207,132,124,131,136,143,196,196,143,141,191,202,209,217,215,209,212,204,191,139,137,202,222,235,235,233,235,241,230,92,74,119,196,115,105,209,222,230,222,196,194,207,207,204,209,215,225,233,235,233,233,230,230,230,230,230,230,230,228,228,228,230,230,230,233,233,230,228,228,228,228,228,228,225,222,222,225,228,230,230,228,228,228,230,230,228,228,230,228,222,217,225,228,225,222,225,228,228,225,217,215,217,222,228,230,233,233,233,233,233,230,230,230,230,230,228,228,225,222,225,228,230,230,228,228,228,230,233,230,230,228,225,217,215,215,217,222,225,228,228,225,222,217,217,217,217,217,217,222,222,222,222,222,225,228,228,225,228,230,230,230,228,225,225,224,224,228,228,228,228,230,230,230,230,228,222,215,207,117,116,133,189,189,196,207,204,194,182,183,183,135,130,127,189,204,207,209,217,217,77,0,0,0,0,0,49,189,178,121,122,178,196,207,212,202,178,186,189,183,135,178,183,186,191,194,199,204,209,215,215,215,212,212,212,211,211,211,215,225,225,215,202,186,139,183,189,186,186,199,212,217,220,215,207,191,181,116,118,131,131,181,196,209,212,204,199,207,204,196,191,186,183,127,91,3,0,11,101,123,133,183,207,217,220,225,228,228,225,199,91,123,199,222,228,228,228,228,225,220,217,217,217,222,225,225,217,199,196,202,207,209,209,209,215,225,228,225,215,209,209,215,217,212,207,205,207,215,217,209,202,202,207,212,215,209,204,202,202,191,186,187,196,199,199,199,199,202,207,209,204,199,199,202,204,202,202,204,204,199,196,196,199,202,202,202,202,200,202,199,186,130,127,186,204,209,199,194,195,202,204,204,202,202,204,207,207,207,204,199,198,202,207,204,199,202,207,209,207,204,209,217,228,230,230,228,228,230,230,228,228,225,217,212,212,215,212,209,204,202,202,202,204,204,202,202,196,194,189,189,189,189,189,189,189,189,186,183,183,186,186,137,134,135,181,191,202,207,209,212,209,199,194,194,199,202,202,196,191,189,186,191,194,199,202,199,194,183,178,177,176,177,189,194,178,178,186,194,194,189,182,182,189,194,196,202,207,204,199,199,202,202,202,199,199,199,202,204,204,202,196,191,186,141,139,137,136,137,135,133,133,141,196,207,209,215,217,222,220,215,209,204,204,207,212,225,233,241,243,246,246,248,248,248,248,248,248,246,246,243,241,235,233,233,230,228,225,222,217,215,212,207,207,204,204,204,202,202,202,202,202,204,204,204,204,202,202,202,202,202,202,202,202,202,202,199,199,196,196,196,196,199,204,209,212,217,222,222,222,222,222,217,215,215,217,217,220,222,225,228,228,225,225,228,228,228,225,222,215,209,205,205,207,209,212,215,215,209,208,209,217,228,230,233,233,238,241,241,241,241,241,243,248,251,254,255,255,255,255,255,255,255,254,248,243,238,238,235,233,228,222,215,209,207,207,207,207,207,207,209,209,209,207,207,204,204,204,204,204,204,204,204,202,202,199,199,199,199,202,204,207,212,212,215,212,209,209,209,209,212,215,217,222,217,215,215,217,215,212,208,208,212,215,217,222,222,217,217,217,215,215,215,212,212,209,204,196,194,191,186,181,178,181,0,13,43,53,65,63,53,59,59,85,77,53,13,0,0,0,0,0,1,13,25,27,19,15,13,9,9,21,37,59,73,81,124,129,129,129,93,89,95,137,137,137,160,0,0,0,255,235,217,235,255,251,238,254,255,230,220,230,230,230,254,254,255,255,0,0,0,144,103,64,17,0,0,0,0,13,27,51,56,0,0,0,85,66,48,35,27,27,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,87,4,0,0,0,0,0,0,0,0,0,116,69,33,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,56,25,48,59,25,5,0,0,0,0,0,51,71,55,39,33,49,144,222,254,255,255,255,255,255,255,255,255,246,222,186,95,53,53,79,97,105,101,97,83,73,95,196,228,199,191,246,255,255,255,255,0,0,0,121,71,45,9,0,0,0,0,11,39,45,33,0,0,0,0,0,39,66,69,129,176,131,77,139,160,103,87,139,150,100,56,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,163,168,160,157,134,124,116,77,15,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,45,33,0,0,49,98,21,0,0,0,79,191,220,212,212,212,212,202,202,209,202,186,176,183,183,191,186,168,115,112,121,183,204,204,199,199,196,189,168,157,113,101,103,163,178,160,105,99,103,97,59,50,61,91,97,91,82,85,91,95,91,86,87,95,105,152,176,183,178,176,176,183,191,191,181,163,113,101,94,99,121,168,121,113,112,119,121,121,165,170,168,168,168,125,125,125,127,117,110,108,110,115,115,115,129,178,186,186,194,194,176,121,121,181,199,207,204,204,212,212,212,212,207,191,163,109,155,165,101,39,17,15,9,0,0,7,47,63,75,85,134,144,147,160,173,178,170,170,176,183,183,181,173,168,165,170,170,173,173,170,129,170,178,186,181,121,99,89,101,127,199,212,225,233,243,243,243,230,225,215,215,215,228,233,222,202,147,37,0,0,0,0,0,0,0,0,43,71,121,144,170,181,181,191,212,235,251,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,186,155,124,79,61,51,48,43,33,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,49,67,81,93,150,196,207,207,207,207,209,207,186,176,183,176,165,123,165,111,89,82,97,103,109,117,176,186,186,181,181,131,181,189,204,204,204,212,215,222,233,243,251,251,254,238,222,212,212,222,215,191,119,107,99,93,93,83,69,51,41,41,51,69,95,139,142,137,137,144,157,168,173,163,157,155,144,101,85,69,68,75,85,85,85,80,85,85,85,85,95,107,157,168,165,163,168,183,191,194,194,207,209,207,209,217,222,222,217,209,215,215,194,183,183,186,183,183,137,186,194,209,207,194,129,121,123,183,191,191,173,117,107,107,123,168,121,109,107,107,107,157,160,157,115,115,115,107,97,101,115,165,183,204,215,196,173,165,157,103,93,107,157,115,98,97,101,115,165,183,183,176,168,127,173,194,225,235,233,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,17,0,0,0,0,0,7,0,0,0,0,33,37,16,15,21,19,43,75,55,33,27,168,228,196,122,144,157,165,168,170,181,194,194,183,173,168,168,168,168,170,170,170,170,176,176,173,131,176,183,196,196,186,178,178,178,178,173,128,125,129,176,181,186,181,131,129,181,176,123,125,178,199,209,194,178,176,183,196,199,189,183,189,196,135,181,194,128,125,181,199,194,186,183,186,186,182,186,196,207,215,212,194,186,191,191,191,199,212,217,217,217,217,222,222,222,220,220,217,217,217,217,222,225,222,222,225,225,222,217,217,204,143,194,215,217,209,189,118,112,137,189,194,191,189,191,199,202,204,204,202,199,199,199,202,202,189,137,133,134,186,204,209,204,191,194,209,202,183,182,186,183,186,181,177,181,191,196,191,134,139,135,116,115,130,202,217,225,215,136,183,196,194,106,118,228,222,98,196,225,238,233,132,105,199,238,217,189,196,204,196,139,139,143,202,196,196,204,225,230,233,233,230,225,220,217,215,209,202,145,133,122,118,123,212,228,233,233,230,230,230,230,230,230,228,222,222,225,225,222,215,209,209,212,217,225,228,225,222,222,225,225,225,228,225,135,123,135,191,199,199,199,199,196,194,191,189,186,186,189,194,202,209,217,222,228,228,230,230,228,228,230,229,229,230,233,228,204,189,186,189,189,191,196,204,204,199,137,135,191,217,228,233,235,235,233,233,233,233,233,233,233,233,233,230,209,183,182,196,207,207,204,199,199,209,209,189,139,194,228,228,109,84,104,207,212,207,209,217,215,212,215,212,199,194,202,212,217,215,212,209,204,194,194,191,191,196,207,217,222,222,225,222,215,212,107,73,117,129,189,186,212,228,228,230,230,228,228,230,233,233,233,230,228,217,131,119,117,116,113,117,133,135,129,133,207,222,215,204,199,191,191,194,202,215,228,235,233,217,194,196,207,196,196,204,209,212,215,212,212,204,191,181,183,191,191,220,217,83,84,135,220,115,83,73,57,75,113,129,123,131,196,207,207,202,204,207,204,196,191,186,186,202,217,228,235,238,230,194,194,204,202,107,93,122,186,186,194,202,199,204,217,225,222,215,207,205,207,215,215,215,225,228,228,228,228,228,228,228,230,230,233,230,230,230,230,235,235,233,228,228,228,215,139,125,125,135,191,196,196,191,189,189,194,207,222,228,215,209,215,209,196,141,137,141,202,228,228,222,225,233,191,80,75,127,196,129,115,196,209,212,204,191,199,217,222,215,215,217,225,230,233,233,233,230,230,230,230,230,230,230,230,230,230,233,233,233,230,230,228,228,228,228,228,228,228,225,222,222,225,228,230,230,230,228,228,230,230,230,230,230,225,215,212,217,225,225,225,225,230,230,228,222,217,222,225,228,230,230,230,230,230,233,233,233,230,228,225,225,228,222,220,220,225,230,233,230,228,228,228,228,225,225,228,228,225,225,222,222,225,228,228,228,222,215,215,215,217,217,217,222,225,225,225,225,225,225,228,225,228,228,230,230,228,228,225,225,225,225,228,230,230,228,225,228,228,230,228,228,228,217,119,117,131,199,209,215,215,209,199,191,186,186,183,181,202,217,220,222,225,230,233,222,67,0,0,43,47,129,202,183,120,112,129,183,202,202,127,123,127,183,181,131,131,133,135,183,191,202,209,212,215,215,215,212,212,212,212,211,211,215,222,222,215,202,139,136,138,183,189,194,204,215,217,215,212,207,196,181,100,101,181,186,186,196,212,217,207,196,196,191,191,183,178,209,248,181,10,5,63,125,135,181,191,212,215,215,217,225,228,215,113,96,139,207,222,225,228,230,230,225,222,217,216,217,225,228,228,217,198,195,199,209,215,212,212,215,225,228,222,205,204,207,215,217,215,207,203,203,207,212,209,204,204,209,215,212,204,200,202,204,199,190,191,204,204,202,202,207,207,207,207,204,202,199,199,202,199,199,202,202,202,199,196,196,202,204,204,204,204,204,202,191,129,124,131,194,202,199,195,196,202,207,207,202,199,202,204,204,202,199,198,199,202,207,212,207,207,212,215,207,199,204,215,228,230,228,228,228,230,233,230,230,228,222,217,215,215,212,209,204,204,204,204,204,204,202,199,196,194,191,191,189,191,191,189,189,191,186,183,183,186,186,181,135,135,137,183,191,196,199,204,204,196,191,191,196,196,194,189,185,186,189,194,199,202,204,204,199,189,183,181,178,181,189,186,178,181,186,191,191,186,182,183,191,196,196,202,207,207,207,207,207,207,204,204,204,204,204,207,207,204,199,194,186,139,137,139,139,137,133,131,131,137,194,202,204,207,212,222,228,222,209,199,202,207,212,222,230,238,241,241,243,246,248,248,251,248,248,246,243,243,241,235,235,233,230,228,225,222,217,215,209,207,204,204,202,202,199,199,199,202,202,204,204,204,204,204,204,204,202,199,199,202,202,202,202,199,199,196,196,195,196,199,202,207,212,215,217,222,222,222,222,217,212,212,215,217,217,222,225,228,228,225,225,228,228,225,222,217,212,209,207,207,207,209,212,215,215,212,209,209,217,228,230,233,235,238,241,243,246,243,246,246,248,251,251,254,255,255,255,255,255,255,254,251,246,243,241,238,230,225,217,212,209,207,207,204,204,207,207,207,207,207,204,204,202,202,199,199,202,202,202,202,202,202,202,202,199,202,204,207,209,212,215,215,215,212,212,212,212,215,215,215,217,217,215,215,217,217,215,212,212,212,215,217,217,217,217,217,215,212,212,212,212,209,209,207,204,202,199,196,189,186,189,0,27,43,59,71,100,92,92,92,92,92,85,27,0,0,0,0,0,11,19,27,33,33,33,21,15,15,17,35,59,75,87,129,131,137,139,131,93,95,137,152,155,183,0,0,0,255,255,255,255,255,235,212,220,228,204,194,212,209,191,196,217,230,225,207,181,0,137,111,82,33,17,7,3,11,27,51,43,21,15,0,46,46,35,27,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,100,17,0,0,0,0,0,0,0,0,0,124,90,48,0,56,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,40,33,11,13,17,0,0,5,11,0,0,0,15,13,7,0,0,27,121,209,241,251,255,255,255,255,255,255,255,243,186,99,63,46,50,75,85,75,55,47,39,39,67,107,178,183,191,0,255,255,255,255,0,0,0,0,113,55,21,0,0,0,0,9,45,39,9,0,0,0,0,9,45,45,39,129,163,92,60,77,79,39,72,144,157,118,66,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,121,147,157,155,131,118,116,111,77,21,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,23,0,0,7,98,103,0,0,0,63,191,220,209,204,212,204,202,207,209,199,176,176,183,172,173,173,168,163,123,183,204,204,199,191,186,181,176,155,115,155,152,152,163,176,163,109,91,79,73,57,54,73,97,97,97,101,105,107,144,144,109,111,111,109,111,152,152,160,163,170,186,191,191,181,163,113,103,99,101,113,160,160,113,109,109,112,121,121,170,178,183,181,173,125,121,123,117,111,111,115,117,115,114,119,170,186,183,176,176,129,129,173,191,199,199,196,204,209,209,209,207,209,209,196,176,170,181,170,69,27,11,0,0,0,0,13,35,57,67,67,61,61,73,147,163,163,168,168,170,173,176,176,173,163,160,119,123,125,123,122,123,127,129,129,123,107,93,97,125,199,212,225,233,235,233,225,220,215,215,215,222,228,233,238,238,217,144,0,0,0,0,0,0,0,0,0,111,124,137,173,191,191,199,220,241,251,255,255,251,251,0,0,0,0,0,0,0,0,0,0,189,155,139,113,79,56,51,51,48,33,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,55,81,89,95,155,196,207,207,207,207,209,207,199,196,199,196,173,165,121,105,87,89,103,115,117,127,176,176,131,131,127,127,135,189,191,204,204,212,222,225,233,243,251,251,254,243,230,230,230,225,212,189,165,119,113,107,107,99,75,59,51,51,55,73,95,105,105,137,103,144,157,173,173,173,163,157,155,139,85,69,66,73,85,85,85,85,85,85,85,80,80,101,155,168,165,168,173,183,186,183,183,186,194,209,215,217,217,222,222,215,215,207,194,183,183,135,130,130,135,191,209,225,217,207,176,127,129,183,191,194,173,121,115,115,165,168,121,107,101,101,101,107,109,107,103,109,157,160,157,157,157,165,183,209,225,209,176,157,107,93,77,93,107,103,93,93,101,115,123,165,168,127,123,127,183,209,228,228,215,194 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,0,0,0,38,0,0,35,33,0,0,9,13,66,37,82,144,155,157,75,0,0,11,91,186,186,103,120,152,163,168,170,178,183,183,178,173,168,168,166,165,165,166,168,170,131,127,127,131,129,129,183,194,189,181,176,131,128,127,126,126,173,173,117,133,176,133,125,125,123,131,191,204,212,212,189,177,177,186,202,202,189,183,191,202,130,178,212,183,131,186,199,191,183,182,186,183,182,183,194,204,212,212,202,186,139,139,141,199,212,222,225,225,225,228,225,222,222,220,217,216,216,217,225,225,225,225,222,222,217,215,209,194,145,202,222,228,217,202,129,125,139,189,194,194,189,189,189,191,194,202,204,202,199,196,199,204,196,141,132,132,139,196,202,202,194,199,207,194,181,181,189,194,199,196,194,202,212,215,204,133,110,102,108,118,127,191,215,222,215,199,191,191,189,126,186,215,207,106,204,228,241,233,196,105,137,225,222,204,202,204,191,137,138,189,202,202,196,202,215,228,233,233,230,225,215,209,204,194,143,139,135,125,119,122,222,233,235,233,230,230,228,225,225,228,225,222,222,222,225,222,222,222,217,217,222,225,225,225,222,222,225,230,228,215,141,81,85,139,194,202,204,204,202,196,189,186,186,186,191,199,209,222,228,230,230,230,233,233,230,228,230,230,229,229,230,233,230,215,199,191,191,194,196,196,199,196,189,131,127,139,207,225,230,233,235,235,235,235,233,230,230,233,233,230,225,207,189,187,194,199,199,204,204,204,207,207,191,140,189,204,207,135,115,199,228,230,228,228,230,228,222,222,215,204,199,202,212,222,222,217,204,185,176,181,186,194,194,189,189,194,207,212,194,49,12,89,107,207,204,202,202,212,222,225,228,228,228,228,228,230,233,230,228,228,225,109,109,121,121,112,116,189,191,129,126,189,207,194,186,189,191,196,191,183,196,228,238,238,225,194,182,182,170,170,194,194,192,196,202,204,199,194,189,191,196,207,241,248,99,89,125,199,99,81,71,57,95,125,135,121,127,194,207,202,194,199,212,212,202,196,189,189,207,225,230,235,238,233,212,199,202,202,189,135,191,186,186,196,194,137,189,212,220,220,217,212,207,209,215,207,198,207,215,222,225,228,228,228,225,225,228,228,230,230,230,230,230,230,225,215,212,209,199,137,131,143,217,225,215,202,194,191,191,186,196,222,228,204,190,199,204,199,191,135,127,133,199,202,194,199,199,123,91,112,196,191,131,123,191,202,202,194,143,199,222,228,225,222,222,225,230,233,233,233,230,230,230,230,233,233,233,233,233,233,235,235,233,233,230,228,228,230,230,230,230,228,225,222,222,225,230,230,233,230,230,228,230,230,233,233,230,222,211,209,212,222,222,222,225,228,230,228,225,225,225,228,230,230,230,228,225,225,228,230,233,233,228,224,224,225,222,218,217,222,228,233,233,230,228,225,224,221,221,225,228,230,228,228,225,225,228,228,225,222,215,213,215,215,217,220,225,228,228,228,225,225,228,228,228,228,228,230,230,228,228,228,225,225,225,225,230,230,228,222,225,228,228,228,228,230,228,121,116,121,196,217,222,215,204,194,194,189,189,189,194,217,225,225,222,225,228,230,230,202,47,73,191,186,222,217,204,194,131,129,127,113,67,44,119,125,202,186,133,133,131,131,127,181,209,212,212,215,215,215,215,215,217,217,215,212,215,222,217,209,196,139,137,137,139,186,196,207,212,212,209,209,212,207,194,92,87,181,191,194,199,209,209,199,199,199,194,191,183,177,202,233,183,35,63,107,127,137,191,202,212,215,212,212,217,225,204,105,109,199,212,222,225,225,228,228,222,222,222,217,222,225,228,230,225,209,199,202,215,220,215,212,217,225,228,222,204,203,207,217,217,209,205,204,204,207,209,209,204,209,215,217,209,200,198,202,212,215,215,217,215,204,204,209,212,212,209,204,204,202,196,195,195,195,195,196,202,204,202,195,194,199,207,207,204,204,207,209,207,196,133,135,186,196,202,199,202,204,209,209,204,199,202,204,204,202,198,199,199,199,209,217,212,207,212,215,207,199,202,215,228,228,228,228,228,233,233,235,233,230,225,222,217,217,215,209,204,204,207,207,207,204,202,199,196,196,194,191,191,194,191,189,189,189,186,183,183,186,189,189,183,135,134,135,183,186,191,194,196,194,191,191,194,194,191,186,183,185,189,194,194,196,202,204,204,199,194,191,186,191,191,183,178,183,186,189,189,186,183,186,191,196,196,199,204,209,209,209,209,209,209,209,209,209,207,207,207,204,199,191,186,183,183,186,186,141,137,132,131,133,186,194,196,202,207,217,228,222,207,196,196,202,209,215,225,233,238,241,243,246,248,251,251,251,248,246,243,243,241,238,235,235,233,230,225,222,217,215,209,207,204,202,202,199,199,199,199,199,202,204,204,203,203,204,204,204,202,199,199,202,202,202,202,199,199,196,196,195,195,199,202,207,209,215,217,217,217,217,222,217,212,212,215,215,217,222,225,225,225,225,225,228,225,222,217,215,212,212,212,209,209,212,212,215,215,212,209,212,217,228,230,233,235,238,243,246,248,248,248,248,248,251,251,251,254,254,254,255,255,255,255,254,254,248,246,238,230,222,212,209,209,207,204,204,204,204,207,204,204,204,202,199,199,198,198,199,199,202,202,202,202,202,202,202,202,202,204,207,209,215,215,217,217,217,215,215,217,217,217,215,215,215,215,215,217,217,217,217,217,215,215,215,217,217,217,217,212,212,211,212,212,209,209,209,207,207,207,202,196,191,194,13,43,51,59,100,111,100,100,100,92,92,59,27,0,0,0,0,11,19,27,33,33,43,43,33,21,17,21,37,61,79,93,131,137,139,152,139,101,101,107,155,165,191,0,0,0,255,255,255,255,255,230,204,204,204,186,194,209,196,165,166,189,196,191,176,0,0,160,144,126,92,51,17,7,7,19,35,19,0,0,0,9,9,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,87,17,0,0,0,0,0,0,0,0,0,0,118,0,0,77,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,33,27,3,0,0,0,0,31,59,31,31,37,19,0,0,0,0,7,65,155,215,241,255,255,255,255,255,255,255,243,178,93,53,46,53,83,87,67,40,32,32,36,67,101,160,168,196,0,255,255,255,0,0,0,0,160,121,53,21,1,0,0,0,0,5,0,0,0,0,0,0,0,0,33,33,79,95,64,61,61,31,14,24,105,142,100,51,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,152,152,165,155,124,111,108,92,66,40,15,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,11,0,0,29,131,152,113,47,47,85,173,204,202,204,212,204,194,191,191,191,186,191,191,173,173,181,181,181,183,204,212,209,194,181,178,168,157,114,111,114,155,160,152,160,165,144,87,70,73,75,81,101,142,103,105,157,155,147,147,155,165,165,150,99,95,95,99,103,109,163,178,183,183,170,160,109,103,101,105,113,168,168,113,109,109,112,165,170,176,186,189,189,181,168,125,127,170,170,170,170,127,121,115,115,125,131,131,129,129,129,173,183,199,199,191,190,196,204,204,204,199,202,217,207,181,157,165,189,101,45,15,0,0,0,0,0,1,33,53,57,55,55,63,144,160,160,152,152,157,165,176,176,170,160,119,118,119,125,123,120,120,123,129,173,127,107,91,91,113,131,186,209,228,233,225,217,209,209,217,222,230,233,233,233,246,248,209,7,0,0,0,0,0,0,0,0,142,129,147,186,199,199,202,225,235,243,248,251,243,238,0,0,0,0,0,0,254,0,0,228,168,126,113,108,79,56,51,51,43,19,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,3,37,121,155,157,165,181,207,207,207,207,207,209,207,199,199,204,196,173,121,107,87,79,95,115,125,170,176,176,129,123,117,117,125,131,181,189,204,212,220,222,230,230,243,243,251,243,238,238,238,235,222,204,181,173,165,160,119,117,107,85,69,55,55,63,75,99,105,105,103,103,144,157,173,176,173,165,163,155,139,93,69,66,69,85,85,85,75,85,95,95,84,84,99,113,157,165,173,178,183,183,173,172,176,191,209,217,217,217,222,233,225,215,194,183,191,194,137,126,126,135,194,217,225,220,207,186,129,129,176,183,183,173,121,115,121,168,173,117,101,97,97,97,101,103,101,101,109,165,176,173,165,157,157,173,209,225,215,183,157,103,75,71,75,93,101,95,97,103,117,123,123,121,121,121,127,194,225,233,220,194,133 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,0,0,95,98,0,0,0,9,142,157,183,215,238,254,163,0,0,45,176,186,191,133,130,142,155,163,170,178,186,183,178,173,168,166,165,165,166,168,176,178,131,112,108,117,123,127,178,189,191,186,178,131,129,131,176,183,191,181,105,112,123,176,176,115,114,129,194,204,207,202,183,177,178,186,196,194,182,181,186,186,124,126,183,181,178,186,191,186,182,181,183,186,186,186,189,191,196,202,196,137,131,132,137,196,212,222,225,228,228,230,228,225,222,217,217,216,217,217,222,225,225,225,222,222,217,215,207,196,194,207,217,222,215,202,143,139,191,199,199,191,140,141,186,186,191,202,204,202,199,196,196,199,199,189,134,134,183,191,194,194,191,194,194,183,182,189,196,199,199,199,202,207,215,225,222,202,114,109,204,241,222,202,207,209,212,204,199,199,212,212,217,217,191,111,204,228,233,222,202,141,189,204,207,202,199,199,196,189,143,189,194,194,191,199,209,217,225,230,228,217,207,199,191,141,138,139,141,137,125,131,228,233,233,230,230,225,222,217,222,225,225,225,222,222,225,225,225,225,222,217,220,222,225,225,225,225,228,230,220,143,77,63,74,189,202,209,209,207,202,194,189,186,186,194,202,212,225,230,233,235,235,235,235,233,233,230,230,230,230,230,230,230,228,222,209,196,194,194,196,196,194,191,143,133,126,125,139,207,222,228,233,235,235,233,230,230,230,230,230,225,215,204,199,196,191,186,191,204,212,209,204,202,194,141,186,199,209,217,228,235,238,238,235,230,230,228,222,222,217,209,207,207,212,217,222,217,204,186,179,182,191,196,191,179,178,183,202,220,199,33,0,45,101,101,189,194,202,212,225,228,230,230,228,228,228,230,230,230,230,230,230,101,106,125,123,110,112,189,196,186,129,186,196,137,131,139,191,204,196,179,181,222,238,238,228,194,179,177,164,163,186,196,194,194,196,199,196,194,189,186,189,196,222,235,133,123,194,220,135,115,89,74,189,194,189,120,127,194,202,199,191,196,209,212,204,196,187,189,204,222,230,233,238,233,217,196,194,196,196,196,199,133,137,189,137,129,139,215,220,222,225,222,215,215,217,207,196,200,207,212,217,222,225,225,222,222,222,225,228,228,228,225,222,212,202,196,196,194,145,137,137,194,225,233,228,215,204,199,194,123,111,199,222,191,179,185,199,202,196,137,123,123,133,139,137,137,141,137,133,196,199,191,141,186,202,202,194,143,189,207,228,230,228,225,225,228,230,230,230,230,230,230,230,233,233,233,233,233,233,235,235,235,235,233,230,228,228,230,230,230,230,228,225,222,225,228,230,233,233,233,230,230,230,230,228,230,228,217,209,208,212,217,222,222,225,228,230,230,228,228,228,230,230,230,230,228,225,218,218,225,228,230,228,224,225,228,225,220,218,222,228,230,230,230,228,225,224,221,224,225,228,233,233,230,225,225,225,225,225,222,217,217,215,215,215,217,225,228,228,228,228,228,228,228,225,225,228,230,230,230,230,230,225,222,217,215,225,230,225,222,222,222,222,222,225,228,228,215,139,133,194,215,215,204,196,191,194,183,135,135,189,217,228,225,217,222,225,228,233,225,95,91,199,204,222,215,207,209,202,183,123,65,21,9,123,176,215,202,183,181,135,131,93,93,204,212,215,217,217,217,217,217,217,217,217,215,217,222,217,207,196,186,183,139,139,186,199,212,217,215,212,212,217,215,207,98,93,191,204,209,207,202,181,178,202,204,204,204,199,189,191,189,178,77,91,105,123,186,202,209,215,215,209,207,209,215,199,109,137,209,222,222,222,225,225,222,220,220,222,225,225,225,228,230,230,217,202,202,212,222,215,212,217,222,228,225,209,205,212,217,215,207,207,209,209,209,209,209,212,217,225,222,209,199,198,204,217,222,222,222,207,143,194,209,215,215,212,207,207,204,199,195,195,195,195,195,196,202,202,196,195,199,204,204,202,204,209,215,215,212,202,191,186,191,204,204,202,204,212,212,204,199,202,204,207,204,199,199,199,199,207,212,207,202,204,207,202,199,207,215,225,228,228,228,230,233,235,235,235,233,228,225,222,222,215,209,204,207,209,209,207,204,202,199,196,196,196,194,194,194,194,191,189,191,186,181,181,183,186,186,183,137,134,134,135,181,183,189,191,191,191,191,194,194,191,186,185,186,191,191,190,191,199,207,209,207,204,196,194,196,196,194,191,189,186,186,189,186,183,183,189,191,189,191,199,207,209,209,212,215,215,212,215,212,207,205,207,204,196,189,186,186,186,186,186,186,183,135,132,133,139,191,196,199,204,212,217,215,204,196,196,199,204,209,217,228,235,241,246,248,248,251,254,251,248,246,243,243,241,238,235,235,233,230,228,225,217,215,212,207,204,204,202,199,199,199,199,199,202,204,204,203,203,204,204,204,202,199,199,199,202,202,199,199,199,199,196,196,196,199,202,207,209,212,215,215,217,217,222,217,212,211,212,215,215,220,225,225,225,225,225,225,225,222,217,215,215,215,215,215,215,212,215,215,212,209,208,209,215,225,230,233,235,238,241,246,248,248,251,251,251,251,251,251,254,254,254,255,255,255,255,255,255,254,246,235,225,215,209,209,207,207,204,204,204,204,204,204,202,202,199,199,198,198,198,199,202,202,204,204,202,202,202,202,204,204,207,209,212,215,217,222,222,217,217,217,217,217,217,212,211,212,212,215,215,217,222,222,222,217,217,217,217,217,217,217,212,212,211,212,212,209,209,209,209,209,209,204,199,196,199,27,59,61,65,77,111,95,92,92,92,87,61,33,1,0,0,1,19,31,35,41,43,51,51,51,35,29,29,47,69,81,95,134,137,139,160,165,160,155,165,168,173,199,0,0,255,255,255,255,255,255,230,209,199,194,176,194,215,196,157,156,173,181,181,181,0,0,0,196,160,116,74,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,79,25,4,0,0,0,0,0,0,0,0,0,0,0,0,98,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,12,12,0,0,0,0,0,0,0,0,0,0,0,14,33,40,11,0,0,0,0,56,90,79,79,51,11,0,0,0,0,0,23,77,178,230,251,255,255,255,255,255,255,241,194,107,73,55,81,111,115,93,67,49,41,67,107,178,181,181,0,0,255,255,255,0,0,0,0,160,126,59,25,7,0,0,0,0,0,0,0,0,0,13,9,13,27,33,39,69,87,87,103,87,31,9,15,64,90,72,30,48,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,163,168,165,131,111,100,82,59,43,27,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,0,11,113,147,150,124,111,111,124,139,152,170,178,178,194,176,168,168,176,196,202,199,191,186,191,194,194,202,209,212,212,204,191,181,176,165,155,115,152,165,163,150,150,155,144,89,79,87,93,101,150,155,144,150,170,155,107,101,105,109,107,99,94,91,91,93,99,109,152,165,170,165,160,113,107,107,107,113,121,168,168,121,112,113,165,178,183,186,186,191,183,181,173,173,176,181,186,186,178,170,123,113,103,101,113,129,176,176,176,183,196,199,199,190,190,196,204,204,196,194,199,202,194,157,101,102,181,152,55,15,0,0,0,0,0,1,41,71,85,83,79,95,152,160,160,151,148,152,168,176,173,165,157,119,119,165,173,168,120,122,170,176,181,173,107,81,71,85,99,111,176,215,228,225,212,205,208,215,228,233,233,229,230,243,255,230,47,0,0,0,0,0,0,0,0,134,124,152,181,191,194,207,220,238,243,243,241,233,228,0,0,0,0,0,254,251,251,0,199,142,113,113,113,92,64,48,51,35,5,0,0,0,0,0,0,0,0,0,0,0,0,17,27,17,0,0,0,11,61,168,207,207,204,207,212,207,207,207,207,209,207,196,199,199,186,165,107,87,69,69,101,121,170,176,176,127,121,117,117,117,125,131,181,189,204,212,222,230,230,230,243,243,243,243,233,238,238,230,212,189,181,170,170,170,170,163,105,85,67,61,61,73,83,99,103,105,99,99,137,152,165,173,173,163,163,155,144,93,69,69,73,85,85,75,75,85,101,107,101,95,101,109,152,165,173,178,178,173,173,170,173,186,209,215,215,215,222,233,233,215,194,183,194,207,194,130,126,131,194,217,220,217,196,186,129,127,129,173,129,127,121,117,121,173,168,115,93,85,85,89,95,101,101,101,109,165,173,165,117,107,107,165,204,225,204,183,160,103,75,71,73,93,107,107,101,115,123,165,121,117,127,129,173,204,235,241,217,183,130 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,9,0,0,0,13,147,173,196,212,230,243,230,55,0,0,176,176,170,140,137,144,155,163,176,189,196,194,186,176,170,168,168,170,178,186,191,194,189,113,97,100,123,178,183,186,186,183,181,176,176,183,194,199,204,196,113,111,117,176,186,115,115,131,186,194,194,189,186,183,183,186,189,186,183,182,189,191,130,126,130,133,135,178,183,189,189,186,186,189,194,191,183,178,183,191,191,139,132,132,135,191,207,217,225,228,228,230,228,225,217,216,216,217,222,217,217,217,222,222,222,222,222,215,209,202,202,204,204,204,202,196,189,189,202,212,212,189,134,137,141,189,194,199,199,196,196,199,202,204,202,191,139,139,186,183,186,191,194,191,182,179,183,199,204,204,199,196,191,189,196,212,215,212,202,202,225,241,233,209,199,196,199,202,204,215,228,222,222,217,137,116,196,225,225,212,202,196,191,138,139,191,191,194,202,199,194,191,191,191,189,194,202,207,212,215,215,207,199,191,143,139,138,141,145,143,133,137,217,230,230,228,225,222,216,216,217,225,228,225,225,225,225,225,228,225,222,222,222,225,228,230,230,233,233,230,217,189,87,76,133,196,204,212,209,202,194,191,189,186,189,202,212,225,230,233,235,238,238,235,235,233,233,230,230,233,233,230,228,228,225,222,212,202,194,194,194,194,191,194,191,137,127,122,124,189,212,225,233,235,235,233,230,230,228,228,225,215,202,199,204,199,141,138,140,199,215,215,202,196,191,141,141,204,222,233,238,238,238,235,235,233,233,228,222,222,217,215,215,217,217,217,217,212,202,191,185,191,196,194,183,179,179,186,199,220,209,77,0,91,99,36,86,133,196,215,228,233,233,230,228,228,228,228,228,228,233,230,225,104,111,129,123,113,114,191,204,207,196,199,202,183,131,133,186,207,204,181,178,207,230,233,228,217,209,212,186,174,189,202,202,196,194,194,194,189,179,176,177,183,194,199,186,191,209,230,225,217,129,111,209,215,209,135,135,189,196,194,190,194,207,209,202,194,187,189,202,215,228,233,235,233,209,137,186,196,139,129,121,118,129,137,134,130,143,215,222,225,228,225,217,217,217,212,204,202,204,207,209,215,222,225,225,222,222,222,222,222,217,212,204,191,189,189,191,191,141,137,137,191,217,233,230,225,217,209,202,110,88,117,209,196,185,189,204,207,204,191,124,123,129,139,138,139,189,189,191,202,202,199,196,199,207,199,142,139,142,212,225,230,230,228,228,228,230,230,230,230,230,230,233,233,235,235,235,235,235,235,238,238,238,235,235,230,230,230,228,228,228,225,225,225,225,228,230,233,233,230,230,228,225,222,217,222,222,215,209,209,212,217,222,222,225,230,230,230,230,228,230,230,233,230,230,233,228,222,217,217,220,225,225,225,228,230,230,225,222,225,228,228,228,230,230,228,228,228,228,228,230,235,235,230,228,225,225,225,225,225,225,222,217,215,215,217,225,228,228,228,225,228,228,225,222,222,222,225,228,230,233,230,228,222,212,200,209,228,228,222,217,213,213,215,222,225,225,225,212,196,194,204,194,139,189,202,204,139,122,121,135,215,228,228,217,217,222,225,230,222,111,99,199,209,217,212,209,215,212,209,199,103,41,27,178,178,191,196,194,196,199,191,86,71,87,207,212,217,222,222,217,217,217,217,217,215,217,220,215,202,194,191,191,186,183,189,204,217,225,225,222,217,217,209,199,118,127,202,215,222,212,181,121,126,202,209,212,215,215,207,194,186,189,194,119,105,129,207,209,209,215,215,207,202,199,196,133,103,143,215,225,225,222,225,225,222,220,220,225,228,230,228,230,233,233,222,199,149,209,222,215,212,217,220,225,228,222,215,217,217,212,207,209,215,215,212,212,212,217,225,225,222,209,199,198,207,222,217,215,207,133,112,116,141,202,212,215,212,215,212,207,202,202,202,199,195,195,196,199,202,202,202,199,196,194,202,209,212,212,212,207,199,189,191,204,199,194,202,207,207,202,199,202,207,207,207,204,202,199,199,199,199,194,194,199,202,199,202,209,217,225,228,228,228,230,233,235,238,235,233,230,225,225,225,217,212,207,207,209,209,207,204,202,199,199,196,196,196,196,196,196,191,191,191,186,181,178,178,181,181,178,135,134,133,135,137,181,183,189,191,191,191,191,191,191,189,189,191,194,191,189,190,202,209,212,209,204,196,191,186,191,202,204,196,189,186,186,186,183,183,181,181,179,183,194,204,207,209,215,217,215,215,215,212,207,205,207,204,196,189,183,183,183,139,139,183,186,139,135,135,141,194,196,199,202,207,207,207,202,199,196,196,151,202,212,225,235,243,248,248,248,251,251,251,248,246,243,241,241,238,235,235,235,233,230,225,222,217,212,209,207,204,204,202,199,199,199,202,202,204,204,204,204,204,204,204,202,199,199,199,199,199,199,199,199,199,199,199,199,202,204,207,209,209,212,215,215,217,222,217,212,211,212,212,215,217,222,225,225,222,222,222,222,217,215,215,215,217,220,217,217,215,215,215,212,209,208,209,215,222,228,233,235,235,238,243,246,248,251,251,251,251,251,254,254,255,255,255,255,255,254,254,254,251,243,230,217,212,207,207,207,204,204,202,204,204,202,202,199,199,199,199,199,199,199,202,202,202,204,202,202,202,202,204,204,207,207,209,215,217,217,222,222,222,222,222,222,222,217,212,211,211,212,215,215,215,222,225,225,222,217,217,217,222,222,217,215,212,212,212,212,209,209,209,209,207,207,204,199,199,202,33,65,71,67,73,71,65,65,65,65,92,95,59,21,0,0,7,25,45,53,53,53,59,65,61,53,47,49,61,81,91,131,139,139,142,176,191,196,202,202,189,181,194,233,0,255,255,241,255,255,255,238,204,186,176,166,189,212,196,166,168,181,191,199,215,0,0,0,204,168,0,74,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,82,33,0,0,0,0,0,0,0,0,0,0,0,0,0,116,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,27,0,0,0,0,0,0,0,0,0,0,0,0,40,48,33,0,0,0,0,48,90,95,79,27,0,0,0,0,0,0,0,25,137,225,248,251,251,255,255,255,251,225,186,111,85,79,105,181,186,115,95,89,99,160,217,243,225,191,0,255,255,255,204,235,255,243,189,152,126,67,35,9,0,0,0,0,0,0,0,0,21,41,72,64,39,39,61,87,118,150,152,121,53,17,22,53,56,31,46,77,66,0,0,0,0,0,0,0,0,0,0,0,0,0,194,178,163,168,168,144,118,108,90,66,43,27,21,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,17,95,165,165,137,100,61,79,81,73,81,131,134,93,163,168,163,161,176,202,209,199,194,194,196,196,202,204,204,204,212,204,191,178,178,168,165,157,165,176,173,152,147,147,105,91,87,99,103,107,150,147,142,157,170,157,107,99,98,101,101,95,97,95,94,95,103,109,152,160,115,115,107,107,107,113,157,160,160,121,121,121,119,165,178,186,191,191,191,186,183,181,181,181,181,189,196,191,178,123,105,91,89,89,101,131,186,194,194,202,202,199,191,190,191,204,204,204,196,194,194,202,183,109,96,98,165,155,67,25,3,0,0,0,0,15,59,129,157,157,147,144,144,147,152,151,147,151,165,173,163,155,119,121,163,173,181,170,120,125,178,183,191,183,113,71,57,57,65,83,113,199,228,225,217,209,208,215,235,243,233,228,228,238,251,230,87,0,0,0,0,0,0,0,0,45,71,131,144,160,181,207,233,241,243,241,235,233,0,0,0,0,0,0,255,251,228,207,0,131,116,124,124,103,72,56,43,17,0,0,0,0,0,0,0,0,0,0,0,0,0,15,25,17,3,0,3,25,111,183,222,228,222,222,215,207,207,207,207,209,207,196,196,186,173,113,87,66,62,69,107,123,127,176,176,125,117,115,117,125,131,178,183,189,207,222,230,230,230,230,241,243,243,243,238,233,230,220,209,189,189,191,186,191,186,170,105,83,61,61,67,75,91,99,101,101,99,99,99,144,157,163,163,163,157,155,139,93,73,73,73,85,73,69,69,85,101,107,107,107,107,107,150,160,168,173,170,168,173,178,183,191,194,209,209,215,217,222,228,215,191,181,194,209,207,186,130,135,194,217,217,207,194,186,133,127,127,127,123,121,121,121,165,173,168,107,85,80,80,85,89,97,101,107,157,168,168,115,97,88,101,173,209,215,204,178,157,101,75,71,74,97,115,121,115,121,165,123,115,115,173,194,189,215,241,254,225,183,130 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,126,173,194,207,217,228,212,31,0,0,152,163,155,144,147,155,160,168,183,199,207,202,191,181,173,173,178,189,196,202,204,207,209,199,104,102,129,189,189,183,178,173,176,178,181,189,199,207,212,207,189,113,114,127,178,133,131,178,181,186,183,176,183,194,196,191,189,191,196,202,204,204,194,133,132,133,131,130,135,191,202,199,191,191,202,204,191,177,181,139,135,139,137,135,135,186,202,212,222,225,228,230,228,225,217,216,217,222,225,217,212,212,215,222,225,225,225,217,209,204,202,194,142,142,143,191,194,199,207,217,225,202,137,138,186,191,196,196,194,192,192,199,207,212,209,194,183,189,189,186,189,194,196,194,182,178,183,202,209,215,209,196,135,123,129,191,199,202,202,202,202,207,212,207,195,192,195,202,209,220,215,199,215,217,186,129,191,215,215,209,199,191,139,122,118,137,141,141,194,194,189,191,191,191,189,191,196,199,202,202,199,194,191,191,145,143,143,191,196,147,137,137,204,225,228,228,225,222,216,215,217,228,230,230,228,225,225,228,228,228,225,222,222,228,230,233,235,238,238,233,217,207,194,186,202,202,204,207,199,189,137,135,137,141,191,204,215,225,230,233,235,235,235,235,233,230,230,230,230,230,228,228,228,228,225,217,209,202,196,194,191,191,191,196,196,141,135,126,127,191,207,217,230,233,233,230,228,225,222,215,212,204,196,196,199,194,140,138,140,194,207,209,199,191,141,140,189,220,233,238,241,238,235,235,233,233,233,230,225,222,217,217,222,225,225,222,217,212,202,191,189,191,191,183,181,179,183,191,199,199,186,71,47,189,125,34,49,123,194,209,222,230,230,230,228,225,228,225,222,225,230,222,196,105,115,133,127,123,129,199,209,212,207,209,209,199,133,125,129,194,209,191,179,196,222,228,230,230,228,228,222,186,183,191,137,137,135,183,196,196,179,174,176,181,189,189,186,196,204,215,217,209,183,183,212,225,222,204,189,189,191,191,191,196,204,207,202,191,189,191,196,209,225,230,233,230,202,129,141,199,131,116,112,117,129,137,139,139,194,209,222,222,225,222,215,212,212,212,207,202,202,202,207,212,217,222,222,222,217,212,209,207,202,196,191,189,187,189,191,191,141,133,133,194,220,230,230,230,230,230,225,115,82,104,199,202,199,202,204,204,204,199,127,125,131,186,189,191,199,199,194,196,202,204,202,191,196,191,138,136,143,217,225,228,228,228,225,228,230,230,230,230,230,233,233,235,235,235,235,235,235,235,235,235,238,238,238,235,233,230,228,225,225,225,225,225,228,230,233,233,230,230,228,225,222,212,211,215,217,215,211,211,215,217,217,217,225,230,230,230,230,230,230,233,233,233,233,233,233,228,222,217,217,218,222,228,230,233,233,230,230,230,230,228,230,230,230,228,228,230,230,228,233,235,235,233,228,228,228,225,225,228,228,225,222,217,215,217,222,225,228,225,225,225,225,222,217,212,215,217,225,228,230,230,230,228,209,187,194,228,230,228,217,212,212,215,222,225,225,225,217,196,127,109,104,111,189,217,217,199,115,114,137,212,228,230,217,217,217,222,225,217,176,75,97,196,207,212,215,217,217,217,220,202,117,97,183,181,181,189,199,209,217,215,123,68,73,191,202,209,217,222,222,217,217,217,215,217,217,217,209,194,189,191,196,194,189,189,204,217,225,225,228,225,212,189,127,119,189,207,217,222,204,121,118,129,204,212,215,225,225,212,199,196,204,215,196,119,189,212,207,205,212,212,204,202,196,189,127,101,143,217,225,225,225,228,228,225,225,222,225,228,233,233,233,233,230,217,147,145,209,222,215,212,215,215,220,225,228,225,217,215,209,207,212,217,217,215,215,215,215,217,217,217,212,202,200,207,217,217,212,204,141,112,111,121,191,209,217,222,222,217,217,215,209,207,204,199,199,199,204,207,209,204,191,131,129,189,207,209,204,204,202,199,191,191,199,194,191,196,202,202,196,199,202,204,207,209,209,204,202,199,194,186,185,192,199,199,196,199,207,217,228,230,230,230,233,235,235,235,235,233,228,228,228,225,222,212,207,207,209,209,207,207,204,202,199,196,196,196,199,199,199,194,191,189,186,181,178,135,135,135,135,135,134,133,135,178,181,181,186,189,189,186,189,189,191,191,191,194,196,191,189,191,202,209,209,204,202,204,194,123,122,189,202,202,191,186,183,183,183,181,181,179,178,183,196,204,209,212,215,217,215,212,212,212,207,207,209,209,202,191,183,137,135,135,137,183,183,139,137,139,189,196,196,196,199,202,199,199,202,202,199,150,150,199,207,222,233,243,248,248,246,246,246,246,243,243,241,241,238,238,238,235,235,233,230,228,225,222,215,212,209,207,207,204,204,202,202,202,202,204,204,204,204,204,202,202,202,202,199,199,199,199,199,199,199,202,202,204,204,204,207,207,207,209,209,212,215,217,222,217,212,211,211,212,215,217,222,222,222,222,222,222,220,217,217,217,217,217,222,217,217,215,215,215,212,209,208,209,212,217,225,230,233,235,235,238,241,246,248,251,254,254,251,251,251,254,255,255,254,251,248,246,246,243,235,225,212,209,207,207,207,204,202,202,202,202,202,199,199,199,199,199,199,199,199,199,199,199,202,202,202,202,202,204,207,207,209,212,215,217,222,217,217,222,222,222,222,217,217,215,212,212,217,217,217,217,222,225,225,225,222,222,222,222,222,217,217,215,215,215,212,212,212,212,209,207,207,204,202,202,204,35,69,75,73,69,63,57,63,63,63,90,98,90,37,17,9,9,29,55,67,67,73,79,81,73,63,61,65,77,89,131,139,144,142,157,191,220,251,255,254,202,176,183,209,238,251,228,209,220,230,238,228,186,164,161,161,194,0,199,191,191,191,207,235,255,0,0,0,204,168,0,0,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,48,25,0,0,0,0,255,255,0,0,0,0,0,0,0,137,150,0,0,0,0,0,0,0,0,0,0,0,0,35,27,27,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,35,20,0,0,0,0,0,0,0,0,0,0,0,56,56,27,0,0,0,0,25,79,98,79,17,0,0,0,0,0,0,0,0,65,194,241,243,243,251,255,255,251,215,178,109,93,93,113,183,181,150,101,150,186,0,0,0,233,181,196,255,255,235,183,202,243,225,163,139,118,53,27,7,0,0,0,0,0,0,0,0,21,61,100,113,82,59,74,0,0,0,160,113,37,25,51,64,27,0,29,85,77,7,0,0,0,0,0,0,0,0,0,0,0,0,196,181,163,163,173,170,147,116,108,77,46,27,27,23,11,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,41,87,144,207,194,134,29,9,33,53,47,61,77,75,59,97,160,168,168,186,202,207,194,194,186,186,194,194,191,189,191,194,191,178,163,163,163,165,165,176,178,176,163,152,147,109,95,81,93,103,142,147,107,104,144,157,165,147,101,100,105,105,105,111,111,105,105,111,115,109,109,103,101,95,97,101,113,163,168,121,115,113,115,123,178,183,191,194,194,194,194,189,189,183,181,176,189,199,196,173,107,93,87,85,88,111,178,194,183,194,202,202,199,191,191,196,212,212,204,196,194,202,207,189,157,106,144,173,170,91,45,13,3,0,0,0,19,59,142,173,173,155,97,92,101,155,157,152,152,160,165,153,116,117,121,163,170,176,168,122,170,183,183,194,194,125,81,56,54,59,83,117,209,233,233,225,215,209,215,241,248,243,230,228,238,241,215,152,19,0,0,0,0,0,0,0,11,47,100,121,142,170,207,241,248,243,235,235,0,0,0,0,0,0,0,255,246,220,199,0,142,0,131,131,116,95,64,35,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,5,3,19,41,118,181,215,228,233,233,222,212,205,207,207,209,207,196,196,181,163,103,71,62,59,69,113,121,123,127,127,117,115,117,123,131,178,189,189,189,207,222,230,230,230,230,235,241,243,243,243,238,228,212,209,204,204,202,202,212,202,181,113,81,61,61,73,83,91,99,99,99,99,95,95,137,144,152,152,152,155,147,137,93,85,85,85,85,73,69,69,73,85,101,107,144,107,107,109,157,165,165,165,168,178,191,194,191,191,194,207,215,215,215,215,209,194,183,194,207,194,186,135,194,209,217,217,207,207,194,183,173,127,127,123,123,123,165,178,189,178,115,93,81,85,85,89,101,115,165,178,189,173,107,82,81,101,183,215,215,194,173,115,97,77,75,89,107,121,160,115,121,165,121,107,109,183,215,204,220,246,255,233,194,130 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,157,163,163,118,111,181,178,126,0,0,0,137,168,155,155,165,168,168,170,183,202,207,199,189,178,173,176,186,196,207,209,209,212,215,215,202,127,176,186,186,178,129,127,131,178,183,189,199,215,215,209,199,111,113,121,131,133,133,176,176,176,176,131,183,196,199,194,186,191,202,207,207,202,196,189,183,178,129,126,135,194,209,209,194,189,207,212,199,181,189,125,104,123,135,135,137,141,194,209,217,225,228,230,228,225,217,216,220,225,228,217,211,211,212,222,225,225,225,217,209,204,196,142,138,139,143,196,204,209,204,204,209,202,194,196,199,196,199,199,194,192,192,199,207,212,207,191,186,194,196,194,196,191,194,196,191,182,183,199,209,215,215,202,127,118,125,141,186,191,196,194,189,194,202,202,195,194,199,212,222,222,195,189,225,225,204,189,194,207,209,204,194,189,186,125,118,186,186,139,186,139,138,141,186,189,189,196,202,202,199,196,194,194,194,194,194,196,202,204,204,196,139,135,196,225,230,228,228,225,217,217,222,228,230,230,228,228,228,228,228,225,217,217,222,228,230,233,235,238,238,230,215,204,204,199,202,207,207,202,141,132,130,130,131,141,194,204,212,220,225,230,233,235,235,233,230,230,230,228,228,226,226,226,228,230,228,217,207,202,199,194,191,190,194,202,204,194,199,202,199,204,204,204,212,222,225,222,215,207,199,196,199,202,196,194,196,194,186,141,186,191,204,207,202,191,141,140,199,225,233,238,241,238,238,235,233,235,233,228,222,220,217,217,222,225,228,228,228,222,207,196,186,183,181,137,181,189,194,199,202,194,129,43,55,202,215,68,55,121,191,202,212,217,217,225,220,215,225,225,215,212,215,202,115,99,111,135,133,133,181,207,215,209,209,212,212,204,131,119,120,131,209,204,181,189,215,228,233,233,233,233,230,204,186,135,107,108,110,131,207,215,199,181,179,186,191,191,186,196,196,196,196,181,182,196,212,222,217,209,194,186,186,191,194,196,199,202,199,191,194,196,199,204,217,228,228,225,204,128,137,204,186,121,112,127,139,186,191,194,199,207,215,215,217,215,209,204,204,204,199,194,194,199,204,209,212,212,209,207,202,199,199,196,194,194,191,194,191,194,196,191,137,127,125,199,225,230,228,228,235,241,254,127,82,101,189,196,204,202,196,191,194,194,129,127,131,143,191,194,204,204,194,192,196,202,196,132,189,189,140,139,212,233,228,230,230,225,225,225,228,230,233,230,230,233,233,235,235,235,235,235,235,233,235,235,238,238,241,238,235,233,230,228,228,228,228,228,230,230,230,233,230,230,228,228,217,211,209,212,222,222,215,212,212,215,215,215,222,228,230,230,230,230,233,235,235,233,233,233,233,230,228,222,218,218,222,228,230,233,233,233,233,230,230,230,233,233,230,228,225,225,228,230,233,235,235,230,228,228,228,228,225,228,228,228,225,222,217,222,222,225,225,225,222,222,222,217,215,212,212,212,217,222,228,228,230,233,215,176,181,225,233,233,225,215,215,222,228,230,225,222,215,125,78,61,64,103,207,222,228,217,118,117,194,209,225,225,222,222,222,217,222,215,199,64,69,131,191,209,215,217,215,215,212,199,131,115,176,183,189,194,207,212,215,215,207,81,85,129,183,196,212,217,222,222,222,217,217,220,220,215,202,190,187,194,204,202,191,189,196,209,215,222,225,217,204,119,101,97,189,209,215,215,189,119,121,183,204,212,217,222,222,199,194,204,209,215,215,196,204,209,205,205,209,209,204,207,202,196,143,123,207,222,225,225,228,230,230,230,230,228,225,228,233,238,238,235,228,212,141,143,217,228,217,212,212,211,212,222,228,228,222,212,207,205,212,222,225,222,222,215,209,207,209,215,215,209,204,207,212,212,209,215,217,141,117,131,202,212,222,225,222,222,222,217,212,207,207,207,207,209,209,209,209,204,135,112,112,125,194,199,196,196,196,196,194,194,194,192,192,196,199,194,192,196,204,204,202,207,212,207,202,202,194,181,178,194,199,199,196,199,207,222,228,230,230,230,233,235,235,235,233,230,228,225,225,225,220,212,209,207,209,209,207,207,204,202,199,196,196,196,199,199,199,196,191,189,183,181,178,178,178,178,178,178,135,134,178,181,181,181,183,183,183,183,183,186,189,191,194,196,196,194,191,194,204,209,204,204,207,217,215,117,110,123,186,202,196,186,137,137,137,181,183,181,183,191,202,207,212,212,215,215,209,207,209,207,205,207,215,212,207,196,186,135,131,133,135,139,139,135,135,139,189,191,191,191,199,199,194,194,202,204,199,150,149,151,207,222,233,241,246,246,243,243,241,238,238,238,238,238,238,238,238,235,235,233,230,228,225,222,217,215,212,212,209,207,207,204,204,204,204,204,204,204,204,202,202,202,202,202,202,199,199,199,199,199,199,202,202,204,207,207,207,207,207,207,209,212,215,217,217,217,212,211,211,212,215,217,222,222,222,222,220,217,217,217,217,217,220,222,217,217,217,215,212,212,212,209,208,209,212,215,225,228,233,233,233,235,238,243,248,251,251,251,248,246,248,248,251,248,246,243,241,238,238,233,228,215,209,207,207,207,204,204,202,202,202,202,202,199,199,199,199,202,202,199,196,194,194,196,199,202,202,202,204,204,207,207,209,212,215,217,217,217,217,217,222,222,222,217,217,217,217,217,222,225,222,222,225,225,225,225,225,225,222,222,222,222,217,217,215,215,215,212,212,215,212,209,207,207,204,204,204,32,61,69,69,63,57,55,55,63,57,55,63,63,49,31,21,17,35,61,73,79,113,124,129,81,75,69,77,89,134,142,142,155,155,168,209,255,255,255,255,191,157,168,194,212,212,203,202,204,202,209,199,168,155,161,176,212,0,0,204,204,196,207,246,255,0,0,0,204,176,0,0,72,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,20,53,72,0,0,0,38,38,0,0,0,0,0,0,0,0,108,48,4,0,0,0,0,0,0,255,0,0,0,0,0,0,0,144,183,0,0,0,0,0,0,0,0,0,0,35,12,0,0,9,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,38,56,95,121,118,46,0,0,0,0,0,0,0,56,48,5,0,0,0,0,25,79,124,108,31,0,0,0,0,0,0,0,0,27,155,230,241,237,243,255,255,248,215,186,155,107,103,113,165,163,107,101,176,204,217,0,0,196,148,155,241,255,228,192,225,254,222,165,134,100,37,11,0,0,0,3,15,9,0,0,0,21,64,111,139,118,77,95,0,0,0,134,77,27,25,61,64,1,0,0,48,40,0,0,0,0,0,0,0,0,0,0,0,0,0,204,189,173,173,181,181,168,134,116,90,59,46,48,48,23,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,105,131,155,191,186,129,2,0,7,23,35,49,65,59,49,81,147,173,186,191,202,199,189,183,183,183,183,181,181,170,170,181,178,157,116,116,157,163,168,176,178,173,160,152,150,144,99,61,79,101,152,155,107,102,103,144,155,155,144,105,107,105,105,150,152,152,150,111,107,97,95,95,93,93,91,93,103,160,173,160,115,113,116,173,186,191,191,191,194,202,202,202,191,183,176,176,191,199,196,173,105,93,88,88,97,125,183,186,177,181,194,194,191,191,191,207,222,222,204,199,194,202,212,202,176,165,178,196,196,160,57,19,0,0,0,0,9,51,134,176,176,144,89,86,101,170,186,183,178,176,168,117,116,118,160,165,168,168,123,123,176,183,183,194,204,176,97,57,56,69,101,176,217,235,233,230,225,217,225,241,248,248,238,230,230,225,207,165,57,0,0,0,0,0,0,0,7,47,90,116,142,181,215,241,248,241,234,243,246,0,0,0,0,0,0,0,233,215,204,0,0,134,124,131,124,105,64,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,11,17,31,49,118,170,212,233,243,243,233,215,207,207,215,209,207,196,199,181,123,101,77,63,66,87,115,121,121,121,121,115,115,121,131,178,186,186,189,191,212,220,230,230,230,230,230,230,235,243,251,243,222,212,217,220,222,222,220,220,212,189,117,83,61,55,67,83,91,99,99,105,99,93,92,99,144,152,152,150,144,137,99,93,85,85,85,83,67,63,69,69,73,85,101,107,107,107,109,152,160,165,165,170,183,194,207,194,191,191,207,209,207,194,194,207,194,191,186,194,183,135,189,217,225,225,217,217,217,207,186,173,127,123,123,127,168,183,194,204,183,117,101,93,89,89,93,115,173,194,209,215,194,115,81,80,103,183,215,215,204,183,115,101,89,89,95,107,117,121,115,121,165,115,93,101,176,215,215,225,254,255,241,196,130 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,150,150,142,29,0,0,0,0,0,0,0,0,181,194,207,168,173,178,173,173,178,186,194,181,176,170,168,176,189,202,207,209,209,209,209,212,209,183,131,176,176,131,126,127,181,189,186,186,196,212,215,217,207,125,129,127,131,178,178,178,133,128,128,132,178,189,191,189,186,186,189,194,191,189,189,191,196,191,131,130,186,196,204,207,189,131,196,215,137,124,186,118,92,125,128,123,131,137,186,202,215,222,228,230,225,222,222,222,225,228,225,217,212,211,215,225,228,225,215,209,207,202,196,145,143,191,196,202,204,207,196,143,189,196,199,199,199,199,202,202,199,194,192,194,202,207,204,194,189,194,196,196,191,189,191,194,194,189,186,191,202,209,212,199,131,125,135,186,189,196,199,194,186,186,194,199,202,202,207,212,222,217,196,196,225,225,202,194,199,207,207,202,196,199,196,194,202,196,141,139,139,137,137,141,191,194,199,204,215,215,212,209,207,207,207,199,191,196,207,209,204,194,133,130,145,217,228,228,228,225,225,222,225,228,230,228,228,228,228,228,228,217,213,215,222,228,228,230,235,238,233,225,207,143,189,202,209,212,217,207,129,119,133,133,133,189,199,207,212,215,220,228,233,233,233,233,233,230,230,230,228,228,228,230,230,233,228,215,204,199,199,199,194,190,199,212,212,207,212,222,222,222,212,204,202,204,207,209,202,186,178,187,204,204,189,139,189,196,194,189,186,186,202,217,209,199,141,139,140,217,233,235,238,238,235,235,233,233,230,222,217,217,217,217,222,225,230,230,228,222,209,191,139,135,133,133,137,204,212,207,202,189,129,107,105,183,181,103,105,186,202,209,209,207,191,135,131,186,207,228,207,186,194,131,92,95,107,191,186,130,181,217,222,217,215,215,215,204,121,116,123,135,202,228,183,186,222,238,235,235,235,233,225,209,189,131,111,105,106,191,225,233,225,209,189,194,204,207,207,202,196,194,186,179,186,204,212,212,207,196,189,183,186,196,199,194,194,191,189,191,196,202,202,204,209,217,222,217,217,132,117,135,204,196,186,196,196,194,191,194,202,207,207,209,209,207,202,196,196,204,196,192,194,199,204,209,209,207,199,194,194,194,194,194,196,202,199,199,202,202,196,133,125,124,116,104,215,225,215,222,230,235,235,108,114,143,191,139,139,189,141,138,139,139,135,133,139,191,199,199,202,199,196,194,194,143,133,132,196,145,145,217,230,238,238,235,233,228,224,225,228,230,233,230,233,233,235,233,233,233,233,233,233,233,233,233,235,235,238,238,238,235,230,228,230,230,230,228,228,230,230,230,230,230,230,230,225,215,212,217,228,230,222,217,215,212,212,215,222,225,228,228,230,233,233,235,235,233,233,235,235,233,230,228,222,222,222,228,230,233,235,235,233,233,230,233,235,235,230,228,224,224,225,230,233,235,233,230,228,228,228,225,222,225,228,228,225,222,222,222,225,225,225,222,222,217,217,217,215,212,212,212,212,215,222,228,228,233,225,174,177,215,228,233,230,225,222,225,230,233,225,212,129,108,103,102,117,135,191,217,225,222,202,133,202,215,222,222,222,222,225,217,217,217,189,58,29,79,123,189,202,207,212,212,202,196,183,133,176,191,191,194,204,209,212,212,207,196,121,123,127,135,196,209,215,217,222,222,222,222,220,212,202,191,191,207,212,209,199,189,189,199,212,222,137,135,137,74,61,87,133,196,204,189,135,127,127,135,199,209,212,212,204,119,117,199,209,212,199,199,209,209,209,209,209,209,212,212,209,207,202,196,204,215,225,225,225,230,233,233,233,233,228,230,235,238,238,238,233,149,110,204,230,228,225,222,215,208,207,215,228,233,225,212,207,205,215,228,228,225,222,215,207,204,205,209,215,212,207,202,204,204,199,215,222,207,196,199,209,215,217,222,222,217,217,215,212,209,209,212,212,212,209,209,209,204,186,123,119,125,135,141,189,191,191,194,194,196,194,194,196,202,202,192,190,196,207,204,196,202,207,204,202,202,202,190,190,194,196,192,192,199,212,222,228,230,230,233,235,235,235,233,233,230,228,225,222,217,215,212,209,209,209,207,207,204,204,202,199,196,196,196,196,199,196,194,191,186,181,178,178,181,183,181,178,135,135,135,178,181,183,181,181,181,181,178,178,181,183,189,194,196,194,199,202,202,209,212,207,207,209,217,220,181,86,79,110,199,199,189,135,133,134,181,186,186,189,194,202,207,209,212,215,212,209,207,205,205,205,209,212,212,207,199,189,137,131,133,137,183,137,133,133,139,186,186,189,194,196,194,189,191,199,204,202,150,149,151,209,225,235,241,243,243,243,241,238,235,233,235,235,235,235,235,238,235,235,233,230,228,228,225,225,222,217,215,212,209,209,207,207,207,204,204,203,204,202,202,202,204,204,204,202,199,196,196,196,196,199,199,202,204,207,207,207,207,207,207,207,209,212,215,215,215,215,215,215,212,215,217,222,222,222,222,217,217,217,217,217,222,222,222,217,217,217,215,212,212,209,208,208,209,212,217,222,228,230,230,233,233,235,241,246,248,248,246,243,241,241,243,243,241,238,235,233,233,230,228,217,212,209,207,207,204,204,204,202,202,202,202,199,199,199,199,199,202,202,199,194,191,191,196,199,202,202,204,204,204,204,207,212,215,217,217,217,217,217,217,222,222,222,217,222,222,222,222,225,225,225,225,225,225,225,225,225,225,225,222,222,222,222,217,217,215,215,212,212,215,212,209,209,209,209,209,207,35,45,61,61,61,55,49,49,49,45,37,49,49,49,31,23,31,43,55,69,81,124,139,139,93,83,79,89,101,144,155,155,155,111,163,217,255,255,255,220,168,114,168,204,212,199,199,220,238,202,183,173,168,173,181,212,243,230,215,222,207,185,196,243,255,255,235,222,212,0,0,0,74,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,17,0,0,0,14,20,22,20,20,0,0,0,105,121,98,33,0,7,0,0,0,0,0,0,0,0,0,0,118,64,77,118,0,0,0,0,0,0,0,0,0,0,53,33,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,0,0,22,33,77,116,129,116,53,0,0,0,0,0,0,22,38,35,0,0,0,0,0,66,142,160,118,21,0,0,0,0,0,0,0,0,5,173,230,243,243,243,246,251,243,225,209,163,147,101,91,107,155,107,105,147,152,147,152,0,165,151,151,0,199,212,233,255,255,233,170,134,108,33,5,0,0,1,21,41,37,11,0,0,15,0,124,139,126,108,126,139,0,0,90,64,25,17,25,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,56,0,0,217,212,191,181,183,181,168,147,124,92,61,35,51,51,29,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,118,137,155,168,150,105,51,17,3,5,21,31,35,43,65,103,168,186,191,196,199,189,183,183,183,183,181,181,168,121,165,165,157,116,116,155,165,178,178,178,163,107,105,147,144,87,53,61,93,142,144,142,105,104,105,147,155,155,144,105,99,95,97,105,111,150,107,97,87,87,97,101,95,90,90,101,160,173,173,168,168,178,186,194,196,194,191,194,202,207,207,191,176,121,168,183,196,189,173,117,103,99,105,113,119,131,178,177,183,191,187,187,191,199,207,225,225,222,204,183,191,209,207,181,165,178,186,202,176,69,17,0,0,0,0,0,21,93,173,173,129,83,83,137,186,204,196,191,183,173,157,155,163,170,170,170,125,123,125,170,178,186,194,194,176,105,58,59,87,115,189,225,238,243,243,230,230,235,241,248,251,246,241,235,220,196,155,41,0,0,0,0,0,0,0,11,47,92,118,144,194,222,243,248,248,248,251,251,251,251,0,0,0,0,0,0,0,0,0,163,137,124,124,131,111,61,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,17,17,21,31,43,59,118,165,212,241,251,246,233,222,215,215,215,215,207,196,194,181,119,101,95,83,87,107,165,165,113,112,113,112,111,123,178,186,186,186,186,202,209,220,222,222,230,230,228,228,230,243,243,241,222,220,225,230,230,233,230,222,204,183,163,95,61,47,55,73,91,93,99,105,137,93,93,99,137,147,147,147,137,99,93,91,87,85,83,73,67,63,63,67,73,91,101,139,107,107,109,150,157,160,168,170,183,191,207,207,207,207,207,207,194,189,189,194,207,194,183,183,137,137,194,233,246,233,225,225,217,194,183,129,123,122,122,127,173,194,215,194,165,115,101,93,85,89,101,160,194,204,215,215,204,165,87,83,97,115,173,204,209,194,160,107,93,85,89,97,107,115,117,121,165,115,75,85,127,209,215,225,254,255,241,194,130 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,90,103,126,121,29,0,0,0,1,0,3,0,0,173,189,189,176,183,189,183,183,178,176,176,168,165,165,127,170,183,196,202,204,204,204,204,202,194,173,125,125,127,127,131,183,199,199,191,186,189,202,207,217,212,178,131,176,196,204,199,196,181,126,126,133,181,183,183,186,183,181,176,133,131,131,133,186,196,196,191,194,199,196,196,194,135,127,133,191,137,118,191,183,129,194,183,127,129,137,186,202,212,217,222,228,225,222,222,225,225,228,225,222,215,215,222,230,230,217,202,196,194,196,196,194,196,202,202,196,191,143,137,136,139,196,202,202,202,204,207,207,204,196,192,194,199,207,202,194,189,189,191,191,189,189,189,191,191,186,139,183,194,204,212,207,186,139,189,191,191,199,204,199,186,185,189,202,209,215,209,207,207,202,191,194,207,139,138,186,202,209,209,204,202,204,204,204,212,204,186,141,139,135,137,191,207,215,215,217,225,230,230,228,225,225,222,209,194,139,194,204,202,191,132,129,135,212,225,225,225,225,225,225,225,228,228,228,228,228,230,230,228,217,213,215,222,230,230,233,238,235,228,207,143,140,143,207,215,207,209,204,124,110,141,191,191,199,209,217,220,217,222,228,230,233,233,233,233,233,233,233,230,230,230,233,233,233,228,215,202,198,202,207,204,194,199,215,222,222,225,230,233,233,228,215,204,194,196,199,191,187,186,199,215,204,133,128,136,196,199,191,185,183,191,212,207,194,139,139,189,217,233,235,235,235,235,235,233,230,228,222,217,217,220,222,222,225,230,228,222,215,196,137,137,133,132,131,133,199,207,202,191,178,131,131,135,183,133,119,178,215,222,220,215,207,135,123,119,125,137,186,104,100,129,125,102,103,129,202,191,128,181,222,225,225,225,222,225,217,186,125,133,135,183,199,139,191,222,241,243,241,235,225,207,194,183,125,109,105,110,199,230,241,233,209,196,207,217,225,217,212,204,199,191,186,194,196,189,186,135,131,137,194,202,212,207,199,194,187,187,189,194,196,202,207,212,212,209,209,209,130,119,132,194,196,199,202,202,194,141,186,196,204,209,212,204,199,196,196,202,207,202,194,194,199,204,209,209,202,194,145,191,145,191,202,212,222,215,207,204,196,189,131,127,131,116,112,189,199,199,204,204,207,217,196,191,199,189,133,134,139,141,141,139,139,139,191,207,222,225,215,209,207,204,204,202,191,135,141,199,141,143,212,230,238,238,238,235,230,225,225,228,230,233,233,233,233,233,233,233,233,233,233,233,230,230,230,230,233,233,235,235,235,230,230,230,233,233,230,230,230,230,230,230,230,233,235,233,225,222,225,233,235,230,225,217,215,217,222,225,228,228,228,230,233,235,235,235,235,235,235,235,235,233,230,225,222,225,228,233,235,238,238,235,233,233,230,233,233,233,228,225,224,224,230,233,233,233,230,228,225,225,222,222,225,228,228,225,222,222,222,222,225,225,225,222,220,217,217,215,212,212,209,207,209,215,222,225,230,222,186,183,202,222,230,230,228,222,225,230,230,225,207,143,191,194,133,131,129,93,196,217,225,204,137,209,217,222,222,222,215,212,212,215,222,183,54,50,123,123,121,127,191,209,212,196,189,183,181,186,191,183,131,191,204,209,204,196,194,186,135,133,133,137,189,204,212,217,217,215,215,212,209,204,202,199,204,212,212,199,187,187,196,209,207,89,77,75,61,61,90,127,183,183,178,178,181,131,127,181,191,199,186,95,65,67,181,209,204,135,181,207,215,215,212,212,212,215,212,209,209,207,204,202,209,217,222,222,230,233,233,230,230,230,233,233,233,233,233,228,104,104,215,230,230,230,228,217,207,207,217,230,233,225,212,209,207,215,225,225,222,217,215,209,204,205,209,215,215,207,202,202,199,195,199,204,199,196,202,207,209,212,212,215,215,215,215,212,209,209,209,209,209,207,207,207,207,199,186,137,135,135,137,139,189,191,191,196,196,196,196,199,202,204,196,192,202,204,196,191,194,199,199,194,199,202,194,196,199,196,190,190,196,209,217,228,228,230,233,233,235,233,233,230,230,228,225,220,217,215,212,212,209,209,207,204,204,204,202,199,195,195,195,196,196,194,191,186,183,178,135,135,181,181,178,135,135,135,178,178,181,183,181,178,178,178,178,178,178,183,186,191,191,194,204,212,209,209,215,215,212,207,204,207,194,108,103,123,199,202,189,135,132,134,139,186,186,189,194,199,204,209,212,212,212,212,209,207,209,209,212,209,204,196,194,186,137,131,133,181,183,135,131,133,137,139,139,183,191,191,189,141,189,196,202,202,196,150,199,212,228,233,235,241,243,243,241,235,233,230,230,230,233,233,235,238,238,235,233,230,230,230,228,228,225,222,217,215,212,209,209,209,209,207,207,204,204,202,202,202,204,207,204,202,196,196,196,196,196,196,199,199,204,204,204,204,204,204,207,207,209,209,212,212,215,215,217,217,217,217,220,222,222,217,217,215,217,217,217,222,222,225,222,222,217,217,217,215,212,209,209,209,209,212,217,222,225,228,230,230,233,235,241,243,246,246,241,238,238,235,235,235,235,233,230,228,228,225,222,215,212,209,207,207,204,204,204,202,202,202,202,202,202,199,199,199,199,199,196,194,191,194,196,199,202,202,202,202,202,204,207,212,215,217,217,217,217,217,217,222,222,222,222,222,222,222,222,222,225,225,225,222,222,222,225,225,225,225,222,222,222,222,217,217,215,212,212,212,215,212,212,209,212,212,209,207,29,35,45,53,53,49,45,37,37,35,33,37,49,49,37,37,37,47,55,61,81,121,142,142,129,89,89,95,139,155,160,155,155,107,157,207,255,255,251,194,160,119,178,212,209,199,220,255,255,202,157,150,168,196,215,255,255,243,225,215,196,185,191,230,254,241,233,222,204,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,12,7,12,38,69,87,105,121,100,30,0,33,0,0,0,0,0,0,0,0,255,255,155,85,64,100,0,204,0,0,0,0,0,0,0,0,61,35,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,113,53,14,0,1,40,77,43,9,0,0,0,0,0,0,0,0,12,22,0,0,0,0,1,79,147,157,98,1,0,0,0,0,0,0,0,0,15,181,230,248,243,233,233,243,243,233,212,176,150,93,77,87,103,101,101,101,89,80,87,152,178,165,155,0,0,228,255,255,255,204,157,152,142,57,17,5,0,3,23,31,33,25,19,0,13,72,124,126,105,108,108,108,0,0,66,53,19,0,0,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,56,0,0,220,220,207,199,191,183,173,155,126,92,61,35,37,61,48,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,87,124,152,168,160,137,75,27,0,0,0,0,9,51,97,165,186,196,202,202,194,183,189,183,183,181,181,181,160,119,117,116,119,157,157,165,168,178,165,111,101,99,105,99,77,52,53,75,103,150,150,142,107,106,147,157,165,152,105,99,93,88,89,99,107,107,99,89,87,93,107,109,101,101,107,160,168,181,178,178,181,194,196,194,186,186,194,202,202,194,176,123,119,119,123,173,181,178,173,125,125,123,119,119,129,178,183,194,194,194,191,191,199,207,215,225,222,202,183,183,199,196,176,152,152,168,194,173,55,0,0,0,0,0,0,23,83,163,173,139,88,90,155,178,186,186,186,186,178,168,168,173,173,178,173,170,125,125,168,178,194,207,194,127,89,58,65,101,129,202,225,238,246,243,235,230,235,241,246,248,248,246,238,222,191,99,0,0,0,0,0,0,0,0,11,39,90,118,152,196,230,248,255,255,255,255,254,254,255,0,0,0,0,0,0,0,0,170,155,139,122,124,124,103,53,13,0,0,0,0,0,0,0,0,0,0,0,0,0,7,29,29,25,27,35,43,63,129,173,215,241,243,235,222,215,228,233,228,215,199,183,183,183,163,109,107,101,97,113,165,123,110,110,113,111,111,123,178,186,186,189,202,204,209,212,220,225,230,230,228,226,230,243,243,241,230,230,235,235,235,230,230,212,204,186,170,105,61,41,45,67,89,97,99,105,137,99,93,93,99,137,147,137,129,93,83,87,91,87,83,73,67,63,57,63,73,89,101,101,101,101,107,109,150,152,157,168,176,183,194,207,207,207,207,194,194,189,186,194,207,194,183,135,135,135,196,233,254,241,228,225,207,176,133,129,123,122,122,127,178,196,204,183,121,107,101,89,77,85,107,165,189,194,204,209,204,173,103,87,82,87,107,183,215,204,165,101,77,73,77,101,109,117,121,121,165,115,75,75,127,215,209,215,235,246,225,183,130 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,137,69,33,7,85,95,23,19,17,23,27,35,29,5,150,168,178,186,194,199,199,199,183,170,163,121,123,125,123,123,129,181,194,202,207,204,199,194,181,125,121,123,127,131,183,199,207,204,196,186,183,183,181,202,202,183,129,178,209,215,220,217,199,130,129,178,189,183,182,183,183,178,129,127,126,123,123,131,186,191,202,209,202,194,194,191,181,131,130,135,183,191,207,202,194,194,183,135,139,189,196,204,209,215,217,222,222,217,217,222,225,228,228,225,222,217,217,215,147,131,135,143,194,196,196,199,202,202,199,191,141,137,135,135,143,202,207,204,204,209,215,215,209,199,194,194,202,209,209,196,189,183,183,189,191,191,189,186,183,135,131,127,135,204,222,225,217,212,212,207,196,196,196,194,186,185,191,207,217,222,209,191,140,140,141,189,189,127,132,141,204,212,212,209,209,207,209,215,222,209,189,186,189,141,191,209,225,228,225,225,228,233,235,233,233,233,230,215,196,139,194,207,207,194,137,132,135,212,225,225,225,225,225,225,225,228,228,230,230,233,233,233,230,225,216,217,228,233,233,235,238,235,222,196,141,141,189,202,209,186,189,189,124,100,139,191,191,199,217,228,228,228,230,230,230,230,228,230,233,233,235,233,233,233,233,233,230,230,225,217,207,202,202,209,209,202,204,215,225,222,228,233,238,238,233,217,202,192,194,194,191,191,199,209,212,196,128,125,137,207,207,199,194,189,194,202,194,140,137,141,204,217,230,233,233,235,238,235,233,230,230,225,222,222,222,225,222,222,225,215,209,204,137,130,135,137,137,133,135,189,196,189,181,133,131,178,183,183,135,133,202,222,225,228,228,225,133,117,113,113,125,121,92,94,129,181,129,117,183,202,183,126,181,222,225,222,225,225,225,228,220,199,189,133,127,129,133,196,217,230,235,233,220,191,127,129,135,129,115,113,125,133,215,241,235,196,194,217,228,230,228,225,217,209,196,194,194,135,120,123,125,124,135,215,222,228,225,215,202,189,187,189,191,191,199,209,215,207,194,191,191,137,135,194,196,196,199,196,191,139,133,135,196,209,212,209,199,202,199,196,202,202,202,196,195,196,202,209,212,202,145,144,144,143,191,215,228,233,228,215,202,189,139,141,194,204,141,133,137,141,191,194,186,141,207,217,217,212,194,135,135,141,194,207,202,194,199,215,230,235,235,230,225,222,217,217,217,212,196,109,111,125,135,199,228,235,238,238,235,233,228,228,228,230,230,230,230,230,230,230,233,235,235,235,233,233,230,229,230,230,230,230,233,230,230,230,233,233,233,230,230,230,230,230,230,230,233,238,238,233,228,230,233,238,235,230,225,225,225,228,230,230,230,230,230,233,235,238,238,235,235,235,235,235,233,230,228,225,228,230,233,235,238,238,235,233,230,230,230,230,233,230,228,224,225,230,233,233,233,230,228,225,222,222,222,225,228,228,225,222,222,220,222,225,228,230,228,225,222,217,212,209,209,207,207,209,215,217,222,225,222,202,194,199,217,230,230,228,225,225,230,230,228,215,207,209,207,139,135,131,89,102,199,217,181,115,207,217,217,217,220,215,212,212,215,209,105,61,73,212,178,119,121,186,204,204,191,183,181,186,189,181,107,32,91,186,199,189,183,191,194,189,189,183,135,137,194,204,207,204,202,202,202,207,209,207,202,199,204,207,196,189,191,196,204,212,123,97,99,95,109,135,186,189,186,183,186,183,121,113,116,131,191,183,105,67,62,101,212,186,121,127,204,222,217,215,212,212,212,208,207,209,212,204,199,202,212,217,222,228,230,228,225,224,228,230,230,230,230,212,117,90,108,228,233,233,233,230,222,211,211,228,233,230,225,212,212,212,212,215,222,222,217,217,215,209,209,209,212,215,209,204,204,199,196,199,199,194,192,194,196,199,202,207,209,212,215,215,212,209,209,209,209,207,204,202,202,202,202,199,194,189,141,141,186,189,189,191,194,199,199,199,199,199,199,196,194,199,199,189,185,189,194,191,190,196,202,196,202,209,204,192,190,194,204,215,228,230,230,233,233,233,233,233,233,230,228,225,220,215,215,212,212,209,209,207,204,204,204,202,199,195,195,195,196,196,194,189,183,181,135,135,135,178,181,178,176,176,176,178,178,181,181,178,178,135,178,181,181,181,183,186,186,183,181,194,209,207,207,209,212,209,199,194,199,196,133,125,183,199,199,189,137,134,137,183,186,186,189,194,199,204,209,209,212,215,212,212,212,217,220,217,209,194,189,189,183,133,129,133,181,181,133,129,129,133,133,133,135,139,141,141,141,189,196,204,204,202,202,209,217,228,230,233,235,238,241,238,238,235,233,230,228,228,230,233,235,235,235,235,233,230,230,230,230,228,225,222,217,215,212,209,209,209,209,209,207,204,202,202,202,204,207,207,202,199,196,196,196,196,196,199,202,202,204,204,204,204,204,204,204,207,207,209,212,215,217,217,222,222,222,220,217,217,215,215,215,217,217,217,222,225,225,222,222,222,217,217,217,215,212,212,212,212,212,215,222,222,225,225,228,230,235,238,241,243,241,235,233,233,233,230,230,228,225,222,222,222,217,215,212,209,209,207,207,204,204,204,202,202,202,202,202,202,199,199,196,199,199,196,194,191,194,196,202,202,199,199,199,202,204,207,212,215,217,217,217,216,217,217,222,222,222,222,222,222,222,222,222,225,225,222,222,222,222,225,225,225,225,222,222,222,222,217,217,215,212,212,212,212,209,209,209,212,209,207,207,27,29,29,35,35,35,35,35,35,35,37,49,55,55,55,49,47,47,53,61,75,121,142,155,139,101,101,139,155,163,163,160,155,104,107,173,220,238,209,173,119,163,194,217,212,220,255,255,255,183,140,142,176,222,243,255,255,254,215,204,189,187,194,215,233,233,222,196,189,0,0,0,0,0,0,33,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,12,12,14,27,56,87,90,105,129,113,38,4,0,0,0,0,0,0,0,0,0,255,255,222,129,103,0,0,207,207,0,0,0,0,0,0,0,87,46,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,147,116,53,4,0,0,22,38,0,0,0,0,0,0,0,0,0,0,9,12,0,0,0,0,0,56,116,108,29,0,0,0,0,0,0,0,0,0,23,150,207,241,241,222,225,243,248,222,191,176,152,93,71,73,89,97,147,155,93,80,89,191,212,186,178,204,255,255,255,255,255,129,129,165,181,95,27,21,19,13,13,17,25,39,41,7,0,41,87,74,66,77,77,69,61,64,74,74,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,72,0,0,0,220,207,202,202,191,176,165,134,103,59,33,35,61,61,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,43,100,142,168,168,155,142,83,19,0,0,0,0,45,101,168,186,196,209,209,199,189,189,183,173,173,191,191,178,117,113,116,157,178,178,157,157,165,155,111,105,105,99,93,79,57,53,61,97,150,144,103,107,107,147,155,157,147,107,103,95,88,86,89,97,105,101,89,77,77,97,163,170,163,163,163,168,168,121,121,173,186,189,181,165,176,186,194,186,173,121,120,120,116,120,122,173,181,181,173,170,125,123,123,131,183,196,202,202,202,199,196,196,199,207,215,212,202,189,183,189,191,176,142,130,150,186,165,45,0,0,0,0,0,0,21,61,126,155,144,97,139,160,170,168,168,176,186,183,183,176,176,173,173,170,170,168,125,127,176,194,207,183,107,67,56,71,115,178,199,212,225,243,238,230,228,225,228,241,248,246,243,238,230,204,137,0,0,0,0,0,0,0,0,11,41,100,129,155,202,230,248,255,0,255,255,255,255,255,0,0,0,0,0,0,0,0,157,152,142,129,129,124,90,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,25,29,25,27,35,49,65,137,181,212,233,233,215,207,212,228,235,233,212,196,178,183,183,173,119,113,107,101,109,165,121,110,110,113,112,112,123,178,186,189,202,209,209,209,212,217,230,235,230,230,230,235,243,243,241,235,235,241,241,230,222,222,212,204,191,183,107,61,39,39,55,81,93,97,99,137,99,83,83,97,137,137,129,93,83,75,83,83,87,83,73,67,63,53,55,63,73,93,93,99,101,103,102,109,109,115,157,168,176,194,207,207,207,207,207,194,189,189,207,215,207,186,135,135,137,207,233,254,246,233,217,186,129,129,173,129,123,122,127,183,204,204,183,165,115,103,89,75,85,103,160,178,183,194,204,207,189,117,89,78,78,101,183,217,215,165,89,67,67,77,109,165,165,121,117,121,107,75,77,173,215,204,204,215,220,204,133,130 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,85,66,51,0,15,95,124,176,92,37,41,35,25,9,71,152,173,196,204,212,212,207,189,165,115,112,113,117,117,117,117,117,129,194,207,202,191,183,125,116,119,127,176,186,196,204,204,202,199,191,183,176,127,133,181,178,129,178,202,217,228,230,217,191,178,183,191,191,186,183,183,178,131,131,176,126,122,127,181,189,199,207,199,191,194,196,199,191,132,132,189,202,204,202,194,139,134,137,189,199,207,204,207,215,215,215,217,215,215,222,228,228,228,222,217,215,209,145,121,118,131,194,207,215,215,209,209,209,207,204,199,189,139,139,194,207,209,207,204,209,212,212,209,199,191,191,202,215,215,204,191,137,133,139,191,194,191,183,137,131,125,122,121,204,228,235,233,230,233,230,215,194,189,189,186,186,196,207,217,222,212,189,137,139,191,196,189,131,135,196,212,215,212,212,209,207,212,225,230,215,189,189,202,209,217,225,230,228,228,228,228,233,233,233,233,235,233,222,199,143,196,207,202,191,139,135,141,215,228,228,228,225,225,225,225,225,228,230,233,233,235,233,233,228,222,222,230,233,233,235,235,233,222,199,143,189,189,189,191,182,183,186,131,102,135,139,131,141,215,228,233,235,238,235,233,230,228,228,230,230,233,230,230,230,230,228,222,217,222,222,217,212,199,196,204,207,209,212,212,215,222,230,235,238,233,212,192,192,196,199,194,196,204,212,207,189,131,132,207,225,217,209,209,209,199,194,141,138,136,189,207,212,215,222,228,233,233,233,233,235,233,228,225,225,228,225,222,217,215,194,189,199,189,132,186,196,196,189,137,181,183,183,178,133,127,131,181,186,181,181,199,212,215,220,225,228,119,101,101,105,129,133,103,110,207,212,209,121,181,194,133,127,186,217,222,221,222,222,222,228,228,212,191,129,124,122,123,196,212,212,204,196,137,126,124,129,139,183,137,183,133,78,95,220,222,93,107,220,230,230,230,230,230,222,207,196,189,115,111,123,131,131,196,225,230,233,233,230,217,191,189,194,191,190,196,207,212,202,189,186,189,194,202,209,207,204,207,199,141,129,128,135,209,222,215,196,141,207,202,196,194,190,196,199,199,199,204,215,222,209,191,142,144,142,145,222,230,233,233,225,204,141,135,141,202,209,194,135,132,135,189,194,139,135,196,225,228,215,196,141,143,199,212,230,228,225,228,235,238,235,230,233,230,230,228,230,235,235,228,90,91,117,135,202,230,235,238,238,238,235,230,230,230,230,230,230,228,225,225,228,233,235,235,238,238,235,230,230,230,230,230,228,228,228,228,230,233,233,230,230,230,230,230,230,230,230,233,235,238,235,230,228,230,235,235,233,230,230,233,233,235,233,233,233,233,235,238,238,238,235,235,235,235,233,233,230,228,228,230,233,235,235,235,235,235,233,230,230,230,230,230,230,228,225,225,228,233,235,233,233,228,222,222,222,222,225,228,228,225,222,222,222,222,228,233,233,233,230,228,222,212,207,207,207,207,209,212,215,217,222,225,217,202,200,217,228,230,228,225,225,230,230,228,225,207,207,199,135,139,194,117,85,94,101,93,89,135,204,209,212,217,217,217,217,215,194,109,93,115,212,194,131,176,189,196,194,191,191,186,189,186,129,83,13,64,101,121,125,137,196,199,196,199,199,191,189,194,196,194,191,189,186,191,199,207,207,202,199,196,194,194,199,199,196,196,204,207,212,212,199,199,207,204,204,204,204,199,186,118,110,111,121,199,215,225,189,64,60,83,107,115,131,207,217,217,215,212,212,209,207,207,209,217,209,195,198,209,215,222,228,228,225,224,222,225,225,228,233,230,117,86,93,196,233,235,235,233,230,228,225,225,233,235,230,225,212,212,212,209,211,217,222,217,215,215,215,212,209,212,215,212,207,204,202,199,204,204,199,195,192,195,199,204,207,209,212,215,215,215,212,209,209,209,207,204,202,200,200,202,204,199,191,189,189,191,191,189,186,191,196,202,202,202,194,191,186,189,194,194,186,185,189,191,191,191,199,202,199,207,217,215,199,192,196,204,215,225,230,230,230,233,233,233,233,233,230,228,225,220,215,215,212,212,209,209,207,204,204,204,202,199,196,196,196,199,199,194,189,183,181,178,135,135,178,178,178,176,176,176,178,178,181,181,178,135,135,178,181,183,183,183,183,183,181,176,176,189,202,204,204,202,194,186,186,194,194,183,135,186,196,196,189,137,137,139,183,186,189,191,196,199,204,207,209,212,215,212,212,217,225,225,222,209,194,189,189,181,131,128,131,137,137,133,129,127,127,125,123,125,131,135,139,186,191,199,207,209,209,212,217,225,228,230,233,235,235,238,238,238,238,238,233,228,225,225,230,233,235,235,233,233,230,230,230,230,228,228,225,222,217,212,209,209,209,209,209,207,204,202,202,202,204,207,207,202,199,196,196,196,199,199,199,202,204,204,204,204,204,204,204,204,204,207,209,212,215,217,217,222,220,220,217,217,215,215,215,217,217,220,222,222,225,225,222,220,217,217,217,215,215,212,212,212,212,212,215,217,222,222,225,228,230,235,238,238,238,235,233,230,228,228,228,225,222,217,215,215,212,212,212,212,209,209,207,207,207,204,204,204,204,202,202,204,204,202,199,196,194,194,194,191,145,191,196,199,202,199,199,199,202,204,207,212,215,217,217,217,216,217,217,222,222,222,222,222,222,222,222,222,222,225,222,222,222,222,225,225,225,225,222,222,222,220,217,215,215,212,209,209,207,207,207,209,209,209,207,204,15,19,21,21,21,23,23,29,29,35,37,49,55,63,63,57,47,47,53,63,81,131,160,173,163,163,160,163,168,173,173,168,119,104,101,109,173,191,178,121,109,125,194,220,230,255,255,255,255,157,137,142,191,228,241,255,255,225,199,187,187,191,194,204,207,212,196,160,144,165,0,0,66,43,43,33,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,27,27,38,53,90,108,105,116,144,129,69,17,0,0,0,0,0,0,0,0,0,255,255,255,178,147,0,207,255,233,0,0,0,0,0,0,0,95,46,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,74,30,12,17,38,38,0,0,0,0,0,0,0,0,0,20,22,12,0,0,0,0,0,25,53,21,0,0,0,0,0,0,9,5,0,0,23,116,173,222,241,222,222,241,233,194,157,155,150,87,57,57,73,93,165,186,147,90,152,246,246,186,186,255,255,255,254,144,116,105,122,157,178,43,16,33,39,35,21,21,25,39,41,5,0,0,23,19,25,61,69,33,29,56,98,98,66,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,0,17,0,0,0,0,220,207,202,202,191,176,168,152,116,69,33,34,61,61,29,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,87,134,157,168,168,157,129,37,0,0,0,0,51,99,160,173,186,202,207,199,189,183,173,165,164,181,199,191,160,115,116,157,181,186,165,115,155,152,155,163,111,93,87,89,79,61,67,87,103,103,97,97,103,107,152,155,147,111,109,105,97,88,87,93,101,97,79,69,67,85,160,183,183,181,176,160,113,100,100,111,178,181,123,109,121,178,186,186,178,165,123,127,168,168,127,173,186,189,181,170,125,121,123,131,186,196,202,202,207,199,191,191,199,207,215,225,212,204,186,181,186,183,152,126,137,178,165,55,0,0,0,0,0,0,0,0,3,63,83,79,87,147,155,155,157,176,186,186,191,183,181,181,173,173,170,170,170,170,173,183,186,125,89,59,65,97,127,186,189,189,209,225,228,228,224,224,225,241,248,248,243,238,238,225,196,39,0,0,0,0,0,0,0,11,47,121,144,170,202,222,243,251,0,251,255,255,255,0,0,0,0,0,0,0,0,170,157,150,142,139,131,124,77,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,19,17,23,37,53,105,139,170,196,204,212,207,207,212,222,233,222,207,186,176,176,178,168,121,119,107,99,107,165,165,113,112,117,115,115,127,178,186,202,209,212,212,212,212,220,230,243,243,230,235,243,248,248,243,241,243,243,235,222,212,212,204,204,204,186,113,67,39,38,45,61,73,93,99,99,93,81,83,93,99,129,97,83,73,67,69,73,75,75,73,67,57,51,49,53,61,69,85,95,101,103,102,109,109,115,157,160,176,186,207,207,207,207,207,194,194,194,215,225,222,207,183,135,186,217,241,254,248,233,217,176,126,129,176,178,173,127,173,194,215,215,194,168,121,107,85,73,75,93,157,183,189,183,194,196,194,165,97,80,82,115,194,225,215,165,75,63,65,93,173,194,178,121,107,107,93,73,85,183,225,209,194,194,194,178,130,130 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,66,0,0,0,27,121,207,157,90,59,41,0,0,4,147,168,196,212,217,217,207,186,163,112,109,107,108,115,123,119,113,112,116,178,189,176,129,117,111,119,129,186,196,204,207,204,204,204,199,186,176,129,125,121,125,127,183,202,215,225,225,215,199,186,183,191,199,191,183,183,181,181,191,199,189,125,129,183,189,196,202,196,191,194,199,207,207,137,133,191,199,196,199,196,139,135,139,189,202,204,196,196,207,212,212,212,215,217,225,228,225,222,215,209,207,204,194,133,133,202,212,217,228,228,225,222,217,217,222,217,209,196,191,199,209,215,212,207,202,199,196,196,191,186,186,194,204,207,202,189,133,130,133,189,196,196,189,137,131,126,123,124,204,225,233,233,230,233,235,228,199,189,141,186,189,194,202,207,212,209,141,136,140,199,199,186,137,141,207,217,217,212,204,199,204,217,230,233,212,183,191,209,225,228,230,230,228,228,230,230,230,233,230,230,233,233,222,202,142,143,191,141,132,132,135,143,220,230,230,230,228,228,225,225,228,228,230,233,233,235,233,233,230,225,225,230,233,233,233,233,230,222,204,194,189,142,141,189,189,189,194,189,122,139,137,122,131,202,225,233,235,235,235,235,233,230,228,225,225,225,225,225,222,217,212,204,204,212,225,230,225,199,191,194,202,207,209,204,207,209,217,225,228,217,199,190,194,207,209,202,199,207,209,202,186,136,186,212,217,207,207,217,217,202,189,141,141,141,194,199,199,189,143,204,212,212,217,230,233,233,228,222,225,228,225,215,209,196,101,103,204,222,220,225,228,225,207,183,136,181,186,181,129,121,133,186,191,186,186,194,199,199,202,202,191,88,84,92,105,137,189,131,186,217,217,212,123,181,191,137,132,194,217,222,222,225,225,220,222,225,215,186,129,126,123,119,196,209,196,139,135,127,124,126,137,191,196,199,204,183,72,88,115,107,61,72,212,225,230,230,230,230,228,209,194,137,111,109,186,196,196,212,225,228,230,233,235,225,189,186,199,196,191,194,199,202,199,191,191,199,204,202,207,212,217,217,207,186,130,129,141,217,228,215,191,132,194,199,196,194,189,192,202,204,207,215,230,235,228,209,199,196,140,142,217,228,230,235,233,215,186,131,135,191,194,139,130,130,137,191,194,141,135,139,217,220,204,194,194,209,225,233,235,235,235,238,241,241,235,233,233,233,233,230,235,241,243,241,199,100,111,135,217,241,241,238,238,238,235,235,233,233,233,230,228,222,221,222,228,230,233,235,241,241,238,235,233,230,230,228,225,222,222,225,230,230,230,228,228,228,228,230,230,230,230,233,233,233,233,230,228,228,233,235,235,233,233,233,235,238,235,235,238,238,238,238,238,235,233,230,233,235,233,230,230,230,230,233,233,233,235,233,233,233,230,230,230,230,230,230,230,228,225,225,228,233,235,235,233,230,225,222,222,222,225,228,228,225,222,222,225,228,230,233,235,233,233,230,225,215,207,207,207,207,209,212,212,215,215,220,222,209,204,217,228,228,228,225,228,230,230,228,217,200,202,204,189,194,212,212,92,94,99,94,96,133,196,207,212,212,212,217,217,207,178,123,123,176,196,194,183,181,178,183,189,196,199,191,191,191,183,117,75,66,61,77,121,191,209,207,202,204,209,209,204,199,196,194,189,186,183,183,189,199,202,199,199,189,186,191,199,196,189,186,191,204,212,209,207,212,217,217,215,215,215,209,204,191,119,111,119,209,228,235,228,81,48,37,71,115,189,207,212,212,212,212,212,209,208,208,215,222,212,186,195,209,217,222,228,228,228,225,225,225,225,230,235,215,108,88,137,225,233,238,241,233,230,235,235,233,233,230,230,228,217,215,212,209,209,217,222,215,209,212,215,212,208,209,215,212,207,207,204,204,209,212,209,204,196,202,209,215,217,217,217,217,217,215,212,212,209,209,207,204,202,202,202,204,202,196,191,187,189,191,189,141,141,189,196,202,204,202,196,186,137,141,196,196,186,183,185,186,189,194,202,204,202,207,217,217,204,199,202,207,215,225,230,230,228,228,228,230,230,233,230,228,225,220,215,215,212,212,209,209,207,204,204,204,202,199,199,196,196,196,196,194,189,183,181,178,178,178,178,178,178,178,178,176,176,178,178,178,176,133,176,178,181,183,183,183,183,183,183,177,176,186,204,204,202,196,186,137,135,183,191,186,135,137,189,191,186,137,137,139,183,186,189,194,196,199,202,204,204,207,212,212,212,217,225,225,217,209,196,194,191,181,129,127,129,133,135,133,129,127,125,122,121,122,129,135,139,186,191,196,204,212,215,217,225,228,228,230,230,233,233,235,238,241,243,243,241,233,225,224,225,230,233,233,233,230,230,230,230,230,230,228,225,225,217,215,209,207,209,209,207,207,204,202,202,202,204,207,207,204,199,196,196,199,199,199,199,202,202,204,204,204,204,204,204,204,204,204,207,209,212,215,217,217,217,215,215,215,215,217,217,217,222,220,220,222,225,222,220,217,215,215,215,212,212,209,209,209,209,212,215,217,222,222,225,228,230,233,235,235,235,233,230,228,228,228,225,225,217,215,212,209,209,209,209,209,209,209,209,209,207,207,204,204,204,204,204,204,204,202,199,194,191,191,145,144,144,145,194,196,199,199,202,202,202,204,207,212,215,217,217,217,216,217,217,222,222,222,222,222,222,217,217,217,222,222,222,222,222,222,225,225,225,225,222,222,222,217,217,215,212,212,209,207,204,204,204,207,207,207,204,202,9,9,9,9,9,11,15,17,21,27,37,47,55,55,57,53,47,47,53,67,89,152,178,191,183,183,183,183,183,183,186,183,163,107,100,103,107,119,119,107,107,119,191,230,255,255,255,255,255,148,140,163,217,230,220,228,228,209,189,189,194,196,191,189,204,204,176,129,111,121,111,85,66,51,40,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,30,46,48,56,87,113,124,0,0,0,0,0,40,0,0,0,0,0,0,0,0,0,255,255,255,191,170,0,0,255,255,0,0,0,0,0,0,0,95,43,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,87,12,0,0,0,0,0,0,0,0,0,30,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,25,3,9,45,108,147,202,233,230,222,222,194,150,137,155,152,81,54,53,58,81,147,176,150,97,160,241,228,146,144,215,255,251,100,83,99,116,131,157,144,9,0,25,39,43,49,74,43,19,0,0,0,0,0,0,0,48,59,21,15,46,0,82,77,66,40,0,0,0,0,0,0,0,0,0,0,0,0,13,40,53,79,0,0,0,0,220,207,202,202,183,165,157,152,116,74,35,34,37,51,29,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,51,131,170,202,196,168,126,45,0,0,0,0,15,75,109,168,186,196,199,189,170,173,170,161,159,168,199,204,183,157,116,157,181,186,178,113,103,105,155,165,105,75,73,87,87,79,61,59,73,91,91,85,91,101,147,147,147,111,111,111,105,95,89,93,103,103,83,69,65,77,109,176,183,189,183,163,101,95,95,101,168,178,121,105,109,119,168,178,186,183,176,176,183,183,183,181,189,189,181,173,173,125,131,178,196,204,202,202,202,194,191,191,199,212,225,235,233,212,194,176,186,199,176,137,135,160,147,51,0,0,0,0,0,0,0,0,0,49,57,43,47,71,105,160,173,186,186,186,191,189,189,189,189,186,186,186,189,178,176,173,127,113,85,69,97,123,178,189,181,178,189,207,220,225,228,228,230,241,241,248,246,246,238,243,235,144,0,0,0,0,0,0,0,0,35,111,144,163,186,215,0,0,0,251,254,255,255,0,0,0,0,0,0,0,0,176,163,147,139,131,131,113,64,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,15,17,27,43,87,118,144,157,170,181,196,204,207,212,215,215,215,207,183,173,163,163,160,119,119,107,99,109,173,183,123,121,127,121,121,176,186,186,202,209,217,217,217,217,220,230,243,243,230,235,243,248,248,243,241,243,243,235,222,212,207,204,204,204,191,119,69,41,38,38,43,61,93,99,97,83,73,73,89,99,129,93,83,73,63,62,67,69,67,63,57,53,49,45,45,49,53,67,85,99,103,142,109,150,152,157,168,176,186,194,207,207,207,207,207,194,207,215,225,217,194,137,135,194,217,241,254,254,246,225,178,126,133,189,194,183,173,173,196,217,215,194,173,117,97,71,69,71,93,173,215,209,183,173,173,173,160,101,93,107,183,215,225,215,165,75,63,67,115,204,215,189,115,93,93,75,71,75,176,225,225,204,194,194,183,133,133 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,150,4,85,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,118,0,0,0,59,103,134,118,90,90,67,0,0,2,131,155,189,207,212,212,202,191,183,173,165,111,108,125,191,191,125,113,111,107,95,91,121,125,125,131,131,181,199,204,207,204,204,204,196,186,181,176,120,116,119,129,189,202,207,209,202,194,189,181,176,183,196,191,183,183,189,194,202,204,194,133,133,189,196,199,199,194,189,191,196,202,202,186,137,194,194,189,191,194,135,131,137,139,191,191,186,186,196,204,209,212,215,217,217,217,215,212,209,207,207,209,212,215,225,230,225,222,225,228,228,225,225,222,222,222,217,204,194,196,207,215,217,212,194,185,183,185,186,139,139,183,191,196,196,189,135,130,133,189,202,204,196,183,135,131,131,137,207,225,230,228,225,228,230,222,202,189,140,140,186,191,194,202,207,204,186,136,141,202,199,140,139,189,204,217,222,212,192,186,202,222,233,230,202,135,189,215,228,233,233,230,230,230,230,230,230,230,228,228,228,225,212,196,142,142,143,137,129,129,132,141,217,230,230,230,230,230,230,230,228,228,230,230,233,233,233,233,230,228,228,230,230,230,230,230,228,217,204,196,189,141,142,196,204,196,196,194,137,186,135,123,123,137,212,222,215,217,230,230,230,228,222,215,209,207,209,212,209,204,196,194,195,207,225,233,228,202,192,192,196,204,209,207,202,202,202,202,199,196,191,191,204,222,222,207,202,202,204,199,186,186,196,204,199,189,191,209,212,199,191,194,207,207,202,194,186,138,136,140,189,194,202,215,225,225,217,209,212,217,215,207,191,87,61,74,204,235,238,235,238,230,212,191,181,194,202,194,101,105,196,204,194,189,189,194,199,196,196,194,189,96,95,111,115,135,189,189,194,209,207,194,137,189,194,189,186,199,215,222,222,222,225,222,222,230,222,183,137,191,186,123,191,199,139,132,183,135,125,124,127,186,204,217,225,215,125,111,103,73,64,71,186,212,228,228,225,225,222,209,194,135,117,117,204,209,204,209,222,225,225,228,233,220,140,186,202,199,191,189,191,194,196,199,202,207,207,200,200,209,217,215,199,189,137,134,141,207,222,217,202,127,130,189,204,209,196,194,202,209,220,230,238,241,238,233,225,209,137,139,202,215,228,238,241,228,194,129,133,191,194,189,135,141,194,194,189,141,135,135,196,207,204,202,215,230,235,238,238,235,235,235,238,238,238,238,235,235,233,233,233,241,243,241,233,107,92,98,222,241,241,238,235,235,238,238,238,235,233,230,225,220,220,222,228,233,235,235,238,241,241,238,235,233,230,228,225,220,220,225,230,230,228,225,225,225,228,228,230,233,233,233,230,228,230,230,228,228,230,235,235,233,233,233,235,238,238,238,241,238,235,235,238,235,228,228,230,233,233,230,230,233,235,235,235,235,233,233,233,230,230,230,230,230,228,228,230,230,228,225,230,233,235,235,233,233,230,228,225,222,225,228,228,222,222,222,228,228,230,230,230,230,230,230,225,215,209,207,207,207,207,207,209,212,212,215,222,217,212,217,225,228,228,225,228,230,228,225,217,207,207,209,202,204,225,235,127,107,115,119,131,186,194,202,204,202,204,209,207,189,112,115,131,181,186,186,181,176,172,176,189,202,202,191,191,196,204,215,217,67,39,66,189,204,212,209,207,207,212,215,212,207,202,199,196,194,186,182,185,191,196,196,194,191,186,186,186,183,137,135,181,199,209,212,212,217,222,217,215,215,212,215,220,222,194,106,123,209,217,222,228,225,97,46,53,117,196,204,207,209,209,212,212,212,209,209,212,215,207,159,196,212,222,225,230,230,230,230,233,233,230,230,228,147,119,125,222,233,230,235,238,233,230,238,238,233,230,225,225,228,225,222,217,212,212,222,222,212,208,209,215,209,207,208,215,215,209,209,212,212,212,209,209,207,202,209,217,222,225,225,222,222,217,215,212,212,212,212,209,207,204,202,202,199,196,194,191,189,189,189,186,139,139,189,199,204,207,204,199,141,127,135,199,202,189,185,185,185,186,191,202,204,199,204,212,215,209,204,207,209,215,222,225,225,222,217,220,222,228,230,230,228,225,220,215,215,212,212,209,209,207,204,204,204,202,199,196,194,194,191,191,189,186,181,178,178,178,178,178,178,178,178,178,176,176,176,178,178,176,133,176,178,183,183,183,183,183,186,189,186,186,194,207,209,204,204,194,135,131,134,189,186,133,133,181,186,186,139,139,139,183,183,189,191,194,199,202,202,202,204,209,212,212,215,220,222,215,209,202,196,189,135,128,127,128,129,133,133,129,129,125,122,121,123,133,139,183,189,189,191,199,207,212,217,222,225,228,230,230,230,230,233,235,241,246,248,243,235,225,224,225,230,233,233,233,230,230,230,230,230,230,230,228,228,222,215,209,207,207,207,207,204,204,202,202,202,204,207,207,204,199,199,199,199,199,199,202,202,202,202,202,202,202,202,202,204,204,207,207,209,212,215,215,215,212,212,212,215,217,217,220,222,222,217,217,220,222,220,217,215,215,215,212,212,209,207,207,207,209,212,215,222,222,225,228,228,230,233,233,233,233,230,230,228,228,228,225,222,217,215,212,209,209,209,209,212,212,209,209,209,207,207,207,204,204,204,204,204,207,204,199,196,194,191,145,144,144,145,191,194,196,199,202,202,202,204,207,212,215,217,217,217,216,217,217,222,222,222,220,220,222,217,217,217,222,222,217,217,222,222,225,225,225,225,222,222,220,217,215,215,212,209,209,207,204,202,202,202,204,207,204,202,5,1,0,0,0,1,3,7,13,21,35,47,47,47,39,39,39,45,55,71,93,155,183,194,189,189,191,191,189,189,191,189,176,119,105,102,102,105,105,105,105,117,183,238,255,255,255,255,254,148,150,202,233,222,212,220,230,204,183,194,204,196,181,181,0,204,168,111,85,82,66,43,43,43,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,30,56,79,87,98,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,186,137,157,0,255,248,0,0,0,0,0,0,0,0,46,27,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,19,21,17,39,105,126,142,191,230,235,217,183,147,124,137,178,165,83,61,61,67,87,150,157,137,93,144,194,165,126,131,150,196,165,112,112,191,225,157,131,103,5,0,33,33,31,103,118,64,0,0,0,0,0,0,0,0,21,21,0,0,3,0,0,85,103,77,0,0,0,0,0,0,0,0,0,0,0,0,0,51,98,0,0,0,0,0,230,215,207,191,176,144,131,131,108,74,59,39,39,33,25,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,57,147,194,209,194,165,144,121,71,21,0,0,0,37,95,165,194,199,191,170,168,170,170,161,159,168,191,204,199,181,165,165,168,181,178,113,97,100,111,111,87,68,68,75,79,75,58,52,56,79,85,79,85,95,107,147,111,111,111,111,111,103,97,103,152,160,103,85,75,87,109,170,189,196,191,173,105,98,97,105,168,178,123,109,105,109,119,176,186,189,181,176,183,191,191,189,196,199,189,189,181,178,186,196,204,212,202,199,194,189,191,191,204,215,225,235,225,204,186,176,191,202,191,163,137,142,97,45,0,0,0,0,0,0,0,0,3,41,33,0,0,37,95,170,189,194,186,183,183,183,189,191,199,199,199,199,196,196,186,178,127,115,103,101,121,131,176,129,127,125,131,189,217,225,230,241,241,243,248,251,254,248,238,246,238,163,0,0,0,0,0,0,0,0,19,90,131,144,165,196,0,0,0,0,0,255,255,0,0,0,0,0,0,0,204,173,155,139,124,124,113,92,46,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,21,35,72,111,131,147,152,155,157,173,196,204,212,212,215,207,199,183,168,155,155,155,115,119,109,103,121,196,196,176,127,168,127,123,176,186,202,204,209,217,217,217,220,220,230,235,230,230,230,235,243,243,241,235,235,241,241,230,220,212,204,204,204,191,165,81,49,39,37,39,61,93,103,93,73,73,73,93,99,129,93,83,73,62,63,63,63,63,57,53,49,45,41,41,41,45,55,69,95,103,142,150,150,157,168,176,178,183,194,207,207,207,207,207,207,194,194,207,207,183,132,133,194,220,233,233,246,246,228,186,129,176,196,204,194,178,183,204,225,209,183,165,107,85,69,67,71,107,204,233,225,183,165,157,117,107,101,107,168,209,225,215,194,157,73,65,71,165,225,225,189,107,85,77,74,71,75,173,225,235,215,196,196,204,194,194 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,152,103,142,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,53,0,0,0,72,77,53,51,72,100,121,147,168,129,137,152,170,186,199,199,191,191,202,209,204,170,168,191,204,207,204,191,125,112,90,85,127,196,209,207,131,173,191,196,199,196,194,189,183,178,181,178,116,116,125,183,194,194,189,189,181,176,178,133,132,178,186,186,183,189,199,207,204,196,186,181,186,196,207,209,204,194,189,191,194,196,199,194,191,196,194,183,131,118,104,109,128,135,183,139,139,139,141,194,204,209,212,209,207,204,202,204,207,212,215,220,225,228,230,230,228,225,228,228,230,228,225,222,222,222,217,202,189,189,199,209,215,215,202,186,183,186,189,139,138,138,186,186,189,191,186,137,135,186,199,207,204,194,139,135,133,139,209,230,235,233,225,222,222,217,204,191,140,140,141,189,199,209,215,212,196,186,199,212,204,189,186,189,196,212,222,215,190,177,199,225,233,228,191,130,186,222,233,235,233,230,230,233,230,230,230,228,225,220,217,212,202,189,143,189,196,202,139,133,135,141,217,228,230,230,230,230,230,230,230,230,228,230,230,230,230,230,233,230,230,230,230,230,230,228,222,207,199,194,143,142,189,202,207,194,191,194,191,186,129,119,113,109,135,194,125,127,209,215,215,215,209,202,194,194,202,207,207,202,196,192,194,204,222,230,222,204,194,191,194,204,212,207,199,199,196,194,194,192,192,194,212,225,222,207,202,202,204,202,194,196,204,207,196,141,137,189,204,199,196,202,222,222,209,191,142,141,140,142,191,196,196,191,194,202,199,191,191,202,209,202,121,49,47,81,209,225,225,209,202,196,196,196,204,222,222,189,72,90,222,215,196,191,196,204,207,202,196,196,202,189,189,199,123,127,186,196,202,207,202,191,189,194,196,194,191,196,207,217,217,217,225,225,228,233,220,131,183,217,225,133,183,189,137,137,209,209,137,117,116,135,215,233,235,230,215,121,93,75,70,67,93,191,217,225,217,215,212,204,196,183,131,139,204,207,199,199,207,215,212,212,212,194,135,189,199,196,186,141,141,189,196,204,204,207,207,202,202,207,209,199,191,191,189,139,139,194,207,209,196,123,123,141,209,215,202,191,196,209,228,233,238,241,241,238,235,225,144,143,194,204,225,235,241,222,141,119,135,209,212,215,196,199,202,189,133,133,135,137,189,209,217,222,233,238,235,238,238,235,233,233,233,235,238,238,238,238,235,233,233,238,241,235,204,107,81,92,228,238,238,238,235,235,238,241,241,238,235,233,225,220,220,225,233,238,238,235,235,238,238,241,238,235,230,228,222,218,218,225,228,228,222,222,222,225,225,228,230,233,235,233,228,222,222,225,228,228,230,235,233,230,230,230,233,238,238,238,241,238,235,235,235,233,228,226,230,233,230,230,230,233,235,238,238,238,235,233,233,230,230,230,230,228,225,225,228,230,230,230,233,235,235,235,235,235,233,233,230,228,228,230,230,228,225,225,225,225,225,225,225,228,228,228,225,215,209,207,207,207,205,204,205,212,215,217,225,228,222,222,225,225,225,225,225,228,228,225,225,222,215,209,202,202,215,233,133,119,123,129,137,186,189,191,194,191,191,196,204,191,107,111,133,181,177,177,177,176,174,178,202,207,199,190,194,199,209,225,228,101,60,99,183,199,207,209,209,212,215,212,212,209,204,196,196,199,194,186,186,189,191,191,194,196,189,137,136,181,135,127,129,199,215,217,217,217,215,212,212,209,209,215,225,228,212,112,129,183,186,196,220,235,228,77,60,121,194,204,207,209,209,212,212,212,209,208,208,215,207,151,196,209,222,225,228,230,230,233,233,235,228,222,215,145,135,207,230,233,228,230,233,230,233,235,235,233,228,215,213,220,225,225,225,222,222,225,222,212,208,209,215,209,207,208,217,217,212,212,215,215,212,205,207,207,204,212,217,222,222,222,222,222,222,217,212,212,212,212,209,209,207,204,199,191,186,141,189,191,191,186,139,137,137,189,202,207,207,207,204,135,114,116,186,194,191,191,189,186,186,191,196,196,191,196,204,207,207,207,209,212,215,222,225,222,217,215,215,217,225,228,230,228,225,220,215,215,212,212,209,209,207,204,204,204,202,199,196,194,189,186,186,183,181,178,135,135,176,176,176,176,176,178,178,176,176,176,178,176,133,133,176,181,183,183,183,181,183,186,191,189,181,186,207,212,215,215,204,186,134,137,186,137,131,132,181,191,194,189,186,186,186,186,189,189,194,196,202,202,204,207,209,212,212,212,215,215,212,212,207,202,189,135,129,131,133,133,133,133,133,133,131,127,127,131,137,139,183,186,141,141,191,202,209,215,217,222,230,235,235,230,233,233,233,238,246,248,246,238,228,228,228,233,233,233,233,233,233,233,233,233,233,233,230,230,228,222,215,209,207,207,207,204,204,202,202,202,204,207,207,204,202,199,199,199,202,202,202,202,202,202,202,202,202,202,202,204,204,207,207,209,209,212,212,212,209,209,212,215,217,217,217,217,217,217,216,217,217,217,215,213,215,215,212,209,209,207,205,207,209,212,217,222,225,228,230,230,233,233,233,233,233,233,230,230,230,230,228,225,222,215,212,209,209,209,212,212,212,212,209,209,207,207,207,207,204,204,204,204,204,204,202,199,199,196,191,145,145,191,191,194,194,196,202,202,202,204,207,212,215,217,217,217,216,217,217,222,222,222,222,222,222,217,217,217,217,222,217,217,222,222,225,225,225,225,222,222,217,217,215,212,212,209,207,207,202,199,196,199,202,204,204,202,1,0,0,0,0,0,1,3,9,27,47,53,47,37,34,35,45,51,61,73,93,152,170,186,181,186,189,191,189,189,194,199,186,170,119,105,104,105,109,117,109,121,191,248,255,255,255,255,217,155,173,220,238,220,212,233,241,191,163,189,204,194,173,176,0,176,137,103,66,43,25,7,7,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,79,108,113,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,186,111,111,0,241,222,0,0,0,0,0,0,0,0,61,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,15,9,0,7,49,118,126,134,163,215,230,202,152,124,121,144,209,196,139,131,144,144,157,165,152,95,89,131,181,181,138,134,147,196,215,178,181,233,248,108,51,39,20,39,100,35,20,72,92,37,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,85,92,40,0,0,0,0,0,0,0,0,0,0,0,0,0,48,113,0,0,0,0,0,238,220,212,202,173,131,108,100,85,69,66,69,64,37,23,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,41,131,181,191,181,157,157,160,163,160,129,0,0,0,43,99,165,196,207,199,173,170,183,183,168,163,168,191,204,202,186,178,168,165,165,163,115,103,103,105,93,77,73,73,75,75,69,58,56,61,77,81,79,79,87,101,111,111,109,107,111,111,105,105,152,176,186,165,109,103,109,163,183,199,209,199,173,115,105,105,111,121,123,119,111,107,107,109,119,165,176,176,176,183,191,191,191,189,189,189,196,189,189,196,204,212,212,202,194,183,183,191,199,207,215,225,215,189,176,173,176,194,202,191,178,152,155,139,65,21,9,27,39,0,0,0,0,3,17,0,0,0,7,93,183,199,194,183,176,173,181,183,189,191,189,186,186,194,196,209,196,183,173,129,131,181,131,117,109,115,123,127,178,207,225,241,248,255,251,248,251,255,254,246,238,215,97,0,0,0,0,0,0,0,0,11,47,113,129,147,186,0,0,0,0,0,255,0,0,0,0,0,0,0,0,196,155,131,113,111,105,95,64,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,27,37,77,111,137,152,157,150,147,155,173,196,204,212,215,215,199,183,165,150,150,113,113,119,115,113,165,204,207,181,127,170,123,122,176,186,202,204,209,212,217,220,222,220,222,230,230,225,222,230,241,241,241,233,233,235,241,235,230,212,204,191,202,191,165,91,57,45,39,43,67,97,99,93,83,73,83,93,129,129,129,87,73,67,63,63,63,63,57,53,45,41,39,39,41,45,49,59,69,99,142,150,152,157,168,176,178,183,194,194,207,207,207,207,207,194,186,194,186,135,130,133,196,217,217,220,228,235,228,194,176,186,207,215,196,183,183,209,225,209,178,121,107,77,69,69,93,173,215,228,215,189,173,157,107,93,85,107,183,209,204,183,165,107,71,67,85,183,225,225,178,103,77,77,75,73,85,173,225,235,215,191,204,220,220,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,144,142,152,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,0,0,0,0,40,87,90,95,113,137,147,181,228,217,191,163,150,150,178,181,170,183,204,209,202,173,194,202,207,207,209,215,215,207,127,99,178,204,215,209,125,127,181,183,181,178,131,125,127,131,178,176,113,123,194,207,196,178,129,133,131,129,176,176,133,178,181,181,186,194,204,209,196,183,183,194,202,207,215,217,204,189,186,191,196,202,204,204,202,202,199,191,135,112,100,109,131,183,183,139,139,137,132,137,196,202,202,196,145,145,196,204,212,217,222,222,225,225,225,225,225,228,230,230,230,228,225,222,222,222,222,204,189,187,194,199,204,209,212,202,194,196,194,139,135,138,183,137,135,186,189,183,137,137,189,202,207,204,194,137,130,130,212,233,238,235,228,222,222,217,212,202,189,141,141,194,209,225,222,215,199,194,207,217,207,196,191,189,194,207,225,222,194,178,199,222,228,217,137,127,186,222,230,235,230,228,230,233,233,233,230,228,222,215,209,204,196,143,143,189,204,215,202,143,139,143,217,230,230,230,229,229,229,229,230,230,230,230,230,230,230,230,233,233,230,230,230,230,228,225,212,194,191,145,142,142,143,191,196,189,191,204,204,194,121,111,104,94,111,131,107,110,191,199,199,199,199,194,192,194,204,212,215,209,199,194,194,204,217,222,209,196,192,192,196,207,212,204,202,204,207,204,199,199,196,196,204,209,207,199,196,202,209,212,209,212,215,215,207,191,137,133,194,196,199,202,215,217,209,191,189,202,209,207,212,215,202,131,115,129,135,133,133,141,204,212,113,42,47,194,225,212,191,119,73,75,123,196,217,233,222,97,69,87,225,222,202,204,215,222,225,212,199,199,204,194,186,181,123,121,189,207,209,215,209,199,194,196,194,191,191,194,199,212,217,217,225,228,230,225,199,100,125,217,228,181,183,189,191,209,222,230,222,120,118,186,222,233,235,225,207,93,83,83,81,33,65,131,207,215,212,209,207,204,199,191,186,191,202,202,194,189,185,191,194,189,186,135,130,186,194,189,140,139,140,189,199,207,207,204,204,204,207,207,204,199,196,199,194,186,139,186,194,191,137,125,123,143,207,207,196,143,189,204,225,230,233,233,235,238,238,235,230,217,191,189,220,233,230,202,117,106,125,215,222,222,196,191,189,128,120,124,137,189,207,230,233,233,238,238,235,238,238,235,233,233,233,235,235,235,238,241,238,235,235,235,238,233,143,129,100,199,241,235,233,235,233,233,235,238,241,238,235,233,225,222,222,228,235,238,238,233,233,233,238,241,238,235,230,225,225,220,220,225,228,225,222,220,222,225,228,230,233,233,233,230,222,215,215,217,222,225,228,233,233,230,229,229,233,235,238,241,238,235,234,234,235,233,228,226,230,233,233,230,233,233,235,238,241,241,238,235,235,233,233,233,230,225,224,224,225,230,230,230,233,235,235,235,235,235,235,235,235,233,233,235,235,233,228,225,222,217,217,217,217,222,225,228,225,215,209,209,209,207,205,204,207,215,217,222,228,233,230,225,225,225,222,222,225,228,228,225,225,230,225,209,200,198,200,207,135,123,131,133,183,189,189,186,186,186,186,189,202,209,181,178,181,186,177,178,181,191,189,194,209,209,202,194,199,202,207,217,230,230,194,127,121,135,207,209,212,217,217,209,209,209,199,181,183,191,194,189,189,191,186,186,199,207,194,131,132,189,186,125,126,196,217,222,217,217,215,217,212,209,209,215,222,225,225,199,133,125,123,137,204,217,209,81,76,133,196,207,212,212,209,212,215,212,212,209,209,222,217,159,198,209,217,225,228,228,228,230,230,230,217,207,204,147,141,207,228,233,228,230,233,230,233,233,233,233,228,215,211,213,217,230,233,230,230,228,222,212,208,209,215,212,208,212,222,222,215,212,215,215,209,205,209,209,209,215,217,217,220,222,225,225,225,217,212,209,209,209,209,209,207,204,199,189,139,139,141,191,189,141,137,135,137,189,202,207,207,207,204,133,105,107,119,139,196,204,202,194,191,189,189,186,141,189,196,202,202,204,207,212,215,222,225,220,215,212,212,217,225,228,230,228,225,222,217,215,212,212,209,209,207,204,204,204,202,199,196,191,186,183,183,181,181,178,135,134,134,134,134,134,176,176,176,176,176,176,176,176,133,133,176,178,181,181,181,181,183,189,191,183,166,164,194,215,222,217,207,196,189,189,186,132,129,132,186,196,199,196,194,191,191,189,186,186,191,196,204,207,207,209,212,212,209,209,209,212,215,215,215,209,194,135,133,183,189,183,135,133,133,135,135,133,133,137,181,139,183,141,140,140,189,202,209,212,215,222,230,238,238,235,235,235,235,238,243,246,246,241,233,230,233,233,235,235,235,233,233,233,235,235,235,235,235,233,230,225,217,212,209,207,207,204,204,202,202,202,202,204,204,204,204,202,202,202,202,202,202,202,202,202,202,202,202,202,202,204,207,207,207,209,209,209,209,209,209,209,212,215,217,220,217,217,217,216,216,217,217,217,215,213,215,215,215,212,209,207,207,207,209,212,217,222,225,228,230,233,233,235,235,235,235,235,233,233,233,230,228,228,222,217,215,212,212,212,212,215,215,212,209,209,207,207,207,207,204,204,207,207,204,204,204,204,204,202,199,196,194,194,194,194,194,196,199,202,202,204,207,212,215,215,217,217,217,217,217,222,222,222,222,222,222,217,217,217,217,217,217,217,217,222,225,225,225,225,222,222,217,215,215,212,209,207,207,204,202,199,196,196,196,199,202,199,0,0,0,0,0,0,1,7,13,29,53,59,53,39,35,37,53,61,67,73,87,101,157,165,165,170,181,183,189,191,202,202,189,131,125,123,117,107,117,121,123,170,207,255,255,255,255,255,207,165,199,235,235,220,220,254,238,157,126,163,191,183,168,0,0,0,0,74,53,27,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,113,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,196,103,0,0,204,194,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,17,0,0,0,43,111,108,113,137,189,202,183,129,85,124,155,222,217,186,202,230,230,217,178,139,90,86,131,207,241,212,143,160,255,255,243,183,157,121,25,22,37,57,134,163,79,23,27,39,39,33,7,0,0,23,59,56,25,1,0,0,0,0,0,0,77,56,0,0,0,0,0,0,0,0,0,0,0,0,0,7,51,105,0,0,0,0,0,243,233,212,202,168,124,90,74,69,69,85,87,77,39,25,19,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,100,165,202,181,153,153,157,160,163,170,157,97,61,59,81,107,165,183,207,207,199,183,194,196,186,170,181,194,204,194,191,181,168,157,157,157,163,163,152,105,89,83,89,93,87,83,73,71,79,85,81,77,79,78,85,101,111,109,105,105,105,111,111,109,152,176,186,183,165,163,170,183,191,207,215,202,181,168,160,121,113,106,106,106,111,111,107,103,103,107,119,168,176,181,183,191,189,181,178,181,189,189,189,196,204,204,204,194,183,183,183,194,199,204,207,215,196,123,110,117,178,194,194,189,183,170,178,186,160,69,43,49,51,0,0,0,0,9,21,0,0,0,7,95,186,204,194,181,173,172,173,176,181,178,172,169,169,178,196,209,209,194,186,194,207,191,125,105,98,113,127,176,186,207,225,243,255,255,255,248,251,254,254,246,225,196,71,0,0,0,0,0,0,0,0,11,41,98,121,139,168,0,0,0,0,0,255,0,0,0,0,0,0,0,215,186,142,113,95,95,95,77,53,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,27,35,69,111,139,163,168,155,142,137,150,173,199,215,222,217,207,183,168,157,150,113,113,157,157,115,173,207,207,181,127,170,125,122,131,189,202,209,209,212,217,220,220,220,220,222,222,222,222,222,230,235,235,233,233,241,241,243,230,222,204,191,191,183,119,95,63,51,51,55,81,99,99,97,93,83,83,93,129,129,129,93,83,69,67,69,67,63,63,53,49,39,35,39,41,45,45,49,59,89,142,142,150,157,160,168,176,183,194,194,194,194,194,194,194,186,183,183,183,176,132,178,215,220,209,207,217,228,228,207,186,194,215,215,194,173,178,204,225,209,183,165,115,93,77,93,117,194,215,215,196,194,183,173,115,85,76,101,176,196,183,165,115,89,69,67,93,194,228,215,173,101,85,85,85,75,93,173,225,233,194,183,194,225,225,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,170,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,103,92,103,147,178,204,225,225,215,209,170,96,105,108,117,173,189,194,183,181,199,207,207,204,204,209,215,215,209,189,191,207,212,194,111,87,127,127,125,123,121,109,109,125,131,131,129,133,194,204,183,117,114,121,125,127,176,133,176,176,133,181,186,186,191,194,181,178,189,207,209,212,212,181,101,121,186,196,204,212,212,209,207,209,207,204,207,202,186,137,139,183,186,186,141,133,129,128,133,191,194,142,140,144,199,209,215,217,217,220,217,217,217,222,225,228,230,233,230,228,225,222,222,225,222,212,199,191,189,189,194,199,209,209,207,202,191,129,127,139,191,132,127,133,134,139,186,137,137,196,207,212,217,202,130,127,215,233,238,233,228,222,217,217,217,207,199,191,143,199,217,225,230,217,196,194,207,215,207,199,194,185,202,217,230,233,204,183,191,212,209,194,131,128,194,212,228,233,230,228,230,233,230,233,230,228,222,212,207,202,196,191,143,143,194,207,204,191,137,137,212,230,233,230,229,229,229,229,230,233,233,233,233,230,228,228,228,230,230,230,230,230,228,217,204,191,143,143,141,143,189,142,141,142,196,215,228,225,141,106,102,108,196,207,186,186,191,186,143,189,189,196,196,199,204,212,217,212,199,192,194,207,212,212,196,191,202,204,202,202,202,204,207,209,225,215,209,204,199,192,192,202,189,133,139,194,212,228,222,217,215,207,202,194,139,132,135,186,196,207,196,199,196,194,199,209,217,217,225,228,209,133,103,137,139,130,132,132,137,209,139,99,189,222,230,215,194,83,26,17,59,191,215,225,204,80,75,107,209,235,230,230,233,235,233,220,198,196,202,194,137,133,116,116,199,217,222,222,217,209,204,199,196,186,189,191,194,204,209,212,217,222,222,212,129,100,101,183,207,137,186,202,212,225,230,233,233,225,139,183,212,225,225,217,204,91,91,123,123,129,139,191,199,207,207,209,212,209,204,194,186,186,194,196,194,186,172,170,182,186,139,138,140,141,141,186,140,139,186,202,209,215,215,212,209,209,209,207,207,204,207,202,194,186,186,191,194,186,139,136,136,139,189,191,143,137,139,199,215,228,230,233,233,233,238,238,238,235,135,117,207,209,204,101,46,51,121,215,215,207,186,132,139,129,117,124,194,215,230,235,238,238,235,235,235,235,238,235,233,233,233,233,233,235,238,241,238,238,238,238,238,238,125,101,199,225,233,238,233,230,230,233,233,235,235,235,233,233,228,225,225,228,233,235,235,233,231,231,235,238,241,235,230,228,228,225,225,228,228,225,222,220,222,225,228,230,233,233,230,225,217,213,213,215,217,222,225,228,230,230,230,230,233,235,238,238,238,235,234,234,235,233,226,225,228,233,233,233,233,233,235,235,238,241,241,238,238,235,233,233,230,228,225,224,224,225,228,230,233,233,233,235,238,238,235,235,238,238,235,235,235,235,233,225,215,215,215,215,215,217,222,225,225,217,215,212,209,209,209,212,215,217,222,225,230,233,233,230,228,225,217,216,222,230,230,228,228,230,230,217,200,195,199,204,189,135,139,189,189,189,189,183,183,183,196,207,202,202,209,202,196,196,194,194,202,202,196,194,199,204,202,199,202,204,207,215,225,222,215,186,85,104,222,209,212,217,222,212,212,209,191,136,136,181,181,137,183,189,183,179,199,209,196,128,126,191,207,191,127,135,209,225,225,222,222,217,215,211,211,215,217,225,228,217,186,129,128,133,191,207,202,189,186,191,199,209,215,215,215,215,215,215,212,212,217,222,217,207,207,215,217,222,225,225,222,228,228,215,204,142,145,147,137,147,225,228,228,230,233,233,230,229,230,233,233,228,215,212,217,233,238,235,233,233,225,212,208,208,209,215,212,212,217,215,212,212,215,215,215,209,209,209,212,217,222,217,217,222,225,225,222,217,212,209,209,209,209,209,207,204,199,191,141,140,189,191,186,136,134,135,136,141,199,199,196,202,204,204,191,116,117,183,204,212,207,199,194,189,140,139,141,189,189,194,199,202,204,209,215,217,222,217,212,211,212,217,225,228,228,225,225,222,220,215,212,212,209,207,204,204,207,204,202,196,194,191,186,183,183,181,181,181,135,134,133,133,134,134,176,176,176,176,176,176,176,133,133,133,133,176,178,178,178,181,186,194,194,186,169,164,178,209,215,209,204,199,196,194,186,137,133,186,199,202,204,202,199,196,191,189,185,185,189,199,204,209,209,212,215,207,202,202,204,212,217,222,222,217,199,123,123,183,191,181,133,133,133,133,133,129,133,135,181,139,139,183,140,140,189,204,212,212,212,217,230,235,238,238,238,238,235,238,241,243,246,246,243,238,235,233,235,235,235,233,233,233,235,235,235,235,235,235,230,228,222,217,212,209,207,204,204,202,199,199,196,199,202,204,207,207,204,204,204,202,199,199,199,196,199,199,199,202,204,204,207,207,207,209,209,207,207,207,207,207,209,215,217,222,220,217,217,217,217,217,217,217,215,215,215,215,217,215,215,212,209,209,212,215,217,222,225,228,230,230,233,235,238,238,238,235,235,233,233,230,228,228,225,222,217,215,215,212,215,215,215,212,212,209,209,207,207,207,207,207,207,207,207,207,207,207,207,204,202,202,202,199,199,196,196,199,202,204,204,204,207,209,212,215,215,217,217,217,217,222,222,225,225,225,222,222,222,217,217,217,216,216,217,222,222,222,222,222,222,217,215,215,212,209,207,204,202,202,199,196,194,191,194,196,199,196,0,0,0,0,0,0,7,13,15,25,35,45,47,47,47,51,65,73,79,75,79,93,105,109,155,160,163,173,191,215,225,209,189,129,129,129,123,117,117,119,129,181,207,255,255,255,255,255,199,199,225,248,235,225,230,235,199,126,116,134,173,168,157,0,0,0,0,74,53,33,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,222,0,0,0,0,168,168,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,47,95,85,86,137,176,165,142,113,73,79,139,189,217,235,255,255,254,212,165,144,125,91,144,251,255,212,147,165,255,255,255,157,100,49,29,35,111,163,152,134,113,37,32,82,129,121,69,29,56,103,118,85,43,13,1,0,0,0,64,92,92,69,9,0,0,0,0,0,0,0,0,0,0,0,21,56,69,105,0,0,0,0,0,0,220,207,191,168,124,72,43,43,77,108,111,0,64,61,51,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,95,155,189,181,168,165,157,152,152,152,139,97,99,99,99,107,163,194,215,215,207,194,196,204,204,196,191,204,194,186,191,186,168,157,165,176,186,183,165,105,93,95,105,105,103,93,91,91,99,99,91,85,79,79,87,101,107,105,99,103,111,111,150,152,152,165,178,178,165,117,163,183,183,191,199,196,189,173,181,181,168,106,103,105,121,163,109,100,99,103,119,168,173,123,168,176,183,178,173,178,178,178,181,194,202,204,196,186,176,176,183,194,191,189,191,202,196,115,103,111,186,202,194,191,191,196,189,204,207,176,77,37,31,7,0,0,0,31,55,59,63,39,55,139,186,204,189,181,176,170,169,170,172,172,169,169,169,173,186,189,186,176,176,194,207,191,121,93,85,105,131,186,189,199,217,243,248,251,251,251,255,254,254,246,233,199,53,0,0,0,0,0,0,0,0,11,35,59,111,139,165,189,0,0,0,0,255,254,0,0,0,0,0,0,204,176,144,113,79,77,79,72,40,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,25,31,43,103,147,168,173,168,142,118,124,155,183,215,222,222,215,202,183,168,147,103,107,113,113,113,165,207,209,183,170,176,176,127,176,186,202,209,212,217,217,220,220,212,212,220,222,222,222,222,222,230,235,241,243,243,248,243,241,230,212,204,183,173,113,91,69,61,61,71,83,93,99,99,93,93,83,89,93,129,129,129,91,73,73,73,73,69,67,63,53,39,33,33,37,39,41,43,55,77,103,142,147,150,152,160,176,183,194,194,194,183,183,183,183,176,176,183,183,176,133,189,225,228,217,196,196,217,230,225,207,215,215,196,178,127,168,194,209,209,194,173,121,107,101,107,165,209,220,207,194,183,183,183,165,101,76,95,173,189,173,117,101,73,67,67,101,204,235,225,173,101,85,85,93,93,107,183,233,228,189,183,204,228,225,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,85,74,64,163,196,215,222,225,222,222,207,142,96,103,117,170,176,176,176,181,196,204,204,203,203,204,209,215,215,204,196,196,196,191,129,109,127,119,113,113,108,87,85,104,117,127,131,133,133,176,127,115,111,114,123,129,131,127,128,130,131,178,181,176,166,161,169,181,199,209,209,207,202,98,86,96,183,199,209,215,215,212,212,209,209,212,212,209,199,191,189,186,186,189,186,135,130,128,130,135,194,189,143,194,207,212,215,217,217,215,215,215,217,222,225,228,230,233,230,230,228,225,222,222,225,217,207,194,137,133,141,199,209,209,207,199,191,137,137,191,194,139,135,189,183,189,194,183,139,191,204,222,230,217,135,126,217,228,230,228,225,222,217,217,212,204,204,202,191,196,212,225,228,222,199,190,196,209,209,204,207,194,204,225,233,235,217,196,192,196,186,133,129,130,186,209,225,228,228,230,235,233,230,230,230,225,220,215,209,196,189,143,141,139,141,191,196,191,137,137,202,222,230,233,233,233,233,233,233,233,233,233,233,230,230,228,226,228,228,228,230,230,225,212,199,191,145,143,142,191,196,143,139,142,202,217,233,238,222,125,129,189,222,230,222,207,191,129,129,141,189,202,204,199,196,204,212,209,199,192,192,209,207,196,185,189,209,217,207,141,139,204,204,199,217,225,222,207,196,191,192,207,133,110,123,189,212,222,222,209,199,194,191,189,137,132,129,135,196,204,174,186,191,194,194,204,212,217,222,225,207,135,123,202,204,135,135,133,137,207,209,202,222,225,225,212,207,189,109,77,101,204,217,225,222,202,181,215,235,243,238,238,238,235,230,212,198,199,207,202,181,123,115,117,204,220,225,228,225,217,209,207,199,178,189,194,191,194,202,202,199,194,204,209,181,103,103,107,82,133,196,217,228,230,233,233,235,233,217,199,194,194,204,207,196,115,121,199,204,209,209,207,204,202,204,217,225,222,209,199,189,141,141,189,196,196,185,179,185,189,186,186,186,141,139,141,189,191,204,215,222,222,222,222,222,217,212,207,204,207,207,207,196,186,191,204,212,209,199,196,191,141,139,139,137,136,135,189,212,228,233,233,233,233,235,238,230,204,109,102,133,196,196,111,67,69,137,207,204,194,123,116,135,141,129,135,204,230,235,235,235,235,235,233,233,233,235,235,235,233,233,233,233,233,235,235,235,238,238,246,248,202,69,73,202,228,238,243,233,229,230,233,233,233,233,233,233,233,230,230,230,230,233,235,235,233,231,231,233,235,238,238,235,233,230,230,228,228,230,228,225,225,225,228,230,233,233,233,230,225,217,215,215,215,215,217,222,225,230,230,230,230,233,235,238,241,238,235,234,235,235,233,228,226,230,233,235,235,235,235,233,235,238,241,241,241,238,235,235,233,233,230,228,225,225,225,228,230,230,230,233,235,238,238,238,235,238,238,235,233,233,235,230,222,212,212,212,212,215,222,225,228,228,225,217,212,212,212,215,220,222,222,225,228,230,233,230,230,228,225,217,216,225,233,233,230,230,228,228,225,212,202,204,209,202,189,186,189,191,189,183,181,183,189,207,209,196,194,199,191,191,202,202,199,202,199,194,190,194,202,204,204,204,207,209,212,217,222,217,194,85,83,111,202,209,217,225,215,209,204,186,137,183,137,133,131,136,186,179,164,186,196,189,135,137,202,212,207,109,111,181,225,228,225,222,217,215,212,212,212,215,220,228,228,212,186,181,183,194,199,196,196,194,196,207,215,217,215,215,213,215,215,215,217,222,222,215,209,215,217,215,217,217,215,212,217,217,202,145,139,143,143,134,147,217,222,222,228,233,230,229,229,230,233,235,233,222,215,217,230,238,238,235,230,222,212,209,209,209,215,215,215,217,212,207,207,212,217,217,212,204,204,209,217,222,217,217,220,222,222,222,215,212,209,209,209,209,207,204,202,202,199,194,189,191,194,191,186,137,137,136,139,194,194,192,194,202,207,202,189,186,199,209,209,207,202,196,189,140,140,191,191,191,191,196,199,204,209,215,212,212,212,212,212,215,222,225,225,225,222,222,222,220,217,215,212,209,207,204,204,207,204,202,196,194,191,186,183,183,181,181,181,135,176,176,176,176,176,176,176,133,133,176,176,176,133,133,131,131,133,133,133,176,181,189,194,194,189,176,170,178,196,202,202,202,202,202,194,189,186,189,204,209,207,204,207,207,202,196,189,185,185,189,196,204,209,212,212,212,204,200,200,204,212,215,217,222,217,196,120,119,178,183,133,127,127,131,131,129,127,129,133,181,181,139,186,186,141,194,207,212,212,212,215,225,230,233,233,235,235,233,233,238,241,246,248,248,243,238,233,233,233,233,231,233,233,235,235,235,235,235,233,230,228,225,217,215,209,207,204,202,202,199,196,194,194,196,202,204,204,207,207,204,202,199,196,196,194,194,191,194,196,202,207,209,207,209,212,209,207,204,204,207,207,207,212,215,217,217,217,217,220,222,222,222,222,217,217,215,215,217,217,217,217,215,212,212,212,215,217,222,225,228,230,233,235,238,238,238,238,235,233,230,230,228,228,225,222,222,217,217,215,215,215,215,215,212,209,209,209,207,207,207,207,209,209,207,207,207,207,207,207,204,204,204,204,202,202,202,202,204,207,207,207,209,209,212,215,215,215,217,217,217,222,222,225,225,225,225,222,222,222,217,217,216,216,217,222,222,222,222,222,222,217,215,212,209,207,204,202,202,202,199,194,191,189,191,194,196,196,0,0,0,0,0,5,17,19,17,17,19,27,37,51,53,59,67,77,73,71,75,89,99,103,117,163,173,189,207,235,248,225,196,181,129,129,129,121,121,125,173,189,215,248,255,255,228,207,194,209,238,251,230,215,215,215,181,124,118,131,155,144,139,0,0,0,0,0,74,53,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,191,0,0,0,0,129,129,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,90,86,95,131,144,137,126,105,55,49,73,152,222,255,255,255,246,194,157,150,157,165,199,0,0,0,0,183,0,255,255,155,57,33,35,87,152,186,137,111,129,103,111,157,178,144,100,82,100,116,105,74,40,17,21,15,17,56,98,100,111,134,92,0,0,0,0,0,0,0,0,0,0,0,61,90,100,113,0,0,0,0,0,233,215,199,191,176,142,95,66,35,69,100,0,0,79,79,72,25,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,82,139,170,191,202,191,160,137,137,139,131,97,101,139,99,99,163,215,222,209,189,183,194,202,204,204,204,204,181,168,181,191,181,178,178,181,183,183,111,87,79,99,111,152,150,111,103,103,109,150,103,97,91,85,89,101,105,99,95,101,150,163,168,165,152,152,163,163,113,109,160,170,170,176,183,183,181,181,186,189,178,113,107,113,170,170,111,100,100,107,123,168,123,118,119,173,176,173,173,173,173,173,181,186,196,196,186,186,176,176,183,183,133,127,173,191,196,170,112,117,191,220,220,209,217,209,196,207,207,204,191,77,49,25,0,0,0,47,73,99,155,155,147,163,189,194,189,181,178,176,173,173,173,176,173,173,173,172,170,172,172,170,170,181,191,181,117,82,78,99,178,199,202,199,220,233,243,242,243,251,251,250,254,248,238,191,43,0,0,0,0,0,0,0,0,7,29,47,95,131,157,196,0,0,0,254,254,254,0,0,0,0,0,0,196,165,139,111,72,64,64,53,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,23,27,39,87,142,168,181,173,129,101,104,139,176,207,222,228,222,207,183,168,147,95,95,97,101,107,160,196,209,196,183,199,189,178,183,189,202,209,209,217,217,220,212,212,212,215,222,222,222,212,215,220,235,241,248,248,248,243,243,235,222,212,191,173,113,95,75,67,67,73,83,93,99,99,93,89,83,83,93,129,137,137,129,83,73,73,73,73,73,69,57,39,31,29,31,31,33,37,49,71,95,103,142,142,147,152,168,183,207,207,186,179,179,183,183,176,173,176,183,176,176,194,225,233,225,196,194,220,241,230,207,204,194,183,129,125,127,178,194,196,194,178,165,115,107,109,165,204,207,194,178,183,186,189,173,107,76,93,165,183,165,109,85,69,67,71,121,225,254,228,178,101,85,85,97,103,115,194,241,225,189,183,215,235,228,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,90,66,163,212,217,217,217,220,225,222,202,99,109,173,176,170,169,170,181,196,202,204,204,204,204,209,212,212,209,196,181,181,189,183,123,105,102,105,111,105,78,77,99,111,123,129,128,128,129,131,127,115,119,133,181,178,129,130,178,183,181,177,174,170,168,173,183,196,204,202,199,191,105,90,99,135,194,207,209,212,215,212,209,209,212,215,215,209,204,196,183,137,183,186,139,135,133,133,139,199,199,196,204,212,215,215,217,217,212,211,212,217,225,228,228,230,230,230,230,228,225,222,222,222,222,217,202,133,127,131,199,207,207,199,191,191,189,186,191,196,199,204,209,199,196,207,202,191,191,204,225,233,228,196,130,209,217,222,225,225,225,217,212,202,195,196,202,199,196,202,212,217,225,202,178,181,204,215,217,225,222,217,225,230,233,230,217,204,196,139,130,131,133,139,204,222,225,228,233,235,233,230,230,230,225,222,215,199,133,132,136,139,137,135,138,145,191,145,143,199,215,228,233,235,235,235,233,230,230,230,230,230,230,230,228,226,228,228,230,230,228,222,209,199,194,191,189,143,196,209,204,186,194,209,217,230,238,228,135,127,189,215,228,228,225,194,91,93,186,199,217,215,191,185,202,212,212,202,191,191,215,212,199,189,199,212,217,204,106,110,209,199,182,202,222,225,204,192,194,209,215,103,95,121,204,222,222,212,199,191,186,139,133,133,137,135,189,204,215,147,182,191,191,187,192,202,207,209,204,186,125,131,204,215,202,191,186,196,212,222,222,217,202,199,196,199,202,222,217,217,225,228,222,212,207,222,238,243,243,241,241,241,238,222,207,204,212,222,225,202,123,116,129,209,222,228,228,222,222,217,215,204,129,186,194,186,181,191,194,189,178,186,199,113,67,60,48,18,135,215,228,230,233,233,233,235,241,243,212,125,123,183,194,189,135,191,215,222,228,230,225,207,199,202,220,230,225,212,204,191,139,135,137,194,204,199,186,183,186,189,189,189,140,138,191,204,215,225,228,225,225,225,225,228,228,215,202,194,194,196,207,199,186,194,209,215,217,215,209,199,189,137,135,135,136,136,189,209,228,233,233,233,233,235,235,215,189,121,111,123,141,212,209,137,139,207,209,202,194,117,110,133,194,141,137,199,233,235,235,235,235,233,233,230,230,233,233,235,235,235,233,233,233,233,233,233,235,238,254,255,97,0,69,230,235,241,241,233,230,230,235,235,233,235,235,235,235,235,233,233,235,235,238,238,238,235,233,233,233,238,238,238,238,235,233,230,230,230,230,230,228,228,228,230,230,233,233,228,225,222,222,222,217,217,217,222,225,230,230,230,230,233,235,241,241,238,235,235,235,235,233,228,228,230,233,235,235,235,235,233,235,235,238,238,238,238,238,235,235,235,235,233,230,230,230,230,230,230,228,230,233,235,238,238,235,235,235,233,233,230,230,228,217,209,209,212,212,217,225,228,230,230,228,222,215,215,215,222,225,228,228,228,228,230,233,230,230,228,225,217,222,228,233,233,230,228,225,225,228,225,217,215,215,207,196,189,189,191,186,137,135,181,191,204,204,189,189,189,177,170,189,194,183,183,191,191,191,196,204,209,209,209,209,212,209,209,217,217,209,127,84,85,186,209,212,212,202,199,196,189,189,191,186,135,134,186,196,185,168,183,186,183,137,137,181,196,204,94,93,97,228,228,228,222,217,215,215,212,209,209,215,228,230,217,194,186,189,194,191,191,199,191,196,207,215,217,215,213,213,215,217,217,222,222,222,215,209,212,215,212,212,212,207,207,212,212,196,145,143,199,149,139,207,222,222,222,228,230,233,230,230,233,235,235,233,225,217,217,225,233,241,238,230,217,212,212,212,215,215,215,217,222,212,203,203,207,212,215,209,203,203,212,222,222,217,217,217,220,222,220,217,212,209,209,209,207,204,199,199,202,204,202,194,191,194,199,202,202,196,186,186,191,196,194,194,196,199,196,196,199,204,207,207,204,196,191,141,141,191,204,204,194,191,194,199,207,212,212,207,202,207,212,215,217,225,225,222,220,220,220,220,217,215,212,209,207,204,202,204,204,204,202,196,191,189,186,183,181,181,181,181,178,178,178,178,178,178,176,133,133,173,176,178,178,176,173,129,129,129,129,133,178,189,194,194,191,189,183,178,181,189,191,199,204,209,207,199,194,194,199,212,215,209,204,204,207,204,194,189,186,186,189,196,204,209,212,215,212,207,203,203,204,209,212,215,217,212,189,120,119,133,178,129,123,125,129,129,127,126,127,133,137,181,183,189,189,189,196,207,212,209,209,212,217,225,225,228,230,233,230,230,233,238,243,246,248,246,238,233,231,231,231,231,231,233,235,235,235,235,235,233,230,228,225,220,215,212,209,204,202,199,196,194,191,191,191,196,199,202,204,204,204,202,196,196,194,191,189,187,189,194,202,207,207,209,209,212,209,204,202,202,204,204,204,209,212,215,215,217,220,222,225,225,225,225,222,220,217,217,217,222,222,222,217,215,212,212,215,217,222,225,228,228,230,233,235,235,235,235,233,230,230,228,228,228,225,225,222,222,217,217,217,217,217,215,215,212,212,209,209,207,207,209,209,209,209,209,209,209,209,207,207,204,204,204,204,204,207,207,209,209,209,209,212,212,212,215,215,215,215,215,217,217,222,222,225,225,225,225,225,222,222,217,217,217,217,222,222,225,225,222,222,217,215,212,209,207,204,202,202,199,199,194,189,187,189,194,199,199,0,0,0,0,0,5,19,27,25,13,7,7,19,33,45,53,65,71,70,68,71,91,107,117,163,186,199,207,228,255,255,248,212,196,186,129,129,129,178,178,189,207,222,222,215,207,189,173,189,217,248,238,217,202,199,199,176,137,124,131,134,124,118,0,0,0,0,0,0,64,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,108,103,111,121,111,108,113,103,49,35,47,126,204,254,255,251,204,152,91,91,157,194,217,0,0,0,0,0,0,255,255,168,98,23,31,59,134,147,45,35,121,116,95,139,0,0,0,0,121,105,85,59,21,15,30,15,30,64,90,66,82,168,176,19,0,0,0,0,0,0,0,0,0,3,64,92,113,137,0,0,0,0,0,233,209,189,183,181,165,124,74,35,35,69,79,0,87,98,72,27,11,1,0,0,0,0,0,0,0,0,0,0,0,0,7,3,11,35,103,142,178,202,204,160,129,127,137,129,85,79,81,87,95,163,207,207,189,170,170,173,181,191,202,204,191,168,156,168,191,191,186,186,176,163,152,87,70,70,93,113,152,150,152,109,103,150,168,168,150,107,93,93,101,105,97,92,95,111,178,186,176,152,109,109,109,105,109,160,170,160,160,163,170,160,121,168,178,178,173,168,165,165,121,109,100,103,111,119,119,118,118,123,127,173,173,181,181,181,181,181,181,186,186,186,186,181,176,176,176,127,124,127,186,207,196,125,117,189,233,241,241,233,199,183,181,178,204,241,165,69,43,15,0,5,55,97,165,199,199,189,189,191,194,189,181,181,181,183,183,181,183,189,181,178,173,172,172,172,172,173,176,176,173,105,79,76,105,191,209,209,209,220,233,243,242,243,251,251,250,254,255,246,196,43,0,0,0,0,0,0,0,0,9,23,37,53,111,155,199,0,238,243,243,246,251,251,0,0,0,0,0,189,155,129,95,64,51,43,23,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,21,29,33,79,137,173,181,168,121,92,94,124,173,207,222,228,225,202,176,160,107,87,63,63,87,101,157,189,209,207,199,207,202,183,183,202,202,204,209,209,212,212,212,212,212,212,222,222,212,212,212,220,235,243,248,251,248,243,243,243,233,222,204,183,125,107,87,69,67,73,83,93,97,97,93,83,73,83,93,129,147,147,129,83,73,73,77,77,77,73,61,41,31,25,25,25,25,31,43,65,87,103,139,142,142,150,160,183,194,194,194,183,183,183,183,176,176,176,176,176,176,194,225,233,217,192,191,220,246,228,194,183,178,173,129,127,127,173,183,183,183,176,165,115,107,107,121,183,173,160,165,183,196,194,173,101,74,85,157,168,157,103,75,69,71,101,194,246,255,235,194,107,85,85,101,107,115,183,233,225,190,189,225,246,233,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,147,228,220,215,215,215,215,222,222,209,199,202,202,191,176,170,170,181,194,202,204,207,207,207,207,209,209,212,196,125,127,181,178,109,97,100,111,183,191,121,115,181,131,133,131,129,131,176,178,178,178,183,199,202,196,189,186,196,209,196,183,181,186,196,191,186,191,196,191,189,194,199,183,131,131,181,194,202,209,212,209,207,209,209,215,217,217,212,202,139,134,136,139,141,186,191,191,194,199,202,204,209,215,215,217,222,217,212,211,212,220,228,228,228,228,228,230,230,228,225,222,220,220,225,228,217,141,127,129,191,202,202,194,189,189,189,183,185,196,204,209,209,199,199,215,217,207,194,199,215,228,228,209,186,196,207,212,217,225,225,217,207,199,194,194,196,202,196,189,141,189,207,196,178,179,204,222,228,230,238,222,215,217,225,230,228,212,199,139,131,135,181,127,186,215,225,230,233,233,233,235,233,230,228,222,209,137,127,129,135,139,138,135,136,141,194,202,204,202,212,228,233,235,235,233,230,228,228,228,228,228,228,230,228,228,230,230,228,228,222,215,204,199,196,191,143,143,199,215,217,199,202,215,225,228,230,222,186,124,194,209,207,209,212,113,49,59,139,202,225,215,177,170,204,215,215,202,187,183,222,225,225,228,230,202,196,135,86,97,212,199,185,196,212,215,199,192,196,204,113,74,85,199,222,228,222,207,196,194,189,133,128,132,207,225,225,225,235,146,196,202,192,189,192,196,191,189,189,135,119,119,137,209,209,207,204,212,215,212,196,136,137,194,196,202,215,228,233,233,233,233,217,198,199,230,241,241,241,241,243,241,230,209,202,215,230,235,238,230,133,108,133,215,225,228,228,218,220,225,220,199,95,135,191,183,177,178,191,191,134,181,191,96,60,63,55,52,225,230,228,228,230,230,233,235,241,243,139,75,109,135,189,191,191,207,217,225,230,233,233,215,199,200,217,228,222,212,209,202,186,134,133,137,196,199,186,181,182,189,194,194,189,189,209,228,235,238,233,225,224,225,225,228,225,215,196,135,130,141,204,202,194,199,202,196,204,217,212,202,191,141,135,136,141,194,199,207,222,228,230,233,233,228,225,199,189,199,189,112,106,217,222,212,199,199,194,194,191,131,124,191,194,136,133,141,228,235,235,235,235,233,230,229,229,230,233,235,235,235,235,235,235,235,235,233,233,238,248,233,37,0,101,248,243,241,238,233,230,230,238,241,241,241,241,238,238,235,235,235,238,238,238,241,241,238,235,233,235,238,238,241,238,238,235,233,233,233,230,230,228,228,228,228,230,230,230,228,225,225,225,225,225,222,222,225,225,230,230,230,230,233,235,241,238,235,235,235,235,233,230,230,230,230,233,233,235,235,235,235,235,235,235,238,238,241,241,238,238,238,238,238,238,238,235,235,233,230,228,228,230,233,235,235,233,233,233,230,230,228,228,225,217,211,211,212,215,217,225,230,230,230,228,225,222,222,222,222,225,228,228,228,228,230,233,233,230,225,217,215,217,225,230,230,228,225,222,225,228,230,228,225,222,209,202,191,191,196,186,127,126,133,181,189,183,181,189,189,176,168,178,183,131,131,178,191,202,207,212,215,215,215,215,212,209,207,207,209,217,225,115,96,186,207,202,191,137,137,189,189,191,191,194,196,199,207,212,209,199,196,191,191,183,117,78,82,121,95,91,90,230,228,228,217,217,217,215,212,209,212,217,225,228,217,194,186,189,191,189,189,191,139,186,202,212,215,215,213,215,217,222,222,222,222,217,215,212,215,215,212,209,209,204,202,207,207,149,147,202,212,202,143,217,225,222,225,228,233,235,235,235,238,235,233,228,222,215,215,215,225,235,238,233,228,225,222,217,217,215,212,217,225,215,203,202,203,204,204,204,202,204,212,222,217,215,212,212,212,212,212,212,209,209,209,209,207,202,196,195,196,202,202,196,194,196,204,209,212,209,199,189,189,194,199,202,199,194,192,192,194,199,202,204,202,191,141,135,137,199,215,209,189,186,194,202,209,215,212,199,194,199,209,217,222,228,225,217,217,217,217,217,215,212,209,207,204,202,199,202,204,204,202,196,191,189,186,183,181,181,181,181,181,181,181,181,181,178,176,133,132,173,176,178,181,178,173,129,128,128,131,178,186,191,191,183,181,186,186,186,189,189,189,196,209,215,212,202,199,199,194,207,209,207,202,202,202,196,189,185,186,186,189,196,204,212,215,215,215,212,212,212,209,209,212,212,212,204,183,121,121,129,133,127,123,127,129,129,127,127,127,131,135,181,183,189,189,191,199,207,212,209,209,212,215,217,217,222,228,228,225,228,233,238,241,243,246,243,241,235,233,233,233,233,233,233,235,235,235,235,235,233,230,228,225,222,215,212,209,207,202,199,196,194,191,189,189,191,194,196,202,202,202,199,196,194,194,191,187,186,187,191,199,204,207,207,209,212,209,204,199,199,202,202,202,204,209,212,215,217,222,225,225,228,228,225,225,222,217,217,222,225,225,225,222,217,212,212,212,215,217,222,225,225,228,228,230,233,233,233,230,230,228,228,228,228,225,225,222,222,222,222,222,222,222,217,215,215,212,212,209,209,209,209,212,212,209,209,209,209,209,209,207,207,207,207,207,209,209,212,215,215,215,215,215,215,215,215,215,215,215,215,217,217,222,222,222,225,225,225,225,225,225,222,217,217,222,222,225,225,225,225,222,217,215,212,209,207,204,202,202,199,199,194,189,189,189,194,196,196,0,0,0,0,0,0,11,19,25,11,0,0,0,15,27,43,59,71,70,70,85,115,173,181,189,222,248,248,255,255,255,255,235,222,204,139,137,186,191,191,204,233,235,204,181,181,163,153,178,207,225,225,207,189,189,189,181,152,129,124,124,113,98,0,0,0,0,0,0,64,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,118,113,100,82,53,63,100,63,33,29,63,124,157,189,196,189,163,131,73,55,89,168,199,0,0,181,181,0,0,255,255,199,131,9,0,19,53,51,0,0,118,121,0,31,0,0,0,0,147,126,85,51,27,17,38,30,10,17,35,11,30,152,168,35,0,0,0,0,0,0,0,0,0,0,19,74,108,139,0,0,0,0,0,233,207,181,165,157,150,124,82,35,32,37,0,0,95,98,66,21,7,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,3,19,57,134,191,212,181,144,131,131,93,73,61,61,73,99,152,163,157,157,165,163,157,168,181,191,191,181,165,157,176,186,191,186,181,163,111,95,77,68,70,89,103,105,109,111,103,100,150,178,183,160,109,97,97,107,107,95,90,91,105,155,168,163,109,105,107,105,105,115,170,176,163,155,160,160,113,109,110,121,173,178,178,165,119,107,103,103,109,121,123,119,118,118,119,119,129,181,189,189,189,189,189,186,179,179,186,194,191,183,181,176,126,124,127,191,207,207,170,113,170,212,241,241,220,183,155,101,83,144,199,137,65,47,23,0,1,51,97,176,207,209,199,196,199,207,194,181,177,183,186,191,189,189,189,189,181,178,178,178,178,178,178,176,129,119,103,82,82,123,212,220,220,220,225,233,243,248,251,255,255,255,255,255,255,217,77,15,0,0,0,5,5,0,0,25,33,37,45,95,139,189,0,238,233,235,243,248,251,0,0,0,0,0,176,147,121,82,56,40,21,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,23,29,39,87,142,168,176,165,121,96,96,124,173,209,228,235,225,202,168,155,139,77,45,39,63,95,113,183,209,209,207,209,199,176,178,186,202,202,202,202,202,204,212,212,212,212,212,212,212,207,212,220,235,243,248,251,248,243,243,243,243,222,215,191,173,121,99,73,67,73,83,93,93,93,93,81,73,73,89,129,144,147,129,85,77,77,83,83,85,85,69,45,33,25,23,23,22,25,37,55,75,95,103,103,103,109,157,176,186,194,186,186,186,194,186,178,176,176,176,168,176,194,217,225,207,185,190,217,235,217,176,125,127,129,173,168,127,168,173,168,173,173,165,109,101,101,109,160,115,107,117,183,215,204,165,85,70,74,107,160,160,109,85,71,85,160,225,255,255,246,204,121,97,93,103,107,107,129,215,225,194,194,233,254,233,200 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,121,5,41,212,225,217,212,212,215,215,217,215,199,196,207,207,196,181,170,173,178,191,199,204,209,209,209,207,207,209,212,186,109,117,173,125,103,100,119,196,209,215,209,209,215,209,199,189,178,176,178,178,178,189,204,215,217,217,212,191,196,212,215,207,196,181,183,189,186,189,186,178,181,199,212,209,194,178,133,181,196,207,207,207,207,209,209,215,217,217,215,204,139,133,135,139,189,194,199,202,199,199,199,204,209,212,212,215,217,217,212,211,212,220,228,228,228,225,228,228,230,228,225,222,220,220,222,228,225,204,137,139,194,194,191,191,191,194,189,182,183,194,202,204,202,196,198,215,217,209,191,190,196,204,209,204,191,189,199,202,204,212,217,209,196,202,202,196,196,199,194,136,129,127,189,202,202,207,212,222,228,228,225,137,194,209,217,228,230,222,207,194,181,189,191,109,109,202,222,228,230,233,235,235,230,225,220,212,202,189,137,137,139,139,141,143,143,191,199,204,207,199,207,222,230,230,230,230,228,228,228,228,228,228,228,228,228,228,228,228,222,217,212,204,199,204,202,191,140,141,194,207,212,194,191,207,225,230,230,225,209,189,199,199,194,191,141,99,57,59,133,189,207,199,170,165,199,215,215,199,183,179,222,230,233,235,228,118,119,113,85,97,209,204,194,202,202,199,194,194,194,139,107,77,99,222,230,230,222,204,194,196,194,137,130,139,230,238,238,238,248,153,209,212,204,196,204,202,139,137,141,139,121,108,111,196,207,212,212,217,217,209,141,134,191,204,196,194,217,233,238,233,233,233,215,195,198,228,238,238,238,238,235,225,207,134,134,215,233,235,238,230,135,88,119,215,225,230,228,218,220,225,230,133,40,72,191,189,176,173,189,191,135,183,196,125,97,97,97,191,230,230,228,228,230,230,233,235,230,212,60,32,95,186,196,199,207,217,222,222,225,233,235,230,212,209,222,225,217,215,220,217,204,137,131,131,136,199,194,183,185,191,196,196,196,199,217,233,241,241,233,225,224,225,228,228,215,199,139,131,129,141,202,202,199,202,191,182,189,209,207,199,194,191,143,189,196,207,204,199,207,217,228,225,222,215,207,191,191,217,212,102,94,222,230,225,204,189,186,190,196,194,199,207,191,132,131,139,217,233,235,238,238,235,230,228,228,230,233,235,235,238,238,235,235,238,238,233,233,238,225,63,0,9,202,246,246,246,243,235,226,226,238,243,243,243,241,238,238,238,235,235,238,238,238,238,241,241,238,238,238,238,238,238,235,233,233,233,233,235,233,230,228,228,228,228,228,230,228,225,225,222,225,225,225,225,225,225,228,230,230,230,230,233,235,238,235,230,230,233,230,228,225,228,230,230,233,233,235,235,235,235,235,235,235,235,238,241,241,238,238,238,238,241,241,241,241,238,233,230,228,228,230,230,233,230,230,230,228,228,228,230,230,228,222,215,215,217,217,222,225,230,230,228,228,230,230,228,225,222,222,225,225,225,228,230,233,235,233,225,215,209,212,222,228,230,225,222,222,225,228,228,225,225,225,217,209,196,194,194,137,122,121,129,133,132,131,135,191,191,181,177,186,183,133,130,133,189,207,212,215,215,215,215,215,212,207,207,200,199,212,217,202,191,196,202,199,191,127,121,131,181,186,191,199,204,207,209,217,222,217,212,207,209,209,127,76,76,87,103,94,92,225,222,222,212,215,215,215,209,209,215,222,222,215,209,191,186,189,194,194,189,186,136,139,194,207,212,215,215,217,222,222,222,220,217,217,215,215,217,217,215,215,212,204,198,199,196,147,149,212,217,147,135,209,222,225,228,230,233,235,238,235,238,235,230,222,215,215,215,213,212,225,233,235,235,233,222,212,215,212,209,215,228,222,212,209,207,204,204,203,203,204,209,212,209,207,202,199,199,199,199,202,207,209,209,209,207,202,196,194,195,202,204,202,202,204,207,209,212,212,204,189,185,189,199,207,209,202,196,192,192,192,196,202,199,191,137,129,130,194,212,204,181,183,194,204,212,215,209,196,192,195,207,215,222,225,222,215,215,215,215,215,212,209,207,202,202,199,196,199,202,202,199,194,191,189,186,181,181,181,181,181,181,178,181,181,178,176,133,131,131,173,176,181,181,178,176,131,129,131,176,183,191,189,176,128,131,178,183,186,191,194,194,199,209,215,209,202,199,191,129,183,202,204,202,199,196,189,185,185,186,189,191,196,204,212,217,217,215,215,217,217,215,212,209,212,212,207,189,127,121,125,127,125,123,127,129,129,127,126,127,131,133,137,139,186,186,191,196,207,212,212,209,209,212,215,215,222,228,228,225,228,233,241,243,243,246,246,243,238,235,233,233,233,233,233,235,235,235,235,235,233,230,228,225,222,217,215,212,207,202,199,196,194,189,186,186,186,189,191,196,199,199,196,194,191,191,191,189,189,189,194,199,204,207,207,209,212,209,204,199,199,199,199,199,202,207,209,212,215,222,225,228,228,228,228,225,222,222,222,225,228,228,228,225,217,212,209,212,212,215,217,222,225,225,225,228,230,233,230,230,228,228,228,228,225,225,225,225,225,225,225,225,225,225,222,217,217,215,212,212,212,212,212,212,212,212,212,212,212,212,209,209,207,209,209,212,212,215,215,215,215,215,215,215,215,215,212,212,212,215,215,215,217,217,222,222,222,222,225,228,228,228,225,222,222,222,222,225,225,225,225,222,217,215,212,209,207,204,202,202,199,199,196,191,191,191,191,191,194,3,3,0,0,0,0,5,7,7,0,0,0,0,7,19,35,65,73,77,87,115,194,212,212,215,255,255,255,255,255,255,255,255,246,225,204,196,194,194,194,212,235,233,189,173,168,153,146,163,189,204,204,196,189,186,189,181,137,113,108,116,108,87,0,0,0,0,0,0,51,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,66,100,139,160,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,100,79,39,27,21,35,47,33,13,31,118,126,126,131,147,150,139,124,75,51,65,134,168,0,189,157,157,246,255,255,228,189,131,0,0,0,21,21,0,0,157,168,33,31,0,0,0,0,0,168,126,74,35,43,79,64,11,3,8,6,17,85,87,1,0,0,0,0,0,0,0,0,0,0,0,48,105,147,0,0,0,0,0,233,202,168,147,124,113,105,74,35,32,35,0,0,95,87,41,17,1,0,0,0,0,0,0,0,0,0,0,0,0,0,7,13,9,3,5,29,113,191,217,202,165,137,126,91,81,68,65,73,91,107,107,105,113,155,152,152,157,168,170,168,168,157,165,181,181,178,176,176,155,99,81,77,79,87,91,91,93,99,103,100,100,150,178,173,109,95,87,91,101,103,95,89,90,97,97,99,103,103,109,115,115,113,117,170,183,170,160,163,160,113,107,109,112,168,181,178,123,111,103,103,111,168,178,178,127,123,118,118,118,129,183,199,199,199,199,196,189,186,186,196,204,204,194,191,181,133,131,178,191,209,215,189,163,173,212,238,241,220,183,93,65,41,33,47,45,53,53,25,0,0,13,69,155,189,199,199,196,196,196,189,181,178,183,186,183,183,183,183,181,181,181,186,186,183,176,129,127,121,113,105,95,103,189,222,222,220,222,228,233,243,248,255,255,255,255,255,255,255,246,186,61,33,21,15,19,21,13,19,35,39,37,45,61,124,168,209,230,230,230,243,251,255,0,0,0,0,196,165,137,113,79,56,33,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,31,37,61,103,147,165,168,157,131,107,113,134,173,207,230,235,225,202,168,147,103,69,36,33,45,71,105,176,207,209,207,207,183,169,173,189,202,191,189,189,189,202,207,212,212,212,207,204,204,204,207,220,235,243,248,251,248,246,243,251,243,233,222,209,194,165,107,83,67,73,83,83,89,89,83,73,73,73,83,93,139,139,129,85,83,83,121,121,121,121,73,55,39,27,23,22,21,23,31,49,65,87,95,103,103,103,150,168,176,176,183,186,194,194,183,183,183,176,168,168,178,194,217,215,194,185,190,207,228,207,129,122,124,127,173,173,168,165,165,165,168,173,121,101,85,85,101,107,101,97,115,194,225,204,160,77,70,74,107,168,183,173,107,85,97,173,235,255,255,254,215,173,107,103,109,115,115,129,209,225,204,196,228,241,225,194 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,108,199,100,108,225,209,209,209,215,215,215,212,202,166,156,178,196,189,176,169,170,176,186,194,199,207,212,212,209,204,204,202,115,100,111,129,127,115,113,191,209,212,215,215,215,217,217,215,204,191,181,176,174,174,181,196,215,225,230,230,129,181,202,209,209,199,115,113,129,178,186,172,168,178,202,212,215,209,194,135,135,194,204,204,204,209,209,209,212,215,217,217,209,183,132,133,141,196,202,204,204,204,199,202,204,207,209,209,212,215,215,212,211,212,217,225,228,225,225,225,228,228,228,225,222,221,222,222,225,217,207,199,199,199,191,190,191,194,199,196,189,186,189,196,199,199,198,199,207,209,202,190,187,189,190,191,194,191,189,191,191,191,196,202,196,189,191,199,196,194,199,194,135,130,134,204,217,225,222,215,212,215,222,107,93,131,204,215,225,233,230,225,215,204,196,191,79,1,181,222,220,225,230,235,228,225,217,204,196,196,207,212,196,139,138,189,204,209,207,204,202,196,191,202,215,225,230,230,230,228,228,228,228,228,228,228,228,225,225,222,215,209,204,202,194,192,202,204,194,141,141,143,191,194,186,142,199,225,230,230,230,228,217,202,189,141,137,117,98,99,121,186,139,199,202,185,178,194,209,212,204,190,189,217,228,228,225,191,117,119,125,112,125,207,199,194,196,187,187,191,199,196,186,139,111,110,191,215,225,217,199,191,191,194,191,189,207,233,241,241,243,248,164,194,207,204,196,207,209,194,141,186,139,123,107,111,194,207,209,209,212,215,209,139,137,212,202,111,97,137,228,233,228,225,225,207,191,192,215,230,235,228,217,209,207,199,102,107,181,222,228,228,217,137,100,122,217,230,235,233,225,222,228,246,109,5,45,194,194,174,172,183,186,135,186,191,123,111,107,119,209,228,235,233,230,230,230,235,235,222,186,48,21,71,196,202,204,212,222,225,225,225,230,235,235,228,225,228,225,217,217,228,230,222,196,136,132,134,204,207,199,194,196,194,191,196,202,215,228,235,238,235,228,228,228,230,222,186,125,131,137,141,194,199,196,199,199,186,182,186,202,202,196,196,199,202,204,209,212,202,191,189,204,217,217,209,204,199,191,191,204,191,96,95,238,238,233,207,190,189,196,207,202,209,215,191,134,135,186,209,230,235,238,238,235,233,229,228,230,233,233,235,235,238,238,238,238,241,233,233,238,139,16,0,25,222,241,243,246,243,235,226,225,235,243,243,241,241,238,238,238,238,238,238,238,238,238,238,241,241,238,238,238,238,235,231,231,231,233,235,238,235,233,230,230,230,228,228,228,228,225,222,222,222,225,225,228,228,228,228,230,230,233,233,233,235,235,233,228,225,225,225,222,217,222,225,228,230,233,235,235,235,235,235,235,235,238,238,241,241,238,238,238,238,241,241,241,235,233,228,228,228,228,230,230,230,230,230,230,225,225,228,233,233,230,225,222,222,225,222,225,228,230,228,228,228,230,233,230,228,222,222,225,225,222,225,228,233,235,235,228,209,202,204,215,225,228,225,217,217,225,225,225,222,225,228,225,209,196,189,186,135,125,125,135,137,132,132,181,194,191,183,183,189,186,135,130,133,183,202,209,209,209,209,212,212,209,204,200,198,199,204,207,204,202,202,204,209,207,111,98,109,131,191,202,207,207,204,207,215,222,222,217,215,222,228,225,125,82,81,115,109,107,209,209,207,204,207,209,207,204,204,209,215,212,202,191,181,182,191,196,196,186,141,137,139,191,202,209,212,212,215,222,222,222,217,217,215,217,217,217,217,217,217,215,207,199,199,199,199,204,225,225,139,131,207,217,222,228,230,230,233,233,230,230,233,230,217,215,217,217,213,213,222,230,235,235,228,209,205,208,209,209,215,228,233,228,222,217,215,212,207,207,204,204,204,202,194,192,192,194,196,196,199,207,209,212,212,209,204,196,194,196,202,207,207,207,209,209,207,207,209,204,191,183,187,202,209,212,207,202,196,194,194,196,199,194,191,139,129,128,191,207,199,182,185,196,207,212,212,209,202,194,194,202,212,222,222,217,212,212,212,212,212,212,207,204,202,199,196,196,196,202,202,199,194,191,186,183,181,178,178,181,181,178,178,178,176,176,133,132,131,131,173,176,178,181,181,178,173,129,173,181,186,191,189,133,127,130,178,181,183,191,196,196,199,204,207,202,199,199,133,106,119,196,202,202,202,196,191,186,186,189,191,191,199,207,215,220,220,217,217,222,220,215,209,208,209,215,212,199,133,121,119,121,121,121,125,127,127,126,126,129,133,135,137,139,183,186,189,199,207,212,212,209,209,209,212,215,222,228,228,224,225,233,241,243,243,246,248,248,246,241,235,233,231,233,233,235,235,235,235,235,235,233,230,228,225,217,215,209,207,204,199,196,191,186,141,139,141,186,189,191,194,196,194,191,191,191,191,189,191,191,196,199,202,204,207,207,209,209,202,199,199,202,199,199,202,204,209,212,215,222,225,225,228,228,225,225,225,225,225,228,230,230,230,228,217,212,209,209,212,215,217,222,222,222,225,228,230,233,230,230,228,228,225,225,225,225,225,225,225,225,228,228,228,228,225,222,222,217,215,212,212,212,212,215,215,215,212,215,215,212,212,209,209,209,212,215,215,217,217,215,215,215,212,212,212,212,212,212,212,212,212,215,215,217,217,222,222,222,225,228,230,230,228,225,222,222,225,225,228,228,225,225,222,215,212,209,207,204,202,202,199,196,196,194,194,191,191,189,189,0,0,0,3,5,3,0,0,0,0,0,0,0,13,31,55,77,89,97,155,196,233,233,222,233,255,255,255,255,255,255,255,255,255,254,251,230,202,190,190,202,220,212,186,170,181,165,152,155,173,183,186,183,183,183,183,165,121,95,92,103,103,0,0,0,0,0,0,0,38,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,64,0,0,0,0,0,230,238,255,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,59,46,53,66,64,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,66,33,15,5,1,15,23,7,0,31,108,108,73,75,111,113,83,75,57,41,51,118,157,0,183,150,144,202,255,246,181,116,9,0,0,0,19,29,14,21,189,196,139,116,0,0,0,0,212,183,142,82,43,61,0,98,33,0,5,12,38,61,40,0,0,0,0,0,0,0,0,0,0,0,5,56,111,157,0,0,0,0,0,238,212,183,155,124,116,108,82,49,35,45,0,0,90,79,37,17,7,1,0,0,0,0,0,0,0,0,0,0,0,0,1,25,49,92,92,103,142,191,209,199,160,126,86,87,95,93,81,73,79,91,101,105,107,107,109,115,157,163,152,115,115,155,168,181,168,165,163,165,155,99,79,87,107,111,99,89,89,97,109,103,103,152,168,150,95,86,83,85,95,99,95,89,91,92,85,88,93,107,163,178,178,160,109,160,176,176,170,170,163,115,113,113,168,181,186,186,170,119,111,119,170,178,186,178,173,127,119,118,118,176,191,204,199,199,196,189,189,189,196,204,212,212,202,199,194,183,181,191,199,207,225,215,199,199,215,233,235,235,209,147,65,19,11,12,17,43,61,41,0,0,0,25,69,147,165,183,189,189,178,183,186,186,186,186,183,183,181,181,178,178,178,186,181,168,115,105,103,107,107,113,111,123,202,220,212,212,220,220,222,233,248,255,255,255,255,255,252,255,255,241,170,93,55,35,29,25,21,31,41,43,45,47,61,118,157,191,209,220,228,246,255,255,0,0,0,0,186,157,124,98,72,56,23,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,27,51,0,0,113,150,160,160,157,139,121,124,142,173,207,217,225,215,199,168,142,101,71,39,32,34,57,95,165,202,207,207,202,176,169,176,202,202,189,178,181,183,189,204,212,212,207,204,191,145,191,204,220,235,243,248,251,251,246,243,243,243,233,222,215,204,181,115,83,73,73,81,83,83,83,73,69,69,69,73,89,129,129,93,83,83,87,121,129,129,131,124,69,49,35,27,23,22,23,27,43,55,69,89,97,103,103,109,152,157,168,176,183,194,186,183,183,183,176,161,165,183,194,207,207,194,190,191,207,217,207,129,122,124,129,176,173,168,165,165,165,168,168,115,89,73,75,89,101,95,101,165,209,225,196,157,89,74,77,115,183,215,215,173,101,103,173,228,255,255,254,225,183,115,109,121,123,123,173,215,225,196,194,220,233,209,191 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,191,113,152,220,217,209,212,215,215,212,212,196,157,155,168,181,178,170,169,170,173,176,183,191,204,212,215,209,204,199,189,102,96,109,125,127,129,181,207,215,215,212,212,212,215,215,215,209,199,189,181,176,174,174,183,199,217,228,215,89,123,189,191,204,204,107,99,109,129,178,168,166,183,202,209,212,209,199,183,137,189,202,207,212,212,209,209,212,212,215,222,217,194,127,130,186,209,212,204,199,202,202,204,207,207,207,209,212,215,215,215,212,212,215,222,225,225,225,225,225,225,225,225,222,222,222,222,215,207,204,204,202,196,191,191,191,189,199,204,202,191,185,194,202,204,204,202,202,199,196,194,191,190,190,189,189,191,191,186,186,189,191,189,142,141,138,139,140,191,209,207,141,137,215,233,235,233,228,212,207,204,191,93,95,131,202,222,230,233,233,230,228,217,202,181,35,0,49,103,81,202,225,235,194,217,212,194,189,194,209,212,202,139,138,194,215,225,225,215,204,191,190,199,212,225,228,230,230,230,230,230,230,230,230,228,225,222,215,212,207,199,196,194,191,190,194,204,204,194,191,143,142,142,142,142,196,215,225,228,233,233,233,209,141,137,133,113,101,117,217,204,141,204,212,207,189,191,202,207,204,196,196,215,222,222,209,189,139,194,209,207,199,202,194,187,189,186,186,191,199,196,194,196,129,117,123,133,191,196,189,183,186,194,196,199,215,233,238,238,238,235,182,191,199,196,192,202,212,209,199,186,133,125,125,186,212,215,212,208,212,215,199,130,132,204,115,88,84,93,207,215,212,209,204,198,191,191,202,217,225,191,127,123,199,215,107,111,136,204,212,209,199,181,131,137,215,230,235,235,230,228,230,235,85,11,59,196,191,177,178,181,131,125,178,178,115,115,129,189,202,228,235,235,230,230,233,235,238,225,204,97,45,71,189,202,202,209,222,228,230,230,230,233,233,230,230,230,225,217,220,228,233,228,212,194,137,139,209,225,217,207,196,141,139,189,196,204,215,228,235,235,233,233,230,228,204,118,117,141,209,202,199,196,196,199,199,194,186,186,194,196,194,194,199,207,215,217,217,207,186,181,187,209,215,207,202,194,189,186,139,113,95,99,238,235,228,207,191,191,199,202,196,202,202,186,139,141,189,202,222,233,238,241,238,235,230,230,230,233,233,235,235,238,241,241,241,238,235,235,230,202,55,0,24,199,233,241,243,241,238,230,225,235,241,238,238,238,238,241,238,238,238,238,238,238,238,238,238,238,235,235,238,235,235,233,233,233,233,235,238,238,235,233,233,230,228,225,225,225,225,222,222,225,228,230,230,230,230,230,230,233,235,235,235,235,233,230,225,222,222,217,217,217,217,222,228,230,233,235,235,235,235,235,235,235,238,238,241,238,238,238,238,238,241,238,235,228,222,217,225,225,228,230,233,233,233,230,228,224,220,225,233,235,230,228,225,228,230,228,228,230,230,230,228,228,230,233,230,228,222,222,225,225,222,222,225,230,233,233,228,204,194,195,207,217,225,222,217,217,222,222,222,222,225,225,222,204,194,186,183,139,137,137,181,183,183,186,191,191,186,183,186,189,181,128,128,131,186,196,202,204,204,204,209,212,212,207,200,202,204,202,202,199,199,204,212,215,212,95,90,105,181,202,212,215,209,204,207,212,222,222,217,215,217,225,230,225,181,103,125,121,127,199,202,199,196,199,202,202,196,195,199,204,202,194,183,176,181,194,196,139,117,131,139,143,191,199,209,215,215,215,222,222,220,222,222,217,217,222,217,215,215,215,217,212,207,207,209,215,225,233,228,133,131,207,215,222,228,230,230,228,225,215,212,222,225,217,217,225,225,217,217,225,230,233,228,212,204,204,208,215,217,217,230,235,230,225,225,225,222,217,215,209,207,207,202,194,191,191,196,204,204,204,207,209,212,215,212,207,199,195,196,204,209,209,209,212,209,209,207,209,207,194,185,189,207,209,209,207,202,196,196,199,199,194,191,191,189,133,131,189,202,194,185,191,199,202,202,207,209,209,199,194,195,209,217,217,215,209,207,207,209,209,209,209,207,202,199,196,195,196,199,202,199,194,189,186,183,181,178,178,178,178,178,178,176,176,133,133,133,133,173,173,176,178,181,181,178,176,129,173,178,181,186,189,178,131,132,183,183,181,186,194,196,196,196,199,199,199,199,114,95,117,191,196,196,199,199,194,191,189,191,191,194,199,209,215,220,222,222,222,222,222,217,212,208,208,215,215,204,181,121,115,115,117,121,123,125,127,126,127,135,181,181,183,183,183,186,191,202,209,215,212,209,208,207,209,215,222,228,225,224,225,233,241,243,243,243,248,251,251,246,238,235,233,233,233,235,235,235,235,235,235,233,230,228,225,217,212,209,207,202,199,194,189,139,137,137,139,141,183,186,189,191,191,191,191,191,191,191,189,191,196,199,202,204,204,204,207,207,202,199,202,202,202,199,202,204,209,215,217,222,225,225,225,228,225,225,225,228,230,230,233,233,230,228,217,209,208,209,212,215,217,217,222,222,225,228,230,233,233,230,228,228,225,225,225,225,225,228,228,228,228,230,230,228,228,225,222,217,217,215,215,215,215,215,215,215,215,215,215,215,212,212,212,212,212,215,215,217,215,215,212,212,209,209,209,209,209,209,212,212,212,215,215,217,217,217,222,222,225,230,233,233,230,228,225,225,225,228,228,228,228,225,222,215,212,209,207,204,202,202,199,196,194,194,191,191,189,189,189,0,0,3,13,15,9,0,0,0,0,5,11,23,41,59,77,91,113,163,196,233,254,246,217,222,255,255,255,255,255,255,255,255,255,255,255,255,209,182,185,194,204,202,194,196,204,194,170,157,0,0,173,178,178,178,178,152,118,90,82,87,79,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,25,90,0,255,255,246,238,246,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,66,38,14,0,0,0,0,0,0,0,0,0,0,0,0,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,64,33,27,5,0,0,9,0,0,35,57,53,43,43,41,31,25,29,31,35,57,126,0,196,189,147,131,168,215,204,124,37,0,0,0,17,45,72,35,41,144,150,139,137,0,0,0,0,222,194,142,87,43,61,0,98,46,11,20,43,69,69,11,0,0,0,0,0,0,0,0,0,0,0,29,77,111,155,0,0,0,0,0,238,220,207,183,157,142,134,108,79,51,47,0,0,82,61,23,11,19,25,13,0,0,0,0,0,0,0,0,0,0,0,0,23,55,121,144,155,170,191,178,178,160,131,86,91,95,87,73,49,53,75,93,99,99,99,103,150,168,157,109,95,103,109,155,157,155,155,163,176,163,101,87,101,163,160,103,89,91,103,109,109,109,115,157,109,97,91,87,93,103,105,97,91,93,95,88,91,105,117,176,186,176,109,99,107,165,176,176,176,170,160,123,173,186,189,189,186,178,165,121,168,178,183,178,168,119,117,123,123,127,181,199,199,189,181,181,181,186,189,196,204,212,212,202,202,194,194,196,196,196,199,217,238,238,225,215,215,222,233,220,194,109,35,13,13,15,25,65,63,0,0,0,0,17,41,63,139,173,176,176,181,189,194,194,191,186,183,183,181,176,170,170,178,178,117,91,82,85,97,107,123,125,131,189,202,202,209,220,220,220,228,248,255,255,255,255,255,255,255,255,255,222,173,101,55,35,25,23,31,43,43,45,49,98,126,150,170,189,202,215,235,255,255,255,0,0,0,165,137,108,74,64,51,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,29,56,0,0,0,0,0,157,157,142,131,134,142,165,183,199,202,199,176,157,142,131,79,49,34,32,39,79,157,199,207,207,202,183,176,189,202,202,181,172,172,181,189,204,212,212,207,191,145,145,145,204,220,230,243,248,251,251,246,243,243,238,233,225,215,204,186,121,93,73,73,73,81,73,73,69,61,57,57,69,85,93,93,93,85,83,121,129,129,134,134,131,124,63,45,37,27,23,23,27,39,47,65,87,95,103,103,142,109,111,150,168,183,183,183,183,183,186,176,161,161,186,194,194,189,194,194,194,196,207,194,129,125,127,173,183,173,168,165,165,165,173,165,107,75,71,71,77,93,95,109,178,220,225,194,157,97,76,85,115,183,225,233,194,115,103,123,204,246,255,254,225,183,117,108,121,123,121,127,194,209,183,133,204,220,204,191 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,108,85,165,191,209,212,215,215,209,207,209,194,161,170,178,176,173,173,176,176,170,169,173,183,199,212,215,212,204,196,183,104,99,111,121,125,176,194,209,217,217,215,212,209,209,212,209,207,204,199,191,183,178,178,186,196,209,212,115,52,106,178,183,204,225,105,83,94,125,181,176,177,189,196,204,207,204,199,186,181,189,202,209,215,215,209,209,212,212,215,225,225,207,126,129,196,225,222,202,194,196,202,204,207,209,209,212,215,215,215,215,215,212,215,217,222,225,225,225,225,225,225,225,225,222,222,217,209,202,196,196,191,141,189,196,189,139,191,204,202,191,186,199,207,209,209,204,199,196,196,204,202,199,196,191,190,196,194,186,187,202,199,141,139,143,139,137,137,194,235,228,194,194,217,235,238,235,230,222,212,204,106,94,119,135,199,230,233,233,230,230,230,225,207,183,41,0,0,0,0,49,121,186,61,207,209,191,187,191,204,204,199,191,141,199,222,230,230,222,207,194,191,199,212,222,228,230,230,230,230,230,230,230,228,225,217,212,209,204,199,194,194,192,191,190,190,204,209,207,204,194,142,142,186,189,199,209,215,225,233,233,228,212,189,137,139,141,137,199,217,207,186,209,215,207,191,186,189,194,196,196,196,209,212,212,209,202,217,228,230,228,207,199,199,194,199,189,189,194,196,194,196,204,189,137,137,133,135,183,182,182,186,191,191,191,207,228,233,228,217,215,196,196,196,196,194,196,204,207,196,141,135,141,212,230,233,225,222,212,222,228,217,137,133,196,91,84,81,79,191,199,199,199,199,202,207,209,202,209,212,122,111,105,194,225,212,137,183,199,204,199,194,186,186,181,199,225,233,238,233,225,222,186,75,45,183,207,191,194,194,178,118,112,127,133,123,135,189,196,153,212,225,228,233,235,233,235,238,235,241,243,87,89,137,199,202,209,222,228,233,233,235,233,230,233,233,233,228,222,225,230,233,228,215,196,141,189,212,233,233,222,204,139,137,141,194,202,207,215,230,235,233,235,230,222,139,114,119,241,241,215,204,199,199,202,204,204,196,189,191,194,191,189,191,202,212,217,222,212,191,179,183,209,222,217,212,202,196,191,139,123,106,117,222,228,222,204,196,196,196,194,192,194,189,139,139,186,141,191,212,228,235,241,241,238,235,233,233,235,235,233,235,238,241,243,241,235,233,233,230,228,212,35,24,115,147,233,243,243,241,228,226,235,241,235,233,235,241,241,241,238,238,238,238,238,238,238,238,235,233,233,233,235,235,235,235,235,235,235,238,238,235,235,233,233,230,228,228,228,228,228,228,230,230,233,235,233,233,230,230,233,235,235,235,235,233,228,228,222,217,217,217,222,225,225,228,230,233,235,235,235,235,235,233,235,235,238,241,241,238,235,235,235,235,235,230,222,215,215,217,222,225,230,235,235,235,233,228,221,220,225,230,233,228,225,225,230,230,230,230,233,233,230,228,228,228,230,230,228,225,225,228,225,222,222,222,228,230,230,225,202,192,194,199,212,222,222,217,215,217,217,222,225,225,225,215,202,194,189,186,186,186,186,183,189,191,194,196,191,182,182,189,196,183,124,126,135,191,199,202,202,202,204,209,215,217,215,212,215,207,199,199,196,199,209,209,209,199,96,96,133,191,202,209,215,215,209,209,212,222,222,217,217,215,209,215,228,217,191,135,131,181,199,202,194,191,194,196,199,196,195,195,199,199,196,194,182,189,199,191,109,96,108,189,194,196,204,212,220,222,217,217,217,215,222,222,217,217,222,222,217,215,215,217,212,209,212,215,222,225,228,217,121,127,207,217,228,230,230,230,228,217,204,199,209,217,217,222,228,225,217,222,228,230,230,217,208,207,209,215,225,225,217,225,230,222,212,217,225,230,228,222,217,215,215,212,202,194,194,199,204,204,202,207,209,212,215,212,209,204,199,199,207,209,209,209,209,209,209,209,207,207,196,187,194,207,207,209,207,202,196,196,202,199,191,191,199,199,183,131,139,191,186,186,196,196,191,190,196,209,212,207,195,195,207,217,217,212,209,204,204,204,207,209,209,207,202,199,196,196,196,199,199,196,191,189,186,181,181,178,178,178,181,178,178,176,176,176,176,176,178,176,176,178,181,181,183,183,181,176,176,176,178,181,183,181,133,176,189,186,178,178,186,191,191,191,196,199,202,199,112,90,131,189,191,191,196,202,199,191,191,191,194,196,202,207,212,215,217,222,222,222,222,222,217,209,209,215,217,207,186,121,114,114,117,121,125,127,127,127,131,178,186,186,186,186,183,189,194,204,209,212,212,209,208,208,209,217,225,228,225,221,225,233,241,243,241,241,246,251,251,248,243,241,238,235,235,235,235,235,235,235,235,233,233,228,222,217,212,209,207,202,196,191,143,139,137,137,137,139,139,183,186,189,191,194,194,194,194,191,189,191,194,199,202,204,204,204,204,204,202,202,204,204,204,202,202,207,209,215,217,222,222,225,225,228,228,225,228,228,230,233,233,233,230,225,217,212,209,209,212,215,217,217,222,222,225,228,230,233,233,230,228,228,225,225,225,228,228,228,228,228,228,230,230,230,228,228,225,222,217,217,215,215,215,215,217,215,215,215,217,217,215,215,212,212,212,215,215,215,215,212,212,209,209,209,209,209,209,209,209,209,212,212,215,215,217,217,217,222,225,230,235,235,230,228,225,225,228,228,228,225,225,222,217,215,212,209,209,207,204,202,199,196,194,191,191,191,191,191,191,0,3,9,15,15,3,0,0,0,5,27,43,51,63,77,97,113,170,196,222,254,254,233,213,222,255,255,255,255,255,255,255,255,255,255,255,255,217,185,186,194,202,202,204,212,222,209,186,157,0,0,0,168,173,173,168,150,121,98,77,69,48,20,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,30,40,0,0,255,255,246,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,77,25,0,0,0,0,0,0,0,0,0,0,0,0,0,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,82,53,39,9,0,0,7,2,7,35,47,41,29,17,9,5,6,15,25,45,113,142,0,199,191,134,117,134,163,160,71,39,43,105,103,79,79,90,37,56,92,77,77,103,0,0,0,0,0,204,160,98,61,0,0,111,66,59,69,77,82,69,0,0,0,0,0,0,0,0,0,0,0,0,56,85,105,139,183,0,0,230,222,215,207,199,183,157,150,147,126,100,77,69,72,0,69,0,5,5,19,53,56,9,0,0,0,0,0,0,0,0,0,0,5,17,23,39,100,131,160,170,155,159,181,168,147,139,93,63,38,32,38,59,79,91,97,103,105,150,163,115,95,87,90,99,101,99,99,107,155,165,155,105,95,111,173,163,105,93,99,109,109,103,103,109,109,109,109,107,107,111,155,155,107,101,103,105,103,109,165,176,178,176,115,98,94,101,160,176,181,181,170,123,168,183,194,194,189,181,178,170,168,168,168,170,121,112,107,108,119,127,129,183,196,199,181,177,177,177,181,189,196,202,204,204,194,194,191,194,191,191,191,196,207,225,238,225,212,202,202,207,209,217,204,85,51,37,11,3,55,81,55,0,0,0,0,0,0,45,101,165,178,186,189,189,194,191,186,183,183,176,173,170,170,178,178,115,86,79,84,97,109,125,133,127,133,181,191,202,220,220,220,228,251,255,255,255,255,255,255,255,255,255,233,207,160,79,39,23,22,37,49,43,33,45,105,142,157,168,176,189,199,220,254,255,0,0,0,0,150,124,79,59,51,40,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,27,0,0,0,0,0,0,168,0,150,139,139,147,157,176,178,178,170,150,137,134,131,95,69,39,32,36,69,150,186,207,207,209,202,189,202,202,189,181,172,172,181,189,204,212,212,212,204,145,145,145,204,220,230,241,251,251,251,251,246,243,233,225,215,215,204,186,163,99,83,73,73,83,81,73,61,55,53,53,63,73,85,93,85,85,85,121,131,137,137,131,131,129,75,59,45,33,27,25,27,33,45,59,75,89,97,103,142,142,109,150,157,176,183,181,176,183,183,168,161,168,186,194,186,176,186,194,194,194,186,186,176,129,173,183,183,173,165,123,165,168,173,165,103,74,71,73,77,85,97,115,183,220,220,183,115,97,85,85,107,168,215,225,194,115,103,115,183,225,241,233,220,183,115,108,115,115,107,107,127,183,127,127,183,209,204,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,116,183,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,183,196,202,204,202,194,191,189,178,168,183,178,178,183,183,181,178,170,168,168,178,196,209,215,212,204,191,173,115,108,117,125,129,189,202,212,217,217,217,215,212,209,209,205,207,209,204,194,183,186,196,202,204,209,215,119,66,90,121,186,194,204,100,79,176,191,202,207,202,194,191,194,199,196,194,186,186,194,202,204,207,209,207,204,207,209,215,222,222,212,135,183,209,228,222,199,192,196,204,207,209,209,212,212,215,215,212,212,209,209,212,215,215,217,222,225,228,228,228,228,225,225,222,215,204,196,194,194,141,137,139,186,139,139,189,189,191,191,191,199,207,209,209,207,202,196,202,215,207,202,196,194,199,202,196,191,204,215,209,142,138,215,207,189,142,204,235,228,204,202,222,233,235,233,233,230,228,225,137,135,123,119,202,230,233,233,233,228,228,217,196,181,103,0,0,0,0,0,0,13,0,215,215,204,191,194,199,202,196,191,189,207,225,228,222,209,199,191,191,196,207,217,230,233,233,228,228,228,225,222,217,212,204,202,202,199,194,194,196,196,194,199,202,204,207,204,199,194,143,186,186,191,199,204,207,212,225,230,225,212,194,186,191,204,215,217,217,212,207,207,199,186,141,186,185,185,186,189,183,196,204,204,209,222,230,235,230,217,202,194,202,212,217,202,187,191,194,187,191,212,222,215,207,191,183,186,182,178,183,189,139,131,133,215,215,192,187,189,194,199,202,199,194,189,186,186,189,191,196,207,228,233,233,230,228,230,233,233,233,230,225,123,80,86,103,90,135,189,199,204,209,222,230,225,209,202,209,125,115,117,196,209,199,115,127,196,204,207,212,212,202,181,186,217,230,235,235,215,196,103,91,99,222,204,178,202,209,189,178,122,129,186,189,207,204,196,73,161,217,222,230,235,235,230,233,238,243,243,225,135,91,194,209,222,230,230,230,238,235,233,230,230,233,230,230,225,225,235,235,225,209,141,135,191,212,230,241,233,217,199,140,191,202,207,207,207,217,228,228,230,228,135,111,115,228,243,238,225,209,199,196,202,207,204,196,191,191,194,186,185,186,194,202,202,207,207,202,199,207,222,228,228,225,217,215,209,141,133,123,131,196,215,212,199,196,202,194,192,196,196,189,139,139,141,141,141,202,217,233,235,235,235,235,233,233,235,235,233,233,233,235,238,230,225,215,225,238,235,220,125,115,99,119,215,235,243,241,230,228,233,235,233,230,233,238,238,238,238,238,238,238,238,235,235,235,235,233,233,233,233,235,235,235,235,235,235,238,235,235,233,235,233,233,230,230,230,230,233,233,233,233,235,235,235,233,233,230,233,235,238,238,235,233,230,228,222,217,217,225,228,230,230,230,233,233,235,235,235,233,233,230,230,233,238,241,241,238,233,230,230,230,230,230,225,217,217,217,216,217,228,235,235,233,233,230,228,228,230,230,230,225,224,225,228,230,233,235,235,233,230,228,225,225,225,228,230,230,230,228,225,222,222,222,228,228,228,222,204,199,199,199,207,222,228,225,217,215,215,222,225,222,217,209,202,196,191,189,186,186,183,186,194,194,194,194,194,191,194,199,209,207,178,130,186,204,207,207,204,204,207,209,215,217,220,215,212,209,202,199,196,199,207,204,199,186,107,107,178,186,194,204,212,215,212,212,217,222,222,222,217,215,207,207,209,207,196,189,186,189,199,202,194,186,186,194,194,196,196,196,199,196,199,199,199,199,202,196,129,109,112,199,204,207,212,222,225,225,222,222,215,213,215,222,222,217,222,222,222,217,217,217,217,212,212,217,217,202,137,97,90,133,215,225,230,233,233,230,228,215,198,196,202,212,217,228,228,222,217,222,228,230,225,215,208,209,217,225,225,222,212,215,217,208,205,212,228,230,230,225,222,217,215,215,207,199,196,199,202,202,199,204,207,212,212,212,209,207,204,204,207,209,209,207,209,212,212,209,209,207,199,194,196,202,204,202,202,202,199,202,202,199,194,194,202,202,186,125,126,137,135,186,204,202,190,190,196,207,209,209,202,204,212,215,217,215,207,204,199,202,204,209,207,202,202,199,199,199,199,196,196,194,191,189,183,181,181,178,178,178,181,181,178,178,178,178,181,183,183,181,178,181,183,186,186,189,189,183,178,176,178,181,181,181,178,183,183,181,133,133,178,186,189,191,194,199,202,199,137,131,186,196,194,194,202,204,199,194,191,194,196,199,204,207,207,207,212,217,220,217,222,225,222,215,212,215,217,209,189,125,116,116,119,125,127,129,131,129,131,135,186,189,186,183,183,191,199,204,209,209,212,212,212,212,215,222,225,228,225,224,228,233,241,241,238,241,243,248,248,248,246,243,243,241,238,235,233,233,230,233,233,233,230,228,222,215,209,207,204,202,196,191,186,141,141,137,135,137,137,137,139,186,189,191,194,194,196,196,191,191,194,199,202,204,204,202,202,199,202,204,207,207,207,207,207,207,209,215,217,222,222,225,225,228,228,228,230,230,230,233,235,233,228,222,215,215,215,215,215,217,222,222,222,225,225,228,230,233,233,230,228,228,228,228,228,228,228,228,228,228,228,228,230,230,230,230,228,225,222,217,217,215,215,215,215,215,215,217,217,217,217,217,215,212,212,212,215,215,212,212,209,209,207,207,207,207,207,207,209,209,209,212,212,215,215,215,217,222,228,233,235,235,233,228,225,228,228,228,225,225,222,217,217,215,212,209,209,207,207,204,199,196,196,196,194,194,191,191,191,0,5,9,9,9,0,0,0,3,17,43,57,71,83,95,113,168,186,212,246,255,243,217,218,251,255,255,255,255,255,255,255,255,255,255,255,255,243,209,199,199,202,209,209,209,209,202,186,157,0,0,0,157,168,168,160,152,126,103,77,48,25,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,35,35,0,0,0,0,255,255,255,255,255,255,255,255,255,0,0,0,0,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,61,53,51,53,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,124,105,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,92,72,27,9,0,0,0,3,7,17,35,35,33,23,6,2,9,29,35,29,49,81,124,0,0,199,126,108,118,134,118,57,51,108,134,126,77,11,0,12,56,59,46,35,53,0,0,0,0,0,0,0,137,0,0,0,134,103,100,103,82,53,9,0,0,0,0,0,0,0,0,0,0,0,15,59,87,105,124,173,209,217,204,196,189,173,170,155,131,126,131,126,111,85,77,72,66,0,15,0,0,7,33,66,27,0,0,0,0,0,0,0,0,0,0,0,3,1,0,0,25,131,165,150,155,220,222,183,155,137,69,41,32,32,41,71,85,95,103,109,113,150,103,90,87,89,91,83,76,76,89,111,115,107,101,97,111,173,160,109,103,103,107,102,100,100,100,103,105,107,107,107,113,155,117,113,117,165,163,155,168,176,165,160,117,109,98,96,101,117,176,183,181,170,123,163,181,186,189,186,178,178,178,170,120,120,121,119,109,106,108,112,117,123,176,189,191,186,179,177,179,186,189,186,186,186,183,178,135,176,176,183,181,189,191,199,215,222,212,212,202,194,186,189,202,199,173,85,39,0,0,15,81,168,157,69,27,0,0,0,9,57,147,181,191,186,181,186,186,183,176,173,170,168,165,170,178,178,125,105,93,97,103,115,123,123,127,129,133,183,191,209,212,217,228,254,255,255,255,255,255,255,255,255,255,246,220,178,103,57,31,27,39,45,31,21,24,63,150,173,168,168,186,189,212,254,0,0,0,0,0,150,108,64,48,48,35,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,0,0,0,0,0,0,0,0,0,0,157,163,168,168,176,173,147,124,91,131,142,139,89,57,36,41,69,111,186,209,209,209,202,189,202,202,186,172,170,172,183,189,202,212,220,212,204,143,140,145,212,220,230,241,251,255,255,255,251,241,230,215,207,204,204,189,165,105,83,73,73,87,91,83,67,53,50,53,63,73,81,75,73,73,83,121,131,137,131,131,124,118,85,69,59,45,33,27,27,31,41,51,65,75,85,101,139,107,109,150,165,173,181,176,176,176,173,165,165,173,186,176,127,129,183,196,204,194,183,183,183,194,194,189,178,165,121,119,121,165,173,121,101,75,75,85,85,93,97,115,178,215,215,183,115,89,85,85,101,121,194,204,183,117,103,107,121,183,196,215,209,178,108,106,121,107,93,95,107,121,127,129,183,204,215,204 +0,0,0,0,0,0,0,0,0,0,0,0,0,155,238,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,134,168,168,176,178,176,176,176,168,159,159,170,191,199,191,183,181,176,170,170,181,194,202,204,204,191,176,125,121,117,123,178,189,199,207,215,217,217,217,215,212,209,207,205,207,212,209,194,181,181,196,204,209,215,225,215,109,111,114,129,178,176,104,100,209,212,215,217,212,199,186,182,183,186,186,183,181,135,137,189,196,199,196,196,199,202,207,209,207,196,137,191,209,217,212,196,192,196,204,207,207,209,212,215,215,212,209,204,203,204,209,212,212,212,217,228,228,228,228,228,228,225,222,209,199,191,196,199,191,138,136,136,136,139,141,139,141,191,194,199,202,207,212,215,207,199,202,212,207,199,196,194,199,202,202,204,215,215,204,191,189,209,207,196,191,204,225,222,204,204,217,228,230,233,235,235,233,228,217,196,125,115,196,225,230,235,233,228,222,209,194,186,131,59,95,75,0,0,0,0,217,228,222,209,199,196,202,202,196,191,194,207,215,212,199,194,190,189,189,191,202,215,230,235,233,228,222,215,212,207,204,199,194,192,194,191,145,191,199,199,202,209,209,207,202,196,191,189,189,186,186,191,199,199,199,199,209,217,217,209,202,194,196,207,215,212,207,209,204,134,122,125,135,186,189,182,181,183,186,202,202,196,209,222,233,233,222,204,191,194,209,225,228,199,181,183,189,187,191,212,222,217,212,196,191,191,178,182,191,191,135,115,92,94,202,192,187,189,192,202,202,202,194,187,186,189,196,202,204,209,222,230,233,230,230,233,235,235,238,235,225,127,86,111,194,189,183,191,204,215,225,230,235,233,217,194,137,127,125,186,186,129,85,85,106,196,209,220,225,225,215,194,191,207,225,235,233,212,189,121,135,202,207,121,121,194,196,194,207,204,189,181,183,215,215,204,140,156,191,225,228,230,230,225,225,230,238,241,233,209,78,189,217,233,238,235,233,235,233,230,228,228,228,230,230,228,228,233,235,222,139,125,135,189,202,217,241,241,228,207,191,204,212,215,209,202,204,209,212,209,125,120,117,120,215,233,230,222,204,196,196,202,204,199,194,191,194,199,196,194,191,186,189,186,194,207,215,222,225,230,230,230,230,228,225,204,189,186,135,135,189,204,207,194,192,192,190,191,199,196,189,186,189,191,186,141,191,204,217,222,215,217,222,225,230,233,230,225,220,220,215,204,192,194,195,217,241,243,235,207,225,127,113,133,230,235,233,228,230,233,235,230,230,230,233,235,235,235,235,238,238,238,235,234,235,235,235,233,233,235,235,233,233,233,233,235,238,238,235,235,235,235,235,235,235,235,235,235,233,230,233,235,238,235,233,233,233,233,235,238,238,235,233,230,228,225,217,222,228,233,233,230,230,233,235,235,235,235,233,230,228,228,230,235,238,238,235,230,228,228,228,229,230,228,225,225,222,216,216,228,235,233,230,230,230,230,230,233,233,230,228,225,225,228,230,233,235,238,235,233,228,224,224,225,230,233,230,230,228,225,225,225,228,228,228,225,217,207,204,204,202,207,222,228,228,222,215,215,217,217,217,215,209,202,196,191,186,182,181,182,191,199,196,194,191,191,196,207,212,217,212,183,130,186,209,212,209,207,207,207,209,212,215,217,212,207,207,204,199,194,191,196,196,196,191,176,178,189,178,131,191,204,212,217,217,217,217,215,217,215,209,204,202,199,196,191,194,191,191,196,199,194,179,176,191,191,199,204,202,196,191,191,194,199,196,196,196,196,194,199,209,212,215,217,222,225,225,225,222,215,213,215,222,222,217,217,222,222,222,222,222,222,217,217,217,212,103,59,57,81,202,222,230,233,233,233,230,230,217,199,198,204,212,222,228,230,222,222,225,230,230,225,215,212,215,222,222,217,215,209,211,212,204,203,209,225,230,230,228,225,220,215,209,204,202,202,204,204,199,196,196,199,207,209,212,212,209,207,207,207,207,207,207,209,212,215,212,212,209,199,196,196,199,196,192,196,202,204,207,207,204,199,199,202,204,191,127,126,129,126,129,202,209,202,196,194,196,199,204,207,212,217,220,220,212,199,196,194,199,204,209,204,199,196,196,199,199,199,196,196,196,194,189,183,181,181,178,178,178,181,181,178,178,178,181,183,183,183,181,178,181,183,189,191,194,196,194,189,183,183,183,183,181,181,183,181,133,130,130,176,183,189,191,191,194,199,199,191,189,202,207,202,202,207,209,202,196,196,196,199,202,207,207,202,200,204,212,217,217,222,225,222,217,212,212,212,207,189,129,121,119,123,127,127,129,131,131,131,133,181,189,186,182,186,199,207,209,209,209,209,212,215,217,222,222,225,228,228,225,228,233,238,238,238,241,243,246,246,248,246,246,246,243,241,235,233,230,230,230,230,230,230,225,217,212,207,202,199,196,196,191,186,186,141,139,135,135,135,135,137,183,183,183,183,189,196,199,196,196,196,199,202,202,204,202,199,199,202,204,207,207,207,207,207,209,209,215,217,222,225,225,225,225,228,228,230,230,230,233,235,235,230,225,222,222,222,222,222,222,222,217,217,222,225,225,228,230,230,228,228,228,228,228,228,228,228,228,228,228,228,228,230,233,233,233,230,228,225,222,217,217,217,217,217,217,217,217,217,222,217,217,215,212,212,212,212,212,212,212,209,209,207,207,207,207,207,207,207,209,209,209,212,212,215,215,217,222,228,233,238,235,233,228,225,228,228,228,225,222,222,217,217,215,212,209,207,207,207,204,199,199,196,196,196,194,191,191,191,1,7,5,1,0,0,0,3,21,31,49,67,91,150,160,176,183,202,222,251,251,220,212,233,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,220,220,225,217,209,202,194,191,181,157,0,0,0,150,160,0,152,137,121,95,0,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,25,17,0,0,0,0,0,0,255,255,255,255,255,255,255,0,0,0,248,222,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,51,33,25,25,33,46,51,43,30,0,0,0,0,0,0,255,255,235,196,191,196,0,0,0,0,0,0,0,137,98,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,59,13,0,0,0,0,0,0,9,23,35,35,31,15,5,6,23,35,35,25,29,35,43,0,0,202,144,114,118,113,73,51,53,100,105,79,41,11,0,3,31,56,23,0,0,0,0,0,0,0,0,0,0,0,0,0,160,126,100,82,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,77,98,118,168,207,209,196,186,170,160,147,124,108,100,111,108,103,92,82,74,66,0,25,0,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,3,121,170,159,159,209,230,207,191,160,85,55,38,38,41,57,71,89,103,103,103,103,103,95,91,93,93,83,70,70,83,105,105,95,93,99,115,163,117,109,111,117,117,109,109,103,103,105,109,111,113,113,113,113,107,107,115,165,119,117,117,163,117,113,109,101,99,103,107,103,113,163,170,163,115,113,163,181,186,186,181,178,181,170,120,119,168,170,125,119,119,117,112,111,115,129,183,189,189,186,189,199,196,186,135,132,132,133,133,129,129,127,127,173,173,181,189,196,204,212,212,194,181,181,186,191,183,103,55,5,0,0,7,81,157,150,79,43,11,0,15,53,103,178,189,178,170,176,178,178,173,163,157,119,121,170,181,178,170,119,111,111,115,121,123,123,123,129,133,183,183,191,204,222,238,254,255,255,255,255,255,255,248,248,248,246,228,209,168,83,39,31,33,37,25,17,21,49,139,165,157,165,186,186,209,0,0,0,0,0,0,150,113,74,59,48,35,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,178,0,0,0,0,0,0,178,176,176,186,173,139,87,87,134,139,134,89,51,37,41,65,107,183,199,202,204,202,189,202,202,186,178,173,183,202,204,204,209,212,209,186,139,139,202,222,230,241,251,251,255,255,255,255,246,230,215,204,194,189,181,165,107,87,75,83,99,105,93,69,55,53,53,63,69,75,73,69,69,73,85,121,131,131,124,89,85,85,85,69,55,43,31,27,31,33,43,55,61,69,85,101,139,107,147,165,173,173,173,173,173,165,160,165,176,183,173,122,123,176,194,204,196,194,194,194,204,204,194,178,165,121,118,118,121,165,115,93,75,85,93,101,103,103,115,173,204,209,183,115,93,85,85,89,107,173,194,183,121,101,93,93,107,165,189,204,183,109,115,123,107,89,89,101,121,133,183,194,215,225,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,152,157,157,157,157,168,173,168,156,156,170,196,202,191,183,181,178,183,191,196,199,194,181,125,119,115,115,125,125,129,189,199,199,204,212,215,215,215,215,212,209,207,207,212,217,215,199,181,176,189,199,209,215,222,228,196,123,113,115,131,176,131,196,217,215,217,222,217,207,189,179,178,181,182,183,135,131,129,133,181,183,183,189,191,194,186,127,139,139,137,194,204,204,199,194,194,199,202,204,207,209,215,215,215,212,209,204,202,203,209,212,212,212,217,225,228,225,225,228,225,222,215,202,190,190,199,207,204,191,137,135,137,189,141,135,141,194,199,196,195,199,212,217,212,202,199,207,207,204,202,196,196,202,207,212,212,199,145,191,194,199,202,202,202,212,222,217,207,209,217,228,230,233,235,235,230,228,225,217,186,107,123,225,225,222,222,222,217,212,204,202,204,204,225,222,81,0,0,0,222,222,225,215,207,204,204,202,196,191,194,202,207,202,194,191,190,190,190,191,199,209,225,230,228,220,209,204,199,199,202,199,194,192,196,194,145,145,191,145,191,199,202,199,196,194,189,189,194,194,189,194,202,202,196,195,196,202,202,202,199,196,196,202,204,202,199,204,199,129,120,126,139,191,191,185,182,194,202,209,204,196,204,212,217,217,204,189,187,194,215,230,233,202,181,182,189,191,194,202,207,202,196,194,196,202,183,183,191,186,133,103,88,93,212,209,202,194,199,207,215,212,202,196,199,204,212,212,204,202,212,228,233,233,233,233,235,235,235,235,230,204,129,141,199,194,191,196,209,225,230,233,235,235,225,133,117,121,127,139,119,102,89,94,135,215,222,225,228,228,222,209,199,199,215,233,222,204,196,202,235,238,186,97,112,125,131,183,215,233,215,125,124,202,207,207,182,176,194,215,217,225,230,228,225,225,230,238,230,199,78,194,230,238,241,238,235,235,233,228,228,225,225,228,230,230,230,228,225,196,102,106,131,139,189,204,233,243,238,215,141,189,217,217,202,191,194,196,199,191,118,119,121,129,199,215,212,199,192,192,194,196,199,199,191,189,196,212,217,212,199,186,182,183,199,222,230,233,230,230,230,230,233,230,215,140,189,194,186,141,194,209,212,196,192,192,191,192,199,194,189,191,196,196,189,143,189,194,196,143,134,141,204,212,209,215,212,202,199,204,202,194,195,194,195,207,228,235,235,235,243,225,119,121,212,228,228,230,230,233,233,233,230,230,230,230,230,233,235,238,238,238,235,234,234,235,235,235,235,235,235,233,231,231,233,235,238,238,238,235,235,235,238,238,238,238,238,235,233,230,230,235,238,235,235,233,233,233,235,238,238,235,233,230,230,225,225,225,230,233,233,230,228,230,233,235,238,238,235,233,228,228,228,230,235,235,235,233,229,229,229,229,233,230,230,230,228,222,222,228,233,230,228,228,226,228,230,230,233,230,230,230,230,230,233,233,235,238,238,233,228,224,225,228,233,233,230,228,228,225,228,230,230,230,228,222,215,207,204,204,204,209,222,228,230,225,217,215,215,215,215,212,207,199,194,194,189,182,179,182,194,199,196,191,189,182,186,207,212,215,207,135,127,135,202,209,212,209,209,209,212,212,215,215,207,202,202,202,199,191,187,189,194,199,202,199,196,191,114,97,127,186,202,209,209,207,209,212,209,204,199,199,199,194,191,191,194,194,191,194,199,199,181,173,179,186,204,209,207,204,191,131,129,139,141,186,196,209,215,220,220,217,217,217,222,225,225,225,225,222,217,222,222,222,217,217,225,225,222,222,222,225,225,222,217,212,105,62,63,107,217,228,230,230,230,230,230,233,222,200,202,209,215,222,230,230,225,225,230,233,230,225,217,217,217,222,222,217,215,212,212,212,200,195,209,225,230,228,228,228,225,217,207,202,204,209,215,212,202,145,140,141,191,199,207,209,209,207,207,207,207,207,207,209,212,215,217,217,209,194,194,199,199,192,190,194,204,212,212,212,209,207,204,207,204,194,131,127,127,126,127,191,207,209,199,186,138,141,199,209,217,222,225,222,212,194,189,191,196,204,209,204,196,194,196,196,196,196,196,196,196,196,191,186,181,181,181,178,181,181,181,178,177,181,183,186,183,181,178,178,181,183,189,194,196,196,196,189,186,186,186,183,181,178,178,176,173,131,131,176,181,186,186,186,186,191,196,196,199,209,212,204,202,207,209,207,204,204,202,199,199,202,202,202,202,204,209,215,217,222,225,222,217,212,209,207,199,186,133,125,123,125,125,125,127,129,131,131,131,137,186,186,183,191,204,215,215,209,207,205,207,212,217,222,222,222,225,228,228,228,230,233,235,238,238,241,243,246,248,248,248,248,246,243,238,235,230,228,228,228,228,228,225,217,212,204,199,194,194,194,191,186,186,141,139,135,134,134,135,137,139,137,134,134,139,191,199,202,202,202,202,202,202,202,202,199,199,199,204,207,207,209,209,209,207,209,212,217,222,225,225,222,225,225,228,230,230,230,233,233,235,233,230,228,230,228,225,222,222,222,217,217,220,222,225,225,228,230,228,228,228,228,228,228,228,228,228,228,225,228,228,230,233,233,233,230,228,228,225,222,222,217,222,220,217,217,217,217,217,217,215,215,212,212,209,209,209,209,209,209,209,207,207,207,207,207,207,207,207,209,209,209,212,215,215,217,222,225,233,235,235,233,228,225,225,225,225,225,222,222,222,217,215,212,207,207,207,204,202,199,199,199,199,196,194,191,191,194,1,7,1,0,1,7,15,29,41,55,63,81,152,202,209,194,194,215,243,254,251,216,216,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,251,248,222,209,202,209,204,191,157,155,0,0,157,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,255,255,255,255,255,255,0,0,0,0,248,238,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,51,33,17,1,0,9,33,27,1,0,0,0,0,0,0,228,209,181,157,173,183,0,0,0,173,0,0,0,0,61,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,13,5,0,0,0,0,0,0,0,25,41,41,41,41,33,33,41,43,29,9,3,0,0,0,31,168,212,170,134,134,126,100,47,46,49,51,53,69,72,15,3,27,61,19,13,0,0,0,0,0,0,0,0,0,0,0,0,178,111,59,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,64,95,124,176,215,220,209,202,186,165,147,116,95,87,90,92,92,92,85,79,77,0,74,64,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,0,0,3,105,165,181,181,196,222,230,225,194,142,71,57,55,55,55,63,89,109,103,103,107,107,101,101,101,101,95,80,79,91,99,91,79,81,99,117,160,157,115,160,181,183,178,170,157,157,155,155,117,117,117,113,107,103,103,106,111,109,99,97,103,111,109,103,101,107,115,107,97,97,102,113,113,111,113,123,178,186,186,178,178,170,125,120,120,176,186,186,191,191,181,123,110,108,112,176,189,189,189,189,199,199,189,178,132,178,178,135,135,129,126,126,127,127,129,176,178,194,204,212,202,186,181,183,191,191,178,142,63,23,0,0,1,85,173,163,87,61,39,49,73,147,178,181,176,170,170,176,176,170,157,115,113,119,170,181,181,178,125,117,117,123,125,123,123,123,129,133,183,183,182,204,228,246,251,254,255,255,255,255,251,241,241,246,241,220,202,170,95,51,33,33,37,31,23,24,49,126,150,155,165,186,196,204,225,0,0,0,0,0,155,131,108,79,59,38,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,0,0,0,0,0,0,0,0,0,0,0,199,186,196,196,173,139,113,79,124,124,89,65,41,35,41,63,103,178,191,186,202,204,204,204,207,199,186,186,202,209,212,209,209,204,202,141,137,139,209,233,243,251,255,255,255,255,255,255,251,235,215,204,191,183,176,121,105,91,83,95,111,147,105,73,57,53,55,63,69,73,73,69,66,69,73,85,124,124,124,124,85,124,124,85,69,49,41,31,27,27,33,43,49,55,69,91,101,101,144,155,165,170,173,173,173,165,160,168,176,176,168,122,122,173,194,204,204,204,204,207,204,204,194,183,168,123,119,118,119,121,107,85,75,85,101,109,115,107,109,160,186,194,173,115,93,85,85,85,103,168,194,194,165,107,89,83,89,115,194,215,194,121,121,127,107,89,93,107,127,183,196,207,225,233,241 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,157,160,152,143,142,160,181,181,163,160,173,186,186,181,178,178,181,191,202,207,204,186,51,34,39,57,53,111,127,131,189,199,196,199,204,209,209,209,212,209,209,209,212,215,222,217,204,183,133,178,191,204,212,215,222,215,183,115,113,131,178,183,204,212,215,215,215,217,212,196,182,179,182,183,186,183,135,133,133,133,133,139,189,189,189,122,82,117,133,183,199,199,190,189,191,196,199,202,202,204,209,215,217,215,212,209,204,203,204,209,215,215,215,217,225,225,225,225,225,225,217,209,196,190,191,204,215,215,207,194,141,141,191,133,121,141,199,204,199,195,199,209,215,209,199,198,202,207,209,209,202,196,202,209,212,204,142,140,143,145,143,194,209,222,228,230,225,215,215,225,228,233,233,233,233,228,225,222,225,222,115,89,77,55,67,196,209,217,222,225,222,225,235,233,230,181,101,119,123,131,225,228,225,217,209,204,202,196,194,191,196,202,204,202,202,199,199,196,196,199,207,215,215,209,202,196,191,191,199,209,212,209,207,209,207,196,191,143,139,139,189,194,196,199,196,194,194,196,196,196,202,209,212,207,199,196,191,189,189,189,189,194,202,202,199,199,202,196,139,137,204,204,196,191,191,196,209,202,199,189,189,194,202,207,207,196,189,187,191,209,228,228,207,187,187,194,199,202,202,194,183,182,191,207,217,212,174,174,181,137,115,103,199,225,228,217,207,204,212,222,217,207,202,204,212,225,225,207,194,202,217,230,233,233,233,233,233,233,233,233,225,202,194,196,194,196,204,212,222,230,235,235,230,220,127,112,111,117,131,125,133,204,220,230,228,228,230,230,230,228,222,209,189,204,222,147,146,204,225,235,215,127,102,117,121,121,125,183,235,235,123,123,191,209,222,209,222,217,119,191,217,225,228,225,222,222,233,228,191,101,209,233,235,233,233,233,233,230,228,225,224,224,225,230,230,230,225,209,119,100,105,125,133,139,196,217,230,228,191,128,127,212,209,191,185,186,191,196,191,127,121,125,135,199,209,202,190,191,192,194,199,204,207,199,190,194,217,228,225,207,186,182,183,217,233,235,233,230,230,230,230,233,230,217,134,141,141,140,194,212,222,217,204,196,196,196,199,199,194,189,191,194,191,186,186,189,191,189,134,129,133,199,204,133,137,143,141,191,209,225,228,233,217,199,196,194,196,225,241,243,243,207,137,149,215,228,230,228,228,230,233,233,233,233,230,230,230,233,235,238,238,235,234,234,235,238,238,238,238,235,233,233,233,233,235,238,238,238,235,235,235,235,238,238,238,238,235,230,229,230,233,238,238,238,235,235,235,235,238,238,235,235,233,230,228,228,230,233,233,230,228,225,228,233,238,238,238,235,233,230,228,228,228,233,235,235,235,235,238,235,235,235,235,233,233,233,228,228,230,233,230,228,226,226,226,228,230,233,233,235,235,235,235,235,235,235,235,235,235,230,228,228,230,233,233,230,228,225,225,228,230,233,230,225,222,217,207,198,198,202,212,225,228,228,225,222,217,217,217,212,209,204,194,189,194,194,189,183,183,191,196,194,191,186,181,178,186,204,209,204,181,129,178,199,207,209,212,212,212,215,215,217,215,207,199,196,199,196,189,189,191,196,199,207,209,207,196,110,96,119,127,183,196,202,202,202,202,189,181,186,194,196,194,191,191,191,194,196,196,202,204,189,176,179,189,209,215,215,217,194,112,112,125,137,189,204,217,222,225,222,217,215,215,217,222,225,225,225,225,228,228,225,222,217,217,222,222,222,222,222,225,228,228,225,212,145,143,149,204,222,230,233,230,230,230,233,235,222,200,202,215,217,222,228,230,230,230,233,233,230,228,225,225,225,225,225,217,215,212,215,212,183,163,212,222,228,228,228,228,228,222,212,207,204,212,222,217,204,145,137,137,140,191,199,207,209,209,209,209,209,209,209,209,215,217,217,217,207,190,191,202,207,196,192,199,209,215,215,215,212,212,209,212,207,194,131,126,128,133,137,194,204,207,199,139,135,137,199,209,217,222,225,228,220,199,189,191,199,207,207,204,196,191,191,191,194,196,196,196,194,191,189,186,183,181,181,183,183,183,181,178,177,181,186,186,183,178,178,181,183,186,189,194,196,194,189,183,181,183,183,183,178,176,173,173,131,173,133,176,176,176,178,178,178,186,196,199,204,209,209,202,202,204,209,209,209,209,204,199,198,198,199,202,209,212,207,209,215,220,222,220,217,212,207,202,194,183,133,127,125,123,123,123,125,127,129,127,129,135,189,191,194,199,207,215,215,209,207,205,204,207,215,222,222,217,217,222,222,225,228,230,235,238,238,241,243,246,248,248,248,248,248,246,241,235,233,228,225,225,222,222,222,217,212,207,199,194,191,191,191,186,141,141,139,137,135,135,137,137,137,135,132,132,137,189,196,202,204,207,207,204,202,202,202,199,199,199,202,204,207,209,209,209,207,207,209,215,222,222,222,222,225,228,230,230,230,230,233,233,235,235,233,233,233,230,228,225,225,222,217,217,217,217,222,225,228,228,228,228,225,225,225,225,225,225,225,225,225,228,228,230,233,233,233,230,230,228,228,225,222,222,222,222,217,217,217,217,217,215,215,212,212,209,209,209,209,209,209,209,207,207,207,207,207,207,207,207,207,209,209,209,212,215,215,217,217,225,230,233,233,230,228,225,222,222,222,225,225,225,225,222,215,212,209,207,207,207,204,202,199,199,199,196,194,191,191,191,1,7,3,3,13,25,47,53,55,67,81,99,191,251,248,209,202,217,243,255,255,228,220,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,243,215,212,230,248,241,209,168,163,170,0,0,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,0,0,0,0,255,255,255,255,255,255,0,0,0,0,0,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,61,51,25,0,0,0,25,20,0,0,0,0,0,0,0,191,160,126,124,142,157,160,0,0,100,90,0,0,0,48,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,74,95,51,45,55,0,0,139,103,29,0,0,0,0,0,31,168,212,186,144,152,160,118,46,41,48,100,121,137,139,79,12,48,74,19,0,0,0,0,0,0,0,0,0,0,0,212,222,186,116,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,40,74,105,147,191,230,235,233,220,204,181,160,124,98,82,79,82,82,92,92,85,85,0,100,98,77,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,33,5,33,111,155,202,202,204,225,241,222,194,152,91,79,77,73,73,85,142,157,155,150,147,109,107,107,111,152,152,107,105,105,95,77,70,77,99,117,173,173,173,191,204,202,199,194,183,178,170,157,157,157,157,119,107,102,103,111,117,105,93,88,93,105,109,101,99,109,163,117,100,97,99,103,113,115,115,168,181,186,181,173,168,123,125,121,121,176,186,194,202,202,202,181,119,111,115,127,183,181,178,181,189,199,196,196,196,196,196,183,181,176,129,127,127,173,178,181,178,170,183,204,212,202,186,185,191,204,217,217,212,189,43,0,0,9,142,155,144,97,81,85,147,170,181,189,178,170,168,176,176,168,119,113,115,163,176,181,181,178,125,121,123,129,129,129,123,127,133,183,183,183,189,209,230,243,246,246,254,255,255,255,246,235,233,233,220,183,157,105,85,57,43,43,49,49,37,43,61,131,155,165,176,194,196,196,204,0,0,0,0,0,157,142,131,103,66,38,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,0,0,0,0,0,0,0,0,0,0,0,209,207,207,199,165,124,63,63,77,77,65,51,37,35,41,63,103,178,186,181,202,212,217,220,212,209,199,199,209,212,220,209,202,191,202,186,141,186,209,233,251,255,255,255,255,255,255,255,254,241,222,207,191,183,129,115,101,87,87,99,115,155,107,83,63,57,57,61,67,69,69,69,69,69,73,85,124,124,129,124,124,124,124,124,85,63,47,37,27,26,27,35,41,47,59,75,85,95,101,144,157,165,165,173,168,160,160,168,173,173,165,123,165,173,183,196,204,209,209,209,204,196,194,183,173,165,123,121,121,121,109,93,85,93,109,157,109,101,93,107,157,168,157,101,85,93,101,107,121,183,209,204,173,115,93,85,93,168,225,233,196,165,127,127,107,95,101,117,133,186,194,196,215,233,254 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,165,163,152,140,139,160,189,186,165,157,165,176,176,172,173,173,176,191,202,209,212,196,40,30,39,53,38,87,129,176,189,196,196,195,196,204,207,207,209,209,209,209,212,212,217,217,209,189,133,133,181,199,212,215,217,222,209,127,112,127,176,181,196,207,217,217,215,212,209,202,189,183,189,189,189,189,194,194,183,134,134,183,186,186,194,123,78,110,137,196,207,199,186,186,191,199,202,202,202,202,207,215,222,217,212,209,209,209,209,212,215,217,222,225,228,228,225,225,228,225,217,204,194,191,196,209,217,220,217,212,194,141,139,110,101,133,204,207,202,199,204,209,212,209,204,199,202,207,212,215,204,194,202,209,212,207,194,142,143,140,126,138,212,230,235,235,233,228,222,217,222,230,233,233,230,228,225,225,228,233,225,75,0,0,37,186,207,217,228,235,230,228,238,238,233,217,202,215,204,233,228,230,230,225,212,204,196,196,196,194,196,199,202,204,204,202,202,202,199,196,199,202,204,199,194,190,187,190,204,220,225,225,222,222,217,209,199,145,140,141,202,202,202,202,199,194,192,191,194,204,212,217,222,222,212,199,191,189,187,186,187,196,207,212,207,199,196,194,196,204,212,207,199,196,199,202,202,139,131,127,129,139,196,202,202,202,202,196,191,194,204,204,199,194,194,196,207,215,215,202,183,178,183,204,217,215,153,164,181,186,194,207,212,225,233,228,217,215,215,222,212,202,194,196,207,222,225,202,137,186,207,225,233,233,233,233,230,228,228,225,215,202,194,196,199,199,204,207,207,215,230,228,212,183,125,113,80,90,133,209,225,225,230,230,228,228,233,235,235,233,228,215,133,191,204,134,126,209,225,107,84,117,135,202,183,129,127,127,212,238,194,134,196,217,225,225,235,235,109,109,207,217,222,225,222,222,230,222,186,123,204,228,228,225,225,230,233,230,228,225,224,224,225,228,230,228,222,141,105,103,107,119,131,139,191,194,189,141,131,126,126,135,196,191,189,186,141,194,194,135,127,131,191,212,215,204,191,194,199,199,202,212,217,212,194,191,209,222,217,204,189,185,189,225,235,235,233,230,233,235,230,225,228,225,189,141,136,137,207,222,225,215,202,199,202,199,202,199,194,191,189,186,186,189,191,191,194,196,189,135,141,202,202,126,127,128,131,145,217,233,233,228,215,196,146,142,141,202,230,241,246,243,199,139,204,228,225,225,225,228,230,233,233,233,233,233,230,230,233,235,235,235,235,235,235,238,238,238,238,235,235,235,235,235,238,241,238,235,233,233,233,235,235,238,238,235,233,230,229,230,233,235,238,238,235,235,235,235,238,238,235,235,233,230,230,230,233,233,230,228,225,225,228,233,238,238,238,238,235,233,230,228,228,230,233,235,238,241,243,241,238,238,235,233,235,235,233,230,233,230,230,228,228,230,230,233,233,235,235,238,238,238,238,235,235,235,233,233,235,235,233,230,230,230,230,230,228,225,225,228,230,230,228,222,222,222,207,192,190,199,215,225,225,222,222,222,225,222,217,212,209,204,194,186,191,196,194,189,183,183,191,191,189,189,183,177,176,191,204,204,191,183,191,202,202,204,209,215,217,220,222,222,217,209,199,194,194,191,186,191,199,199,202,207,212,212,204,181,125,125,127,129,181,202,202,176,99,99,117,181,199,204,202,194,189,189,194,202,202,204,204,191,179,186,183,196,212,225,225,194,117,115,129,189,207,225,225,225,222,217,212,209,212,217,222,225,225,225,228,230,230,228,222,215,215,217,222,222,222,222,225,228,230,230,217,199,199,204,209,228,235,235,233,230,233,233,233,217,199,204,215,217,222,228,233,233,233,233,230,228,228,230,233,233,233,228,215,209,208,212,209,177,153,212,222,228,228,225,228,228,225,217,209,207,209,217,225,215,202,141,139,140,189,199,207,212,212,212,212,212,212,209,212,215,217,217,215,204,187,190,202,212,207,202,209,212,215,212,215,212,209,212,215,209,196,131,122,127,139,191,196,202,204,202,191,138,141,199,207,215,217,225,230,225,202,189,194,202,207,207,204,199,194,186,183,186,191,196,196,194,189,186,186,183,183,183,186,189,186,183,178,178,181,186,186,183,178,181,183,183,186,189,191,194,191,186,181,176,173,178,181,178,176,131,130,130,173,176,176,174,173,174,176,181,189,199,202,204,207,207,202,202,204,207,209,212,212,209,204,199,199,202,204,209,212,202,202,207,212,215,217,217,212,204,196,189,137,131,129,127,125,123,123,125,127,126,126,127,137,194,202,204,207,209,209,212,212,209,205,204,205,212,222,225,217,212,212,215,222,225,230,235,238,238,241,243,246,248,248,248,248,248,246,243,238,233,230,225,222,217,215,215,215,215,207,199,194,191,191,191,186,141,139,139,137,137,137,137,137,137,135,134,134,139,189,194,199,204,212,212,209,204,204,204,202,199,198,199,202,204,207,207,207,207,207,209,212,217,217,222,225,228,230,233,233,233,233,233,233,235,235,235,233,233,230,228,228,228,225,222,222,217,217,217,222,225,228,228,225,225,225,225,225,225,225,225,225,225,225,228,230,233,233,233,230,230,230,228,225,225,225,225,222,217,217,217,217,217,215,212,212,209,209,209,209,209,209,209,209,207,207,207,207,207,207,207,207,207,209,209,209,212,215,215,215,217,225,228,230,233,230,228,225,222,222,222,222,225,225,225,222,217,212,209,209,209,207,204,202,199,199,196,194,194,191,191,191,0,0,3,13,25,45,59,65,67,87,103,173,225,255,255,209,209,217,241,255,255,255,228,246,255,255,255,255,255,255,255,255,255,255,255,255,255,254,255,255,255,220,202,215,251,255,248,202,176,176,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,118,0,0,0,0,255,255,255,255,243,0,0,0,0,0,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,9,0,0,0,27,0,0,0,0,0,0,0,181,0,108,0,0,0,0,0,0,0,0,0,0,0,82,38,25,22,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,41,113,121,55,39,55,134,176,160,103,31,9,0,0,0,0,53,163,194,147,105,118,152,108,51,53,103,0,176,168,157,105,31,74,108,46,0,0,0,0,0,0,0,0,0,0,0,0,233,212,144,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,56,87,131,173,209,235,243,241,238,222,199,173,131,103,90,79,77,78,85,85,85,87,98,113,108,90,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,90,95,113,139,170,217,228,212,212,212,183,144,126,89,85,83,83,95,150,170,181,160,150,109,103,101,107,155,168,165,165,160,152,89,69,69,81,103,157,181,186,196,209,212,202,202,194,189,181,170,168,165,168,168,119,111,105,111,168,181,119,96,90,93,101,103,98,97,109,176,186,170,113,107,109,125,173,125,168,178,181,173,168,124,165,170,168,121,125,178,186,194,194,191,183,176,129,176,181,183,176,174,178,189,204,207,204,209,204,196,186,181,176,176,176,181,181,191,194,173,109,97,165,202,212,202,196,202,215,233,246,246,233,181,2,0,0,13,53,87,152,157,163,176,183,189,189,178,170,164,168,173,165,115,107,115,165,176,181,181,170,125,121,125,176,178,178,129,176,186,194,194,194,202,212,228,230,233,238,251,255,255,255,243,230,233,233,204,163,91,75,65,59,51,45,45,49,49,51,100,139,165,178,189,189,189,178,181,0,0,0,0,0,0,147,134,108,66,38,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,79,0,0,0,0,0,0,0,0,0,217,217,215,215,196,147,63,41,41,51,55,49,45,37,35,41,63,97,176,186,181,204,228,233,222,212,209,209,209,209,209,209,204,183,183,202,202,202,191,209,230,251,255,255,255,255,255,255,255,255,251,235,222,207,189,173,115,101,87,87,101,152,155,107,83,69,57,55,57,57,63,63,63,69,73,85,124,124,131,131,131,124,124,124,131,124,83,59,45,31,26,26,29,35,43,53,67,75,85,95,101,107,157,165,165,165,157,157,168,173,165,121,165,168,173,183,194,204,204,204,204,194,194,189,183,178,173,168,165,165,160,115,107,101,103,117,157,107,91,85,93,109,157,109,97,93,107,165,178,189,204,204,189,160,115,103,101,115,204,254,254,204,121,121,123,109,101,115,123,129,133,133,133,196,233,254 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,157,157,152,144,144,165,186,183,157,153,156,170,176,173,173,176,178,186,194,202,207,191,61,41,51,40,16,55,131,181,196,202,199,195,196,202,204,204,207,207,207,209,209,212,215,217,212,189,129,129,176,191,212,212,209,215,209,113,107,125,176,181,191,204,217,222,215,209,204,194,189,186,189,189,183,183,194,199,191,137,137,183,182,181,194,191,112,122,191,207,212,204,189,189,194,202,204,202,196,196,202,212,220,220,215,209,209,212,212,212,215,222,228,228,230,228,225,225,228,228,217,194,141,143,196,209,215,217,215,209,191,141,141,115,100,112,196,207,204,204,207,212,217,217,215,207,202,204,207,207,196,189,199,215,222,222,217,209,199,141,108,121,207,230,235,238,235,233,222,207,207,217,228,233,230,228,225,225,228,238,230,79,14,17,91,202,212,215,225,230,225,222,230,233,220,215,212,220,217,233,230,233,233,228,212,202,196,196,202,204,199,194,194,194,196,199,202,199,196,194,194,194,196,196,196,191,189,191,207,217,225,225,228,228,225,212,202,191,141,191,209,209,204,204,202,196,192,191,192,215,225,225,222,217,207,194,189,194,194,187,187,196,212,217,212,199,194,196,202,204,204,202,202,204,202,139,127,127,129,127,127,133,191,202,202,202,209,204,189,183,183,186,191,196,196,199,212,228,230,222,194,178,179,189,199,202,163,173,186,196,215,222,207,204,217,215,222,222,215,215,202,191,189,189,196,209,207,139,126,133,196,212,225,230,230,228,222,217,215,212,204,194,192,196,202,204,204,196,189,191,204,207,196,135,135,121,53,78,194,230,228,230,233,230,228,233,235,235,235,235,228,199,113,133,199,169,168,225,225,90,51,105,204,215,202,196,194,178,181,217,202,135,189,217,225,235,241,241,178,36,77,115,183,212,222,228,230,215,135,127,189,215,222,222,222,228,230,233,230,228,225,225,225,228,228,228,222,139,107,109,115,121,139,196,191,134,135,189,191,133,124,120,183,194,194,183,129,139,194,186,141,199,222,228,225,209,199,199,202,199,202,209,215,209,196,189,196,204,204,196,189,186,191,222,233,235,233,233,233,230,222,212,207,202,191,194,189,143,204,222,217,209,202,202,199,196,202,199,202,199,194,191,196,207,209,199,199,202,199,191,199,212,215,139,129,126,129,143,204,202,144,142,145,146,146,145,143,147,204,225,235,235,202,131,145,225,222,222,222,222,228,233,233,233,235,235,233,230,230,233,233,233,233,235,235,235,238,238,235,235,235,235,235,238,238,241,241,235,233,231,231,233,235,238,238,235,233,230,230,230,233,235,241,238,235,235,238,238,235,235,235,238,235,233,230,230,230,230,228,225,225,225,228,233,235,238,238,238,235,235,233,230,230,230,233,233,233,238,241,235,235,235,235,235,235,238,235,233,233,230,230,230,230,233,233,233,233,233,233,233,233,235,235,235,235,233,233,233,233,235,235,230,228,228,228,228,225,225,225,225,228,228,225,222,222,225,209,191,189,199,217,222,222,217,217,222,222,222,215,209,207,204,196,189,186,191,194,189,182,181,183,183,183,189,189,179,176,183,191,194,191,189,194,196,191,196,204,215,222,225,228,225,217,209,199,191,189,183,179,186,199,204,204,209,212,209,202,189,183,178,173,123,93,59,54,50,49,67,107,194,215,217,209,199,189,185,191,204,209,209,207,202,199,207,179,181,207,222,199,111,121,131,191,209,225,233,230,228,225,212,209,208,212,217,222,225,225,225,228,228,230,230,225,215,213,215,222,222,222,222,222,228,230,230,225,207,202,204,212,233,241,238,233,233,233,233,230,217,199,207,217,222,222,230,235,235,235,235,233,230,230,233,235,238,238,233,222,209,207,209,215,199,185,209,222,228,228,225,225,222,222,217,209,205,207,215,225,225,217,202,194,191,196,202,209,212,212,215,215,215,212,209,209,212,215,217,215,204,189,190,199,209,209,209,212,212,212,212,215,212,209,209,215,212,204,139,119,123,139,191,196,196,202,207,202,194,194,199,207,209,212,212,220,215,186,137,189,199,204,204,204,199,194,182,179,182,189,194,196,194,191,189,189,186,183,183,186,189,189,186,183,181,183,186,186,183,181,181,183,186,189,191,194,194,194,189,181,173,128,129,176,178,176,173,130,130,131,176,181,181,176,176,181,189,196,204,204,204,207,209,207,207,207,207,209,209,212,209,207,204,207,204,199,196,196,194,196,199,204,209,212,215,209,202,191,183,135,131,131,131,131,127,127,127,127,126,126,131,183,199,209,215,212,209,207,209,212,212,209,207,209,215,222,225,222,212,211,212,217,225,233,238,238,241,241,243,246,248,248,248,248,248,246,243,241,235,230,225,222,217,215,215,215,215,209,202,194,191,191,191,186,139,137,137,137,137,137,135,137,137,137,137,139,183,189,194,196,204,215,217,215,209,209,207,207,202,199,199,199,202,204,207,207,204,207,209,212,215,217,222,228,230,233,235,235,233,230,230,233,235,238,238,235,233,230,228,228,228,228,225,225,222,217,217,217,222,225,225,225,225,225,225,225,225,225,225,225,225,225,228,230,233,233,233,230,230,230,228,225,225,222,222,222,217,217,217,217,215,212,212,209,209,209,209,209,209,209,209,209,207,207,207,207,207,207,207,207,207,209,209,209,212,215,215,215,217,222,225,230,230,230,228,225,225,222,222,225,225,225,225,222,217,215,209,209,209,207,204,202,199,196,194,194,191,191,191,191,0,0,0,19,35,55,65,75,87,111,173,202,243,255,251,215,209,217,230,255,255,255,246,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,243,207,199,209,241,243,217,186,173,168,183,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,69,0,0,0,0,255,243,235,235,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,9,9,0,0,0,0,0,0,0,0,0,0,0,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,61,113,113,47,27,33,53,95,51,21,15,25,17,0,0,17,61,137,144,79,44,44,118,111,111,144,152,0,186,155,124,74,64,111,134,103,0,0,0,0,0,0,0,0,0,0,0,241,235,212,160,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,56,92,142,181,215,0,0,243,243,222,199,173,131,108,92,85,78,78,82,85,82,87,95,98,98,72,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,103,137,139,131,168,217,238,212,168,150,126,75,74,85,87,85,89,150,191,204,181,157,109,101,97,97,103,155,176,165,155,152,107,81,69,74,99,111,160,183,196,204,212,212,202,194,189,181,173,170,170,170,181,181,170,119,119,173,196,204,189,165,115,111,111,109,103,101,109,176,194,194,181,123,115,170,181,123,121,168,168,168,168,173,178,176,170,119,111,119,176,178,178,176,176,176,183,191,191,191,181,176,186,199,207,207,204,204,204,196,186,181,181,183,183,191,191,199,199,170,83,69,83,178,220,243,241,233,233,238,241,241,235,233,189,31,0,0,0,45,144,173,181,189,191,191,189,178,170,164,165,168,157,103,98,103,121,173,178,170,163,118,119,125,176,189,186,186,186,196,207,212,212,204,212,222,222,230,238,246,254,255,251,235,225,235,238,215,163,85,61,59,63,57,43,36,36,43,55,105,150,178,189,189,178,168,157,168,0,0,0,0,0,0,139,126,100,64,35,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,51,103,0,0,0,0,0,0,0,0,0,0,230,225,215,189,131,45,27,27,39,45,45,45,41,37,39,51,79,168,178,178,204,233,238,220,212,209,209,209,202,191,202,186,131,137,191,202,191,186,202,212,235,251,255,255,255,255,255,255,255,255,243,230,222,204,181,121,107,93,91,101,115,155,111,93,73,63,53,53,53,53,51,53,61,69,85,124,131,139,139,131,124,85,85,124,131,124,75,55,41,29,26,29,35,41,51,65,69,75,85,95,101,147,157,165,165,157,157,168,173,121,121,165,173,168,168,176,194,204,204,194,194,189,189,183,183,178,176,176,173,160,115,109,107,107,109,115,103,91,89,97,115,160,117,103,107,165,204,215,204,194,173,121,107,107,107,107,165,225,255,254,204,121,115,117,109,109,121,121,121,121,117,127,194,233,254 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,111,129,144,147,150,163,183,183,163,155,153,157,168,170,176,181,183,181,181,115,95,97,83,65,69,17,0,27,101,178,204,212,207,199,199,204,204,207,207,207,207,207,212,212,215,222,215,186,121,125,131,181,207,209,202,199,183,107,107,129,181,183,194,209,215,217,215,207,194,181,181,183,186,183,181,182,189,194,194,186,183,186,183,183,191,194,189,191,199,212,215,207,196,194,196,196,199,196,194,191,196,207,215,217,215,212,209,212,212,215,217,225,228,228,228,228,225,225,228,228,215,143,137,137,189,204,212,212,209,202,143,140,196,194,110,113,191,209,207,202,207,212,220,225,228,217,202,196,196,196,190,186,202,222,230,233,235,230,228,217,107,116,207,230,235,235,238,235,225,204,199,202,212,228,230,230,228,225,228,230,125,93,113,189,207,212,215,215,215,215,217,222,228,225,202,189,196,207,225,213,235,233,233,228,215,202,199,204,212,209,199,191,191,192,196,199,204,202,199,194,191,189,191,199,204,202,194,196,207,215,217,222,228,230,222,204,191,141,138,140,196,202,199,202,204,207,207,202,204,217,222,217,209,196,186,141,189,202,204,194,191,196,204,209,204,196,194,199,202,202,198,198,199,207,202,122,120,126,191,137,129,131,186,196,199,199,202,199,189,181,181,182,196,209,204,199,212,230,235,228,204,177,178,183,189,196,199,204,202,207,212,199,186,137,139,135,202,212,204,202,187,187,189,194,199,204,199,133,124,133,194,207,215,217,217,209,202,202,209,207,199,192,192,199,212,215,204,191,141,137,137,189,199,202,209,194,89,106,230,230,228,233,235,233,233,235,233,228,230,230,222,129,89,99,183,204,230,238,233,178,78,109,196,202,191,196,212,204,120,127,178,123,133,228,238,246,248,246,119,0,33,38,56,115,212,228,228,212,139,131,141,207,217,222,222,228,230,233,233,230,230,228,228,228,228,228,225,207,137,119,121,139,204,212,202,132,137,212,217,204,126,121,137,183,186,135,125,134,191,204,212,228,233,233,230,222,204,202,199,196,194,194,194,196,194,189,190,194,196,194,189,186,189,212,228,230,228,225,225,222,215,209,199,189,186,189,202,196,202,209,212,209,204,202,196,194,202,207,212,209,199,196,207,217,215,199,196,202,199,196,204,217,217,202,141,137,143,196,199,194,144,141,143,145,196,207,204,202,196,212,228,228,207,133,129,202,228,228,222,222,225,230,233,233,233,233,233,233,233,233,233,233,230,230,233,230,230,230,230,233,233,233,235,238,238,241,241,238,233,231,231,235,238,241,241,238,235,230,230,233,233,235,238,238,235,238,238,238,235,235,238,238,235,233,230,230,230,228,225,224,225,228,230,233,235,235,238,238,235,235,235,230,230,230,230,228,228,230,233,230,230,233,233,233,235,235,235,233,233,230,230,233,235,235,235,233,230,228,225,225,225,230,233,233,235,235,233,233,233,235,235,233,230,230,230,228,228,228,228,225,225,225,225,222,225,228,222,202,196,212,222,222,217,217,217,215,215,212,207,204,204,204,202,194,186,185,189,186,183,183,183,179,179,183,186,183,183,186,186,186,183,186,194,191,181,183,196,207,215,222,225,220,209,199,191,189,189,181,177,181,199,207,207,209,207,202,189,166,168,186,181,113,49,37,44,49,53,63,121,209,222,217,209,202,189,183,189,204,215,215,209,207,207,217,186,186,207,217,110,68,75,186,209,222,228,233,233,230,225,212,208,209,212,222,225,225,225,222,225,225,228,230,228,217,212,213,217,222,222,222,220,222,225,228,225,212,204,204,212,233,238,235,233,233,228,228,228,222,207,215,228,228,228,233,238,235,235,235,235,235,233,235,238,241,243,238,230,222,209,212,217,209,207,212,222,228,228,225,222,217,212,209,207,204,205,209,217,222,217,207,199,196,202,207,212,212,212,212,215,212,209,207,204,204,209,215,212,207,194,192,196,204,207,209,212,209,209,212,217,215,209,209,212,212,209,196,120,122,139,191,194,196,202,209,209,207,204,204,207,204,194,189,191,141,119,117,133,194,202,202,202,199,194,183,181,181,183,191,194,194,191,191,191,189,186,183,186,189,189,186,186,186,183,183,183,183,183,183,183,186,189,191,194,196,194,189,181,170,128,129,173,176,176,173,131,131,173,178,183,183,178,133,183,191,199,204,204,202,204,209,209,209,207,207,207,209,209,209,209,209,209,204,196,192,192,194,194,194,199,204,209,209,207,199,194,186,137,131,133,135,178,133,127,127,127,126,127,133,186,199,207,212,209,204,204,204,209,209,209,212,215,217,222,222,220,215,211,212,217,228,235,238,241,241,243,243,246,246,246,246,246,246,246,246,243,238,233,228,225,222,217,215,215,215,209,202,194,191,194,191,186,139,137,135,135,133,133,133,135,137,139,139,183,186,191,194,199,207,215,222,217,217,217,215,212,207,204,202,202,202,204,204,204,204,207,209,212,215,222,228,230,235,235,235,233,228,225,228,230,235,238,238,238,233,230,230,230,230,230,228,225,222,217,215,215,217,222,222,222,225,225,225,225,225,225,225,225,225,228,228,230,233,233,233,230,230,228,228,225,222,222,222,222,217,217,217,217,215,212,209,209,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,209,209,209,212,215,215,215,217,222,225,228,230,230,228,228,225,225,225,225,225,222,222,222,215,212,209,209,207,207,204,199,196,196,194,191,191,194,196,196,0,0,5,25,47,65,79,97,157,181,196,220,246,251,241,225,217,217,241,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,215,198,199,207,207,199,191,183,168,155,155,168,155,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,43,0,0,0,0,235,228,217,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,41,87,74,35,29,23,15,0,0,0,0,17,31,1,0,17,51,108,113,71,45,45,163,160,163,186,163,165,155,108,62,60,82,0,0,152,0,0,0,0,0,0,0,0,0,0,0,230,222,196,152,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,51,92,144,191,0,0,0,243,238,222,199,173,147,113,100,98,92,82,77,78,79,79,79,72,61,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,79,126,152,129,52,139,215,243,199,113,83,79,69,69,89,97,97,137,178,212,212,181,155,109,101,98,98,101,150,165,155,107,97,91,77,73,81,109,117,170,176,183,196,212,209,194,186,173,170,170,170,176,183,191,191,186,170,176,194,215,215,196,194,189,176,117,113,115,117,123,176,191,191,176,125,123,176,181,125,121,121,121,121,123,173,181,176,168,111,106,108,121,129,124,127,129,176,183,199,191,183,178,181,196,207,215,212,204,204,204,196,194,194,191,194,194,199,196,196,199,170,77,53,61,157,233,255,255,251,248,246,241,235,228,243,246,194,3,0,0,15,69,165,189,194,199,196,189,189,178,168,170,176,160,103,93,98,109,165,173,165,119,116,118,125,176,189,186,178,186,196,207,215,212,204,209,212,222,238,246,246,246,243,235,220,220,243,251,235,183,93,59,56,59,59,45,35,33,39,53,116,157,189,199,181,157,147,150,163,0,0,0,0,0,0,131,111,82,53,33,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,64,121,0,0,0,0,0,0,0,0,0,0,230,228,217,186,124,41,23,25,35,41,47,49,47,37,33,37,59,150,170,170,191,228,228,212,202,202,204,202,186,178,178,131,123,131,137,137,133,131,137,204,222,241,246,254,255,255,255,255,255,255,254,243,235,215,189,173,117,105,99,105,117,157,113,101,73,63,53,49,43,45,41,41,49,57,73,124,139,144,147,139,131,85,75,85,131,131,124,69,51,37,29,29,35,45,55,65,69,69,75,85,99,144,157,165,160,113,157,173,168,117,115,165,165,121,121,165,183,196,204,196,194,189,189,186,183,183,183,183,173,115,103,107,107,101,93,93,101,97,97,109,168,183,173,115,109,173,209,215,194,168,115,104,102,107,107,107,123,215,254,241,204,121,107,107,107,115,115,109,107,103,107,127,215,246,254 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,72,51,118,137,144,155,181,194,191,181,151,144,148,160,178,191,189,181,173,93,74,85,105,107,111,123,51,59,95,125,204,215,215,207,207,207,207,207,207,207,207,209,215,217,222,225,215,181,115,123,129,133,194,202,194,189,131,112,114,131,181,183,194,209,209,207,207,199,181,174,174,181,186,183,183,186,191,196,199,196,189,189,189,189,189,194,199,202,207,212,215,209,202,196,194,189,191,194,189,186,189,196,207,212,212,212,212,212,212,217,225,225,225,225,225,225,217,217,222,222,209,143,136,135,141,202,212,212,207,199,140,135,189,196,123,125,202,209,202,194,202,212,222,228,230,225,204,191,189,189,189,189,212,228,235,235,235,235,241,243,114,124,215,235,235,235,238,235,225,209,191,143,191,212,228,230,228,228,215,186,107,101,196,212,212,212,212,212,212,212,217,225,228,212,189,135,137,196,217,225,228,233,233,230,217,207,204,212,222,212,196,191,191,196,207,212,212,207,202,196,191,187,187,199,209,212,207,202,204,209,212,217,228,225,209,189,140,139,137,138,141,189,194,202,215,228,228,222,212,209,207,199,186,131,131,139,196,209,209,202,194,194,196,199,196,194,194,199,202,204,202,198,198,202,199,122,120,127,199,189,133,131,139,196,202,199,196,196,191,182,183,191,207,217,207,196,207,225,230,228,204,179,181,196,196,196,212,225,225,225,196,104,125,183,183,133,194,202,191,189,185,186,196,204,209,209,204,186,132,141,199,207,209,207,202,194,190,199,209,209,199,194,199,212,233,233,212,194,186,137,135,186,217,225,222,207,196,209,233,226,228,233,235,233,230,230,222,212,222,222,215,111,63,67,89,209,235,241,235,243,178,131,186,189,131,122,209,215,112,116,126,122,135,222,243,241,248,248,85,3,70,63,73,127,207,225,225,209,189,135,137,202,217,222,222,228,233,235,235,233,233,230,228,228,225,225,217,209,191,114,114,186,209,217,215,189,183,196,204,209,199,183,186,129,133,135,130,134,189,222,230,235,233,233,238,235,209,207,202,196,189,141,141,189,194,190,190,191,196,196,194,189,186,199,212,215,212,212,217,222,222,215,207,194,183,169,186,194,202,204,204,207,207,199,189,186,202,215,225,215,196,191,199,202,191,186,191,196,196,196,207,215,207,139,137,143,194,194,194,204,215,194,147,147,207,225,230,228,212,217,233,235,228,149,107,107,241,228,222,225,228,230,233,233,233,233,233,233,235,235,235,233,230,228,228,225,225,225,225,228,228,230,233,238,241,241,243,241,238,235,233,235,238,241,241,241,238,235,233,233,233,235,238,238,235,235,238,238,238,238,238,238,235,233,233,230,230,225,225,225,228,230,233,233,235,235,235,235,235,235,235,233,230,230,228,225,222,225,228,228,228,230,230,230,233,235,235,233,233,233,235,235,235,238,238,235,228,225,224,224,224,225,230,233,235,235,233,233,233,233,233,233,233,235,233,230,230,230,230,228,225,225,225,225,225,230,233,222,215,225,228,222,217,217,212,207,202,202,202,204,204,204,204,199,189,185,186,189,189,194,189,179,179,181,183,186,202,196,191,183,182,186,194,194,181,178,181,191,199,207,209,202,191,181,181,186,189,186,179,183,196,204,204,204,202,194,176,155,153,191,183,79,49,53,129,127,77,71,178,209,212,202,196,191,186,186,191,204,212,215,207,199,196,101,131,186,204,225,189,75,77,141,217,228,228,228,233,230,222,212,208,209,215,225,228,225,225,222,222,225,228,230,230,217,211,213,217,222,222,222,217,222,225,228,225,215,209,204,207,222,233,233,230,228,225,225,230,228,222,228,233,230,230,235,238,235,235,235,238,235,235,235,235,241,241,241,235,233,222,215,217,215,212,212,222,228,228,225,222,215,212,207,205,205,205,207,209,209,204,202,199,199,207,212,215,215,212,212,212,209,207,202,199,199,202,207,209,207,199,194,196,202,207,209,209,207,209,215,217,215,209,209,212,212,212,204,126,128,186,191,196,199,204,209,215,215,215,215,209,196,135,123,123,117,101,103,123,189,202,202,202,199,196,191,183,182,182,189,191,191,190,191,194,191,186,186,186,189,186,186,189,186,186,183,183,183,183,181,181,183,186,191,194,194,191,183,178,170,128,170,176,176,170,170,131,131,176,181,181,178,131,129,178,189,196,202,202,199,202,204,209,209,209,207,207,207,209,212,212,212,212,209,204,199,196,196,194,192,196,204,207,207,204,202,199,194,183,133,133,181,183,135,129,127,127,127,129,133,183,194,202,204,204,202,199,199,202,204,207,212,215,217,217,217,217,217,215,215,222,230,238,238,238,241,243,246,246,246,246,246,246,246,246,246,243,238,233,230,228,225,222,215,212,212,207,202,196,191,194,191,186,139,137,135,133,132,131,132,135,137,139,183,186,189,191,194,199,209,217,222,222,225,225,225,222,215,209,207,204,202,202,204,204,204,207,209,215,217,222,228,233,235,235,233,230,225,225,225,230,235,238,238,238,235,233,230,230,230,228,228,225,222,217,215,215,215,217,217,217,222,222,222,222,225,225,222,222,225,228,230,233,233,233,233,230,228,228,228,225,225,225,222,222,217,217,217,215,215,212,209,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,207,209,209,209,212,212,215,215,215,217,222,225,228,228,228,228,225,225,225,225,222,222,222,217,215,209,209,207,207,204,202,199,196,194,194,194,194,196,199,202,5,11,21,43,59,79,97,157,189,196,207,217,228,228,225,228,225,220,241,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,207,207,209,189,173,160,181,183,165,134,124,129,134,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,7,0,0,0,0,0,0,1,46,0,0,0,215,217,209,202,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,35,61,37,29,39,35,15,0,0,0,0,0,37,11,0,17,43,71,79,71,0,0,255,255,222,194,148,155,137,79,51,56,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,207,186,137,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,92,147,191,0,0,0,0,243,222,204,181,155,124,113,111,100,90,77,78,82,85,77,61,25,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,103,139,163,183,111,22,124,215,243,178,59,69,83,79,83,142,152,150,152,189,220,220,191,165,155,147,107,101,105,113,155,155,101,85,81,79,81,93,111,160,160,170,170,183,199,202,199,181,170,170,170,170,181,191,191,199,191,181,181,199,204,196,178,176,183,165,109,109,123,176,176,186,186,183,170,125,125,176,181,173,123,121,113,113,113,168,170,125,117,106,105,108,119,125,122,127,127,173,176,183,183,176,127,133,189,207,212,207,203,200,204,212,212,207,202,202,202,207,199,191,191,168,71,41,45,105,217,251,255,251,248,248,246,235,207,186,207,157,3,0,0,9,39,173,199,199,199,199,199,189,183,178,181,186,170,111,101,100,109,121,170,163,119,116,118,125,178,176,170,125,129,183,204,207,204,204,204,212,228,238,246,238,228,225,220,218,225,251,255,255,204,99,59,56,63,73,59,43,36,39,53,116,163,202,207,189,150,143,146,168,0,0,0,0,0,0,126,105,74,51,33,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,69,121,157,0,0,0,0,0,0,0,0,0,230,225,222,199,139,47,23,19,31,39,47,49,45,33,31,31,43,97,152,155,181,220,220,202,189,191,202,189,178,170,131,127,123,123,127,123,123,123,131,191,215,230,241,246,254,255,255,255,255,255,255,251,241,225,204,181,127,111,99,103,117,163,113,101,85,63,53,43,41,39,35,35,39,49,63,85,139,147,147,147,131,85,75,75,124,131,131,85,63,47,35,33,37,45,55,65,69,69,69,75,101,147,157,157,157,113,152,165,165,115,115,121,121,115,109,121,176,196,209,204,204,196,194,189,183,178,173,173,165,101,85,93,101,89,74,74,93,103,109,157,183,194,183,157,101,115,178,183,173,117,105,100,104,115,115,107,115,194,233,233,204,121,109,109,107,103,107,103,101,93,101,127,228,255,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,126,142,155,178,196,204,189,156,143,147,163,189,202,202,186,168,89,73,78,123,186,189,199,191,125,121,176,196,215,222,215,209,207,207,207,209,209,209,212,217,225,228,222,202,129,115,119,123,131,183,186,176,176,131,125,127,133,178,181,186,191,186,131,127,135,178,176,174,183,189,189,186,191,196,204,209,209,202,191,189,194,194,196,202,207,207,209,212,209,202,194,186,140,140,189,189,141,139,143,196,204,207,209,209,209,212,217,222,217,222,222,225,225,215,215,215,209,204,191,137,138,141,199,209,209,202,191,137,135,141,191,143,141,196,199,185,183,196,215,222,225,228,225,212,194,186,187,191,204,222,230,233,233,233,235,241,233,199,143,212,233,238,238,235,230,215,194,137,131,133,194,217,225,222,209,189,123,119,183,220,225,215,212,212,215,212,215,225,230,228,209,189,125,115,204,217,228,230,230,230,228,222,212,209,215,220,209,196,191,192,202,215,222,215,204,194,196,196,186,186,204,217,222,215,204,202,204,204,207,215,209,196,141,141,140,141,141,189,143,191,207,225,233,235,233,225,207,189,135,127,123,127,196,212,212,202,194,194,192,192,194,194,194,194,199,207,209,209,204,199,199,189,127,125,131,189,194,135,130,135,194,204,204,199,202,202,196,199,212,207,204,202,196,202,215,222,222,204,186,191,207,202,196,202,222,230,228,209,127,123,194,191,186,202,202,183,185,187,202,215,222,225,222,207,191,141,189,202,209,207,199,191,190,194,209,222,217,207,199,202,215,230,225,204,189,141,139,186,207,228,235,233,217,207,212,228,233,230,233,235,230,215,207,194,189,202,202,194,25,0,0,79,222,233,235,235,235,204,183,186,191,116,91,125,196,133,124,131,131,122,196,230,230,230,233,97,68,107,97,113,191,204,212,215,196,139,114,118,202,217,222,222,228,233,233,233,233,233,230,228,228,225,222,217,204,123,107,107,125,199,212,204,199,191,189,194,212,222,225,194,94,109,137,183,122,127,222,233,235,233,233,235,233,230,217,212,76,89,186,186,196,196,194,191,196,199,194,191,191,191,196,204,204,202,204,215,228,228,225,217,191,186,185,186,191,209,202,194,202,204,194,141,142,199,212,217,202,186,141,141,139,139,141,194,196,194,199,209,215,202,131,131,133,126,129,191,209,230,212,202,204,222,233,233,233,233,235,235,243,254,230,95,88,97,147,225,230,233,233,233,235,230,230,233,235,238,238,235,233,230,228,225,222,222,222,222,222,225,228,233,238,241,241,241,243,243,241,238,238,238,241,243,243,241,238,238,235,235,235,235,238,235,235,235,235,238,238,235,235,235,233,233,233,230,228,228,230,233,235,235,235,235,235,234,234,234,235,235,233,233,230,228,220,216,217,225,228,228,228,225,228,230,230,233,233,235,238,238,235,233,235,238,238,230,225,225,225,224,225,230,233,235,235,233,233,233,233,233,233,233,235,235,233,233,230,230,228,228,225,225,225,225,230,230,228,228,228,230,225,222,215,196,190,192,199,204,207,209,212,204,202,196,191,186,191,191,189,186,181,179,183,181,181,191,196,194,186,182,182,189,191,189,181,181,133,128,130,181,178,130,130,176,178,183,191,191,189,191,196,199,199,189,189,186,161,157,202,178,50,65,212,202,170,60,63,178,204,202,194,173,120,181,194,204,207,209,212,207,131,59,39,44,64,91,127,196,191,109,194,215,228,228,228,230,228,220,209,208,212,217,225,225,222,222,225,225,225,228,230,228,217,213,215,215,217,222,222,220,217,222,225,225,225,220,202,150,215,225,230,228,224,225,230,233,235,235,235,235,233,233,233,235,233,235,235,235,235,235,235,235,238,241,238,238,235,230,217,215,215,209,212,222,228,228,225,222,222,217,215,212,209,207,207,204,199,194,194,194,199,207,215,217,212,209,207,207,207,204,202,199,198,198,204,207,204,196,194,196,202,207,209,207,207,209,212,215,212,212,212,209,212,209,191,181,183,186,183,191,199,207,209,215,222,225,222,215,199,129,115,103,88,89,97,125,194,202,202,199,199,196,194,189,182,182,189,191,191,190,190,191,191,189,189,189,189,189,186,189,189,186,186,183,181,181,178,176,181,183,189,191,191,186,181,176,129,127,128,176,176,170,170,170,173,176,178,181,176,131,128,133,186,196,202,202,199,199,202,204,209,207,204,204,207,209,212,215,215,215,212,209,207,202,196,192,194,202,204,202,202,204,202,204,204,191,181,181,186,183,133,131,133,131,131,133,137,183,191,199,204,204,202,198,198,199,204,207,209,212,215,215,215,217,225,222,217,225,233,238,238,238,238,243,246,246,246,246,246,246,246,246,243,241,238,235,233,230,228,225,217,212,204,202,199,199,194,191,191,189,186,139,137,135,133,132,133,135,139,183,189,191,189,191,194,204,209,215,222,225,228,228,228,228,225,222,212,209,204,204,202,202,204,207,212,215,215,222,225,230,233,233,230,230,228,225,225,228,230,235,235,235,235,233,233,233,230,228,222,222,217,215,212,212,215,215,215,215,217,222,222,222,225,225,222,222,225,228,233,235,235,233,230,228,226,228,228,230,230,228,225,222,217,215,215,212,212,209,209,207,207,207,205,207,207,207,207,207,207,207,207,209,209,207,207,207,207,207,209,209,209,212,212,215,215,217,222,222,225,225,225,225,225,225,225,222,222,217,217,215,212,209,209,207,204,204,202,199,199,196,196,196,199,202,204,207,21,27,43,57,69,83,107,170,194,196,196,204,204,204,204,215,215,207,217,255,255,255,255,255,255,255,255,255,255,238,238,255,255,255,255,255,255,255,255,246,222,228,215,150,91,144,181,181,155,131,122,122,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,20,12,12,0,0,0,0,0,0,0,131,142,183,196,191,189,199,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,25,41,35,26,35,39,33,9,0,0,0,0,73,43,17,37,73,108,71,55,61,0,255,255,248,202,163,150,147,92,53,56,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,194,170,129,69,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,53,103,157,191,0,0,0,0,238,233,212,189,168,150,126,118,116,100,85,85,95,98,95,82,64,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,95,150,194,183,100,63,165,238,243,181,69,55,71,85,144,181,183,147,101,165,199,212,202,181,168,168,165,155,152,160,178,163,105,87,85,93,105,157,163,157,155,157,160,173,186,194,199,183,178,173,173,176,183,191,191,199,191,181,186,189,181,117,107,111,125,109,104,106,117,176,191,194,186,176,176,170,125,170,181,173,123,113,113,113,113,121,121,111,105,105,109,121,125,129,129,127,127,127,127,127,127,125,122,126,133,196,207,207,200,200,204,220,220,209,202,202,209,209,207,191,170,91,51,27,29,67,191,235,254,255,241,238,241,228,178,71,47,27,13,2,0,5,67,183,194,183,183,189,191,189,178,178,183,186,178,176,173,163,119,165,176,176,163,119,125,170,125,117,113,111,117,173,196,207,204,204,204,209,222,238,246,238,228,218,218,218,230,255,255,255,225,121,93,85,89,97,89,57,43,45,57,118,168,204,207,189,157,146,147,168,0,0,0,0,0,152,137,111,74,51,33,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,25,64,113,157,0,0,0,0,0,0,0,0,238,230,221,222,217,183,79,27,11,19,33,41,35,33,31,27,21,31,65,99,111,170,204,212,189,185,186,186,186,181,178,170,131,123,119,119,117,117,123,131,183,207,225,230,235,243,254,254,254,255,255,255,251,241,225,207,186,127,105,96,99,111,157,113,97,73,63,49,43,41,39,35,33,35,43,57,75,131,147,147,147,131,85,69,69,85,131,139,139,85,63,45,37,37,43,53,65,69,65,65,73,101,147,150,147,109,109,113,152,157,115,109,115,115,109,107,121,183,204,215,217,217,215,204,189,178,168,165,121,115,85,71,73,85,77,74,74,93,115,160,165,178,189,173,115,85,85,101,121,160,121,109,107,121,173,123,109,109,173,209,217,189,165,123,121,101,91,97,103,103,93,93,127,233,255,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,90,157,168,176,186,194,194,183,170,160,163,173,189,204,209,191,176,105,76,77,117,189,202,204,204,196,186,183,189,207,217,215,212,207,207,209,209,207,207,212,215,222,225,215,189,121,107,109,115,121,176,183,178,133,131,131,133,178,178,178,176,129,123,116,119,129,183,183,183,186,186,181,189,202,204,207,215,217,209,194,189,194,199,202,207,212,209,209,207,204,199,191,186,138,137,141,191,186,138,138,186,194,199,204,209,209,207,209,212,209,217,222,222,217,212,204,196,189,199,191,138,138,141,196,207,202,191,189,141,140,143,194,194,191,189,189,185,186,202,217,222,217,222,222,212,194,186,186,194,212,225,228,230,230,230,235,238,228,204,194,204,225,233,233,228,212,196,137,130,129,130,139,207,215,215,204,133,121,131,204,222,222,215,212,215,215,215,217,228,230,225,204,194,129,111,183,212,230,235,233,230,228,217,212,207,209,215,209,202,196,196,202,209,215,209,196,189,189,189,185,187,204,215,220,215,204,199,199,196,196,202,196,194,189,196,196,202,199,199,191,199,215,230,235,238,235,230,209,139,127,123,124,141,212,222,215,199,191,194,196,194,194,194,196,202,209,215,217,220,217,215,202,191,137,135,135,141,191,183,137,189,199,199,196,196,199,204,202,202,207,202,194,191,191,196,204,212,215,204,191,194,202,194,135,135,207,222,228,225,135,117,113,125,135,207,204,181,185,194,215,228,233,235,230,212,194,141,189,202,207,202,194,191,196,209,225,228,220,209,202,199,202,204,196,189,139,138,138,186,204,225,233,233,225,215,217,230,233,233,230,225,222,209,196,182,177,194,204,129,0,0,0,127,230,233,233,233,235,220,168,181,222,183,99,121,183,189,183,183,133,121,181,202,207,207,207,183,113,105,87,101,191,202,202,191,137,133,110,113,194,217,228,228,228,228,228,228,230,230,228,228,225,225,225,222,202,127,113,117,137,194,202,196,196,194,194,196,209,225,235,230,123,131,191,183,120,124,209,235,238,235,233,233,233,235,246,111,17,54,189,194,204,207,204,204,204,199,189,143,143,191,199,207,207,199,198,212,228,228,228,222,202,196,194,189,191,204,199,189,194,194,143,141,142,194,204,207,194,137,133,133,135,141,194,199,194,196,204,217,225,215,143,131,127,122,123,194,209,215,207,204,215,228,235,233,233,235,235,238,243,248,246,217,95,85,96,123,225,233,235,238,233,230,230,230,233,235,235,233,230,228,228,225,222,222,222,222,217,222,225,233,238,241,243,243,243,246,246,246,243,241,241,241,241,241,241,238,235,235,234,235,235,235,235,234,235,238,238,233,233,233,233,233,233,230,228,228,233,235,235,238,238,238,235,235,234,234,235,235,233,233,230,228,217,216,216,222,228,228,225,225,225,228,230,230,233,235,238,235,230,225,228,235,235,230,225,225,228,225,225,230,233,233,230,230,230,233,233,230,230,230,233,235,233,233,230,230,230,230,228,228,228,228,230,230,230,228,228,225,222,217,209,194,190,194,207,212,215,215,212,204,204,202,196,194,194,191,189,189,183,183,186,178,131,176,186,186,183,183,183,183,183,189,194,194,178,127,128,131,131,128,128,131,173,178,194,196,191,189,194,196,196,191,191,189,164,161,202,115,53,103,215,202,125,48,44,93,183,189,186,128,116,131,202,209,207,209,212,204,123,66,35,35,42,56,81,186,199,196,204,212,222,228,230,230,225,212,209,209,215,217,217,217,217,222,222,222,222,225,230,228,222,215,215,217,222,222,222,222,222,217,222,228,230,230,209,151,207,215,228,228,225,230,235,238,238,238,238,235,233,231,233,230,230,230,233,235,235,235,235,235,238,238,238,238,238,230,215,212,212,209,209,222,228,230,225,222,222,220,217,217,215,209,207,204,202,194,192,192,199,207,215,217,215,209,204,204,204,207,204,202,199,199,204,202,196,194,194,196,202,207,207,207,207,207,209,212,212,209,209,212,212,194,125,131,137,181,179,183,194,204,209,212,217,222,222,215,204,135,115,97,86,86,93,123,194,202,202,199,199,196,196,191,183,186,191,194,191,190,190,191,191,191,191,191,191,191,191,189,189,189,186,183,181,178,173,173,176,183,189,191,189,183,181,178,129,125,126,170,173,129,170,170,170,173,176,178,178,176,129,133,186,199,204,204,202,198,198,202,207,207,204,203,204,209,212,212,212,215,215,215,212,204,196,192,194,196,194,190,196,204,204,207,207,204,194,189,186,181,131,133,178,181,137,137,137,183,194,202,204,207,202,198,199,204,207,207,207,209,212,215,217,222,228,225,222,228,233,235,235,235,238,238,241,243,243,243,246,246,246,246,243,241,238,235,233,230,228,225,220,212,204,199,199,196,196,194,191,189,186,183,139,137,133,132,133,135,139,189,194,194,189,189,194,204,212,215,217,225,225,228,228,228,228,225,217,212,207,204,204,204,204,209,212,215,217,217,225,228,230,230,230,230,230,228,228,228,230,233,233,233,233,233,233,235,233,225,215,215,215,212,209,209,212,212,209,209,215,217,217,222,222,225,222,222,222,228,233,235,235,233,230,228,226,228,230,233,233,230,225,222,217,215,215,212,212,209,209,209,207,207,205,205,207,207,207,207,207,207,209,209,209,209,207,207,207,209,209,209,209,212,212,212,215,215,217,217,222,222,225,222,222,222,222,217,217,215,212,212,209,209,209,207,207,204,204,202,202,199,199,202,202,204,209,212,33,43,57,63,77,89,109,165,181,181,181,191,196,186,186,189,196,189,199,243,255,255,246,246,246,255,255,255,243,215,225,255,255,255,255,255,255,255,246,217,215,238,215,142,85,142,173,173,150,131,126,131,131,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,20,7,9,0,0,0,0,0,126,126,142,160,147,157,189,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,23,35,41,41,35,33,29,21,3,0,0,27,150,144,111,108,126,129,73,29,23,59,183,228,212,170,155,157,163,92,52,60,108,134,152,0,0,0,0,0,0,0,0,0,0,0,0,0,186,170,147,92,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,85,131,173,0,0,0,0,0,238,233,215,189,176,165,150,126,116,108,103,103,105,113,118,113,98,72,27,5,0,0,0,0,0,0,0,0,0,0,0,0,3,41,100,103,37,0,7,160,233,233,165,49,25,33,61,142,199,165,0,0,33,170,202,202,191,189,189,186,181,183,196,199,176,111,97,95,109,173,189,186,153,151,160,176,183,186,191,194,183,181,178,181,183,191,196,199,199,191,191,189,181,165,109,104,107,117,109,105,109,165,183,194,199,191,181,181,181,176,176,183,181,168,121,121,121,112,112,113,111,107,111,178,191,186,186,183,173,127,127,127,127,127,127,124,124,133,189,207,212,207,204,204,217,220,209,202,202,207,209,207,191,109,67,35,21,20,41,95,212,251,255,246,233,230,204,147,3,0,5,15,15,7,13,61,144,165,173,176,183,189,189,183,181,186,183,178,186,194,194,181,168,181,189,170,163,165,123,103,71,79,105,125,176,196,207,207,207,204,204,220,228,233,230,222,220,218,220,235,255,255,255,248,204,170,155,147,142,97,73,51,51,63,126,163,199,207,189,168,150,152,178,0,0,0,0,0,150,137,116,74,51,33,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,31,72,121,157,183,0,0,0,0,0,0,0,235,230,221,228,228,196,113,25,7,5,15,21,21,19,19,13,13,21,49,71,99,155,191,212,191,186,185,186,186,186,178,173,127,119,113,111,111,113,117,125,133,204,217,222,222,230,243,251,254,255,255,255,254,243,225,215,189,125,105,96,97,111,119,111,93,73,57,49,41,39,37,33,32,35,41,53,69,124,139,139,139,131,85,69,69,85,131,147,147,131,75,59,43,41,43,51,65,69,65,61,69,95,139,107,107,103,107,109,150,157,115,103,97,101,101,107,160,194,220,228,225,225,217,204,183,168,160,121,115,101,71,64,67,75,77,75,76,103,165,173,176,183,183,165,107,80,78,81,109,173,183,173,165,173,183,173,121,121,173,204,209,178,121,165,121,95,87,97,107,101,89,93,123,225,255,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,21,21,21,124,176,189,196,196,189,181,173,170,173,176,181,186,196,199,186,183,178,123,115,129,191,204,207,209,207,199,189,189,194,204,207,207,207,209,212,209,207,207,209,215,217,222,209,178,113,104,107,115,114,119,176,178,133,130,131,133,176,133,133,133,129,125,119,125,194,202,199,196,194,179,172,183,207,202,183,202,217,209,196,191,196,202,207,212,215,212,209,207,202,199,199,194,140,137,141,191,189,139,137,139,189,194,196,199,199,137,135,186,189,204,212,207,204,199,189,131,129,194,191,138,140,191,204,209,199,189,196,204,202,196,199,202,194,186,187,189,196,207,215,217,217,215,215,212,202,189,189,196,212,228,230,230,233,230,230,230,222,204,194,199,215,228,225,209,194,141,131,129,130,131,139,199,207,209,196,121,117,186,212,217,215,215,215,217,217,217,222,228,228,215,183,183,131,119,139,212,230,235,233,228,222,212,207,199,199,207,209,212,207,202,199,199,202,196,186,185,185,185,185,191,202,207,209,209,202,199,199,194,194,194,191,194,202,209,212,212,204,194,189,199,217,233,238,238,233,225,207,189,133,126,129,199,217,222,217,202,191,194,199,196,194,196,204,215,222,225,225,228,230,228,212,196,189,186,141,186,196,199,196,199,202,199,195,194,196,202,204,199,189,183,137,133,139,191,204,209,212,207,189,186,194,189,121,105,123,194,196,137,117,112,111,117,125,217,215,187,189,196,215,228,235,235,230,212,194,141,186,196,202,199,191,194,207,225,228,217,212,212,212,204,196,191,138,137,138,138,138,141,194,204,217,217,215,215,225,230,230,228,217,207,204,204,202,187,181,207,222,215,47,0,11,202,230,233,233,233,235,230,150,181,243,207,123,125,181,194,196,194,178,124,131,194,202,196,191,191,181,113,92,137,204,194,189,191,194,217,124,124,204,225,233,235,230,228,228,225,228,228,225,225,222,222,217,209,196,186,194,212,207,199,196,194,194,199,202,199,204,215,235,235,199,191,194,137,123,128,207,235,238,233,230,230,225,225,228,103,21,53,137,191,209,220,222,222,215,202,194,189,143,189,196,207,207,196,194,204,222,222,225,222,215,212,207,199,194,199,194,142,143,143,142,189,191,191,196,199,189,132,129,130,133,186,194,194,191,199,215,225,225,209,143,125,129,139,196,207,202,194,194,204,217,230,233,235,235,235,235,238,238,241,248,254,235,101,95,96,139,217,238,243,233,230,230,230,233,235,233,230,225,225,228,225,222,217,217,217,216,217,225,230,238,241,243,243,243,246,248,248,248,246,241,238,235,235,238,238,235,235,234,234,235,235,235,234,235,235,235,230,230,230,233,233,233,233,230,230,233,235,235,238,238,238,238,238,235,235,235,235,233,233,230,228,222,217,217,225,230,230,228,225,225,228,228,230,233,235,235,233,225,220,220,228,233,230,224,225,228,225,225,228,233,233,228,228,230,233,230,228,228,230,233,233,233,233,233,233,233,233,233,230,230,230,230,230,230,230,228,222,220,217,209,199,196,209,217,222,222,217,209,202,199,194,194,196,204,202,199,196,191,189,183,131,126,126,131,131,131,178,183,183,181,189,202,207,196,178,131,133,131,128,129,131,173,178,194,199,194,189,194,196,199,196,194,186,164,165,168,89,61,165,212,199,176,79,60,97,170,186,194,178,123,176,199,202,204,212,215,209,189,121,109,93,75,72,87,137,204,209,209,207,207,217,228,228,220,212,209,215,222,222,217,216,217,222,222,222,222,225,230,230,225,217,217,222,225,222,222,222,222,216,222,230,235,235,217,153,151,202,215,222,228,233,238,241,238,238,235,235,233,233,233,230,229,229,230,233,235,235,238,238,235,235,238,238,241,233,217,212,212,207,207,215,228,230,228,222,217,217,217,217,217,209,204,204,204,202,194,194,199,207,215,217,215,212,207,204,207,209,209,209,204,202,204,199,194,194,194,194,196,204,207,207,204,207,209,212,212,209,209,212,202,104,101,117,133,181,181,186,196,204,207,212,215,217,217,215,212,191,115,97,86,85,89,121,196,204,202,199,199,199,196,194,189,189,194,196,196,194,191,191,191,191,191,194,194,194,194,191,191,189,186,183,181,176,173,131,173,181,191,194,189,186,186,181,129,124,125,129,129,125,127,127,127,127,127,127,129,127,127,133,186,199,207,204,202,198,198,199,204,204,204,204,207,209,212,212,212,212,215,217,217,209,196,194,194,191,187,185,191,204,207,204,202,202,199,191,183,137,131,133,183,189,186,183,183,189,199,204,207,207,202,199,202,209,209,204,204,204,209,212,215,222,225,225,222,228,233,235,235,235,235,235,235,238,241,243,243,243,246,243,243,241,238,235,233,230,228,225,222,212,204,199,196,194,194,194,191,191,189,186,186,139,135,133,135,135,139,189,194,194,186,185,194,204,212,215,217,220,222,225,225,228,228,228,222,215,209,207,207,207,209,212,215,217,217,222,225,228,228,230,230,233,233,230,230,230,230,233,233,233,231,233,235,235,233,222,209,209,212,212,212,209,209,209,207,207,209,212,212,215,222,222,222,220,222,225,230,233,233,230,228,228,228,228,230,233,233,230,225,222,217,215,215,212,212,209,209,209,209,207,205,207,207,209,207,207,207,207,209,209,209,209,209,207,209,209,209,209,209,212,212,212,212,215,215,217,217,222,222,222,217,217,217,217,215,212,212,209,209,209,209,207,207,207,204,204,204,204,204,207,207,209,212,212,41,49,57,67,77,89,113,157,165,170,178,189,194,186,182,182,182,182,186,209,238,238,220,204,204,212,238,238,217,204,212,254,255,255,255,255,255,251,204,186,194,212,194,142,85,129,160,157,144,142,144,144,142,0,0,0,0,0,0,0,0,0,0,22,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,116,108,100,85,105,157,202,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,35,22,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,15,0,0,0,0,11,35,72,87,49,37,37,37,31,15,15,113,168,183,152,137,139,139,73,19,12,18,51,137,155,147,150,173,173,79,52,64,118,134,152,183,0,0,0,0,0,0,0,0,0,0,0,0,178,173,163,134,53,0,0,0,0,0,0,0,0,0,0,0,0,0,3,59,111,163,191,0,0,0,0,0,233,222,212,189,176,168,160,134,116,111,111,111,111,111,118,121,108,85,64,25,0,0,0,0,0,0,0,0,0,0,0,0,0,11,39,41,3,0,0,33,199,199,116,15,0,0,15,69,157,129,0,0,0,150,199,202,202,202,191,189,189,199,199,199,176,109,93,95,111,176,196,181,151,151,173,194,194,194,186,181,173,170,170,170,183,191,199,199,199,196,191,189,189,178,117,109,109,125,117,111,125,183,186,194,202,194,191,189,189,183,183,191,191,181,168,168,123,113,113,121,119,119,168,191,209,212,204,199,186,176,176,176,176,176,176,176,135,181,199,212,225,225,212,212,212,212,204,200,202,202,209,217,199,119,69,39,23,20,27,59,173,241,255,248,233,217,189,97,0,0,0,1,15,15,17,43,59,81,150,176,183,191,189,189,189,186,178,168,176,194,204,191,181,183,183,173,165,119,87,33,19,59,111,176,186,196,207,212,212,204,204,212,222,222,222,220,220,218,220,230,254,255,255,255,230,204,183,160,103,81,63,57,63,81,134,163,189,199,189,173,168,168,191,0,0,0,0,0,142,129,111,69,46,27,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,29,64,103,134,168,0,209,0,0,0,0,0,0,230,225,225,228,225,189,81,25,3,0,1,3,7,9,9,9,9,17,35,53,67,105,181,212,202,186,185,186,186,186,178,170,123,113,107,105,105,107,111,117,127,189,215,215,215,222,241,251,255,255,255,255,255,243,225,215,186,125,109,99,105,111,119,113,101,75,57,45,41,39,35,33,32,33,39,47,61,75,124,131,131,124,75,69,69,75,131,139,144,131,124,75,57,45,45,53,65,65,63,61,63,73,95,101,101,101,103,147,157,160,115,93,77,75,85,101,157,194,225,228,225,220,215,194,173,165,157,117,109,93,67,62,64,73,85,85,101,157,178,194,189,183,176,160,103,81,79,85,121,196,215,196,173,176,189,183,173,173,194,215,204,165,115,121,117,97,95,103,107,89,75,93,117,204,241,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,72,77,131,163,183,196,194,178,168,165,165,170,181,189,189,186,183,181,181,183,183,178,183,194,207,209,209,204,202,196,191,186,186,191,196,202,209,212,212,207,207,207,209,215,215,202,131,111,105,119,133,112,109,121,131,133,133,131,131,129,127,129,178,191,196,199,209,215,212,204,204,199,179,170,186,204,137,108,120,204,207,199,194,199,207,209,212,215,212,209,207,207,207,209,207,196,189,191,194,191,186,139,139,186,191,191,189,133,120,123,131,135,141,196,194,191,186,135,130,129,194,194,141,194,209,217,217,204,199,209,222,217,212,209,207,194,186,191,199,202,207,212,217,217,215,215,217,212,199,196,196,209,228,230,233,233,228,222,215,207,196,196,202,212,222,215,196,143,139,131,130,135,135,139,191,194,194,131,114,116,191,209,212,212,217,217,220,222,222,225,228,225,209,131,127,122,121,183,212,228,230,225,212,207,204,199,194,194,202,209,215,212,202,194,191,191,189,185,185,186,187,189,194,199,202,199,199,199,199,199,196,196,194,189,191,199,207,215,215,202,141,135,194,217,235,238,235,228,212,199,199,202,194,194,215,222,217,212,199,191,191,196,196,196,204,217,225,228,230,228,230,230,233,225,199,141,186,191,196,209,212,207,199,196,199,202,199,196,196,196,139,115,125,129,127,183,199,207,212,209,199,183,181,194,207,111,76,88,183,189,123,113,117,115,117,117,233,233,212,202,199,207,217,228,230,225,209,199,189,186,191,199,196,191,194,204,215,209,199,202,217,230,222,204,191,137,137,139,189,191,189,189,186,130,129,137,202,215,217,212,209,204,186,183,191,204,209,209,225,233,241,181,0,43,183,212,230,233,233,233,228,160,194,222,204,196,189,194,207,212,204,183,119,117,199,212,196,182,183,191,191,196,209,202,113,127,204,225,238,230,209,222,230,233,235,233,230,228,228,225,225,222,217,217,215,209,199,191,196,215,228,225,212,202,194,196,207,212,204,204,209,222,222,202,194,191,137,129,135,215,233,233,229,230,228,204,135,137,186,96,100,139,196,220,228,228,233,222,207,202,194,139,137,191,202,202,198,196,207,217,217,215,215,217,222,217,209,204,202,194,189,189,142,141,191,191,191,196,199,191,135,130,131,135,141,186,186,186,202,222,228,217,191,127,95,125,233,225,202,141,139,143,207,222,228,230,233,235,235,235,233,233,238,243,248,251,254,204,98,90,137,228,241,235,233,230,230,233,233,233,228,224,224,225,225,220,217,216,216,216,217,225,230,235,241,243,243,243,243,246,248,248,246,241,235,234,234,235,238,238,235,235,235,235,235,235,234,234,235,233,230,229,230,233,233,233,233,233,233,233,235,235,238,238,241,241,241,241,238,235,235,235,233,230,228,225,222,225,228,230,230,228,225,225,225,228,228,230,235,235,233,225,220,218,225,233,230,225,225,225,228,225,228,228,228,228,228,230,230,230,228,226,228,230,230,230,230,233,235,235,235,233,233,233,230,228,225,228,230,228,222,217,217,215,209,212,222,225,222,222,220,212,194,183,186,194,204,215,217,215,207,199,189,183,133,127,127,130,129,129,176,186,186,133,127,186,204,207,194,181,176,133,131,176,181,183,191,202,207,196,186,189,199,204,199,196,194,183,189,189,168,99,113,165,107,87,79,91,121,183,196,202,194,176,186,196,196,202,212,217,212,209,217,222,217,215,202,137,189,209,217,215,204,202,207,220,222,212,209,212,217,225,222,217,216,217,222,220,220,220,225,230,230,228,225,222,222,222,222,222,222,217,216,225,233,235,233,217,153,146,146,153,212,225,233,241,241,241,238,238,235,235,233,233,233,229,229,230,233,235,238,238,238,235,235,238,241,241,235,225,215,207,202,199,204,215,225,228,228,222,216,216,222,217,209,202,202,204,204,199,199,204,209,212,215,215,212,212,209,209,212,212,209,207,204,204,199,196,199,194,189,191,204,209,207,204,204,207,209,212,212,209,207,121,92,95,105,129,186,194,196,204,209,209,212,215,215,215,215,220,207,117,101,88,86,91,123,199,207,204,199,196,196,196,194,191,191,194,196,196,196,196,194,194,191,191,194,194,194,194,194,191,191,189,186,181,178,173,129,131,178,189,194,191,186,186,181,129,125,125,168,129,125,123,125,125,125,121,117,115,115,123,131,183,199,204,207,202,199,198,202,204,207,207,207,209,212,212,212,212,212,215,217,217,212,202,196,196,194,187,186,191,204,207,202,196,196,194,186,181,135,133,133,183,191,191,189,189,196,202,204,207,204,199,194,199,207,204,202,202,202,207,212,217,222,225,222,225,230,233,235,235,235,235,233,233,235,241,243,243,243,243,243,241,238,235,233,233,230,228,225,222,215,207,199,194,191,191,191,189,189,189,189,189,189,183,139,137,137,139,186,191,191,185,185,189,202,209,212,215,217,222,222,222,225,228,228,225,222,215,215,212,212,212,215,217,217,222,225,225,228,230,233,235,235,235,233,230,233,233,233,233,233,233,233,235,238,233,217,208,208,209,212,212,212,209,209,209,207,207,207,209,212,217,217,217,217,217,222,225,230,230,230,228,228,228,230,233,233,233,230,225,222,217,217,215,215,212,212,209,209,209,207,207,207,207,209,207,207,207,209,209,209,209,209,209,209,209,209,209,212,212,212,212,212,212,212,215,215,217,217,217,217,217,217,217,217,215,215,212,209,212,209,209,209,209,207,207,207,207,207,209,209,212,212,215,212,41,49,57,67,81,97,155,170,165,170,178,194,196,186,186,186,182,186,196,204,220,241,220,200,195,202,217,238,220,204,207,238,255,251,225,235,241,212,170,121,170,186,170,91,79,89,142,142,131,131,131,129,126,0,0,0,0,0,0,0,0,0,38,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,116,90,61,25,17,43,105,170,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,27,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,40,9,0,0,0,5,56,90,95,87,74,87,100,105,65,49,113,152,152,139,131,139,144,121,43,15,15,35,71,129,155,186,204,196,124,74,108,137,147,155,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,129,64,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,118,170,0,0,0,0,0,0,0,222,212,189,176,168,155,134,121,118,111,103,100,95,95,95,92,72,31,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,37,33,0,3,126,178,165,59,3,0,0,0,27,81,134,33,0,0,134,194,207,209,202,186,168,178,183,183,176,163,99,75,79,109,186,196,176,153,153,181,196,199,194,183,173,168,121,121,170,181,191,199,199,199,191,194,199,194,189,178,125,117,173,170,125,183,191,191,194,199,194,194,196,196,191,191,199,196,189,178,178,178,168,168,170,125,121,168,186,204,212,217,212,194,186,183,183,183,189,191,191,189,189,199,212,225,225,220,212,209,204,204,202,202,207,215,225,228,196,109,69,39,21,18,25,85,199,243,243,230,217,191,137,0,0,0,0,19,15,3,5,13,45,97,176,191,191,194,196,196,186,173,160,160,173,178,178,191,194,181,165,117,91,25,0,2,55,117,183,196,204,207,207,207,207,204,204,204,209,212,212,220,222,220,235,255,255,255,255,241,222,196,155,91,63,59,65,89,134,150,168,189,189,191,181,181,191,199,0,0,0,0,0,137,126,103,66,40,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,56,90,124,147,168,199,0,217,217,217,0,225,230,225,225,225,228,217,176,79,25,3,0,0,0,0,0,3,7,9,15,29,37,51,85,170,212,212,202,186,186,186,186,178,170,119,111,105,105,101,105,107,111,121,181,207,215,215,217,238,251,255,255,255,255,254,238,215,204,186,173,121,117,119,163,163,119,107,85,63,45,39,39,35,33,32,32,33,43,55,69,85,129,131,124,85,69,69,75,85,131,131,131,137,131,75,55,49,55,65,65,65,63,63,65,75,99,107,101,107,157,173,173,157,93,74,71,74,93,157,194,215,215,209,215,204,189,168,157,117,115,107,89,67,62,64,75,89,101,115,173,194,204,196,186,173,157,103,93,93,107,168,196,209,194,173,173,183,186,173,183,204,215,183,115,105,121,123,109,107,109,103,77,73,75,101,137,233,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,163,38,0,0,33,202,0,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,105,124,142,155,168,183,183,168,161,163,164,168,181,191,191,183,176,174,174,174,178,183,186,194,204,209,207,204,199,196,191,183,176,176,183,194,202,207,207,204,202,196,202,207,204,189,125,111,105,121,183,121,112,121,133,181,181,131,127,125,125,131,189,207,212,212,215,217,209,204,207,204,181,173,189,199,127,106,115,189,202,202,199,202,209,212,215,215,212,209,212,215,215,215,215,209,204,199,196,194,191,189,189,191,194,194,186,130,122,127,141,139,139,189,191,189,141,135,134,137,199,202,196,207,215,217,217,212,212,222,225,225,222,217,212,202,191,194,202,207,209,212,217,222,217,215,222,222,215,204,196,199,212,225,230,228,222,212,204,196,195,202,207,215,222,212,196,191,191,137,135,139,139,137,135,129,121,114,113,117,139,199,204,212,217,220,222,222,225,228,228,225,212,194,125,118,120,186,209,222,222,207,199,199,199,196,191,192,202,209,212,209,199,191,189,189,189,191,194,199,209,207,199,194,196,192,196,199,199,202,202,202,202,194,189,186,189,199,204,196,135,131,186,215,230,233,225,212,198,194,204,222,228,233,233,225,209,199,194,189,191,196,194,196,212,228,233,230,230,230,233,233,233,228,186,124,133,189,204,217,215,202,186,141,199,212,209,202,194,135,119,110,125,139,186,212,222,217,215,204,186,133,135,202,235,204,88,98,215,230,196,119,113,111,111,107,243,241,228,209,202,204,212,217,217,209,204,202,196,186,189,196,196,191,189,191,196,194,189,196,225,235,228,209,196,141,138,186,202,204,196,186,137,128,128,133,189,202,204,204,199,189,139,137,135,189,215,228,235,243,230,79,0,61,135,202,220,225,233,230,215,179,186,199,207,215,217,225,228,228,222,181,103,103,199,212,202,182,179,186,225,225,199,99,94,125,215,230,235,233,217,225,233,233,235,235,233,233,230,228,225,222,217,215,212,204,194,191,202,212,217,222,222,196,196,202,215,222,212,204,204,207,204,194,191,196,189,135,139,209,228,230,230,230,217,137,123,135,199,186,141,209,225,230,228,230,233,225,209,202,143,114,108,196,199,202,207,207,212,222,217,204,202,217,222,225,222,217,215,209,204,202,142,139,143,189,189,196,202,202,199,199,196,191,141,140,189,191,199,215,225,217,135,102,86,107,204,191,133,129,135,199,222,230,230,230,233,233,233,233,233,235,238,241,238,243,251,255,141,65,123,207,228,235,233,230,233,233,233,230,228,224,224,225,222,217,216,216,217,217,222,228,230,235,238,241,243,243,241,241,246,248,246,241,235,234,235,238,241,241,241,238,238,238,238,235,234,234,235,233,230,229,230,233,233,233,235,235,235,235,235,235,238,238,241,241,243,241,241,238,235,235,235,233,230,230,228,228,228,230,233,230,228,228,225,225,228,230,235,238,235,230,225,224,230,235,235,230,228,230,230,230,228,226,226,228,230,230,228,228,226,226,228,228,230,230,230,233,235,235,235,233,233,233,230,225,222,225,228,228,222,217,217,217,215,217,222,222,215,215,217,217,127,117,178,194,204,215,225,222,212,202,189,181,181,186,186,183,178,176,183,196,194,107,60,122,191,204,194,181,133,173,178,189,196,202,204,207,209,196,170,151,183,202,199,199,202,202,207,209,222,113,101,111,89,68,73,103,125,186,194,199,196,189,196,202,202,207,215,215,209,212,222,222,215,215,212,207,212,222,225,217,205,204,209,215,209,199,199,215,222,225,225,222,217,222,222,220,220,222,225,228,230,230,230,225,222,220,222,225,217,216,222,230,233,233,228,217,202,146,145,147,207,225,235,238,241,241,238,238,235,235,235,235,233,230,230,230,233,235,238,238,238,235,235,235,238,238,235,228,212,149,146,148,196,204,215,228,230,225,217,217,222,217,209,202,200,202,202,199,199,204,207,209,209,209,212,215,212,209,209,209,207,207,204,202,199,199,199,191,186,187,202,207,207,202,202,204,207,209,209,204,196,123,97,98,104,121,194,202,204,209,212,212,212,215,215,217,217,220,209,129,109,93,88,99,129,199,207,204,199,194,196,194,191,189,191,194,194,196,199,202,199,196,194,191,191,194,194,191,191,191,191,189,186,183,181,173,129,128,173,183,189,189,189,189,183,170,127,127,168,168,123,123,125,125,123,117,115,115,117,119,125,178,194,202,204,204,202,202,202,207,207,209,209,212,212,215,212,212,212,212,215,215,209,199,196,196,196,191,190,191,199,202,199,196,196,194,183,137,137,133,133,137,186,189,191,196,204,204,204,204,204,196,189,189,196,199,199,199,202,209,215,222,225,225,225,228,230,233,230,230,230,230,230,230,235,241,243,243,241,243,243,241,238,235,233,233,230,230,228,222,217,209,204,196,191,143,143,186,186,189,191,191,191,189,186,139,139,139,186,189,189,185,183,186,196,204,207,212,215,217,217,217,225,228,230,228,225,225,222,220,217,217,217,217,222,225,228,230,233,235,235,238,238,235,235,233,235,235,235,235,233,235,235,235,235,230,217,209,208,209,209,212,209,209,209,209,207,204,204,204,209,215,217,217,215,217,222,225,228,228,228,228,230,230,233,233,233,230,228,225,222,217,217,215,215,215,212,212,209,209,207,207,207,209,209,209,207,209,209,209,212,212,209,209,209,209,209,212,212,212,212,215,215,212,212,215,215,217,217,217,222,222,222,222,222,217,215,215,212,212,212,212,209,209,209,209,209,209,209,212,212,215,215,215,215,38,41,55,67,83,105,157,176,170,170,178,194,194,186,194,202,196,207,212,215,241,254,241,204,199,204,225,246,235,207,196,212,220,209,189,189,196,176,109,95,109,150,142,77,65,77,85,118,118,121,121,118,113,0,0,0,0,0,0,61,61,53,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,98,82,48,14,0,0,7,51,121,163,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,43,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,33,17,1,0,0,5,72,108,103,98,98,116,131,139,105,43,49,69,100,121,144,165,170,165,155,37,53,108,121,137,186,222,222,215,196,160,144,152,144,129,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,69,12,0,0,0,0,0,0,0,0,0,0,0,0,0,27,111,165,0,0,0,0,0,0,0,233,220,189,176,157,142,126,126,108,103,95,95,92,77,64,64,29,13,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,66,82,53,85,144,163,142,53,17,3,0,0,13,69,142,87,13,25,101,183,202,202,191,168,147,155,163,152,107,109,85,58,69,105,189,202,183,157,160,173,186,183,173,170,168,121,121,121,170,176,189,191,199,191,191,191,189,181,178,168,127,168,189,186,178,191,194,191,194,194,194,199,207,207,196,196,202,199,191,189,189,186,181,186,186,170,125,121,176,191,212,220,212,194,191,191,191,191,199,202,202,199,199,199,207,215,215,212,204,204,204,204,202,207,209,215,217,228,215,191,109,59,21,13,13,49,160,220,233,217,215,196,155,0,0,0,0,25,11,0,0,0,15,75,168,191,191,196,196,196,189,173,155,115,113,109,109,176,199,202,176,91,33,0,0,37,93,125,186,196,207,207,204,194,194,194,191,191,191,204,212,220,225,233,246,255,255,255,255,255,230,202,155,91,65,75,91,142,168,189,199,199,199,199,199,199,199,209,0,0,0,0,152,134,121,100,59,33,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,64,116,139,157,176,202,217,217,217,217,217,217,217,217,217,225,225,207,168,81,35,11,1,0,0,0,0,3,7,11,17,23,29,39,67,160,202,212,204,191,186,186,183,173,127,119,113,107,105,101,99,101,105,113,133,204,215,215,215,230,243,254,254,255,255,251,225,207,194,189,183,181,181,186,189,189,183,163,101,69,49,41,41,39,35,33,32,32,39,47,61,75,124,131,124,85,69,69,69,75,85,85,124,139,147,131,69,55,59,65,69,69,69,65,69,75,101,139,107,109,160,176,183,165,103,77,73,75,93,157,194,204,204,194,196,196,189,173,165,157,117,107,93,67,64,67,77,95,107,160,183,194,204,204,189,168,115,103,101,103,117,165,173,173,173,168,168,183,183,173,178,204,196,165,104,104,165,183,168,121,115,97,77,71,71,77,123,225,254 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,183,196,191,0,0,77,0,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,124,142,150,155,163,176,178,170,165,165,165,170,181,189,186,181,176,173,172,174,181,189,191,191,196,202,204,204,202,194,183,178,173,130,173,181,189,191,191,191,189,181,183,183,178,129,119,105,95,101,129,129,129,178,183,189,183,127,123,123,129,183,202,212,215,212,212,212,209,204,207,202,181,172,181,194,183,127,133,189,202,204,199,202,212,215,215,215,212,212,217,217,212,209,209,209,209,204,199,196,196,196,194,194,194,196,189,137,133,194,207,191,141,189,196,196,186,139,141,186,199,204,199,204,207,207,209,215,222,225,222,222,228,225,217,212,207,199,202,207,212,217,222,217,215,215,222,228,222,209,194,189,196,209,215,215,209,204,199,199,202,204,209,215,225,217,207,202,202,191,189,194,186,135,127,119,115,113,114,119,131,186,196,207,215,215,215,215,217,222,225,217,212,212,186,124,186,209,217,215,209,207,202,202,204,194,190,191,202,212,209,202,191,191,194,194,196,204,212,217,225,222,199,189,190,194,202,204,204,207,207,209,212,212,199,186,182,186,191,191,135,128,135,204,217,215,209,202,194,195,209,228,235,241,235,204,190,190,191,189,191,196,191,194,212,230,233,230,230,230,230,228,228,217,129,118,126,186,204,215,207,186,136,137,202,215,212,199,186,111,115,127,207,222,228,235,235,235,228,202,135,131,133,189,215,209,108,129,228,243,246,115,38,87,97,101,248,241,228,209,204,209,215,215,207,199,194,194,194,189,191,196,196,191,186,185,185,186,189,199,217,228,217,207,202,194,139,139,202,207,191,137,137,186,186,183,186,194,202,202,196,186,194,204,132,126,199,228,238,246,189,17,15,115,135,196,209,215,222,217,202,181,179,191,212,222,228,230,228,230,228,204,108,111,186,199,196,186,181,183,225,196,73,73,98,196,212,215,222,209,204,222,230,233,233,230,230,228,230,230,230,225,215,207,199,141,141,194,207,209,207,204,204,123,186,199,209,217,215,196,194,196,199,202,202,209,199,183,135,183,209,222,228,228,209,137,127,135,141,141,196,225,235,235,230,233,235,230,215,194,125,112,109,204,202,204,217,220,222,222,215,191,139,215,217,225,228,228,228,222,217,212,143,138,143,194,196,196,199,207,215,222,217,204,186,196,207,196,191,199,209,204,127,90,90,107,119,121,127,131,141,212,230,235,233,233,235,235,235,233,233,235,235,235,235,241,246,254,212,66,141,202,212,228,230,230,230,233,233,230,228,225,225,225,222,217,216,216,217,222,225,228,230,233,238,241,241,241,238,241,243,246,246,246,241,238,238,238,241,243,243,241,241,238,238,235,234,235,235,235,230,230,230,233,233,233,235,238,238,235,234,235,235,238,241,241,241,241,241,238,238,238,238,235,235,235,233,230,230,230,233,233,233,230,228,228,228,230,233,238,238,235,233,233,235,241,238,238,235,235,235,235,230,226,226,230,233,230,228,228,226,226,228,230,230,230,230,233,235,233,233,230,230,228,228,225,220,221,228,228,222,215,215,215,215,217,217,215,212,212,215,217,109,99,181,199,209,215,222,217,212,202,189,178,183,196,202,199,194,189,194,209,212,112,62,125,194,204,191,176,131,132,176,196,209,215,215,209,209,199,163,133,163,194,196,202,209,209,212,212,215,168,111,199,207,121,163,165,123,111,93,119,196,202,207,209,209,212,215,212,207,202,204,209,135,133,199,212,225,228,222,215,212,212,222,222,204,135,128,212,222,225,225,222,222,222,222,222,222,225,225,228,230,230,230,228,217,217,222,222,217,217,225,230,230,225,220,215,204,145,145,151,212,230,238,238,238,241,238,235,234,234,234,235,235,233,233,233,233,235,235,238,238,235,235,235,235,233,233,228,207,143,141,149,202,207,212,222,228,228,225,225,225,217,209,202,200,202,196,192,194,196,202,204,204,207,209,212,209,209,207,207,207,207,202,196,196,196,196,189,185,186,194,202,204,202,199,202,202,202,199,191,186,186,186,127,115,129,199,204,204,207,209,212,215,215,217,217,217,217,209,189,125,97,91,109,131,191,202,199,196,194,196,194,189,186,189,194,194,196,199,204,202,199,194,191,191,194,194,191,189,189,189,189,186,183,178,173,128,127,129,176,183,186,186,186,183,173,168,168,170,127,122,122,123,123,117,113,113,119,125,121,123,176,189,199,204,204,204,204,204,207,209,209,212,212,212,215,212,212,212,212,212,209,204,195,194,195,199,199,196,194,191,194,196,196,196,191,183,137,135,133,133,135,181,183,189,199,204,202,202,204,202,194,186,186,189,194,196,199,202,209,215,222,225,225,228,230,233,233,228,225,225,225,228,230,235,241,243,241,241,241,241,241,238,235,233,230,230,230,228,225,217,215,207,199,191,143,141,141,141,186,189,191,194,191,186,183,139,139,189,194,194,186,183,186,194,199,204,207,212,217,217,217,222,228,230,230,228,228,225,225,225,222,222,222,222,228,230,233,235,238,241,241,241,238,235,235,238,238,238,235,233,235,233,233,233,228,217,212,209,208,208,209,209,207,207,207,207,202,202,202,207,209,212,212,212,215,220,222,225,228,230,230,233,233,235,235,233,230,228,225,225,222,217,217,215,215,212,212,212,209,209,207,209,209,209,209,209,209,209,212,212,212,212,209,209,212,212,212,212,212,215,215,215,215,215,215,217,217,222,222,222,225,225,225,225,222,217,217,215,212,212,212,212,212,212,212,212,212,212,212,215,215,215,215,215,39,41,55,67,81,95,119,163,119,119,170,183,183,183,194,209,220,235,241,243,255,255,254,220,207,212,235,243,235,204,189,189,186,137,123,125,129,113,95,89,95,95,81,61,54,61,71,77,105,108,111,111,0,0,0,0,0,0,69,40,30,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,64,72,61,40,22,7,0,0,3,25,87,129,147,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,61,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,11,0,0,3,64,103,98,95,92,108,124,137,95,33,34,44,55,129,194,212,202,204,215,222,255,255,209,163,186,215,215,225,235,215,176,144,118,69,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,1,0,4,0,0,0,0,0,0,0,0,0,0,0,111,163,0,0,0,0,0,0,0,243,225,196,173,152,131,118,116,105,92,95,103,95,79,64,48,23,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,56,87,90,92,82,41,41,118,121,69,45,37,17,1,15,59,137,134,75,95,157,155,155,186,191,163,107,147,147,97,73,75,61,55,67,99,173,191,183,173,173,173,173,157,115,115,115,115,115,115,117,121,168,178,181,181,186,186,178,126,122,122,126,178,196,191,183,186,191,186,186,186,191,194,207,209,199,196,202,199,191,189,189,189,186,189,189,176,168,125,170,186,209,217,209,194,191,191,191,202,202,209,209,207,199,196,199,207,215,204,196,202,204,209,209,209,209,209,209,212,207,199,168,73,21,10,9,27,93,202,220,209,207,196,160,21,0,0,0,3,0,0,0,0,1,63,157,189,191,196,196,189,189,176,160,115,110,102,97,115,194,230,212,53,0,0,37,107,125,178,178,189,196,196,186,186,183,183,139,133,139,202,212,225,228,241,255,255,255,255,255,255,230,196,152,91,81,91,150,181,209,225,233,228,220,215,215,215,215,215,0,0,0,0,152,137,126,98,53,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,72,116,139,157,0,202,217,217,212,212,209,209,209,209,217,225,217,196,157,121,51,29,13,5,0,3,7,11,11,13,17,17,21,33,67,155,204,222,212,202,186,181,173,170,127,123,117,111,105,99,93,91,91,101,119,189,215,215,215,222,230,235,241,251,254,246,222,204,204,207,212,207,207,215,230,230,212,183,113,85,57,49,45,45,45,39,33,33,39,45,57,69,83,91,124,83,69,69,69,75,75,75,124,139,147,144,91,69,63,65,69,75,75,73,75,85,101,139,107,142,157,173,176,168,150,97,85,85,101,165,194,209,196,194,194,194,194,183,173,165,157,109,97,75,71,77,93,101,115,165,178,183,194,194,183,165,115,107,101,107,115,121,117,121,165,168,173,183,183,165,168,189,178,107,100,107,183,204,194,173,117,93,0,0,71,75,121,225,246 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,142,173,173,176,103,0,0,87,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,134,147,157,163,168,176,178,178,183,178,170,170,176,183,183,183,178,174,176,186,196,196,191,189,186,189,194,196,194,186,178,173,131,130,131,173,176,176,173,173,131,123,121,113,101,107,109,95,75,89,115,127,178,186,189,189,178,123,121,125,133,194,209,215,215,212,212,212,209,207,207,199,181,174,183,194,199,207,191,137,191,202,199,202,212,215,215,215,215,215,217,215,204,199,199,204,207,207,204,202,202,199,191,191,194,196,194,189,183,194,196,186,141,191,202,207,196,189,189,191,199,199,141,186,194,196,204,212,225,225,217,222,225,225,222,220,215,207,202,204,209,215,217,215,215,215,225,230,228,212,191,186,189,196,204,207,204,202,202,207,212,209,207,215,225,230,225,215,207,199,202,207,194,137,129,125,125,121,117,119,127,135,186,196,204,204,204,202,202,207,209,207,202,207,199,196,217,225,225,212,207,212,215,217,215,199,189,190,204,215,207,194,190,194,202,204,202,209,222,225,230,228,202,183,183,196,212,215,209,212,215,222,228,233,222,207,194,191,186,186,137,129,135,194,202,202,204,204,199,202,217,228,233,230,207,186,186,196,199,186,186,194,191,191,215,228,230,228,225,222,222,217,212,202,133,123,129,189,202,204,191,134,136,194,209,212,204,129,87,79,115,225,233,233,238,238,238,241,235,196,133,135,137,133,127,110,105,129,202,225,243,121,36,79,86,86,238,233,222,207,204,215,215,207,199,191,187,186,187,194,196,194,194,191,189,185,183,186,194,204,209,209,207,207,209,207,137,135,186,186,122,120,133,196,202,196,191,194,202,202,194,189,207,230,133,119,135,217,230,228,119,14,113,186,129,186,204,204,196,196,191,182,181,196,215,217,222,225,222,222,228,215,181,131,137,189,196,191,189,202,209,109,64,74,181,196,202,199,196,190,189,204,217,222,220,207,204,209,215,225,228,220,207,189,133,129,139,199,204,202,194,183,127,120,183,186,191,204,207,189,187,191,204,217,217,217,204,189,134,133,186,204,222,225,204,137,129,123,123,133,202,228,233,233,230,230,235,235,225,127,111,116,191,209,209,215,225,225,225,230,222,139,128,215,215,222,228,230,228,228,228,225,202,189,199,204,204,199,196,202,212,215,217,207,191,204,209,199,190,191,199,204,189,98,104,117,117,119,131,137,191,217,230,235,235,235,238,238,235,233,230,230,229,230,235,241,243,235,202,80,207,209,212,217,225,228,230,228,228,228,228,230,230,230,228,222,217,217,222,225,228,230,233,235,238,241,241,238,238,241,241,243,246,246,243,241,238,238,241,243,243,241,241,238,235,235,234,235,238,238,233,233,233,235,233,235,235,238,238,235,234,235,235,238,241,241,241,241,238,238,241,241,241,238,238,238,238,233,230,230,233,235,235,233,230,228,228,230,233,235,238,238,235,238,238,238,241,241,241,241,241,238,233,230,228,230,230,230,228,228,228,228,228,230,230,230,230,233,233,233,230,228,225,222,222,222,217,218,225,230,225,215,215,215,217,217,217,215,215,212,212,209,103,89,181,199,212,215,217,215,212,207,194,178,183,202,207,207,202,196,202,215,215,176,113,181,202,207,196,181,176,132,132,194,209,222,217,212,215,212,181,156,168,189,196,209,217,217,215,212,204,196,199,215,228,217,209,204,183,99,80,87,191,204,209,212,215,215,212,212,207,183,116,90,84,92,131,212,225,225,217,209,209,215,225,228,209,132,121,202,215,225,228,222,220,220,222,225,225,228,228,228,228,230,230,228,222,217,217,217,220,222,225,228,225,217,215,215,207,140,142,153,222,235,238,238,238,241,241,238,235,234,234,235,238,238,235,235,235,235,235,235,235,238,235,233,233,233,235,230,207,144,144,202,212,215,212,207,209,217,228,228,225,217,209,204,204,202,196,191,192,196,202,202,199,199,199,199,202,204,209,209,209,207,202,194,191,191,191,189,189,187,189,194,196,199,199,199,196,191,183,123,115,181,196,194,186,191,202,199,199,202,204,209,212,215,215,217,215,215,212,209,194,97,93,119,131,139,189,191,194,196,199,196,187,185,189,196,196,196,199,204,202,199,194,191,194,196,196,191,189,189,189,186,183,181,176,131,129,129,170,176,181,183,181,181,176,173,170,173,170,127,122,122,123,119,113,105,105,115,121,121,125,133,189,199,204,207,207,207,207,207,207,209,209,209,209,209,209,209,209,212,212,207,199,194,192,196,202,204,202,196,191,191,194,194,189,186,181,137,133,133,135,137,137,181,191,199,204,202,202,202,202,194,186,186,189,194,196,199,204,209,215,215,217,222,225,230,235,233,228,225,224,221,224,230,235,238,238,238,238,241,241,238,235,233,233,230,230,233,230,225,222,215,212,204,196,189,141,139,139,139,186,189,191,189,186,139,139,183,189,196,196,186,183,186,194,199,202,204,209,215,217,217,222,225,228,230,230,228,228,228,228,228,228,228,228,230,233,235,238,241,241,241,241,238,238,238,238,238,238,235,233,230,230,230,230,228,217,212,209,209,209,209,209,207,204,207,204,202,200,200,204,209,209,209,212,215,222,225,225,228,230,233,233,235,235,235,233,230,228,228,225,222,217,217,217,215,212,212,212,212,209,209,209,209,212,209,209,209,209,212,212,212,212,212,212,212,212,212,212,215,215,215,215,215,215,217,217,222,222,225,225,225,225,225,225,222,222,217,215,212,212,212,212,215,215,215,215,215,215,212,212,212,215,215,215,40,43,53,61,75,87,105,111,105,107,168,186,186,183,186,209,235,243,246,255,255,255,255,235,215,209,209,217,209,194,141,141,135,129,111,111,117,107,89,89,89,83,69,54,51,57,65,69,71,95,103,111,0,0,0,0,0,0,53,22,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,48,40,40,40,30,17,13,12,14,14,14,25,66,111,129,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,111,74,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,38,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,69,87,87,49,49,87,111,87,36,38,47,105,163,202,204,196,196,204,251,255,255,255,165,139,157,178,207,225,222,178,129,69,33,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,46,4,0,0,0,0,0,0,0,0,0,0,0,0,121,170,0,0,0,0,0,0,0,246,225,196,173,152,126,111,100,100,100,0,103,95,87,72,61,25,17,15,7,0,0,0,0,0,0,0,0,0,0,0,0,87,105,66,37,33,15,15,55,121,131,131,116,43,19,31,67,137,150,142,165,178,151,147,202,204,168,105,101,95,67,40,43,52,59,81,99,152,176,183,176,173,173,170,115,109,103,103,107,109,107,107,113,113,119,119,168,178,178,168,123,123,127,178,194,204,196,176,178,178,170,129,176,183,194,207,207,199,196,199,199,191,189,186,186,181,181,178,121,121,129,178,191,204,204,194,186,186,191,191,202,207,209,209,207,199,192,199,212,215,207,196,202,204,204,209,202,202,202,202,199,199,191,181,99,47,16,13,31,105,202,209,194,183,181,150,53,13,0,0,0,0,0,0,0,1,55,147,183,191,194,189,189,186,178,163,160,157,111,107,110,173,215,199,19,0,0,117,173,181,178,168,129,176,173,129,133,135,135,131,128,133,202,220,228,238,251,255,255,255,255,255,255,241,196,113,93,91,134,160,202,233,251,251,238,222,220,220,220,0,0,0,0,0,0,152,137,126,98,53,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,66,116,131,150,0,202,209,209,204,199,199,191,196,202,209,220,215,183,157,134,71,47,27,13,7,11,15,17,13,13,15,13,17,31,67,163,212,233,222,209,186,178,170,170,170,127,117,111,99,91,83,75,73,83,107,137,207,207,204,204,204,215,225,246,254,246,225,215,215,222,230,222,215,230,251,251,233,191,165,101,69,57,55,55,55,47,43,43,43,45,55,59,67,73,75,69,65,65,69,75,75,75,85,131,147,147,131,83,65,65,69,75,75,75,85,95,101,101,101,107,150,157,168,165,157,107,93,93,103,165,194,215,204,194,189,194,196,194,186,173,157,115,103,93,93,97,103,107,109,157,165,168,173,189,183,165,115,115,115,115,117,117,117,121,168,178,183,196,189,123,123,173,165,104,102,121,196,215,204,183,121,85,0,0,0,93,121,215,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,155,168,168,160,157,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,129,142,165,173,176,176,176,186,199,196,181,168,170,181,186,186,181,176,181,191,196,191,186,183,182,179,181,183,186,183,178,173,131,131,131,131,131,129,125,123,121,113,109,97,90,93,97,79,59,95,111,121,131,176,183,186,176,125,121,127,178,196,209,212,209,212,209,209,209,207,204,196,186,191,199,199,207,222,186,115,120,194,194,202,212,217,215,215,215,215,212,207,199,195,196,202,207,209,207,207,204,196,186,183,189,194,194,189,183,140,139,138,186,196,209,215,204,194,191,196,204,141,121,131,186,196,207,212,222,222,217,217,222,222,222,222,222,215,207,202,204,209,212,215,215,217,225,230,230,217,194,186,187,194,202,204,202,199,202,215,225,215,209,212,228,235,235,225,209,199,202,207,191,139,139,141,194,183,123,119,123,131,135,186,191,194,191,190,190,194,199,198,198,199,199,202,215,217,222,215,212,217,222,228,225,209,192,194,209,215,204,191,191,202,212,209,202,207,222,228,230,228,212,182,178,196,212,215,212,215,222,228,233,235,230,228,215,207,194,191,186,134,139,191,194,199,212,222,222,207,217,228,225,209,190,186,196,217,215,139,134,186,191,194,209,215,217,215,212,209,207,204,202,191,139,131,137,189,194,194,137,128,139,209,215,209,191,91,27,37,105,243,235,235,238,238,238,238,228,137,127,183,189,131,117,110,108,135,189,189,191,119,58,79,84,72,207,215,215,204,202,207,202,194,189,189,187,186,187,199,196,194,191,191,191,189,186,189,199,207,204,199,202,212,225,225,141,134,137,127,109,108,127,204,209,204,196,199,209,207,194,189,207,222,137,119,135,207,222,220,117,19,212,225,129,183,209,196,116,131,186,189,191,209,212,212,215,222,222,217,217,207,189,183,135,186,196,196,207,225,217,196,119,202,212,196,194,191,190,187,186,194,202,196,186,119,117,139,199,207,209,204,186,128,124,133,196,199,186,139,139,133,122,125,189,182,181,191,204,189,186,191,209,228,225,217,204,191,139,137,139,191,209,215,196,131,117,111,115,133,204,222,225,225,225,228,233,238,222,96,88,117,212,215,217,225,228,228,230,235,235,131,122,212,209,215,225,225,225,225,230,233,222,207,207,207,204,204,199,199,202,202,204,202,194,199,202,196,196,199,207,222,228,222,199,135,121,127,135,139,194,217,228,233,235,235,235,233,233,229,228,228,229,230,233,238,238,222,137,93,225,225,225,212,215,225,228,225,222,225,228,230,233,233,230,225,222,222,225,225,230,233,235,235,238,241,241,238,235,238,241,241,241,243,243,241,237,238,238,241,243,241,241,238,235,235,234,235,238,238,235,235,235,235,235,235,238,238,238,235,234,235,235,235,238,241,241,238,238,241,241,241,241,238,238,241,238,233,230,230,233,235,235,233,233,230,230,230,230,235,235,238,238,238,235,235,235,238,241,241,241,241,238,235,233,230,230,230,230,230,230,228,228,230,230,230,233,233,233,230,228,225,222,222,221,220,217,217,225,233,230,225,217,222,222,222,225,225,217,212,204,121,75,53,97,115,196,204,209,209,209,212,199,176,181,209,212,209,204,204,212,217,209,176,122,183,199,204,196,191,186,178,176,191,207,215,215,212,222,225,204,165,160,173,183,207,217,215,215,199,170,194,207,204,209,217,215,209,212,212,92,84,103,189,204,212,217,217,209,207,204,132,85,79,79,101,199,217,217,215,209,208,208,212,222,230,225,145,128,143,209,225,228,222,218,220,225,225,228,230,230,228,228,228,230,228,225,215,212,215,225,228,225,225,222,217,217,222,209,132,136,155,225,235,238,235,235,238,241,241,238,235,235,238,238,238,238,238,235,235,234,235,238,238,238,233,235,235,238,238,222,199,199,202,215,222,209,190,186,202,222,225,222,215,209,207,209,207,202,196,196,204,204,199,189,139,137,139,186,196,207,212,212,209,204,196,194,189,189,191,199,196,191,189,191,196,199,199,196,189,135,85,70,77,135,191,199,204,202,199,198,199,202,207,212,212,215,215,212,212,215,222,212,99,93,127,133,135,139,186,191,199,202,199,189,186,189,196,199,199,199,202,202,196,194,194,196,199,199,194,191,189,189,186,183,178,173,131,131,173,181,183,183,183,181,173,168,127,168,170,170,127,123,123,123,119,111,103,102,105,113,119,125,176,189,199,204,207,207,207,207,205,207,207,207,207,207,207,207,207,209,212,212,207,196,194,194,199,207,209,207,202,196,194,194,189,183,181,183,181,135,137,181,183,181,183,191,199,202,199,199,202,202,196,191,191,196,199,202,204,209,215,217,215,215,215,222,228,233,235,233,228,225,221,224,230,235,235,233,233,233,238,241,238,235,233,233,230,230,233,230,228,222,215,212,207,202,194,143,141,139,138,139,183,186,186,183,139,139,183,189,194,194,186,185,189,196,202,202,202,204,212,215,217,217,225,228,230,230,230,228,228,230,230,230,230,230,230,233,235,241,241,241,241,238,238,238,238,238,238,238,235,230,228,225,225,228,225,222,215,212,212,215,215,212,207,204,204,204,202,200,200,202,207,209,209,212,217,222,225,228,230,233,233,235,235,235,235,233,233,230,228,225,222,222,217,215,215,212,212,212,209,209,209,209,209,212,209,209,209,212,212,212,212,212,212,212,212,212,212,215,215,215,215,215,217,217,217,222,222,225,225,225,225,225,225,222,222,222,217,215,215,212,212,212,215,215,215,215,215,215,212,212,212,215,215,215,41,49,61,67,69,81,89,91,91,111,178,202,194,186,191,209,235,243,251,255,255,255,243,217,202,194,186,194,194,141,137,183,135,129,111,111,113,107,89,89,89,81,67,56,54,57,65,65,64,65,100,121,0,0,0,0,0,85,35,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,72,48,33,16,17,14,14,22,38,40,35,25,43,87,113,113,129,163,176,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,61,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,51,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,31,64,72,37,31,37,87,103,57,59,103,139,170,186,170,163,150,139,139,233,255,235,131,94,105,142,165,176,181,170,129,61,46,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,72,14,0,0,0,0,0,0,0,0,0,0,0,0,152,181,0,0,0,0,0,0,0,0,222,199,176,157,126,103,82,90,92,95,92,79,69,64,61,29,19,19,11,0,0,0,0,0,0,0,0,0,0,0,3,103,85,0,0,0,0,5,39,131,178,189,157,69,29,49,85,150,157,157,168,181,168,191,217,215,176,99,81,73,48,25,38,58,97,105,109,115,173,183,170,173,173,173,157,107,97,96,101,107,113,113,113,113,113,119,119,168,178,181,186,189,196,204,202,204,191,127,124,121,121,124,170,183,194,202,207,196,191,196,196,191,189,186,181,178,173,121,105,105,121,176,186,194,191,185,186,186,186,183,191,202,209,209,209,196,192,199,212,215,215,204,196,196,202,204,199,194,191,194,204,199,191,191,176,107,55,29,57,168,217,212,186,168,155,93,67,57,49,43,17,0,0,0,0,5,55,105,176,191,199,189,189,181,176,170,170,176,176,160,117,119,173,160,5,0,0,119,170,173,125,113,111,117,117,117,123,129,129,128,128,133,191,222,238,246,255,255,255,255,255,255,255,248,207,155,99,99,144,173,209,233,248,248,233,215,207,0,0,0,0,0,0,0,0,160,142,129,87,48,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,51,103,126,150,168,189,186,186,191,186,186,183,186,199,212,228,217,189,163,137,85,57,33,17,13,17,21,17,13,12,13,0,15,33,67,165,222,235,228,209,189,178,170,168,170,170,117,107,95,83,75,69,68,69,93,121,189,191,183,181,139,189,215,243,254,251,238,222,225,238,238,225,215,225,251,255,238,207,181,115,95,75,69,69,63,59,55,49,45,45,49,55,59,63,67,65,65,67,73,75,85,81,77,93,139,147,139,95,69,65,69,75,75,75,75,85,95,95,101,101,103,142,157,160,160,150,95,89,97,157,194,215,215,194,183,183,194,194,189,173,157,109,107,101,101,107,115,107,107,115,115,115,160,173,173,160,115,157,168,173,168,165,165,173,178,189,204,215,194,121,117,165,121,104,105,165,209,220,204,183,121,77,0,0,0,115,129,204,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,147,160,163,155,131,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,124,191,183,178,176,170,191,209,207,194,166,166,173,183,189,178,173,178,186,194,191,183,183,183,181,182,183,181,181,181,178,176,173,131,129,129,127,123,119,117,111,111,111,105,93,75,69,74,113,115,115,119,121,183,189,181,119,117,127,181,194,202,207,207,209,209,207,204,207,199,183,186,209,212,207,202,191,131,118,120,135,191,204,215,215,213,213,215,212,212,207,199,196,196,202,209,212,209,207,204,196,183,136,137,186,189,183,186,186,140,189,196,202,215,212,199,196,196,207,217,121,106,120,186,202,212,215,217,216,216,216,217,217,220,222,222,217,209,202,199,202,207,215,217,215,222,228,233,222,199,187,187,196,207,207,202,198,199,215,230,225,220,222,228,238,241,230,209,199,194,189,141,191,209,217,217,202,131,121,121,125,125,131,183,189,194,194,190,194,199,199,202,202,196,196,204,212,217,217,217,222,222,225,230,217,199,199,202,204,202,199,199,209,220,207,135,202,217,228,225,217,204,183,178,196,209,207,204,215,228,230,230,230,225,225,217,207,204,204,196,186,186,189,191,199,215,222,217,207,212,217,215,202,190,189,196,215,222,127,115,137,199,194,189,191,194,194,199,202,204,202,194,137,141,139,125,117,122,135,139,127,135,199,209,207,131,17,0,0,32,212,238,238,238,238,235,228,129,113,113,125,133,125,113,121,125,137,191,137,111,115,127,137,117,117,189,196,196,196,202,199,196,191,191,191,189,189,194,196,194,191,191,196,196,194,191,194,202,207,202,194,202,225,235,238,230,209,186,131,124,131,212,222,217,207,196,199,207,207,194,189,202,209,199,183,189,202,212,209,127,81,183,135,128,133,137,118,112,119,194,202,207,215,215,212,215,220,217,212,204,194,191,189,191,199,202,194,217,222,222,207,183,199,202,191,191,194,194,194,191,194,194,139,118,106,108,186,207,199,189,139,100,93,133,207,209,202,183,133,135,131,124,131,183,182,183,199,204,196,190,191,202,215,217,215,207,199,194,199,186,186,209,212,194,135,114,100,117,194,204,204,207,215,225,225,230,230,189,83,87,125,199,222,225,225,230,230,228,230,233,114,118,194,207,212,220,222,217,217,225,233,230,215,204,199,202,207,209,207,202,202,194,189,194,199,199,199,209,217,225,228,233,233,230,228,212,194,141,137,139,199,220,228,230,230,230,230,233,230,229,229,229,230,233,238,233,151,125,141,233,235,230,222,211,215,225,222,218,220,228,233,233,233,233,230,230,230,230,230,233,235,238,238,241,241,241,238,235,238,238,235,238,243,243,238,237,237,238,241,243,243,241,238,235,235,235,235,238,238,241,238,238,238,235,238,238,238,238,238,235,235,234,235,238,241,241,241,241,238,241,241,241,238,238,238,238,233,233,233,235,235,235,233,230,230,230,230,233,235,235,238,235,235,233,233,233,235,238,238,241,241,241,238,238,233,233,230,233,233,233,230,230,230,230,230,230,230,230,228,228,228,228,225,222,222,222,222,228,233,233,230,225,222,220,222,228,228,222,209,196,65,0,0,0,0,71,121,194,204,209,204,129,119,95,109,222,199,204,204,209,217,209,189,186,194,196,191,186,176,170,176,186,194,207,215,215,217,217,207,189,37,11,0,111,212,209,202,168,81,101,183,204,215,207,209,209,209,215,217,204,117,83,82,176,204,217,222,204,189,189,194,189,183,139,189,212,220,212,208,209,209,208,208,215,230,230,209,136,129,147,215,222,222,225,225,225,228,228,230,230,228,225,225,228,230,222,212,211,217,228,230,230,230,228,222,225,235,225,143,141,212,228,233,235,235,235,235,238,238,238,235,235,235,238,235,235,238,235,235,234,235,238,238,238,235,235,235,238,238,228,215,204,204,212,222,212,191,177,202,212,217,207,202,204,209,212,212,209,209,204,207,212,202,129,89,87,93,115,194,209,215,212,209,204,204,199,194,189,191,207,209,194,189,189,196,202,199,199,199,196,181,69,67,81,115,183,202,204,199,199,199,204,207,209,212,212,212,209,209,215,222,215,131,101,139,186,183,186,189,194,199,202,202,191,187,191,199,202,199,202,202,199,199,196,196,199,202,202,196,194,191,189,189,183,178,173,130,131,178,189,191,186,183,178,168,124,124,125,127,127,125,125,125,123,117,109,105,105,107,113,119,123,133,189,202,207,207,209,207,207,207,207,207,205,207,207,207,204,204,207,209,209,202,195,194,196,202,207,207,204,199,196,194,194,189,183,186,186,181,137,181,181,137,137,183,191,196,196,196,196,196,199,199,199,199,202,204,207,207,212,225,225,217,213,215,220,225,230,235,235,233,230,225,225,233,238,233,228,228,230,235,238,238,235,235,233,233,230,230,230,228,220,212,209,207,204,199,194,143,139,138,138,138,139,183,183,139,183,186,189,191,191,191,189,191,196,202,204,202,204,207,212,215,215,220,228,233,235,233,230,230,228,228,230,233,233,233,233,238,241,241,241,238,238,238,238,238,238,238,235,233,230,225,218,218,222,225,225,222,217,217,222,217,215,209,207,207,207,204,202,200,202,204,209,212,215,217,222,225,230,233,233,235,235,235,235,233,233,235,233,230,228,225,222,217,212,212,209,209,209,209,209,209,209,209,209,209,209,209,209,212,212,212,212,212,212,215,215,215,215,215,215,215,217,217,217,222,222,225,225,228,225,222,222,222,222,217,217,217,217,215,215,212,212,212,212,215,215,215,215,212,212,212,215,215,215,47,59,69,73,69,69,75,83,97,165,199,212,202,194,199,220,241,248,251,255,255,243,209,191,135,129,127,135,141,183,183,181,135,129,113,107,107,93,87,87,87,87,75,67,67,69,69,69,69,64,100,126,0,0,0,139,108,69,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,74,48,33,30,30,30,33,43,43,33,22,20,43,66,77,95,129,147,131,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,27,19,33,19,6,11,39,111,129,116,124,155,176,168,150,139,113,55,47,124,189,173,124,92,90,103,124,126,134,160,170,137,111,147,0,0,181,230,230,0,0,0,0,0,0,255,235,183,0,0,131,105,79,33,0,0,0,0,0,0,0,0,0,0,0,0,181,191,191,0,0,0,0,0,0,0,0,0,191,176,126,90,75,74,77,82,77,61,35,21,23,17,0,17,13,1,0,0,0,0,0,0,0,0,0,0,0,9,5,0,0,0,0,5,4,116,176,189,157,59,7,13,79,142,157,165,181,191,202,202,202,196,155,89,69,69,69,59,79,109,163,152,111,152,176,173,115,157,173,178,170,115,97,93,97,107,119,168,165,113,112,119,176,176,181,189,202,215,212,204,202,202,194,125,117,117,120,120,170,186,199,202,199,191,189,191,191,191,191,189,186,181,178,121,93,88,103,127,183,186,186,191,191,186,178,176,183,191,202,202,202,196,199,199,207,207,207,204,196,189,194,194,194,181,176,189,202,207,199,189,189,196,202,176,176,202,220,202,173,105,77,61,59,73,139,176,147,47,17,5,0,9,63,142,168,194,202,196,189,178,176,178,186,194,186,178,160,115,113,71,0,0,53,111,119,111,105,97,99,109,111,111,121,123,129,129,128,129,191,228,254,255,255,255,255,255,255,255,255,248,212,173,107,99,147,176,202,222,243,238,220,202,0,0,0,0,0,0,0,0,0,160,137,121,87,48,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,77,116,126,134,152,168,170,178,189,189,183,183,189,212,228,233,228,204,173,142,83,53,33,19,13,11,15,15,13,13,13,17,21,33,65,165,212,222,222,212,204,191,178,173,173,170,119,105,91,83,75,73,65,65,83,105,125,133,133,127,127,139,215,243,254,254,246,238,238,246,243,225,215,217,238,251,243,222,189,168,113,103,101,95,75,63,59,57,49,49,49,49,57,63,67,69,69,69,75,75,85,76,76,85,134,147,142,131,85,75,75,75,83,75,74,75,83,85,93,93,101,107,142,157,160,152,97,89,93,157,194,225,225,204,168,165,173,183,183,168,157,107,103,103,107,115,115,107,101,101,95,101,107,157,165,160,115,115,168,183,186,186,176,176,176,186,209,225,204,121,107,115,115,104,107,173,215,220,204,186,121,85,61,71,101,121,183,204,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,139,157,160,152,134,105,87,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,66,77,199,186,173,165,165,196,209,215,204,173,166,168,176,178,172,170,173,181,194,196,194,191,189,189,189,186,178,173,176,176,176,173,129,125,121,119,119,117,117,119,186,217,220,183,85,78,99,115,115,109,113,121,186,183,121,104,108,117,133,189,196,204,207,207,209,209,204,199,186,135,186,212,217,212,186,133,131,127,128,139,194,207,215,215,213,213,217,217,215,212,207,202,199,204,209,212,212,212,209,202,191,137,135,136,186,191,202,207,202,202,204,207,212,204,194,194,199,207,212,189,110,118,141,204,215,215,217,217,217,216,215,216,217,217,217,215,209,199,141,141,196,212,217,217,222,228,230,222,199,189,187,196,204,204,202,199,204,217,230,230,228,228,233,238,238,228,209,194,191,141,141,199,222,233,230,215,186,127,121,121,123,127,135,191,202,207,199,199,202,204,209,204,196,195,202,212,217,222,220,217,215,217,228,222,199,194,194,199,204,207,202,191,137,119,110,204,212,222,217,207,199,196,199,209,207,191,186,207,225,230,228,222,212,209,207,202,209,212,204,191,189,191,194,199,204,207,204,199,202,207,207,204,199,199,202,202,186,118,117,204,212,189,136,138,186,194,196,202,202,189,128,130,199,204,129,120,125,194,207,207,207,207,209,209,202,117,71,21,30,75,207,233,230,228,222,125,109,108,110,121,123,99,95,127,137,194,204,194,135,131,135,199,217,217,199,183,139,186,196,202,199,194,196,202,207,204,199,194,191,190,191,196,196,194,191,190,191,196,199,189,189,212,233,241,243,238,212,135,131,196,230,233,228,209,191,186,194,199,194,189,194,202,202,199,199,207,217,222,202,125,137,133,131,135,131,116,116,133,199,212,220,217,212,212,217,217,212,207,196,191,194,194,199,207,199,179,194,209,217,194,123,133,186,191,196,204,204,199,196,196,194,137,115,113,204,233,246,196,137,135,123,115,186,207,215,217,204,139,131,125,123,183,189,189,194,204,207,202,199,196,194,196,204,212,212,202,199,196,191,194,217,215,191,135,117,115,139,202,202,195,195,204,212,215,215,207,186,111,111,137,207,225,225,225,228,225,215,222,230,115,121,194,207,215,225,222,212,212,215,228,228,217,202,198,199,209,212,207,202,199,191,143,194,202,204,207,217,228,228,228,230,233,235,238,238,228,202,139,136,139,199,217,222,225,228,233,238,233,230,230,230,233,238,243,238,145,129,143,228,235,238,230,212,209,215,222,222,222,230,233,233,233,233,233,235,235,235,235,238,238,241,241,241,241,241,238,235,235,233,233,235,241,243,241,237,238,238,241,243,241,241,238,235,235,235,235,238,238,241,241,241,238,238,241,241,238,238,238,238,235,235,235,238,241,243,243,241,238,238,241,238,238,235,235,235,235,233,233,235,238,235,233,230,230,230,230,233,235,235,235,235,230,228,230,233,235,238,235,235,235,238,238,238,235,235,233,235,235,235,233,230,230,230,230,230,230,230,228,230,230,233,230,230,228,228,228,230,233,233,230,225,221,220,225,230,230,222,215,209,55,0,0,0,5,77,101,117,202,204,183,113,105,77,71,74,79,181,196,204,212,209,204,204,202,199,194,176,153,152,173,199,204,209,215,220,222,199,65,7,0,0,0,49,163,115,93,69,62,66,186,202,207,203,207,209,207,212,215,215,199,92,82,92,178,212,212,186,179,183,189,137,131,139,202,215,217,208,207,212,212,208,208,212,228,233,217,194,135,137,196,212,217,225,228,230,230,228,228,228,225,217,222,228,228,217,211,211,220,230,235,233,233,233,228,230,235,230,207,207,225,233,235,235,235,233,233,233,233,233,233,233,235,238,235,235,235,235,235,235,235,235,235,235,233,233,235,238,235,225,212,207,209,212,215,207,196,192,207,207,194,189,194,204,209,215,217,215,212,209,212,209,194,127,97,94,102,125,196,209,215,212,207,204,207,204,202,194,196,207,212,202,189,187,191,194,194,196,204,207,199,77,68,74,107,135,196,204,204,204,204,204,204,204,207,209,209,209,209,215,217,212,186,131,186,194,194,196,196,199,202,204,204,196,194,196,202,202,202,202,202,199,199,199,199,202,202,202,199,194,191,191,189,183,178,173,130,130,178,191,194,189,183,178,127,124,123,124,125,125,123,123,123,121,115,109,107,107,111,113,117,119,129,186,199,204,207,207,207,207,207,207,207,207,207,209,207,202,202,202,207,207,199,195,196,202,204,207,204,202,196,194,194,194,189,186,189,189,183,181,181,137,133,135,183,189,191,191,191,191,194,194,199,199,202,202,204,204,207,215,225,228,222,215,215,215,222,228,233,233,233,230,228,230,238,241,235,228,225,228,230,235,238,238,235,235,233,230,230,230,228,220,212,207,204,204,202,196,189,141,139,139,139,139,139,183,183,186,189,189,189,189,191,194,194,196,202,204,204,204,207,207,209,209,217,230,238,238,235,233,230,228,228,230,233,233,233,235,238,241,241,241,238,235,235,233,235,235,235,235,233,230,225,220,218,218,225,228,228,225,222,222,222,215,212,209,209,207,207,204,202,202,204,209,212,215,220,225,225,228,230,233,235,235,235,235,233,233,235,235,233,228,225,217,215,212,209,209,209,209,209,209,209,209,209,209,212,212,209,209,212,212,212,212,212,215,215,215,215,215,215,217,217,217,217,217,222,222,225,225,228,225,222,217,217,217,217,217,217,217,215,215,215,212,212,215,215,215,215,215,212,215,215,217,217,217,55,67,75,75,67,67,75,87,111,181,207,217,212,207,207,233,251,255,251,248,241,220,199,135,123,119,121,129,139,183,181,135,178,127,111,105,93,93,87,85,93,103,93,85,81,87,113,113,108,100,108,147,178,178,155,126,100,61,11,0,0,0,0,0,0,0,9,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,20,0,0,0,0,0,0,0,0,0,48,40,40,40,30,22,9,1,9,17,25,46,85,95,77,25,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,4,0,0,0,0,0,0,0,0,0,5,0,17,48,33,19,11,6,4,4,15,59,129,131,155,194,202,163,139,124,108,55,48,61,139,157,142,113,99,105,116,108,108,144,170,144,139,165,0,0,163,212,215,0,0,0,0,0,255,238,181,121,0,0,118,87,61,17,0,0,0,0,0,0,0,0,0,0,0,25,168,181,173,0,0,0,0,0,0,0,0,0,209,186,134,90,0,0,75,77,69,48,23,18,19,13,0,0,11,7,0,0,0,0,0,0,0,0,0,0,0,0,5,11,0,0,21,39,0,41,142,176,150,49,0,0,19,118,157,170,178,194,202,183,155,144,101,91,89,95,103,105,105,111,152,115,111,152,173,170,114,114,160,178,168,107,94,92,97,107,121,181,170,119,119,170,189,189,189,194,202,207,209,204,196,202,196,173,121,125,127,127,170,186,199,196,191,189,186,189,191,191,191,186,181,181,178,121,91,86,93,121,186,186,183,186,196,191,178,133,176,183,183,189,191,196,199,199,199,207,207,196,189,189,189,191,178,172,172,183,202,207,199,181,196,225,235,202,189,202,212,191,150,77,58,50,55,73,155,176,152,61,27,9,1,9,69,152,176,194,202,202,191,181,178,186,194,196,194,191,183,165,103,45,0,3,95,170,111,94,88,87,93,97,99,103,105,117,129,183,137,141,204,241,255,255,255,255,255,255,255,255,255,246,212,173,147,107,150,165,183,209,228,228,212,194,0,0,0,0,0,0,0,0,0,163,137,111,72,40,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,77,126,144,137,126,131,144,150,168,186,189,186,186,202,220,238,241,238,220,186,144,71,49,29,17,11,10,11,15,19,15,17,19,29,41,71,160,202,212,212,212,212,204,186,181,178,173,119,105,91,83,83,75,67,65,69,93,107,119,119,117,121,133,215,238,254,254,246,246,246,246,246,238,222,215,225,243,243,225,207,176,157,150,147,107,89,71,63,59,55,49,49,55,59,63,69,69,69,69,75,75,85,76,74,85,134,142,142,134,95,89,85,85,85,83,72,72,75,85,85,89,95,103,142,152,157,150,93,89,97,157,196,225,215,186,160,152,165,173,173,165,152,109,107,109,115,157,157,107,99,87,80,81,99,115,165,160,115,109,117,168,186,186,186,176,168,178,215,225,204,121,107,107,107,104,107,173,196,204,204,189,127,97,71,75,101,121,183,204,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,129,157,163,147,139,118,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,39,23,186,183,150,147,165,204,209,209,199,176,168,170,173,173,172,172,173,181,194,204,207,202,194,191,191,183,170,126,127,131,173,173,173,123,109,104,109,111,115,178,202,217,228,220,186,113,115,115,107,103,106,117,178,173,111,103,107,115,129,186,199,204,207,207,207,207,202,194,178,131,137,204,209,194,102,106,133,139,183,194,204,212,217,217,215,215,222,222,222,215,212,207,204,204,207,212,215,215,212,209,204,191,137,137,191,204,215,222,217,212,212,212,209,202,194,194,196,202,204,202,118,120,186,207,212,215,222,225,222,216,216,216,217,215,212,209,209,199,136,132,138,204,215,217,222,228,228,217,199,189,189,194,196,196,199,207,215,225,228,230,230,233,233,235,235,225,209,199,191,141,189,209,230,235,233,217,194,129,121,121,127,133,183,199,209,215,209,202,202,204,207,202,195,195,202,212,222,222,222,215,212,212,217,212,194,192,194,204,212,215,199,123,113,108,103,186,202,212,215,204,202,217,230,225,209,139,131,189,215,222,215,207,202,199,196,196,207,209,202,191,187,191,194,196,194,191,189,191,194,199,202,207,215,217,209,196,141,129,132,204,202,139,136,138,194,199,202,204,199,135,119,133,212,217,194,135,202,225,228,225,228,228,225,228,235,243,243,199,79,69,113,202,212,207,194,113,108,108,119,196,204,109,110,113,131,204,217,215,207,183,128,189,228,233,196,132,133,186,196,204,199,194,199,212,220,212,202,194,191,191,196,202,202,199,194,191,189,194,199,187,182,189,217,235,243,246,235,130,129,212,238,235,228,207,186,182,186,191,191,186,186,196,209,212,212,217,228,228,217,196,189,181,181,181,133,123,137,194,199,212,222,215,204,207,215,217,209,199,191,191,194,196,202,209,204,179,186,199,209,194,120,127,186,199,209,207,199,194,191,196,199,196,139,189,207,189,123,109,121,186,194,199,207,202,207,215,204,129,118,116,115,212,204,196,196,202,202,199,204,209,199,139,183,209,209,199,192,194,191,196,212,207,141,131,121,125,141,196,196,194,195,199,204,207,207,199,135,112,110,129,220,230,228,225,222,209,204,212,228,122,126,196,212,225,235,228,213,211,213,225,228,217,202,198,199,204,207,202,199,196,189,142,191,202,207,215,222,225,225,225,230,233,235,238,241,235,215,194,139,137,127,112,137,222,233,235,235,233,230,233,233,235,241,243,241,133,133,204,230,233,235,235,217,208,211,222,230,233,233,235,235,235,235,235,235,238,238,241,241,241,241,241,241,241,241,238,235,233,233,231,233,238,241,241,238,238,238,238,241,241,238,238,235,235,235,233,233,235,238,241,241,241,241,241,241,238,238,238,238,238,238,238,241,243,243,243,241,238,241,241,238,235,235,235,235,235,233,233,235,235,235,233,230,230,230,233,233,235,235,235,233,228,225,228,233,238,235,233,228,230,233,238,238,238,238,238,238,238,235,233,233,230,230,230,230,228,228,228,230,233,235,235,233,230,228,228,230,230,230,228,222,221,222,228,230,228,228,230,233,194,0,0,31,111,127,113,117,199,196,173,111,115,93,73,65,43,67,131,196,207,209,209,207,204,204,204,186,152,153,194,212,209,209,209,217,217,117,9,0,0,0,0,0,45,69,85,81,66,62,191,202,204,207,204,202,207,209,215,215,212,181,107,119,183,207,209,194,186,186,183,133,126,183,204,215,215,209,209,217,217,215,212,215,225,230,225,212,196,141,137,145,209,222,230,233,230,228,222,222,217,216,222,225,222,212,211,212,225,233,235,235,233,233,230,230,233,230,225,225,233,238,238,238,235,233,230,230,228,228,228,230,235,238,238,238,235,235,235,235,235,235,233,231,233,235,235,238,235,212,200,204,212,215,204,147,199,204,212,202,186,185,191,207,215,217,217,212,212,215,215,199,139,133,119,111,127,189,202,209,212,209,204,203,204,207,207,199,194,199,207,204,196,191,189,186,137,131,133,178,111,79,72,83,129,186,191,199,204,207,204,204,203,203,204,207,209,209,212,212,212,207,194,183,186,194,202,204,202,199,199,204,204,202,199,199,202,204,202,202,202,202,202,202,202,202,202,202,199,196,191,189,186,183,181,173,130,130,176,186,191,186,181,176,168,125,125,165,165,125,123,121,121,119,117,111,107,107,111,115,115,117,123,178,191,199,204,207,207,207,209,209,209,209,209,212,209,204,200,202,204,204,202,199,202,207,207,207,202,199,196,196,196,196,189,183,186,186,181,137,137,133,131,133,183,191,189,189,191,191,190,191,194,196,199,202,204,204,207,212,222,228,222,215,213,213,215,222,228,230,230,228,228,230,235,238,233,225,217,222,225,233,235,235,238,238,238,233,230,230,228,222,212,207,204,204,202,196,191,186,186,141,141,183,139,183,189,191,194,191,187,187,189,194,194,196,196,199,204,207,204,202,202,204,215,230,238,238,235,233,230,228,228,230,230,233,233,235,238,241,241,238,238,235,233,233,233,233,235,235,235,233,230,222,218,218,222,228,228,228,225,222,222,217,215,215,209,207,207,204,204,204,207,209,212,215,222,225,225,225,228,230,233,235,235,235,233,235,235,235,230,228,225,217,215,209,209,208,209,209,209,209,209,209,209,212,212,212,212,212,212,212,212,212,215,215,215,215,215,217,217,217,217,222,222,222,222,222,225,225,228,225,222,222,217,217,217,217,217,217,217,217,215,215,215,215,215,215,215,215,215,217,222,222,222,225,67,69,75,69,67,69,81,95,123,181,199,207,209,207,202,220,255,255,248,235,233,212,194,133,123,121,127,133,181,181,135,133,176,123,111,103,93,93,85,85,93,144,144,134,93,139,152,152,139,121,137,168,186,183,155,118,92,56,19,5,0,0,0,0,0,0,0,35,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,59,40,30,22,9,0,0,0,0,0,17,43,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,22,0,0,0,0,0,0,0,0,0,53,33,19,25,29,19,7,7,7,7,13,39,111,139,176,222,212,147,113,121,113,55,45,48,95,150,157,139,126,131,134,113,87,111,129,111,100,124,0,0,0,220,220,0,0,0,0,0,248,209,129,77,0,0,0,72,40,9,0,0,0,0,0,0,0,0,0,4,9,43,147,157,150,0,0,0,0,0,0,0,0,0,0,202,150,108,85,82,82,77,69,61,48,48,46,19,11,11,19,9,0,0,0,0,0,0,0,0,0,0,0,0,5,15,1,7,31,103,126,111,144,183,150,37,0,0,7,89,165,165,165,189,204,183,93,81,81,91,105,144,152,152,109,102,102,104,109,115,160,173,160,115,157,183,170,103,94,96,105,113,121,181,176,168,170,186,196,199,194,189,186,189,194,194,189,194,196,191,183,186,186,176,170,183,194,196,191,189,189,191,196,196,189,181,178,178,178,121,93,86,91,121,191,202,186,178,183,178,129,129,133,176,176,176,189,191,199,199,199,204,207,196,189,194,196,196,178,161,166,176,191,191,178,173,196,235,238,204,187,194,199,186,147,81,61,55,63,79,101,99,79,57,31,15,11,15,69,155,176,186,194,202,202,189,189,189,194,196,194,191,186,176,160,97,49,61,117,181,163,99,92,93,93,87,84,87,88,103,129,194,194,194,217,248,255,255,255,255,255,255,255,255,255,251,215,183,155,150,155,160,173,204,220,222,212,194,0,0,0,0,0,0,0,0,0,147,129,87,56,27,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,90,144,168,168,152,126,126,126,137,155,170,186,186,189,209,228,241,248,246,238,209,163,83,49,29,17,11,11,15,19,23,29,23,23,33,53,91,119,186,209,209,212,212,212,202,181,178,170,117,105,93,93,93,83,69,66,66,75,93,103,107,113,121,135,215,233,246,254,246,246,246,251,251,243,225,215,225,243,248,235,215,183,168,157,155,109,97,75,65,63,59,59,57,55,57,59,63,67,69,69,73,75,85,76,74,77,129,142,142,137,131,131,97,131,95,87,75,74,75,75,75,75,93,139,150,157,157,142,93,89,101,165,194,215,204,173,152,113,160,168,168,160,152,115,115,157,165,168,157,107,95,81,79,81,95,115,170,173,160,109,103,115,168,170,168,168,168,178,217,233,209,165,115,115,115,105,107,125,173,189,194,194,173,107,85,77,93,115,183,209,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,126,160,163,134,105,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,0,0,33,39,31,47,152,209,215,207,189,170,168,176,178,178,176,173,176,181,191,204,212,207,196,186,183,178,127,125,127,129,129,173,181,131,105,101,105,115,121,194,202,209,215,215,202,183,178,129,109,103,105,115,176,181,131,181,133,127,133,189,202,207,204,204,202,199,199,191,129,123,133,194,196,131,98,106,189,194,199,207,215,222,222,217,215,220,225,225,217,215,212,209,204,199,199,207,215,215,212,215,215,207,191,186,194,207,217,222,222,217,217,212,212,209,199,189,186,191,199,202,135,133,199,209,209,209,222,225,222,217,217,217,217,212,207,204,207,202,138,132,134,194,212,220,225,228,225,215,202,191,190,194,194,194,199,207,217,228,230,233,233,235,233,233,233,225,212,202,191,137,141,212,233,233,225,207,183,125,121,125,137,194,204,207,204,209,207,204,204,202,202,199,195,196,204,215,222,222,222,215,212,209,212,207,192,191,199,212,217,215,196,123,115,112,112,186,202,207,209,202,199,215,230,233,225,189,131,137,194,196,194,194,194,196,195,195,199,202,196,189,186,187,194,196,191,187,187,189,194,196,199,212,228,230,217,202,191,141,186,196,194,139,138,186,196,202,204,204,199,143,133,202,212,212,207,217,235,238,230,228,230,235,233,233,238,241,241,243,225,131,125,191,207,196,127,117,113,102,129,222,228,225,230,110,121,202,217,228,225,202,127,131,212,217,137,128,131,189,202,202,194,192,199,209,215,207,199,196,194,199,204,212,215,215,207,196,191,196,199,187,182,189,209,222,230,241,228,122,123,209,230,233,222,202,183,182,186,194,191,183,189,204,225,230,228,228,230,225,209,199,194,191,189,189,139,139,196,196,194,202,204,194,190,196,215,222,212,202,191,191,196,194,196,212,222,202,189,196,204,121,111,120,186,207,222,207,135,109,131,189,204,212,217,215,191,22,17,29,111,199,207,212,217,209,209,209,196,123,116,117,123,230,215,202,196,196,196,196,196,209,199,126,125,202,209,199,194,199,196,196,202,199,141,135,133,137,191,199,199,196,202,204,204,202,207,204,141,113,108,121,212,228,228,222,209,202,202,207,209,127,126,143,212,230,238,233,225,215,217,228,228,217,202,196,198,202,199,196,196,196,189,142,142,194,204,215,222,222,222,225,230,233,233,238,243,238,222,204,194,141,112,95,108,215,230,228,228,233,233,233,233,235,238,241,235,128,137,217,230,228,230,233,225,209,211,228,238,241,238,235,235,235,235,238,238,241,241,243,243,241,241,241,241,241,241,238,235,235,233,231,233,238,241,243,241,235,235,235,238,238,238,238,235,235,233,230,230,230,233,238,238,241,241,241,241,238,238,238,241,241,241,241,241,243,243,243,241,241,241,241,238,235,235,235,235,235,233,233,233,235,235,233,233,230,233,233,233,233,235,235,233,225,222,225,230,233,233,228,225,228,233,238,241,241,241,241,241,238,235,235,233,233,230,230,230,228,228,228,230,233,235,235,235,233,230,230,230,230,230,228,225,225,225,225,228,228,233,238,246,204,0,0,69,204,196,123,121,178,181,129,123,196,209,199,131,52,64,117,183,202,209,209,204,204,204,204,199,176,181,199,199,196,202,202,196,163,33,0,0,0,0,0,0,0,17,87,168,91,64,196,202,207,209,204,200,204,204,204,207,207,202,207,215,204,207,212,215,209,183,131,131,129,194,209,212,215,220,222,225,228,225,222,222,225,228,228,222,215,199,137,134,145,217,228,228,228,225,222,217,216,217,217,222,217,212,212,215,225,233,235,233,230,230,230,230,233,233,228,228,230,238,241,238,235,235,233,230,228,226,228,230,235,238,238,238,238,238,235,235,238,235,233,231,233,238,235,238,238,204,194,200,215,215,147,135,147,207,215,207,189,187,199,215,220,217,215,211,212,215,212,130,126,133,135,137,189,199,204,207,209,209,207,204,204,204,207,196,183,183,196,204,207,202,196,186,125,87,69,72,85,87,85,109,186,189,181,186,199,207,207,204,204,204,207,209,209,212,215,212,209,204,194,183,183,191,202,207,204,199,199,202,207,204,204,202,204,204,202,202,202,202,204,204,204,204,204,202,199,194,191,189,186,186,183,178,173,170,176,186,189,183,176,170,127,165,165,168,168,165,125,121,119,119,121,117,113,111,115,117,117,119,125,133,186,196,202,204,204,207,207,207,207,207,209,212,209,204,202,202,204,207,207,207,209,212,209,207,202,199,199,199,199,196,189,183,183,183,137,137,135,132,132,137,186,194,194,191,194,191,190,190,190,194,196,202,204,207,207,212,217,222,220,215,213,213,213,217,225,228,230,230,230,230,233,230,225,217,215,215,222,228,230,235,238,241,238,235,233,230,228,222,215,209,204,202,199,196,191,189,189,189,189,186,186,186,189,191,194,191,189,187,187,191,194,194,192,194,202,204,202,199,199,204,220,235,238,235,233,230,228,228,228,228,230,230,233,235,238,238,238,238,235,235,233,233,233,233,233,235,235,235,230,225,222,218,222,228,228,228,228,222,222,222,222,217,212,207,207,204,204,207,209,212,215,217,222,225,225,225,225,228,233,235,235,235,235,235,235,233,230,228,222,217,212,209,208,208,209,209,209,209,209,212,212,212,212,212,212,212,212,212,215,215,215,215,215,217,217,217,222,222,222,222,222,222,222,222,225,225,225,225,222,222,222,222,222,222,222,222,217,217,217,215,215,217,217,217,217,215,215,220,225,228,228,228,67,65,65,61,67,79,91,111,165,170,178,189,196,196,189,196,241,246,233,217,217,215,191,127,118,121,131,135,137,183,178,127,121,115,109,105,101,91,79,77,81,93,93,93,134,152,176,176,152,139,147,173,191,186,163,116,82,56,35,27,25,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,79,46,30,14,0,0,0,0,0,0,9,25,27,0,0,0,20,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,64,59,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,53,19,15,25,51,33,27,33,33,23,37,98,131,173,204,173,79,75,124,124,55,46,52,116,142,139,124,124,134,144,126,87,79,87,69,48,64,0,0,0,0,0,0,0,0,0,0,251,217,157,95,0,0,0,56,35,33,33,33,20,12,9,4,0,0,4,7,20,51,113,124,118,0,0,0,0,0,0,0,0,0,0,0,168,124,100,92,85,82,77,72,69,69,64,48,40,51,51,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,134,144,90,116,176,144,27,0,0,0,69,142,147,155,189,209,189,89,73,77,91,109,111,111,152,111,102,99,104,111,111,157,173,173,115,160,194,183,113,103,109,113,113,119,170,181,181,191,199,207,204,194,186,183,182,186,186,181,186,194,194,194,191,186,170,125,176,191,196,191,191,191,199,204,204,191,181,176,178,178,173,107,88,88,111,191,204,191,176,124,124,124,129,133,176,176,181,189,191,199,199,199,204,207,204,196,204,212,204,178,161,164,176,181,173,159,161,191,235,238,212,194,196,196,178,147,81,65,61,75,85,79,63,57,53,43,29,29,27,71,160,170,176,186,209,209,196,189,189,194,194,194,186,176,178,183,173,105,89,111,176,189,119,111,115,103,87,84,87,87,97,129,196,194,196,225,254,255,255,255,255,255,255,255,255,255,251,215,183,165,155,155,163,178,204,220,222,212,194,0,0,0,0,0,0,0,0,147,129,100,64,27,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,90,144,176,189,189,168,144,137,137,142,150,168,181,186,202,209,220,238,246,246,246,228,181,97,53,29,17,17,21,27,29,29,31,31,29,41,67,105,160,181,204,212,222,228,222,204,181,170,127,125,113,107,105,107,99,83,69,66,69,75,93,103,113,129,183,215,233,246,246,254,246,246,246,251,243,225,217,233,251,255,243,225,194,176,165,157,150,103,83,69,63,63,63,63,59,55,55,59,65,65,67,69,75,85,77,76,85,131,142,142,137,134,139,139,139,131,95,87,75,75,75,72,73,85,103,150,157,150,103,93,92,103,163,183,204,194,168,109,109,152,160,168,160,157,115,115,165,176,176,155,101,95,95,87,93,107,168,186,189,173,115,93,93,103,109,117,119,168,186,225,235,215,173,165,165,165,109,107,109,121,178,194,196,173,115,97,85,85,107,183,220,225 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,137,157,165,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,0,0,28,30,28,45,155,215,217,209,178,168,173,183,186,176,170,173,176,178,183,199,209,209,199,183,178,176,170,127,129,126,126,176,194,191,117,105,115,178,194,199,204,207,207,209,204,202,209,209,194,178,125,127,181,194,196,202,194,186,183,189,199,207,207,204,199,199,199,181,115,117,131,191,202,194,122,125,194,199,209,222,225,228,225,222,217,217,225,222,215,212,212,209,204,195,195,202,209,212,209,212,222,220,207,191,183,199,215,222,217,222,222,217,217,215,202,179,176,182,199,204,199,199,212,212,200,202,212,220,220,217,217,215,212,207,204,202,204,204,196,139,136,189,209,220,225,225,217,209,202,196,194,196,196,194,196,204,215,228,233,235,238,235,235,233,233,225,215,209,199,139,137,202,225,228,215,189,129,123,129,183,199,212,217,204,141,191,202,207,209,204,196,196,195,196,204,212,217,217,217,215,215,212,207,204,194,192,199,209,209,199,186,135,139,196,199,207,215,209,204,199,199,209,222,228,222,196,133,129,129,127,129,135,191,196,195,196,202,202,199,191,187,187,196,199,194,189,189,194,196,196,196,209,225,230,217,204,199,194,191,191,189,186,186,191,194,199,207,207,202,196,204,212,207,207,217,235,241,238,230,228,230,230,228,226,228,230,233,235,238,230,215,222,222,196,121,131,183,77,135,222,230,235,235,183,131,196,217,230,235,228,215,207,212,204,135,130,134,189,196,196,192,191,196,202,196,194,199,204,207,215,222,228,228,225,215,199,196,199,196,189,189,202,209,209,212,217,196,117,120,194,215,225,212,191,182,186,194,196,189,139,191,215,230,235,235,233,230,215,189,189,194,199,196,194,191,189,194,191,189,191,189,185,185,194,222,230,217,204,194,191,194,189,191,212,235,215,131,191,228,114,107,119,181,196,207,181,95,77,99,135,209,222,233,233,204,19,20,55,204,222,222,225,228,225,217,212,199,135,129,199,225,228,209,196,186,186,196,196,192,194,129,119,124,212,209,196,207,212,209,207,207,207,204,204,212,215,215,217,215,215,215,209,202,199,209,215,202,139,131,137,194,212,222,217,207,202,204,202,141,131,127,135,212,230,235,233,230,228,228,228,228,215,202,198,198,199,199,199,202,199,194,143,141,142,196,212,222,222,222,225,228,230,235,241,243,235,217,204,196,141,127,113,135,212,212,212,220,228,228,225,228,230,233,233,228,132,141,204,212,212,222,230,228,215,215,228,235,241,241,238,235,235,238,238,241,241,243,243,243,241,241,241,241,241,241,238,235,235,233,233,233,235,238,241,238,233,230,233,235,238,238,238,235,233,230,229,229,229,230,233,235,238,241,241,241,238,238,238,241,241,241,241,241,243,243,243,241,241,241,241,241,235,235,235,235,235,233,233,233,235,235,235,233,233,233,233,233,233,235,235,233,228,225,222,225,228,228,228,225,228,233,235,238,241,241,241,241,238,238,235,235,233,233,230,230,230,228,228,230,233,233,233,233,235,233,233,233,233,230,228,225,225,225,222,225,230,233,230,225,49,0,0,75,194,196,173,125,120,125,129,176,204,212,209,186,178,131,133,178,189,202,209,207,203,203,204,204,194,186,178,170,189,199,202,194,115,21,0,0,0,0,0,0,0,7,79,113,103,68,199,207,207,209,207,207,202,191,183,183,194,207,215,215,212,209,212,217,209,129,112,113,131,207,217,217,222,225,225,225,228,225,225,225,228,228,225,225,225,217,202,137,135,147,212,217,217,215,217,217,222,217,217,215,215,212,215,220,228,230,233,230,230,230,230,233,235,235,228,217,220,233,241,241,238,238,238,235,230,228,228,230,233,235,235,235,238,238,238,238,238,238,233,233,235,238,234,235,238,212,195,200,215,215,199,136,149,212,222,217,204,191,199,217,225,222,215,212,212,212,199,120,119,131,141,189,196,202,204,204,207,209,209,207,204,207,204,191,177,177,186,202,209,209,207,196,135,73,63,65,107,119,117,125,183,183,133,135,191,202,207,207,207,204,207,209,209,212,215,215,215,209,202,189,182,189,199,204,204,202,199,202,207,207,207,204,204,204,202,202,202,204,207,207,207,204,204,202,199,194,191,189,189,189,186,183,178,176,178,183,186,181,173,125,121,121,125,125,125,125,123,121,119,121,125,125,121,119,119,123,125,127,131,178,186,196,202,202,204,204,207,207,207,204,207,209,207,204,202,202,204,207,209,209,212,212,212,204,199,194,196,202,202,199,191,186,186,183,137,137,135,135,137,186,191,194,196,196,196,196,191,190,190,194,199,202,204,204,207,207,212,215,217,220,217,215,215,217,225,228,230,230,230,230,228,225,217,213,213,215,215,222,225,230,235,241,241,235,233,233,228,225,217,209,204,199,196,194,191,191,194,194,191,191,189,189,189,189,191,191,189,189,191,196,199,194,192,192,196,202,199,199,199,209,225,235,235,230,228,228,228,225,225,228,228,228,230,233,235,238,238,238,235,235,235,233,233,230,230,230,230,230,230,228,222,222,222,225,228,228,228,225,222,222,222,222,215,209,207,207,204,207,212,215,217,222,225,225,225,224,225,228,230,235,235,235,235,235,235,233,230,225,222,217,215,212,209,209,209,209,209,212,212,212,212,212,215,215,212,212,212,215,215,215,215,215,217,217,217,222,222,225,225,225,225,222,222,222,225,225,225,225,222,222,222,222,222,222,222,222,217,217,217,215,215,215,217,217,217,217,217,222,228,230,230,230,65,60,58,61,75,91,111,165,170,165,165,176,189,189,179,183,204,207,204,215,233,230,191,121,115,121,133,178,183,191,189,131,117,111,111,115,111,93,77,66,67,71,71,77,93,160,178,165,144,139,147,168,183,191,176,137,85,66,64,59,48,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,90,59,30,14,0,0,0,0,0,0,9,25,35,27,12,0,4,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,56,51,38,22,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,79,33,19,0,111,103,64,64,69,45,45,90,121,147,147,103,62,75,165,165,108,105,196,243,168,108,59,77,108,142,134,87,69,69,53,21,17,0,0,0,0,0,0,0,0,0,0,0,255,225,150,0,0,0,0,0,0,0,0,51,40,22,14,0,0,0,7,20,46,87,98,98,0,0,0,0,0,0,0,0,0,0,0,168,137,116,108,92,85,74,66,61,69,72,64,66,74,66,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,152,29,25,126,71,0,0,0,0,17,83,134,147,178,191,163,99,83,84,101,152,150,111,155,163,150,109,115,115,107,107,157,160,115,157,194,194,121,115,121,113,111,113,165,178,191,199,207,212,204,186,183,186,186,186,181,181,181,186,194,199,191,176,123,115,125,183,191,196,196,199,204,215,207,196,186,181,181,186,181,121,88,85,97,176,191,191,176,120,120,127,178,181,183,183,189,191,199,199,199,199,204,207,207,204,212,220,212,183,164,166,176,176,165,155,161,191,228,238,215,202,194,178,157,91,69,53,51,69,73,73,61,63,67,67,53,43,37,81,168,176,176,183,202,202,191,189,189,194,194,189,178,176,183,183,165,97,81,91,173,189,165,119,125,117,103,103,117,103,109,129,186,186,194,217,248,254,255,255,255,255,255,255,255,255,246,217,189,173,163,157,165,191,204,212,222,212,196,0,0,0,0,0,0,0,0,131,103,72,33,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,0,157,183,199,199,176,160,152,152,152,160,173,181,189,202,209,217,228,233,238,248,238,204,152,61,31,19,27,35,35,31,29,31,39,41,55,93,119,173,191,212,228,235,241,228,204,178,127,125,127,125,119,119,119,117,99,83,73,69,75,83,99,119,135,191,225,233,243,246,254,254,246,246,246,238,225,225,243,255,255,254,235,207,176,165,157,150,107,89,75,69,69,69,69,59,55,55,59,59,65,65,69,75,87,85,85,93,134,142,142,137,139,139,139,139,131,95,91,87,87,75,72,72,77,101,150,152,139,97,93,93,103,152,173,183,183,165,103,97,109,160,168,168,160,115,111,163,186,186,115,95,95,107,107,107,157,183,194,194,173,115,93,85,89,89,91,103,123,186,220,233,215,178,173,183,173,109,97,101,115,178,204,194,173,115,101,91,85,107,194,233,241 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,139,150,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,79,142,150,121,69,77,147,199,207,178,157,160,181,196,191,161,156,173,186,186,183,186,196,199,189,173,173,176,173,170,129,125,124,181,204,204,176,121,129,194,207,209,207,204,204,209,209,207,209,212,204,199,186,176,176,183,183,166,176,183,183,183,191,207,209,207,202,202,194,113,108,115,135,194,209,209,127,120,131,194,222,230,230,228,225,217,212,215,215,215,212,209,209,207,199,194,194,199,207,207,207,209,215,222,215,189,83,129,217,217,217,222,222,217,217,215,199,170,168,183,209,217,217,212,212,209,199,198,204,215,217,215,212,207,207,207,207,204,202,202,204,199,143,191,204,215,222,217,212,204,202,199,199,202,199,194,194,199,212,222,230,235,238,238,235,235,233,222,209,209,212,194,130,135,199,207,204,186,135,137,202,215,217,217,215,191,131,138,202,212,212,207,199,196,196,199,204,209,212,212,215,217,217,212,196,202,202,196,199,199,141,131,131,137,199,215,222,225,228,217,207,202,183,55,60,107,139,139,129,121,119,119,122,131,191,196,196,204,215,215,209,199,194,191,194,196,194,191,194,196,196,191,189,194,199,207,207,204,204,204,196,186,141,186,194,204,202,204,212,212,202,196,204,207,202,207,228,241,235,233,233,230,230,230,228,226,226,226,230,235,235,233,230,235,230,199,129,135,186,72,194,217,228,238,233,202,137,204,225,233,235,233,233,230,222,202,139,135,139,189,191,194,194,194,194,186,141,191,207,217,225,230,233,230,228,222,209,196,199,202,196,191,202,212,207,202,204,204,141,122,125,189,204,212,199,183,186,196,202,191,133,130,139,207,228,238,241,238,230,212,135,139,196,204,202,199,196,189,183,186,191,194,189,185,186,196,225,230,215,202,191,190,191,189,183,202,217,103,55,119,233,207,135,183,189,191,191,119,87,94,95,98,217,230,238,241,212,28,61,199,225,230,233,235,233,230,228,222,207,196,202,228,235,209,137,111,86,81,127,202,204,202,127,120,194,238,185,168,212,228,228,222,215,212,209,209,225,233,235,233,233,230,222,209,196,194,207,217,204,139,135,143,194,202,212,212,209,209,209,191,129,135,132,143,215,230,235,233,233,230,228,225,220,212,204,204,204,202,199,202,204,199,194,189,141,140,191,209,222,225,225,222,225,230,235,233,217,199,196,196,194,147,199,220,230,225,212,209,215,220,216,215,215,217,225,228,222,202,147,145,145,151,209,217,215,215,215,222,228,233,238,238,235,235,238,238,238,241,241,241,241,241,241,241,241,241,241,238,233,233,230,230,233,235,235,238,233,226,226,230,235,238,241,238,235,233,230,229,229,229,229,230,233,233,235,238,238,235,238,238,238,238,238,238,241,243,243,243,241,241,243,243,241,235,234,234,235,235,233,233,233,233,235,235,235,233,233,233,233,233,233,233,233,233,230,225,222,217,222,225,228,230,233,235,235,235,238,241,241,238,238,238,238,235,233,230,230,230,230,230,230,233,233,233,233,233,233,233,233,233,230,228,225,222,217,217,222,228,225,207,131,37,63,105,115,189,199,183,127,118,123,178,189,199,196,181,120,131,181,183,181,178,181,194,204,204,204,207,207,199,178,165,164,191,199,204,215,215,99,5,0,0,0,0,0,0,61,91,111,113,77,189,209,215,209,207,209,202,173,155,155,168,207,215,207,204,204,207,207,183,121,104,85,112,204,225,225,225,228,228,225,217,215,215,222,225,225,225,228,228,228,225,212,139,125,135,207,202,207,212,217,222,222,215,209,212,215,217,222,228,230,230,230,233,230,233,235,238,238,228,213,215,225,238,241,241,241,241,238,235,233,230,233,233,235,235,235,238,238,238,238,238,238,235,233,235,235,234,234,238,228,207,204,209,209,207,149,207,217,225,225,209,139,139,215,225,222,215,215,212,202,141,123,123,141,194,196,196,199,204,204,207,209,212,209,209,209,204,186,174,176,186,196,204,209,209,207,196,79,64,68,133,181,178,135,181,181,131,127,133,191,204,209,209,207,207,209,209,212,215,217,222,222,212,199,189,191,199,202,202,202,202,204,207,209,209,207,207,204,204,202,204,207,209,209,209,207,204,202,199,194,191,191,191,189,186,183,181,181,181,183,183,178,168,121,115,117,121,123,121,121,123,123,121,123,127,168,127,127,125,129,131,176,181,183,191,199,202,202,204,207,207,207,204,204,204,207,207,204,202,199,202,202,204,204,209,209,207,199,189,186,189,196,202,202,196,194,191,186,181,183,183,186,189,191,194,196,199,199,199,199,196,191,191,194,199,202,202,202,204,204,207,212,222,228,228,225,222,222,225,228,230,230,233,230,228,225,220,215,213,215,215,215,217,222,230,238,238,235,233,230,228,222,215,209,202,196,194,191,191,194,194,196,194,194,191,189,186,186,186,186,189,191,199,204,204,199,194,192,192,196,196,196,202,209,222,230,228,217,220,222,222,222,222,222,225,225,228,230,233,235,238,238,238,235,235,233,228,225,222,222,225,225,225,225,225,222,222,222,225,225,228,225,225,222,222,222,217,215,209,207,207,209,215,217,217,222,225,225,225,225,225,228,230,233,235,235,235,235,235,233,230,225,225,222,215,212,212,209,209,212,212,212,212,212,212,215,215,215,215,215,215,215,215,215,217,217,217,217,222,222,225,228,228,228,225,225,222,225,225,225,225,225,222,222,222,222,222,222,222,222,217,217,215,215,215,215,215,217,217,217,217,222,228,230,230,228,61,58,56,61,81,109,165,173,173,170,165,173,189,191,189,181,183,183,189,215,241,238,196,118,113,125,189,191,196,199,196,181,131,127,170,170,121,105,77,64,62,62,62,66,85,144,152,142,121,121,139,152,173,181,173,147,105,90,85,77,51,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,100,72,38,14,0,0,0,0,0,0,4,17,35,46,38,22,20,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,48,38,30,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,108,51,43,0,0,121,74,74,103,90,90,108,129,134,113,72,64,116,215,215,152,165,255,255,215,95,43,41,51,129,134,77,35,46,23,0,0,0,139,0,0,0,0,0,0,0,0,0,255,248,165,0,0,0,0,0,0,0,0,0,61,46,22,0,0,0,9,20,43,64,82,0,0,0,0,0,0,0,0,0,0,0,0,0,147,124,118,103,85,69,48,40,43,61,53,53,56,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,11,39,157,157,0,0,0,0,0,0,0,0,0,69,124,93,87,61,60,87,93,101,147,160,155,152,152,160,157,152,115,105,97,95,98,109,109,157,183,183,168,121,115,105,103,107,119,181,199,199,204,212,204,186,186,194,196,189,186,186,183,186,199,199,191,170,115,112,115,170,183,189,191,196,204,207,204,196,189,186,186,189,186,121,89,83,88,119,178,183,176,131,176,183,191,189,189,189,191,191,199,199,199,199,204,207,207,207,212,220,212,186,170,169,181,183,176,164,170,196,225,225,215,196,176,163,157,142,79,57,41,41,55,69,79,91,93,91,73,49,43,99,178,181,178,183,194,191,183,181,181,189,189,186,183,186,186,178,157,97,78,82,165,178,165,119,119,117,111,123,176,129,123,131,186,196,194,217,243,254,254,246,254,254,254,246,238,251,246,225,202,178,168,168,176,196,196,202,204,204,196,0,0,0,0,0,0,0,131,113,79,56,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,116,160,183,199,186,168,160,152,152,155,163,173,186,204,212,217,220,220,220,228,238,241,220,163,71,35,25,35,43,43,31,29,37,53,65,83,107,170,191,204,222,233,243,243,228,204,178,127,127,131,173,133,133,133,131,113,99,83,75,73,83,99,119,135,207,225,233,238,246,254,254,254,246,238,238,233,238,255,255,255,255,235,207,176,157,155,150,107,95,75,75,75,75,69,63,59,55,55,59,59,65,69,75,87,89,93,129,139,142,139,134,134,139,139,131,95,95,95,91,87,75,72,72,75,95,142,150,101,91,93,97,103,150,157,163,165,150,85,77,103,160,176,176,165,150,109,157,186,176,107,87,95,107,107,115,165,183,194,183,165,107,93,77,71,71,71,97,117,186,217,225,204,173,173,178,165,101,89,93,115,173,194,183,170,121,107,101,101,121,204,241,254 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,131,139,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,51,53,0,69,87,183,181,173,129,111,124,155,173,163,152,159,181,196,186,155,153,183,202,202,186,178,181,183,170,120,124,176,176,170,170,129,129,186,204,204,183,131,176,196,209,212,209,204,203,209,209,204,202,204,199,199,194,183,176,174,168,159,172,178,178,181,194,209,215,209,204,199,121,102,108,129,135,186,202,196,115,113,123,194,228,230,228,222,217,212,207,207,207,209,207,207,207,204,196,194,192,196,204,207,207,207,207,215,215,127,8,45,202,204,209,215,215,212,209,209,199,174,173,199,222,230,230,207,202,204,202,199,200,209,215,215,212,207,207,209,212,209,204,202,204,204,196,191,194,204,209,209,204,202,204,207,207,202,196,189,189,196,207,217,225,230,233,235,235,235,228,207,191,199,202,133,112,116,141,199,196,196,199,204,215,225,225,215,202,137,128,141,212,212,207,202,196,196,196,199,204,207,207,207,209,215,215,191,112,139,215,209,204,191,131,128,129,137,199,222,230,233,230,225,212,209,61,0,0,71,119,133,127,120,118,120,129,139,196,194,194,212,228,225,215,207,204,202,196,192,194,199,202,199,194,186,185,181,179,183,196,202,202,204,196,139,136,189,207,217,209,204,212,212,202,195,195,199,202,212,233,238,235,233,233,233,233,233,230,228,226,226,230,238,235,230,230,235,225,191,125,119,103,74,196,212,225,230,230,202,186,222,233,235,233,228,233,235,228,207,191,186,191,191,189,191,199,196,139,132,137,202,222,230,233,235,233,225,215,204,196,194,196,202,199,202,215,222,204,196,204,207,189,133,137,194,207,209,194,135,137,196,196,139,128,128,130,189,217,235,238,238,233,207,132,191,207,212,204,199,196,186,138,141,191,194,194,191,194,207,228,228,207,194,191,196,202,202,127,97,77,69,54,123,215,207,194,199,199,196,202,191,119,113,95,92,217,235,235,235,107,34,87,212,228,230,230,233,233,233,233,228,212,199,207,225,225,131,111,99,82,71,93,207,217,225,194,128,196,228,176,156,202,228,233,228,209,202,194,190,215,235,238,235,235,230,222,204,194,190,194,207,199,132,132,194,202,202,204,207,207,209,204,139,129,141,143,199,215,230,235,233,228,225,217,212,209,207,207,212,215,207,199,202,204,196,194,194,189,189,196,207,212,215,217,222,225,228,225,202,125,124,140,145,194,199,215,233,238,238,228,220,222,225,216,213,213,216,222,228,228,225,212,149,145,147,151,153,153,202,207,212,212,222,230,235,238,238,238,238,238,238,238,238,241,241,241,241,241,241,241,238,233,230,229,230,233,235,238,238,233,225,224,228,235,241,241,238,235,233,233,230,230,230,230,230,230,230,230,233,235,235,235,238,238,235,235,235,238,241,243,243,241,241,243,243,241,235,234,234,235,235,235,233,233,233,235,235,235,235,235,233,233,233,233,233,235,235,233,228,217,216,216,222,230,233,233,233,230,230,233,235,238,238,238,238,238,238,235,230,230,230,230,228,230,230,230,230,230,233,233,230,230,233,230,228,225,217,215,209,212,217,215,196,125,73,127,196,191,202,204,176,123,123,173,194,202,202,189,127,108,94,131,186,183,176,170,173,191,202,207,207,212,209,176,165,174,194,196,196,215,228,189,29,0,0,0,0,0,0,61,87,107,107,69,101,202,215,196,194,199,191,161,152,152,163,207,212,194,178,125,191,191,178,133,125,92,112,202,222,228,228,230,228,222,209,202,202,209,215,217,225,228,225,228,230,230,209,127,119,131,143,151,207,215,222,217,209,207,209,215,217,222,228,230,230,230,233,230,233,233,235,241,233,213,212,222,238,241,241,243,243,238,235,235,233,233,235,235,235,235,238,235,235,235,235,235,235,235,235,238,235,234,235,233,228,215,199,195,204,199,204,215,222,222,204,114,113,202,222,222,217,215,202,139,131,130,186,207,207,202,199,202,207,207,209,209,209,209,209,212,204,186,178,181,191,196,202,207,209,212,207,95,72,101,178,183,181,135,135,178,129,115,113,129,196,209,215,212,209,209,209,212,215,217,222,225,217,209,202,199,199,199,199,202,202,204,207,212,215,212,209,209,207,204,207,207,209,212,212,209,204,202,199,196,196,194,191,189,183,181,181,178,178,178,178,173,127,119,115,117,119,121,121,121,123,125,123,125,165,168,170,170,170,173,176,181,183,186,194,199,202,202,204,209,209,207,204,204,204,207,207,204,202,199,196,196,194,196,199,202,202,194,183,181,182,191,202,204,202,199,194,186,181,186,189,191,194,196,199,202,202,202,202,199,196,194,191,194,196,202,199,199,202,202,204,209,222,230,230,230,225,225,228,228,230,230,233,230,230,228,225,217,215,215,212,212,212,215,225,235,238,235,233,230,225,222,215,209,199,194,191,190,191,191,196,196,196,194,191,189,186,185,185,186,186,191,202,207,207,202,196,192,194,196,199,202,204,209,217,222,217,215,216,217,220,222,222,220,220,220,225,228,233,235,238,238,238,235,233,230,225,220,217,217,217,222,222,222,225,222,217,217,222,222,225,225,225,225,222,222,222,217,215,212,212,212,215,215,215,215,222,225,225,225,225,225,228,230,235,238,235,235,235,233,228,225,225,225,217,215,212,212,212,212,212,212,212,212,215,215,215,215,215,215,215,215,215,217,217,217,217,217,222,225,228,228,230,230,228,225,225,225,225,225,222,222,222,222,222,222,222,222,222,222,217,215,212,212,212,212,215,217,217,217,222,222,228,230,230,228,65,60,58,65,87,111,170,178,178,173,173,181,191,196,191,186,181,174,181,209,246,241,199,125,118,186,212,212,212,230,217,204,207,207,194,181,163,107,79,65,63,65,66,66,77,91,121,85,111,113,121,134,147,168,168,147,116,100,90,74,46,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,79,46,22,0,0,0,0,0,0,0,0,20,0,64,53,56,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,51,38,30,14,4,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,126,69,43,0,0,111,61,77,121,129,121,142,155,139,105,73,75,139,204,196,157,176,255,255,212,116,47,32,43,113,111,37,2,7,9,0,0,0,61,0,0,0,0,0,0,0,0,0,255,225,129,53,0,0,0,0,0,0,0,0,0,53,38,17,7,7,20,27,40,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,100,92,77,61,46,30,27,33,33,30,27,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,31,69,79,0,0,0,0,0,0,0,0,0,0,59,87,57,27,20,32,75,101,155,173,173,163,111,103,103,111,152,109,100,96,93,94,101,109,157,173,173,121,113,105,101,100,105,113,178,199,199,191,199,199,194,194,202,202,196,194,189,178,178,194,202,191,176,115,108,109,115,170,181,181,189,191,196,196,191,186,186,186,186,181,121,91,85,91,119,178,183,178,178,186,194,194,186,181,181,183,191,191,202,199,199,199,207,207,215,212,217,212,204,183,176,194,207,199,183,181,189,199,204,196,178,155,152,176,183,157,71,37,18,23,55,83,91,85,79,75,65,69,144,170,160,170,178,181,178,173,173,173,181,189,186,186,186,186,173,165,115,84,82,117,176,170,119,109,105,111,127,176,135,125,129,196,215,225,243,255,255,246,222,228,246,254,254,238,238,228,217,196,165,155,165,173,173,173,170,173,183,183,0,0,0,0,0,0,0,121,87,72,48,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,47,116,160,176,181,178,160,152,146,146,152,163,178,202,212,228,233,233,228,220,220,233,238,220,170,81,43,35,43,53,51,39,39,55,73,97,105,119,181,209,222,222,233,241,233,222,204,181,173,133,176,133,133,181,181,178,119,107,93,83,71,75,99,119,135,194,225,233,238,246,254,254,254,238,238,238,243,251,255,255,255,254,225,194,168,119,115,109,103,95,85,85,75,75,69,65,59,55,55,55,59,59,69,75,87,93,131,137,142,142,137,134,134,134,134,126,87,87,87,95,87,75,75,72,75,91,134,139,93,85,85,97,139,107,107,103,101,77,65,69,99,165,186,186,173,157,150,157,176,168,107,91,87,95,101,115,163,176,183,173,157,101,75,67,67,67,71,97,123,194,225,228,204,173,172,173,117,93,85,93,109,170,178,173,127,127,121,115,115,173,215,246,254 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,126,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,150,165,116,87,68,168,178,181,157,121,126,150,173,202,163,160,168,176,173,163,166,186,207,209,191,176,173,173,125,112,121,176,178,176,176,178,178,178,189,189,178,176,186,202,209,209,212,207,204,204,204,202,202,199,198,199,199,196,186,178,172,178,186,186,186,189,202,212,215,209,204,186,104,97,129,189,133,132,181,137,117,118,183,204,222,228,222,215,212,207,203,203,204,204,204,204,202,199,196,194,194,196,202,204,207,202,199,207,215,93,0,0,119,135,191,202,202,202,202,204,204,191,191,212,228,233,233,189,139,199,207,207,200,202,212,222,222,215,209,212,215,215,209,202,200,202,202,196,189,191,196,199,196,202,207,215,215,204,194,186,186,194,207,217,222,225,225,228,230,230,222,191,133,141,186,120,102,118,217,217,202,202,207,209,207,209,215,207,186,133,128,202,222,209,196,194,194,196,196,199,204,207,205,205,207,212,204,115,80,115,228,225,222,199,137,131,133,141,199,222,233,233,228,225,225,246,89,0,9,87,133,183,135,127,123,129,183,196,202,194,194,212,228,222,212,209,217,215,199,194,202,215,217,204,194,189,186,182,177,182,196,202,135,125,135,137,141,199,209,209,199,194,199,204,202,195,194,199,204,215,233,241,238,235,233,233,233,233,230,228,226,226,228,230,233,230,230,233,222,137,115,113,88,82,196,209,228,228,233,215,204,233,233,230,230,228,230,233,230,217,199,191,194,191,186,186,196,191,128,126,186,217,230,233,235,235,233,220,204,194,189,189,194,199,202,212,230,230,207,189,204,212,202,191,194,202,212,225,194,124,121,127,135,133,130,131,130,137,215,233,238,238,233,196,133,207,215,220,209,199,191,139,136,138,186,191,196,202,202,209,225,217,202,194,199,209,225,230,93,46,47,72,93,230,217,196,191,204,204,202,209,204,183,101,95,93,212,225,225,215,65,55,125,228,233,233,229,230,233,230,230,225,199,131,135,186,131,113,109,121,121,95,111,204,222,225,207,129,137,202,187,179,202,217,225,217,194,187,183,182,204,228,233,230,228,225,212,202,191,189,186,194,202,196,196,207,207,204,199,199,202,202,191,137,134,141,191,204,209,217,233,228,217,217,212,207,204,204,209,215,220,212,204,202,202,194,194,196,196,199,202,202,196,196,209,217,222,215,207,144,120,121,142,191,145,199,222,235,238,238,235,235,238,235,230,222,217,222,228,230,233,235,233,222,204,151,147,147,149,149,153,202,204,212,228,235,235,235,238,238,238,238,238,235,235,238,238,238,241,241,241,238,235,230,230,233,238,238,241,241,235,225,225,228,235,241,241,238,235,235,235,233,230,228,230,230,230,229,229,230,233,235,238,238,238,235,235,235,238,241,243,243,243,243,243,243,241,238,235,235,235,235,235,233,233,233,235,235,235,235,235,235,235,235,235,235,235,235,235,230,222,216,217,225,230,233,233,230,229,229,230,233,233,233,235,235,238,238,235,230,230,228,228,225,225,228,230,230,230,230,228,228,230,230,230,228,222,217,212,204,199,202,207,199,181,113,173,199,207,217,212,117,113,173,189,204,209,209,199,178,115,86,125,186,186,177,170,169,183,194,202,202,209,222,191,173,191,199,196,195,204,220,196,43,0,0,0,0,0,0,0,21,47,35,27,61,173,189,69,109,186,176,163,163,170,183,207,204,124,106,80,108,183,186,202,220,194,189,204,217,225,228,230,225,217,204,199,198,202,209,215,222,225,225,225,228,233,228,202,117,102,127,143,202,212,217,217,209,207,212,217,222,225,228,230,230,233,233,230,230,230,233,238,235,217,213,222,235,241,241,243,243,238,235,235,235,235,235,235,235,235,238,235,234,234,235,235,235,235,235,238,241,235,235,238,235,225,199,182,196,195,196,204,212,212,145,104,103,141,212,217,215,209,130,123,127,141,204,215,212,207,199,204,209,209,209,207,209,207,209,212,207,189,182,186,194,194,199,204,207,212,212,121,103,178,186,183,135,128,127,131,125,109,107,113,178,204,217,217,212,209,209,215,215,215,215,222,222,215,209,204,199,198,199,199,199,199,204,212,217,215,212,212,212,209,209,209,212,215,215,209,207,202,202,199,196,194,191,189,183,178,178,176,173,170,173,170,125,115,111,113,115,115,117,121,125,125,125,123,125,127,168,173,176,176,178,181,183,189,191,196,199,199,204,209,209,207,204,204,204,207,207,204,202,199,196,191,186,186,191,196,196,191,183,179,181,191,202,204,202,199,194,186,181,183,189,189,191,196,202,204,204,202,202,202,199,191,190,191,196,202,199,196,196,194,196,204,217,228,233,230,228,228,228,230,230,230,233,230,230,230,228,222,215,215,212,211,211,212,222,230,233,230,230,228,225,222,217,212,202,194,191,190,190,191,194,196,196,196,194,191,186,185,185,186,186,189,196,202,204,202,199,196,199,199,204,207,209,212,217,222,217,216,216,216,217,217,220,218,218,218,222,225,230,235,238,238,238,235,233,230,225,220,217,217,217,217,220,222,222,222,217,217,217,222,225,225,225,222,217,217,222,225,222,215,215,212,215,212,212,212,217,222,225,225,225,225,225,228,233,235,235,233,233,233,230,228,228,225,222,217,215,215,215,215,215,212,212,215,215,215,215,215,215,215,215,217,217,217,217,217,217,222,222,225,228,228,230,228,228,225,225,225,225,225,222,225,225,225,225,225,225,225,225,222,217,215,212,211,211,212,215,217,220,222,222,225,228,230,230,233,77,71,60,65,83,109,163,176,181,186,186,189,189,186,181,181,181,176,181,204,243,243,204,123,123,202,248,251,248,246,238,235,254,243,209,178,123,109,91,77,71,83,83,77,77,81,85,85,82,111,113,113,134,147,147,137,113,98,79,64,38,22,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,82,59,30,7,0,0,0,9,9,4,0,0,0,77,87,95,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,38,25,4,0,0,4,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,69,35,46,0,79,61,103,147,155,155,189,196,139,105,79,92,131,165,157,150,181,220,238,199,134,53,32,32,77,77,19,0,0,19,17,0,0,0,163,0,0,0,0,0,0,0,251,228,163,66,35,0,0,0,0,0,0,0,0,0,0,53,46,40,38,40,48,51,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,77,69,61,48,40,27,20,20,22,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,0,0,0,0,0,126,152,126,81,5,35,121,139,75,35,36,67,87,152,186,189,181,163,111,91,88,105,152,115,109,107,103,99,103,119,173,173,170,121,113,103,100,102,105,113,176,199,194,186,189,196,202,202,202,202,202,202,194,176,176,186,199,191,176,117,108,108,114,123,125,176,181,183,189,183,181,178,181,181,181,173,113,93,91,105,127,178,183,183,178,186,194,191,183,178,178,181,183,191,199,199,199,199,199,207,215,212,212,220,212,199,194,202,217,209,191,181,178,173,173,170,155,97,142,183,204,165,57,19,9,14,33,59,59,45,37,53,79,93,160,160,152,163,168,168,168,165,165,170,178,186,189,189,186,178,160,119,115,93,89,121,165,119,103,87,95,111,129,176,125,121,124,196,230,251,255,255,255,230,208,212,246,255,255,254,207,189,176,115,89,79,101,150,157,155,150,155,165,173,0,0,0,0,0,0,0,113,79,66,56,40,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,82,134,152,160,160,160,155,147,146,146,155,170,181,209,220,238,238,238,238,222,220,228,238,222,178,97,59,49,57,71,65,53,57,83,99,117,123,127,183,212,222,222,222,233,230,222,204,191,189,186,181,133,133,181,191,181,127,111,99,93,75,75,93,107,121,183,217,233,243,254,255,255,254,238,233,238,243,248,255,255,255,243,217,194,168,115,109,107,97,89,85,85,81,75,69,67,65,59,59,59,59,59,65,69,75,93,134,142,150,142,137,134,133,134,131,95,87,75,87,87,89,87,85,75,73,77,93,93,85,75,85,93,103,139,101,85,73,64,61,65,97,160,186,191,176,165,157,157,168,157,107,95,85,87,101,115,165,173,178,170,115,93,65,57,57,67,81,111,186,217,235,235,215,183,173,173,115,93,89,93,107,165,173,170,173,173,127,127,127,183,220,246,246 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,137,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,0,0,0,0,46,144,163,170,165,139,108,155,168,170,168,165,155,155,186,215,186,157,157,168,170,168,173,189,199,202,189,173,170,176,168,118,127,183,183,176,178,178,121,111,119,121,121,173,199,207,207,207,209,209,207,204,202,202,202,199,199,199,202,204,191,178,178,181,186,191,196,194,199,212,212,207,199,183,127,129,178,178,132,131,135,135,129,135,191,207,217,222,217,212,209,204,204,204,207,207,207,204,202,199,199,199,199,199,199,202,202,196,198,207,212,83,25,2,0,0,22,115,191,191,194,199,207,207,207,215,228,233,225,186,130,135,209,212,202,199,207,222,228,217,212,212,215,212,209,202,199,202,209,202,194,189,189,191,196,204,212,222,222,209,196,185,182,189,209,222,222,222,217,220,222,222,217,199,130,134,186,139,131,207,228,225,207,135,189,191,135,137,199,199,139,127,134,212,225,212,194,190,191,194,194,196,204,209,209,207,207,207,199,131,119,189,228,233,230,217,199,141,141,191,199,215,235,233,222,217,225,225,115,56,73,186,186,186,183,137,186,194,199,202,204,199,196,204,212,209,207,204,217,217,199,196,217,230,222,207,196,194,194,191,186,189,196,199,125,118,122,189,207,212,209,189,187,189,194,199,202,196,195,202,212,222,233,238,241,238,235,233,230,230,228,228,228,228,230,230,233,230,228,228,194,117,117,123,204,202,196,209,222,225,230,222,217,217,215,215,222,225,225,230,230,225,204,137,137,186,186,191,191,133,125,127,202,225,230,233,233,235,233,217,202,191,186,186,191,191,194,209,230,228,202,186,194,207,204,199,196,204,212,217,127,108,70,113,129,131,137,139,135,183,217,233,233,235,238,204,125,139,212,215,215,212,196,139,137,136,139,191,199,204,202,202,204,204,202,199,202,209,228,238,243,70,72,212,228,235,230,181,133,199,202,202,207,202,191,137,199,215,209,215,215,137,129,135,215,230,233,230,230,230,230,230,228,217,91,116,122,129,121,115,127,135,133,131,137,204,222,217,121,124,189,196,191,191,194,204,209,207,194,187,185,189,196,212,217,215,215,212,207,199,194,191,191,202,215,222,222,217,207,204,199,196,194,189,189,189,189,191,202,202,200,207,215,215,212,212,212,204,202,204,209,215,217,212,207,199,196,194,196,196,196,191,194,196,97,92,113,209,207,207,202,202,212,207,207,196,136,199,222,235,241,241,238,238,241,238,233,230,230,230,228,230,233,235,235,230,215,207,209,212,209,209,204,147,202,212,225,233,233,233,235,241,241,238,238,235,233,235,235,235,235,238,238,238,238,235,235,238,241,241,243,243,241,233,230,233,235,238,241,238,235,235,235,230,225,221,228,230,230,229,229,230,233,235,238,241,238,238,235,238,238,241,241,243,243,243,243,243,241,241,241,238,238,235,235,233,233,233,233,235,233,233,233,235,235,235,235,235,235,235,233,230,228,225,228,230,230,233,233,230,230,233,233,233,230,230,230,233,235,238,235,230,228,228,225,222,222,228,230,230,230,228,225,225,228,230,230,228,222,217,212,204,189,187,194,202,199,125,176,209,212,220,228,113,103,119,199,209,212,215,212,191,122,115,178,186,181,178,186,183,183,186,189,196,207,212,199,191,194,199,202,202,207,212,212,111,27,0,0,0,0,0,7,65,63,31,0,3,27,17,0,39,173,173,178,189,196,204,215,212,189,173,125,70,115,194,207,217,194,187,202,217,225,225,225,225,217,209,200,199,204,212,222,228,228,228,224,225,230,230,215,139,110,115,127,199,212,217,215,209,209,217,222,225,228,230,230,230,230,230,230,230,230,230,233,233,225,221,225,233,238,241,243,241,238,235,238,238,238,238,235,235,238,238,238,235,235,235,233,233,235,235,238,241,238,238,238,238,233,222,209,199,196,195,199,209,212,131,111,113,137,202,212,212,196,122,123,133,196,204,209,212,207,196,199,207,207,204,204,207,207,207,209,204,196,191,191,194,196,199,204,207,212,212,194,181,191,194,194,186,129,127,129,129,115,113,113,117,183,217,220,212,209,209,215,217,212,211,222,217,215,212,207,202,202,202,202,198,195,202,212,217,217,215,212,212,212,212,212,215,217,217,215,207,204,202,202,199,194,191,189,183,178,178,176,168,123,125,165,119,109,105,101,97,103,113,121,163,125,123,122,123,125,168,173,178,183,183,183,186,191,194,196,196,199,204,207,207,204,202,202,204,204,204,202,202,199,194,189,185,185,189,194,199,199,189,179,181,191,202,204,202,196,191,183,179,179,186,186,189,194,202,202,199,199,202,202,199,189,187,191,199,202,199,145,137,139,145,202,217,228,230,230,230,230,230,230,233,230,230,230,230,225,217,215,215,217,212,211,211,212,217,228,230,228,222,217,217,217,217,215,207,196,194,190,190,191,194,196,196,196,196,194,189,186,186,189,186,186,191,199,199,199,199,202,207,207,207,209,209,212,217,222,225,222,217,217,217,222,222,222,220,218,222,228,233,238,238,238,238,235,233,230,228,225,222,217,217,217,217,217,217,217,217,217,217,217,222,217,217,217,217,222,225,225,217,215,212,212,209,209,209,209,215,217,222,225,225,225,225,225,228,230,230,230,230,230,228,228,228,228,222,217,217,217,217,215,215,215,215,215,215,215,217,217,217,217,217,217,217,217,217,217,222,222,222,225,225,228,228,228,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,222,217,215,212,211,211,212,212,217,222,225,228,228,230,233,235,241,107,91,73,65,79,103,163,186,196,196,194,194,186,170,119,113,163,176,186,202,238,251,212,113,101,186,251,255,255,255,251,255,255,255,209,170,119,119,115,109,103,107,107,89,83,85,91,85,111,111,111,111,121,134,121,113,98,90,79,64,53,51,46,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,105,87,59,38,14,7,14,9,9,17,0,0,0,0,77,82,87,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,14,0,0,0,0,0,90,56,25,16,59,77,0,137,150,155,165,196,189,92,79,92,105,124,142,150,0,0,228,233,212,142,82,47,39,33,33,19,0,2,56,108,111,0,0,92,0,0,0,0,209,0,0,212,189,137,59,27,27,40,56,0,0,0,0,0,0,0,0,64,48,40,56,66,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,69,64,56,46,30,22,14,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,105,131,155,165,139,139,160,178,189,199,181,152,155,176,186,189,186,157,103,89,89,103,115,115,117,155,113,107,115,173,189,183,173,121,115,113,111,111,107,107,165,191,194,186,189,196,202,202,202,196,196,196,194,178,176,183,194,194,183,123,115,115,115,123,125,176,181,183,189,183,168,165,168,173,178,123,97,91,99,111,127,176,176,170,176,186,196,199,191,181,178,178,181,183,191,199,199,199,199,199,198,202,209,212,212,204,199,202,207,194,181,173,170,157,109,99,91,85,105,194,212,147,31,11,12,23,49,51,33,17,11,13,45,134,178,186,183,170,150,107,147,155,160,173,178,189,194,194,183,176,168,157,109,103,113,121,115,75,54,57,91,125,178,176,124,121,125,196,235,255,255,255,248,215,200,212,254,255,255,248,131,121,109,68,51,54,70,95,150,150,148,150,163,176,0,0,0,0,0,0,0,103,79,72,59,51,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,51,111,139,152,142,137,142,147,152,152,155,165,178,202,217,233,238,233,233,238,233,228,238,243,233,202,121,97,89,97,105,91,73,81,101,117,127,178,183,183,191,209,212,222,233,233,228,212,204,202,189,135,133,181,191,202,191,133,117,107,99,93,83,81,83,105,135,215,233,251,255,255,255,246,238,225,225,225,233,246,251,243,225,207,183,168,115,109,99,83,71,75,75,75,75,75,69,69,69,69,63,59,59,59,59,65,77,139,144,150,142,137,134,134,134,139,131,87,75,71,75,87,95,93,77,73,73,75,75,73,71,75,85,93,93,85,75,71,65,65,71,97,157,183,191,186,173,165,163,157,157,107,87,85,95,113,165,173,181,173,163,109,91,63,55,55,67,97,168,207,235,246,235,209,183,183,183,165,107,101,93,103,165,189,194,189,173,121,127,127,173,215,241,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,165,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,157,168,170,168,157,142,150,157,165,168,168,165,157,163,176,163,150,152,165,168,168,173,183,183,181,176,168,170,181,186,189,178,178,178,176,178,173,108,101,103,104,103,115,204,212,205,207,209,209,207,204,202,204,202,199,199,199,204,204,191,178,176,176,178,191,196,183,181,202,204,194,189,191,199,199,186,178,133,133,135,137,186,194,196,204,217,222,217,212,209,209,209,209,212,209,209,204,202,199,202,202,202,199,198,199,199,196,202,212,199,113,111,113,37,0,0,63,196,191,187,194,202,207,209,215,225,228,212,133,127,131,199,212,209,204,209,217,225,222,217,215,212,212,207,202,202,209,209,202,196,191,143,143,199,212,217,222,222,212,202,187,185,191,212,222,222,217,222,222,217,215,215,204,134,126,137,196,209,217,225,222,209,128,134,135,131,132,194,202,191,129,137,207,217,207,194,190,190,191,194,196,202,209,212,212,209,207,202,189,141,204,228,233,230,228,215,199,189,189,196,209,230,233,225,217,212,202,189,131,191,204,186,125,121,181,196,207,207,207,207,204,199,194,196,196,196,199,204,202,194,199,217,228,217,209,204,199,194,189,141,141,189,137,125,123,135,207,222,225,212,187,186,189,191,196,199,202,202,209,217,228,233,238,241,238,235,230,228,225,225,225,228,230,230,230,230,230,230,209,131,123,133,225,235,225,212,215,217,222,222,217,204,189,189,202,209,215,215,217,225,215,122,111,127,139,186,194,194,139,131,189,222,228,224,228,233,235,225,199,189,139,135,186,191,189,189,196,207,209,196,187,189,194,196,194,196,202,207,202,196,194,127,137,183,194,199,199,137,189,222,225,215,220,233,129,88,91,137,202,215,217,204,191,141,139,141,191,199,202,202,198,196,198,204,207,204,198,196,228,243,115,119,228,235,238,217,119,111,181,194,196,196,191,191,209,225,217,207,209,207,194,191,191,217,230,233,230,230,230,233,233,228,125,88,116,133,194,186,127,137,186,186,189,202,217,228,217,126,127,191,194,186,186,191,199,204,204,202,196,194,194,204,212,212,209,204,202,199,196,196,196,202,212,230,235,230,225,212,204,202,196,187,185,196,209,209,215,217,207,199,199,202,204,207,212,215,207,202,204,209,215,217,215,207,202,199,199,204,207,204,194,189,137,92,90,97,141,194,207,204,207,215,212,202,140,128,204,225,235,241,238,238,238,238,238,235,233,233,233,230,230,233,235,235,230,225,222,222,228,228,217,209,150,153,207,222,228,225,228,235,241,241,238,235,233,233,233,233,233,233,233,235,238,238,235,238,238,241,243,243,243,243,238,235,235,235,238,241,238,235,235,233,228,221,220,225,230,233,230,230,230,233,238,238,238,235,235,235,238,238,238,241,241,241,241,241,241,241,241,241,241,238,238,235,235,233,233,233,233,233,233,233,235,235,238,238,238,235,235,235,233,230,230,235,235,233,233,233,233,233,235,235,235,233,230,230,233,235,235,235,233,228,225,222,220,222,228,230,230,228,225,222,222,225,228,228,228,225,222,215,204,187,183,189,202,204,186,176,199,212,222,209,49,49,103,191,209,215,222,217,194,131,173,178,129,123,129,186,191,186,182,183,191,204,209,207,202,199,204,207,209,209,215,217,202,119,61,7,0,0,1,87,178,173,85,1,0,0,0,0,0,87,157,186,202,209,212,217,222,212,199,183,90,127,181,181,189,189,194,209,222,225,222,222,225,222,215,209,207,212,222,230,233,230,228,224,225,228,228,225,222,207,113,112,139,215,228,217,209,215,222,225,228,228,230,230,230,230,230,230,230,230,230,230,228,228,225,228,233,235,238,238,238,238,238,241,241,241,238,235,235,235,238,235,235,235,233,233,233,233,235,238,238,238,241,241,241,238,233,228,215,202,199,204,217,217,141,124,127,191,202,209,212,202,133,130,186,199,204,207,207,196,137,137,189,202,204,202,204,207,204,202,199,194,194,194,196,199,202,204,207,209,207,196,191,191,194,196,194,183,181,183,183,131,121,111,105,115,207,215,209,207,209,212,212,212,212,220,217,217,212,207,207,207,209,207,199,195,199,209,217,217,215,212,212,212,212,212,215,217,217,215,209,204,204,202,199,196,194,189,183,178,178,176,127,121,121,119,111,101,101,93,87,89,103,117,163,125,123,123,123,123,127,173,181,189,189,186,189,194,196,199,199,202,204,204,204,202,199,199,202,204,204,204,204,199,194,186,183,185,191,199,202,202,191,181,181,189,199,204,199,194,189,183,181,183,189,189,189,194,199,199,199,199,199,199,196,190,190,196,204,204,199,139,134,135,143,204,225,230,228,228,228,228,228,228,230,230,228,228,225,217,215,213,215,215,215,215,215,215,222,228,228,222,215,213,215,217,217,215,209,202,196,191,190,190,194,196,196,196,196,194,191,189,189,189,186,186,189,194,196,196,199,204,209,209,207,207,207,209,215,222,225,225,222,222,222,225,225,225,225,222,222,228,233,238,238,238,238,238,235,233,230,228,222,217,215,215,215,215,217,217,217,217,217,217,217,215,212,215,215,217,222,217,217,215,212,209,207,207,207,207,212,215,217,222,222,225,225,225,225,225,228,228,230,230,228,228,228,228,225,222,222,217,217,217,215,215,215,215,217,217,217,217,217,217,217,217,217,217,217,222,222,222,222,225,225,225,225,228,228,228,225,225,225,225,225,225,228,228,228,228,228,228,228,225,225,222,215,212,212,212,212,217,225,230,233,233,233,235,238,246,125,113,89,83,89,113,176,194,196,194,186,170,163,113,103,101,109,163,176,194,230,243,196,89,71,107,212,251,251,248,255,255,255,255,204,165,115,119,119,155,155,160,150,99,85,91,131,118,118,111,100,100,105,111,111,98,90,87,79,64,64,66,66,56,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,0,87,66,38,20,9,7,7,9,0,0,0,0,0,77,73,77,79,0,0,0,0,0,0,0,0,0,0,0,0,0,134,82,35,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,40,0,0,0,0,69,69,51,19,51,0,0,0,131,92,92,105,79,61,79,113,124,134,150,152,0,0,254,255,246,134,77,85,85,19,19,19,7,9,56,105,118,0,0,40,0,0,0,225,170,150,155,165,163,118,59,27,17,30,40,40,0,0,0,0,0,0,0,0,56,48,64,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,74,61,48,30,20,12,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,57,131,147,147,168,199,215,217,225,215,202,199,196,189,186,176,111,89,77,87,99,99,97,101,109,109,109,119,178,194,194,181,168,121,170,165,121,113,111,165,191,194,181,181,186,194,202,202,202,194,194,186,178,178,183,194,194,183,127,123,123,125,170,176,181,181,183,191,189,173,168,168,173,173,111,93,91,103,113,121,121,121,127,127,178,191,199,194,186,181,181,181,183,191,202,199,199,199,199,198,204,209,212,212,209,199,191,181,165,117,163,163,107,89,75,69,73,147,202,202,95,29,14,21,45,49,29,13,9,5,5,29,93,189,212,204,170,91,69,63,81,152,183,196,196,189,186,181,176,176,160,117,115,119,121,105,59,48,54,99,178,191,186,135,135,186,217,246,255,255,255,241,208,202,212,255,255,255,209,118,119,117,79,56,58,74,147,173,176,165,165,165,173,0,0,0,0,0,0,0,103,87,72,64,59,38,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,39,90,126,139,134,118,118,129,137,144,152,165,178,189,209,228,235,233,228,228,241,238,238,241,251,241,212,181,170,170,178,178,117,101,99,113,170,183,191,191,191,191,204,212,222,233,243,235,228,215,212,202,189,181,191,202,202,191,133,119,113,107,103,93,78,77,95,129,209,238,254,255,255,255,246,238,228,225,217,217,225,233,228,217,207,189,176,121,115,103,89,71,65,69,69,73,75,75,75,73,69,65,59,59,59,57,59,75,131,142,142,142,137,134,134,139,139,131,87,71,71,71,87,95,93,85,75,73,73,71,65,65,67,67,65,65,67,73,77,85,89,93,103,157,173,186,186,176,165,157,157,150,99,75,75,101,170,191,194,194,183,163,103,75,61,57,63,75,109,186,228,246,255,235,204,176,178,189,178,121,115,107,117,183,215,215,194,165,109,109,115,127,215,233,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,191,173,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,163,168,173,170,163,155,147,147,157,160,165,165,152,142,139,142,144,150,160,160,160,165,173,165,165,168,170,176,186,194,189,123,119,125,129,176,173,117,105,109,111,106,121,212,217,207,207,209,209,207,204,202,202,202,202,202,202,204,207,199,186,178,130,131,191,189,118,119,133,181,176,181,196,215,217,196,178,133,133,135,181,191,199,199,202,215,220,215,209,209,212,215,215,212,212,209,204,199,199,199,202,204,199,198,202,204,202,207,215,215,202,222,246,215,41,34,113,204,191,187,187,196,204,209,215,225,225,199,132,130,135,191,204,207,209,209,212,217,222,222,217,215,212,209,204,204,209,204,194,191,189,141,189,204,215,215,215,217,212,204,191,187,194,209,215,215,215,217,212,207,209,215,215,207,136,189,212,222,225,222,225,215,135,139,141,134,134,191,202,194,136,186,204,209,202,194,191,191,190,191,191,196,207,217,222,215,209,207,202,199,212,225,230,230,228,225,209,191,141,189,204,217,228,225,217,202,191,194,202,209,202,124,97,84,183,204,215,215,212,212,207,202,186,195,199,196,196,196,191,190,191,199,207,212,217,217,207,194,141,135,134,135,135,137,189,204,217,233,233,222,199,191,189,189,191,199,209,215,222,228,230,233,235,238,235,233,228,222,222,220,222,225,230,233,233,230,235,235,191,123,127,194,225,238,238,233,225,222,215,212,202,183,137,189,207,207,202,196,199,209,207,129,119,134,189,191,194,199,202,204,222,233,228,221,224,233,228,189,123,124,124,121,139,189,191,196,194,191,189,191,191,189,189,189,194,196,196,196,194,196,212,212,204,202,212,202,139,133,186,207,199,183,189,186,109,85,86,119,191,215,225,209,194,189,143,189,191,196,202,202,199,198,199,212,225,212,187,164,204,212,114,115,209,235,238,186,101,100,127,189,196,194,190,194,209,215,202,202,212,209,202,194,196,215,228,233,233,230,230,238,238,230,92,91,204,217,209,186,119,139,191,196,207,225,230,230,228,204,196,202,194,183,182,189,199,202,202,204,202,194,191,202,215,222,215,209,204,199,194,194,194,196,212,233,238,235,230,217,207,207,204,187,186,209,225,217,225,230,217,202,199,199,199,202,209,215,209,202,202,207,212,217,215,209,204,204,207,212,217,217,209,202,191,105,95,107,129,137,207,207,204,204,199,141,127,115,212,228,235,238,238,238,238,238,238,238,235,235,235,233,233,235,235,235,233,228,222,217,222,225,212,204,151,150,151,215,212,209,217,230,238,238,235,235,235,233,233,233,230,230,230,233,233,235,235,238,238,238,241,241,241,241,238,235,235,238,241,241,241,238,233,233,228,224,221,225,230,233,233,233,233,235,238,238,235,233,233,235,235,235,235,235,238,238,235,238,238,241,241,241,238,238,238,238,235,233,230,230,230,230,233,235,235,238,238,238,235,235,235,235,235,233,233,238,238,235,233,233,233,233,235,235,233,233,233,230,230,230,233,235,233,230,222,218,220,222,228,230,230,230,228,222,220,222,225,228,228,228,225,217,204,191,189,199,212,212,191,161,160,189,207,79,0,0,51,123,204,215,215,204,189,181,183,181,125,119,125,135,186,189,183,186,194,207,212,212,209,207,207,212,212,212,215,215,217,220,204,99,61,67,97,186,209,209,199,107,23,0,0,0,0,0,79,178,207,212,215,217,222,225,217,199,133,189,125,116,125,189,207,222,228,225,222,222,222,222,222,217,217,222,228,233,233,230,225,225,225,225,228,233,233,228,101,101,135,225,230,222,212,222,225,225,225,225,228,228,230,230,230,230,230,228,228,228,228,225,222,225,230,233,235,235,235,238,238,241,241,241,238,235,234,235,235,235,233,233,233,233,233,235,235,235,235,238,241,241,243,243,241,235,228,215,209,212,225,225,207,145,191,199,204,207,212,212,207,199,202,204,207,207,196,121,89,90,113,189,199,202,202,204,202,196,192,192,196,196,196,202,204,207,207,204,196,194,194,191,190,191,194,196,196,199,196,186,127,113,103,104,181,207,207,204,209,209,212,215,217,212,215,215,209,207,207,209,212,212,204,198,202,209,215,217,215,212,212,212,212,212,212,215,217,215,212,207,207,204,202,199,194,189,181,178,178,178,170,123,119,115,107,97,95,87,84,86,99,115,123,123,123,123,165,165,170,176,181,186,186,186,191,196,202,202,204,207,204,202,199,199,196,196,199,202,204,204,204,199,194,186,185,185,194,204,207,204,194,186,186,189,196,196,194,186,183,186,186,189,194,194,194,199,202,202,199,199,196,194,194,196,199,204,207,207,199,137,134,136,147,209,228,230,228,228,228,228,222,222,225,225,225,222,217,217,220,222,220,217,222,222,222,217,222,228,225,217,213,213,215,217,217,215,212,207,202,194,189,189,191,196,196,196,194,194,194,191,189,191,186,185,186,191,194,194,199,204,209,209,207,202,199,202,209,217,222,225,225,225,228,228,228,228,228,225,222,228,233,238,238,238,238,238,238,235,233,228,222,217,215,215,215,215,215,215,215,215,215,215,215,212,212,215,215,217,215,215,215,212,209,207,207,204,204,207,212,215,217,220,222,222,222,222,222,225,225,228,228,228,228,228,228,228,228,228,225,225,222,217,217,217,217,217,217,217,217,222,222,222,222,222,222,222,222,222,222,225,225,225,225,228,228,228,228,228,228,228,228,228,228,228,230,230,233,233,233,233,230,230,230,228,222,217,215,215,215,217,225,233,238,238,235,235,241,248,170,125,113,107,117,170,183,194,183,168,113,103,99,99,91,91,99,109,123,176,196,204,125,65,39,57,107,176,196,228,255,255,255,255,209,170,115,113,115,115,160,165,155,105,89,99,134,134,131,111,73,67,67,95,95,87,82,82,72,56,56,72,74,64,30,7,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,98,0,0,0,0,79,59,30,14,7,0,7,0,0,0,0,0,0,87,82,82,79,72,0,0,0,0,0,0,0,0,0,0,0,144,111,51,25,0,0,0,0,0,0,0,0,0,0,0,0,0,22,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,33,0,0,0,1,43,0,0,0,77,111,103,46,46,0,0,0,105,46,46,53,53,72,108,126,131,131,137,137,150,220,255,255,255,124,45,95,142,39,25,23,15,0,9,23,23,0,0,25,0,0,0,225,181,155,137,139,137,98,53,27,14,16,17,9,0,0,0,0,0,0,0,0,74,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,85,72,59,35,20,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,7,0,0,0,21,65,69,79,147,207,225,225,215,209,215,215,207,194,181,173,111,83,72,85,91,85,76,78,91,103,109,113,157,181,181,170,121,121,170,170,170,119,119,168,186,189,181,170,172,186,194,202,196,194,186,178,178,183,186,191,186,176,123,115,115,123,170,176,181,176,181,189,183,181,173,168,168,121,101,87,91,111,123,119,119,119,127,127,176,186,194,191,186,181,181,183,183,191,202,207,207,207,207,207,212,212,220,220,217,209,191,123,106,105,113,111,93,69,57,45,59,105,196,202,147,53,33,37,49,35,9,1,5,7,9,29,93,189,225,225,178,85,61,54,62,109,186,207,204,189,181,183,178,170,168,160,157,119,115,97,61,52,61,105,176,196,196,196,209,217,235,254,255,255,254,233,215,209,230,255,255,246,186,119,176,199,168,89,81,150,196,215,215,207,181,165,157,0,0,0,0,0,0,121,103,90,82,72,64,51,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,47,113,137,126,108,72,108,121,129,134,0,0,189,204,220,228,233,228,222,228,241,241,238,241,243,235,212,191,191,202,212,209,186,127,119,173,191,204,212,212,209,209,212,222,233,241,248,243,233,225,222,212,202,202,202,212,212,204,181,127,127,119,113,107,83,78,95,121,194,233,254,255,255,255,246,238,233,225,215,207,215,225,225,225,215,207,186,176,157,113,97,77,65,65,65,69,69,69,69,69,69,63,59,59,59,57,59,69,93,134,134,137,134,134,134,139,139,131,87,71,71,71,75,87,87,85,77,75,75,71,61,55,53,51,47,47,53,71,97,142,107,142,150,160,165,168,176,178,165,163,157,150,87,67,71,107,202,215,204,202,194,165,97,65,57,57,67,77,109,178,228,255,255,235,194,165,173,194,194,176,123,121,173,209,228,225,194,125,101,93,101,165,233,233,183 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,183,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,165,170,170,170,165,163,147,131,142,152,155,157,142,129,126,131,139,147,152,155,155,160,163,160,163,168,173,181,194,196,186,121,116,119,123,173,173,119,109,170,183,178,191,215,217,209,207,209,209,207,204,202,204,204,204,202,202,202,207,207,196,183,129,129,186,125,94,106,121,131,176,183,202,217,217,202,181,129,131,133,137,189,196,199,207,217,217,212,208,209,215,222,222,215,212,209,204,199,198,199,202,204,204,204,204,209,215,212,196,204,217,222,230,230,204,189,194,196,191,187,187,191,199,207,215,222,217,194,139,141,191,189,189,196,204,204,207,212,217,222,217,215,215,215,209,199,194,189,139,139,138,139,191,212,215,207,204,209,207,199,191,189,191,202,204,204,204,202,141,134,194,212,225,228,212,207,217,225,225,225,225,202,141,191,196,186,139,189,202,202,194,199,204,207,202,199,199,196,191,191,194,194,202,215,222,217,215,212,204,202,209,222,228,228,225,217,209,194,139,141,199,209,215,212,212,194,139,191,204,209,209,186,106,86,196,204,212,212,212,209,204,196,166,199,207,204,202,199,194,190,190,190,194,204,225,230,215,199,189,135,132,134,194,209,215,215,225,235,235,228,212,199,189,139,139,196,215,228,228,230,230,233,233,235,235,233,230,225,222,220,220,225,228,233,233,230,233,228,139,123,122,139,217,230,238,238,233,225,215,204,189,131,135,204,215,204,189,187,199,207,207,196,189,196,199,194,190,202,217,228,233,233,228,224,225,230,222,135,120,122,124,123,137,141,194,209,207,189,139,141,186,141,186,189,196,202,199,199,196,168,191,207,209,209,212,199,183,186,199,194,119,119,125,115,101,90,95,123,191,215,217,199,142,142,143,191,194,196,202,204,204,199,198,207,222,212,194,178,204,141,108,112,196,228,228,105,97,101,133,196,204,204,196,196,207,199,137,202,228,225,209,190,194,207,217,228,233,230,233,241,238,212,63,93,233,228,95,48,59,127,199,209,222,233,233,230,233,228,222,215,207,186,183,191,202,202,202,202,196,140,138,189,217,228,230,228,222,209,196,189,141,141,191,212,228,235,233,217,207,212,215,204,199,212,215,199,207,228,228,215,207,202,199,199,204,209,207,200,200,202,204,207,209,207,204,204,207,215,222,228,228,228,228,217,199,137,131,131,209,209,194,141,143,141,138,139,215,228,235,238,238,238,235,235,238,238,238,238,238,235,235,235,235,235,233,228,217,207,204,202,151,151,151,148,147,204,139,131,141,207,225,235,235,235,235,235,235,233,230,230,230,230,233,235,238,238,238,238,235,235,235,235,235,235,238,238,241,243,241,238,235,233,230,228,225,228,233,235,235,235,235,235,238,235,233,233,233,233,233,233,235,235,235,233,233,235,238,241,241,241,238,235,235,235,235,233,233,230,230,230,233,235,238,238,238,235,235,235,238,238,235,233,235,238,238,235,233,233,231,233,233,233,230,230,233,230,228,228,230,233,233,230,222,220,220,222,228,230,230,230,228,225,222,217,222,225,230,230,228,217,209,207,209,212,215,207,183,159,155,165,183,65,0,0,23,105,199,207,196,178,173,181,186,194,189,131,130,133,181,189,194,199,204,212,217,217,215,209,209,212,215,217,215,213,215,222,225,209,191,176,170,183,207,225,225,230,147,0,0,0,0,0,7,101,199,212,215,215,217,225,225,212,207,202,112,112,119,202,220,228,228,228,225,225,222,222,225,225,225,225,228,230,230,228,228,225,225,225,230,233,222,117,71,100,222,233,233,228,217,220,225,225,225,225,225,228,228,230,230,230,230,230,228,228,228,225,220,215,217,230,235,235,235,238,238,241,241,241,238,235,235,235,235,233,233,230,230,233,233,235,233,233,235,235,238,241,243,243,243,238,233,222,212,215,222,225,217,204,202,202,204,207,215,222,222,217,215,215,215,209,186,88,84,89,117,186,196,202,207,204,199,194,192,194,199,196,199,204,207,207,207,199,183,189,196,194,190,190,194,202,207,204,204,199,183,125,109,105,119,189,202,207,212,215,212,215,215,191,209,215,212,212,209,209,212,212,207,202,204,212,215,215,212,212,212,212,212,212,212,215,217,215,212,209,207,204,199,196,191,186,181,176,178,178,176,127,121,115,107,97,91,86,85,89,103,115,119,121,121,125,173,178,178,178,181,183,182,183,189,202,207,204,204,204,204,196,194,194,194,196,199,202,202,202,196,194,194,191,186,186,196,207,209,207,202,202,199,196,191,189,183,137,139,186,191,194,191,194,196,204,207,207,204,202,196,192,194,202,207,207,207,207,199,139,136,143,199,215,225,225,225,225,228,225,217,215,217,217,217,215,215,217,225,230,228,225,225,228,225,222,222,225,222,215,213,213,217,217,217,215,212,209,207,199,190,189,191,196,196,196,194,194,194,194,191,191,189,185,185,189,191,194,196,204,207,207,202,196,194,199,207,215,222,225,225,228,228,230,230,230,228,225,225,228,233,235,238,238,238,241,241,238,233,228,222,217,215,212,212,212,212,212,212,212,212,212,212,212,215,215,217,217,212,212,212,212,209,207,204,204,204,207,209,212,215,217,220,222,222,222,222,222,225,225,225,225,225,225,228,228,230,230,230,228,225,222,217,217,217,217,222,222,222,222,222,222,222,222,222,222,222,225,225,225,225,228,228,228,228,230,230,230,230,230,230,230,230,233,233,235,235,238,238,235,235,235,235,233,230,228,222,222,222,222,228,235,241,241,235,235,238,246,170,170,165,123,168,173,178,170,157,99,77,69,71,81,87,99,99,99,99,101,115,121,83,41,26,35,69,105,173,209,255,255,255,255,225,176,117,111,111,107,113,152,152,144,137,137,142,147,142,116,71,57,53,53,77,72,72,69,61,47,47,61,74,72,56,33,25,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,79,72,0,0,0,59,38,20,9,9,17,0,0,0,0,0,0,0,113,111,103,85,72,0,0,0,0,0,0,0,0,0,0,0,137,95,51,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,33,0,0,0,1,30,0,0,0,111,124,103,43,30,0,0,0,92,43,51,72,72,105,118,116,92,82,85,95,108,142,189,251,233,72,25,85,150,113,61,19,0,0,0,0,0,0,0,13,0,0,0,225,217,178,147,137,129,98,59,27,12,17,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,85,79,61,43,22,12,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,121,29,0,0,0,0,5,3,0,5,27,25,27,121,199,225,215,208,209,215,222,207,189,176,176,150,89,73,79,85,79,73,73,85,103,109,101,105,113,119,113,107,113,121,170,170,165,119,119,173,181,178,170,170,176,186,189,189,186,178,127,173,178,183,178,170,123,115,111,111,115,170,176,176,173,172,181,181,173,173,168,123,105,89,79,87,121,181,178,127,170,176,176,178,186,186,183,178,133,135,183,189,191,202,207,209,212,212,212,215,220,230,233,233,220,207,173,111,106,109,99,75,53,37,31,45,81,170,194,176,97,71,57,51,35,9,0,1,4,13,37,93,189,212,225,196,147,83,63,79,147,178,191,194,194,194,194,181,168,163,165,157,109,97,93,75,69,77,99,113,131,186,196,209,217,228,243,251,251,243,233,222,230,248,255,255,246,220,202,225,233,215,176,165,196,230,246,235,222,186,150,134,0,0,0,0,0,0,116,100,82,74,74,66,51,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,49,116,131,116,69,69,75,121,129,134,0,0,209,220,222,222,222,222,222,228,238,238,233,233,233,222,204,191,202,212,222,222,212,191,183,191,204,212,217,222,222,225,233,233,233,241,243,243,233,228,225,222,212,212,212,222,222,212,191,181,181,133,119,113,99,87,95,115,135,207,238,254,255,254,238,233,233,217,207,192,207,217,233,235,225,215,207,186,176,157,109,89,69,65,65,65,65,63,59,59,65,65,63,65,65,63,65,69,85,124,131,134,134,134,131,131,131,95,85,71,71,71,75,87,85,77,77,77,75,67,55,47,41,39,37,39,47,71,139,157,152,152,160,160,152,157,165,173,165,165,165,107,75,64,71,155,212,215,204,194,194,173,93,57,49,53,63,75,103,170,228,255,255,235,183,121,165,194,209,194,165,165,183,209,225,220,194,165,101,81,93,194,255,233,168 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,9,0,0,116,168,170,168,165,165,165,139,116,126,144,150,147,134,127,125,131,139,144,150,150,155,160,157,160,165,168,173,189,204,204,191,125,116,117,123,173,173,109,57,73,109,176,196,209,212,207,209,209,209,207,204,204,204,207,207,204,202,202,207,215,207,186,131,130,131,118,91,99,121,183,196,204,212,215,215,204,183,121,115,125,131,181,194,202,209,217,215,212,209,212,222,228,228,222,215,212,207,202,199,199,202,202,204,212,212,209,230,230,115,131,222,215,222,225,209,199,199,196,191,189,187,189,196,204,209,212,212,194,189,196,199,191,186,187,196,202,207,212,217,217,215,215,217,217,212,196,139,132,132,138,139,139,194,217,220,204,202,204,199,196,194,191,191,196,199,202,199,189,128,124,139,209,217,215,199,202,215,222,222,222,209,133,136,194,202,194,139,139,196,207,207,209,209,204,204,209,209,204,196,199,202,199,202,209,215,215,217,215,207,204,212,222,222,222,212,202,196,189,137,139,204,212,199,191,194,186,138,189,199,207,209,202,137,109,199,204,209,209,207,204,204,207,177,209,215,212,209,209,202,194,194,194,191,186,207,228,222,207,194,134,129,141,212,225,228,225,228,233,230,222,207,194,141,135,137,191,209,222,225,228,228,228,230,233,235,235,235,230,225,222,222,225,228,230,230,222,133,125,139,133,116,112,228,230,235,235,230,228,225,207,137,128,131,196,204,191,186,189,215,212,199,183,181,196,204,199,190,196,215,228,233,233,230,228,228,225,212,189,127,127,139,189,141,143,199,217,217,194,139,138,138,138,139,189,199,207,215,220,230,125,174,194,209,217,215,212,209,215,220,202,113,105,115,113,93,99,119,135,196,217,212,143,139,141,191,196,199,202,204,209,209,202,194,190,192,199,212,225,220,186,123,133,204,217,209,102,97,123,199,209,215,215,207,194,199,183,130,199,228,230,215,190,192,202,209,217,230,230,233,241,241,186,58,108,241,225,67,30,53,123,212,222,228,230,233,233,233,233,230,225,209,191,186,196,207,207,204,204,194,139,138,189,215,225,230,233,230,217,199,143,141,135,129,131,194,225,230,215,207,212,217,215,207,207,202,192,192,209,222,222,215,209,204,202,202,207,204,200,202,202,199,199,199,199,199,199,202,207,212,222,228,235,238,241,230,207,139,137,204,202,136,128,133,141,145,196,209,225,235,238,238,238,235,235,235,238,238,241,241,238,238,235,235,233,230,225,215,204,151,147,145,149,202,151,149,202,126,120,121,130,202,228,235,238,238,238,235,233,233,230,230,233,233,235,238,238,238,235,233,233,230,230,235,235,235,238,241,243,243,241,238,235,233,230,228,228,230,235,238,238,238,238,238,235,233,233,233,233,233,233,233,233,233,233,233,235,238,241,241,241,238,235,230,230,233,235,235,233,230,230,233,235,238,238,238,235,235,235,238,238,238,235,235,241,241,235,233,233,231,233,233,230,230,228,230,228,225,225,228,230,230,230,228,225,225,225,225,228,230,230,230,225,222,217,217,222,228,230,228,222,217,217,217,209,199,186,183,173,163,165,183,170,29,18,61,168,202,204,191,129,121,127,189,209,212,196,181,178,181,194,204,209,212,215,220,222,217,215,212,215,220,222,217,213,213,217,222,215,202,191,176,168,186,228,225,228,99,0,0,0,0,0,0,23,113,207,217,217,217,222,217,215,209,196,108,114,129,207,222,228,228,230,228,225,222,222,225,228,228,228,228,230,228,228,228,225,225,228,228,225,151,103,78,121,238,235,233,230,222,217,222,225,225,225,225,228,228,230,233,233,233,230,230,230,230,228,217,207,207,225,235,235,233,233,235,235,238,238,241,238,238,235,233,230,228,225,225,228,230,233,233,233,233,235,238,241,241,241,241,238,233,222,215,212,217,222,215,207,204,207,209,209,212,215,222,217,217,217,217,209,135,84,91,129,194,194,196,204,209,207,199,194,196,199,199,191,194,207,212,212,207,194,137,183,196,199,196,196,202,207,209,209,209,207,196,135,117,105,101,113,186,204,212,212,202,196,189,109,199,215,217,217,215,209,212,215,212,209,209,212,215,215,212,212,212,212,212,215,215,217,217,217,215,212,209,204,196,191,186,181,178,176,178,178,178,170,125,119,113,105,97,91,91,97,107,115,117,117,121,165,176,181,181,181,181,183,183,183,191,204,207,202,196,196,194,186,181,186,194,199,202,204,202,194,190,190,194,194,191,191,196,207,209,207,207,209,207,196,183,137,133,131,133,186,194,196,191,194,196,202,204,207,207,204,199,194,196,207,209,207,204,204,196,143,143,196,209,217,225,222,222,222,222,222,215,212,212,215,212,211,211,215,225,230,228,225,228,230,228,225,222,222,217,215,215,217,217,217,215,212,212,212,209,204,194,191,191,194,196,194,194,196,196,196,194,194,191,186,186,191,194,194,196,199,202,202,196,194,191,196,204,212,217,222,225,225,228,228,228,228,228,228,225,228,233,235,235,238,238,241,238,235,233,228,222,217,215,212,211,211,212,212,212,212,212,212,215,215,217,222,222,222,215,212,215,212,209,209,207,204,204,207,209,212,215,215,217,217,217,217,217,220,222,225,225,225,225,225,228,228,230,230,230,228,228,225,222,222,222,222,222,225,225,225,225,225,225,225,225,225,225,225,228,228,228,228,230,230,230,230,233,233,233,233,233,233,233,235,238,238,241,241,241,241,238,238,241,238,235,233,230,228,228,228,230,238,241,241,238,235,238,243,127,170,168,165,165,165,117,105,89,75,57,56,57,75,87,99,99,83,75,69,75,77,61,38,28,38,75,115,191,233,255,255,255,255,251,209,183,168,117,111,105,107,147,152,147,147,150,155,150,129,71,53,45,45,47,47,69,69,56,47,47,56,72,72,66,56,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,79,72,64,0,46,38,27,14,14,0,0,0,0,0,0,0,0,111,126,121,105,79,72,0,0,0,0,0,0,0,0,0,0,0,129,85,51,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,17,59,0,0,0,147,111,51,7,0,0,0,0,92,46,53,72,79,92,82,37,5,11,37,77,87,51,19,29,39,11,5,0,0,163,98,23,0,0,0,0,0,0,0,0,0,0,0,207,194,170,147,144,152,139,87,43,16,30,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,69,59,40,27,20,7,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,72,53,9,0,0,0,0,0,0,9,11,0,5,73,189,215,215,209,209,217,215,207,181,173,160,107,87,73,73,85,85,78,78,89,103,103,97,97,101,101,99,101,107,119,168,165,119,119,119,119,168,181,186,181,176,129,129,129,173,173,125,125,127,127,125,125,117,115,111,111,115,170,181,181,176,176,181,183,181,178,178,168,107,83,75,81,123,196,196,183,183,183,183,183,183,178,129,119,119,129,181,183,191,191,199,209,215,215,215,215,220,222,233,243,241,230,209,181,165,117,93,63,37,27,27,37,59,97,176,196,183,144,81,69,59,47,11,0,0,13,53,134,178,196,204,196,170,152,152,165,173,181,183,186,189,196,194,178,160,117,157,115,97,88,93,101,105,99,83,81,105,127,181,189,189,143,209,235,243,233,228,241,255,255,255,255,255,255,255,255,255,238,215,207,215,238,246,235,212,165,134,116,0,0,0,0,0,0,103,82,74,74,66,59,51,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,45,116,124,95,66,67,85,137,147,147,0,0,212,222,220,212,212,212,220,225,233,233,228,228,222,220,212,204,212,220,230,230,225,222,212,204,204,204,209,217,233,243,243,243,233,233,243,243,233,225,225,222,212,212,212,222,222,222,212,191,181,131,119,113,99,85,87,101,109,129,207,238,254,254,238,225,225,207,190,189,194,225,243,246,235,225,215,204,191,176,155,99,75,67,65,65,65,59,57,58,63,65,65,69,69,69,65,75,85,124,134,137,137,134,131,93,91,85,75,71,71,75,87,87,77,75,75,85,75,67,53,43,37,36,36,39,51,73,139,157,157,160,160,157,146,146,152,163,165,165,157,107,71,64,75,157,204,202,186,194,194,170,85,53,45,49,57,71,97,176,235,255,255,233,176,118,121,194,209,194,173,173,189,204,220,220,204,170,101,80,93,215,255,225,159 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,7,0,0,0,38,74,144,163,165,163,163,165,168,113,107,118,142,152,150,142,137,134,142,144,144,147,150,152,157,157,160,165,165,170,194,215,215,191,119,113,114,121,170,125,54,21,23,37,85,186,204,207,204,207,209,209,207,204,202,204,207,207,204,202,204,212,225,222,189,173,131,176,189,123,108,131,196,207,215,217,217,215,209,186,114,105,112,123,135,194,204,207,209,215,215,215,217,225,230,230,225,222,215,212,207,204,204,204,204,204,212,215,217,222,71,28,117,202,196,209,217,209,199,199,196,194,191,189,189,191,199,202,204,204,196,194,199,202,194,187,189,196,204,207,212,215,215,212,215,215,212,207,202,139,123,123,194,199,194,199,217,230,222,207,204,204,204,202,199,199,202,207,209,207,191,131,129,186,207,207,186,176,189,209,217,217,217,202,134,137,196,207,196,125,111,125,196,215,215,209,204,207,215,217,209,199,199,207,209,204,202,207,212,215,212,209,209,215,217,212,209,202,141,139,138,136,139,202,207,189,139,141,139,183,194,202,204,204,202,189,124,191,196,202,199,181,189,199,209,196,207,212,215,222,225,212,199,196,199,183,161,170,215,225,212,194,115,113,194,217,228,230,230,230,225,212,196,141,139,137,135,141,196,202,207,212,215,217,222,228,230,235,238,238,235,228,222,222,225,228,230,228,209,111,103,196,212,120,108,222,228,228,225,230,233,225,204,130,127,131,196,204,191,187,191,209,207,183,160,159,191,207,199,194,194,202,215,228,230,228,225,215,207,202,191,137,135,189,194,189,143,194,207,209,199,189,139,137,137,138,186,199,212,225,233,241,122,181,194,209,222,222,230,228,228,233,228,129,59,59,103,91,123,194,204,215,228,225,199,191,199,207,212,215,215,215,215,212,207,199,192,191,198,215,228,217,191,139,186,202,209,204,135,102,207,215,217,225,222,207,139,106,111,127,204,225,230,215,190,191,202,209,212,217,225,228,238,241,125,78,186,233,207,91,75,74,194,228,230,228,228,230,233,233,235,230,217,194,141,186,196,212,215,212,209,199,186,141,191,202,209,215,222,225,215,204,196,196,135,123,123,139,212,217,209,207,207,212,215,207,202,198,194,191,199,209,209,212,215,212,209,204,207,204,204,207,207,202,199,196,196,196,196,196,196,199,209,225,235,238,241,238,230,204,196,143,137,132,130,134,139,127,112,147,212,230,235,238,235,235,233,235,238,238,241,241,238,238,233,233,233,230,225,222,212,153,143,142,202,215,217,217,225,147,127,125,133,153,225,235,238,235,235,235,235,233,233,233,233,235,238,238,235,235,233,230,230,229,230,233,233,235,235,241,243,243,241,238,233,233,233,230,226,228,233,235,238,238,238,238,238,235,235,235,235,235,233,233,233,233,233,233,233,235,238,241,238,238,235,230,230,233,233,233,233,230,230,233,235,235,238,238,238,235,235,238,238,235,235,235,241,241,235,235,233,233,233,233,230,228,228,228,225,225,225,228,230,230,228,230,230,228,225,222,225,228,230,228,225,222,216,216,217,222,228,225,225,217,215,207,189,168,168,186,181,123,121,178,199,207,196,196,204,209,209,204,183,115,106,131,196,199,189,186,189,196,204,209,212,212,215,217,222,222,217,217,220,220,220,220,217,215,215,215,212,209,209,196,150,103,157,170,87,1,0,0,0,0,0,0,0,55,204,217,222,222,217,215,209,199,131,112,125,186,207,215,222,225,230,230,225,222,225,228,228,230,230,230,230,230,230,228,228,228,228,222,215,202,133,137,202,233,235,233,228,222,217,222,225,225,225,228,228,228,230,230,230,230,230,233,233,233,230,222,204,203,217,235,235,230,230,233,235,235,238,241,241,238,235,230,228,222,220,220,222,225,228,230,233,233,235,238,238,241,238,235,235,230,225,215,212,215,215,207,207,209,212,217,212,207,207,209,207,207,209,207,196,127,93,105,183,196,191,189,199,209,207,199,196,196,202,199,183,181,199,209,207,196,183,135,183,196,202,204,204,207,209,209,209,212,209,199,127,113,105,89,81,103,178,194,183,115,99,89,89,131,212,225,225,217,212,212,215,217,215,215,215,215,215,215,215,215,215,215,217,217,222,225,222,215,212,207,202,194,186,183,181,178,178,176,176,173,170,168,125,121,115,111,105,101,103,109,113,113,113,119,125,168,176,181,183,183,186,186,186,191,202,202,191,186,189,186,136,134,139,194,202,204,207,202,191,189,189,191,194,194,194,199,204,204,204,204,207,204,191,137,133,130,129,131,183,194,196,196,196,196,195,195,199,204,204,202,199,202,207,209,207,204,202,196,145,194,204,212,222,222,222,222,222,217,217,215,215,212,212,212,211,211,212,222,225,225,222,225,230,230,225,222,222,222,222,222,217,217,217,215,215,212,212,212,209,204,199,196,194,194,194,194,199,202,199,196,196,196,194,194,196,199,196,196,196,196,194,194,191,194,194,199,207,212,217,222,222,225,225,225,228,230,230,230,230,233,235,235,235,235,238,238,238,235,233,228,222,215,212,212,212,212,212,212,212,212,212,215,217,222,225,225,225,222,217,215,215,212,209,209,207,207,207,209,209,212,215,215,217,217,217,217,217,220,222,222,222,222,222,225,228,228,230,230,228,228,225,225,222,222,225,225,225,225,225,225,225,225,225,225,225,225,228,228,228,230,230,230,230,233,233,235,235,235,235,235,235,235,238,238,241,241,243,243,241,241,241,241,241,241,238,238,235,235,235,235,238,241,241,241,238,235,241,117,123,123,123,121,107,91,81,71,61,54,52,57,71,83,89,87,75,57,51,55,57,55,47,45,69,107,186,228,255,255,255,255,255,255,255,233,202,176,117,101,97,105,147,147,144,147,160,155,134,71,53,43,41,41,45,69,72,64,48,48,61,72,66,59,0,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,95,87,69,40,27,30,40,0,0,0,0,0,0,0,90,95,100,103,95,77,64,0,0,0,0,0,0,0,0,0,0,0,0,124,82,51,51,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,85,0,0,0,0,0,0,4,0,0,0,0,0,0,0,40,4,0,0,51,103,103,124,173,163,69,7,0,0,3,0,150,92,0,23,29,33,37,19,0,0,0,27,95,108,0,0,0,25,17,0,0,194,230,181,82,15,0,0,0,0,0,0,0,0,0,0,155,137,137,144,165,196,189,142,69,35,35,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,0,0,0,0,0,0,0,0,0,0,0,0,69,48,35,27,22,22,14,0,0,0,7,14,0,0,0,0,0,0,0,0,0,0,0,0,77,85,41,23,17,7,25,35,57,67,9,0,3,65,155,202,209,215,209,209,207,196,176,152,105,91,73,66,67,83,95,95,91,97,103,103,99,98,99,95,93,95,107,121,119,119,119,119,119,119,168,189,196,189,176,127,124,127,129,173,129,125,120,120,120,123,123,117,115,115,125,181,189,191,191,191,191,191,189,189,186,181,121,93,73,77,113,194,202,191,186,186,183,183,183,131,119,115,114,119,135,183,183,189,196,207,215,215,215,215,222,222,233,243,243,248,243,217,194,176,99,63,33,25,27,33,43,67,147,196,194,165,93,81,87,89,55,5,1,21,65,134,155,160,178,186,178,178,189,199,199,196,189,181,178,189,186,173,152,111,117,111,97,92,101,111,119,111,82,76,91,119,131,137,137,137,196,228,241,233,233,248,255,255,255,255,255,255,255,255,255,246,225,207,207,217,228,212,183,150,124,116,0,0,0,0,0,0,90,74,74,66,61,59,43,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,41,105,124,108,69,69,118,147,163,168,0,0,212,220,212,202,202,204,212,222,233,233,233,228,222,220,220,222,241,248,243,241,235,235,230,212,198,196,198,209,225,243,243,238,231,231,241,243,233,228,225,222,215,212,212,220,222,222,212,202,133,117,107,99,93,75,70,75,89,109,183,225,246,246,238,225,215,194,189,189,194,225,246,254,246,225,217,207,194,186,165,107,75,65,65,65,65,59,59,59,59,59,65,69,73,69,65,75,89,129,139,142,142,137,126,91,77,75,71,71,73,75,87,87,75,73,75,75,75,67,53,43,37,36,37,45,55,75,101,152,157,160,160,157,150,146,150,152,157,157,150,95,71,67,87,157,186,183,176,183,189,165,85,53,45,49,57,77,117,207,255,255,255,225,173,118,121,183,204,183,173,183,196,215,217,217,204,165,93,80,101,215,254,194,150 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,116,1,0,0,0,0,0,0,95,116,134,150,155,157,163,168,168,107,109,131,150,160,157,147,147,152,157,152,144,147,150,152,157,160,160,160,165,173,191,209,212,194,117,113,116,127,170,109,44,41,41,50,89,170,191,199,199,204,207,207,204,202,202,202,204,207,204,204,204,209,225,220,173,117,176,173,202,207,131,189,199,207,215,217,220,217,215,202,133,109,113,121,137,204,207,204,204,215,220,222,225,225,228,228,225,222,217,215,215,209,207,207,207,207,209,217,209,66,4,0,97,121,121,137,202,196,191,194,196,196,196,196,191,189,194,196,199,202,199,199,199,202,202,194,191,202,207,207,207,207,209,209,209,209,207,207,204,189,125,125,209,215,207,204,215,228,225,215,207,209,212,209,207,207,209,222,225,215,199,139,138,191,207,207,183,176,186,207,217,225,217,202,141,137,194,204,191,107,100,107,189,215,215,207,203,207,220,222,207,195,198,209,212,204,196,199,207,207,209,209,212,215,209,204,202,194,139,139,141,138,186,194,139,137,135,135,137,194,209,209,209,209,207,202,191,196,194,133,104,90,103,131,194,191,191,199,215,230,233,217,196,189,189,182,163,166,202,217,217,204,111,108,207,222,225,228,233,230,215,191,135,132,132,135,143,199,207,207,202,202,204,209,215,222,230,235,238,238,235,230,225,222,225,230,230,220,202,124,123,225,228,199,127,189,209,207,199,220,228,207,183,130,131,186,209,215,204,194,194,199,199,181,161,160,186,204,199,191,183,183,194,209,217,217,215,204,196,196,194,141,135,137,137,135,139,143,191,196,199,196,186,141,139,141,191,204,217,228,235,241,151,194,196,204,212,215,230,233,233,235,233,137,29,16,59,127,207,222,228,233,235,235,230,222,222,225,228,228,228,228,225,222,217,217,212,207,209,220,222,204,191,189,189,199,209,204,186,113,217,225,225,228,217,202,137,89,97,135,209,228,235,222,191,187,202,209,204,202,204,215,228,222,95,89,207,222,186,121,129,139,217,233,233,230,230,233,235,235,233,228,204,119,123,189,207,222,225,217,212,202,191,141,137,139,194,207,215,215,212,212,207,196,125,121,137,204,215,212,209,207,207,207,207,202,199,202,199,198,199,196,196,207,217,215,209,207,204,204,207,215,222,215,207,202,199,202,199,194,192,192,199,225,238,238,235,238,238,230,222,191,134,136,222,225,204,127,107,122,194,222,233,235,235,235,233,233,235,238,238,238,241,238,233,233,235,230,222,222,217,202,140,140,212,230,238,233,235,233,222,202,151,204,217,230,233,233,233,233,233,233,233,233,235,238,235,233,230,230,230,230,230,230,230,230,230,233,235,238,241,241,238,235,233,233,233,233,228,228,233,235,235,235,238,241,241,238,238,238,238,235,235,233,233,233,233,230,230,233,235,235,238,238,235,233,233,230,230,230,230,230,230,233,233,235,235,238,238,238,238,238,238,235,234,235,238,238,235,235,233,233,233,233,230,228,225,225,225,228,230,233,230,228,225,228,228,228,225,222,222,225,228,228,225,222,217,216,216,217,222,222,217,209,194,115,89,95,111,163,105,97,115,178,202,222,212,202,209,212,215,215,204,117,98,95,117,129,133,183,199,207,212,212,212,212,212,215,217,217,217,220,220,220,217,220,222,217,215,212,209,212,217,212,91,3,0,0,0,0,0,0,0,0,9,0,0,33,202,212,222,225,217,215,207,133,125,129,186,196,204,212,217,222,228,225,222,222,225,228,230,230,228,228,230,233,233,230,228,225,222,215,212,209,209,222,222,230,230,228,222,217,222,225,228,228,230,230,230,230,230,228,228,230,230,230,233,233,233,225,204,203,222,238,233,230,231,235,238,238,238,241,238,235,233,230,228,222,220,220,220,222,228,230,233,233,235,235,238,238,235,233,233,230,225,217,212,212,212,209,215,215,217,222,215,205,205,207,202,194,189,135,127,119,109,111,135,189,186,185,196,207,207,199,195,195,199,196,177,172,181,196,191,127,126,137,189,196,204,209,209,209,207,209,212,215,207,191,101,103,115,97,73,73,87,97,89,87,85,84,97,125,204,225,228,222,215,215,217,222,222,222,217,217,217,215,215,215,217,217,222,225,228,228,225,215,209,207,202,194,189,183,183,181,178,173,170,168,168,165,165,125,121,119,113,109,109,111,113,111,111,115,117,123,168,178,186,186,186,186,183,183,191,189,181,179,186,186,135,133,137,191,199,202,204,202,196,191,190,190,191,191,194,199,199,199,202,202,202,196,189,137,133,130,129,130,137,189,194,199,199,199,195,194,196,202,204,204,204,207,209,209,207,207,207,202,196,202,209,212,215,222,222,222,217,215,215,217,217,215,212,215,212,212,212,217,222,222,222,225,230,233,228,225,225,225,225,222,217,215,215,217,217,215,212,215,217,215,209,202,194,191,191,196,202,202,199,196,199,199,202,202,204,204,199,196,194,191,190,190,194,194,196,194,196,202,209,217,220,222,222,225,230,233,233,233,233,235,235,233,233,235,235,238,238,238,238,233,228,222,215,212,212,212,212,212,212,212,215,215,217,222,225,228,228,225,222,217,217,215,212,209,209,209,209,209,209,212,212,215,215,215,215,215,217,217,222,222,222,222,222,225,228,228,225,228,228,228,228,225,225,225,225,225,228,228,228,228,228,228,228,228,228,228,228,230,230,230,230,233,233,233,235,235,238,238,238,238,238,238,238,241,241,243,243,243,243,241,241,241,241,243,243,243,243,241,241,241,241,241,243,243,241,238,238,101,107,111,111,107,97,81,71,61,56,54,56,63,75,81,81,77,63,49,47,55,61,63,63,69,87,123,194,228,251,255,255,255,255,255,255,255,233,194,163,103,87,87,99,101,101,144,160,155,134,75,55,45,43,41,41,47,72,64,51,51,56,61,53,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,129,95,43,38,64,0,0,0,0,0,0,0,0,100,87,77,53,40,38,46,0,0,0,0,0,0,0,0,0,0,0,0,129,85,46,35,38,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,40,0,0,0,0,0,0,12,0,0,0,0,0,0,66,69,25,0,0,0,0,77,90,137,131,48,12,0,0,9,113,150,113,0,0,7,15,15,5,0,0,0,35,111,111,0,0,37,142,0,0,0,230,255,255,209,100,21,0,0,0,0,0,0,0,0,0,124,144,0,0,209,235,225,173,95,53,30,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,85,61,56,0,0,0,0,0,0,0,0,105,82,0,0,0,0,20,20,20,14,0,0,0,0,5,0,0,0,0,0,0,0,0,0,0,0,17,59,85,87,23,13,43,105,98,103,100,6,0,25,73,147,186,207,215,209,196,196,196,181,152,93,77,67,62,62,83,101,103,103,103,107,107,107,105,101,94,92,95,113,168,119,117,119,119,119,119,178,196,202,194,186,173,127,127,129,178,183,173,120,119,125,170,170,125,123,123,170,181,189,196,199,199,196,191,191,191,191,186,168,99,75,77,97,173,189,189,183,183,183,186,183,176,125,119,119,129,133,135,135,183,191,207,215,225,225,225,225,222,230,233,230,241,243,228,209,191,157,71,35,23,23,27,33,51,91,183,191,160,93,87,134,142,77,29,17,29,65,91,93,93,152,176,189,194,199,202,209,199,189,178,170,173,176,163,111,109,111,113,109,103,103,109,115,113,99,83,99,119,135,189,199,191,212,243,246,241,243,248,255,255,255,255,255,255,255,255,255,254,217,186,183,196,199,183,160,142,134,0,0,0,0,0,0,0,90,74,74,74,66,59,43,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,37,92,126,118,72,72,118,163,181,183,0,0,212,212,202,189,189,202,212,220,222,222,222,220,220,220,225,235,248,248,241,230,235,243,248,230,212,199,199,212,233,243,246,238,231,233,243,248,243,233,233,230,225,215,212,212,212,212,204,181,123,107,93,93,85,71,68,71,75,103,176,217,246,246,233,217,215,194,190,190,207,225,241,246,241,225,217,215,207,191,173,113,85,69,69,69,65,65,59,59,55,55,59,65,69,65,65,69,93,137,150,155,150,142,131,91,77,75,73,71,73,75,75,75,71,71,71,73,73,67,55,47,41,39,43,49,61,75,97,142,157,160,160,160,160,157,150,150,152,150,101,87,67,67,87,157,181,176,176,183,186,157,75,53,44,47,63,97,186,246,255,255,255,220,173,118,121,178,183,170,165,183,215,220,215,209,183,115,85,81,107,204,225,173,140 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,173,142,25,14,0,0,0,0,108,111,113,129,147,157,165,168,165,116,131,150,157,163,157,146,146,155,163,155,147,147,150,152,157,165,160,160,168,176,183,191,194,178,117,121,189,202,202,194,176,202,209,204,178,173,181,186,191,207,212,212,209,204,202,202,204,204,199,199,199,199,204,191,90,74,176,120,126,183,189,212,207,207,209,215,222,225,222,217,217,194,131,131,191,209,207,196,202,212,222,225,225,222,225,225,222,222,217,217,217,215,209,207,207,209,212,217,101,48,55,68,131,125,121,129,183,179,177,189,199,202,202,199,191,189,194,199,199,202,202,202,202,204,204,199,196,207,209,207,202,202,204,202,199,199,204,207,207,194,134,135,202,209,207,202,204,212,215,209,209,212,212,212,209,207,212,222,228,215,199,189,141,191,207,209,194,181,186,204,217,230,222,194,141,125,139,194,186,106,98,121,209,212,212,204,203,212,225,225,209,196,198,207,212,202,192,194,199,202,207,205,205,207,204,199,202,196,194,202,202,196,199,191,118,131,133,132,135,207,228,222,217,217,217,215,215,217,217,135,98,84,99,133,191,191,137,189,215,225,228,222,196,183,185,191,191,176,186,209,228,233,132,125,228,225,225,225,228,222,199,139,133,132,132,137,196,215,225,217,207,202,202,204,209,222,228,233,238,238,235,230,228,228,228,228,222,204,199,209,230,233,230,222,199,189,194,131,111,131,189,135,131,135,183,196,215,222,212,199,196,204,199,181,170,169,177,191,194,137,127,127,133,137,186,202,209,207,204,202,196,141,133,127,121,120,131,143,191,196,207,204,194,186,141,186,196,212,222,225,228,235,183,191,194,194,196,204,215,225,233,233,212,127,36,33,121,215,228,233,235,235,235,235,238,235,230,230,230,230,230,230,230,228,228,225,222,222,225,230,230,191,191,196,196,209,222,202,133,125,212,217,225,225,212,199,183,96,98,135,196,215,233,222,192,185,196,207,202,191,189,196,209,207,90,97,217,228,189,135,186,202,222,228,230,233,233,230,233,233,228,222,189,102,115,217,230,235,233,225,212,202,191,137,133,134,189,207,217,222,222,222,220,125,111,119,225,238,228,215,212,212,209,207,204,199,202,204,204,204,199,191,192,207,217,212,207,204,204,202,207,222,230,228,217,209,207,204,202,194,191,190,194,222,241,235,233,235,241,238,235,212,133,136,233,241,230,204,127,116,133,207,225,230,230,233,233,233,235,238,238,238,241,238,233,235,241,235,222,220,222,202,136,141,228,235,241,235,233,235,233,215,202,202,212,225,230,233,233,230,230,230,233,233,235,235,235,230,228,225,228,230,230,233,230,230,228,230,233,238,241,238,235,233,233,235,238,238,233,235,235,235,235,238,238,241,241,241,241,238,238,238,235,235,233,233,233,230,230,230,233,235,235,235,235,238,235,233,230,229,229,230,233,230,230,233,235,238,238,238,238,238,238,235,234,235,238,238,238,235,233,230,230,228,228,225,224,224,225,228,233,235,233,230,225,224,225,228,228,225,222,225,225,228,228,225,222,217,216,217,222,222,212,196,109,45,17,39,79,63,35,73,178,194,207,215,186,165,199,212,212,212,204,131,101,76,109,127,135,186,202,209,209,209,212,212,212,215,217,215,215,217,220,220,217,220,222,222,217,212,209,212,212,196,31,0,0,0,0,0,0,0,17,101,115,29,0,37,199,209,215,217,215,212,202,122,131,191,202,204,207,212,215,222,225,222,220,220,225,228,230,228,226,228,230,233,233,230,225,222,217,215,215,217,222,228,230,233,228,217,215,215,225,228,228,230,230,233,233,230,228,226,228,228,228,230,230,233,233,225,204,203,225,238,235,233,235,241,238,238,238,238,238,235,233,233,230,225,222,222,222,225,228,230,233,233,233,235,235,235,235,233,230,230,225,217,212,212,215,215,222,222,217,217,209,205,209,212,202,189,135,121,118,119,121,127,139,186,189,191,199,207,207,199,194,194,196,196,177,168,176,181,126,117,120,186,196,202,207,209,209,209,207,209,215,215,207,135,96,102,204,196,83,70,70,71,71,79,87,95,129,137,204,217,225,222,217,217,222,222,225,225,222,222,217,217,217,217,217,222,222,225,228,228,222,215,209,204,202,196,191,186,183,181,176,170,125,123,125,125,125,123,119,117,115,111,111,111,113,111,109,109,111,117,165,178,186,186,183,181,179,179,181,181,178,179,186,189,137,135,137,191,196,196,199,202,202,202,196,191,190,191,196,199,198,198,199,199,199,194,189,139,137,133,131,131,135,186,191,196,202,204,202,199,202,204,204,207,209,209,209,209,209,212,212,209,204,207,207,207,209,215,217,222,215,212,212,215,217,215,212,212,209,207,209,212,217,222,222,225,230,230,230,228,225,228,225,222,215,213,215,222,222,215,209,212,222,225,217,202,191,145,145,194,199,202,199,199,199,202,204,207,209,207,202,196,191,190,189,190,194,199,196,194,192,194,202,209,212,215,222,225,230,233,235,235,233,233,233,230,233,235,235,235,238,238,238,235,233,228,222,217,215,215,215,215,215,215,215,217,217,217,222,225,225,222,222,222,217,217,215,212,212,209,209,209,209,209,212,212,212,212,215,215,215,217,222,222,222,222,225,228,228,225,225,225,228,228,228,228,228,225,225,228,228,228,228,228,228,228,228,228,228,228,228,230,230,233,233,233,235,235,235,238,238,238,238,238,238,238,238,238,241,241,241,241,241,241,241,241,243,243,246,246,246,246,246,246,246,243,243,246,243,238,235,85,89,97,99,101,97,81,69,61,59,59,61,67,73,73,67,59,51,47,49,59,69,73,75,75,85,109,176,196,225,243,255,255,255,255,255,255,233,191,165,105,87,81,81,81,87,137,152,147,129,71,55,51,47,39,37,39,45,59,53,51,51,43,27,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,111,69,69,0,0,0,0,0,0,0,0,0,103,77,43,9,0,12,40,0,0,0,0,0,0,0,0,0,0,0,0,139,100,53,35,27,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,12,4,0,0,0,0,0,0,25,7,0,0,0,0,0,51,59,20,0,0,0,61,38,27,61,69,43,27,27,0,48,116,150,124,56,15,9,17,17,5,0,0,0,45,108,85,0,0,0,0,0,0,165,209,230,255,0,183,87,23,0,0,0,0,0,0,0,0,116,243,0,0,235,233,222,181,118,72,35,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,111,77,0,0,12,0,0,0,0,0,0,116,92,72,59,0,0,0,20,14,14,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,31,0,0,37,134,103,39,7,0,21,73,137,157,186,215,217,207,191,196,204,196,157,97,79,73,67,67,79,97,97,103,107,113,113,115,115,107,101,95,101,117,168,117,111,117,165,119,119,181,196,196,189,186,178,173,129,129,178,186,183,127,125,173,183,176,127,123,125,176,183,189,196,199,199,196,189,183,189,189,186,168,95,73,75,91,121,178,178,178,176,178,186,186,183,176,129,178,178,133,131,135,181,191,207,215,225,235,235,233,233,233,233,233,230,228,217,209,207,176,81,39,22,20,22,31,51,83,170,183,165,137,95,137,137,81,51,29,29,53,69,71,79,144,178,194,202,202,199,199,191,181,173,165,170,163,152,111,105,109,115,115,109,101,103,107,107,107,107,119,133,189,212,222,217,235,251,254,243,251,255,255,255,255,255,255,255,255,0,255,255,220,181,177,186,186,168,150,134,139,0,0,0,0,0,0,0,111,82,74,74,74,66,51,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,11,29,65,126,134,118,118,137,165,191,191,191,191,202,202,189,179,183,191,204,215,212,202,191,204,212,220,230,235,241,241,230,220,222,243,255,248,238,215,212,225,238,251,246,241,238,241,251,251,251,243,243,243,233,225,215,212,212,204,189,133,119,99,93,93,85,75,71,71,77,101,176,215,238,238,228,217,215,207,192,192,207,225,235,241,235,225,217,215,215,207,186,165,103,85,75,69,65,65,59,55,51,51,53,59,59,59,59,69,93,142,157,160,157,150,134,93,87,77,75,75,75,75,75,75,71,65,65,71,71,67,61,51,47,45,47,55,65,75,93,139,157,160,160,168,173,168,157,150,150,107,93,71,67,71,93,157,176,186,194,196,194,157,75,49,44,45,63,117,228,255,255,255,254,215,173,121,121,173,170,121,121,183,215,220,215,194,121,93,80,85,107,183,207,168,144 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,181,183,137,43,0,0,0,0,113,87,74,108,150,160,160,160,157,142,139,142,152,160,157,150,147,155,165,165,150,144,144,113,157,165,170,173,176,176,173,125,114,112,121,183,204,215,217,215,207,209,212,207,202,189,181,178,173,212,212,209,207,202,194,199,202,196,119,85,89,186,189,95,82,127,189,129,126,131,194,212,212,209,209,215,222,222,222,222,225,220,196,189,199,189,121,111,186,207,222,222,217,217,222,225,225,222,222,217,217,215,212,209,207,209,215,215,115,91,131,194,191,129,127,129,186,178,151,181,202,204,199,191,187,187,194,202,204,199,191,191,196,196,196,202,204,209,217,212,204,202,202,196,194,195,202,207,204,196,186,139,139,189,196,194,196,202,204,202,204,212,212,209,204,207,207,209,215,209,194,186,186,194,207,212,204,189,186,202,207,207,212,120,84,64,98,191,199,194,196,199,199,204,207,209,222,230,230,228,225,209,202,199,204,202,196,196,202,207,209,200,198,209,204,191,204,199,202,209,212,209,215,209,133,191,131,126,139,217,233,230,225,225,225,217,217,222,215,133,107,133,212,204,204,199,114,131,189,196,215,222,209,194,191,196,204,183,178,189,230,233,202,194,209,217,215,212,209,202,189,141,143,135,130,133,209,225,230,225,217,209,204,204,209,217,228,233,235,235,238,233,233,233,228,215,199,191,198,215,228,233,235,235,225,204,191,112,89,114,131,130,137,189,189,196,207,215,212,131,194,212,217,160,176,191,176,181,186,129,119,106,123,127,131,207,215,212,207,199,141,131,123,120,119,120,133,199,222,230,228,220,207,194,186,186,196,209,215,212,207,199,137,136,189,186,183,194,207,215,228,238,93,35,45,77,220,233,235,235,235,233,233,233,235,233,230,229,229,230,233,233,230,230,228,225,225,228,230,235,228,187,191,202,202,209,212,207,183,186,199,215,217,212,207,196,186,120,124,135,194,207,222,225,215,191,189,199,202,199,191,141,186,196,191,139,129,137,137,137,189,204,220,217,212,225,228,225,225,222,215,189,102,94,202,228,238,241,235,228,202,189,143,137,135,141,204,217,228,233,233,233,230,112,111,117,215,238,238,230,225,225,217,209,204,202,202,204,204,204,194,191,194,207,212,209,204,204,204,202,207,217,228,233,230,225,212,207,202,196,192,192,196,212,228,230,233,233,238,238,235,222,145,141,196,233,243,202,125,105,125,141,199,222,228,226,230,233,233,235,238,238,238,235,233,233,241,241,228,222,228,217,143,199,233,238,238,238,238,235,230,217,202,153,209,217,225,230,233,230,228,228,230,233,235,235,233,228,225,225,225,228,230,233,230,226,226,228,233,238,241,235,233,233,235,238,241,241,241,241,241,238,238,238,241,241,243,243,243,241,241,238,238,235,235,233,230,230,230,233,233,235,235,235,235,238,241,238,233,230,233,233,233,230,230,230,233,238,238,235,235,235,238,235,234,235,238,241,241,238,235,230,228,228,228,225,225,225,228,230,235,235,235,230,225,224,225,230,230,228,225,222,225,228,225,221,222,222,215,216,222,225,217,121,75,51,0,0,0,0,0,173,186,199,215,222,140,99,151,212,212,173,199,194,176,109,123,135,183,191,199,204,204,207,209,215,215,217,215,212,212,215,217,217,217,217,220,220,217,212,209,212,222,103,0,0,0,0,0,0,0,0,95,220,255,107,89,95,189,209,212,209,204,204,196,183,183,196,204,207,209,215,217,222,222,221,220,221,225,228,230,228,226,228,230,228,217,222,222,222,217,217,217,222,225,228,233,233,225,212,209,215,225,230,230,230,230,233,233,230,228,228,228,228,230,230,230,230,230,225,204,202,217,233,233,233,238,238,238,238,238,238,235,233,233,233,230,228,225,225,228,228,228,230,230,230,230,233,235,235,235,233,233,230,225,217,215,215,215,215,217,217,215,212,209,207,209,215,209,199,194,189,133,131,139,186,189,191,194,202,202,209,204,202,196,195,196,199,196,191,189,183,125,121,137,202,204,204,207,209,209,207,207,209,212,209,199,115,105,181,207,199,105,71,68,67,69,79,99,123,139,194,204,212,215,215,215,217,217,217,225,225,225,222,222,217,217,217,222,0,0,0,222,222,217,212,207,207,204,199,194,189,183,181,176,127,123,121,123,123,121,119,115,113,113,111,111,110,111,109,107,107,109,113,123,176,186,186,183,179,181,186,186,181,181,183,186,137,137,181,183,191,196,196,196,196,202,204,204,199,196,196,199,199,199,199,199,199,196,191,186,139,137,137,133,131,131,139,189,191,196,204,207,209,207,207,207,207,207,209,209,212,215,217,217,215,209,207,204,202,204,209,215,217,215,211,209,212,215,217,215,209,204,202,204,209,212,215,217,222,225,228,228,228,225,222,225,225,217,215,215,222,222,212,207,208,222,230,222,202,145,143,143,143,145,194,199,202,202,202,204,207,207,207,202,196,191,191,191,194,196,199,199,196,194,192,194,199,202,207,215,225,228,233,235,235,233,230,228,228,233,235,235,235,235,235,235,233,230,228,225,222,217,215,215,215,215,215,215,217,220,222,222,222,222,222,220,220,217,217,215,215,212,212,212,209,209,209,209,209,209,212,212,215,215,217,222,222,225,225,228,228,228,225,225,225,228,230,230,230,228,228,228,228,228,228,228,230,230,230,230,230,230,230,230,233,233,235,235,238,238,238,238,241,241,241,241,241,238,238,238,238,235,235,238,238,238,238,241,241,243,246,248,248,246,246,248,248,248,246,246,243,241,238,235,77,77,79,87,99,99,87,73,67,67,71,71,67,61,61,55,45,39,39,45,59,73,79,79,75,79,97,125,189,207,225,246,255,255,255,255,255,225,189,157,103,87,79,71,67,73,87,139,137,81,63,57,57,53,39,34,34,39,53,53,51,43,30,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,126,100,69,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,0,0,0,0,0,0,25,14,0,0,0,0,0,0,35,9,0,0,27,43,20,4,9,27,43,38,38,56,56,92,113,105,77,48,11,5,5,0,0,0,21,85,108,69,0,0,0,0,254,173,129,137,163,230,0,215,126,48,0,0,0,0,0,0,0,0,0,0,0,0,194,186,196,196,157,95,38,0,0,0,0,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,103,72,0,0,0,9,0,0,0,0,0,0,92,66,59,46,35,22,14,7,7,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,129,137,53,2,9,79,152,165,178,196,215,207,176,181,202,212,204,181,109,93,85,83,83,87,87,84,91,115,170,168,170,176,170,121,117,117,119,119,106,106,111,119,119,127,178,189,189,189,186,170,125,125,125,125,173,183,183,183,183,176,170,123,123,170,183,194,191,189,191,196,191,183,182,182,186,181,113,81,65,76,99,125,181,181,176,173,173,178,186,186,183,178,178,178,131,131,135,183,202,215,225,225,233,235,233,233,243,251,243,220,212,217,217,202,176,97,55,27,20,21,35,51,77,160,176,170,150,152,155,147,93,75,55,45,45,49,59,77,139,168,186,202,194,191,191,191,173,157,155,155,113,105,95,95,99,109,109,95,91,103,107,104,104,119,181,196,220,230,238,235,246,254,255,251,255,255,255,255,255,255,255,255,0,0,255,255,228,189,181,189,196,173,152,139,131,0,0,0,0,0,0,0,124,103,82,79,82,74,56,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,29,59,137,147,147,147,157,173,189,191,202,202,202,189,183,179,183,191,202,204,202,182,174,179,204,222,235,230,230,230,222,213,213,230,251,255,251,238,230,230,241,246,246,243,243,251,254,254,251,242,243,251,246,233,222,215,207,191,135,125,115,105,99,97,93,89,83,83,87,101,121,194,225,225,225,217,209,207,194,207,215,225,235,243,235,225,215,215,215,215,215,194,165,101,75,69,65,65,59,55,51,47,49,51,55,55,59,69,124,139,150,157,157,157,139,131,124,87,83,75,75,75,75,71,65,59,59,67,71,71,61,55,51,45,49,55,71,87,95,139,152,157,157,165,173,168,157,142,109,107,93,71,65,71,97,157,186,207,217,217,194,115,71,49,44,45,71,176,255,255,255,255,241,215,183,121,117,121,117,115,121,178,204,215,204,170,107,91,78,81,103,165,194,183,159 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,178,178,178,183,108,0,0,0,0,0,0,3,69,147,155,152,147,144,129,126,118,124,144,155,157,155,157,168,168,157,144,105,107,150,165,178,183,183,178,165,115,110,112,127,196,212,217,217,217,217,212,207,204,207,202,189,170,92,191,196,204,199,178,75,35,29,21,0,3,69,194,212,99,107,204,207,178,128,129,186,207,212,212,212,212,215,215,215,217,222,222,217,207,196,58,17,95,186,199,215,215,212,215,222,222,225,222,217,215,215,215,212,209,207,209,217,217,183,127,186,191,183,135,133,137,199,194,165,181,194,199,194,189,186,187,196,202,204,199,185,181,185,191,196,202,204,209,217,215,207,204,204,199,195,196,199,202,202,199,196,189,139,139,141,141,189,194,191,190,199,207,207,207,204,204,204,204,207,199,186,186,199,209,212,209,207,196,196,207,194,129,122,114,95,93,120,209,209,199,199,196,189,143,199,222,235,238,235,233,230,222,202,195,199,207,209,212,215,215,212,203,203,209,194,136,143,202,204,207,212,217,222,217,212,207,135,124,139,238,241,235,225,225,222,215,212,212,202,127,114,127,204,215,212,204,110,119,123,121,186,215,215,204,196,194,186,176,178,186,215,225,209,191,191,202,204,196,189,186,141,143,141,133,129,133,212,230,233,230,228,222,212,209,212,217,225,228,230,230,235,243,238,228,225,209,190,190,199,215,225,230,235,235,230,215,204,191,123,127,196,196,186,191,181,191,196,196,137,115,121,212,222,181,207,228,186,183,191,199,125,105,125,129,131,212,225,230,191,123,123,123,122,125,143,199,212,225,233,235,235,230,225,209,191,182,186,202,209,202,191,186,135,133,183,183,179,189,202,207,215,220,81,10,53,119,230,235,235,235,233,230,230,230,230,233,230,229,229,230,233,233,233,230,228,225,225,228,233,233,228,199,191,196,199,199,196,199,199,199,204,215,212,204,194,186,139,129,131,139,191,199,209,220,217,194,190,196,204,204,196,139,133,186,207,204,117,116,137,191,196,207,212,203,200,204,212,209,204,189,143,137,119,109,217,230,238,238,230,207,132,132,139,141,143,204,222,228,230,233,235,235,235,125,113,119,202,230,235,238,238,233,225,215,207,202,202,204,207,202,196,194,202,209,209,207,204,204,204,202,204,212,225,233,235,233,222,207,199,199,202,204,204,204,209,217,225,228,228,230,230,217,204,196,143,133,122,109,105,109,124,131,139,217,228,228,233,233,233,235,235,238,235,233,229,230,235,238,233,233,235,228,143,204,233,235,235,241,241,235,230,222,207,149,139,135,202,222,225,228,228,230,230,233,233,233,230,230,228,225,225,228,230,230,230,228,228,230,235,241,241,238,235,235,238,241,243,243,246,246,241,238,238,241,241,241,243,243,243,243,241,241,238,238,235,235,233,230,230,233,235,235,235,235,235,235,238,241,235,233,235,235,235,230,228,228,230,235,235,233,233,233,238,238,235,235,238,241,238,238,233,230,228,228,230,230,228,228,230,233,235,238,235,233,228,225,228,230,230,228,225,222,225,225,221,218,222,222,216,217,225,230,217,95,85,97,27,0,0,0,0,119,194,204,212,189,100,82,173,233,186,101,204,204,186,102,117,183,194,199,204,204,203,204,209,215,217,217,215,212,212,212,215,215,215,215,215,215,215,215,215,204,181,39,0,0,0,0,0,0,0,0,55,165,189,117,163,186,199,204,207,204,202,202,199,199,199,202,204,204,207,217,222,225,225,222,222,225,225,228,228,230,235,230,207,145,147,209,217,222,222,222,222,222,222,228,233,233,225,209,204,212,222,228,230,230,230,230,233,230,230,228,228,228,230,230,230,230,230,225,202,199,209,230,230,230,233,235,238,238,238,235,233,230,230,230,230,228,228,228,230,230,228,228,228,230,230,233,233,235,235,235,235,230,228,222,215,215,215,212,215,215,215,215,212,209,212,217,217,212,212,209,196,191,196,196,196,196,196,196,199,204,207,207,204,204,204,207,204,204,202,199,183,137,194,207,207,204,202,202,202,204,204,209,207,199,186,119,119,196,212,202,119,75,70,69,73,93,123,186,194,196,202,207,212,211,212,215,215,217,225,225,225,225,222,217,217,217,222,217,0,0,0,217,215,212,209,207,204,202,196,191,186,181,173,125,121,121,121,121,119,117,115,113,111,111,111,110,111,111,111,111,107,106,113,170,186,189,186,186,191,196,194,191,191,191,186,135,136,183,189,196,199,199,196,199,202,207,207,204,202,202,202,202,202,204,204,202,196,186,139,137,135,135,133,130,130,137,186,189,191,202,207,209,209,209,209,207,207,204,207,212,217,222,222,217,212,207,202,199,202,207,212,215,217,212,211,211,215,215,209,204,202,199,199,204,209,209,212,215,217,222,228,228,222,217,222,225,225,222,222,225,222,212,205,207,222,230,225,204,191,141,140,139,140,145,199,204,204,204,204,207,207,207,204,199,196,196,196,196,196,196,196,196,194,194,194,194,194,199,209,217,225,230,233,233,230,228,225,226,233,235,235,233,233,230,230,228,225,225,225,222,220,217,215,212,212,215,215,217,222,222,225,225,225,222,222,222,222,222,217,215,215,212,209,209,207,207,207,207,209,209,209,212,212,215,222,222,225,225,228,228,228,228,228,228,230,233,233,233,230,230,228,228,228,228,230,233,233,233,233,233,233,233,233,233,235,238,241,241,243,243,243,243,243,243,243,241,241,241,238,235,233,233,233,233,233,235,238,241,241,246,248,248,246,246,248,248,248,248,246,243,241,238,235,73,71,73,85,95,95,87,73,67,67,75,79,67,59,47,41,38,36,37,45,59,73,79,81,81,85,103,168,191,207,225,241,255,255,251,248,235,209,183,157,105,97,79,67,62,63,79,126,89,75,57,57,59,57,45,33,34,37,39,51,40,33,22,20,0,0,0,0,0,0,59,77,118,126,118,129,0,0,0,0,0,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,129,118,85,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,14,0,0,0,0,0,0,0,12,9,1,12,43,61,0,0,0,27,53,53,38,27,53,72,0,95,82,48,5,0,0,0,5,27,0,0,103,61,0,0,0,0,243,111,66,79,142,196,225,204,139,56,0,0,0,0,0,0,0,0,0,215,0,0,170,163,181,199,173,108,38,0,0,0,0,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,100,74,51,0,0,0,0,0,0,0,0,0,98,66,59,46,35,20,12,4,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,121,152,152,147,155,178,191,186,176,196,215,189,97,93,160,191,202,191,160,105,97,97,103,109,97,85,89,113,178,181,189,194,191,189,170,121,119,113,107,108,119,168,168,168,173,181,186,189,186,129,118,119,117,114,117,173,183,191,183,170,125,123,125,176,189,194,189,183,189,191,191,189,183,183,189,181,123,93,70,78,103,170,189,189,176,172,172,178,186,194,191,186,186,186,186,183,191,199,209,217,225,222,215,215,215,220,233,248,243,220,212,220,220,202,181,111,71,41,27,29,39,43,59,91,142,155,163,170,176,173,165,150,87,59,42,47,67,87,139,165,183,191,191,191,196,186,165,109,97,97,89,79,81,85,83,99,105,96,90,97,107,105,109,135,202,220,228,230,238,246,251,254,255,255,255,255,255,255,255,255,255,255,0,0,255,255,235,199,186,199,199,186,165,142,124,105,0,0,0,0,0,126,126,108,82,79,79,72,59,38,1,0,0,0,0,0,0,0,0,0,0,0,0,0,9,17,29,59,137,157,163,165,173,178,189,191,202,202,202,191,183,181,181,183,189,191,191,182,176,179,204,222,230,225,222,222,222,213,211,222,251,255,255,251,243,243,251,246,241,241,254,255,255,255,254,251,251,251,251,238,222,215,204,186,133,121,119,115,113,113,113,113,103,97,93,97,113,176,204,204,207,212,207,194,207,207,215,228,241,241,225,215,208,208,215,228,217,207,181,147,89,71,69,69,65,57,51,47,47,47,47,55,65,75,124,131,147,150,157,150,147,139,131,124,87,75,75,71,69,65,65,59,55,65,71,71,71,65,55,49,49,61,75,95,101,139,142,150,152,160,165,160,150,107,107,107,97,75,65,73,93,152,186,209,228,228,194,113,69,47,44,47,71,186,255,255,255,255,225,194,170,117,107,102,103,115,170,183,196,204,183,157,103,91,78,80,103,173,204,194,170 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,191,173,160,189,134,17,0,0,0,0,0,0,27,142,144,129,126,139,42,51,92,108,129,150,155,152,157,165,168,163,150,103,102,113,163,178,189,189,183,170,121,117,119,173,202,215,215,209,207,207,207,204,204,207,202,191,181,121,127,77,83,173,199,105,0,0,0,0,0,105,228,233,97,183,196,194,176,129,129,176,202,212,215,212,209,209,212,212,212,212,212,215,212,202,62,7,64,99,191,207,209,207,209,215,217,222,222,217,215,212,212,212,209,207,207,212,212,189,137,186,183,135,137,181,186,207,207,189,189,191,194,191,189,189,194,202,204,202,196,186,179,181,191,202,202,202,207,215,215,209,207,207,204,202,199,196,196,199,204,207,202,194,189,141,141,189,191,189,189,199,204,207,209,212,215,209,199,202,194,185,191,217,222,212,207,204,202,207,217,199,123,121,123,141,194,222,228,209,189,189,191,140,136,191,230,241,243,238,235,233,225,199,191,195,212,222,225,222,222,212,209,215,215,143,133,135,204,207,209,217,225,215,212,217,212,141,116,125,238,241,233,225,222,217,212,212,207,194,131,122,133,194,207,207,186,109,117,118,118,131,207,215,204,199,194,182,182,191,185,182,204,202,189,187,199,204,191,137,137,141,191,189,133,131,141,217,230,233,235,233,228,222,217,217,222,222,225,228,217,209,233,238,202,196,207,198,199,212,225,228,230,233,233,230,225,215,212,189,131,204,215,186,125,117,137,186,189,183,121,123,199,209,212,233,241,196,189,199,217,196,137,189,133,117,207,246,251,99,87,114,133,189,209,222,228,233,235,235,235,233,230,228,225,209,185,183,199,204,194,191,196,183,135,139,183,179,186,199,196,204,212,125,20,113,222,235,235,235,233,233,230,230,230,230,233,233,230,230,233,235,235,235,233,230,228,228,230,230,233,230,217,207,199,194,189,189,196,202,196,196,207,207,194,183,138,183,137,139,186,191,190,191,202,207,199,194,194,196,202,207,191,135,116,189,189,114,116,209,222,225,217,207,200,200,203,204,204,199,137,119,113,105,104,212,225,230,230,212,143,128,129,139,143,194,215,230,233,230,228,230,233,235,141,110,107,133,217,233,238,243,241,230,217,204,199,199,204,204,202,202,204,204,207,207,207,204,204,202,199,202,207,217,230,235,235,228,207,195,196,207,212,207,202,202,209,217,222,209,207,207,209,209,207,145,125,118,111,112,145,143,135,143,222,233,233,238,238,235,235,235,238,235,230,229,229,233,235,235,238,241,225,131,149,228,235,238,243,241,235,233,228,209,145,131,123,125,135,149,225,230,230,233,233,233,230,230,230,230,228,228,230,230,230,230,230,233,233,238,241,241,241,238,238,238,238,241,243,246,246,241,238,238,238,241,241,241,241,241,241,241,241,241,238,238,235,235,233,233,235,235,235,235,235,233,233,235,238,235,235,235,235,235,230,228,228,230,235,235,233,231,233,235,238,235,238,238,238,238,235,235,230,230,230,230,228,228,228,230,233,235,238,235,233,228,228,230,230,228,225,222,222,225,225,222,218,220,222,217,222,225,230,165,39,95,255,191,29,0,0,0,9,160,196,196,160,98,96,207,222,87,67,186,199,186,105,125,194,204,207,209,207,204,207,212,215,217,217,215,212,212,212,215,215,215,215,215,212,212,215,215,202,168,41,31,57,37,21,37,29,0,0,0,19,51,93,181,204,202,199,202,204,204,204,209,212,212,207,204,204,207,217,225,225,225,225,228,228,230,230,228,228,228,212,143,141,144,204,215,222,225,225,225,222,225,230,233,233,225,209,202,207,222,228,228,228,228,228,228,230,233,230,228,228,230,230,230,230,230,222,202,198,207,228,230,230,230,233,235,235,235,233,230,230,230,230,228,228,228,230,230,230,230,228,228,228,230,233,233,233,233,235,233,228,225,222,217,212,211,212,215,215,217,222,217,215,215,217,217,217,217,215,207,199,202,204,202,202,199,189,194,196,209,209,209,209,209,207,207,207,209,207,202,196,202,207,204,199,191,183,186,194,202,207,204,194,178,125,178,207,215,209,178,79,77,79,91,117,183,196,199,199,202,207,212,211,212,217,217,217,222,225,225,225,222,217,217,217,222,220,0,0,217,222,222,217,212,207,202,199,196,194,189,181,173,125,121,120,120,121,121,119,115,113,111,109,111,111,111,113,117,115,107,103,106,125,186,191,191,191,196,199,199,199,202,196,189,181,181,186,191,196,202,204,202,202,204,209,209,209,207,207,207,204,204,204,207,204,196,183,135,133,133,133,133,130,131,137,189,189,191,196,202,204,207,209,209,207,204,204,204,209,215,222,217,215,212,207,196,194,199,204,209,217,222,217,212,212,215,212,207,202,198,196,198,202,204,204,204,207,212,222,228,228,222,217,222,225,225,225,225,225,217,209,207,208,217,230,225,207,194,143,140,139,140,145,202,207,209,209,209,207,207,207,207,204,202,202,199,199,196,196,196,196,196,196,196,194,194,196,204,212,217,225,228,230,230,228,226,228,233,238,238,235,233,230,228,222,222,222,222,222,222,217,215,212,212,212,215,217,222,225,228,230,228,225,225,225,225,225,225,222,215,212,207,207,207,207,209,209,207,207,207,207,209,215,217,222,225,225,225,228,228,230,230,233,235,235,235,235,233,233,233,230,230,230,233,235,235,233,233,233,235,235,235,238,238,241,243,246,246,246,246,246,246,246,246,243,243,241,241,235,233,230,228,228,228,233,235,238,241,243,246,246,243,243,246,248,248,246,243,243,241,238,235,71,67,67,73,79,79,77,67,65,71,81,87,77,65,51,45,38,36,38,49,69,85,99,103,103,105,121,183,196,207,225,233,241,235,230,230,222,199,183,163,150,99,79,65,59,63,75,89,87,75,61,57,63,59,47,37,37,37,39,31,23,17,15,14,0,0,0,0,0,0,46,66,116,118,108,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,20,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,0,0,0,0,0,0,0,0,25,7,0,0,0,0,0,0,0,9,12,9,17,40,0,0,0,0,0,85,79,27,0,30,46,64,85,95,46,0,0,0,0,19,53,0,0,87,69,0,0,0,255,243,79,60,82,155,176,183,173,131,56,0,0,0,0,0,0,0,0,0,207,0,186,163,150,163,181,173,121,46,0,0,0,0,33,79,0,0,0,0,0,0,0,0,0,0,0,0,0,116,100,82,59,0,0,0,17,0,0,0,0,0,0,66,56,46,35,22,12,4,4,12,7,0,0,5,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,43,100,144,176,176,163,163,186,196,186,176,196,222,189,76,67,85,107,157,160,115,107,103,107,157,173,115,95,91,109,170,181,191,196,196,191,170,119,113,113,111,119,168,181,181,181,181,186,189,196,189,173,125,125,117,114,114,125,183,186,183,170,123,123,176,183,189,189,183,183,183,191,191,189,189,183,181,181,178,111,79,81,99,125,189,189,178,169,173,178,186,194,194,194,191,186,194,202,202,209,215,217,225,215,207,207,207,207,220,243,243,222,212,209,209,199,178,111,73,53,37,39,41,35,37,63,79,93,152,176,194,194,186,173,139,75,53,65,87,89,101,160,183,183,186,189,191,173,147,99,87,87,85,75,79,81,81,87,103,103,97,109,117,117,129,202,220,222,222,230,238,241,246,254,255,255,255,255,255,255,255,255,255,255,0,0,255,255,230,204,189,189,186,178,165,142,113,90,0,0,0,0,108,121,124,103,74,64,64,61,53,38,3,0,0,0,0,0,0,0,0,0,0,0,0,0,15,25,33,65,139,163,170,173,178,183,191,191,202,202,212,204,191,181,131,131,135,183,191,191,183,189,207,215,222,222,222,222,222,213,211,222,243,255,255,254,254,254,254,243,238,238,255,255,255,255,255,251,251,251,246,238,217,207,191,183,133,129,121,125,129,176,181,173,119,105,97,93,103,121,173,181,183,194,194,194,194,207,215,225,235,235,225,209,208,208,215,217,217,215,194,165,101,85,75,69,65,55,51,47,46,46,47,55,69,75,124,131,139,150,150,150,139,131,131,91,75,71,71,65,57,55,59,55,52,55,65,71,75,87,71,55,53,65,87,131,131,139,101,103,150,152,152,150,150,142,107,107,97,73,65,71,89,109,186,217,228,228,194,107,65,47,42,44,67,176,248,255,255,251,220,183,165,115,102,98,103,173,204,204,194,183,163,107,97,85,78,81,107,178,215,196,165 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,191,165,155,131,82,43,0,0,0,0,0,0,0,0,7,64,74,82,47,49,92,116,134,150,152,152,160,165,168,163,150,102,101,147,165,176,186,189,183,178,181,186,173,173,183,204,209,204,202,202,200,204,207,209,199,181,168,103,80,68,91,194,233,230,19,0,0,0,111,209,209,88,52,91,123,176,181,178,170,131,194,207,212,209,207,209,209,212,211,209,208,211,215,215,207,65,41,56,135,199,207,207,209,212,215,217,217,217,215,215,212,209,204,202,204,209,207,186,136,139,139,135,181,183,183,202,212,204,199,191,194,194,194,196,202,209,207,202,196,196,186,186,199,204,202,202,204,215,217,212,209,207,204,204,196,191,194,199,207,215,212,207,199,191,191,196,194,190,191,202,202,204,217,228,233,217,194,194,196,189,196,215,217,212,209,204,199,212,228,220,141,133,191,228,230,238,233,199,138,140,143,140,133,189,230,241,243,241,235,230,215,196,192,196,215,228,228,225,217,215,222,230,225,204,139,137,196,209,215,225,228,212,209,217,215,194,113,118,225,233,228,228,228,222,217,215,204,191,139,183,189,189,189,137,120,112,121,120,121,131,204,212,202,202,202,186,194,209,174,160,191,199,189,191,207,209,196,137,136,139,191,196,141,141,204,228,233,233,235,235,230,225,225,225,225,222,225,228,215,207,212,209,125,131,207,217,217,228,230,230,228,230,233,230,230,228,222,191,130,189,191,119,110,110,131,137,186,212,212,191,189,199,215,233,233,196,189,202,204,186,183,191,123,91,123,241,228,88,85,137,212,225,233,235,235,235,235,235,233,228,225,225,228,228,202,191,199,196,190,194,207,194,137,183,189,183,189,194,189,194,207,186,101,215,235,238,238,235,233,233,230,230,230,233,233,233,233,233,235,235,238,238,235,233,230,230,230,230,230,230,230,217,202,189,186,189,196,194,182,179,187,194,191,183,183,194,196,194,194,191,190,190,196,207,212,204,196,192,202,220,215,204,94,98,112,124,209,225,230,241,235,215,207,212,209,207,212,217,204,109,100,97,98,202,222,222,212,196,189,138,139,189,189,199,217,233,233,225,217,215,217,215,191,106,99,111,207,228,233,235,238,230,212,199,196,199,202,202,202,209,209,204,204,204,204,202,202,199,198,199,204,212,222,230,233,230,209,192,191,202,212,212,207,202,207,217,225,209,202,196,145,194,202,143,131,129,137,207,217,204,149,204,230,235,235,235,238,235,235,235,238,235,233,230,230,233,233,233,235,235,215,127,131,215,238,241,243,238,230,230,222,151,141,135,127,122,123,126,215,228,230,233,233,233,233,233,233,230,230,230,233,233,230,230,233,235,235,238,238,241,241,241,238,238,235,235,241,246,243,238,238,238,238,238,238,238,238,238,241,241,241,238,238,238,238,235,235,235,235,235,235,235,235,233,230,233,233,233,233,235,235,233,228,225,225,230,235,238,235,233,233,235,238,238,238,238,238,235,235,238,235,233,230,225,221,220,225,228,230,233,235,233,230,228,228,230,228,225,222,222,222,225,228,225,220,222,225,225,222,222,225,65,0,75,255,178,15,0,0,0,0,59,176,194,181,152,170,212,199,76,65,131,186,186,186,199,209,212,215,217,215,209,209,212,215,217,215,212,212,212,212,215,215,217,215,215,212,212,212,212,207,194,165,183,212,199,202,202,183,83,0,0,0,9,73,178,204,204,198,202,209,212,212,217,225,222,215,209,209,212,217,225,225,225,222,225,230,233,233,230,225,212,196,144,144,149,207,215,217,222,225,225,225,225,230,233,230,225,207,200,204,222,228,228,225,222,220,222,228,230,230,228,228,230,230,230,230,230,225,203,199,207,228,233,230,230,230,233,233,233,230,230,228,228,228,228,225,225,228,230,230,228,228,228,228,230,230,230,230,230,230,225,217,215,215,215,212,211,212,215,217,217,222,220,215,215,215,217,217,217,217,209,204,209,209,204,202,196,137,183,202,212,212,212,209,209,209,209,209,209,207,207,207,204,204,202,196,183,121,115,123,186,202,204,196,183,178,196,209,215,215,204,87,87,119,131,183,194,199,202,204,209,212,215,212,215,217,222,217,222,225,225,225,222,217,217,217,222,222,0,225,228,228,228,222,212,207,202,199,199,199,194,183,173,125,121,121,121,121,121,119,117,113,111,109,111,111,111,113,119,121,111,104,106,121,181,189,189,189,194,196,199,199,202,199,196,191,189,189,191,194,199,202,204,204,204,204,207,209,209,209,209,207,204,202,202,202,196,186,133,130,130,131,131,131,135,183,191,194,196,199,199,202,202,204,207,207,204,204,207,209,212,215,212,209,209,202,146,145,196,207,209,215,222,217,217,217,217,212,207,202,198,198,199,204,207,204,204,204,209,217,225,225,217,217,222,222,225,225,225,222,215,209,209,209,217,225,225,212,199,147,143,141,143,196,207,212,215,212,212,207,207,207,207,207,204,202,202,199,199,196,196,199,199,199,199,196,196,199,204,207,207,212,222,228,230,230,230,233,238,241,241,241,238,233,228,222,220,220,221,222,222,217,212,211,211,212,215,217,222,228,230,233,233,230,228,228,228,230,228,225,217,212,207,207,209,209,212,209,209,207,205,205,207,212,217,222,225,225,225,225,228,230,235,238,241,238,238,238,238,235,235,235,235,235,235,238,235,235,235,235,238,238,241,243,243,246,248,248,248,248,248,248,248,248,246,246,243,241,241,235,233,228,225,224,225,228,233,235,235,238,241,238,235,238,241,243,243,241,241,238,235,235,233,65,57,57,59,65,67,65,59,67,79,101,107,101,83,71,59,53,45,53,69,87,113,165,170,170,170,178,191,196,196,207,222,230,222,222,222,209,199,191,173,155,103,79,65,61,65,79,124,89,79,69,61,69,63,55,45,45,45,39,48,21,13,5,0,0,0,0,0,0,0,22,33,66,74,66,92,118,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,0,0,0,0,0,0,0,0,51,25,0,0,0,0,0,0,0,9,20,17,17,0,0,0,0,0,0,139,92,0,0,3,17,33,77,95,40,0,17,0,0,51,51,0,0,111,111,103,155,255,255,251,103,72,100,147,147,139,134,90,23,0,0,0,0,0,0,0,0,0,235,225,199,170,142,147,170,165,131,46,0,0,0,0,12,56,98,0,0,0,0,0,0,0,0,0,0,0,0,108,90,82,59,17,0,0,0,0,0,0,0,0,0,66,59,48,40,27,12,1,4,14,22,17,22,33,35,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,90,142,186,186,147,134,138,165,191,186,183,196,215,186,79,68,79,95,101,103,103,107,109,115,173,183,173,107,99,107,121,170,176,183,183,170,121,113,113,113,119,168,181,189,199,196,196,194,196,202,194,178,129,127,125,116,116,127,186,191,186,170,123,123,176,183,189,191,189,183,183,183,183,183,181,168,125,168,173,121,83,81,103,170,181,189,183,173,172,173,178,186,204,202,199,194,202,207,209,217,217,225,225,215,207,207,207,207,220,233,246,243,222,212,199,191,181,155,79,53,35,33,39,27,23,37,47,61,85,168,196,199,186,168,147,93,85,93,91,73,75,142,173,168,160,168,165,142,87,83,89,105,101,79,75,79,79,83,99,105,121,178,183,183,199,215,215,209,220,228,230,238,246,254,255,255,255,255,255,255,255,255,255,255,0,0,255,255,228,207,191,189,176,168,157,131,69,63,0,0,0,111,111,118,111,90,66,51,46,46,40,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,29,39,69,139,165,173,181,183,189,191,191,202,204,220,220,207,183,129,128,130,181,204,207,204,204,204,207,207,212,215,225,225,215,213,215,241,255,255,251,243,243,243,241,238,241,255,255,255,255,255,246,246,246,243,228,215,204,191,191,183,135,133,176,189,204,207,189,125,109,97,93,97,105,115,119,127,176,183,194,194,207,215,225,235,235,225,215,208,208,215,228,228,215,207,173,109,93,85,75,65,55,47,46,46,47,51,57,69,75,87,124,131,139,139,139,131,131,124,87,75,69,63,55,51,51,55,55,52,52,55,71,87,131,91,71,71,87,131,137,131,95,85,93,139,142,142,142,150,150,142,107,93,65,57,65,85,109,189,220,241,235,196,113,67,45,40,41,61,168,255,255,255,255,235,194,173,165,109,102,117,215,233,220,194,170,109,93,93,93,81,91,107,173,196,178,109 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,189,157,152,17,4,17,0,0,0,0,0,0,0,0,0,0,13,85,85,51,95,124,139,147,150,152,160,160,157,155,144,101,101,150,168,178,183,183,181,181,186,189,176,169,173,183,191,194,196,204,204,204,202,199,183,127,117,86,84,89,207,212,225,230,189,183,186,202,212,209,109,48,49,81,125,183,202,204,173,125,186,199,204,207,207,209,212,212,212,211,208,211,222,225,238,254,15,87,127,196,209,212,215,217,217,217,217,217,217,217,215,209,202,200,202,207,207,189,135,137,139,186,189,186,183,196,207,209,202,196,196,199,199,202,209,215,209,202,199,202,196,196,204,204,202,202,207,215,217,217,212,204,202,199,189,186,189,199,209,215,215,209,202,199,199,199,191,190,196,204,202,204,222,233,238,225,192,192,204,199,196,196,196,207,212,194,186,207,225,228,209,191,196,217,230,238,233,196,139,141,191,142,138,194,225,238,241,241,235,222,202,195,196,207,222,228,228,222,217,222,230,233,230,225,207,141,141,202,215,222,225,215,212,217,217,209,126,129,225,230,228,230,230,228,225,215,202,189,194,212,215,194,137,125,121,123,183,133,125,129,196,204,199,204,212,199,191,189,165,161,202,199,183,191,207,212,207,189,137,136,141,194,191,196,215,233,233,233,233,233,230,225,225,228,228,228,230,233,228,225,202,102,109,191,217,225,228,230,230,230,230,230,233,233,233,233,217,191,186,139,119,113,119,125,129,127,128,215,222,199,187,189,202,217,212,186,186,199,196,176,174,191,189,118,135,207,101,93,115,228,228,230,238,238,235,233,233,233,233,230,225,225,230,230,209,199,202,199,190,194,194,186,129,135,194,191,189,189,189,189,183,125,196,225,235,241,238,235,235,233,233,233,233,235,235,235,235,235,235,235,238,238,238,235,233,230,233,233,230,230,228,209,189,186,187,191,194,191,181,178,185,189,191,194,196,207,207,199,196,202,207,212,220,228,233,225,212,199,212,230,222,207,104,98,112,196,217,207,200,238,241,230,222,215,199,199,212,222,204,121,109,104,119,204,217,215,196,187,191,202,202,189,186,196,217,230,225,209,202,202,204,209,207,121,107,125,204,217,225,222,222,209,196,194,195,202,204,199,202,207,207,202,202,204,204,202,199,199,202,202,202,204,207,209,217,225,212,192,191,199,215,217,212,202,204,217,233,217,207,196,135,135,141,141,141,194,199,207,209,202,202,215,233,235,230,230,230,230,230,233,235,238,235,235,235,235,233,230,230,230,222,143,123,135,230,238,238,235,225,217,204,145,145,202,204,139,130,130,204,217,228,233,233,233,235,235,233,233,230,233,235,235,233,233,235,238,235,235,235,235,238,241,241,238,235,235,241,243,241,238,235,238,238,238,235,235,235,235,238,238,238,238,238,235,235,235,238,235,235,235,235,235,235,233,230,229,230,233,233,233,230,228,225,222,225,230,235,238,238,233,233,235,235,235,235,238,238,235,238,238,238,235,228,222,218,218,222,228,230,233,235,235,230,228,230,230,228,225,222,222,222,228,228,228,222,222,225,225,217,207,170,0,0,11,93,17,0,0,87,101,27,79,181,209,220,220,215,222,207,93,80,173,183,191,204,209,215,222,225,228,222,217,215,215,215,215,212,212,212,215,215,215,217,217,217,215,212,212,212,199,202,207,207,215,222,220,225,225,233,230,81,0,0,21,115,186,204,209,207,209,212,217,222,225,225,225,225,222,217,217,217,225,225,222,212,209,215,225,228,225,217,207,196,147,147,199,212,217,222,222,225,225,228,228,230,230,228,217,204,202,207,225,228,228,225,217,216,216,222,228,228,228,228,230,230,230,230,233,228,205,202,212,230,233,233,230,230,233,233,233,230,228,228,225,228,225,225,225,228,230,230,228,225,225,228,228,230,228,228,228,225,217,209,208,209,212,215,215,215,215,212,212,215,212,207,207,209,215,215,215,212,199,191,199,204,204,196,183,111,92,217,217,215,209,207,207,212,212,209,207,204,207,209,207,204,204,199,189,123,105,91,95,133,199,199,194,191,204,209,209,220,217,103,99,186,191,196,199,199,199,207,215,217,217,212,212,217,222,217,222,222,225,225,222,217,217,217,222,0,225,228,230,230,225,215,209,202,199,199,202,202,196,186,173,127,125,121,121,121,121,121,119,115,111,109,111,109,109,113,119,163,119,111,113,123,176,183,183,186,191,196,196,194,196,196,196,194,191,189,189,194,196,199,202,202,196,196,202,207,204,204,204,204,199,199,199,202,196,186,133,128,129,131,133,135,139,189,194,196,199,202,202,202,204,204,207,207,207,207,209,209,209,207,207,207,209,199,144,143,147,202,207,212,217,217,217,217,217,215,209,204,202,202,204,209,215,212,209,207,209,217,225,222,215,215,217,222,222,222,222,217,215,215,215,212,215,222,222,215,207,199,196,196,196,202,209,215,215,215,212,207,205,205,207,207,207,204,202,199,199,199,202,202,202,199,199,202,202,204,204,204,203,204,212,225,230,233,233,235,241,243,243,243,243,241,235,228,225,222,222,222,217,215,211,211,211,212,215,220,225,230,235,238,235,235,233,233,233,233,230,228,220,212,209,209,212,215,215,212,209,209,207,205,207,209,215,222,225,228,228,228,230,233,238,243,243,243,241,241,241,241,241,241,238,238,241,241,238,238,235,238,241,243,246,248,251,251,254,254,254,254,251,251,251,248,246,243,243,241,238,238,233,228,225,224,224,225,230,233,233,233,233,233,230,230,235,235,235,233,233,233,230,230,228,53,45,43,43,49,53,53,57,71,97,155,170,168,113,103,97,83,77,83,101,155,178,189,194,194,189,189,189,181,173,186,207,228,228,220,220,220,220,204,189,168,109,85,71,67,73,79,87,87,81,75,69,69,90,82,51,45,45,59,51,40,7,0,0,0,0,0,0,0,0,7,7,7,14,17,38,0,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,4,0,0,0,0,0,0,0,0,51,25,0,0,0,0,0,0,27,46,0,0,0,0,0,0,0,0,204,77,0,0,25,22,30,77,95,33,0,33,0,0,66,33,0,0,163,194,147,137,202,255,173,103,72,79,100,90,87,74,33,0,0,0,13,5,0,0,0,0,181,225,209,191,163,137,142,165,165,118,40,0,0,0,0,1,43,82,0,0,0,0,0,0,0,0,0,0,0,116,98,82,66,35,7,0,0,0,0,0,0,0,0,0,77,69,66,48,30,12,1,7,14,22,17,17,25,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,152,189,176,138,131,144,176,186,196,196,196,196,160,91,79,93,101,105,109,115,157,160,160,160,178,181,168,115,115,121,121,119,121,119,117,113,113,119,168,168,168,181,199,207,204,204,196,194,194,189,173,127,129,125,117,127,183,191,194,186,170,123,123,170,181,189,196,196,191,181,176,181,173,125,113,109,111,113,105,81,80,105,181,181,189,196,186,176,172,178,191,212,217,209,202,202,209,209,215,217,217,217,215,207,207,207,215,220,233,243,248,235,204,178,178,194,183,95,55,23,17,19,9,7,7,5,13,45,97,186,194,178,165,165,165,163,160,93,68,67,85,89,69,59,83,99,89,81,81,99,105,105,73,67,73,79,85,95,111,186,217,222,222,225,225,215,202,212,222,228,238,246,251,255,255,255,255,255,255,255,255,255,255,255,0,255,254,228,209,199,189,176,168,147,116,57,57,87,111,111,108,111,113,105,85,61,46,40,38,23,9,0,0,0,0,0,0,0,0,0,0,0,0,0,1,29,37,49,77,147,173,183,189,199,204,204,212,212,220,230,230,215,189,129,128,133,183,204,204,191,191,191,191,191,207,222,230,235,225,215,215,235,251,241,230,222,225,230,241,243,251,255,255,255,255,255,246,246,246,243,233,215,207,207,207,194,191,183,189,204,212,212,189,125,109,99,93,89,97,99,107,113,129,183,183,194,194,209,225,235,235,225,215,215,215,228,228,228,228,212,181,147,101,85,75,65,51,46,46,47,51,55,59,65,71,85,124,131,137,139,139,131,124,124,85,71,65,59,53,50,50,51,53,52,52,55,71,95,131,95,87,87,131,139,131,87,75,71,75,97,139,139,142,150,157,152,107,85,57,50,57,77,113,189,228,246,235,209,155,71,47,41,42,63,176,255,255,255,255,254,217,194,183,125,115,176,233,233,209,178,157,107,97,101,109,0,109,150,170,183,157,97 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,77,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,72,9,55,116,134,142,139,144,152,152,144,142,137,102,102,147,165,173,176,176,178,183,186,181,170,170,178,181,176,127,125,176,196,194,181,170,121,119,168,127,170,183,215,217,217,215,199,202,212,228,217,209,181,90,111,173,191,204,215,212,119,115,178,191,196,202,207,207,209,215,217,217,215,215,222,222,243,255,13,107,123,196,215,222,225,225,222,222,222,222,217,217,215,209,204,200,202,207,209,196,137,137,183,189,194,189,186,194,204,204,199,199,202,204,202,204,212,217,212,202,202,204,202,199,196,196,196,202,209,215,222,222,215,202,191,191,186,185,189,199,207,212,209,207,199,196,202,202,190,190,199,207,204,209,222,233,238,228,196,196,209,202,194,139,134,186,194,120,129,199,217,228,217,199,199,207,217,228,225,199,143,191,196,189,142,194,212,230,238,238,228,209,190,192,204,217,225,222,222,217,217,228,233,233,230,233,225,196,141,194,204,209,209,209,207,207,209,209,199,212,233,233,230,233,233,230,228,215,196,186,196,217,228,209,186,125,127,139,199,191,135,129,133,137,135,189,212,215,196,186,169,170,204,186,172,186,207,215,212,202,191,139,138,186,191,202,222,233,233,233,233,228,225,222,222,228,230,233,235,238,235,212,92,94,137,217,225,230,230,230,230,233,235,235,238,238,235,228,199,139,191,139,109,137,196,189,129,122,122,191,207,196,187,186,189,199,191,131,181,191,189,174,176,209,228,222,212,204,109,114,215,235,235,233,235,235,233,233,231,233,233,235,233,233,230,228,212,204,207,204,196,194,189,139,122,120,137,191,196,196,194,183,133,124,238,235,238,241,238,235,235,233,233,235,235,235,235,235,235,235,233,235,235,238,238,235,233,233,233,233,233,233,228,186,178,189,196,194,194,204,202,194,194,189,189,196,202,207,199,190,191,207,225,235,238,241,241,238,230,215,212,220,202,189,189,137,196,207,204,195,191,220,230,230,212,118,117,143,202,202,189,135,129,123,141,209,222,217,194,185,191,204,202,187,183,194,209,215,204,191,194,202,209,222,233,230,212,199,202,209,215,209,199,194,191,191,196,209,209,204,199,196,196,196,202,207,204,199,199,204,209,212,207,202,194,192,194,207,207,195,192,202,215,222,212,200,200,207,217,212,204,194,137,137,141,191,204,217,212,204,200,202,209,225,233,230,225,222,222,222,225,228,233,235,235,235,235,233,233,230,229,233,235,217,123,116,212,225,225,230,222,209,204,202,209,222,230,235,225,149,151,207,222,233,235,235,235,238,235,233,233,233,235,235,235,235,235,238,238,235,234,234,235,238,241,241,238,235,238,243,241,238,235,235,235,235,235,235,233,235,235,235,235,235,235,238,238,238,238,238,238,235,235,235,235,235,230,229,230,233,235,233,230,225,222,220,222,228,233,235,235,233,231,233,235,235,235,235,235,235,238,238,238,235,230,222,220,220,225,228,230,235,238,238,235,230,228,228,225,225,222,222,225,228,228,228,222,222,222,222,212,191,27,0,0,0,0,0,0,11,199,207,111,105,191,222,225,222,222,230,228,111,79,129,186,194,202,207,215,222,228,230,228,222,217,217,217,215,212,212,212,215,215,217,217,217,217,217,215,212,209,121,178,207,215,215,212,220,220,222,238,248,105,0,0,31,183,194,207,215,217,217,217,222,225,225,225,225,230,230,228,222,222,225,228,222,207,196,148,202,215,212,204,196,143,140,145,204,217,222,225,225,225,228,228,228,228,228,225,212,204,204,215,225,228,225,222,216,215,216,222,225,228,228,228,230,230,230,230,233,230,212,207,215,230,233,233,233,233,233,233,233,230,228,228,225,225,222,222,222,225,225,225,225,225,225,225,228,228,225,225,225,225,217,209,208,208,212,217,222,217,215,209,207,209,207,203,204,207,209,212,209,199,112,105,115,186,199,189,121,79,66,228,217,209,204,202,204,209,212,209,204,200,202,207,207,207,204,202,199,194,117,83,74,79,117,189,196,199,204,207,207,217,217,127,119,183,194,199,199,196,196,204,215,217,217,211,209,215,217,217,217,222,225,225,222,217,217,217,222,222,222,225,228,225,217,209,202,199,199,199,202,202,196,189,178,168,125,123,121,121,121,119,117,115,111,109,109,109,109,113,121,165,125,123,123,127,173,178,181,186,191,194,191,191,191,194,194,191,187,189,194,202,204,204,202,196,191,190,194,202,202,196,196,194,194,196,199,199,194,183,133,129,131,137,183,189,194,196,194,191,194,199,202,204,207,207,207,207,207,207,209,209,207,205,205,209,212,204,191,144,146,196,202,209,215,215,215,217,217,215,209,207,204,204,207,215,217,217,215,212,212,217,222,215,209,212,217,222,222,217,215,215,215,215,217,215,215,215,217,217,212,207,207,207,207,204,207,209,209,212,215,209,207,205,205,207,207,204,202,202,202,202,202,202,202,202,199,202,204,207,209,207,203,204,209,222,228,233,233,235,238,241,241,243,246,246,243,238,233,230,228,225,217,212,211,212,215,217,222,225,228,233,238,238,238,238,235,235,235,233,230,228,222,217,215,215,215,215,215,212,212,209,207,207,207,209,215,222,228,230,230,230,233,238,243,246,246,246,246,246,246,246,243,243,243,243,243,243,241,238,238,238,243,246,251,255,255,255,255,255,255,254,254,254,254,251,248,246,243,241,238,238,238,233,228,225,225,225,228,228,228,228,228,225,222,225,228,228,228,228,228,225,225,225,222,43,37,33,33,43,45,49,59,77,107,170,183,189,178,170,170,168,160,160,165,176,186,194,194,194,189,181,168,119,113,168,204,230,238,228,228,230,230,222,207,189,168,142,93,83,79,77,79,85,79,73,75,69,90,61,55,51,66,66,59,40,1,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,69,48,17,0,0,0,0,0,61,82,0,0,0,0,0,0,131,165,155,48,0,0,0,74,0,108,118,56,11,40,0,87,59,25,0,0,0,235,183,87,79,121,105,105,100,72,53,53,59,48,9,0,0,0,1,0,0,0,0,48,85,116,134,155,155,129,134,155,152,100,33,0,0,0,0,0,22,79,0,0,0,0,0,0,0,0,0,0,0,116,98,74,48,17,0,0,0,0,0,0,0,0,0,0,0,82,85,61,30,9,0,0,7,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,139,176,181,155,139,139,152,163,176,199,199,189,181,155,103,99,101,103,111,160,173,178,173,160,160,178,189,194,183,181,176,170,119,113,112,110,110,113,176,186,173,168,178,189,207,212,204,194,186,186,178,129,127,129,127,125,178,186,194,191,183,170,125,125,127,176,183,196,207,199,183,173,173,125,113,109,108,109,111,99,80,76,109,189,189,194,209,196,178,178,191,204,217,220,220,212,209,209,209,207,202,202,199,196,196,199,207,215,215,212,222,243,222,176,147,160,194,191,113,63,17,3,2,0,0,0,0,0,29,79,173,186,183,186,199,207,199,186,163,91,79,69,47,13,3,45,77,89,83,83,81,81,73,53,51,63,73,81,103,168,207,228,235,235,225,215,212,202,209,212,222,235,241,251,255,255,255,255,255,255,255,255,255,255,255,255,255,248,222,209,199,189,170,155,134,103,57,57,85,92,85,85,90,90,90,82,61,43,25,19,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,33,43,55,118,157,178,189,204,212,215,220,222,225,233,241,241,222,191,133,133,183,207,207,191,141,140,189,204,204,212,225,241,241,230,215,215,222,230,225,215,207,215,225,243,254,255,255,255,255,255,255,251,251,251,248,238,225,215,215,217,215,215,207,204,204,207,204,189,129,113,105,93,83,83,89,93,103,121,176,183,186,194,207,215,228,235,228,225,215,215,228,228,235,228,212,181,157,103,93,77,65,51,46,46,47,55,59,59,63,65,75,124,131,139,139,139,131,124,87,75,65,63,59,55,51,50,51,55,55,55,61,71,95,131,91,81,86,131,137,95,71,63,63,71,85,101,142,152,157,157,157,107,75,51,48,53,75,109,189,220,246,246,215,163,85,51,44,44,67,186,255,255,255,255,255,228,196,183,165,165,194,225,215,183,165,117,107,103,115,170,0,0,163,170,173,150,91 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,118,134,129,131,142,142,137,134,137,135,104,144,155,165,165,168,178,191,191,178,165,168,176,173,121,115,109,104,103,115,119,119,117,121,189,189,176,186,215,225,215,196,194,215,225,230,217,209,196,173,170,186,202,212,209,196,107,106,131,178,183,191,199,196,196,207,217,222,222,222,215,212,225,243,35,103,119,196,217,228,230,228,225,222,222,222,217,215,215,212,209,204,204,207,212,202,183,139,183,189,189,183,186,196,202,199,195,199,207,207,204,204,212,215,209,202,202,204,207,199,123,107,135,207,215,217,222,225,217,196,182,183,189,186,189,199,207,207,202,199,194,194,202,207,191,189,199,209,212,215,228,233,235,225,191,189,199,194,191,139,134,139,137,94,122,202,215,220,215,202,202,209,212,215,207,191,143,196,196,142,142,189,199,217,230,228,215,196,186,192,212,225,225,217,216,216,222,230,233,233,233,235,228,209,196,194,199,204,204,202,194,185,189,196,204,222,230,233,233,233,233,233,225,209,194,186,189,199,212,204,191,117,119,131,189,196,191,137,129,127,124,124,189,217,212,207,186,191,199,173,164,191,212,217,212,204,207,207,191,186,191,207,225,233,233,233,230,225,220,215,215,222,228,230,230,230,215,70,63,115,233,230,230,233,233,233,233,235,238,241,241,238,230,199,121,121,133,107,71,191,202,191,129,125,137,196,202,199,196,189,185,196,186,126,137,183,178,177,191,217,230,230,215,199,189,204,228,235,235,235,233,230,233,233,233,233,238,238,238,233,225,217,209,204,202,202,202,199,183,186,121,116,127,194,207,207,199,139,131,135,241,238,238,235,235,233,233,233,233,233,233,233,233,235,235,233,233,233,235,238,235,235,233,233,235,235,233,233,228,186,177,194,199,196,199,222,230,225,212,139,131,141,194,199,191,187,190,212,233,241,241,243,243,241,233,209,189,187,187,196,217,225,225,217,209,202,200,215,222,217,125,110,117,199,204,199,191,145,137,121,199,222,225,222,199,187,189,191,189,186,185,189,199,202,194,143,196,212,225,233,241,241,225,199,194,207,209,202,194,194,196,196,204,212,215,209,199,194,192,196,207,207,196,194,196,209,225,230,225,209,194,190,190,196,202,198,196,199,209,209,204,200,199,202,204,207,204,202,204,202,199,199,212,228,217,204,202,209,225,233,233,230,225,218,218,220,220,222,228,233,235,235,233,230,230,230,230,235,238,230,141,111,217,220,202,217,222,217,222,222,225,233,238,243,238,215,149,153,217,230,235,235,235,238,238,238,235,233,233,235,235,235,235,238,241,238,235,234,235,238,241,241,238,235,235,238,241,238,235,235,235,235,233,233,233,233,235,235,238,238,238,238,238,238,241,241,238,235,235,235,235,235,233,230,233,235,238,233,230,228,225,222,222,228,233,235,233,231,231,233,233,233,233,235,235,235,235,238,238,235,230,225,222,222,222,225,228,233,238,238,235,233,228,228,225,225,222,225,225,228,230,230,225,222,222,217,207,178,0,0,0,0,0,0,0,29,183,189,165,94,165,209,209,204,204,212,212,121,72,113,186,194,196,204,215,222,228,228,225,225,222,222,217,212,211,211,212,215,217,217,217,217,222,222,220,212,183,83,115,204,212,208,205,208,209,215,230,233,101,0,0,57,199,207,215,222,222,222,222,222,222,222,222,225,230,230,228,225,225,228,230,228,212,149,143,141,202,204,149,137,133,136,149,215,225,228,228,230,230,230,228,228,225,225,217,207,204,212,225,228,228,225,222,217,217,222,225,225,228,228,228,230,230,230,230,233,230,217,212,217,228,230,230,233,233,233,233,233,233,230,228,228,225,222,221,220,222,222,222,222,225,225,225,222,222,222,222,225,222,217,215,209,209,212,217,222,222,215,207,205,207,207,204,204,207,204,202,199,139,103,101,115,189,199,186,119,76,76,228,215,204,199,199,202,204,207,207,204,200,199,202,207,207,204,202,202,202,189,117,79,72,73,97,133,202,207,209,209,215,215,194,181,186,194,199,199,196,196,202,215,222,217,211,208,212,217,217,217,222,225,225,222,217,217,217,222,222,222,222,217,217,212,207,202,199,199,202,202,199,196,189,181,170,125,121,119,117,117,117,115,115,109,108,111,111,111,115,123,168,168,165,165,170,173,176,178,186,191,191,189,189,194,194,191,189,187,189,199,207,209,209,204,194,189,189,194,202,199,194,191,191,194,196,196,196,189,183,135,135,183,194,199,204,204,202,194,186,189,196,204,209,212,212,209,207,207,207,207,207,207,205,205,212,215,209,202,194,147,194,199,207,212,215,215,215,215,215,209,204,203,203,207,212,217,222,217,215,217,217,217,209,207,208,215,222,217,212,209,209,212,215,217,217,212,211,215,222,217,215,215,215,209,204,204,202,207,212,217,215,209,207,207,209,209,209,207,207,204,202,202,202,202,202,199,199,202,209,215,212,207,207,215,222,228,230,230,233,235,235,235,238,243,248,248,246,241,238,235,230,222,212,212,217,225,225,228,228,233,235,238,241,241,241,238,238,235,235,230,228,225,222,217,215,215,215,212,209,209,209,209,207,207,209,212,222,228,233,235,235,235,238,243,246,246,246,246,248,248,248,248,246,246,246,246,243,241,241,238,241,243,248,255,255,255,255,255,255,255,255,255,255,255,254,251,246,243,241,241,243,241,238,233,230,228,228,228,225,222,222,222,217,215,215,222,222,222,222,222,222,222,222,220,39,33,33,33,39,51,55,65,83,109,163,178,189,189,189,196,196,189,181,176,181,181,181,176,176,168,119,107,95,97,160,204,238,246,238,233,238,238,230,222,204,178,160,139,99,93,79,77,77,75,73,67,69,61,57,55,72,69,66,48,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,27,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,40,51,43,9,0,0,0,0,0,0,0,0,0,0,0,0,150,92,82,79,51,0,0,0,116,0,0,142,118,66,66,69,51,43,48,0,0,0,255,147,21,29,82,113,157,0,90,49,55,66,51,9,0,0,0,0,0,0,0,0,79,85,81,95,144,150,108,92,108,118,82,40,3,0,0,0,0,0,53,116,0,0,0,0,0,0,0,0,0,121,105,90,66,48,17,0,0,0,0,0,0,0,0,0,0,0,82,85,61,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,150,160,150,129,126,137,144,144,155,196,204,191,186,183,176,160,105,97,103,115,170,173,170,160,178,183,194,202,202,202,194,189,170,121,113,110,109,119,191,199,186,129,129,189,199,202,194,183,182,186,186,173,173,178,178,173,178,183,183,178,170,125,127,170,170,170,176,189,199,199,191,181,173,121,113,109,113,123,123,107,81,76,103,196,196,204,215,196,186,194,204,212,212,212,209,202,202,194,194,191,191,189,189,189,189,189,207,215,215,208,212,220,207,160,139,152,183,183,150,75,37,3,0,0,0,0,0,1,45,91,170,191,202,212,230,230,217,204,189,163,89,49,3,0,0,27,77,91,89,83,75,63,53,48,51,61,67,79,117,194,217,233,235,233,215,194,194,202,202,212,222,230,241,251,255,255,255,255,255,255,255,255,255,255,255,255,255,248,220,209,202,181,168,152,126,105,63,57,57,53,45,66,69,66,74,66,53,23,9,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,35,45,61,126,165,183,189,199,207,215,222,225,233,241,241,243,230,207,181,181,204,222,215,189,137,138,191,212,215,222,235,251,251,230,215,207,215,217,215,207,207,215,235,251,254,254,255,255,255,255,254,248,251,254,254,246,233,225,225,228,228,225,212,204,189,189,189,189,176,125,113,99,87,83,80,83,99,119,176,183,183,194,207,215,228,228,228,215,207,209,215,228,228,228,215,191,165,147,139,93,69,55,47,47,47,51,55,57,59,65,75,124,131,139,139,139,131,124,75,71,65,59,59,59,55,51,55,63,71,65,71,85,95,95,87,79,79,87,95,87,69,63,63,65,75,101,150,163,165,157,152,107,75,51,48,51,71,103,176,209,235,241,215,168,87,53,44,45,67,186,255,255,255,255,255,228,204,178,170,173,194,204,194,173,165,157,115,107,152,173,0,0,157,165,173,142,85 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,0,0,0,0,9,118,113,113,131,137,134,134,139,139,139,144,152,157,160,160,173,194,194,173,119,118,118,115,116,116,113,108,127,121,115,115,118,178,215,209,183,181,196,215,204,99,105,181,222,217,212,196,183,173,170,186,207,209,199,173,104,105,121,129,173,183,186,181,178,183,199,209,212,222,212,202,137,83,64,103,115,189,215,225,228,225,222,222,222,222,217,215,212,212,212,212,209,212,215,207,191,183,183,183,182,181,189,199,202,196,194,202,209,207,204,207,212,212,204,196,196,204,215,207,71,61,105,217,222,222,220,225,222,199,178,181,191,189,189,194,202,196,189,183,186,181,196,212,196,189,202,215,217,222,228,233,235,217,127,127,137,137,186,189,191,204,196,96,129,212,215,215,207,199,202,212,215,207,191,139,140,194,194,141,142,143,191,207,215,209,199,192,189,196,222,230,225,217,216,217,222,230,233,233,233,230,228,217,207,196,199,204,207,202,191,179,182,187,194,209,217,225,233,233,233,230,222,204,194,189,183,139,135,139,135,100,101,102,116,189,207,196,139,131,126,121,124,199,212,217,217,222,215,176,168,194,217,222,204,196,209,225,207,191,196,209,225,230,230,233,230,225,222,215,209,209,215,217,209,196,103,56,64,212,238,238,235,233,233,233,233,238,241,238,235,230,215,113,110,111,109,52,35,65,196,183,131,194,230,215,209,212,209,204,187,204,194,126,186,183,179,183,209,228,233,230,212,196,202,217,230,233,233,230,229,230,233,233,235,238,241,241,238,230,215,209,207,202,191,191,202,204,111,139,127,121,139,204,215,212,199,135,127,137,212,233,238,230,228,228,228,228,230,230,233,233,231,233,233,233,231,233,235,235,235,233,233,233,235,235,233,230,225,199,183,189,194,196,204,228,238,235,222,124,116,124,141,191,191,191,202,225,235,241,238,241,241,235,225,183,172,177,194,225,230,233,233,230,230,228,217,225,225,209,119,118,212,230,225,222,209,204,191,118,233,241,233,220,202,191,189,186,186,187,187,187,194,194,143,142,199,215,222,225,233,228,199,134,139,212,215,196,194,202,209,209,207,212,212,209,202,192,192,199,209,204,191,189,196,217,235,241,235,225,207,194,194,202,204,202,199,202,202,200,200,202,202,204,207,215,222,228,230,215,204,194,196,209,202,196,202,215,230,235,235,233,228,220,220,220,220,222,228,230,233,233,230,228,230,230,233,235,235,222,149,113,235,228,183,204,225,230,235,228,230,235,238,238,238,230,151,151,212,228,235,235,235,238,241,241,235,230,230,230,233,233,235,238,241,241,238,235,235,235,238,241,238,235,234,235,235,235,235,235,235,235,235,233,233,235,235,238,238,238,241,238,238,241,241,241,238,238,238,238,238,238,238,235,235,238,238,235,230,230,230,228,228,230,233,235,233,231,231,233,233,233,233,235,235,235,235,238,238,233,230,225,225,222,220,221,225,230,235,238,235,233,228,225,225,225,225,225,228,230,230,233,228,225,225,222,207,173,0,0,0,0,0,51,53,111,173,173,155,72,97,194,194,181,168,155,181,181,81,116,186,194,202,209,217,222,222,222,225,225,225,222,217,212,211,211,215,217,222,222,222,222,225,225,225,220,101,57,111,207,212,208,205,208,209,215,222,215,93,51,69,186,207,217,225,222,217,217,217,217,217,220,222,225,228,228,228,225,225,228,233,233,228,209,144,138,147,204,199,132,129,141,217,225,228,228,230,233,235,230,228,225,222,222,209,200,204,222,230,228,228,225,222,222,225,228,228,228,228,228,228,228,230,230,230,233,233,222,209,212,225,230,230,233,235,235,235,235,233,233,230,230,228,225,222,222,222,222,220,221,222,222,222,217,217,217,222,222,222,222,217,212,209,209,215,222,225,222,209,205,207,209,209,207,196,137,136,137,123,101,104,186,207,209,199,181,96,191,228,207,199,198,198,202,204,204,207,207,202,200,202,207,207,204,199,199,196,199,199,129,75,68,70,79,202,207,212,212,212,212,204,196,196,199,202,204,199,199,207,217,222,217,212,209,212,217,217,217,217,222,222,222,217,217,217,222,222,222,217,215,212,209,207,202,199,199,202,202,199,194,189,183,173,125,121,117,115,115,113,113,113,109,109,111,111,113,119,165,170,170,168,168,170,173,173,178,186,186,186,185,189,196,196,194,191,187,187,196,204,209,212,209,199,190,190,199,204,202,194,189,191,191,194,194,191,189,186,183,186,194,202,207,207,207,202,191,186,189,202,209,215,217,217,215,209,204,204,204,207,207,205,207,209,212,212,209,204,199,196,199,207,212,215,215,215,215,212,209,207,204,204,209,215,222,225,225,222,222,222,215,209,207,208,215,222,217,209,205,204,207,212,217,217,211,209,212,222,225,222,222,222,212,204,200,200,204,215,222,225,217,212,212,212,212,212,212,209,209,204,202,202,202,202,202,198,199,207,215,215,212,212,215,222,225,228,230,233,235,235,234,235,241,246,248,248,246,243,241,235,228,217,217,225,230,230,230,233,235,235,238,241,241,241,241,238,235,233,233,230,228,222,217,215,212,209,207,207,207,207,209,209,212,212,215,220,228,233,238,238,238,241,246,248,248,248,248,251,251,251,248,248,248,248,246,246,243,241,241,241,246,254,255,255,255,255,255,255,255,255,255,255,255,255,254,248,246,246,246,246,246,243,238,235,233,230,228,225,220,217,215,215,213,215,217,222,222,220,218,218,218,220,217,37,37,32,37,45,51,65,71,83,101,160,168,178,178,186,194,194,189,178,176,173,170,168,160,160,117,101,85,77,79,117,196,235,235,233,228,233,235,228,220,194,178,165,152,142,134,93,79,77,73,67,61,61,55,55,55,74,74,59,29,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,17,20,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,4,0,0,0,0,0,0,0,0,0,14,33,17,0,0,0,0,0,0,0,0,0,0,0,0,0,150,77,64,72,64,0,0,108,111,0,0,134,126,103,0,0,43,61,87,0,0,0,255,111,21,64,126,168,0,0,139,82,103,103,64,13,0,0,0,0,0,0,0,0,0,168,85,105,163,163,87,53,61,82,74,53,33,9,0,0,0,0,9,82,139,0,0,0,0,0,0,0,0,124,105,90,66,51,27,0,1,25,0,0,0,0,0,0,0,0,69,74,61,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,82,116,116,100,95,118,139,144,144,181,199,199,204,212,212,194,111,95,91,101,115,170,173,183,199,199,194,202,202,202,202,199,191,183,165,113,113,176,199,207,191,129,129,181,189,189,186,182,186,189,189,186,186,186,186,183,173,173,173,125,123,123,127,170,170,125,125,181,191,199,196,189,181,121,113,113,168,181,178,121,91,77,97,202,212,215,215,189,183,186,202,204,204,194,186,186,178,176,176,176,183,189,191,191,191,199,207,222,220,211,208,215,204,170,147,155,176,176,163,99,83,13,3,3,5,5,5,41,79,152,178,194,209,220,230,217,207,194,178,142,61,5,0,0,0,29,71,89,89,81,71,63,57,52,61,73,69,79,165,217,228,233,233,217,191,136,136,191,202,212,222,230,241,254,255,255,255,255,255,255,255,255,255,255,255,255,255,248,220,204,202,181,168,152,142,124,69,51,35,27,33,35,35,29,33,35,23,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,45,63,129,165,186,189,191,204,207,212,222,225,233,241,241,230,207,183,183,215,235,222,189,134,138,207,225,230,230,241,251,251,235,215,204,204,207,204,194,207,222,241,254,251,243,243,246,246,246,243,246,251,255,255,255,246,243,243,243,238,225,207,183,181,181,186,186,181,173,119,105,93,83,80,83,97,115,168,176,183,186,196,209,215,225,215,207,194,194,207,215,217,228,217,196,178,165,152,101,75,59,51,47,47,51,51,55,57,63,75,124,131,139,139,131,124,87,75,71,65,59,59,65,63,59,59,71,75,75,75,87,95,95,87,80,79,87,87,75,71,65,65,65,75,97,152,168,170,163,150,103,75,57,51,55,71,97,163,194,228,235,215,168,85,51,42,44,67,181,255,255,255,255,255,233,204,173,173,189,196,194,183,178,173,165,115,103,107,157,0,0,150,157,163,101,75 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,217,33,0,0,0,0,0,0,45,103,131,137,142,144,144,144,150,155,157,165,168,170,178,176,123,113,117,127,176,189,199,207,212,209,204,176,116,127,189,204,212,183,177,191,202,89,41,49,55,173,111,45,39,113,125,168,178,196,196,178,120,112,115,123,173,186,194,191,181,133,130,133,178,186,207,209,133,26,0,56,107,117,139,207,217,217,215,215,217,222,222,217,215,212,212,212,212,215,215,217,212,202,189,183,183,183,186,191,196,199,196,196,199,204,199,199,207,212,204,194,189,183,194,212,207,46,12,85,225,225,215,215,217,225,212,166,179,189,189,191,196,196,189,181,177,172,164,183,212,202,202,215,217,217,222,225,230,235,110,76,85,121,141,109,137,207,215,225,131,202,209,212,212,204,199,199,204,204,196,141,140,141,191,194,191,191,194,196,202,202,196,194,192,194,204,217,228,228,225,222,222,225,225,230,230,228,222,217,217,209,199,199,204,207,207,202,199,191,185,189,191,194,207,217,225,228,222,209,196,191,189,186,137,123,117,108,191,116,86,133,202,222,222,199,183,137,135,139,202,215,222,228,233,228,202,183,185,212,215,202,191,191,199,199,196,196,202,209,212,217,228,228,222,212,212,112,141,202,90,97,129,115,75,191,228,235,238,233,230,230,230,230,233,235,233,217,207,110,107,111,119,81,47,53,83,204,137,130,222,228,228,225,222,217,202,194,209,137,129,189,183,181,202,222,233,233,225,209,204,212,225,230,233,233,230,229,229,233,235,238,238,241,238,233,228,217,209,204,199,189,189,194,183,128,191,207,196,186,194,207,212,189,131,127,137,222,235,233,228,224,224,224,225,228,230,230,233,231,233,233,233,231,233,233,233,230,233,230,230,233,233,230,228,217,202,189,187,191,196,204,228,238,238,225,125,110,114,141,189,189,196,209,228,235,238,238,238,238,230,204,174,172,194,220,228,230,233,230,230,233,233,230,233,238,230,209,194,209,228,235,235,233,225,215,215,233,241,235,215,189,189,187,186,187,191,191,189,189,189,141,140,194,199,141,134,199,196,132,127,135,225,225,199,194,202,209,209,207,207,207,207,204,199,196,204,209,202,190,187,202,225,235,238,235,230,217,204,202,209,212,204,204,209,204,198,199,202,207,207,212,217,233,233,217,209,199,194,191,186,182,186,194,212,230,235,235,235,233,228,225,222,222,225,228,230,230,228,226,228,230,233,233,233,230,217,137,120,233,228,203,207,222,233,235,233,233,235,235,235,235,230,212,151,153,222,233,233,233,235,241,238,235,230,229,229,230,233,233,235,235,241,241,238,235,238,238,238,238,235,234,234,234,234,234,234,235,235,235,235,235,238,238,235,238,241,241,238,235,238,241,241,238,238,241,241,241,238,238,238,238,238,235,233,230,230,233,233,233,233,235,235,235,233,233,235,235,235,235,235,235,235,235,235,235,233,233,230,228,225,218,220,225,230,230,233,235,233,228,228,228,228,228,228,228,230,233,230,228,228,230,228,215,191,0,0,0,0,35,202,233,207,186,176,98,87,160,212,183,99,92,103,176,199,191,186,191,202,209,215,217,222,222,222,225,225,225,222,217,212,211,211,215,222,222,225,222,225,225,225,225,212,41,3,119,225,215,212,212,208,208,209,215,209,71,91,173,194,215,222,222,217,216,216,216,217,217,222,222,225,228,228,228,228,225,228,230,233,230,228,212,199,204,212,207,134,133,207,225,228,228,228,230,235,235,230,225,222,222,217,198,191,215,230,230,230,228,228,228,228,225,225,228,228,228,225,225,228,228,230,230,230,230,225,204,199,217,233,233,233,235,235,235,235,235,235,235,235,233,230,228,225,222,222,222,222,222,217,215,215,215,217,217,220,217,217,215,212,207,207,212,220,225,225,215,209,209,212,215,209,199,137,136,183,135,111,111,137,196,212,209,189,103,125,207,204,198,196,196,199,202,202,204,207,204,202,204,204,207,202,199,195,195,196,202,196,107,72,70,73,186,207,212,212,209,209,209,207,202,199,202,202,207,209,215,217,215,215,215,215,215,217,215,215,217,217,222,222,222,222,220,220,222,222,217,215,212,207,204,199,198,199,202,202,199,194,189,181,170,125,121,119,117,115,113,111,109,109,109,111,111,113,119,163,168,168,168,173,173,173,173,178,186,186,185,186,191,196,199,199,194,189,189,194,199,204,207,209,202,196,196,202,204,202,194,187,189,189,191,194,194,194,191,194,194,199,202,204,204,204,199,191,185,189,202,212,217,217,215,215,209,204,202,204,207,207,207,207,207,212,212,209,204,202,199,199,207,212,217,217,217,215,212,209,212,212,215,217,225,225,225,225,225,225,222,215,212,212,215,217,222,215,207,204,202,204,217,217,217,211,209,215,225,228,225,222,222,212,202,199,199,204,215,228,230,228,222,217,217,217,215,215,215,212,212,209,204,204,204,202,199,198,202,209,215,212,209,212,217,225,225,228,230,235,238,238,238,241,246,246,248,246,246,243,241,233,228,228,230,233,233,233,233,235,238,241,241,241,241,241,238,235,235,233,233,228,222,215,212,209,204,202,202,202,207,209,212,215,215,215,217,225,230,235,238,241,243,246,248,251,251,251,254,254,254,251,251,248,248,248,246,246,243,243,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,251,251,251,254,251,248,243,238,235,230,228,225,222,217,217,215,215,215,217,222,222,222,218,218,222,222,222,37,37,43,43,47,57,71,83,101,107,115,157,168,168,168,168,165,165,163,160,157,152,115,111,111,105,97,77,73,76,101,170,202,207,202,207,217,217,217,204,189,183,176,165,152,142,129,85,79,79,73,67,59,59,55,57,79,64,35,29,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,25,17,22,20,9,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,9,17,1,0,0,0,0,0,0,0,0,0,0,0,0,0,126,77,56,56,48,22,22,82,95,0,0,72,85,85,0,0,43,152,207,0,0,0,0,176,157,0,0,0,0,254,196,165,142,103,33,0,0,0,0,0,0,0,0,0,0,157,92,126,173,147,64,49,55,64,69,51,40,13,0,0,0,0,0,48,116,168,0,0,183,173,157,0,0,124,116,98,74,59,35,17,20,40,0,0,0,0,0,0,0,0,46,69,69,40,0,0,0,0,12,0,0,0,0,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,47,100,118,108,65,65,118,144,137,160,199,207,212,212,212,194,147,95,85,91,107,160,189,202,209,215,209,202,202,198,202,204,204,199,191,181,181,191,207,207,191,129,129,181,189,189,189,189,194,194,189,178,178,183,183,183,173,125,125,125,120,123,123,125,123,123,123,170,183,191,191,189,176,121,113,115,168,181,181,123,93,81,97,194,220,215,204,196,176,125,170,186,186,183,178,176,123,119,119,129,181,191,191,199,204,204,215,222,225,230,212,215,204,178,160,160,173,183,181,173,150,27,11,19,21,17,25,61,144,170,183,196,207,209,204,199,191,173,134,61,13,0,0,0,3,17,45,77,83,75,69,71,81,81,81,79,85,107,178,217,217,225,217,196,178,130,133,141,202,220,222,238,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,225,194,178,173,160,152,150,134,103,47,27,17,23,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,45,67,129,165,189,204,207,207,207,212,212,222,230,238,235,222,204,183,189,215,235,222,141,134,140,215,233,233,233,235,251,251,235,215,207,204,147,143,143,147,215,241,254,251,243,225,222,217,225,238,251,255,255,255,255,255,255,255,251,233,207,181,125,125,176,189,186,181,173,119,105,99,89,80,83,99,113,121,168,168,183,194,194,207,207,196,183,178,183,194,207,217,217,215,204,186,173,157,103,75,59,51,47,47,47,51,53,55,55,65,85,124,131,131,124,87,75,75,71,65,58,59,65,71,65,65,75,87,75,75,124,95,91,95,95,87,87,75,75,71,71,67,67,75,101,152,170,173,165,157,103,77,65,61,67,77,97,111,178,220,235,220,173,85,49,42,45,77,186,255,255,255,255,255,235,204,183,189,204,209,196,178,183,194,173,107,93,93,103,103,101,103,142,103,85,71 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,118,178,186,144,0,0,0,0,0,0,37,105,139,150,152,147,150,157,163,165,170,176,176,176,170,123,165,186,202,209,212,215,217,217,217,212,199,181,178,178,173,194,189,189,196,107,0,0,0,0,0,0,0,27,111,125,168,170,170,170,127,125,125,170,181,191,204,204,196,186,178,133,131,129,114,125,194,135,44,13,71,131,133,186,202,212,217,215,215,217,222,225,222,217,215,212,212,215,215,215,217,215,207,196,191,191,194,191,191,191,191,191,191,194,196,189,186,196,204,199,191,186,133,130,183,196,75,62,194,225,222,212,212,215,222,212,165,178,183,189,191,199,196,189,182,179,176,173,182,196,202,209,222,217,215,215,212,217,228,106,85,98,196,141,99,123,207,215,225,217,209,209,207,207,204,199,194,191,139,138,139,140,189,194,196,196,196,199,204,204,204,202,202,202,207,209,215,225,230,230,225,222,222,222,222,222,217,215,213,215,212,199,194,199,212,222,222,215,194,181,186,191,194,199,204,209,209,204,199,191,191,191,189,186,189,135,137,212,215,189,189,204,225,233,217,139,133,139,202,215,222,225,230,235,233,217,204,202,207,207,202,190,187,187,190,191,194,194,192,190,192,215,222,204,125,131,125,141,194,59,40,121,137,115,204,228,233,233,222,217,215,215,220,217,212,207,196,137,111,113,137,189,137,135,199,207,186,122,115,215,225,228,230,225,209,123,121,183,135,129,133,137,196,222,233,233,228,209,202,207,222,228,230,230,230,230,230,230,235,238,241,238,235,233,230,228,225,217,204,191,189,186,139,138,191,207,215,209,191,135,137,139,125,119,131,196,228,230,228,228,225,224,225,230,233,233,233,233,233,233,233,233,233,235,235,230,228,228,230,230,230,228,222,215,207,196,191,189,194,196,196,215,233,233,202,124,117,121,186,191,191,194,207,228,238,238,235,235,230,217,199,189,204,225,228,225,225,228,228,228,233,233,233,235,241,238,228,209,209,222,235,238,241,235,225,217,228,238,230,202,179,186,191,194,202,207,202,191,143,143,191,196,196,141,133,132,199,194,132,128,139,225,225,202,195,202,209,209,207,204,204,207,215,217,215,207,204,199,194,191,199,217,230,233,235,233,222,204,199,207,215,212,209,212,207,199,199,204,212,212,212,215,228,225,199,194,191,191,194,190,186,187,194,209,225,233,235,238,235,233,230,228,225,225,230,230,228,226,226,228,230,233,233,230,230,222,196,122,209,212,207,212,217,228,233,235,235,235,235,235,235,235,228,151,147,202,228,235,235,235,235,235,233,230,229,230,233,235,235,233,233,238,241,238,238,238,238,238,238,235,234,234,234,234,234,235,235,238,238,238,238,238,235,235,235,238,238,235,235,235,238,238,238,238,241,241,238,238,238,238,238,235,233,230,230,230,233,235,233,235,235,235,235,233,233,235,235,235,235,235,235,235,235,233,233,235,235,235,233,228,220,225,230,230,230,230,230,228,228,228,228,230,230,228,228,228,228,228,228,228,230,230,222,186,0,0,0,3,109,228,233,217,204,176,90,87,157,204,199,151,142,130,181,222,222,209,202,207,215,217,217,217,222,222,222,220,222,220,217,212,211,211,212,220,225,222,217,222,225,222,215,170,0,0,117,217,220,222,222,215,209,209,209,209,123,178,189,202,217,225,222,217,216,216,217,217,217,222,225,225,228,228,225,225,225,228,230,233,233,230,222,212,215,222,212,141,140,217,228,230,228,225,228,230,230,225,222,222,222,212,194,192,217,233,230,228,226,226,228,225,224,224,225,225,228,225,225,225,228,228,230,228,228,222,200,196,212,230,230,233,235,235,235,235,233,235,235,235,235,233,230,228,225,222,222,222,217,215,212,212,212,215,217,217,212,212,212,209,204,207,212,222,228,225,222,212,209,209,209,207,202,186,183,191,189,131,131,186,194,204,196,111,69,83,191,199,202,199,196,198,199,199,202,204,207,207,207,207,207,204,199,196,196,196,204,202,133,93,75,75,127,202,212,212,209,209,209,209,207,202,202,204,209,215,215,215,212,212,215,217,217,215,215,215,215,217,222,225,225,222,222,220,222,222,217,215,209,207,202,199,198,199,202,202,199,194,186,178,168,125,121,119,117,117,113,111,107,107,107,107,109,113,117,123,165,165,170,176,178,178,178,183,189,191,191,191,194,199,199,199,194,189,189,194,199,202,204,207,204,202,202,204,204,202,194,189,187,187,189,194,196,196,196,196,196,199,202,204,204,202,196,189,182,185,196,207,212,212,209,207,202,199,199,202,207,207,207,204,204,207,209,207,204,204,199,199,204,209,217,222,222,217,217,217,217,220,222,225,228,228,228,228,225,225,222,217,217,222,228,228,225,212,205,205,207,209,217,225,222,212,212,217,228,228,228,225,225,215,204,199,199,204,215,225,230,230,228,228,225,225,222,222,222,222,217,215,212,209,207,207,202,198,199,204,209,207,204,204,212,217,222,225,230,235,238,238,241,241,243,243,243,243,243,243,241,235,233,233,233,233,233,233,235,235,238,241,241,243,241,241,241,238,235,235,233,230,225,215,209,204,202,152,152,153,207,212,215,215,217,217,217,222,228,233,238,241,243,246,248,251,254,254,255,255,254,254,254,251,251,248,248,248,248,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,246,241,238,235,230,228,225,222,222,222,222,222,222,222,222,222,222,222,222,222,222,43,43,49,55,57,63,75,101,115,121,121,121,157,157,117,115,106,104,109,115,115,115,110,110,115,115,105,93,77,77,99,152,170,176,176,186,194,194,194,194,202,202,194,173,157,152,139,121,83,79,103,73,67,87,87,82,79,61,35,17,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,17,4,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,25,9,0,0,0,0,0,0,0,0,0,0,0,0,0,113,105,72,38,22,9,0,0,59,74,0,0,118,98,51,0,5,59,246,255,147,0,235,0,0,0,0,0,0,0,215,173,150,116,51,0,0,0,0,0,0,0,0,0,0,0,77,69,90,124,103,72,64,61,66,66,53,40,15,0,0,0,0,0,43,108,163,181,189,181,173,157,0,0,124,116,98,79,59,51,38,30,53,0,0,0,0,0,0,0,0,38,59,61,40,12,0,0,20,33,14,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,53,108,150,150,100,27,19,65,137,176,204,204,199,199,194,183,147,89,75,71,89,155,199,217,217,217,215,209,202,202,199,204,207,212,207,204,199,207,207,207,189,129,129,186,196,196,196,196,196,189,186,173,173,173,178,178,127,125,125,123,123,123,123,123,123,115,123,125,181,191,191,183,168,121,113,123,173,181,181,123,99,87,99,181,212,212,204,196,125,115,117,170,186,178,178,178,176,119,111,119,133,189,199,199,207,204,207,207,222,233,220,212,204,181,160,160,170,183,191,186,150,21,9,25,29,21,23,37,99,178,196,207,207,194,176,155,155,142,79,37,1,0,0,0,0,13,27,45,59,63,65,77,87,97,101,101,105,119,183,204,207,207,202,186,136,133,136,191,215,225,233,246,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,225,178,160,152,144,150,150,142,113,53,29,21,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,39,63,129,163,189,207,212,207,207,207,212,225,233,235,233,215,194,182,191,212,233,225,194,138,191,215,225,222,217,225,243,251,241,225,215,207,143,139,141,147,217,241,251,254,243,217,207,207,215,238,255,255,255,255,255,255,255,255,251,225,183,121,109,115,176,204,204,189,173,113,103,97,89,83,89,99,109,115,115,121,168,178,178,183,194,194,183,176,176,189,207,209,207,207,191,183,168,157,101,75,59,51,47,45,45,47,51,51,51,59,75,124,131,124,87,75,75,75,75,65,58,58,65,71,71,71,87,87,87,85,87,95,95,131,131,95,75,71,71,75,87,75,75,85,134,157,170,173,173,165,139,85,71,65,71,75,89,103,170,209,228,215,173,85,51,45,55,103,207,255,255,255,255,255,235,196,183,194,207,215,196,173,183,189,165,101,75,75,93,93,91,93,93,85,71,68 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,160,144,0,0,0,0,0,0,37,53,131,163,160,150,150,157,163,165,173,183,186,183,176,170,189,207,217,222,222,217,215,215,215,209,204,196,178,112,99,110,194,191,170,33,0,0,0,0,12,19,35,113,178,173,165,126,124,124,127,181,194,194,194,202,209,207,199,191,186,183,181,135,97,108,186,189,123,73,196,217,207,191,189,202,215,222,222,222,225,225,222,222,217,217,215,212,212,212,212,212,207,202,199,202,202,196,189,187,187,189,191,191,191,133,130,139,199,202,196,191,135,129,135,194,135,127,207,217,215,212,215,217,220,207,173,179,183,189,196,199,199,194,191,194,194,189,186,189,199,209,215,212,209,204,196,196,222,125,115,139,222,137,109,123,202,215,222,225,212,204,202,204,204,202,194,189,139,139,143,196,202,207,209,209,204,207,209,212,212,215,217,222,222,209,207,217,230,230,228,225,222,222,222,215,213,213,213,215,217,204,191,194,207,222,225,217,204,185,191,209,209,202,199,199,199,196,194,189,189,191,189,189,194,194,204,222,225,204,125,127,215,235,233,135,125,134,215,230,233,230,233,235,235,230,222,215,204,202,202,196,187,187,191,191,194,194,194,192,196,215,212,98,89,121,189,215,228,63,33,109,141,139,199,217,225,217,202,204,204,191,186,189,191,196,191,127,117,135,199,199,199,217,230,207,131,118,111,209,225,230,228,217,199,121,117,111,121,123,127,135,204,225,230,225,207,191,194,209,225,230,233,230,230,230,233,233,235,238,238,235,230,228,228,228,225,222,199,186,189,189,139,186,207,209,212,212,202,135,133,133,97,101,139,199,215,217,228,228,225,228,230,233,235,235,235,233,233,233,233,233,235,241,238,230,225,222,225,225,217,215,212,209,202,194,194,194,199,196,139,189,220,215,129,123,127,137,189,194,194,191,199,225,238,238,235,230,222,212,209,217,230,233,230,225,225,228,228,230,233,233,230,233,233,235,230,217,215,225,235,243,241,233,222,215,222,228,220,199,182,194,207,215,225,225,207,189,139,189,199,207,202,140,136,191,217,204,139,134,191,212,212,204,202,207,215,212,207,204,199,202,215,228,225,209,202,202,196,195,196,209,222,228,233,233,225,204,196,204,217,215,212,212,212,204,200,209,217,217,212,207,222,222,207,196,189,186,191,199,199,202,204,212,225,233,238,238,235,233,230,228,228,228,230,230,228,226,226,228,228,230,230,230,230,228,217,120,133,199,209,217,222,230,235,238,238,238,238,238,238,238,233,202,144,146,212,230,235,233,230,230,230,230,230,233,235,238,235,233,233,238,241,238,238,238,238,241,238,238,238,235,235,235,238,238,238,238,238,238,238,238,235,234,234,235,238,235,234,235,238,238,235,238,238,238,238,237,237,238,238,235,233,230,229,229,233,233,233,235,235,235,233,233,233,233,235,235,235,235,233,233,230,230,233,235,238,235,230,225,225,228,233,233,228,228,228,225,222,225,228,230,230,228,225,222,225,228,228,225,225,233,220,147,0,0,0,21,170,222,225,217,207,157,90,91,173,207,217,228,228,166,189,225,228,212,204,215,222,222,217,217,222,222,217,217,217,217,215,212,211,212,215,220,222,217,217,225,228,220,191,63,0,0,165,209,222,225,228,225,217,212,209,209,202,199,196,204,217,225,222,217,217,217,217,217,217,220,222,225,225,225,222,222,225,225,228,230,233,228,222,217,225,225,215,199,202,222,230,230,228,225,222,225,225,217,217,222,217,202,194,199,222,233,230,226,226,226,228,225,224,224,224,225,228,225,222,222,225,225,228,225,225,215,202,198,209,228,228,230,233,235,233,233,233,233,235,235,235,233,230,228,225,222,222,222,217,215,212,212,212,215,217,215,209,207,207,207,204,207,212,222,225,222,217,215,209,204,202,202,196,186,186,194,196,194,196,202,202,204,189,79,55,56,181,202,207,202,199,199,202,202,199,202,207,209,209,209,209,207,202,199,199,199,204,209,196,127,97,87,111,191,207,209,212,212,212,209,209,204,204,207,209,212,215,212,212,212,215,217,217,215,215,215,215,222,225,228,228,225,222,217,217,217,215,212,209,204,204,202,199,199,202,202,196,191,183,178,168,125,121,119,119,117,115,113,107,106,106,107,109,113,117,121,163,165,173,181,186,183,183,186,189,191,194,194,194,196,199,196,194,189,194,199,202,202,204,207,207,204,202,202,204,202,199,194,189,187,189,191,196,194,194,194,194,199,204,209,209,204,196,186,181,182,191,202,207,207,202,196,194,194,199,202,204,204,202,202,202,204,207,207,204,204,199,198,202,207,215,222,225,225,225,225,225,225,228,228,228,228,228,225,225,222,222,222,225,228,233,233,228,212,200,205,215,215,217,225,222,217,217,225,228,228,228,230,228,222,207,200,199,202,212,220,225,228,230,230,230,230,230,230,228,228,225,222,217,215,212,209,204,199,198,202,204,202,200,202,209,212,215,222,228,233,235,238,241,241,241,241,241,241,241,241,238,235,233,233,233,235,235,233,235,238,238,241,243,243,243,243,241,241,238,238,235,230,225,215,209,204,153,152,152,155,207,212,215,215,217,217,222,225,230,235,238,241,243,246,251,251,254,255,255,255,255,255,254,254,254,251,251,251,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,246,243,241,238,238,235,233,230,228,225,225,225,225,225,222,222,222,222,225,225,225,49,51,57,65,69,77,95,115,168,170,170,170,163,157,115,107,103,104,115,157,165,165,160,160,165,165,157,111,99,95,99,109,152,160,160,168,178,186,186,194,217,225,202,173,152,144,134,121,83,79,77,103,100,95,95,87,74,43,27,17,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,27,14,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,1,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,9,0,0,0,0,0,0,0,0,0,53,46,0,0,59,74,64,22,0,0,0,0,22,46,0,0,0,111,0,0,0,129,235,228,61,29,90,121,0,0,0,0,0,207,152,124,87,51,0,0,0,0,0,0,0,0,0,0,0,0,48,61,69,72,46,46,64,64,74,82,66,51,33,9,0,0,0,0,43,108,163,178,189,183,176,165,155,0,124,116,100,82,66,59,51,38,53,0,0,0,0,0,0,0,0,46,46,40,27,22,20,20,38,53,48,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,47,82,116,129,47,0,0,0,142,196,204,194,183,183,183,173,150,87,68,63,71,103,189,209,209,209,209,209,207,199,191,199,207,207,207,207,207,207,207,207,189,129,129,186,196,196,196,196,194,189,178,173,173,173,173,173,173,127,125,125,125,125,125,125,123,115,115,123,176,183,189,181,123,115,121,173,189,191,186,173,113,99,105,181,202,204,202,196,125,115,117,176,186,186,186,186,186,129,117,111,117,173,183,191,199,191,196,196,207,215,212,207,196,181,160,160,173,194,202,189,95,1,0,11,27,29,25,31,93,186,204,204,204,186,97,55,49,67,75,57,15,0,0,0,0,17,21,17,23,43,53,69,89,113,155,160,163,170,186,194,194,194,194,186,183,186,194,204,215,225,241,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,222,176,147,139,142,144,144,137,113,63,41,29,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,61,129,165,191,207,207,207,204,207,215,233,233,233,225,212,194,186,194,215,233,225,204,191,204,215,215,194,194,215,241,254,251,241,228,215,191,139,143,207,228,243,251,254,246,215,191,143,207,233,255,255,255,255,255,255,255,251,233,194,129,109,104,109,176,212,215,204,176,115,103,93,93,93,99,103,107,103,103,109,123,168,168,176,183,186,186,176,178,189,196,207,207,196,186,173,160,147,101,75,65,55,47,45,43,45,47,49,51,59,75,124,131,131,118,85,75,87,85,71,59,59,65,73,73,75,87,124,87,75,75,87,91,131,95,85,69,63,65,87,95,93,93,93,139,157,170,173,173,163,139,77,65,61,61,63,71,101,170,209,217,204,168,91,59,55,71,117,209,255,255,255,255,255,235,194,178,183,204,204,194,173,173,173,150,85,69,71,85,93,85,77,75,73,71,71 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,0,0,0,0,0,0,0,0,0,111,103,48,0,0,3,0,0,0,51,31,36,150,150,137,142,152,155,157,170,181,186,189,186,183,199,209,217,217,215,215,212,212,209,207,207,202,183,110,100,105,220,186,113,59,39,69,119,170,186,194,191,186,181,173,170,168,126,126,173,196,207,202,199,202,207,207,199,194,191,191,194,191,94,99,129,183,137,137,215,228,228,189,132,136,204,217,222,222,225,222,222,222,222,217,215,212,209,209,209,209,204,202,199,202,204,199,191,187,186,189,194,202,199,123,119,133,199,207,204,196,139,131,139,194,139,137,199,209,212,212,217,225,225,209,186,189,189,194,199,202,196,194,199,207,209,199,183,183,199,204,202,199,199,191,141,134,220,199,141,139,109,115,121,129,199,217,217,215,207,202,202,204,207,204,199,196,202,212,222,225,222,222,222,222,217,212,209,212,217,225,228,228,225,207,203,207,222,228,228,225,222,222,222,217,213,215,215,222,225,217,191,139,133,191,207,215,217,212,217,228,225,209,194,194,196,199,196,191,189,186,186,141,189,202,217,228,225,186,116,119,186,217,225,141,126,137,228,238,238,235,235,235,235,233,228,220,202,199,204,207,196,196,204,199,196,199,209,222,230,235,225,95,87,109,202,230,251,115,93,123,189,189,186,189,202,199,194,204,199,133,131,137,141,196,204,137,186,202,207,199,199,215,217,135,129,124,121,207,225,230,225,207,189,135,129,80,105,114,116,119,194,217,217,191,136,136,189,207,225,230,233,235,233,233,233,233,233,233,233,230,230,228,228,225,217,207,186,186,191,186,135,183,204,202,202,209,207,189,139,137,91,95,183,191,202,209,222,217,225,230,233,233,235,235,235,233,233,230,230,233,238,243,241,230,225,217,215,207,202,204,207,207,202,196,196,199,204,199,131,130,199,194,122,124,141,191,194,196,196,194,196,209,230,235,233,225,209,209,217,228,233,233,230,228,225,228,228,228,230,230,228,230,233,235,233,228,225,230,235,241,238,228,217,217,215,207,199,202,204,222,228,230,235,230,199,133,133,189,202,207,207,196,199,217,228,212,196,189,194,199,202,202,207,212,217,215,209,204,199,199,204,212,212,207,207,204,199,196,199,204,209,215,225,230,222,204,199,207,212,209,207,209,217,215,202,209,217,215,207,202,217,228,222,209,191,186,194,212,217,215,209,209,217,233,238,235,230,228,228,228,228,230,233,233,228,228,226,228,228,228,230,233,233,233,228,117,121,147,217,228,230,233,235,235,235,235,235,238,238,238,235,217,148,146,153,222,230,230,230,230,233,233,233,235,235,238,238,233,230,235,238,238,235,235,238,241,243,243,241,241,238,238,241,241,241,238,238,238,241,238,235,234,234,238,238,235,235,235,238,235,235,238,238,238,238,237,238,238,238,235,235,233,230,230,230,233,233,233,235,235,233,230,233,233,235,235,235,235,233,233,230,230,233,235,235,233,225,217,222,230,235,233,228,228,225,222,220,222,228,228,228,228,222,220,222,225,225,222,228,235,212,81,0,0,0,0,69,176,207,209,199,170,104,155,207,220,225,233,228,202,204,217,215,199,202,217,225,222,222,222,222,222,217,215,215,215,215,215,215,215,217,222,222,217,222,230,228,204,83,0,0,37,186,209,220,225,225,225,225,215,202,204,209,209,207,212,222,225,222,217,217,217,222,220,217,217,222,222,222,222,217,217,222,225,228,230,228,222,222,225,230,228,217,209,212,228,230,228,225,222,221,222,222,217,216,217,217,194,192,209,228,233,233,228,228,230,230,228,228,225,225,225,228,225,222,221,222,225,225,225,222,215,205,203,212,228,230,230,233,233,233,233,233,233,233,233,233,233,228,225,225,222,222,222,217,215,215,212,212,212,215,212,209,207,207,204,204,204,207,212,217,215,212,209,207,196,194,194,194,189,189,196,204,209,215,217,215,212,196,77,54,50,129,204,207,204,204,204,204,202,199,199,204,209,209,212,212,209,207,204,202,199,202,209,207,191,121,99,103,181,202,209,212,212,212,209,207,204,204,204,207,207,209,209,209,212,215,215,217,217,215,215,215,222,225,228,228,225,217,215,212,212,212,212,209,207,207,204,202,202,202,199,196,189,183,176,168,125,123,121,121,119,117,115,109,107,106,109,113,117,117,119,123,168,178,189,191,189,183,181,181,186,191,191,191,194,196,196,194,191,196,204,207,207,204,207,207,204,199,199,199,202,199,196,194,189,189,191,194,191,189,189,191,196,204,209,209,207,199,191,183,185,191,199,202,202,196,194,192,196,202,204,202,200,199,199,200,202,204,204,204,204,202,199,202,209,215,222,225,228,228,230,230,230,228,228,228,228,228,225,222,222,220,222,222,225,230,230,225,209,195,199,217,222,217,222,217,217,222,228,228,228,228,233,233,225,212,204,200,202,209,215,222,228,228,230,233,235,238,235,233,230,228,225,222,217,215,212,207,202,199,202,202,200,200,202,209,212,212,215,225,230,233,235,241,241,241,238,238,238,238,238,238,235,233,233,235,235,235,235,235,238,241,243,246,246,246,243,243,241,238,235,233,230,222,215,209,204,153,152,152,204,209,212,215,215,217,220,222,225,230,235,238,241,243,248,251,254,255,255,255,255,255,255,255,255,254,254,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,246,243,243,246,246,246,243,238,235,230,228,228,225,225,222,222,222,225,225,228,228,55,63,71,81,95,109,123,178,194,196,194,183,176,160,117,109,106,115,165,178,186,186,183,183,183,186,183,173,160,150,109,109,152,155,160,168,178,186,194,202,225,225,196,157,137,131,124,85,81,108,103,100,103,95,87,87,69,37,19,15,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,12,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,27,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,35,9,0,0,0,0,0,0,0,0,46,38,20,0,0,0,56,51,7,0,0,0,0,0,9,0,0,0,59,0,0,0,147,121,87,21,13,29,90,0,0,0,0,254,168,85,51,29,0,0,0,0,0,15,19,0,0,0,0,0,77,85,72,51,27,5,7,46,59,74,92,85,69,43,17,11,3,0,0,46,108,163,178,183,189,181,173,163,0,137,116,100,82,74,66,59,59,53,0,0,0,0,0,0,0,0,66,46,33,27,30,20,12,25,51,66,51,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,37,31,31,31,13,0,0,7,176,212,220,204,189,189,196,194,173,103,77,70,77,99,170,194,202,202,202,202,191,189,183,191,199,199,199,204,207,204,207,207,189,129,122,129,181,183,189,194,189,186,178,178,173,173,173,173,173,173,170,170,170,170,170,127,123,113,109,113,125,176,176,168,123,121,173,191,204,207,196,186,178,127,170,186,194,194,196,196,181,125,129,186,194,194,194,194,178,129,117,109,105,109,117,121,127,127,178,181,189,207,196,196,196,189,178,176,183,202,207,189,77,0,0,0,23,41,49,61,155,191,204,196,196,178,81,30,26,43,73,69,29,0,0,0,0,35,33,14,20,39,45,57,99,160,178,189,189,189,191,191,186,183,189,186,196,204,212,215,215,225,238,254,255,255,255,255,254,255,255,255,255,255,255,255,255,251,243,230,204,165,150,144,142,137,134,129,113,69,51,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,61,131,173,194,204,204,204,204,207,222,233,238,233,222,207,194,194,204,215,233,225,207,194,207,215,194,182,182,204,241,255,255,251,235,217,191,141,194,222,243,246,251,251,246,217,191,141,143,217,246,255,255,255,255,255,246,225,207,135,119,109,104,109,181,222,222,204,181,165,113,99,99,107,107,107,103,95,95,103,109,160,160,168,176,186,183,176,178,186,194,194,194,191,183,168,157,147,101,87,69,59,51,43,39,39,45,49,51,59,71,124,131,131,124,124,87,87,87,75,65,65,71,75,73,75,87,87,75,71,65,71,87,91,87,71,63,62,65,75,131,131,101,101,139,152,163,165,165,152,97,65,51,50,51,57,71,144,189,209,209,194,163,91,67,65,87,117,207,255,255,255,255,255,241,194,170,173,186,194,189,173,173,163,101,71,67,71,85,101,93,77,75,73,75,85 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,22,0,0,0,0,0,0,0,0,0,0,0,25,147,85,0,0,0,41,27,28,51,69,89,139,152,155,157,163,168,170,181,191,196,204,209,212,209,209,209,212,209,207,205,207,207,202,189,117,115,186,168,111,117,186,199,202,202,207,207,196,165,157,164,181,183,176,170,178,199,207,202,199,202,207,207,202,196,194,194,196,199,118,109,126,133,181,191,217,230,230,186,126,127,183,207,217,217,222,222,222,222,222,217,215,212,212,212,209,207,202,196,191,191,202,204,199,189,187,189,202,209,209,111,110,137,204,209,204,196,139,130,135,183,183,186,202,209,212,212,217,225,225,215,199,196,196,199,199,196,189,186,194,202,204,191,135,183,204,199,186,191,191,186,138,125,212,212,196,108,48,89,131,143,202,212,209,204,202,199,204,207,207,202,202,204,215,225,230,233,230,228,230,230,225,212,203,203,212,222,225,222,215,205,204,207,215,220,222,217,215,217,217,217,217,222,222,225,228,228,133,111,99,127,199,215,225,228,230,230,228,217,194,192,204,207,204,194,186,141,141,140,141,196,204,215,207,118,116,121,127,139,199,196,141,202,233,238,241,238,235,238,238,235,230,225,212,200,207,212,207,207,209,202,199,202,212,228,238,243,238,209,101,76,202,217,235,233,194,199,202,194,183,179,186,191,196,212,189,130,133,139,141,196,215,215,207,204,199,189,183,189,137,126,133,181,137,202,215,225,220,207,196,196,204,98,115,115,110,100,189,217,212,136,132,135,186,199,212,225,235,238,238,235,235,233,230,229,229,230,233,233,225,215,199,121,129,186,186,131,123,119,194,194,194,202,204,199,189,135,103,87,121,141,194,202,207,207,215,222,225,225,228,233,233,233,230,230,230,233,238,241,235,228,217,215,207,198,196,202,204,204,207,202,196,199,212,209,132,130,191,191,129,137,196,194,194,199,199,196,196,199,212,230,230,215,202,207,222,228,230,233,230,228,225,228,228,228,230,228,228,230,233,235,235,235,235,233,228,225,228,222,215,212,204,195,194,198,209,225,230,233,233,215,133,126,131,194,204,209,215,217,215,212,215,207,199,194,191,191,194,202,209,212,215,212,212,209,204,199,196,194,194,202,207,204,199,199,199,202,202,202,209,217,215,204,202,204,204,202,202,207,215,217,202,202,209,207,199,196,222,228,217,209,204,209,230,235,225,215,202,200,207,217,228,230,228,225,222,222,225,230,233,233,230,230,228,228,228,228,230,233,233,235,230,120,121,149,230,238,235,235,235,235,235,235,235,235,235,235,238,233,217,202,153,209,225,233,233,233,235,235,235,233,235,235,238,233,230,233,233,233,230,233,238,243,246,246,243,241,241,241,241,241,238,238,238,238,241,238,235,234,235,238,238,238,238,238,238,238,235,238,238,238,238,238,238,238,238,238,238,235,233,233,233,230,230,230,233,233,230,230,230,233,233,235,235,233,233,230,230,230,233,235,235,230,222,215,217,228,233,233,228,225,225,222,218,220,225,228,228,225,220,217,217,220,222,220,222,228,165,21,0,0,0,0,35,75,155,199,194,194,196,209,225,228,225,225,215,209,204,207,199,194,202,217,225,225,222,222,222,222,222,217,215,215,217,220,222,225,225,225,222,217,222,222,196,83,1,0,0,89,202,212,220,222,222,222,217,194,104,101,194,207,215,222,222,222,222,217,217,217,217,217,217,217,217,217,217,217,217,217,222,225,228,225,217,215,222,230,233,228,222,215,217,230,230,230,225,222,222,225,222,217,217,217,209,187,190,217,230,235,235,233,233,233,233,230,230,228,228,228,228,225,222,222,222,225,225,225,225,217,209,209,217,230,233,230,230,230,230,230,230,230,230,233,233,230,228,225,222,222,222,222,222,217,217,215,212,209,209,207,207,207,207,204,204,204,204,207,209,204,204,204,202,194,194,196,202,202,202,207,212,220,225,225,225,222,209,93,61,48,105,194,204,207,207,204,202,199,198,199,204,207,209,212,215,215,212,209,204,202,204,207,207,196,133,105,99,131,196,207,212,212,209,209,202,199,199,202,202,202,204,207,209,212,215,215,215,217,217,215,215,217,225,228,225,222,215,212,211,211,212,212,212,209,207,204,202,202,202,199,194,186,181,176,168,125,123,121,121,121,119,115,111,109,107,111,113,117,117,117,119,125,178,194,196,191,181,177,177,181,186,189,189,191,196,196,194,194,199,204,207,204,204,204,207,204,199,196,196,196,196,196,194,191,189,191,194,189,189,189,191,199,204,209,212,209,204,199,196,196,196,199,199,199,196,194,192,196,202,204,202,200,199,199,200,202,204,204,204,207,204,202,204,209,217,222,222,225,225,228,230,230,230,228,228,228,225,225,222,220,222,222,222,225,228,228,225,212,196,198,215,225,225,217,215,217,225,228,230,228,228,233,233,230,222,212,207,207,209,215,225,228,228,228,228,233,238,238,233,230,225,225,222,222,217,212,207,204,202,204,204,204,204,212,215,215,212,212,217,225,230,235,238,238,235,235,233,235,235,235,238,235,233,233,235,238,238,238,238,241,243,246,246,246,246,246,243,241,238,235,233,228,220,212,209,204,153,152,153,204,209,212,212,215,215,217,222,225,230,235,238,241,246,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,246,246,246,251,254,255,255,255,251,243,235,230,228,225,222,222,222,225,228,230,233,235,75,83,99,115,133,191,202,217,225,225,215,199,186,173,160,115,155,163,173,183,189,189,189,189,199,202,199,194,181,168,150,147,150,157,157,165,183,191,194,199,217,215,183,147,124,91,118,81,108,108,108,103,95,85,59,77,49,33,15,9,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,22,0,0,0,0,0,0,1,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,35,9,0,0,0,0,0,0,0,0,53,38,4,0,0,0,35,30,0,0,0,0,0,0,0,0,0,0,33,0,0,0,129,61,61,40,22,61,212,0,238,209,225,209,134,29,0,0,0,0,0,0,0,13,19,0,0,0,0,0,144,152,92,9,0,0,0,15,53,69,82,85,66,40,25,17,11,3,5,46,103,155,0,181,181,181,173,0,0,144,124,105,92,82,66,66,61,61,61,0,56,33,22,0,0,0,0,46,25,25,27,9,0,4,30,53,53,40,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,29,37,29,11,7,25,116,150,150,194,222,235,220,212,215,222,220,204,160,95,81,89,113,181,196,191,191,191,189,170,121,170,186,199,196,191,204,207,204,207,215,199,129,121,122,126,129,178,189,186,178,178,178,173,129,127,127,173,178,176,176,176,176,176,127,115,109,108,109,115,123,123,123,123,168,183,204,225,225,207,194,189,181,181,181,181,178,181,189,196,183,178,186,194,194,191,183,119,109,109,109,107,101,98,96,94,97,125,181,189,204,196,199,204,199,196,191,194,202,207,186,59,0,0,0,35,69,87,99,165,189,196,196,196,178,71,26,26,37,57,47,13,0,0,0,0,69,71,35,41,53,55,69,107,168,186,194,194,189,189,186,181,181,189,196,207,217,225,215,215,222,233,248,254,254,254,254,254,255,255,255,255,255,255,255,255,233,215,194,173,150,150,155,137,124,121,116,108,65,45,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,69,147,183,207,207,204,204,204,207,222,233,238,233,222,215,207,207,217,225,233,228,217,215,222,217,191,179,179,204,241,255,255,251,235,217,191,138,143,222,243,251,251,254,246,215,141,129,129,191,233,255,255,255,254,238,215,186,129,119,113,109,107,119,189,222,222,204,186,176,165,115,113,115,113,107,99,95,89,95,103,109,115,117,168,170,170,168,176,186,186,186,186,186,183,173,160,152,139,95,87,65,51,43,39,35,39,45,49,55,65,87,131,131,131,124,124,124,124,87,71,71,71,75,73,75,75,75,71,61,55,61,71,87,87,75,65,64,65,75,95,139,139,134,134,142,150,152,152,142,85,61,49,48,51,65,89,160,189,209,194,176,115,85,65,65,75,109,194,241,255,255,255,255,241,196,165,160,165,183,189,183,173,152,93,69,67,73,97,139,101,85,75,75,91,139 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,15,41,0,0,0,0,39,59,71,57,59,118,155,165,165,160,152,104,101,165,196,204,207,207,207,205,207,209,212,209,204,204,209,209,209,204,173,116,176,176,178,207,212,207,209,217,217,217,204,161,153,165,196,196,178,173,178,194,202,202,204,207,209,207,204,202,196,196,196,196,202,127,131,133,137,194,215,228,222,191,130,129,137,202,212,212,212,215,217,217,215,212,212,212,215,215,212,207,199,191,187,187,202,207,204,194,187,189,202,207,191,106,107,189,204,209,204,194,139,130,131,139,189,202,209,215,212,209,215,225,225,215,207,199,196,196,194,183,134,134,139,189,189,139,135,196,212,199,183,189,191,191,142,133,209,222,212,113,70,98,207,215,207,143,138,194,196,199,207,209,207,200,200,207,215,225,228,230,230,230,230,233,228,215,203,203,207,212,212,209,207,207,207,207,207,209,212,215,215,215,215,217,217,217,222,228,228,209,81,92,96,143,215,222,225,230,230,228,230,225,199,194,209,215,212,199,191,186,141,141,186,186,139,139,129,116,118,125,131,139,194,204,207,215,228,235,235,233,235,238,241,238,233,230,225,209,207,212,209,207,202,191,196,202,202,209,228,235,230,217,135,37,215,217,230,238,189,202,202,196,186,185,191,194,191,191,135,127,131,191,194,199,217,228,212,199,189,183,139,139,135,131,191,202,194,202,215,222,215,209,212,202,194,135,246,228,133,120,209,230,225,191,137,137,139,186,194,209,228,235,238,238,238,235,230,229,230,233,233,228,209,186,112,105,118,183,181,127,119,107,186,194,196,204,209,212,204,189,115,60,56,121,189,194,196,199,202,209,209,209,209,217,217,217,225,228,230,230,233,233,228,215,209,209,199,195,199,204,200,200,207,207,202,202,215,217,141,136,194,199,194,199,199,191,189,196,199,199,196,195,202,217,222,209,202,207,222,228,233,235,233,225,225,228,230,230,230,228,225,228,228,230,230,230,228,215,143,137,196,212,212,204,196,196,196,196,202,209,217,222,215,141,126,126,202,212,207,204,212,217,209,204,199,199,196,191,189,186,194,204,209,209,207,207,207,209,207,204,199,192,191,196,202,199,199,202,204,207,204,200,204,212,212,207,204,202,202,200,202,204,212,212,202,199,199,196,195,195,217,225,209,204,204,217,235,233,215,204,199,200,202,202,207,215,220,217,215,215,222,228,230,233,230,230,228,228,228,230,230,230,233,235,233,131,123,199,238,241,238,235,235,235,235,235,235,235,235,235,235,238,235,217,202,202,215,233,235,238,238,238,235,233,231,233,235,235,233,230,228,222,222,228,235,241,243,243,243,243,241,238,238,238,238,235,235,238,241,241,235,234,235,238,241,238,238,241,241,238,235,238,238,238,238,235,235,238,238,241,241,238,238,235,233,230,228,228,228,230,230,230,230,233,233,233,233,233,230,230,228,228,230,233,233,228,217,212,215,225,230,230,228,225,222,220,218,218,222,225,225,222,220,217,216,217,222,215,194,103,17,0,0,0,0,1,71,67,61,71,170,199,212,217,228,228,222,217,215,209,170,118,176,194,212,217,225,222,222,222,225,225,222,220,217,217,222,225,228,228,225,225,225,220,215,176,51,0,0,0,0,176,212,220,222,220,220,222,212,173,89,79,123,204,217,222,222,222,222,222,222,222,222,220,217,217,217,217,217,217,217,220,222,225,222,212,207,209,222,228,230,228,225,215,217,230,233,233,230,225,222,222,222,217,217,217,204,189,192,222,233,233,233,233,235,233,230,230,230,228,225,225,225,225,225,225,228,228,225,225,225,222,217,217,225,230,233,230,230,230,228,228,228,228,230,230,230,228,225,225,222,222,222,222,222,222,217,217,212,209,204,202,204,204,204,204,207,207,207,207,202,199,194,194,194,196,199,207,212,215,215,215,217,217,217,217,222,225,217,123,99,50,77,125,199,207,207,202,198,198,199,202,204,204,207,212,215,217,215,212,207,204,204,207,204,199,139,109,98,127,196,207,212,212,209,207,199,196,199,202,202,202,204,207,212,212,215,215,215,217,217,217,217,222,225,225,225,217,215,212,211,212,212,212,212,207,202,202,202,204,202,196,191,183,178,173,168,125,123,121,121,119,117,115,111,109,109,111,113,113,115,113,113,119,173,191,196,191,186,181,178,178,181,186,189,194,196,199,194,194,196,199,202,202,202,204,204,204,199,196,194,191,191,191,191,191,191,194,194,191,189,191,194,199,204,209,209,209,209,207,207,204,202,202,199,199,196,194,192,194,199,202,204,202,202,202,202,204,204,204,204,207,209,207,209,212,217,217,217,217,222,225,228,228,228,228,228,225,225,222,222,220,222,225,225,228,230,228,228,217,203,203,217,228,228,217,215,217,225,230,230,230,228,230,233,230,228,222,215,212,212,215,228,230,228,222,222,228,233,233,233,228,225,225,225,225,217,215,209,207,207,209,209,209,212,217,225,222,215,211,212,220,228,233,235,235,233,233,230,233,235,235,238,235,235,235,235,238,238,241,243,243,246,248,248,248,246,243,243,241,238,235,230,225,217,212,209,204,155,155,207,212,215,212,211,212,212,215,217,225,230,235,241,243,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,248,248,248,254,255,255,255,255,255,255,251,241,233,228,225,225,225,228,230,235,238,243,246,113,123,133,194,225,241,243,243,235,233,225,215,191,176,165,160,163,168,176,181,186,189,191,199,202,202,202,199,189,176,157,147,150,150,152,157,168,176,181,183,194,191,165,134,81,81,83,81,81,108,108,108,100,85,59,53,49,33,15,9,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,17,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,255,0,255,255,255,248,222,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,27,1,0,0,0,0,0,0,0,0,53,38,0,0,0,0,0,22,0,0,0,7,0,0,7,0,0,0,0,0,0,0,152,100,100,79,31,82,255,255,183,116,124,142,111,29,0,0,0,21,25,0,0,0,0,0,0,0,0,0,207,196,103,0,0,0,0,0,38,61,77,77,48,15,11,17,13,7,13,46,92,144,0,0,181,181,176,0,0,150,137,116,100,85,66,69,69,77,0,64,40,22,0,0,0,0,0,38,17,17,20,0,0,0,7,30,35,35,14,0,0,0,13,38,0,0,0,0,0,0,0,33,90,66,27,17,11,0,0,25,126,150,134,173,212,233,230,220,228,233,222,199,150,83,75,87,113,194,196,155,119,183,181,117,110,119,181,191,178,178,194,199,191,199,212,207,186,126,122,126,127,129,178,178,173,178,178,173,129,125,127,173,183,183,183,183,183,176,170,113,109,109,115,123,123,119,119,123,173,191,207,225,225,207,189,181,181,181,173,121,121,125,181,196,189,178,178,178,178,129,109,89,87,97,109,109,101,98,94,89,92,121,181,199,207,196,204,204,207,212,209,202,194,191,157,41,0,0,23,57,79,99,99,99,147,163,170,165,97,39,24,29,41,53,43,13,0,0,0,0,79,91,65,59,65,69,83,109,165,181,181,181,176,178,181,186,189,189,204,225,228,228,215,215,222,233,241,248,248,248,254,255,255,255,255,255,255,255,255,251,194,121,107,95,95,137,0,129,83,81,105,73,57,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,47,124,173,204,212,215,207,207,204,207,217,233,238,238,225,217,217,222,233,241,241,235,228,225,233,225,204,186,186,207,241,254,251,243,228,215,186,136,139,215,238,251,254,254,238,194,129,113,115,135,217,251,255,255,238,207,135,113,103,103,109,113,115,125,194,212,207,194,191,191,181,173,165,119,115,107,99,95,89,89,97,103,103,103,115,117,157,160,168,176,176,176,176,176,176,173,165,160,147,131,87,71,55,43,35,33,33,35,39,47,57,75,124,129,124,124,124,129,131,124,75,75,75,75,72,75,75,75,65,53,50,53,71,87,95,87,75,71,71,87,131,152,152,139,134,139,142,142,139,101,77,57,50,51,65,77,101,155,178,189,178,163,105,73,62,63,75,103,176,230,255,255,255,255,246,209,165,115,115,170,194,194,173,150,85,69,71,91,142,150,97,75,73,75,93,150 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,142,168,131,113,131,163,173,165,155,105,90,88,155,199,207,204,207,207,207,209,212,215,209,204,203,207,209,209,207,181,113,183,181,181,199,212,209,209,222,222,217,212,183,164,181,204,196,170,170,178,189,199,202,207,209,207,204,202,199,199,196,191,189,181,123,178,137,137,189,207,212,199,183,135,134,139,199,207,202,202,207,212,212,207,202,204,207,212,212,207,199,196,194,189,189,202,207,202,194,189,191,199,199,137,113,120,196,202,199,196,183,139,131,133,139,194,209,212,215,212,209,212,222,225,215,207,199,196,194,189,135,132,132,135,137,135,133,139,202,212,199,183,183,191,196,189,140,191,212,215,202,196,215,230,233,215,132,132,141,191,196,207,209,204,199,200,207,215,222,225,228,233,233,233,233,230,222,212,207,204,202,199,196,202,204,202,191,143,196,207,209,212,215,222,222,202,137,202,225,217,101,38,92,125,222,230,230,225,228,228,228,230,222,190,190,209,222,217,207,196,189,186,141,186,139,139,135,131,133,131,137,199,204,202,207,217,225,228,230,233,230,233,238,241,238,235,233,228,212,204,204,207,202,190,187,190,196,189,139,202,212,207,202,194,58,222,222,228,225,141,186,189,191,189,191,196,194,189,137,130,126,131,199,202,191,196,215,207,196,189,186,183,186,186,186,196,199,191,209,222,212,196,194,194,117,95,115,238,241,233,212,209,217,212,202,191,139,127,123,127,183,207,225,230,235,235,235,233,230,233,233,228,204,131,115,110,112,125,183,186,181,127,122,194,202,209,217,228,233,230,228,204,67,43,67,127,196,194,194,196,204,207,202,202,202,196,147,204,215,217,217,217,217,215,207,204,199,190,191,209,204,195,199,209,212,207,204,209,207,141,137,189,196,204,207,194,139,141,189,196,199,196,195,196,204,209,204,204,209,215,222,225,225,220,217,220,228,228,228,228,220,209,209,212,217,217,207,137,125,122,122,147,212,215,204,204,209,209,202,202,204,209,207,189,124,123,196,225,217,207,202,202,202,194,192,196,196,191,186,186,189,196,207,212,209,202,200,202,204,204,202,207,209,207,202,194,189,191,202,207,209,207,204,204,209,212,209,207,204,202,204,204,204,212,217,209,202,196,195,195,196,212,215,204,200,200,209,222,209,199,202,209,215,207,147,145,202,209,212,209,212,222,228,230,230,228,228,228,228,230,233,233,230,230,233,228,139,119,141,238,243,238,235,235,235,235,235,235,235,235,235,235,238,238,228,207,200,209,230,238,241,241,238,233,231,231,233,235,235,233,228,222,213,215,222,228,230,235,238,241,241,241,238,238,235,235,234,235,238,241,238,235,234,234,238,238,238,238,238,238,235,235,235,238,238,235,233,233,233,235,238,241,241,241,238,235,230,225,224,225,228,230,230,230,233,233,233,233,233,230,230,228,228,228,228,225,217,209,204,209,217,228,228,225,225,225,222,218,218,222,222,222,220,220,217,217,217,217,207,73,0,0,0,0,0,0,13,95,85,58,58,147,196,215,220,222,222,220,215,215,209,102,100,121,199,222,225,222,222,217,222,222,225,222,222,222,222,225,225,228,225,217,215,217,217,212,61,0,0,0,0,0,194,212,217,217,215,215,212,207,196,173,112,191,212,225,225,222,222,222,225,225,225,222,222,217,217,217,222,222,222,222,222,222,222,215,204,203,212,225,225,225,225,222,207,207,225,233,235,235,225,215,212,209,209,215,215,204,196,200,225,233,230,230,233,235,233,230,230,230,228,225,224,224,225,225,228,230,230,228,225,222,217,217,222,225,228,230,230,228,228,228,228,228,228,228,230,228,228,225,225,222,222,222,222,217,217,222,220,215,209,204,202,202,202,204,207,209,209,209,204,196,191,186,141,189,199,207,212,212,215,217,220,217,215,213,213,217,222,217,189,131,51,59,87,137,199,207,204,199,199,202,204,204,204,207,212,215,217,215,209,207,204,207,207,207,207,191,115,98,127,196,207,209,209,209,207,196,194,199,202,204,204,207,212,212,215,215,215,215,215,217,217,222,222,225,225,222,217,215,212,212,212,212,212,209,204,202,202,204,204,199,196,189,183,176,173,168,125,123,121,119,117,115,113,111,111,113,113,111,111,111,110,110,113,125,181,191,191,189,186,181,178,181,183,189,194,196,199,196,194,194,196,196,199,199,202,202,199,199,199,194,191,191,191,194,194,194,194,194,191,189,191,196,199,204,207,209,209,212,212,209,207,202,202,202,199,196,192,192,192,194,199,204,207,207,204,204,204,204,204,207,209,212,212,212,212,215,215,215,215,217,222,225,225,228,228,228,225,222,222,220,222,225,228,228,230,230,230,225,215,207,212,217,222,222,215,215,217,225,233,235,233,230,230,233,233,233,230,228,222,215,217,225,228,225,217,217,225,228,230,230,225,224,225,228,228,225,217,212,209,212,215,215,212,215,225,230,228,217,215,215,217,222,225,230,233,230,228,230,230,233,235,238,235,235,235,238,241,241,243,246,246,248,248,248,246,246,243,243,241,238,235,233,228,220,212,209,207,204,207,212,217,217,215,212,212,212,215,222,225,233,238,243,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,251,251,255,255,255,255,255,255,255,255,255,246,238,230,228,228,228,233,235,243,248,254,255,191,199,212,225,246,254,248,243,230,225,217,202,191,173,160,160,163,168,170,176,181,189,199,202,202,199,191,189,183,170,150,139,139,139,139,150,157,157,163,163,163,163,142,89,75,75,75,73,77,105,121,121,108,92,85,77,69,35,15,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,215,196,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,17,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,9,1,0,0,0,0,0,0,0,0,51,38,14,0,0,0,0,0,30,22,0,0,0,74,66,66,0,0,0,0,0,0,0,173,131,113,72,21,27,165,139,77,31,31,66,66,29,0,0,27,85,95,51,0,0,0,0,0,0,0,0,215,209,95,0,0,0,0,0,38,51,77,77,43,0,1,3,3,0,5,38,85,0,0,0,0,0,0,0,0,157,147,121,100,85,74,69,77,79,72,64,56,40,14,0,0,0,43,25,9,9,12,0,0,0,0,7,22,33,35,25,25,20,35,51,27,0,0,0,0,0,1,59,92,39,5,0,0,0,0,0,13,7,5,139,204,233,238,233,233,233,209,150,83,65,63,77,105,170,168,79,93,170,183,117,110,117,181,181,166,166,181,189,185,189,207,212,196,186,183,178,173,127,127,127,129,178,178,178,129,125,125,178,183,186,186,186,186,183,170,115,113,123,170,181,176,123,119,123,173,189,199,207,207,199,181,121,121,170,127,121,121,125,181,189,181,121,121,119,117,109,95,66,67,81,97,103,105,105,101,99,105,181,196,199,196,189,196,202,212,222,215,204,183,168,97,37,11,15,39,55,65,75,75,69,75,85,79,61,37,30,28,31,45,59,59,47,29,19,19,37,79,93,77,53,51,61,83,113,165,173,170,168,168,172,178,189,196,196,215,228,233,228,215,215,225,233,241,243,248,248,255,255,255,255,255,255,255,255,255,233,109,49,43,55,73,95,0,89,73,71,71,65,47,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,75,157,191,215,217,217,215,207,207,207,215,225,233,241,233,222,225,238,246,251,246,241,233,233,235,233,215,191,194,217,241,251,238,225,217,207,186,139,141,209,238,251,251,238,217,186,119,107,103,119,191,233,251,243,215,135,107,87,79,95,107,113,119,173,194,204,191,191,194,186,181,176,168,119,113,109,103,95,77,77,89,89,89,89,95,103,109,109,152,168,168,168,165,168,168,168,165,160,150,131,87,65,51,39,31,29,27,29,31,39,49,59,75,87,87,87,87,129,131,131,87,75,75,75,73,75,87,75,65,51,47,51,71,95,131,95,87,73,71,87,131,165,165,152,139,139,139,139,103,93,75,63,57,63,75,93,103,144,163,176,168,157,101,73,62,67,75,103,176,220,255,255,255,255,254,220,165,101,101,163,194,204,183,152,91,73,85,139,157,139,85,67,65,71,91,142 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,43,72,108,0,0,0,0,0,118,157,150,134,134,144,163,150,144,101,84,84,165,202,204,202,204,207,209,212,215,215,212,207,203,207,209,212,212,196,178,222,191,168,189,222,217,212,217,222,225,222,204,181,183,196,186,166,170,181,191,196,202,204,207,204,199,196,196,199,199,191,178,115,110,186,186,186,189,196,199,130,134,137,137,183,194,196,192,192,196,204,202,196,194,195,199,202,202,196,191,191,196,196,196,202,202,196,191,187,191,199,202,194,139,204,209,191,186,137,120,129,131,137,183,194,207,207,209,212,209,212,222,220,212,204,196,196,194,191,139,134,134,135,135,131,131,183,199,202,186,133,134,189,194,189,140,138,141,196,204,215,228,233,235,225,133,137,196,194,194,202,204,202,200,202,212,222,228,228,230,233,235,233,230,230,228,222,212,202,189,141,143,199,207,194,125,122,133,199,204,202,212,230,225,115,90,114,220,202,84,25,109,217,233,233,228,225,225,228,228,225,204,179,186,212,225,225,215,204,191,141,139,135,133,196,189,141,215,196,199,215,217,207,207,222,228,230,230,230,230,230,233,235,235,233,228,222,212,204,204,204,196,190,187,187,194,138,120,140,196,199,202,207,189,212,217,222,202,196,131,137,186,186,186,189,191,194,143,133,131,194,209,196,165,165,196,199,191,141,139,183,186,186,139,183,181,132,217,225,194,101,109,117,101,85,98,217,241,243,225,137,129,133,189,191,127,103,103,109,125,183,199,212,225,233,233,230,230,230,228,209,131,114,107,131,212,202,191,194,199,189,189,199,207,217,233,241,241,241,246,255,228,51,55,77,215,196,192,202,209,212,207,202,194,144,141,144,199,207,207,207,207,207,204,202,196,182,187,217,204,189,204,212,217,215,204,202,194,137,134,137,189,202,204,141,131,137,141,194,199,199,199,196,199,202,204,207,207,207,204,192,187,194,207,212,217,217,215,209,198,191,189,190,198,199,143,129,123,131,207,230,230,228,222,222,225,225,220,215,215,209,199,131,118,126,233,225,217,209,204,202,192,187,190,199,196,189,141,141,191,199,209,217,215,204,199,199,200,200,200,212,230,238,217,189,185,187,196,204,209,209,204,204,209,212,209,209,207,209,209,209,209,220,230,225,212,202,196,199,199,209,212,207,200,199,207,212,202,199,207,228,233,222,147,143,194,204,209,209,212,217,228,228,228,225,225,228,230,235,235,233,230,230,230,228,133,106,119,238,243,238,235,235,238,238,238,238,235,235,235,235,238,238,233,215,207,212,230,238,241,241,235,233,231,233,233,235,235,233,228,215,212,213,217,220,222,228,233,241,243,241,238,238,235,235,235,235,235,238,238,235,233,234,235,238,238,238,238,238,235,235,235,235,235,235,233,230,230,235,238,241,241,241,238,233,228,225,224,225,228,230,230,230,233,233,235,235,233,233,230,230,228,225,220,212,207,203,202,204,215,222,225,228,228,228,225,222,222,222,222,217,220,220,220,217,217,215,199,27,0,0,0,0,0,0,0,83,139,97,95,157,204,220,220,217,217,215,212,212,204,103,104,181,209,225,222,217,217,217,217,217,220,217,222,225,225,228,228,228,222,212,204,204,209,207,29,0,0,0,0,1,186,204,207,204,199,202,194,178,194,241,202,209,217,228,225,225,225,225,225,225,225,225,222,217,217,222,225,228,225,225,222,222,217,207,202,203,222,228,222,222,225,217,194,147,217,230,235,233,217,202,196,199,204,212,217,212,207,212,230,233,230,230,233,235,233,230,230,230,230,228,225,225,225,228,230,233,233,228,225,222,217,217,222,222,225,225,228,228,228,225,225,228,228,228,228,228,228,225,225,222,222,222,220,216,217,222,222,215,209,204,202,202,202,202,204,207,209,209,204,191,141,139,138,141,199,212,212,209,209,215,220,217,215,213,213,213,217,212,191,183,49,55,67,107,181,204,209,207,204,207,207,207,204,207,212,215,215,212,207,204,203,204,207,212,215,204,125,98,125,196,207,207,207,207,204,194,192,194,196,199,202,207,212,215,215,215,215,215,215,217,220,222,225,225,222,222,217,215,215,212,212,209,209,207,204,204,202,202,202,196,194,186,181,176,170,127,125,121,119,117,115,113,111,111,113,115,115,111,110,110,110,110,113,121,173,186,189,191,189,183,178,178,183,189,194,196,196,196,194,192,194,196,196,199,199,194,194,196,199,199,196,194,196,199,199,199,196,194,191,189,191,199,202,204,204,204,209,212,212,207,204,199,199,202,202,196,194,194,194,194,196,202,207,207,204,202,204,204,204,207,209,215,215,212,212,215,215,215,215,215,217,217,222,225,228,228,225,222,222,222,225,225,228,228,228,228,228,225,215,212,220,217,212,209,207,215,222,228,235,238,235,233,230,230,230,233,233,230,228,217,215,215,215,215,215,217,222,228,230,230,228,225,228,230,233,230,225,217,215,217,217,217,215,215,222,230,230,225,222,222,220,217,220,228,228,228,225,228,230,233,235,235,235,233,233,238,241,243,243,246,248,248,248,248,246,246,243,243,241,238,235,233,230,222,215,209,207,207,209,215,217,217,215,215,215,215,222,225,230,235,241,246,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,251,254,255,255,255,255,255,255,255,255,255,255,248,241,235,233,233,233,238,243,251,255,255,255,225,225,225,233,246,248,241,225,215,212,202,194,181,168,157,157,157,163,163,165,173,183,199,202,199,189,181,173,170,157,134,93,91,91,91,97,139,150,147,134,126,121,79,65,59,61,65,69,77,108,121,121,108,98,85,77,69,33,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,230,183,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,165,113,72,25,5,5,64,90,69,31,21,23,25,19,0,11,53,105,134,61,0,0,0,0,0,0,0,0,186,163,69,0,0,0,0,56,66,51,64,82,48,1,0,0,0,0,0,19,77,111,0,0,0,0,0,0,0,157,150,124,108,92,85,77,85,87,72,72,72,72,56,0,0,22,25,14,7,4,12,9,1,0,0,7,17,40,66,0,85,35,0,1,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,215,254,255,254,248,246,217,103,75,61,53,63,83,103,93,60,85,181,191,121,113,170,191,189,173,173,181,189,189,199,207,207,196,196,196,196,178,127,117,125,127,127,173,173,127,125,125,173,176,183,186,191,191,186,176,125,123,125,181,191,189,176,123,173,176,181,183,196,199,189,123,115,116,121,127,121,121,170,178,178,125,111,103,103,107,109,91,59,61,69,85,103,109,123,176,181,183,207,207,199,189,168,170,186,207,222,220,204,186,155,85,37,15,15,33,39,39,47,55,61,65,67,59,37,30,33,37,37,51,73,93,99,101,147,139,89,91,101,79,48,42,50,77,157,178,181,173,168,168,172,183,199,207,207,217,225,225,217,215,225,235,241,248,254,255,255,255,255,255,255,255,246,251,255,255,204,69,29,30,46,73,93,93,81,71,65,65,59,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,9,9,9,5,0,3,27,63,142,183,204,215,217,222,217,215,207,207,215,222,233,243,233,228,233,246,255,255,254,243,233,222,225,222,204,194,207,222,235,235,222,215,209,207,207,207,207,225,243,254,243,217,191,141,119,101,95,109,135,207,225,225,194,119,87,67,67,87,101,113,121,176,194,194,191,194,194,176,168,168,123,113,109,109,107,95,77,71,71,71,71,71,89,89,95,103,150,160,168,163,163,165,165,168,165,160,150,95,75,65,51,39,27,25,25,25,27,33,45,55,65,75,75,75,87,131,139,131,87,75,75,75,72,85,87,85,65,51,47,51,75,95,131,95,75,65,65,75,139,173,173,160,150,139,142,142,139,93,75,67,65,71,77,93,101,103,155,168,173,165,107,75,63,67,87,109,176,217,248,255,255,255,246,225,170,93,91,157,204,215,194,163,101,85,101,157,163,101,71,55,55,61,75,134 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,150,163,103,92,90,0,0,29,152,144,134,139,139,142,142,144,194,186,152,178,199,202,202,202,207,209,212,212,212,215,212,209,209,212,215,212,199,186,209,95,60,99,217,215,212,217,222,228,222,204,186,75,67,176,168,173,189,199,202,202,202,202,199,196,194,196,199,196,191,183,124,125,189,191,189,186,186,183,132,135,183,189,189,191,194,192,191,192,199,199,195,192,195,196,196,191,187,186,191,202,207,207,202,202,196,189,187,191,202,209,212,215,225,225,126,133,129,117,123,135,186,191,196,202,204,207,209,212,215,217,215,207,199,199,196,191,196,196,191,183,135,133,129,127,137,191,183,129,129,134,189,191,189,141,139,141,191,202,215,225,230,233,233,230,228,225,209,199,207,207,200,202,207,215,225,228,230,230,230,233,233,230,233,230,225,212,191,131,135,189,209,222,228,133,117,113,131,143,191,202,209,238,125,76,116,225,215,105,88,191,228,230,228,224,221,225,230,228,209,182,179,191,217,233,230,222,209,194,139,135,134,137,196,199,189,189,196,204,215,199,194,207,222,230,233,230,230,230,230,233,233,233,228,217,212,212,215,215,204,199,196,191,190,196,196,141,186,186,202,204,215,120,209,215,215,191,135,125,128,141,141,130,133,137,194,196,196,202,212,215,199,182,185,196,194,141,135,136,141,191,186,133,130,121,129,225,209,84,84,103,125,209,98,103,209,228,235,222,78,82,111,119,137,80,46,46,63,121,181,181,189,209,222,225,222,217,202,204,118,120,117,120,196,217,215,199,189,183,178,137,194,204,217,233,241,238,235,238,243,220,63,25,53,212,217,202,204,212,215,209,202,194,145,143,144,199,204,202,202,202,204,204,199,199,199,209,225,233,220,207,212,220,215,204,199,191,135,132,135,189,202,199,135,131,141,141,189,199,204,202,199,199,202,204,207,199,194,191,187,189,196,207,212,209,199,187,186,194,191,185,195,202,204,204,209,222,233,233,235,235,230,228,225,228,230,230,230,228,217,199,137,130,189,222,228,222,215,207,204,199,194,194,196,191,141,137,139,194,196,209,225,228,212,204,200,200,204,204,204,215,235,230,189,185,189,196,199,207,209,204,204,207,207,204,204,212,225,225,217,217,230,241,238,230,217,204,202,207,215,222,217,212,207,207,209,204,204,222,233,233,225,209,194,145,196,207,212,212,217,225,228,225,225,228,233,235,238,235,228,228,230,230,233,109,102,101,246,243,241,235,235,238,238,238,235,233,233,235,235,238,238,235,225,212,215,225,235,238,238,235,233,233,233,233,233,233,230,228,217,215,215,217,220,218,222,230,241,246,246,241,238,241,238,238,238,238,238,238,235,234,234,235,238,238,238,238,235,235,235,235,235,235,233,233,230,230,233,235,241,241,238,235,230,228,225,225,225,228,230,230,230,233,235,235,238,238,235,235,233,233,228,217,209,204,203,204,212,217,225,228,230,228,225,221,222,225,225,222,217,222,222,220,225,220,217,204,27,0,0,0,0,0,0,35,97,163,165,93,157,204,217,217,216,222,217,212,212,207,125,119,202,222,222,222,217,217,222,217,217,216,216,217,225,228,230,230,228,215,105,47,95,170,107,0,0,0,0,0,0,27,97,170,186,183,194,196,181,125,170,173,212,222,225,225,228,225,225,224,225,228,225,217,222,222,225,228,228,228,225,225,222,212,205,205,215,230,230,222,217,222,209,126,123,202,228,228,217,133,135,145,196,209,222,222,217,217,222,228,230,233,233,233,235,233,230,230,233,233,230,230,228,230,230,230,230,230,228,228,222,222,222,225,222,220,222,225,228,225,224,225,228,230,228,225,225,225,228,225,222,222,222,222,217,217,217,217,212,209,207,207,202,199,199,199,204,209,209,202,194,186,139,138,186,202,212,212,209,209,212,217,222,217,215,215,215,215,209,137,129,50,60,87,111,133,196,209,212,209,207,207,204,204,207,209,215,215,212,209,207,203,203,204,209,215,209,196,103,121,194,204,204,204,207,202,196,192,191,191,192,196,204,212,215,217,217,215,215,215,217,220,222,222,222,217,222,217,217,215,212,209,209,209,207,207,204,202,196,194,191,189,183,178,173,129,125,123,123,119,117,113,111,111,111,115,117,117,113,111,113,113,111,115,121,170,183,189,191,186,181,178,178,186,194,196,196,196,194,194,194,194,196,199,199,194,190,190,194,199,202,202,196,196,202,204,204,199,194,191,191,194,199,204,207,204,202,202,204,207,204,199,196,196,199,202,202,199,199,199,194,194,199,204,207,202,198,202,204,207,207,209,212,212,212,212,215,215,215,215,215,215,217,222,225,225,222,222,222,222,222,225,228,228,225,225,222,222,225,225,222,217,215,207,199,151,209,222,230,235,235,235,233,233,230,228,228,228,230,230,222,212,204,204,204,209,215,222,228,230,233,233,230,230,233,235,233,230,225,220,222,225,222,215,213,217,228,233,233,230,228,228,222,217,222,222,217,217,222,228,233,235,235,233,231,233,238,243,246,246,246,246,248,246,246,246,243,243,243,241,238,235,235,233,225,217,212,209,209,212,215,217,222,217,215,215,217,225,230,238,241,243,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,250,250,254,255,255,255,255,255,255,255,255,255,255,251,243,238,238,235,241,243,251,255,255,255,255,241,235,230,230,233,233,222,215,199,196,191,183,178,170,165,156,156,156,163,170,181,186,196,199,199,186,170,155,147,99,81,73,67,65,67,73,124,144,134,79,67,59,53,48,47,48,55,65,103,108,118,108,100,90,82,51,45,33,13,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,173,142,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,30,4,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,121,87,0,163,155,131,87,51,13,0,5,74,126,137,103,59,25,25,25,21,21,25,33,19,0,0,0,0,0,0,0,0,144,152,134,72,0,0,0,0,79,118,92,66,74,56,15,1,0,0,0,0,40,74,103,131,142,157,165,0,0,160,157,142,124,111,108,100,95,90,79,72,0,79,98,0,0,0,14,7,0,0,1,4,9,12,14,14,12,14,22,51,100,95,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,17,0,0,0,0,157,217,255,255,255,255,251,246,199,99,63,41,34,39,75,89,82,168,191,183,113,170,191,199,199,199,186,178,189,199,207,199,189,189,189,189,189,178,127,127,117,117,117,125,127,127,127,125,125,125,176,186,194,194,186,176,176,125,123,176,191,191,189,183,191,183,123,127,183,191,178,120,114,116,121,170,170,170,121,121,120,121,109,97,96,105,119,101,60,62,73,91,103,119,176,191,191,191,199,215,212,181,110,109,168,196,220,230,217,202,173,95,41,13,8,12,21,29,39,55,65,71,73,73,69,61,65,65,55,63,144,199,207,196,196,170,91,89,101,91,55,39,42,71,157,191,199,191,173,173,173,189,209,220,207,204,207,207,207,215,228,238,251,251,255,255,255,255,255,255,255,246,238,246,254,241,189,101,57,49,63,85,93,93,85,73,67,61,53,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,33,39,37,27,23,17,23,37,63,131,165,183,194,207,217,225,225,215,205,205,207,217,233,243,233,225,233,243,254,255,255,254,233,222,215,212,194,191,194,212,212,204,191,191,194,212,215,212,215,228,251,255,243,209,183,133,113,93,77,93,115,139,204,204,135,105,69,63,64,77,103,115,121,176,183,191,191,191,183,168,123,117,109,103,99,107,109,99,85,71,65,61,61,69,77,85,89,101,113,160,165,165,165,168,168,168,168,160,142,131,87,71,51,39,27,22,22,25,29,33,43,51,65,85,87,124,124,139,139,124,85,75,85,75,72,85,93,85,65,51,50,57,75,93,93,85,65,55,61,75,150,173,173,165,150,142,150,150,150,134,93,75,71,71,75,93,103,107,152,173,183,173,150,75,63,63,77,109,176,207,228,241,246,254,246,225,173,101,86,150,204,225,215,178,142,101,150,0,157,101,71,51,49,51,71,95 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,142,134,134,139,90,0,0,139,142,144,144,142,139,142,160,233,220,168,173,191,199,204,204,207,209,212,212,212,212,212,215,215,212,212,209,196,176,103,62,47,64,186,207,212,217,217,215,212,212,207,29,0,33,123,170,186,196,204,204,202,202,196,194,191,194,189,183,181,183,181,178,191,199,194,186,183,191,186,186,189,189,189,194,196,196,194,196,204,204,202,199,202,204,202,191,186,186,191,207,215,212,207,202,196,189,189,196,204,212,217,225,233,233,127,129,125,115,125,183,194,199,196,199,204,209,212,215,217,215,207,204,202,194,189,191,204,209,204,194,137,133,129,125,129,135,135,134,183,194,196,199,196,189,143,194,199,207,215,225,230,233,238,238,238,235,233,228,228,222,212,207,204,204,209,217,225,228,228,228,230,228,230,233,228,209,118,111,139,212,225,230,230,225,228,126,127,139,194,204,215,241,207,98,120,228,225,141,133,217,230,230,225,220,221,230,230,217,204,190,191,212,230,233,230,220,209,194,137,134,135,186,202,199,186,140,141,141,137,132,137,204,225,230,230,229,230,229,230,233,233,233,222,202,202,215,217,215,212,207,207,212,209,199,194,191,189,100,119,202,194,114,194,207,209,139,129,124,125,141,186,127,120,110,141,207,222,222,228,230,225,212,212,215,199,139,135,137,199,207,194,135,129,125,134,204,183,86,94,209,222,238,189,131,135,183,204,191,33,79,93,56,65,71,74,125,127,209,212,191,181,181,196,207,204,194,135,129,118,123,125,131,212,228,230,212,129,124,127,130,135,194,204,209,215,228,225,207,183,135,101,67,105,215,212,199,199,199,202,207,204,194,147,194,196,204,202,195,194,199,202,202,199,199,204,212,230,233,215,200,207,215,212,209,207,194,132,129,139,194,202,199,131,125,133,139,186,194,202,202,202,204,204,202,191,185,186,191,199,212,228,230,222,209,198,196,207,225,228,228,225,225,228,225,230,235,241,241,238,233,228,225,228,230,230,230,233,233,222,191,135,141,209,228,230,225,215,204,199,199,199,196,191,186,137,135,135,189,194,207,230,235,217,204,202,207,215,204,139,141,215,222,204,196,202,202,202,209,212,209,207,207,204,202,204,215,228,228,225,225,235,243,246,238,222,209,207,217,230,233,233,230,225,217,212,207,204,215,228,228,217,199,143,143,194,204,212,217,217,215,215,217,222,225,230,230,230,222,209,215,222,217,204,115,105,105,241,243,241,235,235,238,238,235,235,233,233,233,235,238,238,235,225,212,212,222,228,228,230,235,235,233,230,230,230,233,230,228,225,222,222,225,222,222,222,230,241,246,246,243,241,241,238,238,238,238,238,238,235,234,234,235,238,238,238,235,235,235,235,235,235,233,233,230,230,230,230,235,238,238,238,233,230,230,228,228,228,230,230,230,230,230,235,238,238,241,238,238,238,238,233,225,215,209,209,215,222,225,228,228,230,228,225,220,220,222,225,222,217,217,217,217,222,228,222,139,0,0,0,0,0,0,0,73,191,181,165,152,165,204,220,217,216,225,228,222,217,215,191,186,209,225,222,222,217,220,222,222,217,216,216,217,225,230,233,230,217,119,7,0,0,3,5,0,0,0,23,35,0,45,85,103,176,189,199,202,202,109,81,76,199,222,228,228,228,228,225,225,228,228,225,222,225,225,228,230,233,230,228,225,217,212,209,215,230,235,228,212,212,212,147,125,126,220,230,207,107,111,123,194,212,222,225,225,225,225,225,228,230,233,235,235,233,230,230,230,233,233,230,230,230,230,230,230,230,230,228,228,228,228,228,225,217,212,215,225,225,225,224,225,228,230,228,225,224,225,230,228,225,225,225,222,222,217,215,212,209,207,207,204,199,196,194,194,199,207,209,204,196,191,186,186,194,204,209,209,209,209,212,215,217,220,217,215,217,215,204,135,125,57,95,133,129,127,135,202,209,209,204,204,204,207,207,207,207,209,212,212,209,204,204,204,209,212,209,199,121,127,191,202,204,207,207,202,199,196,194,192,192,196,202,207,215,217,217,215,215,215,217,217,222,217,217,217,217,217,215,215,212,209,209,209,207,204,204,199,194,191,189,183,181,176,173,129,125,123,123,121,117,113,113,113,113,113,117,117,117,115,115,115,117,119,123,173,183,189,189,183,178,178,181,189,196,199,199,196,194,192,194,194,194,196,196,194,189,189,191,196,199,199,194,194,199,204,207,202,196,194,194,194,199,204,207,204,199,196,196,199,202,199,196,196,199,202,202,202,202,202,196,194,199,204,204,199,196,199,207,207,207,207,207,207,209,212,215,215,217,217,217,215,215,215,217,217,217,217,222,225,225,225,225,225,222,217,215,215,222,225,225,222,215,207,149,147,209,222,230,233,233,233,233,233,233,228,226,226,230,230,225,212,204,202,202,204,212,217,225,228,233,235,235,233,233,235,238,233,230,225,225,225,225,217,215,222,228,233,235,235,233,233,228,222,217,212,155,155,212,228,233,235,235,233,233,235,241,246,248,246,246,246,246,246,246,246,243,243,241,238,235,235,235,233,225,215,209,209,209,212,215,217,222,222,222,217,222,228,235,241,243,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,251,251,251,250,250,254,255,255,255,255,255,255,255,255,255,255,251,246,243,241,243,246,251,255,255,255,255,255,255,248,230,222,222,222,220,212,199,199,189,186,181,173,165,163,156,157,163,170,181,181,186,186,181,173,152,131,93,73,61,53,45,43,45,59,79,126,89,59,44,43,46,47,48,48,55,63,95,103,105,98,98,90,85,74,45,31,15,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,30,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,33,4,0,0,30,0,0,0,0,0,0,0,0,0,255,255,59,53,113,131,100,92,74,48,15,5,21,103,157,176,144,74,51,61,77,66,61,31,19,0,0,0,0,0,0,0,0,103,116,126,103,72,40,0,0,0,7,105,121,85,64,29,5,0,0,0,3,19,64,92,111,131,142,147,157,0,0,160,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,14,0,0,0,0,9,22,22,20,4,0,0,0,66,74,7,0,0,0,0,0,0,0,0,0,0,0,0,0,3,15,27,29,7,0,0,5,108,194,246,255,255,255,243,217,176,99,67,35,30,34,71,101,157,183,170,113,105,170,183,194,207,215,199,181,178,189,189,181,178,178,178,183,183,178,131,127,117,116,114,116,127,127,127,125,125,125,173,186,194,194,183,173,168,125,122,123,173,183,183,191,191,183,123,123,170,181,178,127,121,121,173,181,178,170,121,116,120,125,111,96,94,103,125,107,71,75,91,109,119,129,176,183,183,183,196,215,215,181,111,107,168,196,217,220,217,207,186,111,59,25,12,12,21,51,75,81,91,93,137,160,170,176,176,157,81,75,155,215,233,217,189,142,85,86,99,99,59,38,41,67,115,191,209,199,189,181,181,189,207,207,196,194,199,204,207,220,233,238,241,248,251,255,255,255,248,246,238,235,235,238,228,212,207,183,157,109,107,107,101,129,93,85,71,61,53,35,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,72,77,45,33,25,31,41,57,113,147,168,183,191,207,222,225,222,215,205,205,207,222,233,243,230,222,230,243,243,254,255,255,241,233,233,222,204,181,133,183,189,183,133,131,133,191,207,204,204,217,248,255,243,215,186,127,101,75,65,65,85,111,127,183,127,105,71,63,63,75,105,121,129,176,183,191,191,189,176,123,115,109,99,96,97,103,103,99,85,71,65,59,60,65,75,77,93,103,113,160,165,168,168,168,168,168,168,160,150,139,95,75,57,39,27,23,22,25,27,31,39,51,69,87,131,131,131,139,139,121,85,85,89,85,75,85,93,85,71,55,55,65,77,85,77,71,57,51,61,85,150,170,173,165,157,150,152,157,152,142,101,85,75,75,85,97,139,142,152,168,176,170,107,75,63,65,85,107,168,186,204,215,233,254,254,228,183,101,86,109,196,225,220,183,150,139,0,0,150,93,67,51,45,49,61,75 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,121,152,163,92,0,0,129,142,147,150,147,144,144,150,194,183,159,163,186,204,207,209,209,209,209,212,212,212,209,212,209,207,209,207,191,170,123,111,75,77,125,191,204,209,212,209,212,225,230,47,0,47,117,125,178,191,204,207,202,199,196,186,183,189,181,172,173,181,191,194,202,204,202,194,191,199,199,199,194,189,189,194,196,196,196,204,212,215,212,209,209,212,207,196,187,187,199,215,222,217,212,207,199,191,191,199,204,209,217,222,233,233,133,131,131,124,133,191,202,202,199,202,207,212,215,215,217,209,199,199,202,191,135,183,209,215,212,204,191,181,133,127,125,129,139,199,209,209,207,207,204,196,194,204,212,215,222,225,230,233,238,238,241,241,241,241,235,230,225,215,191,141,191,204,215,215,215,215,222,228,228,230,225,202,106,102,194,228,233,230,233,238,238,131,129,209,212,212,225,241,238,127,124,217,225,196,199,215,228,233,228,225,228,233,228,212,204,207,217,228,233,230,222,212,204,191,135,133,141,199,207,202,189,186,186,136,122,126,137,209,228,233,235,233,233,230,230,230,230,228,212,143,137,202,207,212,217,215,212,225,225,199,135,137,137,85,91,131,129,117,186,207,212,186,133,127,128,186,186,130,122,116,143,217,230,230,230,235,238,233,230,230,212,189,139,191,212,217,202,186,183,135,189,204,199,183,215,235,230,233,215,196,123,122,204,194,41,83,83,52,67,97,181,230,222,228,228,215,189,129,129,189,183,131,128,129,131,178,178,186,225,228,230,217,130,126,131,135,133,183,189,186,194,215,217,199,135,129,127,186,212,212,196,186,185,183,187,207,207,194,191,196,207,212,204,191,192,196,202,199,198,198,202,215,230,233,212,198,202,204,207,215,222,202,131,128,191,196,199,194,128,120,131,189,189,191,196,202,207,209,209,207,192,183,187,207,228,235,238,235,230,209,204,217,233,235,238,241,238,238,235,235,235,241,241,241,235,230,225,228,230,233,233,230,233,235,225,191,141,204,230,235,235,230,212,196,191,194,196,191,189,186,139,135,135,186,191,202,225,225,207,199,199,209,222,217,119,125,196,212,212,209,209,207,204,209,209,209,207,204,202,199,202,207,215,217,217,222,230,238,241,233,217,207,209,225,235,241,238,238,235,230,225,209,202,202,204,209,202,143,138,139,145,199,209,217,212,145,141,199,207,207,209,202,143,133,133,191,204,202,199,194,145,191,225,233,233,230,235,238,235,235,235,235,233,233,233,235,238,235,228,217,215,217,225,225,225,230,230,230,228,230,230,230,230,230,228,225,228,228,225,225,225,230,235,243,246,246,243,238,235,233,238,241,241,241,238,235,235,235,238,238,238,235,235,233,233,233,233,233,230,230,230,230,228,230,233,235,235,235,233,233,233,233,233,230,230,230,230,230,235,238,241,241,241,241,241,238,235,233,228,222,222,225,228,228,228,228,228,225,222,222,222,225,222,222,217,217,217,222,222,230,173,7,0,0,0,0,0,0,0,69,196,168,137,152,173,209,225,222,220,228,228,225,222,215,207,202,215,222,222,217,217,217,222,222,217,217,217,220,222,228,233,202,85,9,0,0,0,0,0,0,0,7,85,176,186,194,176,163,199,207,207,178,215,83,70,65,183,215,228,230,228,230,230,228,228,228,228,225,228,225,228,233,235,230,228,222,212,212,215,225,233,233,215,196,196,202,146,133,140,238,235,143,86,106,135,209,228,228,225,225,228,228,228,230,230,233,233,233,230,230,230,230,233,230,228,228,228,228,228,230,230,230,230,230,230,230,228,222,209,204,209,222,228,228,224,224,224,225,225,225,225,228,230,230,228,225,225,222,217,217,212,212,209,209,207,204,199,196,194,194,199,207,209,204,199,196,191,189,194,204,209,208,209,212,215,217,217,215,215,215,215,215,202,186,137,73,194,215,194,122,118,133,199,202,199,199,199,199,204,207,209,209,209,209,207,207,207,207,207,207,207,199,137,137,189,199,204,207,204,199,199,199,199,199,199,199,202,207,215,217,215,215,215,215,217,222,222,217,217,217,217,217,215,215,215,212,209,207,204,204,202,199,194,191,186,181,176,173,170,168,125,125,123,121,117,115,115,115,115,115,117,119,121,121,119,119,121,121,123,168,181,186,181,178,176,178,181,189,194,199,196,194,194,194,194,194,192,194,196,196,191,190,191,196,199,196,192,191,194,202,204,202,196,196,194,196,199,204,207,207,202,196,196,199,199,199,196,194,196,199,199,202,202,202,199,199,202,207,207,202,199,204,209,209,209,207,207,205,207,209,215,217,217,217,217,217,215,212,209,209,212,217,222,225,225,225,225,222,217,215,212,211,215,222,225,222,215,204,148,146,207,222,230,230,230,228,233,235,235,230,228,228,230,233,230,222,212,204,203,204,212,217,222,222,228,233,233,230,230,235,235,235,233,228,228,228,225,222,225,228,230,233,235,235,235,238,235,228,217,155,151,152,209,228,235,235,233,233,233,238,241,246,246,246,243,246,246,248,248,246,243,241,241,238,235,235,235,233,225,215,209,209,209,212,215,222,225,225,225,225,228,233,241,246,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,248,248,248,251,251,251,254,255,255,255,255,255,255,255,255,255,255,254,248,246,246,248,254,255,255,255,255,255,255,255,255,230,222,212,212,212,212,212,209,199,189,181,178,173,163,163,163,170,170,173,170,168,163,160,147,93,73,65,55,41,33,27,27,33,49,73,87,73,47,41,43,49,57,57,53,55,61,67,95,95,90,87,87,85,77,64,39,25,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,66,59,22,0,4,43,0,0,0,0,0,0,0,0,255,255,178,0,3,56,79,87,100,77,48,29,48,74,134,181,207,168,85,66,95,134,126,108,90,61,15,0,0,0,0,0,0,0,100,95,100,90,77,64,1,0,0,0,56,98,77,15,0,0,0,0,1,17,46,74,100,118,142,144,147,157,0,0,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,38,7,0,0,0,9,27,30,20,0,0,0,0,1,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,21,27,17,0,0,0,23,131,194,228,246,251,235,196,139,95,91,75,45,32,45,87,150,170,113,92,95,105,168,168,178,207,215,207,189,176,176,178,173,178,181,183,189,189,183,176,131,127,116,116,117,127,127,127,127,125,129,176,186,194,189,181,125,125,123,122,119,119,123,183,191,191,183,170,123,121,123,123,170,170,173,181,181,181,170,121,120,170,178,121,100,97,107,125,117,99,101,117,129,129,129,181,183,183,183,199,207,207,181,115,115,181,202,212,212,209,209,194,165,89,67,37,21,33,97,168,150,97,139,160,189,212,215,194,157,72,67,83,189,215,215,189,101,80,83,101,99,61,42,45,69,99,176,199,209,199,189,181,181,189,186,176,178,194,217,225,225,228,233,235,241,248,248,248,235,202,202,220,222,230,225,199,181,194,196,194,186,168,157,150,139,139,126,83,65,55,41,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,87,111,95,51,35,33,45,57,71,121,150,165,178,186,207,222,225,222,207,205,205,215,225,243,243,225,215,225,235,246,251,255,251,241,241,246,233,204,127,117,119,127,176,131,119,119,129,186,191,183,207,233,254,248,228,207,127,101,69,56,54,59,85,107,127,127,107,73,63,63,75,111,129,176,178,186,194,196,191,176,163,115,103,95,93,97,99,99,95,85,75,65,59,59,61,69,79,93,103,147,160,165,168,165,160,163,168,168,163,160,150,142,85,59,43,29,25,23,23,25,27,33,47,65,87,131,131,139,139,131,131,121,121,126,93,85,85,91,91,75,67,67,75,85,79,67,55,51,55,65,93,150,170,176,168,163,157,157,157,152,142,101,89,79,79,91,103,105,105,142,150,163,160,103,71,63,71,87,105,155,168,178,199,228,248,254,235,183,103,87,109,196,220,215,178,144,0,0,0,144,89,61,41,33,39,51,67 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,0,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,95,48,0,0,139,168,43,0,0,65,129,142,147,150,147,144,142,155,163,159,170,189,204,212,215,215,212,212,215,217,215,209,205,204,207,209,204,186,173,183,209,212,181,129,176,189,196,204,215,220,228,230,93,0,55,107,119,173,186,196,202,199,196,191,178,178,186,181,172,172,181,191,202,204,204,204,204,202,199,204,204,199,191,189,189,191,191,196,204,212,215,215,209,209,209,207,199,189,191,204,222,225,217,215,209,202,194,191,196,204,209,215,215,222,215,137,135,186,191,191,202,207,204,202,204,207,209,209,212,215,204,139,191,204,189,127,137,209,215,212,207,199,186,135,127,123,131,196,212,212,209,209,212,207,196,196,209,222,225,225,228,230,233,235,238,241,241,241,241,238,233,233,225,129,121,127,123,123,133,139,141,199,215,217,212,202,139,112,110,212,228,230,230,238,238,204,127,141,222,225,222,228,238,243,212,127,199,196,125,191,209,225,233,233,235,235,230,215,207,212,217,225,230,228,225,212,207,204,194,137,135,194,209,215,204,194,196,199,189,121,135,204,212,222,233,238,238,233,230,233,230,225,217,204,139,127,127,141,209,222,215,212,225,228,207,106,100,126,102,104,130,135,130,194,209,220,196,141,133,133,186,189,139,131,133,204,228,230,229,229,235,238,238,235,235,228,204,191,194,207,207,196,189,196,199,207,215,215,217,230,228,196,189,204,202,112,115,251,238,95,83,83,99,217,217,217,228,228,225,225,228,212,124,121,133,131,125,131,189,196,183,178,183,204,207,194,178,133,178,186,189,181,181,179,178,189,215,228,215,139,126,126,189,207,196,181,181,183,182,187,204,207,196,191,199,212,225,212,195,194,202,204,199,198,199,207,217,230,233,222,204,203,203,203,215,225,207,134,132,194,199,199,194,135,126,137,194,191,189,191,199,207,212,212,212,209,196,204,230,241,241,238,233,225,212,215,230,238,238,235,238,238,235,235,235,235,238,241,235,233,230,228,230,235,235,235,233,235,235,225,202,204,230,241,241,235,230,212,191,141,186,186,141,141,186,141,136,136,141,189,196,204,202,196,196,199,207,222,230,96,111,191,209,215,215,215,209,204,202,202,199,202,199,199,199,202,202,202,204,207,212,217,225,225,215,204,202,207,222,235,241,238,238,235,235,233,217,199,145,141,143,145,141,138,138,139,191,207,212,199,135,133,141,194,194,194,127,119,120,123,135,191,194,194,199,202,199,202,207,212,222,222,230,233,233,235,235,233,233,233,235,235,238,238,230,222,215,217,217,222,222,225,228,230,233,230,230,230,230,230,228,228,228,228,228,230,230,233,238,243,246,246,238,231,231,235,241,243,241,238,235,235,235,238,238,238,235,235,233,233,230,230,230,230,230,230,228,226,226,230,233,235,235,235,235,235,235,235,233,230,230,230,233,235,238,241,241,238,238,238,238,238,235,233,228,228,228,228,228,225,222,222,222,220,222,225,222,217,217,222,222,225,228,233,186,21,0,0,0,0,0,0,0,0,0,21,31,45,71,150,196,222,225,225,225,228,225,217,215,209,207,217,225,222,217,215,217,217,217,217,217,220,217,217,230,235,91,0,0,0,0,0,0,0,0,0,49,165,191,196,196,186,186,228,222,204,109,89,74,69,66,178,215,228,228,228,230,233,230,230,230,230,228,228,228,228,230,238,235,225,207,204,209,217,225,228,217,196,189,191,207,207,194,204,235,230,123,85,123,207,222,230,230,228,225,228,228,228,228,228,230,230,233,230,230,230,233,233,233,228,226,226,228,228,228,228,230,230,230,228,230,228,217,204,199,207,217,228,228,225,224,224,225,225,225,225,228,225,217,215,217,217,217,215,215,215,215,212,212,207,202,199,196,195,196,202,209,212,207,204,196,187,186,194,204,209,209,209,212,217,215,212,209,209,209,212,212,204,202,196,95,204,215,207,124,116,123,183,194,196,196,194,189,186,196,209,209,204,202,204,207,209,209,207,207,204,202,194,186,189,196,204,207,202,192,192,196,199,204,204,207,207,209,215,215,215,215,215,217,217,222,222,217,215,215,217,217,215,215,215,215,212,207,204,202,202,199,196,191,186,181,173,170,129,127,125,125,123,121,117,115,115,117,117,117,119,160,163,163,123,123,123,121,121,165,176,181,178,173,176,178,181,183,189,194,196,196,196,199,199,194,192,192,196,199,196,194,196,196,199,196,192,191,192,199,202,199,196,196,196,196,199,202,204,207,202,199,196,196,196,194,194,194,194,196,199,199,199,199,196,199,204,209,209,204,202,207,212,212,209,209,207,205,207,209,212,217,222,222,222,217,215,209,207,207,209,215,222,225,225,225,225,222,217,212,211,211,212,217,222,217,212,204,148,147,207,222,230,230,225,225,230,238,238,235,228,228,230,235,235,233,225,212,207,207,215,220,222,217,222,228,228,225,225,230,233,233,233,230,228,228,228,228,228,233,233,233,233,233,235,241,238,233,217,155,152,154,215,230,235,233,233,233,233,238,241,246,246,243,243,243,246,248,248,246,243,241,238,238,238,238,238,233,225,215,212,209,209,212,215,222,225,228,230,230,233,238,243,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,254,251,248,246,246,246,248,251,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,255,255,255,255,255,255,255,255,255,255,230,212,212,212,212,212,212,212,196,196,186,181,170,170,163,165,170,170,163,155,147,144,137,89,67,53,45,33,25,19,9,17,23,37,63,75,69,51,49,59,65,65,63,59,57,61,92,92,90,87,82,79,82,77,66,51,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,66,38,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,12,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,74,74,59,33,0,0,22,51,22,0,0,0,0,0,137,199,191,46,0,0,35,79,165,165,90,29,48,85,0,0,183,215,186,105,87,134,160,152,147,155,144,85,21,0,0,0,0,0,0,95,85,85,79,72,43,0,0,0,0,5,56,15,0,0,0,0,0,0,9,40,74,108,129,147,152,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,43,20,0,0,0,9,30,43,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,17,19,0,0,0,11,113,189,217,217,207,199,191,147,85,77,93,99,63,35,49,93,168,157,95,85,94,105,111,101,109,189,207,207,194,181,178,181,189,189,189,189,189,189,189,186,178,176,127,127,127,176,178,178,176,173,176,176,186,186,186,176,125,125,125,122,119,122,123,183,191,191,189,178,123,107,105,111,123,127,170,173,178,178,170,125,170,181,181,170,105,103,119,178,170,119,119,170,178,178,183,194,199,191,191,191,191,181,165,115,123,186,196,202,196,194,204,199,181,165,109,77,53,65,163,178,142,91,99,163,194,220,220,183,89,64,60,75,168,189,189,181,147,83,87,107,107,69,45,45,55,83,157,199,209,209,196,183,176,170,125,115,125,194,235,238,225,220,225,235,241,241,225,196,183,170,177,189,212,222,222,189,168,168,178,186,176,168,157,157,157,155,137,83,65,55,43,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,49,126,144,129,90,45,45,59,77,79,121,142,160,168,183,204,222,225,222,215,207,209,217,233,243,235,222,215,222,233,238,246,251,246,235,233,241,230,191,119,101,95,107,131,131,117,107,107,119,133,129,135,215,243,248,241,215,181,107,75,56,54,57,75,107,119,131,121,91,64,64,85,119,176,181,178,186,207,209,196,186,168,115,97,93,95,97,97,97,93,93,79,69,61,60,60,65,75,89,101,147,157,160,160,160,160,160,160,163,163,160,157,142,87,61,45,33,27,23,21,0,23,29,43,61,87,131,139,142,142,142,142,131,131,131,126,85,85,85,91,91,85,85,93,91,75,59,51,50,59,75,131,152,170,176,176,165,157,152,150,142,101,93,79,75,75,91,99,97,87,87,95,105,105,87,67,65,73,91,103,109,155,170,196,228,248,243,228,176,91,71,103,183,212,207,168,103,0,0,0,137,89,51,29,26,31,55,71 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,0,0,0,0,0,0,0,0,0,0,0,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,100,0,0,0,21,0,0,0,0,98,131,142,144,144,144,147,176,204,207,202,194,202,212,215,212,209,212,217,222,222,215,207,207,212,212,196,181,178,189,204,209,199,176,173,178,183,191,215,220,228,235,107,0,0,65,99,125,181,191,194,194,189,183,176,176,186,189,179,179,191,194,199,196,196,199,199,199,196,204,207,204,194,187,186,189,191,196,202,209,215,212,209,209,207,202,194,186,191,207,222,220,212,212,212,207,196,191,194,199,204,207,207,209,204,183,139,196,204,204,207,207,204,202,204,207,204,204,209,212,199,132,137,199,191,126,183,209,215,209,204,199,189,135,125,120,131,209,215,209,209,209,209,204,196,199,215,225,228,230,230,230,230,233,235,238,241,241,241,238,233,238,235,123,116,117,116,116,129,137,139,194,209,202,189,137,133,129,186,222,230,230,230,235,235,117,131,207,222,230,228,228,233,241,233,137,189,119,104,124,209,230,235,233,233,230,217,207,209,222,225,225,228,228,222,212,207,204,196,135,135,207,220,217,204,191,196,204,196,186,212,212,202,209,225,230,230,225,230,233,228,209,202,196,141,133,109,118,209,207,199,204,209,222,212,104,89,131,204,222,220,215,202,202,207,212,204,194,139,135,189,189,141,139,143,212,230,230,230,230,235,235,235,235,238,235,215,196,191,191,191,186,186,194,202,212,215,209,209,212,202,135,130,186,189,106,112,254,248,204,82,87,241,241,233,233,230,225,217,222,222,207,114,113,178,178,126,186,207,212,125,125,129,129,181,121,111,130,181,181,183,186,186,179,178,191,222,230,212,181,127,125,199,209,194,183,189,199,196,194,199,202,196,194,199,209,228,222,204,199,204,204,202,204,209,217,225,233,235,233,228,222,209,204,207,215,204,189,186,199,204,196,191,141,135,141,191,191,189,191,199,207,209,209,209,212,207,215,235,238,238,238,233,212,212,228,238,241,238,235,235,235,238,238,235,235,238,238,233,228,228,233,235,238,238,235,235,233,225,204,202,215,238,243,241,235,228,209,191,141,139,139,138,139,186,189,186,139,139,186,189,189,194,194,194,202,212,215,194,67,98,196,215,217,212,212,212,204,199,194,191,194,194,194,199,202,199,198,199,204,212,215,212,204,202,199,202,204,215,230,238,241,238,235,235,235,225,199,143,141,141,143,145,141,138,138,143,204,204,143,135,135,143,196,202,199,122,118,122,133,139,191,196,145,199,207,199,137,117,113,123,141,212,225,225,228,230,230,235,235,233,235,238,243,241,225,204,141,194,212,209,212,228,233,233,228,228,230,233,230,230,230,230,230,230,233,233,233,235,238,243,243,238,231,230,233,241,243,241,241,238,238,238,238,241,238,235,235,233,233,230,230,230,230,233,230,228,226,226,228,233,235,235,235,235,235,235,235,233,233,233,233,238,238,241,241,238,238,235,235,235,235,235,235,233,230,228,230,228,225,222,217,215,217,217,217,215,215,222,225,220,220,228,233,41,0,0,0,0,0,0,0,0,0,0,0,27,69,71,79,155,207,222,225,225,225,225,220,215,207,199,225,228,225,220,215,215,215,215,215,215,217,222,222,230,233,61,0,0,0,0,0,0,0,0,15,113,183,189,194,191,183,186,225,212,191,111,95,87,85,81,189,222,228,226,228,230,233,230,230,230,230,228,228,230,230,233,238,238,215,144,147,207,217,217,212,199,191,190,204,217,212,204,212,222,204,111,90,147,222,228,230,233,230,225,222,225,228,225,225,228,228,230,230,228,230,233,235,233,230,226,226,226,228,228,228,228,230,228,228,230,228,212,199,147,151,207,217,225,228,230,228,225,217,215,212,209,204,198,199,209,215,217,215,217,222,217,212,209,204,199,194,196,199,202,209,215,215,209,207,196,187,187,196,209,212,209,209,212,215,212,207,204,204,204,207,207,204,204,194,109,183,199,199,137,125,129,183,191,194,196,194,181,133,130,133,183,194,199,202,207,209,212,209,207,207,204,202,194,194,199,207,207,202,192,191,194,199,204,209,212,212,212,215,215,215,215,215,217,220,222,217,217,215,215,215,215,215,215,215,215,212,207,204,202,202,202,199,194,189,181,173,129,127,125,123,123,121,119,115,115,115,117,117,117,117,121,160,163,123,123,163,123,123,165,176,181,176,173,178,178,178,178,183,189,196,202,202,204,202,199,192,192,196,199,202,199,196,196,196,196,194,194,196,199,199,196,196,199,202,199,199,199,202,204,202,199,196,194,194,192,192,192,194,196,199,202,196,194,194,196,204,207,209,204,202,204,209,209,212,212,209,207,205,207,209,212,217,217,222,222,215,209,207,207,209,215,222,225,228,228,228,225,222,215,212,211,212,215,217,215,207,202,149,148,207,220,228,228,225,224,228,235,238,233,228,226,230,233,235,235,235,225,215,215,217,225,222,217,217,222,222,220,222,228,230,230,233,230,228,228,228,228,230,233,233,230,230,230,233,238,238,233,217,209,155,157,215,228,233,235,235,233,235,238,243,246,246,243,243,243,246,248,248,246,243,241,241,241,241,241,241,235,228,217,215,212,212,212,215,222,228,230,233,235,241,243,246,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,248,248,248,246,246,244,246,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,230,212,212,212,212,212,212,212,196,189,186,181,170,170,170,170,163,163,155,144,97,95,87,71,51,39,27,21,19,9,5,5,9,23,49,69,65,59,69,73,71,65,63,59,65,95,116,116,98,90,82,79,79,74,56,31,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,82,66,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,17,1,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,74,66,59,51,17,0,0,0,14,0,17,0,0,0,87,87,74,46,11,3,4,35,118,230,215,98,25,29,85,0,0,170,199,168,105,92,137,152,137,139,170,181,131,48,5,5,23,0,0,0,79,66,61,61,48,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,118,147,160,163,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,33,25,7,0,0,0,35,48,46,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,113,170,194,209,209,191,170,157,147,89,73,99,142,71,27,33,87,168,183,147,94,105,99,87,77,82,119,189,207,196,181,173,189,196,196,194,196,196,196,196,189,189,191,186,186,186,191,191,186,186,181,176,176,181,183,183,181,173,173,125,123,125,176,183,189,183,183,183,173,121,105,103,107,123,123,121,170,178,181,186,189,189,189,189,170,121,121,178,186,186,178,178,186,186,186,194,202,202,191,183,127,117,111,114,114,119,181,194,186,183,191,204,207,194,181,168,109,93,99,163,163,99,87,93,144,168,186,202,191,144,72,72,144,173,157,143,155,155,105,111,168,160,83,50,41,47,77,165,209,225,222,212,202,189,181,123,105,111,186,241,241,225,217,217,215,217,204,179,172,170,174,189,209,222,222,220,186,123,117,119,117,150,147,150,157,168,155,129,73,61,53,43,29,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,87,137,155,155,129,69,63,77,116,113,124,142,157,168,178,207,222,228,222,215,209,215,222,238,243,0,222,215,222,233,238,246,254,251,233,222,215,191,125,101,83,63,91,125,173,119,101,93,97,103,95,101,129,215,238,243,228,204,127,95,65,57,63,95,119,131,183,133,109,75,71,101,127,186,183,178,186,207,217,217,194,176,115,103,95,97,97,97,97,97,97,93,85,71,65,65,65,71,85,97,107,150,152,150,152,152,160,160,160,160,152,144,131,77,61,45,35,29,25,21,21,21,27,39,53,77,124,131,142,142,150,157,150,142,134,131,85,82,82,91,131,134,134,131,85,71,55,50,51,65,85,131,150,165,176,176,170,157,144,101,93,93,79,71,68,73,87,95,87,67,59,65,87,91,73,65,65,73,87,95,103,150,176,212,238,254,243,212,155,71,64,77,168,196,189,160,91,77,0,0,97,89,47,26,26,43,71,95 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,46,74,0,0,0,25,0,0,0,0,57,116,131,139,139,142,157,207,228,228,215,199,196,202,199,199,204,207,207,212,215,209,204,207,209,199,183,178,183,194,194,191,181,169,170,173,170,125,125,176,217,222,79,0,0,15,71,121,181,189,189,186,186,181,177,177,183,191,191,194,202,202,191,186,194,196,183,183,191,202,209,209,196,186,185,189,194,199,204,209,212,212,209,207,202,191,186,185,191,204,215,215,211,211,212,209,199,194,194,199,202,202,202,209,207,196,194,202,209,209,209,204,202,199,204,204,202,204,207,209,194,131,132,191,189,132,194,209,215,209,202,199,189,135,127,121,131,215,217,209,209,209,207,202,199,207,222,230,230,230,228,228,228,228,233,238,241,241,241,241,235,238,238,129,113,116,119,135,207,212,209,215,222,202,189,129,129,139,196,215,225,228,222,212,97,18,46,199,222,228,230,230,230,235,233,204,202,139,111,118,207,233,238,233,225,207,202,204,215,228,228,225,225,228,225,215,209,204,191,132,131,212,225,225,207,191,191,196,194,196,209,199,139,191,209,212,212,222,228,222,143,116,129,194,194,139,98,106,189,186,185,191,189,141,135,117,112,217,230,238,235,233,217,202,199,204,212,212,141,139,194,189,143,191,207,225,230,230,233,233,235,235,235,235,238,235,225,204,191,189,189,189,186,189,196,204,204,194,186,181,137,191,181,196,194,113,117,230,241,255,103,95,230,235,241,241,233,228,222,217,212,129,108,111,220,204,181,196,209,204,114,119,125,123,178,129,117,178,191,178,176,189,199,194,181,189,212,209,133,137,191,209,225,225,204,199,207,204,202,199,196,196,196,192,191,202,217,215,202,199,202,202,207,215,222,228,230,233,235,235,238,235,228,209,202,204,204,207,217,222,212,139,131,133,133,141,191,194,194,196,204,209,209,207,204,202,204,215,230,235,238,241,233,209,217,238,243,238,238,238,238,238,241,241,238,238,238,235,230,225,225,230,235,238,238,235,233,225,194,137,143,209,230,238,238,233,217,202,194,186,139,139,141,186,189,194,199,194,139,186,189,187,196,194,194,207,217,207,72,64,101,215,228,222,209,204,207,207,199,191,190,191,191,194,199,202,199,198,199,209,215,217,212,202,196,199,202,204,209,225,235,241,241,235,235,238,230,207,194,196,194,194,194,145,141,139,145,189,141,136,135,137,191,204,209,202,127,123,139,194,194,196,194,145,196,204,194,139,117,112,117,138,204,215,212,209,212,217,228,233,230,228,230,238,235,217,147,113,117,133,121,129,215,222,225,220,222,228,230,233,233,233,233,233,233,233,233,233,233,235,241,241,238,231,231,233,238,241,241,241,241,238,238,241,241,238,238,238,235,233,230,230,230,233,233,233,228,226,226,228,233,235,235,235,235,235,235,235,233,233,233,238,241,241,241,241,238,235,235,235,233,235,235,238,235,233,230,230,230,228,225,217,215,215,215,215,215,217,225,217,186,144,139,147,0,0,0,0,0,0,0,0,0,0,0,0,147,228,207,87,157,202,220,228,228,225,225,228,225,196,105,217,225,228,222,217,215,215,213,213,215,217,222,222,215,121,0,0,0,0,0,0,0,0,0,77,189,189,181,194,189,182,183,204,202,189,125,105,93,89,85,196,225,230,228,228,230,230,228,230,233,233,230,230,233,233,233,233,228,194,138,147,209,217,212,204,196,192,194,209,209,196,196,212,222,209,119,103,147,225,230,230,230,225,217,217,222,225,225,225,225,228,230,228,228,228,230,233,233,230,228,228,226,226,228,228,228,228,228,228,228,217,199,141,137,141,147,202,212,225,228,225,212,199,196,196,196,194,194,196,209,217,222,222,225,222,217,215,212,204,191,143,196,207,212,215,215,212,209,207,202,194,196,207,217,215,209,209,212,209,207,204,202,202,202,202,194,196,199,186,123,133,183,189,137,133,137,186,191,191,194,194,186,136,131,130,134,183,199,204,207,207,209,209,209,209,209,209,202,199,204,209,209,207,199,194,196,202,207,209,212,215,215,215,215,215,212,215,217,222,222,217,215,215,215,215,215,215,212,212,212,209,207,204,204,202,202,199,196,189,183,176,170,127,125,123,121,119,115,114,114,115,117,117,115,117,117,119,119,121,121,163,123,123,125,170,176,173,173,178,181,181,178,181,186,196,202,204,204,204,199,194,194,196,199,199,199,196,196,196,196,196,196,199,202,202,199,199,204,207,204,202,202,202,202,199,196,194,192,192,194,194,194,196,199,204,204,199,194,194,196,202,207,209,207,204,207,209,209,212,215,215,212,207,205,207,209,212,215,217,217,215,212,209,209,212,217,222,225,228,228,230,230,228,222,215,212,215,217,217,212,204,199,149,149,207,217,225,228,225,224,228,233,233,230,226,226,228,230,233,238,238,233,222,217,217,222,222,217,217,217,220,218,222,228,230,230,230,228,225,225,228,228,230,233,233,230,230,229,233,235,235,230,225,215,209,209,212,222,230,238,238,238,238,238,243,246,246,246,243,246,246,248,248,246,243,243,243,241,241,241,241,238,230,222,217,215,212,212,215,220,228,233,238,241,246,246,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,248,248,248,248,246,246,246,246,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,228,217,209,209,209,207,196,194,186,186,178,178,176,170,170,168,152,144,134,95,91,87,71,57,37,19,7,7,0,0,0,0,0,15,41,63,63,61,67,98,67,61,59,65,100,126,134,131,116,92,82,79,74,72,56,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,82,74,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,17,17,4,0,0,0,0,0,0,0,74,59,40,33,22,0,0,0,14,7,0,0,0,0,121,134,87,35,20,15,9,15,79,173,157,56,20,20,29,51,85,142,150,105,39,39,77,77,69,79,137,155,111,46,19,0,0,0,0,77,59,40,35,35,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,100,144,160,168,170,0,0,0,0,199,186,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,25,25,9,0,0,0,27,48,48,33,17,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,150,189,186,173,181,191,191,170,147,131,85,73,85,89,49,5,5,53,147,199,196,168,155,93,79,74,82,111,181,199,196,173,163,173,196,196,196,196,204,204,196,196,196,204,202,196,194,194,194,194,186,186,174,174,174,183,186,183,176,176,173,176,183,191,191,191,183,123,123,121,111,105,105,113,127,123,121,170,181,189,196,204,212,204,194,181,170,181,189,194,194,194,194,194,194,194,202,202,202,191,176,115,108,110,115,115,115,170,181,176,176,191,212,220,202,186,168,147,109,152,157,150,95,81,81,79,73,83,168,194,183,105,93,165,173,144,139,157,170,176,178,183,178,157,85,63,63,101,183,225,233,230,230,225,222,207,178,107,83,111,207,235,220,204,182,181,181,179,176,176,191,225,241,243,238,230,212,178,119,111,103,97,87,87,95,139,147,139,121,67,55,49,41,25,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,87,131,155,170,147,111,71,116,124,116,126,150,168,176,186,207,228,238,233,222,215,215,222,238,246,0,0,0,0,235,246,251,255,255,233,191,127,107,75,63,57,59,87,125,189,181,121,107,93,82,75,74,95,183,225,241,241,225,191,115,75,59,65,99,127,183,194,194,127,105,101,115,183,191,183,177,183,217,228,228,207,186,163,111,99,97,97,99,101,103,107,107,107,93,85,75,75,75,85,95,103,144,144,144,144,144,152,152,152,144,144,131,95,77,57,45,35,31,27,23,21,21,25,33,49,65,87,131,142,150,157,165,157,150,142,131,91,80,80,85,134,152,150,131,75,61,51,50,51,65,75,91,131,150,165,168,165,157,142,91,79,79,71,68,68,77,91,91,77,58,55,57,73,79,67,59,59,71,77,87,99,111,176,215,243,255,243,196,103,63,61,71,160,196,183,155,87,71,77,0,89,77,45,27,29,59,97,134 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,40,0,0,0,0,0,0,0,39,7,0,0,0,67,118,129,137,139,139,155,194,215,225,215,191,183,170,163,173,189,191,186,186,191,186,189,189,178,176,181,186,189,178,173,173,170,164,169,176,123,103,94,95,91,49,0,0,5,31,91,170,183,186,183,183,183,186,183,181,181,183,194,202,204,204,189,185,202,204,182,181,183,194,207,212,202,189,187,189,196,202,207,209,209,207,204,202,196,186,185,185,189,202,212,215,212,215,215,209,202,196,199,202,199,194,199,209,209,204,202,204,207,209,209,204,199,198,199,202,202,207,207,202,183,131,130,135,181,137,199,212,215,204,189,186,133,125,123,119,129,222,225,215,215,209,202,199,207,222,230,230,230,230,228,225,222,225,230,235,238,238,238,238,235,235,235,143,109,108,131,204,215,217,222,225,225,217,209,121,118,133,186,194,202,209,209,131,55,7,13,47,202,217,228,233,230,230,230,225,225,235,129,119,143,228,238,235,207,135,196,212,225,230,228,225,228,230,230,222,212,204,186,129,127,199,212,222,215,194,187,189,189,194,202,194,139,135,128,125,196,217,225,209,117,106,114,196,207,125,105,112,191,189,187,196,194,133,133,129,133,228,235,241,238,233,217,199,196,199,209,217,114,131,191,143,191,207,233,235,230,229,230,233,233,235,235,235,235,233,228,212,196,194,199,194,185,186,191,202,199,139,125,117,117,230,225,228,215,135,135,212,238,255,228,107,196,225,238,241,235,230,228,225,212,133,111,114,217,199,186,191,196,178,117,121,129,121,131,189,199,212,217,202,176,186,199,194,183,183,196,191,131,191,215,225,228,225,215,212,209,199,194,194,194,196,194,189,186,194,202,194,191,196,202,207,215,225,228,230,230,230,233,233,235,235,233,212,194,189,196,212,230,230,212,124,124,128,130,139,199,199,199,207,222,225,217,209,202,196,199,215,228,233,238,238,228,212,222,238,241,235,235,235,238,238,241,241,238,235,235,233,228,224,224,228,233,235,238,235,228,204,137,133,137,199,217,228,228,217,196,186,186,141,139,141,191,189,191,199,212,212,137,186,194,191,199,196,194,204,209,194,74,86,194,228,230,225,209,203,204,204,199,191,191,196,196,199,202,202,198,198,204,215,225,228,222,209,199,196,199,202,207,212,222,230,233,230,228,230,225,212,207,212,209,204,199,194,194,194,191,136,134,135,136,137,143,196,204,194,137,141,202,212,212,207,194,141,139,139,133,194,199,207,145,139,194,199,145,143,194,202,212,222,222,215,212,215,215,204,145,119,116,117,112,114,137,141,196,204,209,217,225,228,230,233,233,233,233,233,235,235,235,235,235,238,238,233,231,231,233,238,241,241,241,238,238,241,241,238,238,238,238,233,233,230,233,235,235,233,230,228,228,230,233,235,235,233,233,230,230,230,233,233,235,238,238,241,241,241,241,238,235,235,233,233,235,238,235,233,230,230,230,230,225,217,215,215,215,215,217,225,222,173,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,196,225,225,202,194,199,212,225,230,230,228,228,228,111,19,199,217,228,225,222,217,215,215,213,215,222,225,222,117,29,0,0,0,0,0,0,0,0,27,163,196,191,179,182,186,183,182,202,207,204,189,71,69,79,83,199,215,222,228,228,228,225,225,228,233,233,230,230,233,233,230,222,194,137,136,202,215,217,215,209,207,204,199,194,143,143,196,217,228,228,209,121,135,212,233,230,222,216,215,216,222,225,225,225,225,230,230,228,225,225,228,230,233,233,230,228,228,228,228,225,225,225,228,228,225,207,139,129,129,135,141,149,202,209,215,209,202,195,194,198,199,199,199,209,217,222,222,225,225,225,222,220,215,199,129,127,186,204,212,212,212,212,212,212,209,204,204,209,215,215,212,209,209,207,207,207,207,207,202,196,135,191,202,196,183,137,186,189,132,129,135,183,183,186,191,194,196,199,194,139,138,186,196,204,202,199,199,202,207,209,209,209,204,204,209,212,212,209,207,204,207,207,209,209,212,215,215,215,215,212,212,215,217,222,222,217,215,215,215,215,215,212,212,212,209,209,209,207,204,204,202,199,194,191,186,178,173,129,125,123,121,119,117,115,115,117,119,117,115,115,115,113,115,117,121,123,121,121,121,125,168,127,129,176,181,181,181,181,186,194,199,202,202,199,199,196,196,196,196,196,194,194,196,199,199,196,196,202,204,204,204,204,207,209,207,204,202,202,199,199,196,194,194,194,196,196,196,196,199,204,207,204,196,195,196,204,207,209,209,207,209,209,209,212,217,217,215,207,205,205,205,207,209,215,217,217,217,217,217,217,217,222,225,225,228,230,233,230,225,217,212,215,222,222,212,204,199,149,149,204,215,222,225,225,225,225,228,230,230,228,226,228,230,233,235,238,233,225,215,215,215,215,215,217,217,222,220,222,228,230,230,228,224,224,225,225,228,230,233,233,233,230,230,233,235,233,228,225,222,217,215,217,225,230,235,238,238,235,238,241,246,248,246,246,246,246,246,246,246,243,243,243,241,241,241,238,235,230,225,222,217,215,212,215,217,225,233,238,246,248,248,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,251,251,251,248,248,248,248,248,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,246,228,217,217,217,209,196,186,178,178,178,178,178,178,178,170,160,144,99,89,87,77,75,63,43,23,0,0,0,0,0,0,0,3,25,49,67,67,61,67,95,90,67,63,98,121,139,139,131,103,87,77,69,69,64,48,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,79,74,66,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,4,0,0,0,0,0,0,0,74,66,40,22,33,43,33,17,40,66,33,9,0,0,0,163,212,181,72,22,11,0,0,21,90,103,56,23,0,0,23,85,160,118,0,0,0,19,25,25,33,79,90,56,29,0,0,0,0,0,66,40,19,4,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,74,108,131,152,160,168,0,0,0,194,191,173,150,118,0,0,0,0,0,0,0,0,0,0,0,0,0,59,25,14,9,0,0,0,0,30,33,25,12,5,0,0,0,0,0,0,0,0,0,17,15,0,0,0,0,0,0,0,0,0,17,105,181,204,191,157,139,147,181,181,139,87,75,73,67,43,15,0,0,23,87,191,215,215,199,109,93,83,93,111,178,202,199,173,161,170,196,204,202,204,204,204,204,196,202,204,204,196,194,199,199,194,186,181,174,169,174,183,189,186,181,170,176,191,199,191,191,189,181,121,111,107,107,105,107,123,170,123,121,170,181,194,207,215,222,220,204,189,189,194,196,196,194,202,202,202,202,202,199,194,191,191,176,117,115,125,173,113,102,115,168,163,170,194,220,220,207,183,160,101,89,93,99,107,93,73,73,70,64,66,95,178,186,144,89,91,144,150,163,189,202,196,189,178,178,183,183,168,157,168,196,225,230,228,230,233,233,228,204,113,47,33,79,186,204,194,176,173,181,186,183,207,246,255,255,255,243,228,199,173,111,103,93,77,74,76,95,95,95,124,75,63,51,43,37,23,3,0,0,0,0,0,0,0,0,0,0,0,0,0,7,39,82,113,150,165,150,111,75,116,131,124,134,163,178,194,196,215,233,243,238,225,217,215,225,233,243,0,0,0,0,243,246,254,255,255,225,173,107,75,57,48,49,63,91,121,181,183,173,121,109,87,75,73,89,176,225,243,251,246,225,129,85,65,65,95,127,204,215,215,191,127,123,176,191,194,183,177,186,217,241,235,217,194,176,160,111,99,97,103,107,111,152,157,157,113,103,93,89,85,91,101,107,144,144,107,139,103,137,144,144,134,134,95,87,71,57,43,35,31,29,25,21,21,25,31,43,59,77,131,139,142,157,170,165,157,150,144,131,85,80,85,142,160,157,97,67,55,51,51,55,59,65,67,73,93,142,157,160,152,134,91,75,71,69,69,77,95,134,87,71,58,55,59,77,87,65,56,57,65,71,79,95,109,168,207,235,243,228,176,87,61,61,87,183,207,196,160,91,73,77,0,87,71,47,27,27,49,77,89 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,59,79,53,0,0,0,0,0,0,0,0,0,0,108,129,134,139,142,142,152,176,199,215,212,168,155,113,111,119,181,183,170,165,168,125,121,111,102,115,186,199,189,58,86,181,196,191,207,212,189,109,115,125,81,0,0,0,11,97,176,191,189,183,181,183,183,186,189,186,177,178,191,199,199,194,189,189,207,212,194,182,176,181,202,207,202,191,189,189,194,204,209,209,207,204,196,191,189,189,186,186,191,202,212,215,215,217,217,212,207,204,207,204,194,190,194,207,207,207,204,204,204,207,209,207,199,196,196,199,204,209,207,189,133,131,130,131,135,186,202,209,207,189,125,118,109,105,113,114,119,217,230,222,215,209,198,198,215,233,233,230,225,225,225,222,222,225,228,233,235,238,235,235,234,235,235,207,109,97,143,217,217,215,222,225,222,225,222,103,93,123,129,131,137,194,209,207,209,189,55,29,83,204,225,233,230,228,230,233,235,238,194,119,135,225,233,228,117,116,207,228,228,228,225,225,228,230,230,222,215,207,141,128,127,135,194,209,212,194,187,187,189,196,207,207,194,129,89,87,141,215,228,222,141,113,125,196,202,123,123,194,222,230,230,230,228,215,207,186,137,209,233,246,235,228,212,199,196,191,191,137,64,86,135,189,202,215,233,235,230,229,229,230,233,235,235,235,233,233,228,209,194,191,202,189,181,183,191,212,212,127,104,107,115,235,235,235,230,207,199,209,235,238,233,123,186,215,230,230,235,233,233,230,225,209,120,115,125,129,173,181,181,129,119,121,125,107,100,178,215,228,238,230,170,176,183,183,181,181,191,199,209,217,230,228,225,225,230,228,217,202,194,191,191,194,194,192,191,199,194,185,183,191,204,215,228,228,228,228,228,230,230,230,230,233,233,212,139,132,137,196,215,217,199,121,127,133,135,186,207,204,207,222,235,238,230,217,207,195,199,217,230,235,241,238,225,215,222,233,238,235,235,238,238,238,241,241,238,235,235,230,225,224,222,225,230,235,238,233,215,194,139,136,143,199,209,212,209,196,135,130,131,133,133,139,194,194,191,199,212,215,133,141,194,199,202,199,199,202,199,191,127,135,215,228,228,225,217,209,207,202,196,191,194,202,204,204,207,204,199,202,209,225,235,235,230,212,196,191,196,199,199,202,202,202,209,209,207,212,215,215,215,215,215,209,204,202,204,207,199,136,137,141,143,141,143,191,194,191,191,204,215,228,230,222,199,143,135,125,99,135,196,207,143,129,133,129,124,127,139,194,204,215,215,209,202,196,196,194,145,141,119,119,115,119,133,125,130,194,204,209,215,217,217,222,225,230,233,233,233,235,235,233,233,238,238,238,233,233,233,235,238,241,238,238,238,241,241,238,238,238,238,235,233,230,233,235,235,233,230,230,230,233,233,233,233,230,228,228,228,228,230,233,235,235,238,238,241,238,238,238,235,235,233,233,233,235,235,233,230,228,230,230,225,217,213,215,215,215,220,222,209,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,202,212,228,225,207,191,194,212,225,228,228,222,222,71,0,168,212,225,228,225,220,217,215,215,217,222,222,207,91,17,0,0,0,0,0,0,0,0,51,178,196,194,182,182,196,199,199,217,225,217,189,80,77,109,181,204,196,191,212,225,225,222,222,228,233,233,233,230,230,233,230,212,139,134,139,217,225,225,217,217,217,215,202,141,140,145,209,225,230,235,235,137,121,145,230,230,217,216,216,216,222,228,228,228,228,230,233,228,224,224,225,228,230,233,230,230,230,228,228,225,225,225,225,230,222,199,129,123,131,143,147,149,151,199,202,204,204,207,212,217,222,225,225,228,228,225,222,225,228,225,217,215,207,111,53,63,105,141,202,207,209,209,212,215,215,207,196,199,212,217,215,212,207,207,207,209,212,209,202,186,128,191,207,207,204,191,196,202,131,125,132,181,181,183,194,196,202,207,204,199,194,191,196,202,196,194,194,196,202,207,207,204,202,204,209,209,209,209,209,212,212,209,209,209,212,215,215,215,215,212,212,215,217,222,222,217,215,215,215,215,215,212,212,209,209,209,209,207,207,204,202,196,194,191,186,181,176,170,127,125,123,121,119,117,117,119,121,119,117,115,113,109,111,113,117,121,119,117,117,121,123,123,125,173,181,186,186,186,189,191,196,196,196,196,196,196,199,199,196,194,191,192,196,202,199,199,199,202,204,207,207,207,207,204,202,202,199,194,194,194,194,194,194,196,196,196,196,196,199,204,207,204,199,195,196,202,204,207,209,209,209,209,207,207,212,215,212,207,205,205,205,205,207,212,217,217,222,222,222,222,222,222,225,225,225,230,233,233,225,217,215,217,222,222,215,207,199,149,149,202,212,222,228,228,228,228,228,230,233,230,230,233,233,235,235,235,233,225,215,209,209,209,212,215,217,222,222,225,230,233,230,228,224,224,225,225,225,228,230,230,230,230,230,233,235,230,225,222,222,225,228,230,230,230,233,233,233,230,233,235,243,246,246,246,246,246,246,246,246,243,243,243,241,238,238,238,235,233,228,228,225,217,215,215,217,225,230,241,246,248,251,251,251,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,251,251,254,254,254,254,251,251,251,251,251,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,241,228,217,217,217,209,194,178,168,168,168,168,176,178,176,165,152,134,89,75,71,69,63,43,23,0,0,0,0,0,0,0,3,17,37,61,95,67,63,95,111,111,100,98,100,121,129,126,113,92,72,61,56,53,56,31,21,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,61,61,56,53,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,27,4,0,0,0,0,0,0,0,0,51,22,7,30,59,64,59,87,121,0,0,0,0,0,163,202,196,82,9,0,0,0,0,90,124,105,74,51,31,66,168,220,134,19,0,0,1,21,33,33,48,33,21,29,0,0,0,0,0,77,51,30,9,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,87,105,118,142,152,157,0,0,0,183,181,160,126,111,108,0,0,0,0,0,0,0,0,0,0,0,0,72,43,20,14,12,4,0,9,20,12,4,0,0,0,0,0,0,0,0,0,0,0,48,53,5,0,0,0,0,0,0,13,23,31,87,152,199,194,157,126,122,147,157,139,87,79,73,43,15,0,0,0,5,61,176,235,243,233,189,168,107,107,155,189,207,204,189,173,189,209,204,204,204,204,204,204,202,202,204,202,194,194,194,194,194,194,186,181,176,176,183,189,189,181,168,176,191,199,189,176,165,123,113,107,107,103,103,107,121,123,123,121,121,181,194,207,215,220,225,215,204,196,196,196,196,194,187,187,194,194,194,191,186,186,183,176,165,165,178,173,101,92,105,119,115,160,194,220,220,207,183,155,87,71,70,75,93,93,79,85,85,73,72,89,160,168,95,69,69,89,165,196,215,215,212,186,160,160,183,202,196,178,176,196,225,225,212,222,225,212,209,204,117,19,0,3,93,194,207,191,186,207,204,215,235,255,255,255,243,230,212,189,170,111,107,97,77,77,97,101,101,95,83,69,55,49,43,37,25,7,0,0,0,0,0,0,0,0,0,0,0,0,0,23,45,79,108,139,155,139,75,65,111,134,126,142,170,194,207,209,217,233,243,235,225,215,215,225,238,246,0,0,0,0,246,251,254,255,255,225,176,107,75,59,51,50,57,73,99,113,121,121,121,121,113,93,85,109,186,233,255,255,255,241,191,103,69,69,99,135,215,233,233,215,191,183,189,194,207,191,186,194,225,243,235,217,194,186,176,119,103,101,103,111,152,157,165,168,165,157,111,103,97,101,103,144,150,144,139,103,95,95,95,134,97,95,93,87,71,53,43,35,33,31,27,25,23,25,29,39,53,75,124,131,131,150,168,165,163,157,157,142,93,85,93,150,165,157,93,65,55,51,51,55,57,57,57,59,73,93,142,152,150,142,95,79,73,71,75,99,144,142,91,71,65,59,67,87,87,65,56,56,59,65,73,87,103,155,183,215,228,207,155,71,63,68,160,228,228,207,168,103,79,87,0,87,75,49,27,24,27,51,73 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,152,72,85,170,23,0,0,0,0,0,0,0,49,118,134,137,139,147,155,160,183,196,155,142,111,113,157,183,199,191,170,164,165,170,127,115,176,105,97,204,69,57,101,212,217,220,230,230,217,215,202,196,194,95,9,15,103,220,220,202,191,181,176,183,183,183,183,181,178,178,186,194,191,186,181,189,194,202,204,202,168,169,196,204,191,189,191,191,191,199,204,207,207,202,194,189,189,191,194,189,189,204,209,207,212,215,215,212,209,212,212,202,189,187,194,204,209,207,202,200,200,207,209,207,202,198,198,199,207,212,204,132,128,133,133,133,181,186,194,202,196,137,131,127,110,108,100,98,114,199,217,217,212,204,195,195,215,233,230,225,225,222,222,222,225,228,228,230,233,235,238,235,235,238,235,194,108,121,207,225,225,215,215,217,222,228,230,119,125,129,121,123,131,186,209,217,228,228,217,99,95,196,233,235,230,229,230,235,238,241,220,127,127,238,204,119,113,123,217,230,228,225,225,225,228,228,230,217,212,209,191,131,132,189,191,189,190,191,189,189,194,199,209,215,207,127,83,87,202,222,230,230,230,225,143,129,127,133,196,217,230,235,235,238,238,235,235,212,114,137,248,225,222,209,199,199,199,189,133,121,86,121,133,196,217,230,233,235,233,229,229,230,233,235,238,235,235,235,228,202,183,178,168,168,182,189,186,209,215,110,78,111,202,233,233,230,230,230,207,202,225,233,217,191,194,212,228,230,233,238,233,230,233,235,228,129,106,121,127,183,186,173,115,97,103,96,65,127,207,217,241,212,173,170,178,186,178,148,191,209,222,225,228,228,228,228,233,233,230,217,202,194,189,191,199,209,217,217,212,189,181,186,207,225,230,230,228,228,228,228,228,226,226,230,233,217,135,132,135,189,202,215,225,199,191,186,194,209,215,204,209,225,230,235,235,228,222,207,212,225,233,235,238,233,222,222,228,235,238,235,234,235,238,238,238,238,238,235,233,230,225,224,225,228,233,235,235,230,207,202,212,225,202,199,204,196,196,191,137,130,129,130,131,139,191,199,194,196,202,194,138,139,194,202,202,199,199,199,202,199,186,135,204,215,217,225,225,215,209,202,194,191,199,207,209,215,215,212,204,207,222,235,241,241,230,202,143,143,194,199,199,196,141,139,143,191,194,199,207,217,222,212,204,204,204,207,209,212,207,196,189,194,207,212,199,189,189,196,207,209,209,217,225,215,204,194,141,131,113,122,133,191,133,81,122,129,106,122,145,194,215,225,230,225,209,194,135,133,137,135,110,115,235,209,143,196,202,212,212,215,215,123,111,143,202,215,230,222,225,233,230,230,233,238,238,238,235,233,233,235,238,238,235,235,238,241,241,235,235,235,238,235,233,230,233,235,233,233,233,233,235,233,233,230,230,228,226,225,225,226,228,233,233,235,235,235,235,233,233,233,233,233,233,233,233,235,238,235,230,228,228,230,228,222,217,217,222,220,220,209,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,168,202,215,225,230,222,168,101,152,186,183,103,95,71,0,0,103,207,225,228,228,220,217,217,217,217,225,222,194,115,105,99,79,13,0,0,0,0,0,79,186,202,199,189,191,209,209,209,217,225,204,121,105,123,194,204,196,135,115,103,199,209,225,228,228,230,230,230,225,225,230,230,217,196,147,207,217,228,225,217,217,222,217,207,140,145,212,228,228,233,241,230,135,24,89,220,228,225,220,217,217,225,228,228,230,230,230,230,228,225,225,225,228,230,230,230,230,230,230,228,228,225,225,225,225,225,143,113,121,207,212,204,204,199,151,202,212,225,230,230,230,233,233,230,230,228,222,222,225,228,222,209,143,99,53,46,47,52,105,194,204,207,207,209,212,212,191,111,125,207,217,217,212,212,209,207,209,212,209,196,137,135,191,204,209,207,204,207,209,202,189,189,186,183,186,189,194,202,199,189,189,191,194,199,199,191,194,199,196,202,204,202,202,202,207,209,209,209,212,212,212,212,212,209,212,212,212,215,215,215,212,212,212,217,217,217,215,215,215,215,215,215,212,212,212,212,209,207,207,204,204,202,196,194,189,186,183,178,173,168,125,123,121,121,121,121,121,119,119,119,113,109,106,107,109,111,115,113,111,115,121,125,123,125,170,181,189,194,191,191,191,194,196,194,194,194,196,196,199,199,194,190,190,196,202,199,199,202,204,204,207,204,204,202,202,199,199,196,191,191,191,191,194,196,196,196,195,195,196,202,204,204,202,199,196,196,199,204,209,209,209,209,209,205,204,205,209,209,207,207,209,207,205,207,212,217,222,222,217,220,222,225,225,222,222,225,228,230,230,225,217,215,217,225,225,217,209,202,151,149,199,209,222,228,228,228,228,230,230,233,235,235,238,235,235,233,235,230,225,217,209,207,207,209,212,217,222,225,228,233,233,233,230,228,225,225,225,225,228,228,228,225,225,230,235,235,230,222,222,225,230,235,238,235,230,228,225,222,222,225,233,241,246,246,246,246,248,248,248,246,246,243,243,241,238,235,235,235,233,233,230,228,222,217,217,217,222,230,241,246,248,248,251,251,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,254,254,254,254,255,255,255,255,254,254,251,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,241,228,217,217,215,209,194,186,168,160,160,165,168,168,160,150,134,93,77,69,63,49,37,23,7,0,0,0,0,0,0,0,7,25,47,63,63,61,63,111,124,126,118,111,100,100,113,113,95,74,59,39,37,33,29,23,21,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,51,40,35,40,43,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,33,7,0,12,51,59,48,61,69,0,0,0,0,0,121,90,79,38,0,0,0,0,0,0,183,0,183,126,92,92,142,178,144,77,27,1,1,53,87,72,48,23,19,0,0,0,0,0,0,103,69,53,51,35,0,0,0,0,35,40,0,0,0,0,0,0,0,0,0,17,79,118,144,152,163,155,147,0,183,194,176,150,118,95,95,103,0,0,0,0,0,105,79,69,64,0,0,0,59,38,33,27,12,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,1,11,3,0,0,0,0,0,1,33,41,35,59,150,196,202,181,142,127,131,142,139,121,83,61,37,9,0,0,0,0,31,144,233,254,235,207,202,199,189,196,199,204,204,204,204,209,212,212,209,209,209,209,204,204,202,202,196,186,186,191,199,202,202,194,194,189,186,186,189,194,183,173,176,183,183,173,113,105,100,105,107,107,102,101,105,121,165,170,121,121,173,196,212,207,204,215,220,212,204,196,194,189,189,187,186,191,202,194,179,174,177,181,176,176,181,183,170,101,96,105,115,110,119,186,209,212,202,173,111,83,73,67,68,81,95,93,91,97,97,91,85,83,77,71,68,75,103,181,207,217,215,194,165,152,160,183,204,204,191,181,202,225,215,209,202,194,182,174,183,127,41,0,0,13,204,225,225,217,217,217,225,241,255,255,233,209,199,196,189,178,163,117,111,89,77,97,103,101,87,69,63,55,47,47,41,31,19,19,9,5,11,5,0,0,0,0,0,0,0,0,27,49,82,108,131,137,111,63,57,75,124,131,150,178,194,196,209,217,225,230,225,215,212,212,225,243,251,0,0,0,0,241,241,246,251,246,215,165,107,87,65,55,49,49,57,69,75,87,101,109,117,121,113,109,123,207,243,255,255,255,251,215,119,89,85,107,183,217,235,241,233,207,191,191,194,207,217,225,225,228,233,225,207,189,186,183,165,111,101,103,111,152,157,160,168,176,176,160,150,107,107,144,150,150,144,139,101,90,90,91,95,95,91,87,77,65,51,39,33,33,31,29,27,25,25,29,39,53,71,113,124,124,142,165,165,163,165,163,152,142,142,142,157,165,152,97,71,65,59,57,59,59,59,56,57,67,85,131,150,150,142,99,91,89,79,87,142,155,142,87,71,71,73,77,87,79,67,57,56,56,61,73,95,103,144,170,207,207,183,103,68,65,97,196,235,235,207,168,103,0,0,0,73,65,51,29,0,26,51,97 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,118,98,124,176,131,48,27,0,0,0,0,0,0,23,116,137,139,150,152,152,150,95,73,78,144,155,168,183,199,196,181,168,165,178,191,170,107,59,70,181,68,96,181,222,228,228,228,230,228,222,217,225,235,217,99,97,186,217,220,202,186,176,131,176,181,183,186,186,183,178,181,189,186,182,181,189,191,194,207,212,182,182,202,204,194,191,194,196,196,199,196,199,204,199,191,191,194,194,194,141,186,207,209,204,207,207,204,199,199,209,215,202,189,187,191,202,207,207,202,200,200,204,207,207,202,199,202,204,207,209,202,133,130,137,181,137,186,191,191,191,189,186,191,196,194,137,127,127,137,194,207,209,207,199,195,196,209,222,220,217,222,225,225,225,228,228,230,230,230,235,238,238,235,238,230,194,118,204,222,228,225,215,213,215,222,230,233,199,194,141,118,119,127,189,207,212,225,228,220,191,189,212,235,235,233,233,230,233,238,241,217,123,124,225,117,66,61,117,209,230,230,225,225,225,225,230,228,217,207,202,189,186,196,204,196,190,190,191,194,196,196,194,196,207,217,215,129,131,225,230,230,230,235,233,143,127,131,194,212,222,233,235,235,238,241,241,235,212,118,141,238,141,141,191,189,194,196,189,133,127,125,133,189,212,233,238,238,238,238,233,230,233,235,235,235,235,235,233,228,204,185,183,185,189,202,194,129,127,129,106,89,189,228,233,230,229,230,233,212,202,212,225,209,196,202,215,225,230,235,235,235,233,235,235,228,194,105,114,176,209,225,222,107,73,105,183,125,125,121,127,191,183,173,169,189,194,152,109,176,209,217,222,225,225,228,233,235,235,235,235,222,191,182,189,202,215,225,230,225,202,186,191,212,228,233,230,230,230,230,230,230,228,226,230,238,235,209,137,133,186,204,222,228,222,212,191,191,207,207,202,207,220,217,222,233,230,222,209,215,228,233,235,233,228,222,225,233,235,238,235,235,235,238,241,241,238,238,235,233,228,225,225,228,230,233,228,222,228,222,222,209,212,209,204,189,134,191,204,139,129,130,137,139,186,196,199,199,202,196,189,141,141,191,194,194,196,202,202,202,202,191,139,199,209,212,217,222,217,212,204,196,196,199,204,212,220,222,212,207,212,228,241,246,243,233,145,138,138,145,196,204,204,194,141,141,145,191,194,207,217,215,199,189,191,199,204,209,209,204,196,191,196,212,212,196,189,194,209,222,212,199,199,204,204,199,194,189,139,127,133,194,207,196,123,127,133,122,207,225,215,225,230,233,233,225,202,127,121,129,133,115,117,209,207,202,212,225,230,233,228,215,114,102,118,139,202,209,139,204,217,228,222,230,238,238,238,235,233,233,235,238,235,235,235,235,238,238,235,233,235,238,238,235,233,235,235,233,235,235,238,238,235,233,230,230,228,228,226,226,226,230,233,235,233,233,233,230,228,228,230,230,230,230,230,233,235,238,235,230,228,228,228,228,228,228,228,228,222,207,97,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,176,209,222,225,230,233,204,105,39,0,0,0,0,0,0,0,5,181,233,230,225,222,220,217,215,215,222,222,209,199,204,209,204,109,43,39,39,0,5,93,181,196,199,194,196,209,209,207,212,212,191,127,131,189,207,209,199,133,113,99,97,111,212,228,228,225,222,222,211,211,222,230,222,207,204,212,217,217,215,212,212,215,212,207,194,204,222,230,230,233,241,233,105,18,71,212,222,225,222,217,222,222,225,225,228,230,230,230,230,228,228,228,228,228,228,228,228,228,228,228,230,230,228,222,215,116,102,113,204,217,209,209,209,209,207,209,222,233,235,233,233,233,233,233,230,228,225,222,225,225,215,191,99,57,48,45,46,49,79,186,204,209,209,207,207,204,133,85,87,127,209,222,217,212,209,209,209,209,202,186,133,139,196,204,204,204,207,212,212,209,209,209,207,199,191,191,189,189,137,134,135,183,191,199,196,191,194,196,194,202,204,202,202,204,207,209,209,209,212,212,209,209,209,209,209,212,212,212,212,212,209,209,212,215,217,215,215,215,215,215,215,215,215,212,212,212,209,207,204,204,204,202,196,191,189,186,183,178,173,170,165,125,123,121,121,121,121,119,117,115,111,107,105,106,106,107,111,111,109,117,125,168,127,127,170,181,189,194,194,194,196,196,196,194,194,194,194,196,199,199,196,191,190,194,199,199,199,202,204,204,204,204,202,199,199,196,196,196,196,191,191,191,194,196,196,196,195,195,196,199,202,202,199,196,196,196,199,204,209,212,212,212,209,205,204,205,207,207,207,209,209,209,209,209,215,222,222,217,217,217,222,225,225,222,222,225,225,228,225,222,217,215,217,225,225,217,209,202,151,149,151,209,222,228,230,228,230,230,233,235,238,241,241,238,235,233,233,230,228,222,212,208,208,209,215,217,222,228,230,233,235,233,230,228,225,225,225,225,225,225,222,220,220,225,233,233,228,222,222,228,233,235,238,238,233,228,222,220,220,225,233,241,246,246,246,246,248,248,248,248,246,243,243,241,238,238,238,238,235,233,233,230,228,225,222,222,225,230,238,243,246,246,248,251,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,251,254,254,254,251,251,251,255,255,255,255,255,255,255,255,254,251,251,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,243,228,222,215,215,207,194,191,176,163,157,157,163,157,150,134,91,85,73,61,49,35,15,5,0,0,0,0,0,0,0,0,5,23,49,61,61,59,85,113,126,126,116,111,92,87,87,85,77,59,39,51,46,43,27,23,21,11,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,14,0,0,0,0,0,0,0,51,59,51,33,31,38,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,20,1,0,0,0,0,0,0,0,22,14,0,0,0,35,43,27,17,17,17,25,51,72,100,90,35,27,9,0,0,0,0,0,0,0,228,199,134,77,31,29,118,152,152,105,33,19,61,95,90,66,51,25,0,0,0,0,0,0,134,74,59,48,27,0,0,0,0,30,9,0,0,0,0,0,0,0,0,0,5,66,118,152,168,170,163,155,165,191,194,176,150,116,95,92,95,113,0,0,0,0,129,98,72,64,0,0,0,0,59,61,43,12,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,49,41,63,147,196,209,207,183,147,139,131,131,121,83,61,37,13,0,0,0,0,11,73,199,235,215,207,222,235,222,209,204,204,209,220,225,228,225,222,212,212,212,212,212,212,212,204,194,186,185,191,202,202,202,194,194,194,194,194,194,202,199,183,183,183,176,123,107,98,97,101,113,113,105,105,113,123,165,165,121,121,170,189,204,196,196,204,204,204,196,194,189,189,189,189,186,187,202,194,179,174,179,183,176,165,165,176,173,121,105,107,115,119,170,186,196,194,186,168,111,95,83,75,75,87,99,85,81,85,85,77,69,64,61,63,68,81,150,181,199,196,181,155,99,91,111,183,204,215,194,186,202,212,204,196,191,186,178,178,189,189,115,9,0,0,129,230,233,217,207,217,238,255,255,255,202,176,173,181,189,189,170,165,117,97,77,77,93,95,75,63,55,49,47,49,49,39,31,27,21,13,11,5,0,0,0,0,0,0,0,3,39,55,61,90,113,124,73,53,53,65,89,126,152,178,186,194,207,215,217,225,217,215,212,215,225,241,248,243,0,0,217,222,222,228,235,225,191,119,101,95,75,65,51,48,51,63,69,73,87,93,101,107,107,115,129,209,246,255,255,255,254,228,135,103,99,119,191,225,235,235,217,191,179,183,194,207,225,228,228,228,225,217,194,189,186,178,160,103,97,97,103,107,109,113,165,183,186,183,165,157,157,157,157,152,150,144,103,95,90,91,95,95,91,87,77,69,53,43,35,35,31,29,27,25,25,29,39,53,69,85,85,77,131,150,157,157,163,160,152,144,150,152,157,157,150,131,85,71,65,67,71,71,65,59,57,67,85,134,142,144,142,134,95,95,87,91,142,150,137,87,71,71,73,77,87,79,71,61,57,57,65,77,97,103,105,155,178,189,170,103,71,77,155,212,238,235,207,163,95,71,65,0,65,65,51,31,26,31,77,176 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,64,121,113,142,163,111,9,13,0,0,0,0,0,0,0,9,124,139,147,150,150,137,82,62,69,163,165,163,160,163,178,183,181,173,170,170,121,82,52,82,199,117,119,176,207,222,225,225,225,225,222,222,230,238,235,189,127,186,202,202,189,176,178,173,129,181,194,199,202,194,176,134,181,183,183,186,191,191,187,202,212,207,199,204,202,196,196,199,199,204,207,199,199,199,186,141,194,199,196,191,140,140,207,215,204,199,196,189,182,182,194,209,207,191,189,191,199,204,204,202,202,202,207,209,207,204,202,202,204,207,202,196,183,139,189,186,183,191,194,191,185,185,194,196,191,194,135,129,129,137,191,202,204,202,198,198,202,209,212,212,215,222,225,228,230,230,230,230,230,230,233,238,241,235,233,225,199,137,228,228,225,222,217,215,217,225,228,225,202,194,139,118,120,129,191,202,207,215,215,204,189,196,212,233,233,235,233,230,230,235,235,186,91,107,235,204,68,62,127,215,230,233,228,225,224,225,228,225,212,199,138,137,194,212,212,204,204,204,199,199,199,192,186,190,204,225,230,215,212,230,233,228,228,233,228,135,126,141,207,209,209,225,233,233,235,238,233,217,202,141,194,191,111,124,139,137,141,202,202,191,139,137,141,202,222,235,241,238,238,238,235,235,235,235,235,235,233,230,230,228,209,199,209,230,230,228,215,121,110,117,117,129,217,230,233,233,230,233,235,225,209,204,202,186,183,196,212,222,230,235,235,238,233,233,230,217,207,126,186,209,217,228,235,196,113,225,194,181,117,102,105,181,183,170,173,202,212,168,125,181,209,217,217,222,225,230,233,235,238,241,243,241,173,174,186,202,217,228,230,225,207,194,202,217,230,235,233,233,233,235,233,233,230,230,233,238,238,225,137,129,139,204,225,230,230,222,191,186,199,199,199,209,228,225,215,222,215,194,145,204,225,233,235,233,228,228,230,235,235,235,235,235,235,238,238,238,235,233,233,230,228,225,230,230,228,222,207,204,222,222,143,141,199,202,186,129,127,191,207,129,124,131,191,194,191,196,202,207,209,204,196,191,191,191,194,192,196,204,204,204,207,204,194,202,207,207,212,215,209,204,194,196,199,202,204,209,217,217,207,207,215,235,246,248,246,238,143,138,137,141,196,209,209,204,143,141,145,191,191,207,215,204,183,181,185,194,202,204,204,199,189,186,187,191,191,187,189,204,225,238,228,199,189,189,189,189,189,189,189,191,207,217,228,225,202,141,143,141,215,225,222,225,230,235,238,238,225,135,119,125,189,191,141,194,199,202,217,230,230,233,222,202,131,119,139,196,194,143,129,125,133,149,199,222,230,235,238,235,235,235,238,238,235,233,233,235,235,235,233,233,233,235,238,235,235,235,235,233,235,235,235,235,235,233,230,230,230,230,230,230,233,233,235,235,233,233,230,228,225,225,225,228,228,228,228,233,235,235,235,230,228,228,228,228,230,233,233,233,228,150,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,101,204,222,225,222,225,238,233,191,31,0,0,0,0,0,0,13,0,101,230,228,225,222,217,212,209,209,212,217,215,215,220,225,228,217,119,115,178,103,99,165,186,191,191,191,196,202,202,202,207,204,194,181,194,207,215,220,215,202,189,135,67,71,99,204,217,215,212,212,207,207,215,228,225,215,209,212,212,207,205,207,209,209,209,207,207,215,225,230,230,235,241,230,81,19,67,209,217,222,217,217,217,222,222,222,225,228,230,233,230,230,228,228,228,225,225,225,228,228,226,228,230,230,225,212,123,108,106,129,202,125,113,143,209,215,217,222,228,233,233,233,233,233,233,233,233,230,228,228,228,228,215,139,85,55,51,53,65,65,87,183,207,215,212,207,199,186,89,56,59,83,123,204,212,209,207,209,207,196,131,121,125,189,204,207,202,204,209,215,215,215,215,222,220,212,204,199,194,183,133,133,134,137,186,196,191,189,191,139,135,191,202,204,207,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,207,207,207,209,215,217,217,217,217,217,215,215,215,215,215,212,209,209,204,204,202,202,199,194,191,189,186,181,176,173,170,168,125,123,121,121,121,119,117,115,115,113,109,107,107,106,107,109,109,113,123,170,173,170,170,176,183,189,194,196,199,202,202,199,196,194,194,194,194,196,196,194,192,192,192,196,199,202,202,199,202,202,204,204,202,199,199,199,199,196,194,191,189,191,196,196,196,196,196,199,199,199,199,199,199,196,196,199,204,209,212,212,212,209,207,207,209,209,207,207,207,207,207,209,212,215,217,217,217,215,217,222,222,222,222,222,222,222,222,217,217,215,215,217,225,222,215,207,202,151,147,151,207,217,228,230,230,230,230,233,235,238,241,241,241,235,233,230,228,228,222,217,212,212,215,217,222,225,228,230,233,235,233,230,228,225,225,224,224,225,222,222,220,218,222,228,230,225,220,222,228,233,235,241,238,235,230,225,222,222,228,238,243,246,243,243,246,248,248,248,248,246,243,241,238,238,238,238,238,235,233,230,230,230,228,228,228,228,230,233,235,241,243,248,251,254,255,255,255,255,255,255,255,255,254,254,255,255,255,255,255,254,251,248,248,248,251,251,251,251,251,254,255,255,255,255,255,255,255,254,251,251,251,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,246,233,230,225,215,207,204,194,183,176,165,157,155,142,101,91,85,73,67,55,41,27,5,0,0,0,0,0,0,0,0,0,1,27,53,92,95,90,92,111,116,111,95,90,82,79,74,72,59,51,48,48,51,48,38,35,27,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,9,0,0,0,0,0,0,59,59,51,33,33,40,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,1,0,0,0,0,12,9,0,0,0,0,0,0,0,0,33,14,0,0,0,43,61,35,0,0,0,7,27,61,82,72,0,9,0,0,0,0,0,0,0,0,207,168,92,23,0,0,59,163,202,152,61,33,79,134,129,100,72,40,17,0,0,0,0,0,103,48,19,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,111,152,178,178,168,157,173,191,194,176,150,118,103,98,100,111,0,0,0,0,155,129,95,72,0,0,0,0,0,77,59,0,0,0,0,14,4,0,0,0,0,0,0,0,3,0,0,0,0,0,0,0,1,0,0,0,0,39,59,82,95,131,176,207,209,202,176,139,121,113,113,79,43,31,21,9,0,0,0,3,43,139,189,189,191,222,235,225,207,203,203,212,225,233,233,230,230,225,222,212,212,212,212,212,212,204,191,186,194,202,207,202,194,194,189,194,194,194,194,194,183,173,173,123,113,101,98,98,107,115,113,111,113,123,165,123,121,123,121,173,181,189,189,196,196,196,194,189,189,189,194,194,189,189,187,194,194,186,186,191,191,168,107,107,170,189,181,165,115,160,181,196,196,186,176,170,165,111,95,95,101,95,93,87,79,73,71,71,73,70,66,62,64,71,91,157,181,181,165,103,87,82,85,101,181,204,204,189,176,183,194,194,191,194,194,194,199,209,225,225,111,0,0,71,217,225,207,207,228,251,255,255,235,113,107,127,173,125,119,111,111,111,97,71,65,71,89,75,69,63,55,51,51,51,39,25,21,19,11,5,1,0,0,0,0,0,0,0,5,35,49,55,63,98,113,67,47,43,53,69,95,160,178,189,189,207,217,220,225,225,220,217,220,220,228,235,228,215,204,204,194,194,204,215,196,165,101,95,101,101,85,59,50,53,65,71,75,87,87,91,93,99,109,176,217,248,255,255,254,251,230,186,109,103,123,204,230,235,228,204,178,174,181,194,207,217,217,217,217,217,209,196,194,186,168,111,97,85,89,89,93,95,107,160,183,196,196,189,178,176,168,165,157,152,150,144,134,95,95,91,91,93,124,124,77,61,49,41,35,31,27,25,25,27,29,39,51,65,71,71,71,113,131,144,150,157,157,150,143,150,157,157,150,142,134,93,75,75,85,91,79,67,59,57,67,79,95,142,144,142,134,99,91,83,87,137,142,134,77,67,65,67,77,87,87,77,65,59,59,67,87,103,103,101,109,163,178,170,150,99,142,176,215,235,235,207,160,77,55,47,0,59,59,47,31,29,49,160,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,53,124,121,92,0,0,0,0,105,98,0,0,0,0,0,33,124,137,142,144,142,134,97,139,181,173,152,83,76,107,189,196,186,168,121,117,105,89,186,204,189,127,131,186,204,215,222,222,222,217,217,217,225,222,196,173,173,191,191,178,128,191,204,126,127,207,215,215,202,134,132,135,183,189,196,199,191,181,190,207,209,204,199,196,196,202,202,202,204,212,212,209,194,123,127,199,202,199,191,140,140,207,215,207,194,191,186,181,179,187,207,209,199,191,194,199,202,199,199,202,204,209,212,209,207,204,204,204,202,194,191,191,196,202,194,191,199,204,204,191,186,196,113,49,97,113,110,110,121,186,202,204,202,199,204,209,209,209,209,212,217,225,228,230,233,233,233,233,233,235,241,241,235,230,222,202,145,220,225,222,222,222,222,225,228,230,222,186,131,125,125,186,194,191,191,196,202,196,139,133,141,207,230,233,233,230,228,228,225,199,133,89,108,235,246,100,100,199,225,235,233,230,225,225,228,228,217,209,194,123,124,189,209,212,209,215,217,207,202,196,183,183,194,222,230,225,212,217,230,233,230,228,228,207,127,126,143,202,194,139,202,225,230,235,233,225,207,202,207,202,113,100,125,133,139,194,225,230,217,194,139,189,207,228,238,241,238,235,235,235,238,238,235,235,235,233,233,233,228,217,217,230,241,238,230,228,137,108,125,139,207,222,225,228,233,235,235,238,238,222,199,119,107,113,131,199,217,230,233,235,238,230,225,215,191,199,204,217,217,222,233,235,176,110,181,186,181,105,98,104,191,204,170,191,199,204,191,176,191,212,225,225,225,228,230,233,235,238,241,246,251,164,169,186,202,225,230,228,215,196,194,209,225,233,235,233,233,233,235,235,233,233,233,238,238,235,230,127,127,189,215,230,233,233,225,204,189,202,204,212,228,238,233,215,129,113,128,137,196,217,233,235,233,230,233,235,235,235,235,235,235,233,233,235,233,230,230,230,230,228,225,230,233,215,143,115,117,109,74,69,131,194,186,134,131,134,186,189,128,125,139,204,202,196,196,202,207,209,207,204,202,194,191,196,202,209,215,212,212,215,209,196,199,202,204,207,207,196,135,127,139,202,207,207,207,209,204,199,204,222,241,248,248,243,233,199,191,141,139,194,202,204,202,137,135,141,191,196,209,212,178,181,182,189,202,204,204,204,199,187,185,186,189,189,187,191,204,215,230,222,199,187,183,182,183,187,189,196,209,225,230,233,233,222,207,199,143,189,202,212,225,233,235,238,241,235,212,115,111,143,215,209,202,202,204,212,222,225,215,139,139,141,141,194,204,204,196,196,118,132,134,139,202,217,230,235,238,238,241,241,238,235,233,233,233,233,233,233,233,235,235,235,233,233,235,235,235,235,235,235,233,233,233,230,230,230,233,233,235,235,235,235,233,233,233,230,228,222,222,222,225,225,228,228,230,235,235,235,230,228,228,230,230,230,233,233,230,163,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,85,199,215,225,225,221,228,235,238,233,85,0,0,0,0,0,11,15,0,29,199,217,217,217,209,207,207,199,176,165,215,222,220,220,225,220,186,181,217,212,212,212,207,199,194,191,194,194,196,199,202,202,202,202,209,217,225,228,230,235,238,241,77,72,76,83,119,204,212,215,208,208,215,228,225,217,212,212,209,204,204,207,212,212,209,209,215,222,225,228,230,235,235,215,61,25,69,209,215,217,215,215,216,217,217,222,225,228,230,230,228,228,228,228,228,225,225,225,225,228,228,228,225,215,202,139,118,121,125,123,110,99,101,119,202,215,222,228,230,230,230,230,230,230,233,233,233,233,233,230,230,230,225,202,119,93,95,107,133,111,115,183,204,215,215,207,189,105,56,53,61,89,111,129,191,191,196,204,199,133,115,112,123,194,209,207,202,204,209,215,215,215,215,217,217,217,212,209,204,189,135,135,137,135,137,186,186,189,189,119,111,137,202,209,215,212,212,209,209,209,209,209,209,209,209,209,209,212,212,209,207,204,204,204,207,215,217,217,217,217,217,217,215,215,215,215,212,209,207,204,202,202,199,196,191,191,191,186,178,173,173,170,165,125,123,121,121,119,117,115,115,115,115,115,111,111,109,109,111,111,115,165,176,176,173,173,181,189,194,196,202,204,207,204,202,196,194,194,194,194,194,196,194,194,194,192,194,202,202,199,196,196,199,202,207,207,204,202,199,196,191,189,187,189,191,196,199,199,199,199,202,202,199,199,199,199,199,199,202,204,209,209,209,209,209,209,209,212,212,209,207,204,204,204,209,212,212,212,215,215,215,215,217,222,222,222,222,222,220,217,217,215,217,217,220,225,222,215,207,202,149,147,149,202,215,225,230,230,230,230,233,235,238,241,241,238,235,233,230,228,225,222,220,217,217,222,222,222,225,228,230,233,233,233,230,228,225,225,225,225,225,225,222,220,220,222,228,225,222,220,222,228,230,235,241,241,235,233,228,225,225,230,235,243,246,243,243,243,246,248,248,248,246,243,241,238,238,241,241,238,235,230,230,228,230,230,230,230,230,230,230,230,235,241,246,251,255,255,255,255,255,255,255,255,254,254,254,255,255,255,255,255,251,246,246,248,248,248,251,251,251,251,254,254,254,254,254,254,254,254,251,250,250,250,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,241,233,225,215,207,204,194,183,165,155,109,93,85,73,67,65,61,53,41,27,1,0,0,0,0,0,0,0,0,0,1,27,55,98,116,111,95,87,82,72,69,47,45,43,41,53,48,31,31,48,46,43,35,25,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,69,61,40,35,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,17,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,35,82,79,35,0,0,0,0,27,48,56,43,20,27,15,0,0,0,0,0,0,228,199,134,66,1,0,0,1,144,189,137,61,61,131,0,165,111,64,23,9,17,0,0,0,103,59,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,56,100,152,173,173,157,155,173,191,194,176,160,142,124,118,113,111,0,0,0,0,163,144,116,79,64,0,0,0,0,85,61,25,9,0,0,43,30,12,0,0,0,0,0,0,9,21,1,0,0,0,0,0,0,0,0,0,13,39,85,95,95,100,134,183,204,204,170,131,79,69,61,43,21,13,21,31,39,31,17,13,35,61,85,144,189,217,228,222,212,204,204,212,228,233,233,230,230,222,222,212,204,204,204,209,212,202,191,186,194,202,202,202,194,186,183,186,186,186,176,125,123,113,113,111,107,105,101,105,111,115,113,111,123,170,123,113,113,165,181,181,181,181,189,196,196,189,189,189,189,196,196,196,189,189,187,194,194,194,194,194,186,117,100,101,165,189,191,173,163,181,207,204,186,168,113,113,155,103,95,97,103,99,81,73,77,73,70,73,85,91,91,83,85,95,111,168,176,165,105,89,85,84,87,107,176,196,194,170,117,160,176,183,194,212,212,222,225,225,235,241,189,0,0,49,186,199,196,207,235,251,255,251,222,102,97,123,119,67,41,43,41,59,65,65,65,77,97,134,131,91,67,55,55,49,33,11,7,5,1,0,0,0,0,0,0,0,0,0,0,15,35,47,63,113,118,67,47,41,41,53,91,163,186,189,189,196,217,220,225,225,225,225,220,217,217,217,207,204,194,194,186,176,183,186,173,115,95,95,109,109,95,69,53,53,57,63,71,87,95,97,101,107,121,194,235,255,255,254,248,251,235,191,109,101,119,194,233,243,230,207,181,178,186,207,207,209,209,207,207,207,207,207,194,181,160,103,85,75,75,77,77,91,103,157,178,191,204,196,189,178,170,165,157,150,150,144,144,134,95,91,91,95,131,131,124,71,57,45,39,31,25,24,25,27,33,39,49,59,65,65,65,71,113,131,144,152,157,150,150,150,157,150,142,131,131,131,91,93,134,131,79,65,57,59,67,79,95,134,142,142,137,134,87,82,87,134,134,91,71,61,61,71,79,95,95,77,65,57,59,71,91,103,103,103,105,160,178,178,168,160,163,183,215,228,220,196,150,71,47,47,0,61,59,47,31,35,65,186,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,181,191,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,69,77,7,0,0,0,168,228,47,0,0,0,0,0,63,116,134,144,150,163,189,181,181,170,109,76,74,95,189,194,178,168,121,170,196,212,222,217,209,196,186,178,177,194,212,217,217,217,217,215,220,222,207,176,129,181,189,178,126,186,207,124,123,209,217,215,202,178,133,178,189,196,207,204,194,181,186,199,207,207,199,196,202,209,207,202,202,207,215,215,196,117,116,141,199,196,191,141,141,199,209,202,194,191,191,189,189,196,207,204,194,191,196,202,202,196,196,199,204,209,209,209,209,207,204,204,199,186,185,194,209,215,207,202,207,215,217,207,194,127,16,2,51,113,111,110,119,189,207,209,204,207,212,215,212,212,212,212,215,222,228,230,233,235,235,235,238,241,241,235,233,230,225,204,191,204,215,222,225,225,225,225,228,225,212,127,86,85,119,207,209,189,136,139,189,191,137,127,123,186,228,230,230,228,225,217,202,132,189,137,129,199,215,106,112,196,217,230,233,233,228,228,228,222,207,204,191,121,122,141,204,212,212,220,217,204,202,196,185,189,209,230,228,207,202,212,228,233,233,233,217,143,129,131,141,191,139,132,186,215,228,233,233,225,215,212,215,204,117,110,125,122,189,228,238,243,233,204,141,191,209,230,241,243,241,238,235,238,238,235,235,235,235,235,238,238,230,225,225,228,228,217,215,207,191,125,137,189,204,212,215,225,235,235,235,241,243,230,191,89,99,106,113,133,209,228,233,230,228,215,215,202,95,121,222,217,212,217,230,103,62,80,111,181,202,98,93,113,123,123,189,202,181,178,181,189,199,212,228,230,228,230,230,233,235,238,241,246,255,172,173,183,196,217,225,217,202,187,191,215,233,235,233,230,230,233,233,235,233,233,235,238,238,235,230,99,123,204,228,235,238,235,228,225,212,222,230,238,243,243,241,228,101,81,133,191,204,215,228,233,233,233,235,238,238,235,233,233,233,233,233,233,230,229,229,230,230,230,230,233,235,196,141,127,127,99,55,66,186,196,138,136,189,194,186,189,186,191,212,217,212,199,196,196,196,196,204,207,202,194,191,196,212,230,230,222,222,215,199,186,185,189,196,204,204,186,126,122,135,209,215,212,207,202,196,196,202,222,241,246,241,230,217,209,204,194,125,137,137,194,199,141,134,136,189,199,209,202,153,189,196,212,222,212,207,204,199,191,189,191,199,196,194,194,202,207,204,196,196,199,191,183,185,189,191,199,215,230,233,233,233,233,225,212,138,139,191,212,228,233,235,238,241,241,230,79,59,66,209,212,207,204,202,202,202,207,137,122,131,141,191,196,207,228,228,248,139,196,141,141,199,215,225,230,230,233,238,241,238,233,233,230,230,230,230,230,233,235,233,230,230,230,230,235,238,238,235,235,233,233,230,230,230,230,233,235,235,235,235,233,233,230,230,230,225,222,220,222,225,228,228,230,233,235,235,235,233,230,228,225,228,233,233,228,209,9,0,0,0,0,0,0,0,0,0,0,0,11,0,0,25,93,134,186,207,212,217,225,225,230,230,235,241,105,0,0,0,0,0,0,0,0,0,59,189,199,202,199,199,191,121,101,98,220,222,217,216,217,215,186,181,209,222,228,228,222,212,202,196,194,194,199,202,194,196,207,217,222,228,230,230,233,235,238,235,215,123,83,75,86,194,212,217,215,215,222,228,228,222,215,212,209,205,207,217,225,222,215,212,215,217,217,222,228,230,228,199,31,23,51,202,212,217,216,215,216,217,222,225,228,228,228,225,225,225,225,228,228,228,225,225,222,225,228,225,209,145,127,121,131,149,141,113,104,105,115,137,204,217,225,230,230,228,225,225,228,228,230,233,233,233,233,233,233,233,233,225,215,194,135,133,139,133,133,189,202,212,209,199,113,71,57,67,121,131,129,135,135,181,189,194,186,127,117,117,137,199,209,207,202,204,209,212,212,212,212,215,217,217,217,215,212,202,186,137,137,135,135,139,189,189,137,102,103,141,204,212,212,212,209,208,209,209,209,209,209,209,209,212,212,212,212,209,207,204,203,203,207,215,217,217,217,217,215,215,215,215,215,212,209,207,204,202,202,199,199,196,194,191,191,186,178,170,168,168,125,123,121,119,119,117,115,115,113,113,115,115,113,111,109,111,113,115,121,173,181,178,176,178,186,191,196,202,204,207,204,202,199,194,194,194,194,194,194,194,194,196,196,194,194,199,202,199,196,195,196,202,207,212,212,207,202,191,186,185,186,189,191,194,199,199,199,202,202,202,202,199,199,199,199,199,202,204,207,204,204,207,209,209,212,215,215,212,209,204,203,204,209,212,209,209,212,215,215,215,215,215,217,222,222,222,220,217,217,217,222,222,225,228,225,217,209,202,149,146,147,153,212,225,230,233,233,230,230,233,235,238,238,238,235,233,228,228,225,222,222,225,222,222,217,217,222,225,228,228,230,230,230,230,228,228,225,225,225,225,225,222,222,225,228,228,225,222,225,228,230,235,241,241,238,235,233,228,225,228,233,241,243,243,243,243,246,248,248,248,248,246,241,238,238,241,241,238,235,230,228,228,228,228,228,228,228,228,228,228,233,238,246,254,255,255,255,255,255,255,255,255,254,251,254,255,255,255,255,255,248,246,246,246,248,251,251,251,251,251,254,254,254,254,254,254,254,251,251,250,250,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,238,222,207,191,189,176,157,107,85,69,59,57,55,53,53,49,41,27,13,0,0,0,0,0,0,0,0,0,0,21,47,92,111,111,87,69,35,23,19,19,21,21,21,29,29,25,25,33,33,25,7,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,92,92,79,59,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,22,0,7,51,82,61,7,0,0,0,9,20,25,9,0,0,38,48,0,0,0,0,0,0,241,199,126,53,1,0,0,0,69,118,79,53,79,147,165,131,64,17,17,29,48,59,0,74,59,27,0,0,0,0,0,3,0,0,0,0,0,0,0,0,0,0,0,0,0,13,64,100,131,155,155,144,144,165,183,194,183,168,160,152,0,0,0,0,0,0,0,144,131,113,79,66,0,0,0,0,77,59,27,27,0,0,61,46,22,0,0,0,0,0,0,9,56,43,3,0,0,0,0,0,0,0,0,13,35,59,85,51,41,59,118,176,181,147,113,69,53,31,11,5,3,9,31,61,79,73,61,45,29,35,93,196,225,235,235,222,215,212,222,230,233,230,225,222,220,212,212,209,204,204,196,186,176,127,131,181,186,186,186,181,176,173,181,186,183,168,115,113,113,113,111,109,107,107,107,113,115,113,111,113,123,121,112,121,178,189,189,181,181,189,196,196,189,181,189,196,204,204,202,196,189,189,187,194,204,194,183,127,103,99,102,165,183,183,170,170,186,202,196,168,102,100,103,111,101,95,95,101,95,76,71,81,81,75,79,91,107,109,113,160,168,168,176,176,168,115,103,103,91,91,117,176,189,178,117,109,113,168,189,212,228,228,222,222,225,228,220,170,37,15,61,125,186,196,217,243,251,243,228,202,117,111,115,101,55,22,6,8,28,57,71,89,142,160,170,157,139,75,61,57,51,33,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,29,45,92,124,124,71,47,41,39,45,95,168,189,189,189,196,217,225,225,225,225,225,220,209,207,207,207,204,207,207,186,168,123,168,165,109,95,101,109,115,101,71,49,43,43,45,55,77,101,115,121,127,178,209,243,255,255,254,254,255,246,207,121,107,115,186,222,235,235,217,194,191,194,207,217,209,207,196,194,191,194,196,194,176,117,97,79,74,74,74,77,91,107,157,176,183,191,191,183,176,165,157,150,144,144,150,152,144,134,95,95,134,144,150,142,87,61,49,39,31,25,23,25,29,35,43,49,53,55,61,61,65,75,121,142,152,157,157,157,157,157,144,131,93,93,131,131,131,134,93,75,65,61,65,71,79,91,134,142,142,142,134,87,82,83,95,95,77,59,57,59,71,91,134,103,79,65,55,55,71,95,103,103,105,144,168,183,183,176,168,170,183,199,212,207,176,142,67,51,51,0,79,71,55,41,45,85,196,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,207,215,228,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,204,204,56,0,0,95,186,92,0,0,0,0,0,0,53,152,170,165,139,85,139,163,168,107,79,77,91,121,168,163,125,173,202,215,225,230,225,225,222,209,181,164,165,196,215,215,212,215,215,222,225,212,186,129,127,178,176,125,126,129,126,127,196,202,204,199,189,186,186,191,204,212,207,196,187,190,196,204,207,204,202,209,217,212,204,202,204,207,212,212,127,106,107,139,189,186,141,141,141,189,189,189,191,199,207,207,209,204,189,135,189,196,202,199,196,196,199,202,204,207,207,207,207,207,207,202,185,181,186,209,222,215,212,212,217,225,222,207,93,9,12,115,135,135,133,139,196,209,212,209,212,215,215,215,212,215,215,215,222,228,230,233,233,235,235,238,241,238,233,230,230,225,204,191,199,215,225,225,222,222,222,217,209,196,131,81,70,92,196,202,137,130,134,186,196,186,123,97,103,204,217,222,222,217,212,199,186,199,196,125,126,189,117,125,137,196,212,225,233,228,225,222,202,186,191,186,129,130,194,207,212,215,215,207,202,207,212,199,196,207,217,209,194,196,212,225,230,235,233,209,139,137,141,141,186,140,136,189,209,222,230,233,235,233,225,212,202,191,133,124,117,141,212,228,238,235,204,141,191,212,230,238,241,243,241,238,238,238,235,235,235,235,238,241,241,230,225,215,196,133,141,191,191,199,194,189,186,191,204,215,225,233,235,233,238,243,235,183,81,99,107,109,115,189,217,225,215,204,204,212,207,81,83,222,215,215,217,186,59,61,109,109,115,215,98,90,127,79,44,194,189,176,174,177,202,215,217,220,230,233,233,230,233,235,238,241,246,251,194,181,182,189,202,207,204,194,187,196,228,235,235,233,230,230,230,233,233,233,233,233,238,243,243,225,34,63,191,215,233,243,241,230,225,217,235,243,246,246,246,246,246,106,85,129,196,196,196,207,225,230,233,230,230,230,230,230,233,233,233,233,233,233,230,230,230,233,235,235,238,131,36,123,220,255,121,59,70,191,194,139,136,186,202,202,204,207,215,225,225,212,199,195,195,194,194,199,204,204,196,194,199,217,233,228,215,217,215,199,186,183,189,196,204,204,189,125,131,199,222,222,212,204,199,199,196,199,212,228,233,225,207,202,207,204,194,111,113,115,189,204,209,137,133,136,194,215,217,189,209,209,222,228,217,207,202,196,189,141,141,189,191,194,199,204,207,191,185,196,225,217,194,191,191,194,199,222,230,233,230,235,238,233,202,129,139,204,217,222,228,228,235,238,241,230,63,50,67,202,202,191,186,189,194,196,189,133,124,134,189,196,202,207,225,228,194,141,199,233,225,228,225,228,222,212,212,225,233,233,230,230,230,228,228,228,230,233,233,230,225,225,225,228,233,238,241,238,235,233,233,233,233,233,233,233,235,235,235,235,233,230,230,230,228,225,222,222,222,225,230,230,230,233,233,235,233,233,233,228,222,225,233,235,204,99,0,0,0,0,0,0,0,0,0,0,0,95,199,163,67,97,165,186,209,215,215,217,222,225,225,225,230,238,97,0,0,0,0,0,0,0,11,19,23,55,181,189,183,113,69,72,113,196,222,222,217,217,217,209,163,121,199,222,230,228,225,215,207,202,199,199,209,209,183,183,209,225,230,230,230,228,225,222,222,217,209,207,199,111,117,207,215,215,217,222,225,228,228,222,215,212,212,212,217,228,233,230,225,217,217,215,215,217,225,228,225,194,27,22,39,143,209,217,222,217,217,222,225,230,230,228,225,222,221,222,225,228,228,228,225,222,218,225,228,225,209,141,123,121,149,217,215,139,125,135,147,207,217,225,228,230,228,225,225,224,225,228,228,230,233,233,233,233,233,233,233,233,228,215,194,141,186,186,189,194,202,204,199,121,57,54,63,113,207,209,204,204,194,194,196,196,189,139,137,186,194,202,207,207,204,202,204,209,212,212,215,215,217,222,222,217,215,209,191,135,133,135,139,189,196,189,113,94,102,204,209,209,209,208,208,208,209,212,212,209,209,209,212,212,212,212,212,212,209,207,204,204,207,212,215,215,215,215,215,212,212,212,212,209,209,207,204,202,199,199,196,196,194,191,189,183,178,170,168,165,123,119,117,117,117,115,113,111,111,109,109,113,111,109,108,111,117,119,125,176,178,173,173,181,189,194,196,199,204,204,202,196,194,191,191,194,194,194,194,194,194,196,199,196,194,199,202,202,199,196,196,202,209,215,215,212,204,194,185,183,186,191,191,194,199,202,199,202,202,204,204,202,199,198,198,199,199,202,202,202,199,202,207,209,212,215,215,212,209,207,204,204,209,209,209,212,215,215,215,212,209,209,215,217,222,222,220,217,222,222,225,228,228,230,228,222,209,204,151,147,147,151,209,222,230,233,233,230,230,230,235,238,238,238,235,233,230,228,222,221,222,225,222,217,212,212,215,217,222,225,225,228,230,230,228,228,225,225,228,225,222,217,217,225,228,230,230,230,230,230,233,235,241,241,238,235,235,230,228,228,233,241,243,243,243,243,246,248,251,251,248,246,243,238,238,238,238,238,235,230,228,225,225,225,225,228,228,228,228,230,233,241,246,254,255,255,255,255,255,255,255,254,254,251,251,254,255,255,255,254,248,243,243,246,248,248,248,248,251,251,254,254,254,254,255,255,255,254,251,251,251,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,241,215,191,181,173,160,107,73,59,49,45,43,39,39,43,43,39,29,11,0,0,0,0,0,0,0,0,0,0,21,37,77,105,105,77,31,3,0,0,0,0,0,0,15,17,17,17,17,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,111,111,100,79,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,22,7,9,33,35,0,0,0,0,0,0,0,0,0,0,0,15,40,9,0,0,0,0,0,235,186,116,35,0,0,0,0,1,61,53,37,72,111,111,64,12,11,59,113,100,77,48,43,33,11,5,0,0,7,46,56,0,0,0,0,0,0,0,0,0,0,0,0,0,19,72,92,111,118,121,121,144,168,183,194,186,176,178,0,0,0,0,0,0,0,0,0,113,95,72,66,0,0,0,0,69,46,27,27,0,0,38,30,12,0,0,0,0,0,0,0,43,53,15,0,0,0,0,0,0,0,0,1,25,39,45,29,17,17,27,73,124,129,113,73,61,31,9,3,0,0,9,37,79,129,137,83,35,23,69,181,217,235,238,230,222,220,222,230,233,230,222,212,212,212,212,212,209,202,183,107,97,101,109,125,129,125,125,125,125,125,176,194,194,176,123,123,123,125,123,123,121,113,113,121,123,115,111,111,113,113,113,123,181,191,189,181,181,189,196,196,189,181,186,196,204,204,202,196,196,189,189,194,194,183,117,103,100,101,107,165,176,173,163,165,178,181,170,103,97,97,100,105,111,101,95,95,95,81,81,99,99,93,87,97,150,155,160,176,176,176,178,183,183,173,157,109,91,89,107,168,181,176,119,113,119,176,194,215,233,215,199,199,209,209,189,113,61,37,61,117,186,207,228,238,235,217,186,127,168,168,113,101,119,77,5,14,45,99,152,165,178,186,178,160,129,69,55,57,57,43,19,7,5,0,0,0,0,0,0,0,0,0,0,0,0,15,39,63,113,118,65,47,45,44,53,101,176,194,189,189,196,220,225,220,220,220,220,217,209,207,207,207,207,215,207,178,115,111,117,117,109,101,101,109,109,95,71,45,35,28,28,43,71,103,121,178,186,194,217,241,255,255,255,255,255,254,222,137,119,121,135,204,222,228,222,207,194,207,217,225,217,209,207,194,189,186,189,186,168,111,97,85,79,74,74,77,93,111,157,165,176,183,183,178,165,157,150,139,139,144,152,160,152,144,137,134,144,152,157,150,124,63,49,39,31,25,24,25,31,39,43,47,49,53,55,55,55,65,85,142,152,157,165,163,157,150,131,93,92,93,131,131,126,95,85,73,71,71,75,75,79,89,99,137,142,142,134,91,82,87,95,87,65,51,51,55,67,91,137,134,79,59,52,55,73,95,103,103,144,160,176,196,183,170,168,168,170,183,199,189,168,99,71,61,71,0,103,97,69,55,59,103,196,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,194,204,212,196,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,157,212,202,21,0,0,79,118,113,45,0,0,0,0,0,47,183,189,191,83,0,20,59,61,71,77,83,97,113,123,163,178,207,215,222,225,222,215,217,222,222,204,166,165,181,204,209,209,212,217,225,225,209,191,176,123,126,129,128,125,125,128,176,183,186,191,199,204,202,194,189,199,207,204,199,199,202,204,207,207,207,204,209,217,215,207,204,202,202,207,217,225,110,104,127,139,141,141,139,130,128,133,186,194,204,209,212,212,204,139,131,186,194,194,196,199,202,202,202,202,204,204,207,204,204,204,204,191,181,183,204,217,220,217,217,217,225,233,235,135,89,123,230,207,202,196,196,204,212,212,209,212,215,215,215,215,215,217,222,225,228,228,230,233,233,233,235,235,233,228,228,230,225,207,194,202,215,222,212,209,215,215,207,196,191,194,133,95,117,186,191,137,133,139,189,194,186,133,95,100,189,207,212,212,209,209,209,204,194,186,114,121,204,207,202,137,141,196,212,222,217,215,209,191,183,186,186,137,138,194,204,207,212,209,199,202,217,228,217,204,202,207,202,186,191,207,217,222,225,217,199,143,194,199,186,141,189,191,199,204,209,225,233,238,238,225,207,202,199,191,133,122,139,196,207,225,225,191,137,194,212,228,233,235,238,241,241,241,238,238,235,235,235,238,241,238,233,222,199,120,120,132,186,191,207,204,191,186,186,194,207,228,233,233,233,238,243,235,137,94,105,111,113,121,191,217,222,204,198,204,217,215,75,19,109,204,222,217,196,103,119,183,105,109,194,123,100,127,89,47,191,183,178,178,183,215,228,220,216,228,233,233,233,235,235,235,238,241,238,217,194,186,189,191,194,194,189,191,209,235,238,233,230,229,229,230,233,233,233,233,233,241,251,248,139,0,34,131,191,225,235,235,217,95,106,235,243,241,235,238,243,238,191,105,104,113,111,117,141,222,230,225,212,207,212,217,222,222,225,228,230,233,233,233,233,230,230,233,233,204,39,0,17,75,194,109,66,89,199,194,139,134,135,202,222,220,209,207,215,215,202,194,194,199,204,202,199,202,202,199,196,202,215,228,222,212,213,222,209,194,186,191,199,204,209,204,137,202,215,228,225,209,199,199,202,202,196,199,204,207,199,143,143,202,209,202,117,109,116,199,222,233,199,135,135,199,225,230,228,215,209,212,222,222,209,202,191,129,123,127,135,141,189,196,202,202,186,185,199,212,186,130,186,191,194,202,225,233,235,230,233,238,233,139,123,199,212,212,207,202,186,215,228,225,202,68,69,194,207,191,181,178,182,194,199,194,186,141,189,194,202,204,133,139,189,119,127,191,238,243,243,238,235,222,204,200,207,215,217,225,228,228,228,225,225,228,233,230,225,222,222,225,225,230,238,238,238,235,233,233,233,233,233,233,235,235,235,235,233,233,230,230,230,228,228,225,225,225,228,230,230,230,230,233,230,230,228,230,228,225,222,225,209,85,1,0,0,0,0,0,0,0,0,1,3,81,189,243,235,191,178,181,202,217,222,222,217,217,222,222,222,228,225,77,7,0,0,0,0,27,25,105,117,53,77,191,196,191,77,33,64,215,228,222,222,217,222,222,207,111,108,199,225,228,222,222,217,207,202,199,207,222,217,129,129,209,225,230,230,228,217,207,202,204,204,202,207,209,199,202,215,215,212,222,225,228,228,228,220,207,204,212,225,228,230,233,233,230,228,222,215,212,212,217,228,228,204,55,39,59,145,212,225,228,225,222,225,228,230,230,228,225,222,221,222,225,228,228,225,222,220,218,222,228,228,222,204,141,137,204,230,235,225,209,204,209,222,225,225,225,225,225,225,225,224,225,225,228,230,230,233,230,230,230,230,233,233,230,222,204,196,196,202,202,202,204,207,189,83,50,52,65,123,215,217,215,212,212,212,209,204,202,199,202,202,204,204,207,207,202,194,196,207,212,215,217,217,222,225,222,215,215,215,196,123,123,135,189,199,202,189,107,93,106,207,212,212,209,208,208,209,212,215,212,209,209,209,209,209,212,212,212,212,212,209,207,204,207,212,212,212,212,212,212,212,209,209,209,209,207,204,202,199,196,196,196,194,191,189,186,181,178,173,168,125,119,117,115,113,113,113,113,111,109,108,108,111,109,108,108,113,119,121,125,170,173,127,129,181,189,191,191,194,196,199,196,194,191,191,191,194,196,194,194,194,196,196,199,199,196,199,202,204,207,204,202,204,209,215,215,212,207,199,191,189,189,191,191,191,199,199,199,199,202,204,204,204,202,199,199,199,202,202,202,199,198,199,204,209,215,217,215,209,207,204,204,204,207,209,209,212,217,217,215,209,205,207,212,217,217,217,217,220,222,225,228,230,228,230,228,222,209,202,149,146,146,151,207,217,230,233,233,233,230,230,235,238,241,241,238,233,230,228,222,220,221,225,220,212,204,204,207,212,215,217,222,225,228,228,228,225,225,225,225,222,217,217,217,225,228,230,233,233,233,233,233,235,238,241,238,238,235,233,230,233,238,241,243,241,241,243,246,248,251,251,248,248,243,241,238,238,238,238,235,233,230,228,225,224,224,225,228,228,230,233,235,241,246,251,255,255,255,255,255,255,255,254,251,248,246,248,251,254,251,248,246,241,241,243,246,248,248,248,248,251,254,251,251,254,255,255,255,254,254,254,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,230,204,181,165,119,107,83,55,41,35,35,37,37,37,39,41,37,25,13,0,0,0,0,0,0,0,0,0,11,21,31,45,85,90,69,17,0,0,0,0,0,0,0,3,15,15,15,22,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,108,126,129,118,105,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,1,0,0,0,0,0,0,4,0,0,0,0,0,0,0,7,14,7,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,160,85,19,0,0,0,0,13,53,56,33,33,59,56,29,17,40,113,150,134,72,33,3,5,11,25,27,27,46,72,64,7,0,0,0,0,0,0,0,0,0,0,0,0,3,59,85,92,95,95,113,155,183,194,202,194,0,0,0,0,0,0,0,0,0,0,0,111,90,72,66,82,0,0,74,66,40,20,27,40,0,0,12,0,0,0,0,0,0,0,0,19,35,21,0,0,0,0,0,0,0,0,0,15,29,29,21,14,8,8,21,73,131,124,111,73,47,13,3,1,0,0,3,31,79,137,118,49,19,17,69,178,215,230,228,222,220,225,230,238,235,222,212,212,212,217,209,196,176,109,88,87,91,103,115,125,124,120,125,125,129,183,202,202,183,125,123,123,173,181,181,173,123,123,165,173,173,113,109,113,123,123,170,181,186,186,181,181,189,189,196,186,176,181,194,204,196,196,196,196,196,189,194,191,123,99,97,99,107,117,165,176,176,170,163,163,168,160,105,100,103,111,115,160,113,91,79,79,83,93,109,111,107,107,109,155,163,170,176,176,170,176,183,186,176,119,87,72,72,85,160,181,183,173,170,178,186,194,212,225,204,189,189,202,199,181,113,61,33,49,113,186,204,217,217,207,186,170,114,117,123,115,173,238,243,95,111,186,212,220,209,207,186,170,150,85,55,45,53,57,45,25,11,5,1,0,0,0,0,0,0,0,0,0,0,0,0,9,37,63,65,53,53,59,65,73,142,181,194,189,186,196,217,225,220,220,217,209,209,209,209,217,217,217,207,186,115,95,101,109,107,107,109,109,109,101,95,75,45,31,26,26,37,65,101,121,183,186,183,194,220,243,254,255,255,255,246,225,196,135,129,135,191,207,217,217,207,207,207,225,228,220,217,217,207,183,181,181,178,160,111,97,93,91,79,74,77,93,111,157,160,165,176,178,176,160,150,139,139,139,150,152,152,144,144,134,134,144,150,157,150,124,65,49,39,33,27,25,27,31,39,45,45,45,49,53,53,53,55,73,131,144,152,163,163,150,131,121,121,93,131,131,134,95,85,75,75,75,75,75,75,79,85,97,137,142,144,142,95,87,87,91,77,55,45,45,45,55,77,99,134,77,55,50,59,79,103,103,105,150,168,183,196,176,160,150,152,160,178,196,183,150,91,71,73,95,0,150,103,77,71,77,147,196,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,92,87,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,181,196,181,137,0,0,0,0,17,55,51,0,0,0,0,0,67,176,176,194,101,0,12,18,0,0,63,99,115,160,168,176,191,209,215,222,225,215,211,212,215,225,225,202,176,176,186,202,212,217,225,225,222,209,194,186,129,128,131,183,176,127,131,178,181,179,186,202,212,209,196,183,194,199,199,199,209,209,209,207,207,207,204,207,215,215,212,209,204,202,202,217,238,199,122,135,186,189,189,141,129,125,131,189,199,204,209,209,212,212,194,135,183,183,186,194,204,209,207,202,202,204,204,204,202,199,202,207,204,182,181,194,209,215,215,217,217,217,230,235,217,207,217,217,222,215,207,204,209,215,207,199,207,212,217,222,217,217,225,228,228,228,230,228,228,228,228,230,230,230,228,228,230,228,209,196,204,215,212,199,194,202,204,194,141,137,199,212,196,137,139,186,191,194,202,191,186,186,196,186,131,196,202,207,207,205,212,222,209,131,137,117,127,212,228,228,196,189,194,202,204,202,202,204,202,196,199,196,186,140,186,191,199,207,204,199,204,228,233,228,209,202,204,199,186,186,196,202,209,204,204,199,194,204,209,191,141,194,199,199,196,202,217,228,230,225,215,207,199,196,196,194,129,189,196,199,204,196,135,135,196,215,228,230,233,235,241,243,243,241,238,235,233,235,235,238,238,235,230,196,112,116,141,194,202,215,209,186,191,189,186,177,233,233,233,235,238,243,235,131,109,106,113,123,183,215,230,228,209,199,212,217,209,63,0,0,87,73,79,202,207,191,189,173,178,191,202,125,125,186,170,194,189,181,178,178,204,217,217,217,225,233,233,235,238,238,235,235,238,235,230,207,196,199,199,191,187,187,191,215,235,235,230,230,229,229,230,230,233,233,233,235,235,238,212,51,0,19,117,127,217,225,222,183,35,69,222,228,235,212,212,204,191,199,129,85,94,97,109,131,230,233,215,199,198,202,204,204,204,209,222,225,225,228,230,228,222,220,225,228,209,123,14,9,3,69,105,119,209,225,202,141,136,137,204,222,225,191,135,194,204,199,194,196,209,222,222,207,199,202,202,199,204,215,225,225,215,217,225,217,191,186,194,196,202,212,217,209,212,217,222,217,207,198,199,204,202,191,187,191,194,143,137,138,207,225,225,225,113,194,217,235,233,209,194,202,228,233,230,225,212,204,207,222,228,222,212,196,115,118,127,141,191,191,186,189,189,186,189,202,189,104,103,131,191,202,209,228,233,235,230,230,238,233,141,126,212,209,202,189,118,105,121,141,189,129,79,199,222,217,199,183,181,185,199,202,191,189,191,194,196,204,204,114,121,128,124,129,209,230,241,241,243,241,230,209,202,202,199,199,209,220,225,225,222,222,225,228,228,222,221,225,228,228,230,235,235,235,233,233,230,230,233,233,235,235,235,235,233,233,233,230,230,230,228,228,225,225,228,228,228,228,228,230,230,230,228,225,225,225,225,215,196,89,0,0,0,0,0,0,0,43,75,83,212,165,163,181,202,222,207,191,189,209,217,220,222,222,222,225,225,225,225,212,57,1,0,0,17,109,191,165,165,209,181,212,212,217,230,93,36,69,222,222,225,217,222,228,228,209,113,109,181,217,222,222,222,215,204,199,199,207,225,222,113,117,207,222,225,225,220,202,189,189,194,196,202,204,202,196,202,212,212,215,222,225,228,228,228,217,199,145,207,225,230,230,230,235,235,230,222,217,212,212,215,225,233,215,191,113,115,202,217,228,228,225,225,228,230,230,230,228,225,222,222,225,228,225,225,222,222,222,220,220,222,228,228,222,209,202,212,230,230,217,212,215,222,228,228,225,222,222,225,225,225,225,225,225,228,228,230,230,230,230,228,228,230,230,228,225,215,212,209,209,209,207,212,217,199,85,53,52,63,113,209,217,211,211,215,217,215,209,209,209,209,209,209,209,209,207,194,137,186,204,212,215,215,217,222,225,222,215,212,215,186,111,112,131,191,199,202,196,129,102,121,204,215,217,215,215,215,215,215,212,209,207,207,207,207,207,209,212,212,212,212,212,209,207,207,209,212,209,207,207,209,209,209,207,207,207,207,204,199,196,196,194,194,194,189,186,181,178,178,173,168,125,119,115,113,113,113,113,111,111,109,108,109,111,111,111,111,113,117,119,123,165,125,123,125,178,191,194,191,191,194,196,196,194,191,190,191,196,199,196,196,196,196,196,199,202,199,199,202,207,212,209,204,204,209,212,215,212,209,204,199,196,194,194,191,194,199,199,198,198,199,202,204,204,202,202,204,204,204,204,204,202,199,199,204,209,215,220,212,204,203,203,203,204,204,207,209,212,217,217,212,207,205,205,209,215,215,215,217,220,225,228,230,230,228,228,225,217,207,199,147,146,146,151,207,220,230,233,233,233,233,235,238,241,243,241,238,235,230,228,225,222,222,222,215,207,153,153,202,207,209,212,217,222,225,225,225,222,222,217,222,222,217,217,217,222,225,228,230,230,233,233,233,235,238,238,238,238,238,235,233,235,241,243,243,241,241,241,243,246,248,251,248,248,246,241,238,238,238,238,235,235,233,233,228,225,225,225,228,230,233,235,238,241,246,251,254,255,255,255,255,255,255,254,251,246,243,243,243,246,246,243,241,238,238,241,243,246,248,248,248,251,251,248,248,251,255,255,255,255,255,254,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,243,230,212,189,165,117,107,91,67,45,31,29,29,33,37,39,41,41,33,25,17,11,0,0,3,11,11,0,0,0,3,11,13,27,66,74,39,1,0,0,0,0,0,0,0,1,17,27,33,33,33,22,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,0,0,0,0,0,126,150,150,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,40,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,17,9,0,0,0,0,0,0,12,4,0,0,0,0,0,0,7,14,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,168,108,31,1,1,13,13,25,61,72,56,21,21,29,46,56,56,74,113,134,92,40,0,0,0,11,43,46,46,64,82,48,3,0,0,0,0,0,0,0,0,0,0,0,0,0,31,77,85,82,87,113,165,202,209,209,0,0,0,0,0,0,0,0,0,0,0,0,0,103,74,66,72,74,66,64,56,25,1,17,30,27,0,0,0,0,0,0,0,0,0,7,9,15,15,0,0,9,11,3,0,0,0,0,13,25,33,33,31,19,13,35,118,155,152,129,75,41,11,0,1,3,0,0,0,21,61,59,39,9,0,1,91,199,222,222,222,222,222,233,238,238,230,220,212,212,204,186,115,103,94,87,88,95,109,125,173,173,125,173,173,173,189,202,202,183,125,114,115,123,173,181,181,173,173,181,183,173,121,111,113,123,170,173,173,178,178,181,181,189,189,189,181,176,181,189,196,194,194,196,196,189,189,186,186,119,99,99,103,117,168,173,176,176,173,165,163,163,163,119,119,163,165,168,170,160,95,79,76,79,87,99,111,115,115,115,160,170,178,178,170,170,176,178,176,168,105,70,65,67,79,117,181,189,183,183,186,186,189,202,215,204,190,191,202,199,183,113,55,21,25,85,119,178,183,181,176,125,117,117,116,121,176,212,246,246,215,212,233,243,243,235,220,196,176,142,77,45,42,45,57,43,25,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,37,47,47,53,77,97,134,160,186,189,186,181,194,217,220,220,217,209,207,207,207,207,217,228,217,196,127,99,83,87,101,101,109,115,115,109,99,99,87,51,35,28,28,39,61,87,111,165,168,123,123,183,217,235,243,246,243,235,225,207,194,137,137,194,207,217,217,217,217,225,233,228,220,217,217,207,183,168,168,123,117,107,103,101,97,85,77,85,101,111,150,152,157,176,178,176,160,150,139,139,144,150,150,144,134,95,93,93,126,142,150,150,124,65,53,43,35,31,29,29,31,39,43,45,45,45,49,49,49,51,65,111,131,144,157,152,134,85,85,91,126,134,134,137,129,91,85,91,85,75,73,75,79,91,134,142,150,150,144,134,95,95,95,77,57,45,43,45,51,71,95,134,77,55,48,55,77,103,103,105,155,176,183,186,168,144,139,144,160,176,196,176,142,77,69,77,105,0,155,103,77,71,89,150,186,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,43,0,0,0,0,0,4,0,0,0,0,0,0,0,0,124,189,168,129,0,0,0,0,0,0,35,59,53,0,0,0,0,57,144,152,142,93,43,81,85,3,0,53,115,160,176,173,170,189,204,215,217,217,215,212,212,215,217,225,228,204,174,172,183,207,217,225,225,220,204,194,194,191,181,181,186,176,129,133,181,183,183,191,204,212,209,194,186,191,194,196,202,207,209,209,212,209,209,207,207,209,212,212,212,212,204,207,217,222,202,141,186,194,196,189,141,133,130,139,189,196,202,204,207,212,215,207,186,135,130,133,196,212,212,209,207,207,207,204,202,196,194,199,207,204,183,182,189,204,204,209,215,217,222,228,230,222,204,199,215,215,212,204,202,209,204,186,182,199,209,222,225,222,225,228,228,228,230,228,222,217,217,222,225,228,228,225,225,228,228,209,141,202,212,204,194,141,125,131,186,135,131,196,215,209,136,139,196,207,212,215,212,204,196,199,202,199,194,191,196,209,215,220,225,217,106,112,186,194,212,235,233,217,196,196,196,191,191,202,202,207,215,217,209,191,140,141,189,189,191,194,194,204,230,233,222,202,196,194,191,186,141,137,128,121,115,196,215,199,202,215,204,199,199,196,194,195,204,212,212,209,209,207,202,196,196,196,196,194,199,196,143,139,137,130,121,191,215,230,233,233,238,241,243,241,238,235,233,233,233,235,238,238,238,235,228,207,215,199,199,202,217,228,121,207,194,183,183,230,230,235,238,235,235,217,109,99,93,109,183,220,235,238,238,228,212,212,181,85,0,0,0,0,0,5,121,191,196,73,121,176,194,183,125,202,238,215,202,191,183,177,176,183,209,217,216,225,233,233,235,238,238,234,238,235,241,225,204,207,204,209,199,189,185,187,207,230,235,233,230,229,229,229,229,230,233,235,235,235,233,46,0,21,61,125,183,215,228,222,133,71,97,194,209,209,129,117,115,117,194,222,222,222,207,120,121,220,233,217,207,209,209,199,141,127,119,212,212,207,207,212,212,209,207,209,212,222,215,189,115,1,22,93,186,222,233,217,199,191,186,194,209,204,134,129,135,204,215,215,212,217,228,230,222,207,207,207,204,209,217,225,228,225,225,222,212,139,189,196,196,199,209,217,217,209,209,209,207,207,202,199,202,199,187,182,189,204,140,133,141,222,230,238,233,196,204,230,235,230,212,204,217,238,238,225,212,204,207,220,228,230,233,222,191,113,117,131,191,199,194,185,182,186,139,135,137,133,121,117,135,196,215,225,225,235,233,230,230,235,225,212,209,212,204,191,186,126,114,116,135,191,194,209,230,230,222,209,199,189,191,196,194,191,186,189,194,194,199,202,124,126,129,129,207,217,228,233,241,243,241,235,217,207,199,139,137,141,196,212,217,217,215,215,217,220,222,222,228,230,228,230,235,230,230,230,230,230,230,230,230,235,238,238,235,230,230,230,230,230,230,228,228,228,228,228,228,230,228,230,233,233,230,230,228,225,222,209,199,67,0,0,0,0,0,0,0,25,189,246,241,233,215,202,202,196,170,99,93,194,209,222,225,222,225,225,225,228,228,230,165,0,0,0,63,111,215,233,199,178,183,199,209,215,217,215,107,61,91,207,212,220,217,222,230,228,204,123,101,121,178,207,222,207,186,196,196,199,207,204,67,54,50,117,209,215,215,199,130,131,191,199,196,202,209,202,194,196,204,212,222,228,228,228,230,230,222,191,135,141,209,225,230,230,233,235,230,222,217,217,212,209,217,230,230,220,147,143,204,222,228,225,215,217,228,228,230,228,228,225,222,222,225,228,222,218,218,222,225,225,222,218,222,228,228,225,215,196,199,212,196,194,217,228,230,228,222,221,222,225,228,225,225,225,225,225,228,228,230,230,228,228,228,230,230,230,228,222,217,215,212,212,212,222,222,196,97,54,51,55,99,207,212,211,211,215,217,217,215,212,209,209,212,215,217,215,202,125,111,117,191,204,204,212,207,215,215,209,209,212,204,128,113,117,135,191,194,199,207,196,137,186,204,215,217,212,212,215,217,212,209,204,204,207,204,202,204,207,212,212,212,209,209,207,207,207,209,209,207,204,204,204,204,207,207,207,207,207,204,199,196,194,194,191,191,186,183,178,176,173,173,127,123,117,117,115,115,113,111,111,111,109,109,109,111,113,113,113,111,113,117,123,165,124,122,125,183,196,196,196,196,194,194,196,194,191,191,194,196,202,202,199,196,196,196,202,204,204,202,202,204,209,209,209,207,209,209,212,215,212,209,204,199,196,196,196,199,202,199,198,198,198,199,202,202,202,204,207,207,204,204,204,202,202,202,207,209,217,220,215,207,204,204,204,207,207,204,207,209,215,212,209,207,205,207,209,212,212,215,215,222,225,228,230,230,228,225,228,222,207,151,147,147,149,153,209,222,230,233,233,235,235,238,243,246,246,243,238,233,230,228,225,225,225,222,212,204,151,151,151,202,204,209,215,217,217,220,222,222,217,216,216,217,217,217,217,217,222,225,228,228,230,233,233,235,235,238,238,238,235,235,235,235,238,241,241,241,238,241,243,246,248,248,248,248,246,241,241,241,241,238,235,235,238,238,233,230,228,228,230,230,233,235,235,241,243,248,251,254,255,255,255,254,254,251,248,246,241,241,241,238,238,238,238,238,238,241,243,246,251,251,251,251,248,248,251,255,255,255,255,255,255,254,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,238,228,209,186,170,117,105,95,83,65,53,33,29,29,31,39,43,45,43,37,31,27,17,11,3,11,17,21,17,3,0,0,0,0,11,31,39,25,0,0,0,0,0,0,0,0,0,35,0,0,51,53,48,33,14,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,43,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,27,4,0,0,0,0,0,20,22,7,0,0,0,0,0,30,25,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,0,0,0,105,61,21,17,59,61,25,53,79,77,23,0,29,0,0,0,0,0,85,77,51,1,0,0,0,5,35,35,27,13,13,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,77,92,87,90,108,165,212,235,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,77,64,46,33,1,0,0,22,27,0,0,0,0,0,0,0,0,0,17,17,15,1,0,1,15,21,17,3,0,0,0,1,19,41,90,108,111,111,129,152,173,168,139,105,47,11,0,1,0,0,0,0,0,3,21,27,11,0,1,73,165,212,222,228,228,222,230,233,230,220,209,207,202,178,115,103,105,105,103,107,115,123,129,186,186,183,176,170,168,183,202,202,194,173,125,114,112,114,123,176,183,183,189,183,173,123,123,123,170,170,173,173,172,173,181,189,189,189,186,181,181,186,189,189,194,196,196,186,178,181,186,186,165,107,111,168,176,176,165,123,165,170,178,173,173,170,163,168,170,170,170,173,173,160,109,93,83,81,89,101,115,113,113,160,173,181,170,170,170,170,168,160,157,103,73,73,91,105,119,170,173,170,173,178,181,183,194,212,212,191,191,209,209,176,99,77,43,7,37,65,87,111,123,123,117,117,168,176,173,183,215,233,225,222,228,238,241,238,235,228,209,186,160,89,49,42,44,49,43,31,21,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,43,49,59,126,152,163,176,186,183,173,176,186,209,217,217,217,209,196,194,196,207,217,225,207,178,111,89,82,83,87,93,109,121,121,109,97,101,99,61,39,31,31,39,51,61,85,103,115,107,105,111,178,207,217,228,235,230,225,220,209,194,194,196,207,217,220,228,233,241,233,225,217,217,207,191,176,121,115,107,107,109,109,109,101,95,91,101,107,107,103,101,107,160,176,176,160,150,139,139,144,144,139,131,95,87,83,86,124,131,147,147,131,77,61,49,43,35,31,31,31,35,41,45,47,45,45,45,49,53,61,73,121,134,144,142,121,75,79,118,124,124,134,142,137,134,142,137,95,75,73,79,87,95,142,150,160,152,150,142,134,137,137,95,71,51,47,55,65,79,134,144,95,55,46,48,65,95,142,144,160,178,189,183,160,138,134,142,163,176,176,160,97,68,68,77,150,178,170,97,65,65,91,160,186,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,64,0,0,0,0,0,0,0,0,14,0,0,0,0,7,134,118,15,0,0,64,90,108,95,85,90,69,1,0,0,0,0,63,85,47,43,49,99,109,39,12,47,109,115,119,119,119,165,191,209,215,215,212,212,212,212,217,222,222,209,183,174,176,186,199,209,215,209,194,191,204,204,194,181,127,116,118,128,181,189,191,196,204,212,204,189,183,189,191,196,204,209,209,212,215,215,215,212,209,209,209,212,212,212,207,209,217,215,196,141,186,194,196,186,141,139,139,186,189,191,199,207,209,212,209,199,183,131,126,129,202,215,212,207,212,209,207,202,199,196,194,194,199,202,189,186,191,199,199,204,212,215,217,222,225,215,133,130,191,199,199,191,191,202,202,185,181,196,209,217,222,225,225,228,225,228,228,222,212,208,209,215,222,225,222,220,225,230,212,94,65,131,199,199,143,127,113,115,129,135,127,131,199,207,194,199,209,217,222,225,225,217,204,194,191,191,186,185,189,202,212,222,225,217,104,106,135,194,209,225,222,212,191,191,194,191,141,194,204,215,225,225,212,196,186,186,189,141,139,141,139,139,212,217,209,191,185,182,183,186,186,137,127,121,119,189,209,207,212,225,217,212,207,199,194,196,209,215,207,194,196,204,202,196,191,191,196,202,202,194,189,141,135,130,129,191,217,230,233,238,241,241,243,241,238,235,233,233,233,235,238,241,238,238,241,222,220,207,199,199,202,186,64,125,194,194,71,199,225,235,238,238,222,194,127,88,82,111,225,235,241,241,238,230,217,209,178,129,95,0,0,0,0,0,91,107,165,0,0,117,178,111,123,225,238,233,215,194,186,183,181,186,204,217,220,225,235,235,235,238,238,234,243,246,230,215,186,181,189,204,209,194,189,194,212,228,233,230,230,230,230,229,229,230,235,235,233,225,87,0,0,93,139,189,217,225,230,238,228,99,99,133,204,207,111,104,108,123,212,233,235,233,217,131,127,194,215,217,220,230,238,137,84,77,112,209,202,194,191,191,194,199,202,204,204,209,212,215,215,93,113,186,202,215,225,212,204,202,194,194,199,191,137,135,191,207,215,222,222,209,217,228,222,207,204,209,212,217,217,222,228,228,217,207,194,125,194,207,204,204,209,215,215,207,199,198,202,204,199,191,191,194,187,186,204,225,143,131,137,222,233,241,233,204,204,228,228,222,202,202,228,238,233,212,204,207,217,230,235,235,238,228,186,114,116,127,186,196,196,189,185,196,191,133,128,128,129,137,199,207,217,222,222,230,230,228,225,222,207,207,217,222,196,121,126,194,191,186,194,202,215,228,230,222,207,199,196,196,196,199,191,196,199,196,196,199,204,215,215,209,202,194,204,209,228,233,235,238,233,233,222,196,127,124,129,133,127,128,207,209,143,111,113,202,222,230,228,228,230,233,233,230,228,228,228,228,228,228,230,233,233,235,235,233,229,230,235,233,230,228,228,225,225,228,230,230,228,230,233,228,230,230,225,222,212,163,71,0,0,0,0,0,0,0,0,0,165,241,235,230,225,228,228,204,105,89,85,199,215,225,228,225,228,228,228,228,225,215,57,0,0,35,160,183,225,235,212,183,178,183,189,199,199,189,121,101,115,183,183,215,215,222,230,225,199,95,62,65,90,84,78,78,80,109,204,199,176,43,41,48,28,83,186,202,202,135,123,126,194,199,191,199,209,204,191,194,212,228,228,228,228,228,230,230,222,196,134,127,131,145,220,228,230,233,228,222,222,222,215,208,212,225,228,220,207,204,212,222,225,215,198,199,212,222,228,228,225,222,215,215,222,225,220,217,217,222,225,222,220,218,222,228,230,230,222,143,144,147,139,138,212,228,230,228,222,222,225,225,228,225,224,225,225,225,228,228,230,230,228,226,228,230,233,233,230,225,217,215,215,215,215,222,222,194,99,55,50,52,85,199,212,212,212,215,217,220,217,212,209,209,212,217,222,222,212,137,113,112,115,117,93,115,123,183,135,186,204,209,209,196,137,135,183,189,189,199,209,204,191,194,204,212,209,207,207,212,212,209,207,204,204,202,199,199,202,207,209,212,212,209,209,207,207,207,209,209,209,204,202,202,204,204,204,207,207,207,204,199,194,194,194,191,191,186,181,178,173,170,168,125,119,117,117,117,115,113,113,113,111,111,109,109,111,113,115,113,111,111,117,123,165,127,125,173,194,202,202,202,199,196,194,194,191,191,191,194,199,202,204,202,199,196,196,202,204,204,202,202,202,204,207,209,209,212,212,215,215,215,209,204,202,199,199,199,202,202,199,199,199,198,198,199,202,202,204,207,207,207,204,204,204,204,204,209,212,215,215,212,209,209,209,209,209,209,204,203,204,207,209,209,209,209,209,209,212,212,215,217,222,225,228,230,230,228,228,228,222,209,199,149,149,151,153,209,222,230,233,233,238,241,243,246,246,246,241,235,233,230,228,225,225,225,222,212,204,151,150,151,199,202,207,212,215,215,217,225,225,217,216,216,217,217,217,216,217,222,225,228,228,230,233,233,233,235,235,235,235,235,235,235,235,235,238,238,238,238,241,241,243,246,246,246,246,243,241,241,243,243,238,233,235,238,238,235,230,228,228,230,230,230,233,233,235,241,243,248,251,251,251,251,251,251,248,246,243,241,241,238,238,237,237,238,238,238,241,243,246,251,254,254,251,248,251,254,255,255,255,255,255,254,252,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,238,225,207,186,129,117,111,95,89,83,71,57,41,33,29,31,37,45,49,41,37,35,31,23,11,9,9,19,23,23,9,0,0,0,0,0,17,25,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,9,1,0,0,0,0,0,0,7,9,14,12,9,0,0,0,0,0,0,0,0,7,7,7,1,4,9,0,0,0,0,0,0,0,0,0,199,0,0,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,61,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,22,14,0,0,0,0,0,35,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,30,13,0,0,25,92,0,0,95,61,27,27,53,53,13,23,53,29,0,0,0,0,0,0,0,0,92,69,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,82,103,105,100,118,173,217,241,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,92,66,43,14,0,0,0,9,12,0,0,0,0,0,0,0,0,0,66,48,19,0,0,0,1,9,15,17,0,0,0,0,1,39,111,142,155,155,155,170,181,170,139,111,67,45,19,1,0,0,0,0,0,0,5,21,13,0,25,118,152,191,212,220,212,207,209,222,217,204,194,199,199,186,170,170,178,189,181,173,125,123,129,186,194,194,183,173,173,183,194,199,183,173,125,114,112,113,123,176,183,191,191,181,123,123,123,170,173,178,178,178,178,181,181,189,189,181,179,181,189,189,189,189,194,196,186,123,117,165,186,191,176,119,125,178,181,173,109,107,117,176,181,181,181,181,176,170,170,170,170,173,178,178,168,111,95,89,95,95,99,109,160,173,181,170,160,160,160,160,160,157,121,121,115,163,178,176,173,170,168,166,169,178,183,186,194,202,199,191,191,199,191,113,97,109,79,9,9,41,81,115,160,117,117,163,202,217,194,176,183,189,191,212,230,228,222,222,222,222,207,186,165,131,71,59,59,57,49,39,29,21,13,7,0,0,0,0,0,0,0,0,0,0,0,0,0,17,37,47,65,134,173,186,183,186,178,173,173,186,209,215,217,217,209,194,186,194,209,217,217,209,176,117,101,89,89,95,97,109,121,121,109,97,109,115,77,51,39,39,41,43,51,65,93,107,107,104,105,127,191,215,225,228,230,235,228,220,209,196,194,196,209,225,238,246,246,233,225,217,217,207,186,123,107,101,101,107,109,109,109,101,95,101,107,107,101,85,77,85,107,157,165,157,150,139,139,139,101,97,95,89,87,82,87,124,131,142,150,142,124,71,57,49,43,39,35,35,33,35,39,41,43,43,45,45,49,55,71,111,121,121,85,75,75,85,118,118,124,142,152,150,144,144,137,85,67,71,79,95,134,150,160,168,160,152,150,144,150,150,142,87,59,57,71,79,95,144,155,134,59,46,46,61,99,142,150,168,183,183,168,144,134,134,144,163,170,170,160,95,68,68,97,170,196,178,89,55,57,91,168,199,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,66,0,15,87,105,165,181,160,139,139,121,13,0,0,0,0,37,43,51,61,91,157,49,25,35,99,97,61,77,101,115,178,204,215,215,215,212,212,211,215,217,217,215,215,202,183,178,129,127,183,191,181,178,196,202,191,178,123,115,119,129,178,186,191,191,183,129,123,127,133,183,191,196,204,209,212,212,215,217,217,215,212,212,209,209,209,207,204,207,215,212,196,186,186,194,191,139,137,139,183,186,185,186,199,209,212,212,204,191,186,137,128,130,202,212,204,199,207,209,204,199,202,202,196,191,191,194,194,191,191,191,196,204,212,215,215,212,209,196,132,130,137,191,191,181,135,194,207,199,187,194,209,217,222,228,228,222,222,225,225,215,208,207,208,215,225,225,218,217,228,233,115,68,54,117,199,199,137,114,110,117,186,209,134,130,135,194,207,212,220,225,228,228,228,225,207,186,179,181,185,186,189,194,204,212,215,204,112,111,137,196,207,212,215,207,189,186,191,194,135,139,215,228,228,217,204,194,191,191,189,141,139,189,139,119,125,196,202,194,185,182,183,191,194,186,133,129,133,191,202,209,225,233,230,225,215,202,196,202,217,222,209,192,195,207,209,202,191,183,183,209,207,194,143,139,137,134,135,196,217,230,235,241,243,243,241,238,238,235,233,233,233,235,238,238,238,235,233,131,141,186,95,99,119,127,57,39,40,101,51,133,215,230,235,233,207,189,196,178,98,133,233,238,241,241,241,235,222,204,170,222,255,228,69,0,0,0,0,0,0,0,0,79,99,68,123,233,238,230,215,202,194,191,191,186,194,212,225,233,238,233,233,238,241,246,251,233,202,202,121,113,123,176,191,196,191,196,207,217,225,228,230,228,230,233,235,238,235,225,202,129,14,0,69,189,225,230,228,228,230,251,255,183,100,111,189,199,110,105,113,196,222,235,243,243,225,191,139,143,199,212,228,235,238,108,82,80,207,209,145,145,144,142,144,196,207,209,202,194,196,204,207,209,222,217,196,186,199,202,202,202,199,199,207,222,225,225,222,217,212,209,202,179,189,212,215,196,194,204,212,222,217,215,215,215,196,139,127,116,204,217,212,207,207,207,207,202,198,196,199,202,189,137,141,191,191,194,209,225,196,133,136,225,230,233,225,196,194,209,215,204,181,186,217,225,215,207,207,222,233,238,238,241,241,230,186,115,116,123,141,199,202,199,196,204,204,191,133,137,194,199,202,204,209,212,212,217,215,190,181,196,187,187,209,225,135,99,111,230,222,215,204,191,127,115,115,129,191,194,199,209,212,215,215,222,233,202,196,202,207,217,225,230,230,217,141,89,189,222,204,202,209,228,212,117,115,123,139,139,128,127,207,217,141,91,71,57,49,85,194,217,228,233,233,228,225,228,233,230,225,225,230,233,233,233,238,238,235,238,241,238,233,230,230,233,230,222,215,168,168,183,186,183,215,228,209,183,103,3,0,0,0,0,0,0,0,0,0,0,69,235,230,222,225,230,235,225,157,100,103,199,212,217,215,222,228,230,228,228,225,196,1,0,0,67,168,178,204,215,199,186,181,173,168,183,196,196,125,107,117,125,113,189,204,215,215,183,109,86,62,63,97,81,69,77,77,87,199,199,125,21,36,125,93,183,191,199,204,189,127,129,191,202,191,141,194,196,141,143,215,233,228,225,228,228,228,230,225,207,141,130,129,138,204,222,225,222,225,225,225,228,217,209,209,215,215,215,215,217,222,222,217,199,185,187,195,204,217,222,215,212,212,215,222,225,222,218,218,222,222,218,218,220,225,230,233,230,222,196,194,196,140,138,204,225,228,228,225,225,225,225,225,224,224,225,225,228,228,230,230,230,230,228,228,230,233,233,230,225,222,217,217,217,215,222,220,189,91,55,50,52,77,194,209,212,212,215,217,222,217,215,212,209,212,217,222,222,222,212,191,129,119,99,59,63,77,91,85,95,186,207,212,212,204,194,186,182,182,186,196,194,189,194,204,209,207,205,207,209,209,207,204,204,204,202,199,198,199,204,209,212,212,209,209,207,204,207,209,212,209,207,202,202,202,204,204,207,207,207,204,199,196,196,196,194,191,189,183,178,173,129,125,119,115,113,113,115,115,115,113,113,113,111,109,108,109,113,115,113,109,111,117,123,127,168,173,186,196,199,199,199,199,196,194,194,191,191,194,194,196,199,202,202,199,196,199,202,204,202,200,200,200,202,204,209,212,212,215,215,215,215,212,207,204,202,202,202,202,199,202,202,202,199,199,199,202,202,204,207,207,207,207,207,207,204,207,209,209,209,209,209,209,209,209,209,212,209,204,203,203,204,207,212,215,215,215,212,212,212,215,217,222,225,228,228,228,228,228,228,222,212,202,151,199,153,202,209,217,228,233,235,238,241,243,246,246,243,241,235,233,230,228,225,225,222,220,215,207,199,151,151,199,204,207,209,212,212,217,225,225,222,217,217,217,217,217,216,217,225,228,230,230,233,233,233,233,235,235,235,235,235,235,235,235,235,238,238,238,238,238,241,241,243,243,243,243,243,241,241,243,243,238,233,233,235,235,230,228,226,226,228,228,228,228,230,233,235,241,243,246,248,248,248,248,248,246,246,243,243,241,238,238,238,238,238,238,238,241,241,246,248,251,251,251,248,251,254,255,255,255,255,255,254,252,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,235,220,207,189,129,115,109,103,93,87,85,79,65,51,43,35,35,41,49,49,43,37,37,35,29,19,15,15,23,25,25,15,9,9,9,9,9,17,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,14,9,1,0,0,4,0,0,0,0,0,0,12,1,0,0,0,0,0,4,20,20,17,12,12,0,0,0,0,0,0,0,0,0,0,0,0,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,69,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,14,7,0,0,0,0,0,30,0,0,0,0,0,0,0,0,0,0,0,0,48,64,59,82,90,61,13,13,59,118,0,152,118,79,61,33,25,13,0,0,0,0,0,15,0,0,0,0,139,142,129,82,19,0,0,0,0,0,0,0,0,0,0,0,53,35,0,0,0,0,0,0,0,0,0,0,0,0,11,85,111,121,116,139,173,212,235,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,82,46,7,0,0,0,0,0,0,3,0,0,0,0,0,0,0,92,82,25,0,0,0,0,0,0,11,0,0,0,0,0,0,45,129,155,170,165,170,181,168,137,118,113,108,45,11,0,0,0,0,0,0,0,17,21,7,23,67,79,131,176,194,202,204,209,212,199,183,178,199,207,204,196,202,212,217,204,186,125,119,168,194,194,194,194,186,181,186,194,194,183,125,115,121,123,123,123,176,183,191,189,173,123,121,123,170,178,181,183,183,181,191,191,189,181,179,179,181,189,189,181,181,181,181,165,115,114,121,186,191,183,125,125,176,176,117,99,98,117,183,191,189,189,189,189,186,178,170,170,178,186,186,176,157,111,101,101,95,94,109,173,186,176,155,109,117,160,160,160,168,176,183,191,202,207,196,181,173,169,168,170,183,189,186,178,183,181,183,191,191,165,91,93,181,170,19,0,13,71,109,115,111,117,183,241,246,204,123,103,99,115,202,233,225,215,211,216,220,199,178,160,152,139,131,116,71,57,39,29,23,21,9,0,0,0,0,0,0,29,17,0,0,0,0,5,33,43,43,59,134,173,186,183,186,178,173,173,186,209,215,217,209,196,186,186,194,209,215,209,196,186,170,121,115,115,109,103,109,115,121,109,109,165,176,109,71,51,47,45,47,51,67,103,121,121,115,115,176,196,217,225,228,228,235,235,225,209,196,194,196,207,220,238,248,248,241,233,225,217,196,176,113,99,97,101,115,115,115,101,99,101,107,107,101,85,67,63,67,85,139,157,157,150,144,139,101,93,85,87,87,87,87,91,124,131,142,150,142,124,77,65,53,47,45,41,35,31,29,31,35,35,39,39,41,45,51,63,71,71,65,61,65,73,118,124,124,137,157,170,157,150,142,129,71,59,61,75,95,137,152,168,170,168,160,155,160,160,160,150,95,67,61,71,87,95,134,142,87,55,46,48,71,103,142,150,160,170,168,144,137,138,142,152,168,176,176,160,99,71,77,103,178,196,183,77,47,51,95,176,207,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,64,0,0,95,121,165,181,189,189,189,194,181,21,0,0,0,29,49,67,69,67,73,19,3,0,33,37,13,63,107,121,178,199,209,215,217,215,212,211,212,215,217,222,228,220,204,191,127,119,122,178,178,129,127,183,189,189,183,173,131,131,131,178,191,194,131,112,110,117,125,137,189,199,207,212,215,215,215,215,215,215,215,212,212,209,209,207,202,204,212,215,207,202,204,202,194,137,134,135,139,186,186,189,199,209,209,207,196,191,194,196,189,189,199,204,196,194,199,204,202,199,204,207,199,191,189,191,194,189,183,135,139,196,209,215,215,199,135,135,181,181,183,191,191,133,125,189,215,209,189,189,207,217,225,228,225,217,217,222,222,217,212,209,212,225,230,222,217,218,228,228,106,83,100,141,215,215,191,113,108,127,212,215,196,132,129,128,204,217,225,230,230,230,228,225,209,186,178,182,191,196,194,196,199,202,204,194,141,186,204,209,207,212,225,212,190,186,194,204,133,131,225,230,225,212,199,191,191,194,196,191,191,225,212,110,112,186,212,212,204,202,202,204,202,191,141,141,189,189,189,204,228,235,235,233,222,204,199,207,217,225,215,196,196,204,207,204,194,182,172,215,212,191,131,130,135,135,135,196,217,233,235,241,241,241,241,238,235,235,233,233,233,235,235,238,241,235,222,63,103,133,83,82,107,189,131,34,0,65,97,196,215,225,228,217,194,189,209,233,119,189,228,235,238,241,243,241,230,196,151,173,255,255,251,21,0,0,0,0,0,0,0,33,89,83,196,220,222,215,215,207,194,191,186,176,176,196,217,230,230,222,225,241,241,204,101,103,186,186,107,111,173,186,191,186,186,191,202,209,220,225,228,228,233,235,238,238,225,209,139,125,33,36,133,207,235,243,233,230,228,246,246,209,106,112,117,114,112,115,137,204,215,225,238,235,217,207,199,194,196,209,222,230,220,120,125,204,217,196,141,189,189,144,191,207,220,222,212,191,186,194,199,217,222,204,157,161,181,194,199,198,199,209,228,235,235,233,235,235,233,225,209,176,185,194,189,129,129,191,209,212,207,202,196,139,125,121,119,114,202,215,209,204,204,202,196,199,204,207,204,194,137,135,139,194,196,194,199,209,202,186,189,217,222,217,207,190,187,196,207,199,176,181,204,204,199,207,222,235,238,241,241,241,243,233,191,120,120,127,191,207,209,204,199,199,204,202,199,209,215,207,199,199,199,194,199,199,199,177,164,194,187,182,189,207,127,99,115,228,228,228,222,139,99,95,107,135,202,207,209,215,217,212,225,230,225,189,189,191,194,217,228,233,241,246,95,45,95,204,139,127,137,215,191,113,124,199,194,133,137,199,225,238,235,135,79,29,5,0,0,61,115,202,225,222,215,217,230,228,222,225,230,235,233,233,235,238,241,241,241,238,235,230,230,235,235,209,119,17,17,29,31,35,101,165,103,25,0,0,0,0,0,0,0,0,0,0,0,0,0,95,176,222,225,230,235,235,225,191,168,168,186,194,176,183,199,222,222,217,209,107,0,0,29,101,115,117,178,191,186,189,199,186,121,168,215,225,125,115,189,202,123,176,194,194,173,113,107,103,93,113,196,121,105,183,121,113,194,204,199,39,34,186,212,225,209,212,220,222,199,141,191,202,202,133,136,141,137,135,194,225,225,224,228,228,228,228,225,215,207,202,196,199,204,212,212,204,207,222,228,230,225,212,207,207,204,207,215,225,225,222,217,204,186,190,196,202,212,212,209,211,212,217,225,228,225,225,225,225,222,218,218,222,228,230,230,228,225,215,215,217,204,143,194,215,228,228,225,225,225,225,225,224,224,225,225,228,228,230,233,233,233,230,233,233,233,230,228,225,217,217,217,217,222,225,217,131,71,54,53,61,89,189,207,212,212,212,217,222,222,217,215,212,212,217,215,215,222,222,222,225,222,109,58,58,63,85,87,95,137,204,212,215,212,202,186,181,181,182,186,182,182,189,204,207,209,209,209,209,209,207,204,202,202,202,199,199,199,202,207,209,212,209,209,207,204,204,209,212,209,207,204,202,202,202,204,207,207,207,204,199,199,199,196,196,194,189,183,176,170,127,121,117,113,112,112,112,113,115,115,113,111,111,109,107,108,111,113,111,109,111,117,121,123,168,178,189,194,194,191,196,196,194,194,191,190,191,194,194,196,199,199,199,199,199,202,204,204,202,200,200,202,202,207,209,212,212,212,215,215,212,209,209,207,204,202,202,199,199,199,202,204,204,204,202,199,199,202,204,207,207,207,207,207,207,209,209,207,207,204,207,207,204,204,207,209,209,204,204,204,209,212,215,217,217,217,215,212,212,215,217,225,225,225,225,225,228,228,228,222,212,204,202,202,202,202,207,215,225,233,235,241,243,243,246,243,243,238,235,233,230,228,225,222,220,217,215,212,207,202,202,204,207,209,212,212,212,217,222,225,222,217,217,222,217,217,217,217,225,230,230,233,233,233,233,235,235,235,235,235,235,235,235,235,235,238,238,238,238,238,238,238,238,241,241,241,241,241,241,241,241,235,230,228,230,230,228,226,226,226,226,226,228,228,230,230,235,238,243,243,243,243,246,246,246,246,243,243,243,241,241,238,238,238,238,238,241,238,241,243,246,248,248,248,248,251,255,255,255,255,255,255,254,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,215,202,189,131,117,109,103,93,87,87,87,81,71,61,51,45,41,43,49,45,41,41,41,41,37,31,29,25,29,31,31,31,29,29,29,23,19,17,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,27,9,1,0,4,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,43,43,43,0,0,0,0,0,0,0,0,0,0,0,225,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,72,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,0,0,0,0,0,0,0,0,20,0,0,126,150,150,118,64,51,77,131,160,152,121,92,79,46,13,3,0,0,0,0,46,0,0,0,0,186,170,150,124,77,35,0,0,0,0,0,0,0,0,0,0,33,95,64,0,0,0,0,0,0,0,0,0,0,0,0,0,74,103,113,124,142,176,209,235,246,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,98,74,17,0,0,1,0,0,3,22,9,0,0,0,0,0,0,100,108,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,139,176,165,157,165,165,142,129,126,124,69,29,1,0,0,0,0,0,0,11,27,3,0,0,0,39,81,150,191,212,220,212,183,159,178,202,215,217,212,212,212,212,209,194,173,125,183,194,194,181,186,186,183,183,194,194,183,125,113,121,168,168,123,123,173,181,173,160,115,113,121,165,173,183,191,191,186,191,199,196,189,181,186,189,189,186,170,163,121,121,121,121,165,178,186,189,186,178,168,125,111,101,98,101,123,189,191,189,199,196,196,194,189,178,178,183,186,186,168,157,111,111,111,95,95,155,181,181,165,109,108,108,160,168,173,181,194,202,207,209,209,199,183,178,178,178,181,189,189,181,168,164,168,181,191,191,157,89,97,194,186,17,0,0,23,57,77,85,117,186,225,233,186,97,64,57,77,204,241,233,215,211,220,222,199,178,168,176,178,165,144,116,59,35,21,13,7,3,0,0,0,0,0,15,47,47,17,1,0,9,43,57,53,49,55,89,152,178,181,183,178,173,176,196,215,217,209,207,194,186,186,196,209,209,209,196,194,186,183,178,176,123,109,109,115,119,115,115,176,204,176,101,65,57,53,59,71,93,123,178,178,176,131,183,207,228,230,225,225,228,235,225,209,194,196,207,209,225,238,248,243,235,228,217,196,176,117,103,98,99,107,121,157,115,101,95,101,101,101,85,71,61,60,63,79,103,152,157,157,157,144,97,85,77,77,87,87,87,124,124,131,142,142,142,124,77,67,57,51,49,47,39,31,27,27,29,29,33,35,33,33,39,49,61,61,55,50,55,73,124,126,129,150,178,183,168,144,134,87,67,58,59,71,87,134,150,168,170,168,160,160,160,160,160,150,95,71,61,71,77,79,87,87,71,51,48,53,79,134,137,137,142,150,150,139,139,152,163,170,170,176,176,160,99,77,89,147,178,186,170,65,44,49,95,176,196,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,113,59,0,0,0,0,0,0,0,0,0,0,0,111,160,176,139,0,0,0,0,0,108,178,170,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,15,0,0,43,105,157,178,191,196,196,199,199,118,0,0,0,45,53,77,97,81,75,25,0,0,0,17,15,107,176,170,178,189,202,212,222,222,215,212,215,217,217,222,225,222,215,217,202,124,123,176,183,131,124,173,189,204,209,194,178,130,128,181,202,207,199,133,120,122,127,135,189,199,207,212,215,215,215,215,215,215,215,212,212,209,209,207,199,196,204,212,215,217,222,217,204,141,133,133,141,194,199,199,204,204,199,194,191,194,202,207,209,202,194,191,194,196,202,202,199,202,207,204,194,186,186,191,196,194,139,131,134,139,199,215,215,196,127,127,135,181,186,191,189,123,107,133,209,202,139,133,204,222,225,225,217,212,217,225,225,225,220,217,220,228,230,225,221,225,225,207,113,113,228,225,230,233,228,117,103,113,139,139,186,137,128,118,191,215,225,230,233,230,228,228,222,204,186,191,202,202,199,196,196,196,199,199,207,217,225,222,212,212,225,215,199,190,202,215,141,126,207,222,222,209,196,191,194,204,207,202,202,230,222,114,117,204,230,230,230,230,228,217,204,191,186,191,196,141,135,189,215,230,235,230,215,202,199,204,212,217,212,196,189,141,139,141,189,194,199,217,207,139,131,133,137,137,137,194,217,233,238,238,238,235,238,238,235,235,233,233,233,235,235,235,241,238,225,52,69,141,97,100,204,233,241,117,29,99,243,235,217,212,207,186,135,178,133,102,99,194,222,230,235,238,241,246,243,225,161,164,186,255,255,73,43,61,17,173,181,57,0,33,181,207,204,191,191,194,215,199,189,183,178,127,125,181,204,228,225,194,176,113,77,57,13,81,194,119,97,111,127,181,194,183,183,189,199,209,222,222,220,222,228,233,209,202,191,209,215,220,222,105,101,243,241,241,241,235,228,225,207,202,189,181,123,103,114,129,183,196,202,207,212,215,209,215,222,215,209,209,212,212,209,222,238,243,137,122,133,143,196,202,209,222,230,230,222,100,120,186,191,207,199,186,152,164,185,199,202,198,202,222,233,235,235,235,238,241,243,241,233,212,202,196,135,120,122,135,196,191,189,191,191,129,109,111,120,121,207,212,204,202,202,196,194,196,209,212,199,186,136,135,137,191,194,191,189,196,202,199,196,204,212,212,204,191,189,191,202,204,187,190,199,194,191,212,233,238,241,238,238,241,243,233,199,133,129,141,202,209,207,199,194,191,194,196,207,222,222,212,204,194,189,185,187,190,202,202,204,222,215,191,187,196,141,118,139,207,215,228,238,230,139,133,212,230,228,230,217,212,212,125,207,228,199,186,183,127,125,222,230,235,243,251,79,51,121,235,143,127,127,189,189,141,209,207,105,101,139,217,235,246,254,246,209,95,101,0,0,0,0,29,191,194,133,125,137,194,204,222,238,222,222,222,220,225,235,235,233,241,241,230,220,222,209,91,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,9,225,230,230,233,235,235,215,173,152,163,170,157,153,153,199,215,212,183,69,0,15,165,173,119,113,178,194,196,207,228,207,99,94,123,170,123,129,230,230,176,186,191,183,127,121,173,189,186,199,204,199,209,215,207,204,209,228,248,121,31,77,212,228,228,225,228,230,228,209,199,204,209,138,138,194,139,133,139,217,225,228,230,230,225,225,222,222,217,217,217,215,199,202,204,145,145,217,225,230,228,217,209,203,200,203,215,225,220,215,225,220,199,199,207,212,215,212,209,211,215,222,230,230,228,225,228,228,225,222,222,228,230,230,228,225,222,217,217,222,215,147,139,204,225,225,225,225,225,225,225,225,225,225,225,228,230,230,233,235,235,235,235,235,233,230,228,222,217,216,216,217,225,225,212,113,65,59,69,89,117,191,204,209,209,212,215,222,222,217,215,215,215,215,212,211,212,215,222,228,230,117,62,60,63,109,127,183,196,207,212,217,217,209,194,183,183,189,189,181,179,186,202,207,209,212,212,212,209,209,207,204,202,202,202,202,202,204,207,209,212,209,209,204,202,202,207,212,212,209,207,204,204,204,204,207,207,207,204,202,199,199,199,196,194,189,183,176,129,125,121,115,112,112,112,112,113,113,113,109,107,109,109,108,108,109,111,111,109,113,117,121,123,168,178,189,191,191,190,191,196,194,194,194,191,191,194,196,196,196,196,199,199,202,204,207,207,204,202,204,204,207,209,209,209,209,209,212,212,209,207,207,204,202,202,199,199,199,199,202,204,209,209,204,199,198,199,204,204,204,204,204,207,207,207,207,207,204,202,204,207,204,203,204,207,207,207,207,212,215,215,217,217,215,215,215,215,212,215,217,222,225,225,222,225,228,228,225,222,215,207,202,202,202,204,207,212,225,233,238,241,243,246,246,243,241,238,235,233,230,230,225,222,217,215,215,215,209,207,207,209,212,212,212,209,209,215,217,222,217,217,222,225,222,217,217,217,225,230,230,233,233,233,233,235,235,235,235,235,235,235,235,235,235,238,238,241,241,238,238,235,235,235,235,238,235,235,235,235,235,233,230,228,228,228,228,228,228,228,228,228,228,228,230,230,233,235,238,241,241,241,241,243,243,243,243,243,243,243,241,238,238,238,238,241,241,238,238,241,243,246,248,246,246,248,255,255,255,255,255,255,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,202,141,131,121,111,103,93,87,87,87,89,81,71,65,55,49,41,41,43,43,41,43,49,55,51,51,49,43,41,43,49,49,49,49,41,29,17,9,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,27,4,0,0,4,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,4,0,0,0,0,0,0,0,0,0,0,0,61,40,0,0,0,0,0,0,12,0,0,0,9,0,0,0,0,168,176,144,92,66,74,105,131,131,95,79,79,46,15,13,0,0,0,0,0,0,0,0,0,173,150,113,61,43,43,19,0,0,43,56,7,0,0,0,0,0,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,61,90,116,147,191,220,248,254,251,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,98,90,40,0,0,0,0,0,27,48,22,0,0,0,0,0,0,0,134,126,21,0,0,0,11,3,0,0,0,0,0,0,0,3,59,137,165,137,124,134,155,168,147,139,131,108,47,23,7,0,0,0,0,0,5,23,0,0,0,0,0,29,71,139,181,199,196,176,165,189,204,212,217,212,212,204,204,202,194,186,183,194,202,186,125,173,173,173,183,194,199,183,125,107,111,123,123,113,110,110,112,115,112,110,110,115,173,183,191,196,191,183,186,199,199,189,181,181,189,189,181,165,119,116,119,121,181,194,194,189,183,186,186,168,107,99,96,99,117,173,183,191,191,199,196,202,196,194,189,186,186,186,178,168,157,113,101,93,85,93,160,181,173,163,113,109,109,160,168,178,186,194,207,209,209,207,199,186,181,183,191,196,196,189,178,165,164,168,183,194,183,157,97,101,173,155,5,0,0,0,23,57,83,117,176,170,178,163,83,57,52,69,222,255,251,225,220,230,233,212,189,186,196,196,186,160,131,65,29,1,0,0,0,0,0,0,0,0,35,65,71,53,41,43,53,75,75,65,55,59,89,142,160,176,183,178,173,178,207,217,217,215,196,186,178,178,186,207,209,196,196,196,196,196,196,186,176,117,115,115,119,115,115,168,194,194,121,79,61,61,77,101,121,176,191,191,183,176,178,204,228,230,222,221,225,235,228,207,189,189,194,207,220,238,248,248,241,225,204,176,113,101,98,103,111,115,157,157,115,101,95,95,95,85,77,67,62,62,71,93,144,157,165,168,160,150,93,77,71,77,77,77,85,87,124,124,131,139,131,124,77,67,59,53,51,47,39,31,27,25,25,27,29,29,27,27,29,39,49,55,51,50,55,75,124,124,124,150,178,183,157,137,124,75,65,59,59,67,73,87,137,152,160,160,155,155,160,160,163,150,95,71,65,71,77,77,77,73,65,53,52,71,134,142,134,95,99,142,142,144,152,170,183,183,178,176,168,142,87,76,97,160,178,178,157,53,44,53,103,168,176,168 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,131,61,0,0,0,0,0,0,0,0,0,74,157,168,178,196,173,0,87,215,126,165,183,196,204,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,3,31,72,111,165,181,189,191,191,196,194,157,77,37,0,17,47,142,215,220,215,186,85,0,17,91,103,173,173,170,170,176,186,204,217,222,217,215,215,217,222,222,222,225,228,230,230,202,131,173,181,173,127,127,176,202,204,186,131,130,176,207,215,212,209,212,212,194,135,137,189,202,207,209,212,215,215,215,215,212,212,209,209,209,209,204,191,139,186,202,215,222,225,225,215,199,134,133,186,202,212,212,207,202,186,131,139,199,204,207,212,204,139,133,141,199,204,202,196,199,204,199,183,138,139,189,199,202,196,138,137,186,204,217,217,207,189,133,122,121,135,191,186,98,87,99,186,191,137,127,191,215,222,215,209,212,217,225,230,230,225,222,217,222,228,228,228,228,217,191,135,194,222,228,225,228,225,127,102,114,139,134,186,194,141,130,186,212,225,230,233,230,230,233,233,217,194,191,196,196,194,194,191,191,199,209,222,228,228,225,215,209,209,207,202,191,196,207,191,121,124,207,212,209,196,194,202,215,225,222,209,209,194,129,139,215,228,233,235,235,233,222,204,189,189,199,204,189,135,136,199,217,228,222,207,196,196,199,204,212,212,196,141,129,113,108,119,204,241,186,120,121,133,141,141,141,189,194,222,235,238,238,235,235,238,238,235,233,233,233,233,235,235,238,238,235,212,46,58,186,139,204,241,243,241,209,97,113,238,235,215,202,181,126,130,131,106,80,95,196,215,228,230,235,238,243,248,246,217,178,161,204,233,170,207,220,186,204,255,222,103,117,202,212,121,123,170,183,199,191,186,186,181,125,125,181,207,217,207,75,31,0,0,0,0,57,117,75,89,105,109,111,173,199,194,186,189,207,225,228,222,181,191,212,119,111,105,207,233,241,246,194,123,243,233,233,241,233,212,183,131,196,225,233,212,127,127,131,137,186,191,191,189,194,204,217,230,233,222,209,202,199,202,220,230,238,125,111,116,139,199,212,225,233,235,230,217,50,87,139,186,179,177,199,209,215,215,212,207,202,215,230,230,230,233,235,235,238,241,243,241,238,230,225,209,129,125,129,133,137,137,189,209,189,100,101,123,202,222,215,202,199,199,195,194,196,209,204,186,137,136,135,136,141,186,141,141,191,199,199,196,202,212,217,212,199,191,190,191,199,195,196,199,191,196,217,233,238,238,238,238,241,241,230,207,189,186,194,204,207,196,189,189,191,191,194,207,217,212,207,202,191,186,186,190,196,215,230,235,238,230,207,189,194,194,137,186,194,204,215,230,238,235,230,233,238,235,238,225,202,109,0,1,101,109,204,202,124,125,217,230,238,241,238,67,68,233,243,143,127,125,191,204,202,189,100,90,101,133,215,238,246,248,248,243,230,133,39,1,5,0,19,196,137,119,115,119,119,107,91,89,109,129,133,113,93,89,95,99,97,105,95,55,29,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,75,75,31,222,228,230,225,225,230,225,209,173,164,161,157,159,173,204,215,217,207,165,65,81,170,181,183,170,204,215,215,225,230,196,82,82,94,123,170,170,129,127,173,194,202,199,181,131,178,194,202,207,199,199,207,202,194,212,217,243,233,113,37,87,217,228,233,230,225,228,233,228,215,209,212,204,202,209,139,129,133,215,228,230,230,230,225,222,222,222,217,215,212,202,120,127,194,145,196,215,217,222,228,222,212,204,203,212,225,225,217,213,222,222,202,198,207,215,215,212,211,212,215,225,230,230,228,228,230,230,228,222,225,228,230,228,225,222,222,217,215,215,209,139,127,194,217,222,222,225,225,225,225,225,225,225,225,228,230,233,235,238,238,238,238,235,233,230,228,222,217,217,216,217,225,222,194,107,81,95,125,137,186,196,207,209,212,212,215,217,222,217,217,217,217,215,212,212,211,212,215,225,222,115,77,71,75,129,189,199,204,209,212,217,225,217,204,194,191,196,191,181,178,183,199,204,207,209,209,209,209,212,209,207,204,202,202,202,202,202,204,209,212,212,209,202,194,194,204,212,212,209,209,207,204,204,204,207,207,204,202,199,199,199,196,194,191,186,183,176,170,125,121,117,113,113,113,113,113,113,111,105,103,107,109,109,109,109,109,109,109,113,119,123,127,170,178,186,191,191,191,194,196,196,196,196,194,191,194,196,196,196,195,196,199,202,204,207,207,204,204,204,209,212,212,212,209,207,207,209,209,207,204,204,202,202,199,196,196,199,199,199,204,212,212,207,199,198,199,202,202,202,202,202,204,204,204,204,204,204,202,202,207,207,204,204,207,207,207,209,212,215,215,215,212,212,212,212,212,212,215,217,222,222,222,222,225,228,228,225,225,215,207,202,200,202,204,204,209,222,233,238,241,243,246,246,246,243,238,235,233,233,230,228,222,217,215,212,212,209,207,207,209,212,212,207,204,207,212,217,222,222,222,225,225,222,217,215,217,225,228,230,230,233,233,233,233,235,235,235,235,235,235,235,235,235,238,238,241,241,238,235,233,230,233,233,233,233,230,230,228,228,230,228,225,228,228,230,230,230,230,230,230,230,230,230,230,230,233,235,235,235,235,238,241,243,243,243,243,243,243,241,241,238,238,241,241,241,238,238,238,241,243,246,246,246,251,255,255,255,255,255,255,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,145,135,129,115,109,93,87,87,87,87,89,81,71,61,51,45,37,37,41,43,43,51,57,87,90,103,103,87,82,79,82,90,90,79,41,17,0,0,0,0,0,0,0,0,0,0,0,4,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,7,7,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,215,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,137,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,4,0,0,0,0,0,0,0,0,0,7,0,35,25,0,0,0,0,27,27,20,0,0,0,40,0,0,0,0,176,196,163,118,74,61,72,87,87,61,61,61,53,29,29,15,0,0,0,0,0,0,0,186,126,90,48,7,21,59,53,33,64,131,137,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,98,157,212,255,255,255,254,235,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,90,85,43,0,0,0,0,1,27,43,25,0,0,0,0,0,0,0,157,157,95,15,0,15,85,45,0,0,0,0,0,0,43,108,137,144,137,99,92,111,165,189,173,152,144,118,65,41,23,0,0,0,0,0,0,7,0,0,0,0,0,0,27,49,63,77,131,165,194,202,204,212,212,212,212,202,196,194,194,194,194,202,202,183,125,125,125,124,173,189,194,183,125,107,109,121,123,123,113,110,110,110,110,107,110,160,181,191,199,199,186,178,183,191,191,165,113,121,178,181,170,121,119,119,121,170,186,199,199,186,181,178,178,119,101,96,98,109,168,181,183,189,191,189,199,196,196,196,196,196,183,168,160,160,157,111,93,70,68,83,160,181,173,168,165,117,117,160,168,170,178,194,202,209,209,207,199,191,183,183,196,202,196,186,181,170,168,176,183,183,176,160,109,99,103,75,5,0,0,0,17,63,93,113,168,176,178,168,107,79,66,91,233,255,255,241,241,241,238,222,196,196,209,209,194,170,144,65,13,0,0,0,0,0,0,0,0,9,59,126,126,113,71,71,77,116,77,67,59,71,97,152,165,176,183,178,173,178,209,228,228,217,207,186,178,178,186,196,207,196,196,196,196,196,196,194,183,168,123,123,121,109,103,109,168,176,163,95,71,77,101,121,176,178,189,191,186,131,129,183,217,235,225,222,228,238,235,209,183,131,131,183,209,235,254,255,243,217,186,123,103,98,103,115,121,121,157,115,115,109,101,95,77,71,67,65,65,67,79,101,152,165,176,176,165,139,91,73,71,71,71,71,71,77,85,91,129,131,131,124,77,71,61,57,53,47,39,31,27,25,25,25,25,27,25,25,25,27,33,43,51,51,59,75,124,118,111,142,168,176,150,124,75,67,59,57,59,59,65,67,79,134,142,150,150,155,160,163,168,155,134,71,65,71,77,71,67,65,61,59,65,95,150,142,95,87,97,142,150,160,170,178,194,196,186,170,150,95,74,74,103,170,178,170,142,49,44,71,150,168,168,155 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,137,121,0,0,0,0,0,0,0,0,0,98,163,163,173,207,207,98,150,228,170,168,183,196,204,222,79,0,0,0,0,147,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,134,142,170,183,191,189,186,191,189,168,89,23,0,0,69,209,222,225,220,207,186,163,189,207,202,194,170,165,125,127,176,191,209,217,217,217,217,217,217,222,225,228,230,230,230,215,181,129,129,131,129,124,121,125,178,173,130,130,183,212,217,212,212,217,217,204,181,137,191,202,207,209,212,215,215,215,209,207,204,202,202,202,204,199,139,134,136,194,212,217,222,225,225,215,137,134,141,199,215,217,212,204,137,114,126,204,204,203,209,202,133,127,131,191,202,199,195,196,202,196,139,137,139,189,199,207,204,194,186,199,212,220,217,212,207,199,125,120,125,189,135,98,87,101,189,189,135,125,139,207,212,207,207,215,222,228,230,230,225,217,216,217,225,230,230,228,207,137,145,207,204,199,196,207,212,189,123,204,217,202,191,199,199,189,137,202,222,230,233,230,230,235,238,215,185,185,187,191,196,194,187,187,199,217,228,228,225,217,212,207,202,202,202,139,131,139,141,117,108,194,204,204,196,196,209,225,230,230,207,191,132,133,204,222,228,233,233,233,230,222,204,189,189,204,207,196,137,134,139,199,212,212,202,194,196,196,199,207,212,204,196,137,114,107,115,199,233,119,109,111,124,137,137,136,141,196,217,235,238,241,238,235,235,235,235,233,233,233,233,235,238,241,238,233,121,33,91,222,225,228,238,243,238,209,113,115,189,207,204,186,117,117,135,191,127,109,125,186,202,217,222,225,235,233,241,241,233,204,156,170,191,215,233,235,225,222,241,215,181,181,191,117,69,101,117,183,191,194,196,199,186,121,123,199,222,228,225,207,186,31,0,0,0,0,0,0,59,97,115,125,186,209,194,133,133,202,230,235,228,74,80,99,92,101,105,191,215,235,233,202,194,204,209,217,217,189,127,121,127,207,241,243,235,217,131,123,125,129,137,137,131,139,204,217,225,230,222,207,202,200,202,199,194,207,196,114,115,139,202,217,230,235,233,222,204,103,121,212,199,169,168,217,235,235,230,225,212,204,217,233,228,224,228,233,235,235,238,241,241,238,238,238,241,228,191,132,129,133,137,194,212,209,111,108,135,215,222,209,196,195,196,196,199,204,209,204,189,139,137,137,141,189,137,137,191,194,191,191,191,199,217,222,209,202,196,194,191,199,207,202,194,191,204,222,230,235,238,238,241,238,238,228,209,196,191,194,199,196,189,189,199,202,202,199,204,209,207,204,204,194,190,199,204,207,217,238,243,241,225,199,143,194,199,189,143,189,194,204,215,217,217,217,230,238,238,235,230,83,0,0,0,0,67,217,196,126,194,209,222,225,225,186,41,71,228,207,125,121,125,209,215,199,123,97,98,123,135,199,228,235,238,241,246,246,131,93,123,133,121,133,233,225,212,199,189,127,97,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,35,21,0,0,17,53,29,43,89,85,37,25,95,199,209,212,222,225,225,222,212,209,215,217,199,168,161,165,191,215,217,225,230,230,225,189,119,123,176,194,202,215,222,225,228,217,178,85,95,125,189,191,131,119,120,181,202,215,217,202,129,127,181,202,207,191,186,191,176,164,178,202,215,117,71,58,199,225,228,228,228,225,225,228,230,225,217,215,215,212,207,115,120,123,212,225,228,228,225,222,220,222,222,215,194,139,127,111,122,141,145,209,212,209,212,217,222,217,215,215,228,230,230,220,213,215,212,196,190,202,212,212,212,212,215,215,222,228,230,230,230,230,230,225,222,225,228,230,228,225,225,225,228,222,204,145,125,123,202,215,217,222,225,225,225,225,228,228,225,225,228,230,233,235,238,238,238,235,235,233,230,230,228,225,222,217,217,222,209,133,113,113,139,196,194,191,196,207,212,215,215,215,217,217,217,217,222,222,217,215,215,212,212,215,222,217,123,103,105,109,139,191,199,204,209,212,217,222,217,209,202,199,199,189,178,177,183,196,199,202,202,204,207,209,212,212,209,204,202,202,202,202,200,202,207,212,212,207,194,140,141,196,209,212,209,209,209,209,207,207,207,204,204,202,199,199,196,194,191,186,183,181,176,170,127,123,119,115,113,112,112,113,113,109,103,101,103,107,111,111,109,108,108,109,113,119,123,170,173,176,183,194,196,194,194,196,194,194,196,194,191,194,196,199,196,195,195,196,202,204,204,204,204,204,207,209,209,212,212,209,209,207,207,207,207,204,204,202,199,196,196,196,202,202,202,207,212,212,209,202,198,199,199,199,199,196,199,202,202,202,202,204,204,204,202,204,204,204,204,209,209,207,207,209,212,215,212,212,212,212,212,212,212,212,215,217,217,222,222,225,228,228,228,225,215,207,200,199,202,204,204,207,217,233,241,241,243,246,248,246,243,238,233,230,230,233,230,225,217,212,209,209,209,207,204,207,209,209,202,199,202,209,222,228,228,225,225,225,222,217,215,217,222,225,228,228,230,233,233,233,235,235,235,235,235,235,235,235,235,238,238,241,241,238,233,230,228,228,230,230,230,230,228,226,228,230,230,228,225,228,228,230,230,230,230,230,230,230,228,228,228,228,228,230,230,233,235,238,241,243,243,243,243,243,241,241,241,241,241,241,241,238,235,235,241,243,243,246,248,254,255,255,255,255,255,255,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,141,129,123,113,103,91,87,85,85,85,85,81,65,57,47,37,29,29,35,39,41,55,67,111,118,131,131,118,111,108,111,116,111,87,33,0,0,0,0,0,0,0,0,0,0,0,12,12,17,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,183,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,204,144,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,27,0,0,0,48,74,0,0,0,202,217,178,129,77,53,61,64,53,40,42,47,56,56,61,29,0,0,0,0,0,0,0,165,82,43,1,0,0,35,46,46,98,155,155,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,92,168,241,255,255,255,255,241,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,74,59,25,0,0,0,0,1,20,30,30,0,0,0,0,0,0,0,147,160,129,59,15,29,77,72,3,0,0,0,0,25,129,186,196,152,108,85,85,108,173,196,181,168,165,129,69,41,25,3,0,0,0,0,0,1,0,0,0,0,0,0,9,19,11,11,41,134,194,215,212,217,217,217,212,207,196,194,199,202,199,199,199,186,173,125,120,119,125,181,183,176,115,107,109,123,183,191,183,173,160,160,121,113,115,165,183,191,191,191,178,173,183,186,160,91,81,105,165,170,165,119,113,119,121,165,173,178,181,181,178,170,119,103,98,99,107,125,176,183,189,189,189,186,189,189,194,196,196,196,170,111,103,157,168,117,87,65,62,71,119,181,173,170,170,163,160,170,170,173,178,186,199,207,202,207,207,199,183,181,189,189,178,176,181,183,178,170,168,157,157,157,115,87,71,55,15,0,0,0,31,73,95,111,170,196,183,163,125,170,123,173,233,255,255,255,255,251,241,222,196,196,212,217,196,186,155,65,0,0,0,0,0,0,0,0,0,47,126,157,160,150,134,116,77,87,77,67,73,89,144,160,168,176,178,178,176,189,209,230,230,217,209,186,178,178,178,186,196,196,196,194,186,186,186,183,183,183,178,176,123,107,89,88,103,168,168,115,101,109,125,176,176,176,183,194,183,129,124,131,215,235,235,228,235,254,248,225,183,121,119,129,189,220,243,254,241,215,183,125,115,111,117,123,165,160,115,109,109,109,101,87,67,64,65,67,71,77,91,103,152,165,176,176,157,101,77,67,67,67,67,67,61,67,71,85,124,131,131,124,113,77,71,65,57,47,39,33,31,29,27,25,23,23,25,23,23,21,23,27,41,51,59,73,111,111,118,142,168,168,142,75,65,55,51,51,55,55,55,55,61,73,95,134,144,160,168,170,176,163,137,77,67,71,71,65,59,59,59,59,71,134,144,134,77,77,99,150,168,168,170,176,186,196,186,170,144,91,74,77,150,178,170,147,85,45,45,91,168,176,160,152 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,121,118,0,0,0,0,0,0,0,0,0,0,121,147,160,168,144,113,150,186,165,165,181,189,196,212,189,17,0,0,43,207,207,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,150,144,168,181,191,191,183,186,186,147,19,0,0,93,212,225,225,220,204,157,168,186,204,212,215,212,186,165,123,125,170,183,199,209,215,217,220,217,216,217,225,225,225,225,222,204,178,128,126,128,131,126,116,116,127,173,173,131,176,196,207,212,215,217,212,191,135,178,191,202,204,209,215,217,217,212,207,202,196,194,194,194,196,194,139,134,136,196,215,222,222,222,228,230,194,137,141,194,209,217,215,209,135,104,120,204,204,204,209,204,141,128,129,186,199,196,195,196,202,196,186,138,183,191,199,207,207,199,191,204,217,222,217,215,215,217,212,131,123,129,129,119,123,202,212,189,125,123,131,202,209,205,207,217,222,225,228,225,225,217,217,222,225,228,230,228,204,133,199,215,143,119,122,196,215,212,212,228,228,230,191,194,202,199,133,139,212,225,228,228,230,235,233,194,168,181,187,196,209,207,187,186,202,225,230,228,222,212,207,204,202,202,202,131,121,121,131,121,99,186,196,199,196,199,209,222,225,215,194,133,128,133,222,230,233,233,230,228,228,222,207,196,194,199,196,191,137,134,136,191,202,204,199,194,196,199,199,207,215,215,215,209,191,131,139,207,215,204,139,125,129,137,139,136,136,194,215,230,238,243,241,238,235,235,235,233,233,233,233,235,238,238,233,217,42,6,125,254,243,238,233,238,243,228,186,131,183,186,204,135,101,115,207,228,238,225,189,133,178,209,212,207,222,228,233,235,233,222,181,189,199,225,235,235,191,199,199,183,157,170,181,95,62,93,89,202,204,209,215,212,183,105,111,212,233,233,233,235,255,95,0,0,0,0,0,0,0,0,125,178,189,183,129,127,133,209,233,230,215,69,67,76,75,105,117,137,189,217,233,176,176,190,196,196,196,122,120,117,199,230,243,241,238,212,115,114,118,119,122,131,130,139,207,209,204,212,207,202,209,225,225,202,187,191,199,127,189,186,199,217,230,233,230,217,202,199,204,230,225,172,173,225,238,235,233,230,209,191,207,230,230,224,225,230,233,238,238,238,238,235,233,238,243,238,222,196,133,132,135,186,202,209,215,207,199,202,204,196,194,195,199,209,222,215,217,212,199,189,141,191,212,209,133,131,196,196,141,139,189,191,209,212,196,195,202,204,207,215,222,209,186,186,202,212,215,228,233,238,241,238,233,225,204,194,189,186,186,189,189,199,215,217,209,202,196,199,204,215,225,207,196,212,209,207,212,238,241,233,202,143,141,196,204,196,189,189,191,202,209,202,138,196,230,235,238,238,238,55,0,0,7,15,115,225,118,117,196,131,130,135,141,113,18,70,199,141,123,118,129,212,209,191,137,127,137,139,143,196,215,228,233,238,241,241,228,212,189,133,202,241,238,241,238,235,241,248,238,129,69,0,0,0,0,27,39,33,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,89,189,191,111,27,71,178,183,215,228,228,194,178,204,204,204,220,225,228,225,225,215,189,169,168,173,170,165,186,202,215,222,228,230,228,217,207,189,170,170,196,212,217,222,222,222,209,189,127,173,183,186,183,129,122,126,196,215,225,222,199,127,125,176,194,202,189,182,183,176,160,165,178,191,123,91,95,212,222,228,228,225,228,225,225,225,225,225,220,217,215,202,94,115,123,212,222,217,217,217,217,217,222,222,212,124,125,127,123,137,145,140,207,209,204,207,212,217,217,222,225,228,230,228,225,217,217,212,198,194,204,212,212,211,215,215,212,217,228,230,230,233,233,228,222,222,225,228,228,228,228,228,230,233,228,194,127,115,127,225,222,217,222,225,228,228,228,230,230,225,225,228,230,233,235,238,238,235,233,233,233,233,233,233,230,228,217,217,215,196,127,123,141,196,204,196,187,189,196,207,215,217,217,217,217,220,222,222,222,222,222,217,215,215,217,222,215,137,125,139,183,191,191,196,204,209,215,215,215,212,209,207,207,202,194,181,179,183,191,194,194,196,199,204,209,212,209,204,202,202,202,204,202,200,200,202,207,209,204,143,136,136,189,207,212,209,209,209,209,209,207,204,202,202,199,196,196,194,191,186,183,181,178,176,170,168,125,121,117,113,112,111,113,115,113,107,103,105,109,111,111,108,108,108,109,113,117,123,173,178,176,181,194,196,196,196,196,194,194,194,191,191,194,196,196,196,195,195,196,202,204,204,204,204,204,204,204,204,207,209,209,207,204,204,204,204,204,204,202,199,196,195,196,202,204,204,207,209,212,209,204,199,199,199,199,196,194,194,199,202,199,199,204,207,204,204,202,202,199,202,207,209,207,207,209,212,215,215,215,215,215,215,215,212,212,212,215,217,222,222,225,228,228,228,225,215,204,199,199,202,204,204,207,217,233,241,243,243,246,246,246,243,238,233,230,230,233,230,225,215,209,207,207,207,204,204,207,209,207,202,196,198,207,222,230,233,230,225,222,217,217,215,217,222,225,225,228,230,230,233,233,235,235,238,238,235,235,235,235,235,238,238,238,238,235,230,228,226,226,228,230,230,230,230,228,230,235,235,230,225,225,225,228,228,228,228,228,228,228,228,228,225,225,225,225,228,230,233,235,241,241,243,243,243,243,241,241,241,241,241,241,238,238,235,235,238,241,243,248,254,255,255,255,255,255,255,255,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,139,133,123,115,107,101,91,91,91,85,83,77,59,49,39,29,27,29,35,41,49,61,111,131,139,147,139,131,131,131,131,131,116,87,33,0,0,0,0,0,0,0,27,43,35,30,22,14,17,33,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,165,142,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,0,0,255,255,0,255,230,186,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,27,0,0,40,59,46,0,0,0,202,157,124,85,53,53,53,40,38,40,43,53,64,64,29,19,17,0,0,0,0,225,134,56,1,0,0,0,0,0,19,72,105,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,105,191,255,255,255,255,255,251,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,56,38,14,0,0,0,0,7,20,30,46,38,17,9,0,0,0,0,0,157,147,100,53,35,43,41,23,17,5,0,0,13,129,204,212,165,105,86,92,134,194,204,183,168,173,142,100,43,29,7,0,0,0,0,0,9,7,1,0,0,0,0,7,7,0,0,0,65,170,209,217,212,212,212,212,212,199,194,194,199,194,194,194,189,176,125,120,119,125,168,168,115,107,101,101,113,181,199,199,189,173,183,183,173,160,173,183,183,183,178,165,170,181,178,97,57,51,101,165,170,121,112,110,112,119,121,113,111,121,173,181,165,109,98,98,103,117,168,176,189,191,191,189,181,181,181,189,196,196,178,111,97,100,160,173,157,89,65,62,73,163,183,173,165,168,170,176,181,183,178,178,186,194,194,194,202,202,199,183,178,178,163,159,168,183,183,170,157,157,150,150,152,109,77,61,59,43,0,0,0,31,77,105,111,170,178,109,79,117,215,217,217,241,255,255,255,255,255,241,222,196,191,209,217,209,189,160,59,0,0,0,0,0,0,0,0,9,73,155,181,181,160,142,116,77,89,77,73,77,134,152,160,168,173,178,176,176,189,217,230,230,222,209,189,178,176,178,186,196,196,196,194,186,178,176,178,183,194,194,178,123,97,80,78,89,123,176,170,125,170,183,186,176,170,176,189,194,131,126,176,217,246,246,241,243,255,255,238,194,125,118,118,131,207,228,235,225,207,186,178,129,168,165,165,165,121,109,101,101,109,101,77,63,63,64,71,77,85,97,139,150,157,165,160,150,93,71,61,61,61,61,57,57,57,61,71,85,124,131,131,124,113,77,71,61,49,41,39,35,35,31,25,23,21,21,23,19,15,15,17,25,41,51,67,79,124,134,150,170,168,134,71,55,47,47,47,51,51,51,51,51,59,71,95,142,163,176,183,183,170,142,87,73,73,71,59,57,59,65,65,77,134,134,79,59,65,91,152,168,168,163,163,178,194,186,163,105,95,89,103,170,178,150,77,53,39,47,109,178,176,160,155 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,27,0,0,0,0,0,0,0,0,0,0,0,9,59,82,51,22,126,157,147,163,176,181,183,194,186,165,0,0,105,202,220,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,105,137,113,74,150,183,194,191,181,181,183,139,17,51,91,202,222,225,225,217,189,91,139,183,202,215,225,222,207,176,123,123,127,170,183,194,202,212,215,217,217,217,222,222,217,215,196,176,131,128,127,128,176,178,173,126,129,178,178,131,129,181,189,204,212,215,204,181,135,178,189,196,204,212,217,222,222,215,204,199,196,194,194,191,189,186,141,138,141,202,215,222,222,222,230,222,199,191,191,196,207,215,222,207,128,122,129,196,202,202,207,204,196,191,191,194,196,196,196,199,199,199,194,186,139,183,191,204,212,212,202,212,222,225,220,222,222,222,220,135,123,125,123,129,137,196,207,125,113,115,125,212,209,207,209,220,222,222,222,222,225,225,225,228,230,230,230,225,209,202,207,204,135,118,108,204,222,222,225,217,215,217,196,196,209,209,141,135,186,209,215,222,228,228,207,189,182,191,194,202,212,202,186,189,222,230,230,228,222,212,207,204,207,209,207,194,128,125,135,189,186,191,191,194,199,196,199,199,186,141,137,130,128,199,228,235,235,233,230,228,228,222,212,204,207,209,111,115,137,139,139,186,191,194,196,191,194,199,196,199,209,217,228,215,204,222,228,222,222,212,212,209,209,217,204,141,136,139,204,225,235,241,243,238,235,234,235,233,230,233,233,233,235,233,217,61,0,37,141,248,246,235,233,233,235,228,207,196,189,202,215,230,191,196,217,217,228,215,194,127,125,191,199,202,207,209,215,222,222,212,199,196,204,220,228,222,168,146,165,168,160,183,191,119,97,127,217,228,230,230,225,220,66,38,105,217,225,207,204,215,186,49,0,0,0,0,0,0,0,0,181,189,112,116,125,129,194,212,217,217,202,183,194,101,95,181,115,123,137,202,204,160,157,191,194,186,204,176,126,129,228,238,241,246,238,204,120,120,121,117,119,189,217,225,204,105,103,133,191,204,230,235,235,233,222,204,202,207,209,194,181,212,230,230,225,215,217,225,228,235,235,207,199,217,233,235,230,230,196,121,189,217,228,225,225,228,235,238,241,238,238,233,233,238,238,238,238,222,199,135,139,134,134,207,222,225,217,189,189,196,199,199,204,217,238,207,209,207,196,196,196,196,209,212,130,127,141,191,139,136,138,186,202,204,191,191,204,212,215,212,215,207,185,181,186,194,191,199,215,230,235,235,230,212,189,186,141,132,134,189,194,204,217,222,207,194,191,194,204,222,228,207,133,209,204,196,196,230,228,204,137,137,189,207,209,202,196,189,199,204,186,124,124,139,228,238,235,241,243,131,0,65,127,129,199,202,121,117,113,103,117,128,139,135,115,123,202,204,139,125,137,199,196,132,133,196,191,207,215,222,225,230,233,233,230,228,230,215,202,204,222,235,241,241,243,238,241,246,241,238,248,131,0,0,0,37,91,209,212,107,0,0,0,0,0,0,0,0,0,0,0,0,0,0,107,196,202,204,189,178,207,228,228,230,230,238,228,225,215,207,209,228,233,230,228,228,209,173,164,165,191,199,202,212,225,225,225,225,225,209,202,202,183,169,194,212,217,225,222,212,202,194,191,189,127,127,173,181,189,196,196,212,222,222,191,128,131,189,189,191,194,194,194,183,183,177,183,191,127,97,123,222,228,230,228,225,225,225,224,224,224,225,225,225,222,217,110,121,137,222,215,196,207,215,215,217,215,194,133,118,129,141,141,143,194,204,212,209,204,204,209,215,217,222,222,225,225,225,225,225,222,215,207,204,209,215,215,217,217,212,209,215,225,230,230,230,230,228,222,222,225,225,228,228,228,230,230,233,235,123,85,106,225,230,225,222,225,228,228,228,230,233,230,225,225,225,228,230,233,235,235,233,233,233,235,235,235,235,233,230,225,222,215,194,137,141,196,204,202,199,194,189,186,191,207,215,220,217,217,222,222,222,222,225,222,217,215,215,215,212,202,137,137,191,196,196,194,196,204,209,212,209,209,207,207,207,207,204,196,191,189,189,186,186,189,191,196,202,209,209,204,199,196,199,202,204,204,200,200,204,207,207,202,143,137,138,191,207,209,209,209,209,209,209,207,204,199,196,196,194,194,191,189,186,181,176,176,173,170,168,125,123,121,115,112,112,113,115,115,111,107,107,109,111,109,108,109,109,109,111,115,125,176,181,181,183,189,191,194,194,196,194,194,196,196,194,194,194,196,196,196,196,199,204,209,209,204,204,202,199,196,194,196,202,204,202,199,196,196,199,202,204,202,199,196,195,196,202,207,209,207,207,209,209,204,204,202,199,196,194,191,191,196,199,199,202,207,209,209,204,202,199,196,196,202,207,204,207,212,215,215,222,222,217,215,215,215,212,211,211,212,215,217,222,222,225,225,228,225,215,204,199,199,200,204,207,212,217,230,238,243,243,243,243,243,241,238,233,228,228,230,228,222,209,204,202,204,204,204,207,209,212,209,199,196,196,202,212,225,230,230,225,222,217,215,215,217,222,225,228,228,230,230,233,233,233,235,238,238,235,235,235,235,235,235,235,235,233,230,226,226,226,226,228,230,230,230,233,235,238,241,238,233,228,225,225,225,225,225,222,222,222,225,228,228,225,224,224,224,225,228,233,235,238,241,243,243,241,241,241,241,241,241,238,238,235,235,235,235,238,243,246,248,255,255,255,255,255,255,255,255,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,139,133,127,119,113,109,107,107,97,89,79,65,53,43,35,29,23,23,29,49,61,111,118,0,0,0,0,139,139,147,147,131,108,77,33,0,0,0,0,0,0,15,0,0,0,43,40,46,38,40,33,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,121,98,77,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,196,0,255,255,0,255,255,0,0,0,0,0,0,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,17,0,0,22,40,40,0,0,0,124,92,121,116,66,46,46,46,56,56,47,56,64,48,23,48,72,0,0,0,147,139,92,19,0,0,0,0,0,0,0,27,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,147,233,255,255,255,255,255,255,243,220,0,0,0,0,0,0,0,0,0,0,0,0,131,77,46,46,43,14,0,0,3,9,20,35,51,64,0,0,0,0,0,0,0,144,147,131,113,95,77,69,47,47,45,11,0,0,0,95,155,155,121,105,121,173,209,215,196,181,178,155,124,67,35,15,0,0,0,0,3,15,11,0,0,0,0,3,5,0,0,0,0,35,124,170,194,196,191,191,196,202,196,194,194,189,189,194,194,186,176,163,163,163,163,163,115,105,101,101,101,101,160,183,191,173,157,173,183,173,160,160,173,173,173,170,160,160,178,111,27,13,23,103,165,165,121,112,110,112,113,113,111,105,105,121,178,170,111,100,99,107,117,168,176,189,191,191,189,181,178,173,181,189,189,163,97,94,103,168,168,157,95,70,68,89,173,183,166,161,168,176,186,191,189,178,178,183,186,189,194,202,202,199,191,176,159,152,159,178,194,178,155,148,160,168,168,150,89,75,73,81,71,33,1,0,13,95,170,163,109,95,58,61,176,243,243,241,254,255,255,255,255,255,255,230,196,192,212,220,212,189,160,59,0,0,0,0,0,0,0,0,15,103,160,181,170,152,126,116,126,134,89,79,89,144,170,170,168,170,170,169,170,189,217,230,230,222,209,189,178,173,178,196,207,209,209,196,186,173,172,176,186,207,196,178,121,89,78,78,91,168,183,181,176,183,196,194,176,129,129,183,194,178,130,183,217,241,246,241,246,255,255,248,217,183,121,115,118,189,217,217,209,196,194,191,186,183,176,165,123,121,107,95,89,95,87,71,63,65,65,71,79,97,107,139,139,150,152,150,142,93,71,59,53,55,53,53,52,53,55,61,67,87,124,129,124,126,113,77,67,53,45,45,47,45,39,29,25,19,19,19,19,13,12,13,19,29,41,57,75,129,142,152,163,152,126,65,51,46,47,51,51,47,47,51,51,51,59,77,134,160,178,196,196,176,142,87,87,91,77,61,59,67,73,77,77,95,95,65,47,47,71,142,160,163,163,161,170,183,170,105,87,91,103,150,160,160,97,51,33,28,49,150,176,176,163,160 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,100,160,173,170,170,181,186,183,0,0,0,134,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,142,137,72,41,79,189,196,183,173,176,168,129,79,91,173,215,222,222,225,222,207,163,176,194,202,212,225,228,217,183,122,121,122,127,176,181,183,191,196,209,215,212,207,204,204,176,125,125,170,176,170,129,178,209,212,199,183,176,173,129,126,129,176,191,202,204,199,186,181,181,189,196,204,215,217,217,222,215,207,207,204,202,196,189,140,141,141,141,186,194,207,217,222,225,225,212,202,199,199,199,204,212,215,202,135,128,137,194,199,196,199,199,196,191,191,194,194,196,202,202,199,196,194,186,135,127,119,191,209,217,215,220,222,222,225,225,222,222,209,121,121,121,113,115,137,194,129,103,106,109,117,202,207,209,215,225,225,221,220,222,228,230,230,230,230,233,230,228,215,199,145,137,125,119,115,215,217,217,217,199,189,191,196,204,215,217,204,189,186,196,212,217,209,199,196,196,199,202,199,199,196,194,192,204,225,230,230,228,225,215,207,207,212,217,220,217,209,191,191,202,202,196,191,189,189,186,186,141,137,135,135,135,186,217,230,233,235,235,233,230,228,222,212,212,222,230,112,112,129,139,186,141,139,140,191,194,196,196,186,189,209,222,217,204,204,225,230,230,228,212,212,212,215,217,207,189,136,132,189,217,230,238,241,241,235,235,235,235,230,233,235,228,209,196,207,141,49,45,230,243,238,233,230,230,230,225,217,209,196,212,230,238,235,222,199,191,199,194,133,117,121,181,196,202,199,194,191,196,199,199,196,195,202,212,212,199,144,138,170,202,207,222,204,119,115,222,235,233,235,233,222,194,67,60,125,207,204,112,115,113,35,0,0,0,0,0,0,0,0,0,121,220,108,120,129,181,196,207,207,204,189,172,194,212,204,202,83,87,137,189,202,178,168,199,191,182,186,181,131,125,194,235,248,246,233,117,118,131,186,181,194,225,233,235,235,118,104,121,209,225,233,238,238,238,235,225,215,209,199,186,191,217,228,225,220,215,217,222,225,228,235,230,199,183,196,222,212,209,125,111,127,204,222,225,225,228,235,241,243,241,235,233,233,235,238,241,238,222,199,139,191,199,194,189,199,215,202,118,137,209,217,209,199,202,202,179,179,191,196,196,196,194,194,141,128,128,141,191,139,135,136,191,207,212,196,194,202,209,207,191,189,186,182,183,189,189,181,178,191,215,228,230,215,139,131,191,139,124,132,194,196,199,212,215,196,189,191,194,202,212,212,137,118,199,199,191,187,199,196,138,132,136,194,209,212,199,194,202,209,207,186,128,128,189,228,238,233,243,243,220,29,97,186,202,204,204,194,133,117,108,196,222,235,233,217,217,235,238,230,212,204,196,139,131,132,143,202,222,233,235,235,233,230,225,209,136,189,204,209,212,217,230,241,243,241,238,235,238,238,243,254,255,27,0,0,0,65,225,251,254,109,9,0,0,0,0,0,0,0,0,1,11,0,25,160,194,207,215,217,212,222,235,235,233,230,230,233,230,222,217,76,217,228,228,228,230,225,202,181,183,207,207,196,209,228,228,228,225,212,194,194,209,199,183,194,207,217,225,222,207,196,196,202,196,125,124,133,199,215,215,199,196,199,199,183,129,176,191,191,194,199,202,199,194,194,196,209,222,123,85,127,230,233,230,228,225,225,225,225,225,225,225,228,230,230,225,122,137,199,217,199,128,191,230,228,217,202,139,137,143,191,191,191,194,204,217,225,215,203,203,209,217,220,217,220,222,222,222,225,225,225,220,215,212,215,222,222,225,222,215,211,212,217,225,228,230,230,228,225,225,228,225,225,225,228,230,233,230,212,103,95,125,225,228,222,225,228,228,228,230,233,233,228,225,222,222,225,228,230,233,233,233,233,233,235,235,235,233,230,228,225,225,217,202,194,202,207,207,204,204,204,196,186,135,133,199,212,217,217,225,225,222,221,225,225,222,217,215,209,202,191,183,186,194,196,199,199,202,204,204,204,204,202,202,202,204,204,202,199,196,196,191,186,183,186,189,194,202,207,207,202,194,192,196,202,204,204,202,204,207,209,204,199,189,141,143,199,207,209,209,209,209,207,207,204,202,199,194,194,191,191,191,189,186,181,176,173,170,129,127,125,125,123,119,115,113,115,117,115,113,109,109,111,109,109,109,113,113,113,113,117,125,178,186,186,186,183,183,186,189,194,196,196,199,196,196,194,194,196,199,199,202,202,207,212,209,204,204,199,194,192,190,191,194,196,196,194,192,194,195,199,202,202,199,196,195,196,202,207,209,207,207,209,207,204,202,199,199,196,196,191,189,191,194,199,204,209,212,212,209,204,199,196,196,199,204,204,209,215,215,215,220,222,217,213,213,215,212,211,211,212,215,217,217,222,222,225,228,225,217,209,204,202,202,207,212,215,222,230,235,241,241,241,241,241,241,238,230,225,225,225,225,220,209,204,202,202,202,204,207,212,212,209,202,196,196,199,207,217,225,225,225,222,217,215,215,217,222,228,230,230,233,233,233,233,233,235,235,235,233,233,235,235,235,235,233,233,230,228,226,226,228,228,230,233,230,230,233,235,241,241,238,235,230,228,228,228,225,222,221,220,220,222,225,228,225,225,224,225,225,228,233,235,241,241,243,243,243,243,243,243,241,241,238,235,235,234,235,235,241,243,248,251,255,255,255,255,255,255,255,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,139,137,133,127,123,119,155,113,101,87,69,55,43,35,33,29,23,29,35,55,103,131,0,0,0,0,0,147,139,147,139,118,100,69,33,13,0,0,0,0,7,0,0,0,0,0,64,79,79,66,40,14,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,103,79,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,0,255,255,0,255,0,0,0,0,0,251,196,181,189,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,0,0,0,12,27,30,27,66,85,74,95,160,157,77,46,53,79,79,72,56,48,48,23,15,111,147,15,0,0,40,72,59,0,0,0,0,0,0,11,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,191,255,255,255,255,255,255,255,255,243,0,0,0,0,0,0,0,0,0,0,0,0,118,77,64,74,69,43,9,7,9,17,27,35,51,0,0,0,0,0,0,0,0,129,137,139,139,129,111,95,90,87,79,25,0,0,0,25,134,173,155,142,155,189,215,215,202,189,189,183,152,124,67,35,9,0,0,0,0,5,1,0,0,0,0,9,5,0,0,0,0,31,81,150,176,178,168,168,186,189,189,189,183,182,183,189,194,194,183,176,176,183,183,173,123,107,100,101,101,109,160,173,157,95,88,101,160,160,113,107,113,113,113,160,165,165,113,75,14,10,13,103,165,170,157,157,113,113,119,111,99,91,91,107,173,178,119,111,105,103,111,125,181,183,183,183,183,178,173,165,170,173,176,115,99,100,113,160,113,113,111,89,77,89,165,178,166,164,173,189,194,189,186,178,178,178,186,186,194,202,202,204,199,176,156,157,170,194,202,183,157,152,160,160,109,87,75,81,105,155,101,55,9,0,0,101,194,178,105,68,53,61,183,243,254,254,255,255,255,255,255,255,255,233,202,199,222,230,217,189,152,51,0,0,0,0,0,0,0,0,37,113,152,163,155,144,137,137,144,152,134,89,134,160,189,191,186,178,170,166,169,186,209,228,230,222,209,189,178,176,186,196,209,196,207,207,189,178,173,178,194,199,199,186,168,101,82,83,109,173,183,181,176,183,207,207,178,125,125,176,183,178,176,194,225,246,246,241,241,254,255,254,228,207,135,115,116,183,207,194,194,196,204,204,196,191,186,176,168,121,107,85,71,71,75,71,67,71,79,85,93,103,107,103,139,144,144,134,97,85,71,57,52,52,52,52,52,52,53,57,67,77,87,113,85,77,71,71,67,57,49,49,53,53,43,33,27,23,21,19,19,13,12,12,0,21,31,47,67,113,134,144,150,137,113,65,57,55,51,47,43,41,45,51,51,51,55,67,95,150,170,183,189,176,142,87,95,129,79,65,61,71,79,79,77,77,73,53,33,28,45,87,150,163,163,163,163,170,152,83,79,83,105,150,150,103,65,33,27,28,53,150,176,176,170,170 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,168,170,160,155,163,189,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,147,126,49,41,45,49,142,155,155,165,163,131,93,147,194,212,215,215,217,222,217,207,204,207,209,215,222,222,217,199,125,121,122,127,178,178,176,173,173,191,202,196,173,101,117,117,115,121,170,176,173,129,129,215,215,207,189,131,129,129,126,126,131,181,183,183,186,186,183,183,191,196,202,209,212,212,215,215,209,207,207,207,202,189,141,141,186,186,186,189,196,209,222,225,222,207,199,196,196,194,196,202,204,196,186,139,186,191,194,191,194,196,191,186,186,186,191,196,202,204,202,199,196,189,135,104,75,125,199,217,225,222,222,222,228,228,222,215,139,80,97,105,115,117,183,212,183,111,106,107,111,196,204,212,222,225,225,222,220,225,230,230,233,230,230,233,233,230,215,191,129,124,124,122,123,215,215,212,212,196,186,189,199,212,217,222,215,202,186,189,209,217,204,195,199,199,194,194,196,199,196,196,202,209,217,225,228,228,225,215,207,207,215,222,225,225,215,194,186,191,196,196,191,183,139,140,141,141,186,186,186,189,199,215,225,230,235,238,238,233,228,212,207,212,230,246,133,124,131,137,141,141,139,141,196,202,204,194,129,131,202,222,207,200,204,222,230,233,230,217,207,199,196,192,194,191,141,135,191,212,228,235,243,243,238,235,235,233,228,225,222,207,164,142,209,222,194,105,238,235,228,226,230,230,228,225,225,215,194,204,233,243,241,228,189,135,131,129,119,117,127,189,204,212,204,181,127,125,178,194,199,196,196,199,194,181,152,147,186,212,233,238,199,115,123,235,238,230,230,233,225,191,173,183,209,212,199,173,168,127,25,0,0,0,0,0,0,0,0,0,53,207,115,170,186,194,204,209,209,212,204,166,170,183,196,199,74,61,81,181,217,230,225,217,207,191,189,183,186,191,199,222,241,230,220,102,117,189,204,207,217,233,233,235,241,204,116,189,235,238,233,233,233,235,238,235,228,209,178,178,207,217,220,217,212,212,212,215,217,207,194,194,135,129,186,189,183,137,124,117,131,199,207,212,222,228,235,241,241,238,233,233,241,243,241,235,228,212,189,139,194,215,217,141,133,186,125,125,194,217,222,204,191,191,191,183,173,191,209,207,196,139,127,131,133,186,207,209,196,141,141,199,207,212,204,196,199,199,196,186,185,183,182,189,207,215,204,189,202,204,202,196,130,125,131,217,215,135,137,194,194,194,204,209,189,141,143,191,194,202,199,141,125,204,207,196,187,190,191,145,139,145,202,212,209,196,196,209,215,209,191,136,137,202,225,225,225,241,243,238,93,115,209,212,212,217,230,230,183,129,235,233,235,235,233,233,241,243,241,238,225,202,189,143,139,143,215,230,235,235,233,233,233,222,199,133,140,202,212,212,209,215,238,238,238,235,235,235,235,241,251,255,41,0,0,0,73,225,251,255,246,173,37,33,61,35,0,7,35,85,183,196,165,168,191,196,199,212,230,230,228,230,233,230,228,226,233,230,228,243,36,95,181,209,217,225,225,215,202,199,202,127,109,178,217,225,228,222,199,178,173,186,186,176,181,199,212,215,209,207,199,196,204,199,132,129,186,215,228,225,207,176,172,181,189,183,186,194,196,199,202,204,202,196,196,199,215,241,194,105,196,230,233,230,225,225,225,225,225,228,228,228,230,233,233,225,191,207,217,217,143,110,132,233,238,228,207,194,204,207,204,202,202,204,212,228,233,225,202,199,204,217,217,215,215,222,222,221,222,222,222,222,215,215,217,225,228,225,222,215,212,212,217,225,225,228,228,225,222,225,225,225,225,225,228,230,233,233,133,101,103,141,215,222,222,222,228,230,230,233,233,233,228,222,221,222,225,225,228,228,230,230,233,233,233,233,233,230,228,225,222,220,209,194,196,209,215,209,207,207,207,207,196,129,111,119,199,209,215,222,225,225,222,225,225,225,222,215,204,191,186,189,191,194,196,199,202,204,204,196,196,196,199,199,199,202,202,202,199,199,196,191,186,183,186,189,191,199,204,204,199,194,191,194,199,204,204,204,207,209,209,204,199,194,189,191,204,209,209,209,207,207,207,204,202,202,199,194,191,191,191,191,189,186,183,178,173,170,129,127,127,127,125,123,119,117,117,117,117,113,111,111,111,109,109,113,119,119,117,115,119,168,181,186,189,186,183,182,182,186,194,199,199,199,196,196,194,194,196,199,202,202,202,207,212,212,204,202,196,192,191,191,192,196,199,196,195,192,194,196,199,202,202,202,199,196,195,196,202,204,207,207,209,207,202,199,196,196,196,196,191,143,143,189,194,199,207,212,215,212,207,202,198,199,204,207,207,212,217,217,215,217,222,217,213,213,215,212,212,212,212,215,215,217,222,225,225,225,225,222,215,209,204,204,209,215,222,225,230,233,235,235,238,238,241,238,233,225,220,220,225,225,222,212,204,202,202,202,204,207,209,212,212,207,202,198,199,204,212,217,222,222,222,217,215,213,215,222,228,230,230,233,233,233,230,233,233,233,233,233,233,235,235,235,233,233,230,228,226,228,230,230,230,233,233,230,230,233,235,241,241,238,235,233,233,230,230,228,225,222,220,220,222,225,225,225,225,225,225,228,230,233,235,241,241,243,243,246,246,243,241,241,238,238,235,234,234,235,235,241,243,248,251,254,255,255,255,255,255,255,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,139,135,135,173,170,165,163,155,99,77,51,35,31,27,25,21,21,27,39,59,111,137,0,0,0,0,147,137,131,131,129,108,79,45,35,25,19,13,7,13,19,0,0,0,0,0,0,90,103,74,40,17,1,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,108,95,79,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,215,255,255,255,255,0,0,0,0,0,189,150,150,168,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,17,0,0,0,0,0,0,0,0,0,0,14,22,25,40,53,61,121,199,178,79,56,95,129,90,72,56,15,5,0,0,79,121,48,0,0,0,9,17,0,0,0,0,5,38,53,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,157,241,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,157,116,98,90,90,74,43,20,17,17,22,30,40,61,0,0,0,0,0,0,137,118,111,116,121,0,0,124,105,98,90,74,29,3,0,0,19,134,173,165,134,139,181,212,220,204,189,186,186,170,142,118,65,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,73,142,173,168,150,144,168,186,194,194,183,179,179,186,194,194,194,183,183,194,194,189,173,113,101,98,105,160,176,168,101,84,80,89,111,160,115,107,99,95,99,107,160,170,113,77,29,17,37,103,160,170,173,173,165,157,113,105,93,83,81,93,119,165,165,170,119,105,107,125,181,181,176,173,173,170,164,161,160,164,170,123,115,160,165,113,104,107,117,99,79,85,111,173,173,168,181,194,189,181,176,176,170,170,173,181,189,191,194,202,202,181,163,173,183,191,196,178,155,113,111,101,83,68,70,105,183,191,165,81,23,0,0,93,207,204,160,85,77,117,207,243,254,255,255,255,255,255,255,255,255,241,215,212,230,235,220,186,142,47,0,0,0,0,0,0,0,9,53,116,137,137,137,139,152,165,173,170,152,137,144,178,209,209,196,189,170,166,166,181,207,228,230,222,196,186,131,131,181,196,196,196,196,209,207,189,186,189,196,199,207,209,189,117,97,97,123,176,176,170,168,176,194,207,183,126,122,129,176,176,176,194,228,246,248,241,238,248,255,254,235,217,189,125,121,183,194,176,176,194,207,207,207,204,196,191,183,160,95,67,63,67,71,75,77,91,101,107,107,103,97,93,93,101,95,91,85,77,67,61,55,53,55,55,53,55,57,61,71,85,87,71,67,61,61,61,61,59,57,57,61,57,45,35,29,27,23,21,19,15,13,13,0,0,23,33,51,65,113,129,134,113,71,65,67,71,57,41,33,33,39,47,51,51,55,65,77,134,160,170,176,168,134,87,95,134,79,65,65,73,87,79,71,65,53,43,27,24,29,71,152,170,170,168,168,168,137,77,74,87,142,150,142,97,49,27,26,29,59,109,168,176,183,183 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,165,160,152,151,152,186,196,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,95,51,41,9,0,31,126,137,139,142,131,95,160,196,204,207,212,217,220,220,215,212,215,220,220,217,217,217,209,173,123,125,170,183,186,178,169,168,172,183,189,125,59,79,109,113,119,127,170,170,173,170,115,92,121,178,173,131,176,131,127,129,131,129,131,176,178,181,189,194,196,196,199,199,202,204,207,202,199,199,204,199,189,183,189,189,189,186,186,191,202,215,225,220,207,196,189,185,185,187,196,196,196,194,194,194,194,191,191,194,194,191,186,137,136,137,191,202,204,204,204,207,204,199,90,58,115,191,212,225,225,225,225,228,225,217,212,189,87,81,58,125,137,202,228,196,119,107,91,85,127,196,215,225,228,225,222,222,228,230,233,233,230,230,230,233,228,209,191,133,129,133,133,139,207,209,204,204,196,191,194,204,212,215,222,220,207,189,186,202,207,199,199,204,196,181,185,196,207,202,196,196,204,215,228,230,228,222,212,207,209,217,222,222,217,202,133,127,131,135,186,191,186,140,183,186,191,204,202,194,191,194,202,207,217,233,238,238,235,225,207,199,204,222,235,204,141,137,135,139,191,196,207,212,212,212,194,126,129,199,217,204,202,209,225,233,235,235,230,207,196,192,190,194,196,189,189,194,204,217,230,238,241,238,235,230,222,212,207,207,200,161,138,215,243,225,228,235,228,225,225,228,230,230,228,230,222,183,131,225,241,238,228,204,125,107,119,117,129,202,212,222,228,215,186,121,117,124,196,204,199,194,191,183,173,168,173,196,212,230,241,196,131,183,230,233,225,222,228,233,191,204,246,230,225,222,233,243,255,125,0,0,0,75,53,0,0,0,0,0,176,199,196,204,209,215,222,225,230,233,215,174,174,183,204,186,69,77,131,209,230,233,230,228,212,202,204,209,212,196,194,199,129,181,123,129,186,196,202,207,215,217,217,225,217,220,238,241,238,233,231,231,233,235,238,235,212,174,172,207,209,207,204,199,207,212,217,222,207,129,119,127,181,191,186,181,137,131,129,194,209,209,204,209,225,233,233,230,228,230,230,241,246,241,222,202,196,189,191,202,228,238,139,99,121,186,194,202,207,202,191,189,191,196,202,187,199,225,225,204,117,111,129,196,228,235,235,230,215,202,196,194,199,202,204,202,194,191,191,191,189,186,191,212,233,241,235,228,199,141,131,123,122,189,217,246,207,137,141,189,194,199,207,194,141,140,141,191,199,196,142,130,207,209,204,194,196,204,212,202,202,204,209,207,199,202,207,209,202,194,189,191,207,225,228,230,241,241,238,115,111,186,204,217,230,235,233,212,207,228,230,230,233,235,238,241,241,243,241,225,215,215,217,209,212,233,235,235,233,231,233,235,228,204,135,189,215,222,215,199,191,209,230,233,235,235,233,228,230,238,235,59,0,0,67,121,196,228,246,243,230,189,181,199,186,165,178,204,225,235,238,217,204,207,204,191,191,220,230,228,225,225,228,228,226,230,233,235,254,49,71,113,199,209,212,215,212,207,199,176,98,94,123,209,222,228,222,191,131,119,106,105,109,111,131,199,196,190,199,199,196,202,199,191,183,196,215,225,228,222,178,168,176,199,199,199,202,204,207,207,204,202,196,191,186,186,207,209,212,222,228,230,230,228,225,225,228,228,230,230,230,228,225,225,222,212,225,233,230,204,124,136,225,235,235,225,204,215,215,212,207,209,212,217,228,235,230,203,200,207,215,213,212,215,222,222,222,222,222,222,222,217,215,217,225,228,225,215,212,212,215,217,222,222,222,222,217,216,217,222,222,225,225,228,230,230,228,115,104,113,141,207,217,222,222,228,230,230,233,235,233,228,225,222,222,225,225,225,228,228,228,228,230,233,233,233,230,230,228,222,212,191,185,191,212,217,212,207,204,204,207,204,131,97,88,135,196,202,207,217,225,225,225,225,222,220,212,202,191,186,191,194,194,196,202,204,204,196,183,186,194,199,199,202,202,199,196,194,191,191,189,183,183,186,189,191,199,204,204,199,194,192,194,196,202,204,204,207,209,209,207,204,199,191,194,204,209,207,204,202,204,204,204,199,199,199,196,194,191,189,189,189,186,183,181,176,170,127,127,127,168,168,165,123,121,119,119,119,115,111,111,109,109,109,115,121,121,119,119,123,173,183,191,191,189,186,183,183,189,194,196,199,196,196,194,196,196,199,202,199,196,196,202,212,212,207,202,196,194,194,196,199,202,202,202,199,196,199,202,202,202,202,204,202,199,195,195,196,202,207,209,209,207,202,196,195,195,196,196,189,142,142,143,191,196,204,209,212,212,209,207,204,207,212,212,209,212,217,217,217,217,222,217,215,215,217,217,215,215,212,212,215,217,222,225,225,225,225,222,217,209,204,207,209,215,222,228,230,230,230,230,233,235,238,235,230,222,218,220,225,225,222,212,207,202,200,202,202,204,207,209,212,209,207,207,204,207,209,212,217,220,222,217,213,213,215,217,225,228,230,230,233,230,230,230,230,230,233,233,235,235,235,235,235,233,230,228,228,228,233,235,235,235,235,233,233,233,238,241,241,241,238,235,235,235,233,230,228,222,222,222,225,225,225,222,222,225,225,225,228,230,233,238,241,243,243,246,246,243,241,238,238,238,238,235,235,235,238,241,243,246,248,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,135,135,178,183,178,170,163,111,89,57,33,25,25,21,15,13,15,21,39,61,111,131,137,0,0,129,111,108,108,116,111,100,74,45,37,53,59,48,43,40,40,43,59,59,51,43,51,69,64,46,25,14,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,92,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,0,248,251,255,255,0,0,255,0,124,116,142,168,181,0,0,0,0,0,0,0,0,163,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,61,64,46,27,0,0,27,22,12,46,56,14,20,43,38,40,53,59,92,165,142,69,79,155,163,98,72,48,0,0,0,0,0,72,72,19,0,0,0,0,0,0,0,0,27,56,64,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,121,207,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,157,134,118,116,98,64,20,0,9,13,22,30,43,61,0,0,0,0,137,144,129,103,103,98,87,87,105,116,116,111,108,85,31,5,0,0,13,116,142,103,27,47,134,202,212,202,178,176,165,152,142,126,103,51,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,35,73,131,163,160,134,91,134,178,202,204,194,183,179,183,194,194,194,183,183,194,202,194,176,115,101,98,107,173,183,173,105,88,86,95,160,183,181,111,93,83,83,93,157,170,113,97,77,69,81,103,157,170,178,181,170,113,107,101,93,83,80,87,103,119,170,183,176,119,119,125,176,181,176,173,170,170,165,164,161,164,173,181,178,178,176,113,106,111,113,89,78,83,111,173,173,178,181,181,173,165,163,170,170,165,160,170,178,181,176,183,196,191,186,191,183,173,168,155,101,85,85,85,71,65,71,111,183,191,173,105,51,0,0,57,196,207,186,186,194,217,228,243,254,255,255,255,255,255,255,255,255,246,222,212,228,228,209,178,131,41,0,0,0,0,0,0,0,25,65,118,116,79,79,137,163,186,196,178,152,137,144,178,209,215,209,199,181,166,166,170,199,222,228,212,189,131,125,129,178,189,194,194,196,217,209,196,189,194,196,199,212,228,209,168,103,103,123,168,168,123,117,125,183,196,183,127,126,127,131,176,176,189,225,251,254,241,235,246,255,254,241,225,212,183,135,194,189,129,129,194,207,207,207,207,207,215,191,121,77,61,59,63,77,95,95,101,150,157,150,97,77,71,71,73,71,71,71,73,73,71,67,67,67,67,67,67,71,71,85,126,87,71,59,53,53,53,57,67,67,71,71,61,51,43,35,29,25,21,19,19,19,0,17,17,21,29,39,49,61,73,75,65,55,57,71,77,59,35,30,31,35,47,51,55,57,61,71,87,142,160,168,160,99,79,95,134,87,67,65,77,87,87,71,53,43,33,26,26,39,87,163,178,178,176,170,163,137,79,77,95,150,160,147,89,47,27,27,39,59,99,160,178,196,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,90,56,66,150,155,152,152,152,157,181,189,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,0,0,9,108,87,49,35,0,0,0,43,134,129,131,134,131,181,204,207,207,217,222,212,209,204,207,215,222,217,213,215,217,212,178,127,127,173,183,186,183,172,168,168,173,202,196,51,65,105,115,121,127,129,176,189,199,93,71,83,173,183,186,191,189,176,127,125,124,127,133,133,135,186,196,199,199,196,195,195,199,196,191,183,183,196,194,186,186,189,189,186,186,186,189,199,212,215,215,209,199,186,183,185,189,196,199,199,204,204,202,196,194,196,199,199,196,189,137,130,127,186,202,209,209,212,215,217,217,96,66,127,194,209,222,225,228,230,225,222,217,215,225,225,95,13,113,194,207,202,99,105,121,97,91,137,202,217,225,225,225,222,222,228,233,233,233,230,228,230,233,222,202,199,202,202,202,199,196,202,202,196,191,191,196,204,207,209,212,217,215,204,189,186,189,191,189,191,196,189,183,186,202,212,204,133,127,186,228,230,230,225,217,207,204,209,222,225,222,207,129,119,122,123,123,133,189,191,189,189,189,194,207,207,199,194,194,196,196,204,215,225,230,230,217,202,191,196,209,212,202,189,139,135,141,202,215,222,222,222,217,186,123,131,207,209,204,204,209,217,228,233,233,230,212,207,217,222,215,202,191,191,191,196,204,209,215,230,238,228,209,130,135,194,207,222,202,187,212,243,235,228,230,228,226,226,230,233,230,233,238,238,196,43,44,204,225,222,189,41,41,113,117,183,225,230,233,233,225,207,127,119,122,178,191,189,191,191,178,169,170,196,215,207,202,181,176,176,189,209,215,209,207,209,212,99,125,233,228,228,230,233,241,255,204,15,0,107,220,220,204,15,0,0,0,59,191,209,217,225,228,228,228,230,233,233,212,202,202,217,225,194,199,191,207,225,230,233,230,220,209,202,204,209,178,113,109,111,176,176,129,127,133,181,183,183,191,196,209,228,238,243,241,238,238,233,233,233,235,238,238,228,185,181,199,199,202,199,195,204,222,230,230,212,87,59,105,207,196,199,207,202,186,137,191,225,228,204,202,212,217,217,212,212,225,228,220,196,186,127,124,186,199,202,209,228,233,117,45,65,217,199,196,189,186,189,196,199,199,202,202,209,225,228,199,107,111,133,212,238,243,243,241,233,215,191,139,189,202,212,209,199,194,194,191,183,137,141,202,225,238,238,225,189,139,186,130,126,139,202,222,141,127,132,141,189,194,202,202,191,140,139,196,207,199,129,122,145,207,207,199,202,209,209,202,202,202,204,207,202,202,202,199,196,199,199,202,207,222,233,233,233,228,225,123,115,137,202,222,230,230,222,212,212,217,225,225,230,238,241,241,241,241,235,215,222,228,220,228,233,238,238,235,233,231,235,238,225,191,127,194,222,225,215,196,133,126,212,215,225,230,225,215,215,225,233,186,107,129,181,121,125,215,238,241,230,204,191,194,194,202,215,228,233,241,241,233,222,217,217,185,176,185,222,225,222,222,222,228,228,228,230,233,235,104,105,204,217,209,204,204,207,209,204,181,106,109,199,207,212,222,215,189,133,123,107,105,107,104,102,191,191,183,189,196,199,202,199,194,189,194,209,222,225,222,209,170,173,194,202,204,209,212,215,212,207,202,196,186,129,105,69,95,212,225,225,228,228,228,225,225,228,230,230,230,230,225,220,222,225,222,230,235,235,225,215,217,228,230,228,212,133,135,217,207,196,202,207,212,225,230,228,209,204,212,215,212,212,217,228,225,225,222,225,225,222,217,217,220,225,228,222,209,207,212,215,222,222,217,217,217,217,216,217,222,225,225,225,222,225,228,127,107,111,125,143,204,217,222,222,228,230,230,233,235,233,230,228,228,228,228,228,228,228,225,225,225,228,230,233,233,233,230,228,217,204,189,183,191,212,217,212,207,200,200,202,196,117,85,83,131,191,191,194,207,217,222,220,217,217,215,209,202,194,191,194,194,194,199,204,204,199,186,178,182,196,204,207,209,207,199,140,138,139,183,183,140,183,189,189,191,196,202,202,199,196,194,192,194,199,202,204,204,207,207,207,209,204,196,199,204,204,199,191,191,196,202,202,199,202,202,202,196,191,189,189,186,183,181,181,176,129,127,127,127,168,168,165,125,123,123,123,121,117,111,109,109,109,109,115,121,121,121,125,170,181,191,196,196,194,191,189,186,189,191,194,196,196,194,196,199,202,202,202,199,194,191,196,209,212,207,204,199,196,199,204,204,204,202,202,202,202,204,207,207,204,204,204,204,202,196,195,195,199,204,207,207,204,202,199,199,199,202,196,189,142,142,191,196,199,202,207,209,209,209,207,207,209,215,215,212,212,212,215,215,217,222,222,215,215,217,217,217,215,212,212,215,217,222,225,225,225,222,217,215,207,204,207,209,215,222,228,230,230,225,221,224,230,235,235,230,225,222,222,225,225,222,212,204,200,200,202,202,204,204,207,207,209,212,212,212,209,209,209,215,217,222,217,215,215,217,222,228,228,230,230,230,230,230,230,230,230,230,233,235,238,238,238,238,238,233,230,228,230,235,238,235,235,235,235,235,235,238,243,243,243,241,241,238,238,235,233,230,228,225,225,228,228,225,222,217,222,222,225,225,228,230,233,238,241,243,246,246,243,241,238,238,238,238,238,238,238,238,238,241,243,246,246,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,133,135,183,194,183,173,152,105,77,53,33,27,27,25,15,11,12,21,35,53,100,111,116,111,108,61,49,49,77,100,103,100,82,66,61,74,85,74,66,59,40,25,17,7,0,0,9,27,9,0,12,14,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,209,217,222,230,0,0,0,0,0,105,98,142,181,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,7,0,0,0,0,0,0,0,0,51,64,69,64,48,38,56,116,147,212,204,74,59,77,64,61,61,48,52,85,87,66,79,147,157,98,77,46,0,0,0,0,0,48,92,92,74,35,21,19,0,0,0,0,27,46,56,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,155,207,248,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,124,0,157,163,144,131,124,98,46,0,0,1,9,13,21,40,61,72,0,82,0,129,137,121,103,95,87,64,65,87,108,124,131,142,134,79,11,0,0,0,82,100,33,0,7,92,165,196,189,176,165,163,144,129,121,108,92,37,15,1,0,0,0,0,0,0,0,0,0,0,0,0,27,55,108,126,150,152,91,73,83,170,212,220,209,194,183,183,186,183,183,176,183,194,194,189,173,160,107,105,115,181,183,168,113,107,107,115,183,199,191,115,87,78,78,83,107,115,107,111,107,93,93,105,113,160,173,181,170,109,97,93,99,89,81,81,93,113,170,191,191,178,170,168,176,181,183,176,176,178,176,173,165,173,181,189,189,189,178,168,121,121,103,77,75,89,119,176,183,183,181,168,117,117,157,170,170,160,160,160,168,163,157,163,183,199,199,189,165,113,103,93,84,82,85,91,83,71,77,99,113,113,115,113,75,0,0,17,113,186,196,209,230,230,222,228,248,255,255,255,255,255,255,255,255,246,215,199,212,209,191,165,89,35,0,0,0,0,0,0,0,33,65,103,73,61,61,116,157,186,199,178,147,134,144,178,209,220,212,209,189,173,166,173,194,220,222,207,181,125,122,125,131,181,189,189,209,220,209,196,189,189,196,207,220,228,220,178,109,103,111,123,119,114,113,117,176,186,183,176,129,129,131,176,176,183,217,251,254,246,235,241,254,248,235,235,225,196,194,196,189,124,124,186,207,207,207,207,217,215,191,109,67,57,59,71,101,115,150,109,150,152,144,91,67,57,55,55,55,59,67,77,85,91,87,91,87,87,77,77,77,77,121,134,126,77,61,53,53,53,57,67,77,113,77,71,57,47,39,33,25,23,21,21,21,21,19,0,21,27,31,39,47,57,59,51,45,51,67,77,59,39,32,33,39,47,57,59,61,65,65,77,134,150,160,155,95,77,95,142,95,73,71,87,95,95,73,51,39,29,29,41,71,144,176,186,186,178,170,168,142,83,87,105,155,150,142,77,41,27,28,41,61,95,155,183,196,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,160,186,199,168,144,147,150,152,152,160,168,176,178,160,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,0,0,0,15,100,134,105,72,41,0,0,0,0,69,118,126,139,150,202,209,209,212,217,217,202,181,161,178,207,217,217,215,215,212,202,176,170,170,173,183,186,186,183,176,173,178,209,196,25,51,105,117,125,170,176,181,194,202,183,90,95,191,202,202,204,207,196,131,125,125,129,131,128,129,181,199,207,207,204,199,195,196,199,189,128,124,135,183,186,191,191,189,186,186,185,185,194,207,209,207,207,202,191,189,199,204,204,204,207,209,209,204,199,196,199,204,204,202,196,141,129,123,191,207,215,215,215,217,222,217,112,94,141,199,207,215,222,225,225,222,222,225,222,228,228,65,0,89,212,194,103,95,109,215,235,222,225,217,217,222,225,222,222,225,228,230,233,233,230,228,228,228,204,191,199,209,209,207,204,202,202,199,191,189,190,202,209,209,209,212,212,204,191,185,185,189,191,187,185,185,185,186,191,204,212,204,128,121,131,230,225,222,217,212,204,202,212,225,228,222,204,124,118,123,127,125,133,189,199,199,196,191,191,199,199,199,202,207,202,199,199,199,199,204,209,204,191,185,189,204,209,204,189,139,139,186,202,215,222,225,225,215,128,119,131,196,196,199,202,202,204,207,215,222,222,212,215,228,233,222,204,194,196,199,204,202,191,141,196,217,207,135,86,93,189,217,243,241,225,204,215,222,77,225,230,228,230,235,233,233,235,243,248,233,33,0,47,194,204,83,7,45,109,113,131,215,233,235,233,230,217,191,127,123,122,122,129,189,194,186,173,173,212,241,178,83,70,86,119,181,196,204,204,196,183,125,80,100,222,225,225,222,222,230,230,191,93,121,228,230,233,243,220,186,101,19,15,81,199,212,228,230,228,225,224,225,228,225,222,217,225,233,233,238,233,225,225,225,217,202,196,199,181,120,168,127,118,116,119,170,41,65,101,129,191,183,177,178,183,209,233,241,241,241,241,241,235,235,238,238,238,241,235,212,196,196,196,199,199,196,207,230,238,228,202,72,36,95,209,183,199,230,233,215,183,129,196,212,196,183,183,191,196,196,199,207,217,207,110,42,44,120,194,202,196,204,215,225,137,48,55,186,191,186,139,139,191,207,207,202,199,204,215,215,207,117,103,114,135,209,230,235,238,241,235,217,183,135,194,212,225,225,207,196,191,135,127,127,134,196,215,230,235,215,186,186,202,196,139,183,204,199,121,123,133,139,141,141,191,199,196,141,141,202,209,145,125,123,194,212,212,207,204,207,207,204,207,207,209,209,204,202,199,195,196,202,202,199,202,212,222,233,230,215,119,86,105,194,209,228,230,225,209,204,212,222,225,228,233,238,241,238,238,238,233,215,220,202,119,222,235,238,238,235,235,235,235,233,196,124,126,199,217,215,209,202,141,130,128,124,130,191,196,199,207,217,230,235,235,238,220,114,111,212,233,235,230,204,186,186,194,207,222,230,230,233,235,233,225,225,217,186,170,173,207,222,222,217,217,222,228,217,222,217,207,204,209,225,222,207,196,196,202,209,215,217,212,212,212,199,182,189,202,189,183,183,133,129,119,105,99,202,207,189,187,199,209,212,202,191,187,191,204,215,217,209,189,169,172,183,194,204,215,215,215,215,207,191,189,186,135,103,38,23,69,207,220,225,228,228,225,225,228,230,230,230,228,222,218,222,225,228,228,233,235,233,233,233,230,212,196,133,119,119,194,130,111,112,134,202,215,222,222,215,215,217,217,215,215,225,228,225,225,225,225,225,225,222,220,222,228,228,215,202,199,209,215,222,217,216,216,217,220,217,217,222,225,222,215,204,186,127,45,97,123,139,194,207,215,220,225,228,230,230,233,233,233,230,230,230,230,230,230,230,228,225,222,222,225,228,230,233,233,228,220,204,196,190,190,199,207,209,212,209,204,204,204,194,103,82,96,183,191,186,189,202,209,212,212,212,212,209,204,202,196,194,191,191,196,202,207,204,196,183,178,183,202,209,212,215,212,202,140,138,138,140,140,140,183,186,189,189,194,199,199,202,199,196,194,194,196,202,204,204,204,204,204,209,209,204,204,207,199,189,185,185,190,199,199,196,199,204,204,199,194,189,186,183,183,181,178,173,127,124,125,125,125,125,125,125,123,123,123,121,115,109,107,109,109,109,113,117,121,123,170,181,191,196,202,202,196,194,191,189,186,189,194,196,196,194,199,202,204,207,207,202,191,189,191,204,209,207,204,202,199,202,207,204,204,202,204,204,204,204,204,204,204,204,204,204,204,202,199,196,202,204,207,204,204,204,204,204,204,204,196,189,142,189,199,204,204,207,209,209,209,207,204,204,207,212,215,212,209,209,209,212,212,215,215,212,212,215,217,217,215,212,212,215,217,222,225,225,222,217,215,212,207,204,204,207,209,215,225,230,230,225,218,220,225,233,235,235,230,230,228,228,225,220,212,204,200,200,202,204,204,202,202,202,207,212,215,215,209,209,209,212,217,222,222,217,217,225,228,230,228,228,228,228,228,230,230,228,228,230,233,235,238,241,241,241,241,235,230,228,230,235,235,235,233,235,238,235,235,238,243,246,246,243,241,241,241,238,238,233,230,230,230,230,228,225,217,217,217,222,222,225,225,228,233,235,238,243,246,246,243,243,243,243,243,243,241,238,238,238,238,241,243,243,246,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,133,135,194,196,183,165,111,89,77,53,45,37,37,31,21,15,15,21,29,41,59,67,67,65,61,49,43,44,53,77,85,108,105,85,74,98,105,98,74,59,25,0,0,0,0,0,0,0,0,0,0,14,14,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,194,204,217,233,0,0,0,0,0,131,181,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,9,27,38,64,82,82,74,111,0,0,0,0,131,92,90,69,66,77,59,49,59,77,77,79,100,111,90,69,35,0,0,0,0,0,0,59,85,95,61,66,77,21,0,0,0,11,30,38,30,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,121,183,220,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,165,116,116,131,147,121,116,116,95,48,0,0,0,1,7,13,35,51,72,82,0,0,118,129,118,95,87,79,61,61,72,95,118,147,183,194,163,41,0,0,0,25,47,25,0,0,33,105,139,152,165,178,178,144,118,108,103,92,45,21,7,0,0,0,0,0,0,0,0,0,0,0,5,31,65,111,124,142,142,81,63,79,176,220,228,209,202,194,189,183,183,176,176,176,183,183,176,168,163,115,115,160,173,168,157,115,160,173,183,191,199,196,157,81,73,73,81,105,107,107,115,157,107,101,113,160,160,170,173,157,105,91,87,93,87,81,87,99,119,170,189,191,186,178,170,176,176,181,176,181,183,183,181,173,173,181,194,189,178,178,178,178,168,101,73,74,95,165,178,183,183,181,160,113,113,117,160,160,165,165,165,160,115,106,111,176,191,191,173,109,87,85,85,85,91,111,160,152,105,101,91,85,81,87,105,87,13,0,5,75,119,186,209,235,235,222,220,243,255,255,255,255,255,255,255,255,243,212,189,189,189,181,160,77,35,5,3,3,0,0,0,0,33,59,73,63,49,49,67,137,170,186,178,147,137,147,183,220,230,220,212,189,173,170,173,189,212,212,199,181,122,121,125,178,181,186,189,196,209,207,189,181,189,207,222,228,228,220,178,111,103,109,117,117,115,113,117,173,186,186,186,176,133,176,176,176,186,217,251,255,246,238,246,254,246,228,228,228,209,189,194,178,124,124,178,196,204,207,207,207,204,183,101,67,60,61,95,163,176,157,109,107,107,101,85,61,51,49,47,47,53,67,85,131,142,142,134,134,126,87,85,77,77,121,134,134,113,71,61,55,53,57,67,113,124,113,71,61,53,43,33,27,23,23,23,25,23,19,19,21,23,25,31,37,47,51,45,41,47,67,87,65,47,41,43,45,55,65,67,71,67,67,77,134,150,160,150,95,77,99,150,134,87,79,95,137,134,87,59,41,33,45,71,144,176,196,196,196,183,170,163,142,95,99,142,150,142,97,65,33,27,33,49,71,103,160,183,186,176 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,150,157,165,176,178,173,163,147,147,150,157,165,168,170,173,165,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,126,144,155,139,108,118,51,41,0,0,0,67,124,144,176,209,212,215,215,217,215,199,177,148,172,207,217,217,217,217,209,178,125,170,176,178,183,186,191,196,191,191,191,199,61,0,23,107,117,127,173,181,183,183,183,181,119,125,196,209,212,212,217,212,176,125,125,131,129,127,128,183,202,212,215,209,202,196,199,204,196,126,121,130,139,183,191,194,191,189,186,183,183,191,209,212,199,196,199,199,204,209,209,207,209,209,209,207,204,199,196,196,202,207,209,207,199,139,134,202,215,222,217,215,215,217,212,186,135,199,204,209,209,215,215,217,222,225,228,225,217,199,55,0,73,217,186,113,183,215,230,233,228,228,215,212,217,222,225,225,228,228,230,233,233,230,230,228,217,191,187,196,204,199,199,199,204,204,202,196,191,196,207,209,212,209,207,199,191,186,185,186,194,199,189,183,183,186,191,194,199,207,202,137,127,135,204,207,204,207,207,202,202,212,225,228,225,212,183,125,131,139,139,183,194,204,209,204,199,194,189,191,196,207,209,196,196,202,196,189,189,194,191,186,183,186,202,222,212,196,186,141,186,191,204,212,215,215,209,133,123,133,139,139,189,194,199,194,129,115,121,215,212,207,212,215,204,194,194,204,215,215,202,189,139,139,141,189,143,89,93,202,230,246,246,238,204,65,25,31,225,233,230,235,238,238,238,241,243,243,233,69,26,77,196,212,186,62,121,121,117,121,191,228,230,228,228,217,202,186,176,125,122,129,189,196,191,183,183,204,207,92,79,75,89,119,186,202,212,212,196,131,113,93,108,217,222,220,215,217,225,222,194,176,204,233,235,238,238,241,248,246,113,75,119,125,181,215,225,228,225,221,224,225,228,225,228,230,238,243,241,241,235,228,215,178,124,127,191,212,117,111,121,168,181,127,32,4,40,101,189,215,209,183,181,194,217,235,238,235,241,243,238,238,235,238,241,238,241,238,228,209,194,194,196,196,199,207,217,225,204,191,133,109,191,194,165,172,225,238,241,212,107,75,43,33,81,121,131,139,189,191,191,209,220,135,35,35,133,196,194,191,196,209,225,220,117,94,92,125,133,135,141,199,215,217,209,202,204,217,215,196,121,110,119,139,202,217,222,228,235,233,215,123,129,209,228,235,230,209,196,186,134,127,129,186,199,207,215,228,209,191,186,189,191,194,207,225,212,125,128,189,189,139,138,139,189,191,142,143,204,207,143,137,142,217,228,228,222,215,215,217,217,225,222,217,217,209,207,202,196,199,202,199,191,191,199,212,230,233,225,87,51,87,139,204,225,230,225,207,203,222,228,230,230,235,238,241,238,238,238,235,225,215,90,82,212,233,238,238,238,235,235,235,225,135,111,202,220,217,209,207,207,215,230,128,121,125,135,186,196,212,222,230,238,241,243,241,116,110,191,217,228,217,127,123,194,204,215,222,228,225,228,230,228,222,220,217,207,179,176,199,215,217,217,215,217,222,215,215,209,202,204,209,215,212,202,195,194,196,207,222,228,220,215,217,202,172,168,185,191,196,202,199,194,189,133,133,212,217,204,194,204,222,225,209,196,194,199,199,204,207,191,174,169,176,181,183,199,212,209,204,204,196,170,174,186,199,183,85,16,17,67,186,217,225,225,225,225,228,230,230,228,225,222,222,225,228,228,228,230,233,235,235,233,222,143,133,131,125,128,139,129,112,111,130,199,209,215,220,222,222,222,222,215,215,217,215,215,215,222,225,225,222,220,217,217,225,225,209,195,195,207,217,222,217,216,216,217,222,217,207,204,207,194,123,83,43,19,5,95,139,196,204,204,209,222,225,228,228,228,230,233,233,233,233,233,233,230,230,230,228,225,222,222,222,225,228,230,230,225,209,194,191,196,202,204,202,202,209,209,209,212,215,207,121,95,121,141,186,141,191,202,207,204,202,204,207,207,204,199,199,194,189,190,194,204,209,207,202,189,181,191,209,212,215,215,215,204,191,183,183,186,183,140,140,141,186,186,189,191,196,199,202,199,196,196,199,202,204,204,203,203,203,207,209,207,207,207,199,189,186,186,190,196,196,194,196,204,204,199,191,189,186,183,183,181,178,131,125,124,124,125,125,123,123,123,123,123,121,117,109,106,106,111,113,111,111,115,119,125,176,189,196,199,202,202,196,194,191,189,189,191,196,199,196,194,199,202,207,209,207,202,194,189,189,199,207,207,204,204,202,204,204,202,202,204,207,207,204,202,199,199,199,199,202,204,207,207,204,202,202,204,204,202,202,204,207,209,209,204,191,142,142,191,202,207,209,212,215,212,209,207,204,202,202,204,209,212,207,204,207,207,207,212,212,209,209,212,215,217,215,212,212,215,222,222,222,225,222,217,215,209,207,204,204,203,204,212,222,230,230,228,218,220,228,235,238,238,235,235,230,228,222,217,212,207,202,202,204,204,202,196,194,196,204,209,212,212,209,207,209,212,217,222,222,217,222,225,228,228,225,222,222,225,228,228,228,228,228,228,230,233,235,238,241,241,241,238,233,228,230,233,235,233,233,235,235,235,235,238,241,243,246,243,243,243,241,241,238,238,235,233,230,230,228,222,217,217,220,222,225,225,225,228,230,235,241,243,246,246,246,248,248,248,248,246,241,238,238,238,238,241,243,246,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,132,137,191,194,181,160,103,81,73,57,49,43,37,33,31,25,25,21,25,33,47,57,57,53,47,47,53,57,53,47,74,105,121,98,74,85,98,74,56,33,0,0,0,0,0,0,0,0,0,0,0,0,14,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,14,12,17,0,0,0,0,30,22,0,0,0,0,0,0,0,111,98,79,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,0,199,209,217,0,0,0,0,0,0,0,238,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,43,82,90,74,85,0,0,0,0,0,0,85,59,61,95,85,64,61,0,0,0,79,72,66,61,38,21,17,0,0,0,0,0,0,48,21,51,85,61,0,0,5,11,30,38,38,15,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,157,202,251,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,176,124,116,131,129,100,85,92,90,59,27,0,0,0,0,7,21,48,72,82,0,0,100,111,105,92,79,79,65,65,65,72,98,131,183,217,217,105,0,0,0,0,0,0,0,0,3,33,63,105,142,176,178,144,111,95,85,51,27,9,0,0,0,0,0,0,0,0,0,0,0,0,0,7,37,61,73,108,75,55,53,83,189,230,228,209,202,199,199,194,189,183,181,176,176,173,173,173,168,160,160,115,113,111,111,115,173,183,191,191,191,191,160,83,73,73,83,111,115,113,115,107,97,105,160,170,165,173,178,160,103,87,83,81,79,79,91,113,165,165,178,183,176,170,176,176,174,174,176,183,189,189,183,173,173,178,181,181,170,176,178,178,168,101,76,77,95,163,181,183,183,173,165,163,117,113,113,157,170,178,178,157,101,100,152,176,170,155,113,95,81,80,80,87,113,178,196,186,170,160,105,81,75,78,105,99,39,0,13,73,119,173,199,230,246,238,228,235,255,255,255,255,255,255,255,255,241,199,181,178,178,178,160,89,43,15,15,11,0,0,0,0,33,61,67,55,43,38,51,73,144,170,170,147,137,155,186,225,233,222,212,189,181,173,181,189,199,212,209,186,125,122,173,186,189,186,186,189,196,189,181,181,196,220,235,228,220,209,189,123,111,111,123,123,123,117,123,178,181,186,189,186,176,176,183,186,0,0,251,254,248,243,248,254,241,220,217,212,189,176,178,131,122,122,129,183,191,196,196,196,186,165,101,71,62,73,115,186,186,160,107,101,101,97,85,67,51,46,45,46,53,67,95,144,150,144,134,126,126,87,77,77,87,121,134,134,126,77,67,59,53,53,61,77,124,113,71,61,55,43,33,27,25,23,23,25,23,19,19,19,21,23,25,31,41,43,41,41,51,77,124,77,65,59,59,59,65,71,77,77,71,71,87,137,155,163,150,95,77,99,155,150,99,95,137,150,142,97,71,49,41,55,99,168,189,207,207,196,178,163,144,101,95,137,152,150,103,77,49,27,26,39,65,95,160,178,189,178,160 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,183,178,173,170,173,173,173,165,139,137,144,160,168,168,163,170,168,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,163,183,165,163,150,137,173,189,191,178,55,21,116,144,160,194,207,212,215,217,217,215,209,194,181,207,217,222,217,222,222,209,103,103,127,178,181,186,191,196,202,202,204,202,196,4,0,17,101,109,119,170,181,183,176,123,97,106,123,183,204,215,215,217,207,127,121,125,173,133,128,133,189,207,215,215,209,202,196,199,202,199,137,131,189,189,139,139,186,191,194,189,185,185,202,225,217,195,194,196,202,207,207,202,204,209,209,207,202,202,199,195,194,199,209,215,215,209,202,196,204,217,225,222,215,215,215,212,204,204,207,212,215,215,215,213,215,225,222,222,220,212,204,129,33,64,191,202,212,225,225,230,230,228,225,207,202,209,217,222,225,228,228,230,230,233,233,233,230,222,192,189,196,196,189,190,196,209,212,207,202,194,196,204,207,209,207,199,191,191,196,199,199,204,204,194,187,189,202,207,199,194,196,196,189,139,186,194,191,194,199,202,202,202,209,222,222,215,207,186,129,127,133,183,191,199,209,217,215,209,199,186,186,194,207,196,187,191,202,202,191,189,189,189,186,185,189,204,222,217,202,191,186,141,186,202,209,204,202,202,196,194,199,135,133,139,191,202,199,114,79,87,204,207,202,199,196,139,139,191,199,215,212,196,194,199,143,130,191,255,134,131,233,241,243,243,238,217,16,0,35,228,233,235,238,238,241,243,241,235,233,199,113,181,222,222,238,255,207,181,202,176,129,183,215,217,209,209,209,199,196,204,209,194,189,191,196,191,189,186,178,101,86,109,121,121,176,196,212,222,217,202,133,121,111,121,199,215,217,215,213,222,217,199,191,207,230,238,235,234,243,243,243,251,230,199,119,123,204,225,228,228,222,222,225,230,225,230,233,238,241,238,238,235,233,225,170,112,124,222,235,230,196,123,45,44,61,18,22,93,125,191,212,217,202,202,212,228,235,238,235,238,241,235,235,233,235,238,238,238,235,228,215,191,191,189,191,202,202,202,199,137,131,137,204,204,181,166,170,207,228,241,235,115,43,0,0,29,123,133,139,196,199,186,199,228,255,115,100,191,186,186,186,191,202,209,141,123,115,78,74,105,131,186,204,222,225,215,204,199,212,215,199,189,137,133,141,196,207,212,217,225,222,207,102,119,225,235,241,235,212,191,135,137,207,235,230,207,183,133,191,194,194,186,178,181,202,225,228,233,137,135,191,191,139,137,139,143,143,145,196,209,212,196,194,209,230,233,233,233,230,230,228,228,230,228,225,225,217,215,209,204,199,199,191,141,141,191,202,209,207,230,129,85,137,141,136,209,222,217,204,209,230,228,230,233,235,238,238,238,235,235,235,233,209,68,71,209,233,241,238,238,235,233,235,225,139,114,228,230,228,215,209,207,217,243,241,139,135,186,194,209,230,238,238,238,237,238,241,202,118,176,202,207,178,75,78,204,228,228,228,228,225,225,228,225,222,222,222,228,215,186,196,215,215,212,215,215,220,222,220,209,199,199,204,207,204,202,196,194,195,202,212,217,207,204,225,233,194,172,183,194,204,207,204,196,194,199,204,207,209,202,196,209,225,225,215,209,215,212,195,194,199,189,186,186,191,181,174,181,204,202,186,191,186,153,165,183,222,222,209,24,12,18,55,199,217,222,222,225,228,228,225,225,222,222,225,228,230,228,228,230,233,233,235,228,204,131,132,141,141,191,196,202,207,202,199,204,212,215,222,225,225,225,217,212,207,204,204,204,207,212,217,220,217,217,215,215,217,217,202,190,190,204,222,228,222,216,216,217,222,215,121,97,59,23,5,1,1,2,2,109,196,209,209,207,207,217,222,222,225,228,228,230,233,233,233,230,230,230,230,228,228,225,225,222,222,222,222,222,225,222,212,196,196,204,209,207,202,198,202,204,207,212,215,212,194,125,127,129,127,133,194,207,204,199,198,202,204,204,202,199,196,194,189,190,196,204,212,212,207,194,186,196,209,212,212,215,212,204,191,189,189,191,189,186,141,186,141,141,141,186,191,196,199,202,199,202,204,207,207,207,204,203,203,207,207,207,207,207,202,194,191,191,194,194,191,189,196,204,204,196,191,186,186,186,186,183,178,131,127,125,125,127,125,123,123,123,123,121,119,115,107,105,106,111,115,113,113,113,119,127,178,191,196,199,196,196,194,191,191,191,194,196,199,202,196,196,199,202,204,207,207,202,194,189,187,196,204,207,207,204,202,202,199,199,199,204,207,207,202,196,194,195,196,196,196,202,204,207,207,204,204,204,202,199,202,204,207,207,207,202,189,141,141,191,199,207,212,215,217,215,209,207,209,207,202,202,207,209,207,202,204,204,207,209,209,209,209,212,215,215,215,212,215,217,222,225,222,222,222,222,215,212,209,209,204,203,204,209,220,230,233,230,225,228,235,241,241,241,238,235,230,225,217,212,209,207,204,204,207,207,202,196,192,194,202,207,209,209,207,207,209,212,217,220,217,217,222,225,228,225,220,218,220,225,225,228,228,228,228,228,228,230,233,238,241,241,241,238,233,230,230,233,233,231,231,233,235,235,235,235,238,241,243,243,241,243,241,241,241,238,235,233,230,228,228,225,222,222,222,225,228,228,228,230,233,235,241,243,246,248,251,254,254,254,251,246,241,235,235,235,238,241,243,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,135,181,191,194,176,115,97,81,63,59,51,39,31,31,35,35,31,19,19,31,45,53,53,47,39,51,85,100,57,45,51,105,116,79,43,56,56,29,17,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,17,17,27,0,0,43,25,17,0,0,0,0,0,0,0,0,69,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,74,77,48,22,20,0,0,0,0,0,0,53,59,95,95,79,66,77,108,0,0,0,0,72,74,82,79,33,0,0,0,0,0,0,0,0,59,0,0,38,30,38,46,48,40,30,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,157,209,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,144,131,147,124,90,66,72,74,56,38,19,0,0,0,7,21,48,72,0,0,0,85,95,95,87,78,85,87,79,72,70,79,116,170,209,207,100,0,0,0,0,0,0,0,0,0,3,23,47,111,150,170,137,108,85,51,29,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,41,45,33,27,35,83,189,220,217,207,202,202,202,202,199,194,183,176,173,168,170,176,183,176,157,110,108,106,110,160,181,183,183,173,173,183,160,95,79,79,99,160,165,115,107,93,79,89,157,173,173,178,181,170,105,87,81,76,74,79,105,170,121,109,121,119,111,119,176,183,178,172,176,183,191,183,183,173,170,173,169,170,173,170,170,170,121,97,83,87,101,165,183,183,178,173,181,181,163,113,113,155,178,191,183,152,99,102,168,181,111,87,103,95,81,78,78,87,152,196,215,202,186,170,113,83,76,81,115,115,61,17,37,87,165,170,170,199,243,246,230,228,255,255,255,255,255,255,255,255,233,191,173,173,178,183,168,91,49,29,29,23,3,0,0,5,37,61,67,55,39,36,43,61,129,155,163,144,137,155,189,222,233,222,212,189,181,181,186,189,199,212,212,189,173,173,181,194,194,189,183,186,186,181,178,181,196,228,235,228,212,209,196,129,123,123,129,173,129,125,129,178,181,181,194,189,181,181,194,209,0,0,248,248,246,243,246,251,235,209,196,186,125,117,129,129,124,124,129,176,178,183,186,183,176,121,103,85,73,93,165,191,189,165,111,103,101,101,95,73,55,46,46,49,57,77,131,150,152,142,126,87,77,77,77,77,87,87,126,126,126,113,71,61,53,51,57,71,116,113,71,63,57,45,35,33,29,25,23,23,21,0,18,19,21,21,23,27,37,41,41,41,59,126,142,126,87,87,77,71,71,77,79,77,77,77,87,142,160,168,155,91,75,95,160,160,142,142,150,152,144,134,79,59,51,67,134,160,183,196,196,196,170,152,142,97,97,144,163,155,99,71,45,26,25,43,77,155,183,207,199,176,148 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,165,189,191,183,170,168,170,170,165,155,98,108,160,173,163,165,176,194,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,178,173,165,163,147,150,168,176,183,157,126,131,155,160,173,196,209,212,212,215,217,217,215,212,215,217,222,217,217,222,220,191,79,89,125,176,181,191,196,202,202,202,207,207,196,0,0,33,75,101,115,127,178,186,173,109,85,93,121,173,189,207,209,199,186,123,118,125,178,181,131,131,183,209,215,217,215,204,196,202,204,199,189,186,196,199,189,138,138,191,196,194,191,199,215,217,204,195,195,199,204,207,202,198,202,209,212,209,204,204,202,196,194,199,207,209,212,207,202,196,202,212,222,222,217,217,215,212,207,204,207,212,217,222,222,217,217,222,222,217,209,204,207,212,119,103,133,212,225,225,225,225,228,228,217,202,143,194,207,222,222,225,228,228,230,235,235,235,230,215,199,192,194,191,189,189,199,207,209,202,190,183,187,199,209,209,207,204,204,209,215,215,215,212,212,207,199,202,212,215,207,190,189,191,194,194,191,186,189,194,194,194,199,202,209,212,207,199,191,139,129,124,124,135,196,207,215,222,222,212,196,186,185,196,215,202,190,194,204,204,196,189,185,189,191,189,191,202,215,215,204,191,186,189,194,202,202,194,194,194,196,222,233,137,133,183,202,212,215,202,202,126,122,124,189,196,123,126,194,194,131,135,191,141,186,225,209,137,194,212,143,217,238,241,248,241,238,233,22,0,103,230,235,238,241,235,238,241,222,117,0,87,189,222,230,235,243,243,105,111,129,131,176,191,204,204,199,194,191,194,209,228,230,222,202,186,187,194,199,191,131,117,125,194,225,202,194,202,217,228,228,217,183,183,176,178,191,209,215,217,217,217,212,190,189,212,230,238,235,235,235,238,241,243,243,238,209,123,183,228,230,228,225,222,225,228,228,230,235,238,238,238,235,238,235,235,230,169,161,217,230,251,243,241,99,9,61,103,107,115,123,178,202,189,176,204,222,233,235,235,235,235,235,235,233,231,233,235,235,235,233,233,225,202,186,121,183,199,202,191,189,137,130,135,191,194,181,176,181,199,217,230,222,199,230,49,0,127,217,215,217,228,230,139,130,207,255,141,141,196,194,141,141,137,191,135,101,109,97,51,59,117,131,135,194,215,217,207,195,195,196,196,196,196,191,141,189,196,207,209,204,202,207,199,117,103,222,235,243,238,215,135,118,121,212,235,233,207,120,112,131,139,194,194,183,189,207,212,207,83,91,125,189,189,135,135,139,143,191,199,212,222,222,215,217,225,230,233,235,235,235,235,235,235,233,233,230,230,230,230,222,209,199,194,143,141,141,145,191,141,131,131,133,141,194,194,137,186,209,199,196,222,228,228,230,233,235,235,233,235,235,235,233,235,199,70,66,127,238,233,238,235,231,235,235,228,142,136,220,233,235,225,207,199,196,209,233,191,135,186,207,225,235,243,243,238,237,238,233,217,191,181,189,199,115,73,78,202,233,233,230,230,228,225,225,225,222,222,225,225,228,186,186,217,215,211,212,217,225,230,233,199,191,199,202,207,209,207,202,199,199,202,202,194,194,209,235,238,215,186,183,186,194,199,196,186,181,182,189,194,186,126,121,194,217,215,204,209,215,207,190,190,207,207,207,202,202,194,173,181,202,148,146,186,199,178,173,181,209,225,215,123,49,45,67,129,199,212,217,222,222,220,220,222,222,225,228,228,228,228,228,230,230,230,233,228,196,133,141,191,143,141,145,194,212,225,212,209,215,222,228,233,230,228,215,93,97,191,199,196,202,209,217,217,216,217,215,212,212,212,199,187,190,209,222,228,225,217,217,222,225,217,113,41,0,0,1,0,0,1,7,113,209,217,217,209,204,204,204,209,212,220,225,225,230,230,228,228,228,228,228,228,228,228,228,225,215,212,215,215,217,217,215,209,215,217,212,209,204,202,199,196,199,202,199,202,217,207,196,124,119,137,199,209,204,198,199,199,204,204,202,199,199,194,191,191,196,207,212,215,209,191,183,191,204,212,215,215,212,202,187,187,191,196,196,196,194,191,186,141,140,141,189,196,196,199,202,204,207,209,209,207,204,204,204,207,207,207,207,207,207,204,202,202,199,189,186,189,202,207,204,196,191,189,189,189,191,189,181,176,173,170,127,127,127,127,125,123,123,123,121,115,111,107,107,111,115,117,117,117,121,170,183,194,199,199,194,191,190,191,194,194,194,196,199,202,202,202,202,202,202,204,207,204,199,194,194,199,207,209,207,204,199,199,199,198,198,202,207,207,199,195,195,195,196,196,195,196,202,204,202,202,202,202,199,199,202,204,204,204,204,202,194,142,186,191,199,204,209,215,215,212,209,207,209,207,202,202,207,209,204,199,199,204,207,209,212,212,215,217,217,215,215,215,215,217,222,225,222,225,225,222,217,215,215,212,209,207,207,212,222,230,235,233,233,235,241,246,243,243,241,238,230,225,215,209,209,209,209,207,207,207,202,194,192,196,204,207,209,209,207,207,209,212,217,217,217,216,217,222,225,225,220,218,222,225,225,228,228,228,225,225,228,228,233,238,238,238,238,235,233,230,230,233,233,231,231,233,233,235,235,235,238,238,241,241,241,241,241,238,238,238,238,235,230,228,228,228,228,228,228,228,228,230,230,230,233,235,241,243,246,248,251,255,255,255,254,246,238,235,235,235,238,243,246,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,191,181,181,181,170,117,99,81,75,59,49,39,31,31,35,35,25,13,13,25,45,57,51,37,33,45,59,82,51,37,45,82,79,39,19,5,0,0,0,0,0,0,0,17,25,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,27,0,0,0,0,0,0,0,0,0,0,0,0,38,35,25,38,38,38,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,189,202,215,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,64,72,56,14,0,0,0,0,0,0,79,66,59,72,87,0,95,61,98,0,0,0,0,0,124,100,82,40,0,0,0,0,0,0,0,0,0,0,142,66,35,38,48,46,35,30,33,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,165,233,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,157,129,90,56,40,43,33,21,19,0,0,0,7,21,48,0,0,0,82,85,92,92,85,85,95,0,95,87,70,77,98,0,181,165,37,0,0,0,0,0,0,0,0,0,0,0,21,82,131,150,142,126,111,59,21,3,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,37,45,31,22,25,69,168,204,209,202,202,202,209,209,207,194,183,173,168,168,173,183,194,191,176,160,113,110,113,173,183,183,160,106,108,160,115,105,99,99,107,160,113,97,93,79,75,77,107,173,173,183,183,165,107,93,87,75,73,87,119,121,99,94,105,107,106,119,183,194,191,183,191,191,191,183,176,168,166,166,170,173,173,170,163,160,103,87,83,101,173,183,183,183,183,183,183,181,165,113,115,170,183,183,170,152,101,111,191,160,87,87,93,93,81,74,75,85,107,186,204,207,196,181,155,101,101,157,186,176,89,65,77,115,176,173,121,163,207,238,230,225,254,255,255,255,255,255,255,255,217,176,160,163,173,178,157,79,43,31,39,29,9,0,3,25,45,61,67,57,45,39,43,61,116,139,150,139,137,157,189,222,225,215,202,189,181,181,189,196,199,212,212,199,186,186,189,196,196,186,186,186,186,181,178,181,196,220,220,207,207,199,196,186,173,173,181,181,131,131,131,173,173,181,196,207,189,189,196,230,238,238,233,233,235,235,238,238,217,194,178,117,97,97,115,127,176,178,181,129,125,176,183,181,168,117,105,95,95,109,170,194,194,170,150,105,103,105,105,89,67,53,49,55,67,79,131,150,150,137,87,71,67,67,67,71,77,77,85,87,126,113,67,57,51,50,53,67,116,124,77,67,57,53,45,39,31,27,25,25,21,19,18,19,21,23,25,29,37,41,39,43,71,142,150,134,126,126,91,77,71,77,79,77,75,77,91,150,168,170,160,87,72,95,160,168,155,152,160,150,142,95,87,71,71,87,134,144,160,176,186,178,170,152,142,137,142,152,170,152,95,67,45,28,29,51,95,168,199,215,207,176,144 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,181,191,186,173,166,168,168,165,163,46,0,20,113,147,165,181,196,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,157,147,144,134,137,144,147,147,144,137,137,147,157,173,196,212,215,212,212,215,215,217,222,222,222,222,216,217,222,204,70,65,95,125,127,176,196,202,202,204,204,202,191,178,67,79,173,99,101,119,173,178,183,183,125,92,96,121,170,176,183,186,181,127,121,119,123,131,131,128,129,176,207,212,215,212,204,199,207,215,209,181,118,139,199,196,183,139,194,199,196,199,207,212,207,194,194,199,204,207,207,202,200,204,212,212,209,209,209,209,204,202,204,204,202,199,199,196,196,199,209,220,222,222,217,217,209,196,191,196,207,215,222,222,225,225,225,222,215,202,187,191,207,202,186,202,222,228,225,224,224,225,225,212,194,137,141,194,204,212,217,225,228,230,235,238,235,228,215,202,196,194,194,191,191,194,194,194,194,191,187,191,204,215,217,222,222,225,225,225,225,222,222,222,222,209,207,215,215,207,191,187,190,199,202,189,181,196,196,186,139,189,199,204,204,186,139,183,139,133,127,129,183,202,215,222,222,217,204,186,183,185,199,225,222,204,207,212,209,191,181,183,191,191,189,189,196,209,212,204,194,191,194,196,199,196,191,191,194,204,225,225,137,137,199,215,228,238,243,248,133,115,123,135,120,111,127,228,228,119,127,135,137,189,238,228,137,111,139,207,225,235,246,254,246,241,241,125,30,199,230,238,238,235,235,217,79,39,0,0,0,103,215,233,241,235,225,87,91,109,121,133,189,196,199,194,189,183,194,217,233,230,215,196,185,186,199,204,194,178,133,186,204,215,209,207,212,225,230,230,230,228,204,194,199,196,196,196,212,215,212,202,190,194,225,233,235,238,235,235,235,238,238,241,238,230,121,105,199,235,235,230,225,225,228,228,230,233,235,238,238,235,235,235,235,238,233,202,199,202,204,255,255,225,53,56,181,194,189,121,119,178,181,176,194,217,233,233,233,235,238,233,230,231,231,233,233,233,235,238,235,228,73,45,45,119,131,194,196,186,186,181,183,189,191,194,194,189,202,212,215,217,233,254,33,0,123,241,251,251,243,233,139,90,109,194,189,194,199,196,189,137,131,135,123,92,92,81,47,137,202,186,135,194,215,215,204,195,196,195,194,194,199,199,194,196,202,217,217,129,81,84,119,115,95,139,235,238,230,194,133,117,119,207,233,235,215,130,126,132,139,202,215,217,222,217,199,59,59,79,131,199,196,136,135,141,194,202,209,222,225,225,225,228,230,233,233,235,235,238,238,235,238,235,233,233,233,235,233,228,217,209,202,147,143,145,191,145,137,130,131,139,191,199,199,189,135,137,139,137,186,199,228,228,230,233,233,233,233,233,233,230,209,139,106,94,114,202,228,233,233,233,235,230,217,189,142,207,225,235,228,209,194,137,137,137,125,123,134,212,230,238,243,243,241,238,238,233,222,204,196,204,241,238,117,112,202,225,230,230,230,230,228,225,225,222,222,225,222,215,178,181,215,212,211,212,225,235,233,222,131,125,209,217,222,222,220,212,209,207,202,191,190,194,212,233,233,212,191,185,183,186,191,191,183,177,174,182,189,186,127,119,131,204,199,195,199,204,207,194,194,207,209,207,202,196,194,191,207,212,142,148,212,222,194,179,183,202,215,215,204,183,135,137,186,191,199,207,207,204,204,209,209,215,225,225,225,225,225,228,228,230,230,230,217,194,139,145,196,145,135,134,138,199,207,204,209,222,228,228,233,238,235,196,59,67,143,147,196,202,209,217,220,217,220,217,212,211,215,212,198,198,212,220,225,222,217,217,222,225,217,191,83,61,87,89,35,3,3,5,103,212,222,217,209,199,194,192,196,199,204,209,215,225,228,225,225,225,224,224,228,230,228,228,220,211,211,215,220,217,217,217,222,228,225,215,207,207,207,202,195,195,196,139,135,209,222,217,186,129,186,199,207,204,199,199,202,204,204,202,199,196,194,194,194,199,204,209,212,207,186,172,181,202,212,215,212,209,199,186,187,194,196,196,196,196,191,186,141,141,186,189,194,196,199,204,207,212,212,209,207,207,207,207,207,207,207,209,209,209,209,207,207,199,189,186,189,199,204,202,196,191,191,194,194,191,189,183,181,178,176,173,170,170,173,168,125,125,123,121,119,115,111,109,111,113,117,119,121,127,176,186,196,202,199,194,191,190,191,194,194,194,196,199,202,204,204,204,204,204,204,204,204,202,199,202,207,212,212,207,202,198,198,199,199,198,199,204,204,202,199,196,196,196,196,196,196,199,202,199,196,196,196,199,202,204,204,204,202,204,202,194,189,186,191,199,204,207,212,212,209,207,204,207,207,204,202,204,204,202,196,199,204,209,212,212,215,217,220,217,217,217,217,217,220,222,222,225,225,225,225,222,220,220,217,212,209,209,215,222,230,235,235,235,238,243,246,246,243,238,235,230,222,215,209,209,209,212,209,207,204,202,192,192,202,207,207,209,207,204,204,207,212,215,217,216,216,217,222,225,225,222,220,222,225,225,225,225,225,225,225,225,228,233,235,238,238,238,235,233,233,233,233,233,233,233,233,233,233,233,233,235,235,235,235,235,235,235,238,238,238,238,235,233,230,230,230,230,230,228,228,228,230,230,233,233,235,238,241,243,246,251,255,255,255,251,243,238,235,235,238,241,243,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,194,181,181,170,163,117,103,87,81,65,51,35,29,25,29,25,19,5,5,19,37,57,51,37,28,31,45,45,31,22,25,37,37,19,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,7,25,9,1,0,0,0,0,0,0,0,0,0,0,48,46,38,38,40,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,27,20,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,150,165,181,181,189,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,35,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,20,53,74,103,103,48,0,0,0,0,0,0,105,105,79,69,72,0,0,53,90,0,0,0,0,0,0,100,66,38,1,0,0,0,0,0,0,0,0,0,173,79,33,33,40,35,20,13,46,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,35,43,39,37,23,33,105,189,0,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,168,152,90,19,7,11,13,11,5,0,0,0,3,13,27,0,0,0,87,92,92,90,92,98,103,0,0,92,74,72,92,0,147,126,37,0,0,0,0,0,0,0,0,0,0,0,3,45,111,137,142,142,137,116,51,27,19,15,9,5,5,11,13,1,0,0,0,0,0,0,0,0,0,45,65,53,28,29,61,139,183,194,202,202,202,209,209,202,189,176,170,173,176,183,189,191,191,189,189,181,160,115,160,160,160,115,106,109,115,105,95,105,111,107,111,95,79,77,75,75,79,107,165,173,173,160,113,107,101,93,79,79,101,119,107,94,92,103,111,119,168,178,186,191,194,191,199,191,191,183,173,168,168,173,176,176,170,163,160,101,85,89,113,181,189,189,191,191,183,181,173,160,152,163,178,181,176,170,168,160,107,83,69,77,93,93,89,85,74,73,81,87,152,178,191,189,186,170,168,178,204,225,209,176,109,115,181,191,176,105,73,97,181,196,222,246,255,255,255,255,255,255,238,204,168,147,139,144,147,93,53,30,30,45,43,25,9,17,39,61,73,73,61,49,39,41,57,77,124,126,129,137,165,194,222,225,215,199,189,181,176,181,189,199,212,212,199,189,191,196,202,199,196,191,196,191,186,178,178,186,196,191,191,196,196,191,186,181,181,181,181,131,131,131,181,181,189,209,212,196,191,209,233,246,238,222,222,228,228,235,235,215,178,117,95,71,69,91,121,183,204,194,170,117,125,178,183,176,163,109,105,109,115,168,189,194,176,155,109,105,109,144,105,89,67,63,67,77,91,99,144,142,97,77,67,61,59,59,61,67,71,71,77,87,77,61,53,51,50,51,61,118,126,118,67,57,53,53,47,41,33,29,25,19,19,19,19,23,25,31,37,43,43,41,47,77,147,150,134,134,134,134,77,67,71,77,77,77,77,95,150,168,170,155,79,71,87,160,168,160,160,160,152,142,97,0,0,0,0,134,134,142,160,170,178,173,155,142,139,144,163,170,144,91,67,45,29,33,53,91,160,186,196,189,168,146 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,181,170,173,168,168,165,160,152,105,0,0,0,0,129,168,189,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,66,116,124,131,137,137,142,144,142,139,139,147,165,196,212,217,215,212,209,212,217,222,225,225,225,217,222,228,191,58,55,81,115,119,176,194,196,199,202,199,196,186,181,127,181,189,181,121,178,196,178,173,183,176,109,109,127,129,127,129,170,129,123,117,115,119,125,129,131,131,176,196,199,202,202,202,204,209,217,215,123,75,123,194,196,183,183,191,194,196,199,207,207,199,190,194,204,209,209,207,202,204,209,215,212,209,209,212,212,212,209,209,204,196,195,196,202,204,207,212,217,220,217,220,217,212,202,137,111,123,215,215,209,217,222,222,222,217,196,179,181,196,207,209,215,225,228,225,225,225,225,225,217,194,137,133,137,143,194,204,217,225,230,233,235,233,222,215,207,202,199,196,194,194,190,189,191,199,204,202,202,209,222,228,228,230,230,230,225,222,222,222,228,225,209,202,204,209,207,202,190,191,207,209,185,174,212,202,136,133,139,191,196,194,138,136,139,183,133,135,186,194,204,215,217,215,209,194,182,182,189,196,215,222,217,222,225,217,189,173,183,191,189,186,186,196,207,212,207,202,199,199,199,199,199,192,190,194,212,217,204,137,186,212,225,230,238,243,238,116,124,204,209,125,119,186,228,235,133,128,131,137,199,233,209,111,52,71,215,230,235,243,248,246,246,241,228,202,222,230,233,233,225,75,71,57,31,7,0,0,35,181,230,238,230,209,77,83,101,113,127,181,191,196,191,186,181,183,204,222,217,204,187,183,191,209,207,189,181,189,199,202,199,204,209,222,228,233,235,235,238,222,212,217,196,176,133,189,204,204,204,204,217,235,238,238,238,238,235,235,233,233,233,235,235,199,95,93,220,235,230,230,228,228,230,230,233,235,235,235,235,234,234,234,238,241,230,196,85,95,255,255,230,105,65,117,183,191,173,120,178,178,161,150,183,217,230,233,238,241,235,231,233,233,235,235,235,241,246,241,217,13,0,0,75,113,189,191,185,199,207,199,189,186,202,204,196,191,183,189,199,202,186,7,0,71,103,199,235,233,225,196,100,112,186,189,196,202,199,196,194,186,196,202,137,121,109,115,228,230,217,207,215,217,215,209,215,217,215,209,209,215,222,212,202,204,225,233,212,87,69,53,76,83,115,228,228,209,123,123,121,125,199,225,230,217,194,189,139,183,204,225,233,241,238,133,46,60,125,194,209,215,143,135,141,196,209,217,225,225,225,228,230,230,233,233,235,235,238,238,238,238,238,235,233,233,235,235,230,228,225,215,204,196,196,199,194,143,139,143,196,202,204,202,189,134,135,135,131,122,117,131,212,222,228,233,235,233,228,217,199,138,139,199,143,133,199,228,233,233,228,222,202,191,143,143,196,209,228,228,215,207,191,189,137,125,123,139,225,235,238,238,241,243,243,241,235,228,215,209,215,238,243,207,189,207,225,230,230,230,230,230,228,228,225,225,225,222,202,118,126,212,212,212,217,228,233,228,194,95,71,235,235,233,230,228,222,212,207,199,191,190,196,209,225,222,207,194,191,185,182,185,191,194,191,191,191,186,191,189,128,126,183,196,195,195,199,204,196,195,204,209,204,199,190,190,199,212,212,152,157,222,230,207,186,186,196,209,215,215,209,196,191,191,191,194,199,194,191,196,202,202,207,217,222,222,225,228,228,225,225,228,230,207,147,141,139,199,212,143,130,135,145,194,194,204,222,228,230,235,246,251,139,40,44,117,137,147,204,212,217,225,225,225,222,212,212,220,228,222,212,209,209,212,215,215,217,222,225,222,215,133,123,204,222,77,9,13,25,119,215,222,212,204,196,194,194,194,190,191,196,207,222,225,225,228,225,225,225,228,228,225,222,217,212,212,217,220,212,209,217,225,228,225,215,207,209,212,209,199,199,204,141,128,196,230,220,204,191,189,189,202,204,202,202,207,207,204,196,194,191,189,194,194,196,202,204,209,204,189,150,168,194,209,212,209,207,202,194,196,202,199,194,191,189,186,141,141,186,189,191,194,199,202,204,209,212,212,212,209,207,207,207,207,207,207,207,209,209,209,207,207,199,191,187,189,196,202,199,194,191,194,199,199,194,189,186,186,186,183,178,178,181,181,181,168,125,125,121,121,117,113,109,109,113,117,121,127,173,181,186,194,199,199,196,191,191,191,191,194,194,196,199,202,204,204,204,204,207,204,204,202,202,202,207,212,215,212,209,202,198,198,202,202,198,199,202,204,207,204,199,199,199,196,194,194,196,199,199,196,194,194,196,199,202,202,202,202,202,202,196,189,189,194,196,199,204,207,207,204,202,200,202,204,204,202,202,202,199,195,196,202,207,212,215,215,217,217,220,222,222,220,220,220,220,222,222,225,225,225,225,225,225,225,217,212,212,215,222,228,233,235,238,241,246,246,243,241,238,235,230,222,215,212,212,212,215,212,204,202,196,192,194,202,207,207,207,204,202,202,204,209,217,220,217,217,217,217,222,225,222,222,222,222,222,225,225,225,228,228,228,228,233,235,238,238,238,235,235,233,233,233,233,233,233,233,233,233,233,233,233,233,233,230,230,230,233,235,238,238,238,238,235,233,233,233,233,233,230,228,228,230,230,233,235,235,235,238,238,241,248,255,255,255,251,243,241,238,238,238,241,243,246,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,194,191,170,168,163,117,109,99,87,75,51,31,17,9,9,13,11,3,3,17,45,57,57,37,24,24,31,37,25,18,21,25,25,17,3,0,3,11,11,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,53,46,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,129,147,157,157,157,150,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,43,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,7,0,0,0,0,0,0,0,0,0,0,0,0,90,134,124,56,0,0,0,0,0,0,0,0,129,61,43,0,53,30,64,0,0,0,0,0,207,124,66,30,0,0,0,0,0,0,0,0,9,191,144,56,13,15,40,40,13,13,40,43,0,0,0,0,0,0,0,0,17,35,0,0,0,0,0,19,79,100,103,111,100,95,134,191,0,255,255,255,255,255,255,255,255,255,251,0,0,0,0,0,0,0,0,0,191,183,98,6,0,4,13,11,5,0,0,0,0,0,21,0,0,90,90,87,90,92,100,105,111,108,100,92,74,69,85,0,137,126,85,11,0,0,0,0,0,0,0,0,0,0,0,27,87,126,129,126,134,139,129,111,92,51,25,5,0,11,13,0,0,0,0,0,0,0,0,0,0,37,65,61,33,29,47,83,139,181,183,189,194,199,194,189,176,170,170,173,183,183,183,183,183,189,191,191,160,105,99,99,101,113,111,157,160,94,89,95,107,101,101,89,76,74,75,77,93,157,165,160,107,99,95,99,107,107,99,101,115,111,97,92,95,105,121,178,178,168,168,178,191,189,189,191,191,191,183,173,170,173,176,173,163,163,160,103,91,103,165,176,183,183,191,189,183,173,155,101,109,165,176,178,181,181,178,168,89,25,33,81,103,97,97,93,79,77,85,81,80,85,101,115,163,168,178,202,228,235,235,209,176,186,222,222,173,67,11,17,73,119,189,209,228,254,255,255,248,238,228,204,178,147,101,91,81,61,33,24,30,53,51,37,31,39,61,103,126,121,73,51,37,33,41,57,67,69,81,137,173,199,215,225,222,202,189,170,168,181,189,199,212,199,196,189,191,196,209,209,202,196,196,196,186,181,178,178,181,178,181,186,186,186,186,186,181,181,181,131,131,181,189,189,196,209,220,209,196,209,230,238,230,220,220,220,222,228,228,207,125,99,71,62,61,67,103,183,217,209,178,117,121,178,189,189,178,115,111,111,117,168,189,189,178,155,109,105,111,155,155,144,97,89,89,89,89,95,134,99,79,71,67,61,59,59,60,61,67,67,71,77,71,61,53,51,50,50,57,77,126,118,69,59,57,57,57,53,45,31,23,19,17,19,19,23,27,33,41,43,43,41,51,116,142,142,126,134,142,134,73,62,65,79,93,87,87,99,150,165,168,150,77,69,87,160,173,160,155,160,155,144,134,0,0,0,99,134,134,134,150,170,181,181,170,147,137,144,163,165,144,93,67,45,29,33,51,79,144,168,176,168,160,152 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,155,173,168,160,144,118,43,53,0,0,0,0,0,46,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,43,92,121,142,144,147,147,147,139,137,139,142,155,189,207,215,215,209,207,212,217,222,225,225,225,217,215,212,181,65,58,61,95,115,170,176,178,189,194,186,183,186,196,202,202,191,183,176,189,204,183,163,168,178,170,168,170,126,124,127,129,125,115,101,97,107,121,178,181,176,178,183,181,181,186,199,207,215,217,215,125,75,135,194,196,183,186,183,183,189,196,204,204,196,192,195,204,207,207,204,202,204,209,212,209,209,209,212,212,212,209,209,207,202,199,202,209,215,222,222,217,216,217,220,215,212,220,186,44,32,89,129,139,202,215,217,225,222,202,182,181,189,204,212,222,228,230,230,230,228,225,225,215,143,130,125,129,131,135,189,204,217,225,228,228,225,222,217,215,209,202,199,196,191,187,187,199,215,217,209,204,207,222,228,230,230,230,230,225,222,222,222,225,220,202,191,191,196,207,209,196,194,212,215,189,178,207,196,134,132,137,189,189,189,183,138,139,139,130,133,191,196,202,204,204,202,199,189,183,186,199,191,194,207,217,228,233,228,199,170,185,186,183,191,191,199,207,215,215,212,209,209,207,204,207,199,190,194,207,204,133,128,135,202,222,225,228,225,220,115,230,235,235,238,225,191,191,209,207,133,131,186,204,204,129,87,53,83,222,233,238,238,241,246,248,243,230,228,241,235,204,186,51,55,105,194,191,196,228,41,43,181,212,225,215,189,79,95,109,111,119,178,196,204,202,196,189,119,107,181,212,207,189,189,209,217,207,183,179,194,202,196,190,196,212,222,230,233,235,238,238,235,228,207,123,121,129,181,199,207,215,225,233,241,243,243,241,238,235,235,233,233,233,233,238,241,191,82,80,194,225,228,230,230,230,230,233,233,233,235,235,234,235,235,234,238,243,230,85,73,71,63,73,105,111,109,111,191,207,204,202,189,153,131,165,202,222,230,235,238,235,238,235,235,238,235,238,238,238,194,27,15,0,0,45,77,196,202,194,209,215,204,135,133,191,199,196,183,174,177,183,189,183,27,27,37,30,59,191,207,202,189,139,141,191,185,189,202,209,212,215,215,222,225,228,225,222,235,233,235,235,228,217,209,209,215,228,230,230,225,222,228,233,230,199,202,228,238,246,238,87,35,66,95,196,228,217,196,129,123,123,121,139,209,222,215,204,202,191,183,194,212,228,243,243,123,63,127,212,202,207,225,199,133,138,196,215,225,228,225,225,228,230,233,233,235,235,235,238,238,235,235,238,235,235,235,235,235,233,233,230,228,217,209,207,204,199,194,196,204,215,212,207,202,194,194,191,141,134,124,117,118,207,209,207,215,217,212,196,141,138,139,207,230,225,209,204,209,228,222,207,142,134,135,140,143,133,137,204,207,207,212,215,225,209,186,139,209,235,241,238,237,238,243,246,243,235,228,217,215,212,215,207,191,191,207,228,235,233,230,230,230,230,228,228,228,228,230,189,88,104,217,215,215,225,230,230,222,103,17,14,254,243,238,233,230,225,212,202,194,190,190,194,202,207,207,202,199,194,186,183,186,199,207,207,202,196,185,194,199,137,130,183,204,207,199,199,199,195,192,199,212,209,199,190,191,204,207,196,178,177,212,222,209,194,186,191,202,207,212,207,199,194,196,199,199,199,194,191,194,196,194,199,207,215,222,225,228,222,215,209,212,212,147,145,145,128,145,230,225,138,140,147,147,147,202,217,230,235,238,243,248,123,38,41,87,125,147,207,215,222,228,230,228,222,215,212,222,230,233,222,205,199,202,207,212,215,220,225,228,225,204,189,212,233,127,55,73,103,202,217,215,207,202,202,207,212,207,191,189,190,194,209,215,222,228,230,228,228,225,217,212,212,217,220,222,222,212,199,199,215,228,228,225,215,207,209,215,212,207,207,212,194,127,131,209,212,212,202,186,136,194,207,207,209,212,209,202,196,189,186,189,194,194,196,196,202,207,207,194,147,165,189,207,212,209,207,204,202,207,207,199,191,186,141,140,140,140,186,189,191,194,199,202,204,207,209,212,212,209,207,207,204,204,204,204,207,207,207,204,204,199,196,191,191,194,199,199,196,191,191,194,199,202,196,194,191,194,191,189,186,186,189,191,186,173,125,125,123,121,117,111,108,108,111,117,125,173,181,186,183,186,191,194,194,194,194,194,194,194,196,199,202,202,202,202,204,207,209,207,204,202,202,204,209,215,215,212,209,204,199,199,202,202,199,199,202,204,207,204,199,199,196,196,194,194,196,199,202,199,194,191,191,191,191,191,196,199,202,202,196,194,194,196,196,199,202,204,204,202,200,200,200,204,207,204,202,199,196,195,192,195,202,209,212,212,212,215,217,217,220,222,220,220,218,222,222,225,228,228,228,228,230,230,225,217,215,215,222,228,233,235,238,241,243,243,241,238,235,235,230,222,215,212,212,215,215,212,204,199,194,192,194,202,207,207,207,204,199,199,204,209,217,225,225,222,217,217,222,222,222,222,222,222,222,225,225,225,225,225,228,230,233,235,238,238,238,235,235,235,233,233,233,233,233,233,233,230,230,230,230,228,228,228,228,230,233,235,238,238,238,235,235,233,233,233,233,233,230,225,222,225,228,230,233,235,235,235,235,238,243,254,255,255,251,246,241,238,238,241,241,241,243,246,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,199,191,178,168,160,157,113,101,85,71,43,23,3,0,0,0,3,3,11,29,55,61,61,49,30,30,35,49,35,24,24,35,43,43,35,56,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,7,30,0,56,0,59,0,61,56,53,46,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,113,129,147,147,139,131,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,79,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,74,124,118,64,22,0,0,0,0,0,0,0,126,33,13,22,20,20,48,0,0,0,0,0,0,157,66,7,0,0,0,0,0,0,0,0,0,72,43,0,0,30,66,66,40,9,3,0,0,0,0,0,0,0,0,0,46,38,0,0,0,0,0,9,79,100,111,134,134,121,147,183,230,248,255,255,255,255,255,255,255,251,241,0,0,0,0,0,0,0,0,0,202,194,116,17,0,4,19,25,19,7,7,1,0,0,21,61,0,95,95,87,86,95,105,116,113,103,95,87,74,68,85,111,134,142,124,37,0,0,0,0,0,0,0,0,0,0,0,0,37,95,95,92,100,134,152,152,137,103,41,9,0,0,1,0,0,0,0,0,0,0,0,0,0,5,31,33,17,11,25,55,116,150,163,163,163,173,181,181,176,173,173,173,173,176,176,176,176,176,183,176,105,83,81,82,89,105,105,113,157,95,89,95,99,91,93,93,83,81,83,93,113,173,160,107,93,88,90,97,113,160,123,123,123,107,94,92,99,119,178,191,186,176,168,178,186,183,183,183,183,189,189,181,181,181,181,170,115,115,160,113,103,117,168,168,176,176,181,176,173,165,98,91,99,160,170,178,189,186,176,160,65,0,21,103,105,103,107,109,85,83,109,101,77,71,74,81,101,117,176,196,228,235,241,225,194,212,241,225,111,11,0,0,21,73,111,168,173,191,220,230,230,230,230,228,215,176,147,93,75,55,31,24,33,57,61,49,45,57,103,137,150,139,103,55,33,21,21,33,45,55,75,142,183,204,225,233,225,209,183,168,165,173,191,209,212,199,189,186,189,202,212,215,202,186,186,191,191,186,178,178,178,181,186,191,191,191,186,186,181,189,181,181,181,189,199,209,209,212,220,212,199,209,225,230,230,228,228,220,220,222,215,183,109,77,65,62,61,64,95,176,217,209,173,114,114,168,189,194,186,163,117,117,117,168,186,186,168,111,105,105,155,170,178,163,144,105,97,89,83,89,95,91,73,71,67,61,61,61,61,61,67,67,71,77,75,67,61,57,53,51,57,71,118,103,67,61,61,61,67,65,49,31,21,17,17,17,19,21,25,29,37,37,37,39,55,113,134,126,121,126,142,126,65,57,63,95,150,150,142,142,150,160,160,144,77,68,77,160,173,160,142,150,155,150,134,0,0,93,134,137,134,134,144,163,181,189,178,147,137,144,163,163,144,91,67,45,33,35,51,71,103,160,160,155,155,155 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,82,56,40,40,0,0,0,0,0,0,0,0,0,0,0,43,100,98,90,134,116,0,0,0,0,0,0,0,0,0,0,92,116,77,82,113,147,152,150,144,118,75,129,150,147,150,168,191,202,204,199,202,207,215,217,220,222,217,212,204,189,176,168,89,61,83,105,121,121,127,176,183,176,129,173,196,222,220,189,170,173,186,199,189,138,126,159,176,176,170,122,121,170,170,117,101,91,90,93,113,181,183,176,178,181,177,176,174,183,204,215,222,217,191,101,204,204,204,199,196,183,137,186,196,202,202,199,196,199,202,202,202,204,204,204,209,209,207,209,209,212,212,209,209,209,204,199,196,202,212,225,228,225,217,217,222,222,209,199,207,202,52,14,20,46,93,191,207,215,225,225,212,196,189,189,196,204,217,228,230,233,230,222,228,215,202,137,130,125,131,132,131,137,194,209,217,217,215,215,217,225,222,215,204,196,194,190,186,190,209,222,217,209,204,209,225,228,228,230,230,230,228,225,222,217,217,212,196,187,185,187,199,204,194,190,207,212,196,186,191,186,136,136,186,191,189,189,191,139,183,181,130,132,186,189,189,194,194,196,199,196,189,191,204,187,186,191,209,228,230,225,202,178,185,182,179,204,204,202,207,212,217,217,217,222,217,212,209,202,192,196,202,139,118,119,129,194,212,215,207,181,128,100,233,235,235,243,241,196,185,204,215,202,191,199,209,207,137,91,35,196,228,235,241,238,241,246,248,246,225,225,255,207,37,24,27,189,230,233,255,241,241,238,199,202,204,204,194,123,75,113,119,115,119,189,222,230,228,225,217,107,93,109,207,202,189,199,212,217,207,189,186,196,199,194,191,199,215,225,230,233,235,238,238,241,230,127,115,119,183,202,207,207,217,230,238,241,241,241,238,235,235,235,235,233,233,235,238,243,243,89,58,75,207,222,228,230,230,230,230,233,233,235,238,235,241,243,238,243,251,235,67,0,0,0,0,23,115,117,181,220,233,233,230,215,191,173,189,196,209,225,235,233,231,235,238,238,238,233,233,230,222,34,0,69,181,85,97,99,228,217,204,207,204,189,125,125,135,186,189,191,183,178,179,191,189,75,105,89,57,89,196,191,138,137,189,196,196,181,186,209,225,228,230,233,233,230,235,235,233,235,233,230,230,222,199,189,196,212,222,225,225,222,217,222,233,233,202,209,230,238,243,241,204,81,117,212,243,235,220,183,137,183,106,101,117,191,215,215,204,202,196,191,194,202,212,230,228,125,115,137,202,199,202,209,189,133,137,196,217,230,230,228,228,230,233,235,235,235,235,235,238,235,235,235,238,238,235,235,235,235,235,233,233,230,228,217,212,209,202,202,207,222,228,220,207,196,202,212,209,204,207,215,217,222,225,204,136,130,132,137,138,138,141,196,217,225,217,207,189,131,194,199,194,140,135,136,143,191,122,129,133,122,121,143,209,222,217,202,199,217,235,238,238,238,238,243,246,243,233,222,212,209,207,199,186,131,133,196,222,235,235,233,233,230,230,230,230,230,230,230,133,88,107,217,217,215,225,230,225,133,10,0,8,254,246,238,235,235,228,212,199,191,189,190,194,199,202,204,204,202,199,191,191,196,204,202,183,172,176,185,202,199,133,135,202,209,215,209,204,199,194,191,195,215,212,199,190,199,212,202,194,191,196,204,204,202,191,185,185,194,194,196,199,196,199,202,202,202,199,196,194,189,143,191,196,204,209,212,217,222,215,202,194,196,194,138,139,147,127,136,207,204,196,194,194,194,194,196,209,230,235,238,230,202,65,42,57,115,133,199,215,222,228,230,230,228,225,222,217,222,230,233,228,207,194,199,209,217,217,222,225,228,228,217,199,202,225,212,183,139,127,204,217,212,207,207,212,225,228,217,199,191,190,189,190,194,207,217,228,233,230,225,212,208,208,215,222,225,225,212,137,127,212,230,225,225,217,209,209,212,215,212,209,207,194,127,127,133,204,217,209,186,131,186,207,215,215,215,212,204,196,141,137,189,194,194,194,196,199,207,209,199,169,177,191,204,209,204,202,202,202,204,204,199,191,189,186,141,140,140,141,186,191,194,194,196,199,204,207,209,209,207,207,207,204,204,204,204,204,207,207,204,202,196,194,191,194,196,196,196,194,189,186,189,194,199,196,196,196,196,196,196,194,194,196,196,189,173,127,127,127,123,115,109,108,109,111,117,127,178,189,189,182,182,186,189,194,194,194,194,194,196,199,202,202,202,199,199,202,207,209,207,204,202,202,207,212,215,215,212,209,204,202,199,199,202,199,202,202,204,204,202,199,199,199,196,194,194,194,196,199,199,196,191,186,185,185,186,191,194,199,202,202,199,199,204,202,202,202,204,204,204,204,202,202,207,209,207,202,202,199,196,192,194,199,207,209,209,209,209,212,215,217,217,220,220,220,222,222,225,228,228,228,230,230,230,225,217,215,217,225,230,233,235,238,241,243,243,241,238,235,235,230,225,217,215,215,215,212,209,204,199,194,192,194,199,204,207,204,199,196,196,202,209,217,225,225,222,217,217,222,225,225,225,225,225,225,225,225,225,225,225,228,230,233,233,235,238,238,238,235,235,235,235,235,235,233,233,230,230,228,228,228,228,226,228,228,230,233,238,238,238,235,235,235,235,233,233,233,233,228,222,216,217,222,228,230,233,233,233,235,238,241,248,255,255,254,246,241,238,238,241,241,238,238,241,243,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,212,199,191,178,168,160,113,101,79,55,37,15,1,0,0,0,0,7,23,49,73,111,103,95,55,61,103,111,103,79,55,95,103,103,103,103,0,0,0,0,0,0,0,0,0,0,0,0,0,25,35,35,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,12,27,40,51,53,59,56,53,53,48,56,64,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,165,165,147,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,27,116,137,108,0,0,0,0,0,0,0,79,43,22,14,14,13,20,0,0,0,0,0,0,255,142,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,82,82,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,47,85,113,134,134,147,173,209,241,251,255,255,255,255,255,255,246,235,0,0,0,0,0,0,0,0,0,199,186,121,56,0,11,29,59,56,25,15,9,7,9,23,69,90,103,95,87,86,95,105,111,108,95,92,85,74,68,77,105,131,144,142,69,0,0,0,0,0,0,0,0,0,0,0,0,0,43,49,49,85,134,170,170,144,111,57,21,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,47,116,142,147,139,139,150,173,183,183,183,173,163,150,150,157,160,160,150,157,107,83,76,77,82,89,83,71,83,105,99,99,107,99,81,87,95,101,111,157,160,181,181,160,99,90,88,92,107,165,183,173,165,121,105,95,95,107,181,196,196,194,191,186,186,186,181,176,176,176,183,189,191,196,189,181,123,110,110,115,119,113,113,113,117,163,168,170,170,165,111,95,91,107,168,181,186,183,170,152,97,31,0,0,95,91,87,87,93,73,79,189,189,93,77,77,81,93,117,178,196,228,235,235,215,202,225,241,189,59,0,0,0,1,43,73,99,105,111,165,189,196,220,238,248,235,215,173,139,81,61,37,29,37,57,61,55,57,69,121,144,155,144,105,51,27,16,16,19,29,47,73,147,191,222,241,246,235,209,183,166,165,173,191,209,212,191,181,178,183,196,209,209,196,176,178,186,196,191,183,178,181,196,199,199,199,196,186,181,181,189,189,189,191,209,220,220,220,212,220,209,196,199,220,230,230,235,228,220,212,220,207,129,87,64,62,64,67,77,105,183,215,209,170,113,111,121,186,194,189,178,168,168,163,168,181,178,160,105,104,109,163,186,186,173,152,105,91,83,82,87,95,87,71,67,61,61,61,61,61,61,67,67,71,77,77,71,67,63,59,57,57,63,67,67,67,67,67,67,71,71,51,31,21,17,16,17,17,21,23,27,29,31,37,39,55,77,126,124,121,126,134,77,59,56,65,142,176,183,176,160,160,160,160,144,77,68,77,160,168,150,99,134,150,150,137,95,87,95,0,137,134,99,137,155,178,189,181,155,144,147,163,163,137,91,67,49,37,41,55,71,95,144,150,150,150,152 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,181,181,178,194,189,69,0,0,0,0,0,0,0,0,0,105,111,69,64,82,129,134,116,100,5,0,65,155,152,144,150,157,170,178,181,189,199,204,204,209,209,202,196,183,127,127,194,181,87,93,93,111,117,123,129,181,183,129,125,129,194,111,25,49,117,176,196,204,142,125,161,183,183,173,120,120,176,129,107,99,92,89,87,86,113,176,173,176,178,178,181,170,172,191,212,222,215,199,131,209,209,212,215,209,189,137,191,202,204,202,204,204,204,202,200,202,204,207,207,207,204,204,207,209,209,209,209,212,209,202,191,186,191,209,225,228,222,217,222,228,222,199,186,189,204,194,59,54,69,119,202,207,215,222,225,217,209,199,194,187,187,202,215,225,228,222,212,212,196,189,189,207,209,196,139,132,137,196,209,212,204,199,204,215,225,225,217,209,199,194,191,191,202,215,217,215,209,212,222,228,228,228,225,228,228,228,225,217,212,212,209,199,189,185,185,189,191,189,189,199,209,204,194,183,139,137,186,199,202,194,189,186,135,137,186,181,137,181,181,183,189,194,204,209,204,191,189,202,187,186,191,204,222,222,212,202,191,191,183,183,215,215,204,199,204,215,222,228,230,225,215,207,207,204,207,204,133,117,118,125,186,207,212,209,199,199,183,228,235,233,235,233,215,204,217,228,225,202,196,209,215,135,11,0,117,230,235,241,241,241,243,243,248,196,129,212,65,0,0,91,238,235,233,243,241,243,241,238,228,212,209,202,127,43,69,119,113,123,199,228,235,233,233,233,183,104,113,137,133,131,194,202,204,202,202,196,196,194,196,199,204,215,228,233,230,233,235,238,235,215,121,119,127,196,222,212,204,204,212,233,243,241,238,235,235,235,238,235,235,235,235,238,241,246,230,74,74,183,217,228,230,230,230,233,233,233,235,234,235,243,243,243,251,251,111,0,0,0,0,0,67,183,212,238,238,238,241,241,241,238,230,209,196,195,212,235,235,231,233,235,233,220,181,209,222,222,15,0,113,199,209,241,243,243,222,204,191,186,137,125,125,137,183,186,191,194,194,186,189,139,117,230,228,207,202,202,186,136,138,202,212,217,196,207,225,230,233,235,238,238,233,235,241,238,235,228,217,217,215,196,189,191,199,207,209,212,209,204,202,215,228,209,209,222,233,235,228,207,183,202,222,246,241,217,114,127,135,90,92,109,183,207,212,199,194,196,196,199,199,202,202,186,131,133,133,141,196,202,194,134,133,141,204,222,230,233,233,233,235,235,235,235,235,235,238,238,235,235,235,238,238,235,235,235,235,238,233,230,230,228,222,217,215,209,209,215,230,233,222,204,196,202,207,199,212,243,241,238,238,233,215,141,135,137,189,194,194,191,191,196,196,189,189,141,133,130,137,196,202,202,196,204,202,133,135,135,122,119,135,196,209,215,204,202,217,233,235,235,238,238,241,243,241,230,217,207,202,199,194,181,122,120,133,215,235,238,235,235,233,233,230,230,230,228,212,178,125,194,212,212,209,212,209,91,14,0,3,87,241,235,233,233,235,228,212,199,191,189,191,202,209,215,215,212,212,209,207,207,207,207,199,181,169,174,186,215,209,129,128,189,207,215,215,215,209,207,196,196,215,215,196,185,194,209,204,202,202,202,196,191,189,189,185,186,194,186,183,189,194,196,199,199,199,202,202,196,143,140,142,194,202,202,202,212,215,209,194,145,147,202,141,136,139,133,138,143,147,199,199,194,194,196,199,207,230,235,233,207,109,51,48,113,194,196,209,225,230,230,230,228,228,225,228,225,225,230,233,228,212,199,205,220,225,225,225,228,230,230,228,209,204,212,209,191,131,117,186,207,212,215,217,225,233,233,225,209,204,199,191,189,187,199,215,228,233,233,228,217,211,215,217,217,225,228,215,107,78,131,222,209,209,212,204,209,215,217,215,204,202,199,137,131,135,202,222,215,141,126,139,204,215,220,217,215,209,202,127,122,139,196,199,196,194,196,204,209,204,191,189,196,202,204,199,198,198,199,202,202,199,194,191,191,186,141,141,141,186,189,191,191,191,196,202,204,207,207,207,204,204,204,204,204,204,207,207,207,207,204,196,191,191,194,194,194,191,189,186,183,183,186,191,194,194,196,196,196,196,196,196,199,199,191,176,173,173,129,121,115,109,109,109,113,117,129,183,194,194,186,183,186,189,194,196,199,199,196,196,202,204,204,202,198,198,199,204,207,207,207,204,207,209,215,212,209,207,204,202,199,196,199,199,202,202,202,199,199,199,199,202,199,199,194,194,194,196,196,196,194,189,186,185,186,189,186,189,196,204,204,202,204,207,204,202,204,207,207,207,207,207,207,212,212,207,202,202,202,199,195,196,202,207,209,207,207,205,207,209,215,217,222,222,222,222,222,225,228,230,230,230,230,228,222,217,217,222,228,230,233,233,235,238,241,241,238,238,238,235,233,228,220,215,212,209,209,204,202,202,196,194,192,194,202,204,199,196,195,195,199,204,212,217,222,222,217,217,222,228,228,228,228,228,228,228,228,225,225,225,228,230,230,233,235,238,238,238,235,235,235,235,235,235,235,233,230,228,228,228,228,228,228,228,230,233,235,238,238,238,238,235,235,235,233,233,233,230,225,217,216,216,217,222,225,228,230,233,235,238,241,248,254,255,254,246,241,238,241,241,241,238,235,235,241,243,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,215,204,191,176,168,155,107,95,73,49,35,21,7,1,0,0,0,1,23,49,103,124,131,131,131,139,157,165,157,131,111,111,124,111,103,103,0,0,0,0,0,0,0,0,30,14,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,0,0,0,0,0,12,38,48,51,51,51,53,53,59,66,74,74,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,181,147,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,12,20,12,0,0,22,0,168,116,59,0,0,0,0,0,0,61,43,46,46,27,20,27,0,0,0,0,0,0,157,85,9,0,0,0,0,43,0,77,9,0,0,0,0,0,0,3,66,74,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,39,95,131,144,147,168,209,251,255,255,255,255,255,255,255,243,222,225,0,0,0,0,0,0,0,199,186,163,121,77,27,19,56,74,69,33,21,19,21,21,35,77,98,108,98,87,86,92,100,100,92,85,82,85,69,68,77,98,124,139,137,82,0,0,0,0,0,0,0,0,0,0,0,0,0,23,51,87,118,173,194,176,139,111,82,43,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,51,118,142,139,137,139,163,181,194,194,183,163,147,107,101,107,111,109,105,101,93,81,77,83,99,99,69,58,61,73,93,101,111,99,77,84,95,113,181,191,191,191,181,113,93,90,95,111,173,189,191,183,173,115,107,105,107,121,189,196,194,186,194,191,186,178,178,176,176,176,176,189,196,199,189,181,123,110,110,115,160,113,108,108,113,160,168,165,168,165,101,97,99,155,173,181,181,173,107,97,87,0,0,0,65,81,69,41,45,25,31,199,215,170,111,101,101,111,119,173,196,215,235,228,209,204,215,199,107,31,0,0,0,11,37,57,73,85,85,105,165,186,217,238,241,228,202,165,139,118,67,45,37,43,51,55,57,63,98,126,137,137,126,73,49,27,17,16,16,23,53,75,147,191,233,251,251,235,199,173,166,166,173,191,209,202,189,173,170,176,189,196,196,183,170,173,186,196,196,186,178,178,196,209,209,209,196,186,181,186,191,196,189,196,209,220,225,220,209,212,209,196,196,209,230,238,238,228,212,207,207,194,119,69,59,60,65,79,101,123,191,215,209,173,114,111,117,186,194,189,186,186,178,168,168,178,168,111,104,104,111,168,189,189,170,147,99,89,83,83,97,137,91,67,59,59,59,59,59,61,61,61,67,71,77,85,77,77,71,63,57,57,57,61,63,67,67,71,71,100,71,53,33,21,17,16,17,17,21,23,23,27,37,43,47,59,77,126,126,134,134,126,77,60,59,77,160,196,212,207,181,168,165,163,150,87,71,77,150,160,137,83,87,142,150,142,134,99,0,0,137,95,91,99,152,173,186,181,165,152,155,163,163,137,91,73,55,45,51,67,73,87,103,137,137,142,142 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,183,189,191,196,194,105,0,0,0,0,0,0,0,0,0,72,72,17,7,11,87,98,63,61,0,0,0,139,147,142,139,144,155,163,168,176,183,186,181,183,173,119,123,125,117,118,178,181,123,107,83,123,119,119,170,191,209,191,176,127,119,19,0,0,41,119,202,222,215,209,225,202,196,191,170,168,181,127,105,105,103,95,85,75,92,129,129,129,127,133,202,177,173,181,199,209,209,196,186,199,209,215,212,204,135,133,194,207,207,204,209,212,212,207,204,204,207,207,207,207,202,196,199,204,207,207,212,215,209,196,186,182,185,204,222,225,222,222,222,225,217,196,186,190,209,222,225,225,225,217,212,212,215,222,225,215,204,199,199,189,185,187,202,209,212,207,199,189,186,186,196,207,209,191,137,137,191,212,217,207,145,143,196,212,217,222,217,212,204,199,199,204,212,217,217,222,222,225,228,228,225,225,225,225,225,225,222,215,208,209,215,209,202,189,186,194,191,190,194,202,212,215,202,183,137,139,191,209,212,202,191,137,127,131,191,199,189,181,183,186,194,204,209,212,202,186,185,196,194,191,194,196,204,204,204,202,202,199,194,194,207,207,196,192,199,212,225,233,233,228,215,207,212,217,217,207,183,128,133,228,228,215,209,217,228,233,199,222,235,233,228,220,209,207,215,230,222,195,192,202,202,121,0,0,21,222,235,241,243,241,238,241,241,136,102,137,69,17,8,189,235,241,233,225,230,238,238,241,241,233,230,230,209,34,30,39,89,125,189,209,225,228,228,230,225,183,127,131,129,129,194,194,189,194,204,199,186,186,199,207,207,212,230,235,233,233,235,235,222,117,89,123,131,191,217,212,204,203,204,220,238,238,235,235,235,235,238,235,235,233,233,238,241,246,243,131,95,125,225,228,228,230,230,233,233,235,235,235,235,243,246,241,235,181,37,0,0,170,83,0,168,207,228,238,241,238,238,241,243,243,233,212,196,194,204,230,235,233,233,233,217,123,87,114,209,225,0,0,115,199,228,241,243,241,230,194,136,137,199,191,189,202,191,183,181,186,207,199,189,186,212,228,230,217,202,194,186,141,207,222,228,235,225,228,230,233,235,235,235,238,233,235,241,238,233,217,212,217,220,202,191,190,191,196,202,207,207,196,139,137,194,199,202,209,225,228,225,209,191,204,217,233,238,189,113,125,129,97,101,131,183,194,199,186,183,191,202,204,202,196,139,131,139,194,137,139,199,204,191,131,133,194,209,217,225,228,230,235,238,238,238,238,238,238,238,235,235,235,235,238,238,238,235,235,235,235,233,230,230,225,222,222,222,222,217,222,228,230,217,204,199,199,189,114,137,246,243,241,238,235,230,222,212,207,204,204,202,194,189,189,143,141,142,189,143,128,134,212,222,220,209,212,212,191,143,191,191,189,196,196,207,209,199,196,212,230,233,233,235,238,238,241,238,230,222,212,204,196,196,183,116,114,125,212,233,235,235,238,238,235,233,230,228,225,212,196,204,215,209,196,183,189,129,55,21,19,61,217,217,215,215,222,230,222,204,196,194,194,202,212,222,225,225,225,225,225,225,222,217,212,207,199,189,186,194,217,228,137,125,132,196,209,217,222,222,222,212,195,204,212,196,185,190,199,204,207,204,202,196,189,183,185,189,194,196,182,179,183,194,199,196,196,202,202,204,204,194,141,140,143,196,196,199,209,217,209,147,144,147,217,209,138,143,143,147,143,194,204,204,194,192,202,207,215,228,230,215,137,115,73,81,202,204,204,212,225,230,230,228,225,225,225,228,228,230,230,230,228,222,215,222,228,228,228,228,230,230,233,233,225,212,209,204,137,114,107,125,202,217,228,228,230,233,233,225,212,207,207,204,202,199,212,222,228,230,230,230,228,225,225,225,222,225,230,217,95,73,87,202,133,113,123,135,207,217,217,212,194,196,202,189,135,139,207,222,215,141,126,138,204,217,222,222,217,220,215,118,111,127,199,202,199,194,194,202,207,207,202,199,196,199,199,198,198,199,202,204,202,199,196,196,191,186,189,191,189,189,186,186,189,191,194,199,202,204,204,204,204,204,204,204,204,204,204,204,207,207,207,199,191,191,194,191,189,186,186,186,183,181,181,181,183,186,189,191,194,194,194,194,199,199,194,181,178,178,129,121,115,111,111,113,113,119,129,186,196,199,194,189,189,189,194,196,199,199,195,196,202,204,204,202,198,198,199,204,204,207,209,209,207,207,209,207,202,199,199,199,196,196,196,199,199,199,199,196,194,196,199,202,202,199,194,194,194,196,196,194,191,189,189,189,191,189,186,189,196,204,207,204,207,207,202,199,199,202,204,207,209,209,212,212,209,204,202,204,204,202,199,202,207,209,209,207,205,205,207,209,215,220,225,225,225,222,222,225,230,233,230,230,228,225,217,217,217,225,230,233,233,233,235,238,238,238,238,238,238,238,235,228,222,215,209,207,202,202,202,202,202,194,191,191,196,202,199,195,195,195,196,204,209,215,220,222,217,222,225,228,228,228,228,228,228,228,228,228,228,228,230,230,230,233,235,238,238,238,238,235,235,235,235,235,235,233,230,228,228,228,228,228,230,230,230,233,233,235,238,241,241,241,238,235,233,230,230,228,225,217,217,217,217,220,222,225,228,230,235,238,243,251,255,255,254,246,243,241,243,243,241,238,235,235,235,241,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,207,199,191,173,121,109,95,79,61,55,47,35,27,15,3,0,0,1,15,43,73,124,147,157,173,173,189,189,165,139,111,103,103,95,79,79,79,79,79,95,103,95,56,20,14,4,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,20,0,0,0,0,0,0,0,12,38,48,59,51,51,56,61,72,82,90,85,74,51,30,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,131,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,17,12,0,0,0,0,35,147,139,66,33,0,0,0,0,0,0,0,121,87,66,35,5,20,0,168,0,0,191,0,66,59,9,0,0,0,0,215,178,137,0,0,0,0,0,0,0,0,3,40,51,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,21,41,105,152,160,150,168,220,255,255,255,255,255,255,255,255,235,207,207,0,0,0,0,0,0,0,186,176,147,121,92,64,56,66,77,66,31,21,27,27,35,47,87,103,108,95,87,87,98,98,90,74,74,77,77,69,64,69,92,113,129,129,95,0,0,0,0,0,0,0,0,0,0,0,0,0,23,77,111,142,183,202,176,134,118,103,90,51,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,55,116,134,137,139,150,173,183,183,173,163,150,142,101,99,95,99,95,95,95,87,81,83,101,157,115,77,59,60,70,83,99,113,109,87,91,101,113,183,191,191,183,160,97,88,90,107,173,191,191,191,191,183,123,115,113,125,181,189,189,181,178,183,183,178,129,176,176,176,181,183,189,191,191,181,173,123,115,115,160,119,112,108,113,165,173,168,157,157,165,111,109,109,101,107,155,170,165,97,107,105,13,0,0,65,89,69,0,0,0,0,49,191,183,170,163,113,111,117,163,181,204,225,215,209,215,204,170,89,49,7,0,11,39,47,49,65,73,83,101,157,181,209,230,217,178,142,83,75,69,61,45,39,43,45,49,55,67,103,118,108,103,95,61,47,33,21,23,23,35,47,65,124,168,215,238,235,217,191,176,166,166,181,191,202,199,181,168,163,168,176,183,183,176,169,173,191,209,196,181,131,131,183,191,196,196,196,186,186,186,196,189,189,191,199,212,220,209,209,209,196,189,183,209,230,238,235,220,194,194,207,194,123,69,59,60,67,95,121,178,196,209,196,178,117,113,121,186,194,189,196,196,189,178,168,168,160,109,105,105,111,163,181,186,170,147,105,97,95,99,144,150,99,67,55,53,55,59,61,61,61,65,67,67,71,77,77,77,71,67,57,53,53,57,63,67,69,67,71,75,100,65,45,27,19,17,17,19,23,23,23,27,41,51,55,67,116,134,142,150,142,126,87,71,71,134,168,196,212,207,189,178,168,168,160,95,72,77,144,152,95,79,82,134,144,137,0,0,0,0,142,95,87,93,144,165,178,181,173,165,165,163,152,137,93,79,61,53,61,79,79,77,79,77,79,87,87 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,98,163,142,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,0,0,0,0,0,0,0,0,0,0,0,0,116,186,189,189,191,186,118,0,0,0,0,0,0,0,0,0,95,82,5,0,0,37,61,55,67,0,0,0,81,139,139,139,147,157,165,165,170,176,170,160,168,123,116,119,127,121,119,170,170,127,119,81,202,121,112,178,202,217,209,207,196,170,27,20,3,45,170,212,222,222,225,225,217,209,209,202,196,194,170,113,127,173,186,176,109,131,178,127,125,120,120,215,202,186,183,186,196,204,199,191,196,207,207,199,137,114,117,196,212,212,209,215,225,225,217,212,207,207,207,207,207,199,194,195,199,204,207,212,215,207,194,186,183,186,204,222,222,222,222,217,215,209,199,191,199,209,217,225,225,225,225,225,222,220,222,222,212,198,199,207,209,194,189,194,199,199,199,194,199,199,199,202,141,135,129,129,135,199,222,225,199,133,134,194,207,215,215,212,209,207,204,204,212,215,217,222,225,228,225,222,222,222,222,222,225,225,222,220,215,212,215,225,228,217,204,194,209,199,196,207,215,222,222,207,186,135,133,186,209,212,202,186,129,122,123,189,204,196,186,191,196,202,207,209,204,191,182,182,196,199,199,194,190,191,194,196,196,204,204,204,202,194,191,191,192,202,215,225,230,233,225,209,207,215,222,217,202,186,139,207,230,228,204,183,212,238,248,183,207,220,222,215,202,192,190,194,220,222,212,215,212,202,196,119,25,17,207,233,238,243,241,238,238,230,191,106,228,212,135,111,199,238,241,238,235,235,233,235,238,243,238,235,233,228,37,25,0,39,119,176,191,209,217,217,222,230,215,183,181,186,196,209,194,137,186,199,191,134,181,202,204,199,204,225,233,230,230,235,233,212,53,19,97,125,186,215,222,217,215,207,212,228,233,235,235,238,238,238,233,230,230,230,233,241,243,233,194,109,119,222,225,225,228,230,233,235,238,238,235,228,238,248,235,183,79,23,0,168,181,173,101,183,220,235,235,241,241,238,238,241,235,220,204,199,199,204,217,230,235,238,233,215,125,93,118,212,230,0,0,107,196,233,241,241,235,225,135,132,191,251,243,230,225,204,186,182,182,186,183,186,185,194,209,215,207,194,191,194,199,225,230,228,230,230,230,233,235,241,238,235,238,235,235,235,235,228,215,213,222,222,202,191,190,191,196,207,220,225,209,137,132,134,141,196,204,209,209,215,212,199,207,215,217,222,129,129,209,209,199,204,204,191,183,137,133,137,191,202,204,202,196,137,133,202,207,194,189,194,202,199,137,135,207,212,212,212,217,228,235,238,238,238,238,238,238,238,238,235,235,235,238,241,238,235,235,235,235,233,233,230,225,222,225,230,228,225,217,215,215,207,202,202,204,143,95,107,217,233,235,233,230,230,228,215,199,191,191,196,196,196,199,191,142,142,191,189,135,142,222,225,215,202,209,212,194,142,194,207,215,209,202,207,209,191,189,207,225,230,233,235,238,238,233,230,233,233,230,222,207,209,199,113,113,131,209,225,228,233,235,238,238,238,230,225,228,222,212,215,215,204,183,120,124,125,137,228,217,105,212,199,194,199,209,222,215,202,196,196,202,212,222,228,228,228,228,228,228,230,233,228,225,222,215,202,191,194,212,215,194,139,139,186,204,215,222,225,228,222,191,194,199,196,191,194,199,204,204,198,199,207,196,181,182,191,199,191,179,181,191,212,215,204,202,204,204,207,212,215,202,141,142,191,194,199,212,222,215,196,146,149,209,217,196,209,212,209,147,207,212,215,204,199,209,222,225,230,217,137,117,125,145,215,222,204,202,207,217,228,230,225,224,224,225,225,228,230,230,228,222,222,225,228,225,222,225,228,230,233,233,233,230,222,217,212,191,114,108,124,202,222,233,233,230,230,230,217,202,204,209,215,222,225,228,228,228,226,226,228,230,230,228,228,225,225,225,212,121,84,86,199,103,80,80,86,194,212,215,204,185,187,199,137,130,132,212,228,217,194,131,143,209,220,222,217,222,230,230,124,114,141,202,204,202,196,194,199,204,204,204,202,199,199,199,199,202,207,207,204,202,202,199,199,191,189,191,196,196,191,186,186,189,194,196,199,202,204,204,202,202,202,202,202,202,202,199,199,202,204,204,196,189,189,189,186,183,183,181,181,183,181,176,133,133,176,181,183,186,189,191,191,194,199,196,191,186,183,170,121,117,115,115,115,117,123,173,189,196,199,196,194,191,191,194,196,199,196,195,195,199,202,204,202,199,199,202,204,204,207,209,209,209,204,202,199,196,196,199,199,199,196,196,196,196,196,194,194,194,194,196,202,199,196,194,194,191,194,194,194,191,189,189,191,194,191,141,141,194,204,209,207,207,204,199,194,194,196,202,204,207,209,212,212,209,202,202,204,209,207,202,202,204,209,209,207,207,207,209,212,217,222,225,225,225,222,222,225,230,233,233,230,228,225,217,217,222,228,233,233,233,233,233,235,238,238,238,238,238,238,235,230,222,215,209,204,200,199,202,204,204,199,192,191,196,199,199,196,196,196,199,204,209,215,222,222,220,222,225,228,228,228,228,228,228,228,228,228,230,230,230,230,233,233,235,238,238,241,238,238,238,238,238,235,235,233,230,228,226,226,228,230,233,233,233,233,233,235,238,243,246,246,241,235,233,230,228,228,225,222,225,225,225,225,222,222,225,230,235,238,243,251,255,255,251,246,243,243,246,246,243,241,235,234,234,238,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,196,189,176,127,113,101,83,77,71,61,55,45,33,21,7,0,0,0,9,27,53,108,137,165,173,173,173,165,137,100,53,47,47,47,47,47,61,69,69,77,77,61,15,0,1,14,22,20,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,33,4,12,22,7,0,0,0,4,27,51,61,61,59,69,77,87,98,98,90,74,59,40,25,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,157,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,59,66,77,0,0,0,0,0,0,0,178,98,64,27,0,0,0,157,255,254,51,0,0,69,33,0,0,0,0,196,212,0,0,0,0,0,0,0,0,0,0,17,69,92,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,45,65,139,173,173,157,176,233,255,255,255,255,255,255,255,254,215,194,189,0,0,0,0,0,0,0,183,176,147,116,92,72,74,82,82,66,0,25,31,37,45,69,87,103,108,100,90,90,100,98,82,50,51,77,79,69,61,62,85,105,118,129,108,13,0,0,0,0,0,0,0,0,0,0,0,0,17,49,95,116,144,176,176,152,150,126,105,90,41,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,51,77,113,124,139,163,173,163,144,137,139,142,101,95,89,89,87,89,89,89,87,89,99,157,173,165,157,81,73,83,89,101,160,173,160,160,115,113,173,183,173,160,105,90,86,90,113,183,191,191,191,191,191,173,173,173,186,194,189,189,178,178,178,178,129,129,129,176,181,183,191,191,191,176,125,125,168,163,163,160,115,109,119,168,178,181,168,113,112,163,155,150,97,61,53,85,165,173,170,178,178,59,0,15,105,165,113,0,0,0,0,0,109,117,163,163,121,117,117,165,181,194,204,203,204,225,204,170,107,103,85,53,59,67,61,47,51,61,81,105,165,181,199,209,186,144,71,55,51,51,51,41,39,39,37,39,51,69,98,98,90,55,51,47,41,39,35,35,35,37,41,45,65,139,183,215,204,191,183,173,166,173,181,189,191,189,170,163,119,121,163,170,176,173,173,178,196,209,196,176,119,119,125,131,183,186,191,191,186,189,199,189,186,189,196,209,209,209,199,199,189,173,173,196,230,238,220,194,183,183,199,207,129,79,62,62,71,105,129,183,191,196,196,186,170,117,170,189,189,189,209,212,196,181,170,168,119,109,111,111,115,160,178,178,168,152,144,105,105,144,152,152,134,67,55,51,51,57,61,65,67,67,61,61,67,71,77,77,71,67,59,53,53,57,61,63,63,61,67,71,100,71,55,39,25,19,21,23,23,23,22,25,37,51,55,69,116,142,157,160,142,134,126,93,93,142,168,183,196,196,186,181,170,168,160,95,74,87,142,150,93,77,80,99,142,134,134,0,0,0,142,95,91,99,144,163,173,178,178,173,170,163,152,137,95,79,67,61,67,77,71,65,59,59,59,65,65 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,85,59,0,0,0,90,137,147,147,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,131,4,0,0,0,0,0,0,0,0,0,0,0,85,186,168,168,173,163,95,0,0,0,0,0,0,0,0,0,116,118,37,0,0,0,51,45,51,0,0,0,21,139,139,144,152,170,163,157,163,165,165,103,109,117,123,165,127,117,113,119,121,127,127,119,123,111,113,176,196,212,209,207,202,176,125,196,123,119,168,199,217,225,225,222,215,209,212,212,212,209,196,173,176,191,204,209,199,191,186,131,126,117,115,212,209,199,189,182,189,202,204,196,196,202,191,127,88,84,113,209,217,217,217,222,228,225,222,217,212,204,202,204,209,199,194,195,202,207,212,215,212,207,194,186,189,191,207,217,222,225,225,222,215,207,199,191,191,199,209,217,222,225,225,228,230,230,228,222,212,202,204,212,215,207,194,189,189,194,196,199,204,209,212,215,117,127,126,123,128,191,209,204,133,126,132,196,212,215,207,202,202,204,204,209,212,217,222,222,222,222,215,213,215,217,217,222,222,222,222,222,217,222,225,230,230,225,207,196,196,196,196,209,222,217,212,202,139,131,118,122,199,204,194,135,121,123,122,123,194,196,189,194,199,199,199,202,196,187,183,186,202,199,199,199,194,191,191,194,194,202,207,212,207,194,190,192,207,209,212,215,215,225,225,212,212,225,225,209,202,189,123,126,202,220,161,172,215,241,254,86,74,202,207,199,195,192,190,190,215,225,228,228,225,222,230,241,137,91,202,225,235,241,241,241,238,225,202,215,241,235,212,191,212,238,241,241,243,243,235,235,235,241,238,233,230,225,209,129,28,59,115,125,176,191,196,202,222,228,222,202,186,189,212,222,196,122,135,191,135,135,196,196,191,186,196,215,222,222,225,225,222,137,23,0,55,107,191,222,230,233,230,225,220,225,230,233,238,241,238,238,233,225,222,230,230,233,233,196,84,81,119,202,212,222,222,228,233,233,238,241,209,163,165,103,79,9,99,103,103,170,181,178,183,196,212,230,238,243,241,235,235,233,212,207,194,202,202,202,207,222,235,235,233,186,123,119,123,199,238,24,0,113,233,233,235,238,228,137,120,137,225,241,241,233,228,233,230,212,183,178,183,189,189,186,186,191,191,191,196,209,222,228,230,230,230,230,230,233,235,235,235,233,235,235,235,233,230,225,215,217,217,212,207,202,199,202,207,217,230,233,228,207,133,133,186,194,199,196,191,194,202,204,204,204,204,194,133,186,228,238,235,228,215,196,183,127,121,191,199,199,199,199,196,186,191,209,215,204,189,142,191,202,204,209,217,212,209,211,217,230,233,235,233,235,238,241,238,238,238,238,235,235,238,241,238,235,235,233,233,233,233,233,230,228,228,230,230,228,212,142,139,191,202,207,212,199,135,136,191,207,212,209,209,215,212,202,191,187,191,196,199,196,199,199,191,142,143,189,143,202,217,217,202,192,199,207,196,189,194,204,215,207,199,209,215,189,186,199,212,222,230,235,235,248,207,207,225,238,238,230,209,215,225,215,133,133,196,204,215,222,222,225,235,241,230,217,228,230,217,212,212,196,137,137,127,133,199,230,228,209,199,192,190,190,196,215,222,209,202,202,207,222,230,230,230,230,228,230,228,230,230,228,228,230,225,207,178,182,185,186,189,191,191,194,202,215,225,228,230,225,195,194,196,199,199,199,204,207,199,194,199,215,207,179,179,196,202,183,179,183,199,212,215,207,199,204,207,207,215,228,228,215,196,147,194,202,215,225,215,199,149,199,215,222,222,222,225,225,222,225,228,225,222,222,225,230,230,233,225,125,97,103,202,230,222,202,199,204,212,222,230,228,221,224,225,228,225,230,230,215,207,217,225,225,222,213,213,222,228,230,233,225,222,212,215,225,217,204,125,123,196,225,235,235,233,230,222,191,145,204,222,228,230,233,233,230,230,228,226,228,228,230,230,228,225,222,209,196,145,194,199,202,101,77,80,105,196,207,212,207,176,176,194,135,125,141,217,228,225,204,143,194,212,217,217,217,222,228,220,196,137,189,196,199,199,199,196,196,199,204,207,204,204,204,204,207,209,209,209,202,202,204,202,196,194,196,196,199,199,194,189,189,191,196,199,202,204,204,204,202,202,202,204,204,202,196,194,194,196,199,196,191,186,183,181,137,178,178,135,133,135,135,133,131,130,131,133,176,181,186,189,191,194,196,202,202,196,186,173,123,119,119,119,121,125,131,181,189,194,196,199,196,194,194,194,196,199,199,196,195,196,199,199,202,202,204,207,207,207,209,209,209,207,202,196,192,194,196,199,202,199,196,194,194,194,194,194,194,194,194,196,202,199,191,191,196,191,190,194,196,194,189,183,186,194,196,137,136,186,199,207,209,209,204,196,192,191,194,202,202,202,207,212,212,207,204,202,207,209,212,209,204,204,207,207,207,207,212,212,215,220,225,225,225,225,225,225,228,230,233,235,233,230,228,225,225,228,230,233,233,231,231,233,235,238,238,241,241,238,235,233,230,225,215,207,202,200,200,202,204,202,199,196,196,196,199,196,196,199,199,202,202,207,212,217,222,217,217,225,228,228,228,228,225,225,222,222,225,228,230,230,230,233,233,235,238,238,238,238,238,238,238,238,238,235,235,230,228,226,226,228,230,235,238,238,233,231,235,241,243,248,251,246,241,235,230,228,228,228,228,228,230,230,228,225,222,225,230,235,235,238,243,251,254,251,248,246,246,246,246,243,241,235,234,234,235,241,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,189,135,127,121,111,101,93,83,77,71,59,45,31,19,13,0,0,0,0,15,41,59,108,137,144,144,129,108,59,47,33,29,33,47,53,69,47,61,69,69,69,21,0,0,20,38,46,38,25,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,40,20,33,48,46,25,0,0,0,7,38,56,59,61,77,87,87,90,90,82,69,56,40,25,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,0,0,0,0,0,0,0,178,0,0,209,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,144,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,48,92,95,51,0,0,0,0,0,0,121,72,46,0,0,0,0,150,254,254,92,0,0,77,40,0,0,43,74,51,0,0,0,0,0,0,0,0,0,0,0,17,100,103,82,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,35,53,100,147,170,176,173,194,241,255,255,255,255,255,255,255,238,196,178,178,0,0,0,0,0,0,194,186,176,147,100,72,64,66,82,90,82,35,33,45,47,47,53,85,105,116,108,95,95,105,98,82,50,51,82,85,74,61,61,74,95,113,118,95,9,0,0,0,0,0,0,0,0,0,0,0,0,3,11,45,82,100,150,202,209,209,170,98,57,47,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,37,55,65,83,139,173,173,147,97,94,99,142,93,75,75,73,73,83,95,95,89,99,157,160,160,165,160,107,99,101,107,109,160,183,183,173,157,115,160,173,160,113,99,93,93,105,123,183,189,183,183,183,183,183,191,189,194,196,196,189,181,178,178,178,129,129,176,178,181,183,191,199,191,170,107,112,173,181,173,163,115,113,160,170,178,178,160,113,113,163,111,109,69,21,20,77,176,186,189,202,168,45,25,45,105,178,165,9,0,0,0,0,0,29,57,95,121,165,165,173,189,196,204,200,203,204,199,186,183,191,173,99,81,87,81,55,41,43,73,105,165,173,189,191,178,152,83,61,51,49,43,33,33,37,33,39,51,90,90,63,51,39,33,33,39,41,45,41,35,23,23,31,55,124,163,176,176,176,176,173,168,168,173,176,176,168,157,115,113,115,121,170,181,181,181,189,202,202,189,127,117,113,115,119,131,186,196,196,191,196,199,189,185,189,196,196,209,209,209,196,181,125,131,191,220,220,207,186,179,179,189,207,178,99,65,64,77,111,176,191,191,186,186,186,173,170,178,186,186,189,209,212,196,186,178,170,123,119,160,160,160,168,181,186,170,152,144,144,144,152,160,150,99,67,51,49,49,51,59,61,67,67,59,59,61,71,71,71,71,67,63,61,57,53,53,53,57,57,67,69,71,75,67,53,41,31,29,25,23,25,25,29,41,51,55,65,116,142,150,142,126,134,134,124,87,129,155,176,183,183,176,168,168,160,144,87,75,87,142,142,95,82,87,99,137,134,137,142,150,150,137,91,93,137,144,163,170,178,178,173,163,152,147,144,99,93,73,65,61,59,50,48,50,51,51,49,47 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,0,0,95,131,134,103,77,95,118,129,134,142,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,152,56,14,0,0,0,0,0,0,0,0,0,0,0,118,131,108,121,137,98,0,0,0,0,0,0,0,0,0,100,37,0,0,0,0,0,95,124,0,0,0,35,150,144,144,155,163,152,93,152,181,97,17,73,103,125,173,168,111,106,108,113,178,183,121,113,113,119,125,178,194,196,194,186,119,115,207,178,127,170,191,212,222,220,212,209,207,212,215,217,217,209,181,111,199,207,199,191,186,186,191,186,131,120,191,207,202,189,183,191,204,209,207,202,199,186,127,121,117,137,207,217,222,222,222,225,217,217,217,209,199,199,207,207,199,195,196,202,207,212,212,204,199,196,194,194,191,194,199,217,225,228,225,217,209,202,191,187,190,202,215,222,228,228,230,233,233,230,225,215,207,204,209,209,204,194,187,189,196,204,204,207,215,215,202,108,133,137,131,139,191,196,194,141,135,191,212,225,222,202,141,145,202,204,207,209,215,222,217,215,213,212,212,213,215,217,217,222,222,225,225,225,225,230,230,230,222,207,191,143,143,189,199,209,212,204,137,127,125,113,117,194,207,202,137,127,125,121,121,181,191,189,191,194,194,194,199,199,191,189,191,199,199,202,207,202,194,191,191,191,196,199,207,207,199,194,199,215,222,215,196,186,204,222,222,222,230,228,202,196,194,119,109,137,189,144,160,228,248,255,85,49,133,196,199,196,199,207,215,222,228,230,230,230,230,238,241,235,207,209,217,228,243,243,238,230,217,207,217,238,235,222,207,217,233,238,241,246,241,238,238,238,238,238,230,222,225,241,241,127,105,119,129,127,126,133,194,217,225,217,199,181,186,202,207,123,107,111,125,131,186,202,194,183,179,191,209,212,209,209,212,204,103,20,0,47,105,199,228,235,235,235,233,228,225,222,228,235,241,238,235,230,225,217,215,189,131,183,186,125,115,181,202,212,217,217,222,222,238,243,165,11,0,0,0,0,0,17,170,160,109,107,157,181,196,207,220,233,241,238,228,215,202,196,196,202,207,194,186,199,217,233,222,178,35,1,105,204,222,243,119,77,119,222,233,230,225,199,114,120,189,225,233,230,225,225,235,235,215,186,189,209,207,191,141,141,139,139,194,209,222,228,233,235,233,233,230,228,228,228,230,230,230,230,233,233,230,222,215,217,220,209,204,207,207,202,204,212,225,233,235,233,217,141,139,194,196,194,189,185,187,202,207,199,194,189,135,131,189,230,238,238,230,215,189,129,123,127,194,202,198,196,199,196,189,194,212,217,207,143,140,143,204,217,225,228,222,215,215,225,233,235,233,233,235,238,241,241,238,238,235,235,235,238,241,238,235,233,230,230,230,233,233,233,233,230,230,228,228,215,143,139,142,194,202,209,222,215,189,137,136,138,141,191,196,194,191,187,191,199,204,192,192,196,196,191,143,189,191,191,202,207,202,194,194,199,199,191,191,194,196,196,194,194,207,215,204,191,189,199,215,217,215,233,204,93,117,209,233,241,235,207,212,225,222,199,189,196,191,131,132,130,117,108,114,129,189,215,228,217,209,204,189,137,191,215,194,137,139,202,209,207,199,194,192,202,220,233,230,217,207,209,222,233,233,235,233,230,230,230,230,228,225,225,230,228,212,169,179,181,176,179,196,204,199,202,212,225,230,230,217,195,196,202,202,199,202,207,209,204,198,202,212,209,186,183,196,199,189,182,186,196,204,204,191,191,202,207,212,222,230,233,225,207,194,194,204,217,220,209,199,199,207,217,222,225,228,228,230,230,230,233,230,230,230,233,233,233,235,235,204,107,105,143,225,222,207,200,202,202,207,225,228,225,225,225,228,225,222,222,207,204,209,222,225,217,212,212,215,225,225,215,129,95,83,186,220,212,202,186,186,209,225,230,235,235,235,131,131,145,217,230,230,230,233,233,230,230,230,228,228,228,230,230,230,228,222,209,199,199,204,202,199,119,97,105,135,202,209,212,202,172,170,189,189,135,191,217,228,228,209,196,202,215,217,215,215,217,217,209,199,189,189,194,196,199,199,199,199,202,207,207,207,207,207,209,209,209,209,207,199,199,202,199,196,194,199,199,199,199,194,191,191,194,199,202,204,204,204,202,202,204,204,204,204,199,196,196,196,194,189,191,189,186,181,135,133,135,135,129,127,129,133,133,131,130,131,131,133,176,181,186,189,191,194,202,202,199,189,173,125,123,123,123,127,133,181,186,191,191,194,196,194,191,191,194,196,199,199,196,196,196,196,199,202,204,207,209,209,209,209,209,209,207,202,192,191,192,196,199,199,196,196,194,191,191,194,194,196,196,196,196,199,189,133,137,189,191,191,194,199,199,191,183,139,186,186,135,135,141,194,204,207,207,202,196,192,191,196,202,204,204,207,212,212,209,207,207,207,209,212,209,207,207,207,207,207,209,212,215,217,222,225,225,225,228,228,228,228,230,233,235,235,235,235,235,235,235,233,233,233,231,231,233,235,235,238,241,241,238,235,233,230,225,217,209,204,202,202,202,202,202,202,199,199,196,196,196,196,199,199,199,199,202,207,212,215,215,217,225,228,228,228,228,225,222,220,220,222,225,228,228,230,230,233,235,238,238,238,241,238,238,238,238,238,235,235,233,230,228,228,230,233,238,241,238,233,233,235,241,246,251,254,251,246,238,233,230,230,230,230,228,230,233,230,225,222,225,233,235,235,235,241,246,251,251,248,248,248,248,246,243,241,238,235,234,234,241,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,127,119,119,113,111,103,99,93,83,75,59,45,31,19,13,5,0,0,7,21,41,53,59,100,108,108,71,53,41,29,29,29,33,53,92,77,47,61,69,69,53,13,0,7,27,0,0,38,33,22,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,48,30,48,66,77,59,27,1,0,4,17,43,59,61,72,77,77,79,79,72,56,40,25,17,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,95,0,131,0,160,0,144,155,0,0,0,209,181,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,103,79,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,85,69,0,0,0,0,0,147,98,53,46,33,0,0,0,7,100,235,255,152,0,0,121,43,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,40,92,66,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,33,59,111,147,181,199,233,255,255,255,255,255,255,255,255,212,181,173,173,0,0,0,0,0,0,194,183,168,131,95,51,45,49,74,82,82,47,37,47,51,47,51,77,100,116,113,95,87,87,85,55,50,51,82,85,77,68,69,85,100,103,103,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,49,85,105,173,217,215,199,170,92,49,51,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,29,53,81,147,183,189,168,139,99,101,95,77,63,60,60,62,77,99,101,95,101,160,160,114,157,160,113,109,113,113,113,157,173,173,160,113,110,111,115,121,115,109,107,113,165,183,183,181,173,173,173,181,183,196,199,196,189,194,189,189,181,178,178,129,129,176,178,176,183,191,199,199,170,101,107,173,189,189,181,168,119,160,170,178,168,157,113,113,101,95,73,30,21,26,109,189,189,196,204,160,63,47,57,79,105,83,43,51,85,21,0,0,0,23,69,113,165,173,191,204,217,215,204,204,212,215,215,228,233,209,163,107,107,95,61,36,34,47,75,139,155,173,189,181,168,142,83,71,57,39,25,17,31,33,45,55,65,63,53,41,29,19,29,35,47,53,47,31,19,13,19,43,77,134,144,142,142,147,147,139,139,147,147,155,147,113,113,113,119,163,176,189,191,189,189,194,194,183,170,119,115,115,119,176,191,202,202,196,199,199,189,189,191,199,196,196,199,196,183,127,117,127,191,209,209,207,186,182,182,194,207,186,109,75,71,87,115,183,194,191,186,186,178,178,178,186,189,186,186,194,194,189,181,181,170,163,123,168,168,170,181,194,194,178,163,144,144,152,163,163,150,99,67,51,47,43,49,55,65,71,67,59,59,61,67,67,67,67,67,67,67,61,57,53,49,49,53,57,61,67,67,67,61,53,47,39,31,25,27,29,37,43,51,51,55,71,131,134,116,87,89,126,93,87,95,150,176,183,176,168,155,150,150,103,77,74,87,144,142,95,87,93,134,137,137,142,150,155,155,142,95,95,134,139,152,165,178,178,170,152,147,152,144,137,93,73,67,61,55,51,53,59,55,49,46,46 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,147,79,69,113,134,139,126,105,105,113,118,124,129,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,0,0,0,0,7,116,35,0,0,0,0,0,0,0,0,0,0,0,0,51,79,105,56,0,0,0,0,0,0,0,0,0,0,72,56,35,0,0,0,0,0,0,0,0,0,0,0,0,27,40,90,121,27,0,0,0,0,0,0,0,0,66,82,25,0,0,0,0,0,51,67,0,0,0,41,173,163,142,150,160,111,0,9,87,29,13,85,119,189,194,183,117,107,108,117,186,189,123,106,109,115,113,117,127,131,176,129,97,83,95,170,129,176,194,209,212,209,202,199,204,209,212,212,215,207,181,70,93,183,186,178,176,189,207,202,204,126,181,204,207,191,186,189,199,209,212,209,207,199,191,199,202,199,204,215,222,217,217,220,215,212,215,207,196,196,207,207,202,196,195,196,199,202,204,196,191,202,202,199,191,190,194,209,222,225,225,220,212,207,199,191,194,202,212,217,222,225,230,230,233,230,228,217,209,207,207,202,199,194,187,189,202,212,212,212,222,217,207,115,189,196,196,202,194,190,191,199,207,217,225,228,230,207,135,137,196,207,207,202,209,217,217,215,215,215,215,217,217,222,222,222,222,222,222,225,228,228,228,228,222,207,191,141,141,141,189,196,204,204,120,122,129,131,186,209,217,217,202,183,129,121,121,133,186,191,189,189,191,199,207,209,209,207,204,202,202,199,202,199,194,191,194,191,189,186,194,204,204,196,202,217,225,212,131,117,139,212,222,217,222,222,186,183,204,183,116,207,202,151,163,228,248,251,82,32,93,135,191,204,215,228,230,230,230,233,230,230,230,235,238,235,225,215,212,217,235,235,225,207,204,207,225,235,235,225,212,217,230,233,235,241,238,238,241,243,241,238,228,212,222,246,251,222,117,131,194,181,129,133,191,207,209,202,186,178,181,191,186,120,107,109,121,131,181,191,189,179,178,191,212,209,199,194,189,105,93,77,51,181,189,207,225,235,233,233,233,230,222,217,222,228,235,228,204,207,209,204,191,129,123,128,183,183,178,189,202,212,212,215,217,45,51,49,0,0,0,0,0,0,0,0,183,215,92,86,152,194,209,217,220,225,228,176,65,53,111,189,194,212,209,129,119,181,212,215,115,0,0,0,0,212,235,246,254,191,103,127,222,217,225,225,128,126,194,217,225,221,218,220,230,228,199,139,189,212,207,141,138,139,138,139,196,212,222,230,235,235,235,233,230,228,226,226,226,228,228,230,233,233,225,212,207,212,215,207,203,204,202,196,194,207,217,228,228,225,212,191,194,207,204,196,189,187,191,212,215,202,191,183,132,131,189,215,222,228,215,194,115,109,123,183,196,199,196,198,199,191,137,140,209,215,207,189,141,143,204,222,230,233,230,228,228,230,233,235,235,235,238,238,241,241,241,235,233,235,238,238,241,238,235,230,230,230,230,233,233,233,233,230,230,230,233,228,209,191,143,145,194,199,209,204,143,138,138,137,136,139,143,189,189,191,196,207,209,192,195,207,202,194,191,191,191,191,199,202,194,191,196,202,199,194,196,196,194,192,192,192,207,212,212,204,196,189,84,80,139,133,105,80,113,199,230,241,233,199,204,217,225,215,209,215,204,123,128,125,110,100,104,122,139,212,228,225,217,212,199,191,207,222,191,84,80,123,212,222,222,217,212,209,215,233,241,235,215,202,202,228,235,238,238,235,233,230,230,225,222,222,230,230,217,176,196,196,177,178,204,209,202,199,204,217,225,222,207,194,196,202,202,199,202,209,215,212,204,199,199,196,196,199,202,202,194,189,191,191,191,189,186,189,202,207,215,222,228,233,230,212,147,142,202,215,217,207,204,207,215,220,222,225,228,230,230,233,233,233,233,230,233,233,235,233,235,235,228,145,125,145,212,215,209,204,202,198,202,222,230,230,228,225,215,209,199,212,209,207,209,217,225,220,215,213,217,225,225,196,101,23,12,79,207,207,202,204,204,212,217,222,225,196,115,107,127,204,228,228,225,228,233,233,233,233,230,228,228,228,230,228,228,228,225,215,207,204,204,202,196,137,131,141,196,207,215,215,202,178,174,186,194,196,202,217,228,225,212,204,212,222,222,217,212,212,207,194,194,191,189,194,199,199,199,199,204,209,209,207,207,207,207,209,209,209,207,202,198,196,199,196,194,196,199,199,199,196,194,191,194,196,199,202,202,202,202,202,202,204,204,204,202,199,196,202,199,191,185,189,191,189,183,133,129,131,133,127,125,127,133,133,131,131,131,131,133,176,178,183,186,191,194,196,199,196,186,176,127,125,125,127,133,183,189,189,191,191,194,194,191,191,191,194,196,199,199,199,199,199,199,202,204,207,209,212,212,212,209,209,209,209,204,196,194,194,196,196,194,194,194,194,191,191,194,199,199,199,196,196,194,137,124,124,133,189,196,199,204,204,196,183,137,137,137,135,136,141,191,196,199,199,199,196,192,192,199,204,207,207,207,209,212,212,209,209,207,207,207,207,209,209,207,207,209,212,212,215,217,222,225,225,228,230,230,228,228,230,233,235,238,241,243,243,243,238,235,233,233,233,233,233,233,233,238,241,243,241,238,233,228,225,217,212,204,202,202,199,199,199,202,199,196,195,195,196,196,196,196,196,196,196,199,204,209,212,217,225,228,228,230,228,228,222,220,220,220,222,225,228,230,230,233,235,235,238,238,241,241,238,238,238,238,238,235,235,235,233,233,235,235,238,241,238,235,235,241,246,251,254,255,255,248,241,235,235,233,233,230,228,230,230,230,225,225,228,233,238,235,235,238,243,248,248,248,248,248,248,248,246,243,238,235,235,235,241,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,107,108,113,117,113,107,99,93,83,77,61,45,31,25,19,11,11,13,21,33,41,47,53,59,71,100,59,47,29,29,33,41,53,100,121,100,77,69,77,77,61,21,0,0,0,0,0,0,20,14,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,43,25,12,27,48,56,66,66,69,66,61,59,46,22,7,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,131,157,181,176,152,142,144,178,0,0,0,0,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,59,61,64,61,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,14,33,77,33,0,0,0,0,95,87,35,7,20,27,5,0,0,0,46,181,225,134,95,116,116,51,0,0,1,59,35,0,0,0,0,0,0,0,0,0,0,0,5,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,59,121,181,217,251,255,255,255,255,255,255,255,238,196,173,163,173,189,0,0,0,0,0,183,176,157,124,92,55,49,45,45,53,77,53,51,47,47,45,47,53,82,108,103,85,53,55,55,50,50,55,82,82,85,85,90,95,100,100,90,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,134,124,147,204,209,183,160,150,98,57,63,41,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,65,137,181,194,183,168,142,85,61,63,71,67,60,60,71,99,105,95,101,157,157,114,157,160,115,113,157,115,111,111,157,160,160,113,109,108,110,115,123,123,165,173,183,191,183,173,166,166,173,173,183,191,199,189,189,189,196,196,189,178,176,176,178,178,173,173,176,183,183,183,117,101,110,181,196,196,189,181,168,163,168,160,111,113,157,103,83,79,61,35,31,73,178,199,196,196,189,160,83,65,53,53,63,61,55,67,81,61,7,0,0,33,75,117,173,191,207,230,235,230,217,215,228,235,243,255,255,233,183,119,115,103,67,37,29,34,53,85,144,165,178,178,160,142,126,108,69,39,13,7,19,37,51,57,59,53,39,27,19,13,19,39,53,59,53,37,19,9,15,33,55,77,77,77,77,75,71,71,71,75,81,101,107,107,109,113,157,170,189,202,199,181,176,181,183,189,181,125,119,119,125,178,196,209,209,209,209,199,189,189,199,212,199,189,189,181,170,121,117,127,196,212,209,199,189,182,182,189,207,189,117,93,81,95,115,181,194,189,178,181,178,178,186,194,194,186,181,186,186,181,181,181,178,168,165,170,178,181,194,209,209,189,170,147,144,152,163,168,152,99,67,51,43,39,43,55,67,71,67,61,61,67,67,67,64,63,64,67,73,67,61,57,49,45,45,49,57,61,67,67,67,67,61,49,33,25,27,37,43,47,47,43,47,59,77,77,71,71,71,77,77,77,93,150,173,178,173,152,142,142,137,95,74,74,87,142,103,87,77,87,95,134,142,144,144,150,160,152,137,99,95,91,99,155,178,178,165,147,144,152,152,144,95,73,67,67,67,67,77,87,71,53,47,49 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,139,134,103,92,118,134,137,126,111,100,100,111,121,124,116,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,87,64,66,77,69,17,7,46,74,51,0,0,0,0,0,0,0,0,0,0,35,124,196,196,199,183,173,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,134,95,79,108,173,191,39,0,0,37,0,0,0,29,63,137,91,99,163,51,0,0,7,35,83,186,202,207,207,202,189,178,186,186,191,191,181,103,104,106,106,108,113,121,129,176,107,65,48,91,119,183,199,202,199,194,191,191,196,207,207,204,207,202,183,67,36,74,181,127,127,196,204,194,181,117,178,207,215,204,194,185,189,204,212,215,209,207,207,207,207,202,204,217,222,215,215,215,212,207,207,202,196,199,204,209,207,199,195,194,195,199,202,199,191,202,204,202,196,196,199,202,209,212,215,215,212,209,209,207,207,207,207,207,212,217,222,225,228,230,228,222,212,209,207,199,196,194,187,187,199,209,212,212,215,217,217,143,189,199,204,202,191,190,196,212,225,228,230,230,233,222,141,133,139,199,204,196,202,215,225,225,225,225,225,225,225,225,222,222,217,217,217,225,228,228,228,228,222,209,196,189,141,141,189,191,202,202,117,116,137,209,215,215,217,217,209,199,137,127,127,131,183,191,187,187,194,207,217,225,228,228,217,207,202,194,191,196,194,189,189,189,185,182,186,202,209,204,207,225,225,139,87,88,127,207,217,199,125,107,50,45,127,196,196,222,225,170,170,186,204,105,34,41,95,119,181,212,230,235,235,233,233,233,233,230,230,233,235,233,228,217,209,209,209,196,191,143,196,212,233,241,238,230,217,222,230,235,235,238,238,241,243,246,246,238,207,196,217,233,233,204,109,181,215,209,204,199,196,202,199,191,181,178,183,191,189,137,181,186,183,137,135,137,181,174,174,196,222,215,196,186,181,129,183,204,194,189,186,207,225,228,225,225,228,228,225,215,212,199,135,67,56,105,196,196,183,135,129,129,176,178,181,191,204,215,215,215,222,0,0,0,0,0,0,0,0,37,39,27,199,238,83,81,194,225,233,235,228,181,31,0,0,0,33,173,196,204,181,56,53,105,212,217,125,0,0,0,0,191,225,235,238,131,88,91,95,97,202,228,199,139,204,217,222,222,220,222,228,225,199,138,139,191,189,138,136,135,138,143,196,204,220,233,235,235,233,230,228,228,228,228,230,230,230,233,233,230,222,209,202,207,212,209,207,207,204,195,191,202,209,215,215,209,202,194,202,215,207,199,194,194,204,222,222,209,196,189,183,181,186,194,194,189,113,119,111,108,137,204,207,199,198,202,204,186,131,133,194,207,209,202,145,145,199,215,228,233,233,233,233,233,233,235,238,238,238,238,241,243,241,235,231,233,235,238,241,238,235,233,230,230,230,233,233,233,233,230,230,233,235,235,228,204,145,142,143,191,189,140,139,143,191,143,136,138,189,199,202,199,202,204,207,207,225,233,222,207,199,194,190,190,202,207,199,190,190,199,207,209,207,204,204,204,199,194,207,215,217,212,212,196,49,39,131,117,115,115,131,189,222,241,225,198,196,204,215,217,225,238,233,212,196,139,137,189,209,222,225,225,233,233,230,228,220,215,222,215,143,82,76,119,225,233,233,228,220,207,199,209,235,241,230,186,183,212,233,238,238,238,235,233,230,225,220,222,228,230,228,215,222,225,209,194,199,204,196,194,196,204,209,207,199,192,195,199,196,196,199,209,212,209,202,194,183,182,196,209,204,194,191,191,194,191,191,191,189,189,196,204,217,225,225,230,230,212,140,129,143,215,217,212,209,215,222,225,225,225,228,228,230,233,233,233,233,233,233,233,235,235,233,235,233,222,204,204,204,199,198,204,202,199,204,217,230,230,228,222,202,143,138,199,207,209,212,222,228,225,220,217,222,230,228,209,127,26,2,31,202,209,215,228,217,215,209,141,85,67,69,113,191,225,230,224,220,224,228,233,233,233,230,230,228,228,228,228,228,225,225,222,212,204,196,196,202,191,145,194,202,212,212,207,199,194,191,196,202,209,215,220,222,222,212,209,217,228,225,209,199,204,196,185,190,196,194,196,202,202,199,202,209,215,212,207,207,207,207,207,207,207,204,199,198,198,199,199,196,196,199,199,199,196,194,194,194,196,199,202,202,202,202,202,204,204,204,204,202,199,199,202,202,189,185,189,194,194,189,135,127,127,129,127,125,127,133,176,133,131,131,133,133,176,181,183,186,189,191,194,194,194,189,181,133,131,131,133,181,186,189,189,189,191,194,194,191,191,191,196,199,199,199,199,199,202,202,204,207,209,212,212,212,209,209,209,209,209,207,204,202,199,196,194,191,191,194,194,194,191,194,199,202,202,196,196,196,139,124,123,129,186,199,204,204,202,196,189,183,139,137,137,137,186,191,194,194,194,196,196,194,196,202,207,209,209,209,209,209,212,209,209,207,205,205,207,209,209,207,207,212,215,212,215,217,225,228,230,233,235,233,230,230,230,233,238,241,246,248,248,246,241,235,233,233,235,235,235,233,233,235,241,241,241,238,233,225,222,217,212,207,196,147,147,194,196,199,199,196,195,195,196,196,196,196,196,196,195,195,199,204,209,217,225,225,228,230,230,230,228,225,222,222,222,225,225,228,230,233,233,235,238,238,238,241,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,241,246,251,255,255,255,255,251,243,241,241,241,235,230,228,228,230,228,228,228,228,233,238,235,234,235,241,243,248,248,248,248,251,248,246,243,241,238,235,238,243,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,246,98,105,111,119,119,113,103,97,83,75,67,49,37,25,23,19,19,25,31,39,39,45,51,69,75,105,75,51,31,28,39,51,98,126,134,126,105,98,98,105,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,69,61,53,64,69,74,74,72,61,53,46,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,199,209,209,183,142,124,137,0,0,0,0,181,181,0,0,0,0,0,0,0,0,0,142,0,0,0,0,0,0,0,0,0,77,52,52,52,53,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,22,40,90,43,0,17,33,48,69,79,48,20,2,38,56,38,0,0,0,90,113,69,40,43,69,61,59,69,124,178,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,111,181,230,255,255,255,255,255,255,255,254,204,163,139,139,155,173,181,0,0,0,181,176,168,147,118,92,82,55,49,43,43,49,74,74,51,45,39,39,35,47,90,90,55,47,47,51,51,55,82,82,82,85,95,100,100,95,100,98,69,1,0,0,0,0,0,0,0,0,0,0,0,0,15,168,150,109,118,173,176,150,147,144,98,98,111,47,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,65,131,163,176,163,129,17,4,49,99,93,69,62,67,93,99,95,101,160,160,115,160,160,115,157,160,160,111,107,109,113,121,123,115,110,111,123,181,183,183,183,183,183,183,173,166,166,169,173,183,191,196,189,189,189,196,202,194,178,173,178,183,186,178,173,170,173,127,121,112,112,170,196,199,194,189,181,170,170,163,97,85,103,168,99,59,54,63,71,83,109,181,199,191,181,178,160,97,77,53,48,57,81,95,93,105,111,105,101,109,87,115,183,199,209,228,238,246,238,230,230,235,248,255,255,255,238,191,163,157,113,81,49,36,37,55,83,137,152,165,163,142,124,108,77,63,39,13,7,13,31,45,51,45,33,15,9,9,9,17,41,82,90,59,41,15,7,7,15,39,55,55,57,57,43,39,35,37,45,59,81,101,147,155,160,173,181,191,199,189,172,168,176,189,199,189,170,125,125,176,189,202,215,215,209,209,199,189,191,212,212,196,181,176,170,125,117,111,125,191,209,209,196,186,182,182,186,199,189,123,105,95,99,115,181,194,186,178,178,178,186,189,196,196,189,181,178,178,178,186,189,186,178,170,173,178,181,194,209,212,196,173,152,144,152,163,170,160,99,67,55,43,37,39,51,67,73,73,67,73,73,73,67,64,62,64,71,73,73,67,57,51,43,39,41,49,61,67,71,71,77,100,59,37,27,29,37,43,43,43,39,43,55,67,65,65,59,59,59,59,65,87,142,160,168,160,144,103,103,103,91,75,75,93,137,95,71,71,77,91,99,137,142,137,142,160,160,142,93,77,65,79,144,170,178,170,152,144,152,152,144,93,67,61,67,73,93,142,142,77,51,47,53 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,139,139,134,126,126,134,137,137,126,108,96,95,100,118,129,134,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,103,103,87,90,103,100,82,72,56,4,0,0,0,0,0,0,0,0,0,0,157,163,163,173,178,181,183,168,108,0,0,0,0,0,0,0,0,0,0,0,61,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,147,147,173,186,202,209,53,5,144,118,23,126,41,0,19,39,59,63,0,0,0,45,178,202,204,207,204,202,204,204,204,209,209,202,196,194,108,105,106,108,109,117,125,173,194,204,101,61,80,107,178,191,191,189,181,176,181,189,199,199,191,191,199,196,107,36,47,111,121,173,196,196,173,106,98,176,196,212,215,204,189,189,199,209,212,207,204,204,202,199,196,202,217,222,215,215,215,209,204,196,194,196,202,209,209,209,202,195,195,199,204,202,196,189,194,199,202,202,202,199,196,199,202,204,207,209,212,212,215,215,212,207,205,205,207,212,217,222,228,228,222,212,207,207,202,199,194,187,186,189,196,202,202,207,209,207,189,189,194,199,194,190,194,207,222,228,230,230,230,230,225,202,139,130,135,194,191,196,215,228,230,230,228,228,225,225,222,222,217,217,216,217,222,225,228,228,228,225,212,199,189,139,186,202,202,202,202,124,117,135,212,217,215,217,217,212,204,183,137,137,135,183,189,186,187,196,212,220,225,230,228,217,204,196,189,186,196,196,183,139,189,191,185,189,207,222,225,230,235,225,97,73,83,141,215,222,212,123,99,40,18,61,196,217,228,238,217,178,181,191,97,32,109,186,181,196,230,238,238,235,235,235,235,235,233,233,233,233,230,222,212,204,191,113,113,131,139,194,212,235,241,243,238,215,217,230,241,241,241,243,243,243,248,251,215,69,115,209,209,209,183,89,123,217,225,225,222,215,212,207,199,183,179,186,196,196,202,225,230,222,204,186,183,186,170,172,191,217,222,207,196,191,199,202,202,183,132,131,194,209,207,204,204,207,222,222,204,121,48,32,2,0,52,107,123,125,183,181,127,111,119,183,204,215,222,222,228,238,41,0,0,0,0,0,0,0,191,228,165,199,230,85,87,217,233,241,238,230,71,0,0,0,0,0,7,178,194,117,46,40,67,209,228,207,183,189,183,199,194,209,225,225,191,102,97,94,96,98,102,186,204,222,228,228,233,235,233,233,233,225,202,186,141,141,141,139,135,137,143,194,204,215,228,235,233,230,230,228,228,230,230,233,233,235,235,233,225,215,207,202,204,209,212,209,207,207,209,207,200,202,209,209,204,196,189,199,204,202,199,199,202,209,215,212,207,196,191,191,189,181,137,135,83,71,103,183,199,215,222,217,209,202,204,204,194,137,136,141,199,212,215,207,196,202,212,228,233,235,235,238,235,235,238,241,241,241,238,241,241,238,233,231,231,235,238,241,241,238,233,230,230,230,233,233,233,233,230,230,233,235,235,230,215,196,145,145,143,140,139,141,194,196,202,202,189,199,209,212,204,199,202,209,222,238,243,228,209,204,202,191,189,194,204,199,189,187,191,207,222,217,217,225,222,202,192,212,228,233,212,207,215,114,91,139,204,238,228,141,139,202,233,222,199,195,196,199,204,215,235,233,212,196,141,141,196,217,230,230,233,235,235,235,238,235,230,230,230,225,121,107,189,217,225,225,217,215,204,195,195,215,235,233,185,182,202,225,230,235,235,233,233,230,225,220,222,228,230,230,230,217,222,225,204,186,186,194,196,194,194,199,202,202,199,202,202,196,191,196,204,207,202,199,194,181,179,199,207,191,182,183,189,194,194,202,215,209,194,191,204,222,228,228,228,225,202,133,128,145,217,225,217,215,222,225,228,228,228,228,228,228,230,230,233,233,233,233,235,235,235,233,233,233,230,228,217,199,190,191,202,202,199,199,207,217,228,230,222,202,143,139,141,202,204,212,225,228,228,225,225,225,228,230,230,230,113,15,23,189,215,228,233,233,230,131,61,57,65,103,199,222,233,233,224,221,224,228,233,235,235,233,230,228,228,230,228,225,225,228,228,217,199,191,192,207,204,199,199,204,209,207,191,143,199,217,217,215,217,222,222,222,222,217,212,215,217,199,114,114,194,194,187,196,207,204,204,204,204,202,202,209,215,209,207,204,207,207,207,204,204,202,199,199,202,204,204,199,199,199,199,196,194,194,194,196,199,202,202,202,200,202,202,202,202,202,202,202,199,199,199,199,191,187,191,196,199,194,178,125,124,125,125,125,129,176,183,181,178,178,176,176,178,183,186,186,189,191,194,196,194,191,186,183,178,178,181,186,189,186,185,186,191,196,194,194,194,196,199,202,202,202,202,202,202,204,207,207,209,209,212,209,209,207,207,209,209,209,207,202,199,194,191,191,191,194,194,194,191,194,199,202,202,196,199,207,199,137,131,135,189,202,204,202,202,199,199,194,189,183,139,186,189,191,191,190,191,194,196,196,199,204,207,209,209,212,209,209,209,207,207,207,207,207,207,212,212,209,209,215,215,212,209,215,220,228,233,235,238,235,233,230,233,235,241,246,248,251,251,246,241,238,235,235,238,241,238,235,235,235,238,241,241,238,233,225,215,215,212,204,146,142,145,147,196,199,199,196,196,196,196,196,196,196,199,199,196,196,196,202,207,217,222,225,228,233,233,233,230,228,228,225,225,225,228,228,230,230,233,235,235,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,238,241,246,248,254,255,255,255,255,251,243,243,243,246,241,235,230,228,228,228,228,228,230,233,235,235,234,235,238,241,243,246,248,251,251,251,248,246,243,241,238,241,243,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,243,94,102,111,123,125,119,109,97,91,81,69,49,43,33,29,25,31,33,39,39,39,45,57,105,126,126,118,57,39,31,45,57,98,134,152,152,134,126,126,126,126,90,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,64,85,0,126,118,105,90,82,82,82,77,72,61,53,35,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,233,228,209,160,120,114,129,0,0,0,181,0,0,0,0,0,0,0,0,0,0,165,144,131,0,0,0,0,0,0,0,0,111,72,69,61,53,40,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,17,17,77,43,17,33,35,27,53,82,72,27,5,56,0,0,22,0,0,48,79,61,9,0,9,51,72,79,134,178,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,72,13,0,0,0,0,0,0,0,0,0,0,0,0,0,7,79,181,235,255,255,255,255,255,255,255,225,170,121,79,81,124,147,168,0,0,0,176,168,168,157,129,105,90,82,51,35,25,33,45,53,47,35,31,31,23,23,47,53,47,41,47,55,82,90,0,90,85,87,100,100,90,85,92,105,98,29,0,0,0,0,0,0,0,0,0,0,0,0,33,168,134,78,92,147,191,191,183,134,94,113,134,53,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,43,77,131,142,93,55,0,0,49,168,150,77,63,67,93,101,95,105,160,160,111,157,160,115,115,160,160,111,107,105,100,105,121,123,123,165,181,191,191,183,173,173,173,173,173,173,173,173,173,183,191,199,196,189,189,202,204,196,181,176,178,186,194,191,186,181,181,176,173,127,178,191,199,189,181,181,181,181,178,155,83,81,113,173,87,41,43,63,93,101,111,165,168,150,109,155,150,99,87,67,65,95,168,202,212,217,217,207,194,183,176,183,209,230,235,238,243,248,246,238,233,235,248,255,255,254,230,191,165,163,155,99,67,49,47,65,85,137,144,152,144,137,108,77,71,57,39,25,7,5,13,29,33,19,7,0,0,0,5,15,47,90,100,90,47,19,1,0,3,21,39,43,47,43,25,19,15,15,25,45,73,139,157,165,173,181,183,189,183,173,165,168,189,212,222,199,181,168,170,181,191,209,215,215,212,209,199,189,189,212,212,191,181,173,173,125,111,105,117,181,196,196,194,189,186,183,189,199,194,173,119,105,103,117,178,196,194,178,178,181,186,196,212,209,194,181,178,178,181,189,196,194,186,170,170,170,181,189,196,199,194,178,163,147,152,163,170,163,105,73,55,43,37,38,49,61,73,75,77,89,89,77,73,67,67,67,73,75,75,71,61,51,39,37,37,45,57,71,77,103,116,113,67,43,31,37,43,43,39,37,35,43,55,59,65,65,59,53,45,47,59,77,134,144,150,144,142,103,103,103,95,79,79,99,103,79,69,71,87,95,134,142,135,135,142,155,155,134,77,61,55,65,99,165,178,170,152,144,152,152,137,77,55,51,61,79,103,160,150,71,47,49,65 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,144,144,150,165,170,157,150,144,129,105,96,95,100,116,134,160,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,95,87,98,126,139,144,137,98,22,0,0,0,0,0,0,0,0,0,150,165,163,160,163,170,178,170,129,20,0,0,0,1,27,0,0,0,0,0,0,124,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,173,165,176,183,194,209,183,124,155,157,139,225,129,29,29,31,0,0,0,0,87,207,222,215,209,209,202,200,202,207,209,209,209,209,202,191,176,178,181,176,133,181,181,183,199,217,215,129,103,115,125,170,181,186,178,169,170,181,189,181,121,170,196,204,202,89,57,69,113,173,189,199,196,109,101,129,178,194,209,207,194,191,199,204,207,204,204,202,199,194,191,196,209,215,215,215,212,207,196,189,189,194,202,209,212,209,204,196,199,202,196,139,125,138,139,189,199,204,204,199,196,194,194,194,199,204,209,212,215,217,217,215,212,207,207,209,215,222,225,225,215,207,204,202,202,196,194,194,189,189,189,194,196,204,202,191,187,187,191,191,190,191,204,217,225,228,228,230,230,225,217,217,207,133,131,143,143,191,207,225,233,230,228,225,217,217,217,217,217,217,217,217,222,225,228,228,228,225,209,194,141,139,194,222,217,209,204,191,131,131,194,204,212,222,217,212,199,186,183,189,189,191,194,189,189,202,209,209,209,215,215,207,199,191,137,136,189,194,183,137,202,202,196,196,215,230,233,235,233,228,125,95,186,228,230,230,228,215,217,129,65,103,209,228,235,243,238,179,181,222,215,119,217,230,212,215,233,235,235,235,235,238,238,238,238,235,233,233,233,209,194,196,135,109,115,141,141,143,204,228,238,243,243,202,204,222,241,246,243,246,248,246,251,251,131,0,29,176,131,173,89,53,107,228,233,233,230,233,228,222,209,186,177,181,194,202,212,230,235,235,230,217,209,207,186,179,191,212,225,217,204,189,189,189,181,132,131,134,189,196,194,186,181,183,207,215,189,65,60,71,75,65,65,77,97,123,183,181,108,98,110,202,222,225,228,228,233,241,235,101,0,0,0,0,0,0,97,194,173,194,212,142,160,228,235,241,238,217,35,0,0,0,0,0,0,0,115,95,55,55,97,217,235,230,238,235,238,235,215,220,230,233,235,233,238,235,217,98,74,123,215,230,233,233,241,241,238,238,235,235,220,199,191,189,191,191,139,135,136,194,204,209,215,228,233,233,233,230,230,230,233,233,235,235,233,225,212,204,202,202,200,204,212,209,202,202,207,204,196,198,204,207,202,186,137,186,199,199,202,204,202,204,204,199,199,194,189,183,181,133,133,181,90,74,103,212,222,225,228,228,222,207,196,196,196,191,141,141,194,215,230,228,215,215,225,233,235,235,238,238,238,238,241,241,241,241,238,238,238,238,235,233,233,233,238,241,241,238,235,233,230,230,233,233,233,233,230,230,230,233,235,233,225,209,202,199,191,141,143,196,199,199,207,222,202,207,212,209,202,199,202,209,225,238,235,217,207,207,209,202,189,186,187,190,191,191,196,207,222,225,233,238,228,194,189,222,235,238,207,200,215,222,199,199,225,230,204,138,141,194,215,215,204,198,195,195,192,194,212,215,202,191,143,141,191,209,225,233,230,233,233,235,238,241,238,235,238,241,222,194,204,209,204,202,207,215,215,202,198,204,217,215,200,194,202,212,217,222,217,225,228,225,222,222,222,225,228,228,225,136,139,207,194,138,140,196,202,194,194,194,199,207,212,209,207,196,189,191,196,199,196,196,199,192,194,209,204,183,181,186,199,202,196,199,217,222,196,133,194,217,230,230,225,217,194,135,143,209,225,225,217,215,217,225,228,230,228,228,228,228,228,230,233,235,233,235,235,235,235,233,233,230,233,235,235,212,196,199,202,198,195,194,192,202,222,230,228,225,222,196,123,194,202,217,225,228,228,228,225,222,222,228,233,241,228,37,25,117,215,228,233,238,238,81,58,70,141,215,225,233,238,235,230,225,225,228,233,235,235,233,230,228,228,230,230,228,225,228,233,225,204,190,192,207,207,204,207,207,207,202,194,141,189,207,217,222,225,225,222,222,225,222,217,212,196,115,107,109,191,202,202,209,212,212,209,207,204,204,204,209,209,207,204,204,204,207,207,204,202,202,202,204,204,207,204,202,199,198,199,196,194,192,194,196,199,202,202,202,200,202,204,202,199,196,196,199,199,196,199,196,194,191,194,196,196,191,178,125,123,124,125,127,131,183,191,194,191,189,183,178,181,186,189,189,189,194,196,196,196,194,191,189,189,186,186,189,186,185,183,186,191,196,196,196,199,202,204,204,204,202,199,199,202,204,207,207,207,207,207,207,207,207,207,209,209,207,202,196,189,189,189,191,194,194,194,191,191,194,199,199,199,199,199,204,196,186,186,191,196,202,204,204,204,207,204,194,183,138,186,191,194,194,191,190,191,196,199,199,202,204,207,207,207,209,209,207,207,207,207,207,207,207,209,209,212,212,212,215,212,209,209,209,212,220,228,233,235,233,233,233,235,241,243,248,251,251,251,246,243,238,238,241,243,246,243,241,235,235,235,238,238,235,233,225,215,212,209,202,145,142,145,147,196,196,199,196,196,196,196,196,194,196,202,202,202,199,196,196,202,212,217,222,225,230,233,233,233,230,230,228,228,228,228,228,228,230,233,233,235,238,238,238,238,238,238,238,238,235,235,235,235,238,235,235,235,235,238,241,243,248,254,255,255,255,254,248,246,243,246,246,243,238,233,230,228,228,228,228,228,230,233,235,235,235,235,238,241,246,248,251,251,251,251,248,246,243,243,243,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,246,98,104,111,125,168,163,115,103,91,81,69,57,43,37,37,31,39,45,45,45,45,51,69,118,134,134,105,51,31,28,39,51,98,134,170,170,152,134,126,118,98,66,59,90,118,108,69,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,105,92,90,82,74,66,51,43,22,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,243,233,217,189,134,114,111,137,0,0,0,157,0,0,0,0,0,0,0,0,0,0,183,147,113,85,0,0,0,0,0,0,0,0,124,111,72,48,38,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,33,0,0,25,25,17,33,27,7,30,56,27,0,0,30,0,0,0,0,0,0,126,77,25,0,0,5,0,0,0,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,64,0,0,0,0,0,0,5,0,0,0,0,0,0,0,79,181,238,255,255,255,255,255,255,255,204,144,73,61,65,79,124,147,155,155,155,157,168,168,168,152,118,92,85,57,35,0,0,31,51,47,31,22,23,22,20,27,33,33,33,39,57,92,0,0,0,95,98,100,95,85,69,74,95,105,77,9,0,0,0,0,0,0,0,0,0,0,0,0,116,131,108,114,186,228,228,199,129,94,129,144,69,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,53,81,129,121,61,6,0,7,93,189,160,81,67,73,99,107,101,111,165,157,103,107,113,109,109,113,113,107,105,101,94,97,109,165,183,191,196,199,199,191,173,166,173,173,183,183,183,181,183,191,199,204,199,196,196,202,202,196,189,178,178,186,194,191,186,186,194,191,183,183,191,199,191,173,173,181,186,189,181,113,83,83,152,152,55,34,43,69,89,95,111,155,101,73,69,85,91,91,97,107,160,196,202,217,246,254,246,238,222,207,199,202,217,238,238,238,246,251,248,243,230,230,246,255,255,241,212,183,165,160,163,144,79,59,53,67,79,85,126,137,137,126,121,108,71,57,39,27,7,0,1,9,11,3,0,0,0,0,0,15,47,90,105,98,51,23,0,0,0,9,25,37,45,45,27,17,13,11,14,35,69,139,165,173,181,181,183,181,176,169,165,176,212,225,222,199,181,176,181,183,191,196,209,209,209,199,191,181,189,199,212,191,181,176,181,165,111,97,105,165,189,196,194,194,194,189,194,207,199,186,168,113,103,117,181,207,199,183,178,178,189,209,217,212,196,181,176,176,181,194,209,209,186,170,123,163,173,186,189,194,189,181,170,152,150,160,170,163,142,77,59,47,38,37,43,57,71,77,126,134,134,126,89,77,77,87,77,77,77,73,61,53,43,37,36,39,53,67,77,113,113,113,71,55,47,49,49,43,39,31,31,43,55,59,59,63,59,49,43,45,61,87,142,144,142,139,142,103,103,103,95,87,95,103,99,77,71,87,103,142,150,150,135,135,144,160,150,95,67,56,54,65,99,163,178,170,152,137,139,137,93,59,43,41,55,77,105,160,142,65,45,49,77 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,142,150,160,168,173,163,157,152,137,116,113,118,121,124,131,170,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,85,85,108,144,150,157,163,157,33,0,1,173,191,98,0,0,0,100,173,165,159,157,160,163,170,165,157,7,0,0,0,61,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,160,160,163,170,181,191,168,131,134,134,63,79,75,79,73,41,0,0,5,91,212,225,225,217,215,215,207,202,204,207,204,204,204,207,199,189,191,204,204,202,199,196,191,189,196,209,215,207,189,173,123,122,173,189,183,168,168,183,189,108,92,108,191,202,199,181,88,81,109,123,178,199,209,191,120,125,127,131,191,202,199,199,202,204,207,207,207,202,196,194,191,189,191,204,209,207,204,117,85,119,189,196,202,204,209,209,204,202,204,202,135,104,83,139,132,186,202,207,209,207,204,199,194,192,194,202,207,212,215,217,222,222,217,215,212,215,217,222,225,225,215,207,204,202,194,139,143,199,199,191,189,191,196,199,196,189,189,189,191,191,194,199,212,222,228,225,228,230,228,225,225,230,225,137,129,143,191,194,207,225,233,233,228,222,215,212,212,215,215,217,217,217,217,222,225,228,225,217,204,143,136,139,194,217,215,204,204,207,194,131,183,194,204,212,209,202,194,183,183,189,194,194,191,189,194,207,207,194,189,196,202,199,194,183,134,133,136,191,189,137,189,196,191,199,217,228,217,207,204,222,215,212,235,238,230,230,228,230,241,228,186,194,212,228,235,238,233,181,182,225,222,209,212,220,204,212,233,235,233,235,238,238,241,241,241,238,235,233,225,121,119,145,137,120,135,199,127,121,135,212,233,243,243,127,115,99,123,220,225,228,241,243,241,212,119,0,0,67,71,59,39,47,129,233,238,233,230,233,230,228,215,181,172,176,191,204,217,228,233,235,235,233,230,228,222,199,191,202,222,225,191,89,121,137,135,132,135,191,199,199,194,186,137,135,191,207,207,183,194,243,255,251,121,73,83,178,196,191,111,105,183,222,225,225,225,225,230,235,255,243,0,0,0,0,0,0,0,0,29,178,189,183,207,228,235,241,233,113,0,0,0,0,0,0,0,0,71,89,93,178,217,235,246,248,251,246,241,235,230,230,235,241,243,241,243,246,243,186,79,107,209,230,235,235,241,241,238,238,233,228,212,202,196,194,194,196,189,137,138,199,207,204,209,225,233,235,233,233,233,233,233,233,233,233,228,212,196,195,199,202,199,200,209,207,198,198,200,199,195,198,207,209,199,140,135,141,204,207,209,209,202,199,196,191,194,196,183,125,125,129,186,212,202,103,125,215,225,225,225,228,225,212,199,189,189,191,189,143,194,212,230,233,228,228,233,238,238,235,233,235,235,238,238,241,241,241,241,238,235,235,235,235,233,235,238,241,238,235,233,230,230,230,233,233,233,233,233,230,230,233,235,233,230,222,209,202,199,199,204,207,202,198,196,198,207,207,207,202,199,196,196,199,207,212,209,202,202,207,209,204,191,187,186,189,196,207,209,212,222,230,238,241,230,199,191,222,233,225,204,200,204,212,207,194,138,125,111,117,194,199,209,212,207,202,199,198,192,191,202,207,194,191,191,189,143,191,207,222,228,230,233,235,235,238,243,241,238,235,230,222,217,212,196,143,196,212,222,215,202,199,204,207,207,202,202,207,207,199,143,199,212,215,215,215,217,217,217,215,202,131,133,189,186,141,196,202,199,194,196,194,194,209,217,215,204,191,186,189,194,196,194,194,196,196,202,209,202,186,186,204,212,215,202,195,207,212,137,107,112,145,222,228,222,215,204,196,217,222,225,225,222,215,217,225,228,228,228,228,228,228,228,230,233,235,235,235,235,238,235,235,233,233,235,241,243,235,228,228,212,199,196,194,191,198,222,230,230,230,238,123,77,145,209,225,228,228,228,228,225,222,221,222,225,233,235,107,49,107,207,222,230,233,225,78,73,196,228,230,233,233,235,235,235,233,230,230,235,235,235,233,230,228,228,230,230,230,230,230,233,230,217,202,199,204,202,207,212,212,207,204,199,189,141,189,204,217,225,228,225,225,225,225,222,215,196,117,113,119,191,207,215,215,212,212,215,209,204,207,207,204,204,202,202,202,204,207,207,204,200,202,207,209,207,204,202,199,199,199,199,196,192,194,196,199,199,202,202,202,202,204,204,202,196,192,192,194,196,199,199,202,196,191,191,191,186,181,133,125,123,125,129,131,178,189,199,204,202,196,191,183,183,189,191,189,191,199,199,199,196,194,194,194,194,191,191,189,186,185,186,189,191,196,199,199,202,204,207,207,204,199,199,199,202,204,207,207,207,204,204,204,204,207,207,207,207,204,199,191,183,183,186,191,191,191,191,191,191,194,194,196,196,196,194,189,132,132,189,202,202,202,204,207,209,207,196,183,136,136,189,196,199,196,191,191,194,199,202,202,204,204,204,204,204,207,204,204,204,204,207,207,209,209,209,209,212,215,215,212,212,212,209,207,204,209,215,225,228,228,230,233,238,243,246,248,251,251,251,248,246,243,243,243,246,248,248,243,238,235,235,235,233,233,230,225,215,212,207,202,196,147,194,196,196,196,196,196,194,194,194,194,192,196,202,207,204,202,199,194,195,204,212,215,220,228,230,230,230,230,230,230,228,228,228,228,228,230,233,233,235,238,238,238,238,238,238,238,235,235,233,233,233,233,233,233,233,233,235,238,241,243,248,254,255,254,251,251,248,246,246,243,243,238,235,230,230,228,228,228,228,228,230,235,235,235,235,238,241,243,248,251,251,254,251,251,248,246,243,243,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,248,103,107,117,131,170,168,119,109,97,81,73,59,49,43,39,39,39,51,57,51,51,51,71,118,126,118,69,39,28,28,31,45,69,142,183,191,163,142,118,98,66,32,32,66,98,74,35,20,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,95,79,82,82,69,59,46,33,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,233,209,189,173,142,124,124,155,194,207,189,165,0,0,0,0,0,0,0,0,0,215,196,165,131,0,0,0,0,0,0,0,0,0,0,121,61,20,12,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,25,0,0,0,4,7,4,4,20,0,0,0,0,0,0,0,0,0,0,0,246,129,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,72,85,56,15,35,39,37,31,0,0,0,0,0,0,0,85,186,235,255,0,0,255,255,255,254,189,91,57,51,57,79,121,129,129,129,129,144,152,163,168,163,118,90,65,65,51,25,0,25,51,57,35,23,31,33,27,23,21,15,15,23,47,98,0,0,0,111,111,108,100,85,69,0,77,100,90,31,0,0,0,0,0,0,0,0,0,0,0,0,5,131,134,134,186,228,228,207,160,137,168,160,144,152,29,0,0,0,17,27,25,9,0,0,0,0,0,0,0,0,0,21,47,73,121,131,83,27,0,0,49,157,191,160,81,69,81,99,107,107,157,181,160,102,102,105,100,100,100,100,100,101,101,97,98,107,127,191,199,207,207,207,199,189,183,183,183,183,183,189,189,191,199,207,207,207,207,204,202,196,194,194,189,186,183,186,186,186,186,191,191,189,189,191,196,189,173,173,181,186,181,170,99,80,80,97,91,53,42,59,75,83,89,95,99,91,69,55,59,63,65,93,170,202,225,235,222,243,254,241,241,246,233,212,209,220,238,246,238,238,246,246,238,230,229,243,255,255,241,209,183,163,157,160,147,85,63,55,61,73,67,71,77,79,103,108,111,98,53,33,17,5,0,0,0,0,0,0,0,0,0,1,15,47,92,108,100,59,31,0,0,0,5,19,33,39,45,39,25,15,12,12,25,59,137,165,173,181,181,181,176,170,170,173,199,230,230,212,189,189,189,189,183,189,191,196,199,199,196,191,181,181,191,199,191,189,189,189,176,113,91,93,117,181,189,194,196,194,189,194,207,207,189,178,117,103,111,181,207,207,189,176,178,189,212,222,217,196,186,174,174,181,194,209,196,181,125,117,123,173,186,189,189,189,186,178,163,111,152,163,168,144,87,63,49,39,37,39,51,61,77,134,142,150,142,134,134,134,134,126,126,89,85,73,59,49,43,37,39,45,55,71,77,77,77,71,59,55,57,53,43,31,27,27,35,47,51,55,53,51,43,43,49,77,142,160,160,150,142,142,103,103,103,95,93,99,103,93,67,71,99,150,160,160,160,137,142,160,168,150,87,59,56,59,73,134,163,170,163,139,99,99,99,73,49,33,31,45,73,105,155,103,53,45,57,95 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,144,147,152,144,152,155,147,150,144,137,139,142,137,129,129,176,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,92,98,124,144,144,152,165,163,40,0,46,191,209,183,0,0,79,173,181,168,159,157,159,165,173,170,163,1,0,0,0,0,17,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,157,168,163,155,156,176,183,165,139,134,31,0,0,0,13,45,39,0,0,95,186,212,222,217,215,215,215,209,204,204,204,204,204,204,204,199,187,199,204,207,204,204,199,194,194,194,199,204,204,199,191,131,123,173,191,189,170,169,191,194,96,75,102,189,194,189,173,173,173,111,111,129,194,202,204,126,124,125,126,173,196,204,207,209,207,207,207,204,196,194,194,191,182,179,191,199,183,131,47,22,66,191,202,199,199,202,204,204,204,212,209,132,90,76,207,133,196,204,209,212,212,209,202,194,192,196,202,209,215,215,212,212,215,215,215,217,222,225,225,225,225,217,209,209,204,137,132,135,194,202,194,189,191,194,189,189,191,196,191,194,202,204,207,215,222,225,225,228,230,228,230,233,235,220,122,121,139,202,207,212,228,233,233,228,222,215,211,212,215,217,215,215,215,217,222,225,222,217,212,199,141,136,137,186,194,191,186,194,207,207,139,186,196,199,199,194,191,189,139,138,183,189,186,136,134,202,212,209,189,135,139,196,199,194,183,139,137,183,199,199,137,91,109,129,191,212,215,189,179,183,212,222,222,228,228,228,230,230,233,233,207,191,202,217,230,233,235,235,207,202,222,191,186,189,186,129,194,235,238,233,233,235,238,241,241,241,238,235,228,101,77,77,131,133,122,125,118,110,109,118,204,228,238,235,103,0,0,0,17,27,35,83,176,202,107,109,0,0,35,43,19,25,81,222,233,233,233,230,228,228,228,217,186,172,178,199,212,225,230,233,233,230,230,233,233,233,207,186,186,212,217,103,41,92,183,191,191,194,199,199,196,194,189,137,127,123,183,217,241,243,243,248,251,243,204,194,217,228,228,215,212,228,228,225,224,222,222,228,233,243,225,17,0,0,0,0,0,0,0,0,23,155,183,212,228,233,235,204,47,0,0,0,0,0,0,1,79,125,207,228,238,238,238,246,246,246,246,241,225,225,225,233,241,243,241,243,243,243,238,107,111,199,225,235,235,235,235,233,233,225,207,196,196,196,194,194,199,196,202,212,215,212,209,215,225,230,230,228,230,233,233,233,233,233,228,215,202,194,194,202,207,204,207,209,202,195,199,209,212,209,215,217,215,204,191,141,209,222,222,217,212,199,191,189,186,191,204,183,116,118,129,209,233,225,135,183,212,225,225,224,225,225,225,212,191,185,186,191,191,194,204,217,222,222,228,233,235,235,233,228,228,230,233,235,235,238,241,238,235,234,234,235,238,235,235,235,238,238,235,230,229,230,233,233,235,235,235,233,233,233,233,233,230,228,217,202,143,137,194,207,212,207,199,196,199,207,207,204,202,202,199,196,192,183,185,191,196,202,209,209,204,207,212,204,194,202,212,215,212,225,233,238,238,233,215,202,212,217,212,207,202,203,212,207,139,130,117,97,99,199,207,215,215,207,204,207,209,199,196,207,207,199,199,202,199,196,199,207,215,217,228,233,233,230,235,241,241,238,233,233,238,238,228,199,139,139,196,209,209,204,199,202,204,204,202,196,199,204,145,132,138,194,199,199,202,204,204,204,204,196,135,137,141,139,194,212,209,199,194,199,194,192,207,215,204,194,189,186,191,199,199,194,191,189,186,191,202,199,191,199,215,222,225,217,207,209,207,114,68,81,115,199,215,220,217,217,222,228,225,225,225,222,217,217,225,228,228,225,225,228,228,230,230,233,235,235,235,235,235,235,235,235,238,238,238,241,241,238,233,228,215,209,207,202,209,225,225,222,212,220,45,45,147,222,225,228,228,230,230,228,222,221,222,222,225,233,212,97,123,209,222,230,228,209,79,74,191,225,235,235,233,230,233,233,233,230,233,235,235,235,233,230,228,228,228,228,230,233,230,233,233,228,217,207,199,196,204,212,212,209,204,141,139,141,189,202,217,228,230,228,225,225,222,225,228,215,141,133,135,191,207,217,217,212,217,217,209,204,207,207,204,200,200,202,202,204,207,207,204,202,202,209,209,204,202,199,199,199,199,199,196,194,194,196,199,202,202,202,202,202,204,204,202,194,191,191,192,194,199,202,204,199,194,189,183,178,135,131,127,127,131,178,178,181,191,199,204,204,199,194,189,186,189,191,191,194,199,202,199,196,194,194,194,194,194,194,194,189,189,189,189,191,194,199,202,204,204,207,204,202,199,199,199,202,204,204,204,204,204,202,202,202,204,207,207,207,207,202,191,183,183,185,189,191,191,194,194,194,191,191,194,196,196,191,133,124,125,186,207,209,204,202,204,204,196,183,137,137,183,194,199,199,199,194,194,196,202,202,202,202,202,202,202,202,202,202,202,204,204,207,207,207,207,209,209,212,217,217,212,212,215,212,207,153,153,202,209,217,225,230,233,238,243,248,251,251,254,254,254,248,246,243,243,246,248,248,243,238,235,235,233,230,230,230,228,222,212,207,204,204,207,204,202,199,196,196,194,194,192,192,192,192,194,202,207,207,204,199,194,192,199,209,212,217,225,228,230,230,230,230,228,228,228,228,228,228,230,233,235,235,235,238,238,238,235,235,235,235,235,233,233,231,231,233,233,233,233,233,235,235,235,241,246,251,251,251,251,251,248,246,243,241,238,235,233,230,230,230,230,228,228,230,233,235,235,235,235,238,241,246,251,251,254,254,251,251,248,246,246,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,107,110,119,131,183,170,163,111,95,79,73,65,53,47,43,41,43,49,57,65,55,55,67,75,79,67,43,30,27,27,30,43,73,150,189,196,183,152,124,95,51,37,31,37,59,40,21,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,103,79,72,72,77,66,59,43,25,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,233,215,194,189,202,191,160,160,186,178,165,178,189,189,0,0,0,0,235,220,204,204,0,0,0,0,0,0,0,0,0,0,0,0,0,152,113,20,0,0,0,0,0,0,0,0,0,0,14,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,72,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,255,152,46,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,72,142,160,129,103,82,45,31,3,0,0,0,0,0,0,118,191,222,0,0,0,255,255,255,246,186,87,53,45,57,79,118,121,118,116,118,124,131,150,163,152,108,61,57,65,59,43,23,29,53,61,45,35,45,47,39,31,17,5,0,5,33,87,0,0,0,124,124,116,108,95,77,0,69,87,95,69,1,0,0,0,0,0,0,0,0,0,0,0,31,139,147,131,176,228,230,215,199,199,196,176,204,255,100,9,7,23,43,57,61,43,29,15,0,0,0,0,0,0,15,47,71,116,131,139,85,21,0,0,69,150,173,147,81,69,81,93,95,101,157,183,160,107,105,105,100,98,100,98,97,100,107,113,113,123,173,191,199,204,204,207,199,191,191,191,191,191,191,191,191,196,199,207,215,215,207,212,202,189,189,194,194,186,181,186,186,186,186,186,185,185,185,191,191,191,178,173,178,173,163,115,91,77,77,81,85,71,65,79,79,79,85,85,81,85,85,55,56,56,57,87,186,204,212,238,212,222,241,220,235,241,233,220,220,233,246,248,238,238,238,238,238,230,230,246,255,255,235,202,183,165,155,155,147,85,65,59,61,61,55,53,55,63,65,71,100,67,41,17,7,5,1,0,0,0,0,0,0,0,0,0,15,45,92,105,105,77,31,0,0,0,3,17,25,35,45,49,43,23,12,10,21,55,97,157,173,181,183,183,176,173,176,189,215,233,222,191,182,189,196,189,183,189,191,191,191,191,191,183,173,176,189,199,199,199,202,202,181,107,81,81,113,173,181,189,189,186,181,186,196,196,194,181,117,101,109,181,209,209,189,174,176,191,220,228,222,209,186,178,176,178,189,194,189,170,117,109,117,170,186,196,196,189,186,178,163,111,109,152,163,152,93,63,51,43,38,39,49,63,77,134,150,152,152,150,150,150,144,142,134,134,126,87,71,57,49,39,36,39,47,55,61,67,61,61,59,59,65,55,43,29,25,21,27,35,41,43,45,43,39,41,59,95,160,173,170,160,150,142,103,99,95,95,93,95,95,71,62,71,142,160,160,160,150,142,144,168,176,150,77,57,57,67,91,144,163,163,144,99,91,91,79,59,37,25,25,41,73,144,160,103,55,46,65,105 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,144,134,129,126,131,134,134,142,144,144,144,144,144,142,147,178,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,105,121,134,129,118,142,160,165,66,40,7,160,217,118,0,0,163,186,183,168,163,160,163,170,181,186,144,48,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,173,173,160,155,156,168,176,155,134,131,27,0,0,0,0,0,37,29,85,183,204,212,215,215,215,215,212,207,204,207,207,207,207,209,209,204,199,202,204,204,204,204,204,199,196,196,196,196,199,196,196,189,176,176,186,186,173,169,181,189,173,115,123,181,189,183,181,186,183,119,113,125,186,196,191,170,127,129,127,131,189,204,215,217,212,207,207,204,194,191,194,194,182,179,182,186,137,133,73,65,111,202,204,199,196,196,196,196,202,212,212,204,194,189,196,202,204,204,204,207,207,204,199,192,194,202,207,212,217,212,202,199,202,204,207,215,225,225,225,225,217,215,212,212,204,143,136,136,139,189,191,189,189,191,189,191,196,194,196,202,209,209,212,215,217,222,225,228,228,228,230,235,228,124,111,118,143,204,209,215,225,233,233,228,222,215,211,212,222,225,215,213,215,217,222,222,215,212,207,202,191,137,134,135,139,141,140,141,194,194,186,189,196,194,189,186,139,138,138,138,183,186,139,128,104,189,207,209,194,127,111,92,215,202,196,199,212,217,215,212,191,15,36,123,186,194,186,176,178,182,199,217,222,220,225,228,228,228,225,217,199,194,204,225,233,235,235,246,199,65,127,0,135,186,105,23,191,241,241,233,233,233,238,238,235,235,233,225,125,68,77,111,204,207,137,123,120,108,115,141,209,225,228,189,97,0,0,0,0,0,0,0,0,49,59,101,99,0,0,19,53,131,212,233,235,235,230,228,226,228,228,217,204,199,194,199,217,228,230,230,228,228,228,230,235,233,222,183,123,98,199,111,102,186,204,207,202,199,199,199,194,191,194,186,97,18,93,222,241,243,241,241,241,235,225,228,233,235,230,225,228,230,230,225,225,222,225,228,235,243,95,0,0,0,0,0,53,139,0,0,27,163,178,204,222,228,225,75,0,0,0,0,0,0,51,183,225,233,233,238,241,241,241,241,241,243,243,238,228,215,215,222,230,235,238,238,241,246,243,212,129,137,209,225,228,228,225,217,207,143,141,141,143,143,141,143,196,209,220,228,230,230,228,225,222,222,215,204,217,233,233,233,235,233,222,199,194,212,230,222,212,209,215,209,199,196,209,228,230,228,230,228,217,207,202,217,233,235,233,230,215,191,186,186,183,183,186,135,124,122,133,217,228,228,202,137,204,230,228,225,225,228,228,222,204,191,187,187,187,194,202,207,209,212,222,230,230,230,228,225,224,224,228,230,233,235,238,235,235,235,235,238,238,235,233,233,235,235,233,230,229,233,233,235,235,238,238,238,235,233,233,230,228,217,196,134,129,129,129,137,209,215,209,209,212,209,209,212,217,217,209,204,195,187,187,195,204,209,215,209,202,207,235,238,207,204,215,217,209,222,230,233,235,230,215,204,202,204,207,207,207,215,222,209,194,202,199,143,145,202,212,215,209,202,202,209,212,215,217,215,207,204,204,204,199,204,212,215,212,199,217,233,228,228,235,241,241,235,233,233,238,238,225,202,140,138,140,199,204,199,202,204,207,204,194,187,194,209,207,142,141,145,191,190,190,191,196,202,207,212,196,143,139,135,139,207,212,204,202,202,202,204,207,202,189,139,186,191,196,204,209,212,207,191,95,52,47,51,87,194,217,225,228,228,225,225,217,199,135,121,123,135,202,217,228,228,228,228,228,225,225,222,217,222,225,228,228,225,222,222,228,230,233,233,233,235,235,235,235,235,235,235,238,238,238,238,238,235,235,233,228,225,220,217,217,217,215,129,107,53,19,57,209,225,225,225,228,230,230,228,225,222,222,222,225,222,215,196,189,209,215,222,225,191,81,67,73,215,230,235,233,230,230,230,230,230,230,233,233,233,233,230,230,228,228,228,230,230,230,230,230,228,215,202,196,202,204,204,207,212,204,139,130,137,196,207,215,225,228,230,228,225,222,225,233,230,191,139,143,199,209,212,208,209,215,215,202,200,204,207,204,202,202,202,204,207,209,209,209,207,204,204,204,199,199,202,202,199,202,202,199,196,196,199,202,202,202,202,204,204,204,204,202,196,194,194,194,194,196,202,204,199,194,189,183,178,135,133,133,135,178,181,181,181,183,191,196,199,196,196,194,194,194,194,196,196,196,202,199,196,194,194,196,196,196,199,196,189,186,186,186,186,194,196,202,204,207,207,204,202,199,199,199,199,202,202,204,204,204,204,202,202,202,204,207,209,209,204,194,189,186,186,186,189,194,199,199,196,194,194,194,199,199,191,137,129,129,139,202,209,207,204,202,194,183,137,138,189,199,202,196,194,196,196,196,196,199,202,202,199,196,196,196,199,199,199,199,202,204,204,203,203,204,207,209,212,215,215,215,215,217,215,207,153,151,152,204,215,222,228,233,235,243,248,251,251,254,254,254,251,246,242,242,243,246,246,241,235,233,235,235,230,228,228,228,222,217,212,209,207,207,207,202,199,196,196,196,194,192,192,192,192,194,202,207,209,207,204,195,194,196,204,212,220,225,228,230,233,230,228,228,226,228,228,230,230,233,233,235,235,235,235,235,233,233,235,235,235,233,233,233,233,233,233,233,230,230,230,230,230,230,233,241,246,251,251,251,251,251,248,243,238,238,235,235,230,230,230,233,233,233,233,233,233,233,233,233,235,238,246,251,251,254,251,251,254,251,251,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,110,111,119,131,186,183,170,117,97,89,73,67,55,53,49,43,43,49,55,55,55,55,55,65,57,49,39,31,31,31,31,45,79,134,170,199,199,170,134,103,85,45,32,32,33,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,131,129,124,103,82,69,69,72,66,53,31,25,9,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,27,27,0,0,0,0,0,0,0,0,0,0,0,0,0,241,225,225,209,207,235,255,0,230,207,194,165,152,163,225,0,0,0,0,255,246,204,168,183,0,0,0,0,0,0,0,0,0,0,0,0,176,152,79,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,66,1,0,0,0,14,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,228,255,255,238,113,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,7,9,64,64,19,46,79,160,202,186,142,103,59,39,21,0,0,0,0,0,35,160,194,217,243,0,0,255,255,255,251,196,99,57,39,47,67,87,87,89,116,85,113,121,131,0,147,116,63,51,51,51,43,23,25,45,51,35,35,51,55,47,37,21,0,0,0,25,79,98,0,0,0,131,124,113,108,92,0,41,74,85,59,0,0,0,0,0,0,0,0,0,0,0,27,103,131,131,139,181,209,228,235,235,212,178,165,186,165,100,27,31,47,57,63,63,57,45,43,25,0,0,0,0,0,19,65,116,131,139,139,131,93,93,99,101,139,150,144,89,77,89,93,93,101,157,173,160,113,115,115,113,111,107,101,101,101,113,173,173,176,183,191,199,199,199,194,191,189,191,191,199,199,199,199,199,199,199,204,207,207,212,212,202,189,181,186,189,183,183,186,186,186,183,186,185,185,185,185,191,191,183,178,173,160,113,99,93,85,77,83,103,103,89,83,79,81,83,83,83,87,89,81,69,60,60,93,196,204,189,189,204,209,209,212,233,235,220,220,220,233,241,248,246,238,230,230,230,230,238,251,255,251,233,202,183,165,155,155,147,89,75,69,61,53,47,43,47,53,57,61,57,51,25,5,5,11,17,11,3,0,0,0,0,0,0,0,11,41,85,100,98,55,17,0,0,0,3,13,17,25,37,51,51,33,13,12,21,55,93,157,176,186,186,186,183,183,183,202,215,215,194,183,181,186,191,183,186,191,191,186,189,186,176,173,173,173,176,189,199,212,222,212,165,81,69,81,160,189,181,181,170,163,163,181,196,196,196,181,111,98,109,181,209,209,189,172,174,194,220,230,222,209,194,186,178,178,186,189,181,125,107,98,105,119,181,196,199,186,178,170,163,111,100,105,152,152,93,67,53,47,43,45,51,61,77,129,144,160,163,163,152,139,137,142,142,144,142,134,79,67,55,43,39,43,45,49,53,53,51,49,51,59,65,55,43,31,25,21,23,27,31,35,39,39,43,45,65,129,160,173,170,163,150,144,142,103,95,95,95,95,77,60,60,87,160,168,160,150,103,103,137,152,160,103,71,53,55,73,93,144,152,144,97,91,93,83,67,49,33,22,22,37,91,160,168,109,65,53,71,105 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,144,139,124,121,121,124,126,129,134,139,139,139,142,147,150,160,176,181,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,139,137,116,72,74,165,183,142,53,0,111,108,0,0,90,176,186,181,170,168,168,165,173,183,191,189,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,178,186,183,159,156,165,168,155,137,131,47,5,0,27,0,0,0,27,85,168,202,209,212,212,212,215,212,207,204,204,207,209,209,209,212,215,209,207,207,207,204,202,204,204,199,196,196,196,196,199,196,196,196,189,183,181,178,173,172,176,189,199,189,178,183,189,183,181,189,183,125,119,121,173,186,186,173,129,131,127,127,178,202,217,222,215,209,209,207,199,192,196,199,189,183,191,196,199,207,199,189,202,212,209,202,199,202,199,196,199,207,212,204,191,189,196,199,194,191,196,202,202,196,194,192,196,207,215,215,217,212,202,195,195,199,209,217,217,222,222,217,212,209,212,212,209,204,196,189,143,141,141,141,143,143,191,196,199,196,199,207,209,209,212,212,215,217,225,228,225,225,228,230,215,137,125,145,207,207,204,207,215,228,233,228,222,212,211,212,225,228,222,215,217,217,220,217,209,204,207,207,204,137,133,134,139,189,186,186,189,189,186,189,189,191,196,196,183,138,139,186,186,186,183,135,129,183,204,191,135,129,87,46,209,202,207,217,230,230,228,230,228,21,24,127,135,137,191,194,194,183,182,202,225,230,228,225,225,222,217,204,191,191,207,225,233,233,243,241,131,0,0,0,49,189,11,0,189,230,235,235,233,230,233,233,233,230,222,143,90,123,199,228,233,235,238,235,230,215,215,215,222,230,233,228,202,125,119,119,125,125,101,45,5,0,0,0,25,0,0,27,207,225,233,238,238,235,235,233,228,226,228,225,217,212,196,189,202,220,228,228,228,230,230,225,222,217,230,111,67,49,202,204,204,222,225,222,209,202,196,196,196,196,202,222,62,0,65,228,235,235,235,233,230,225,217,228,233,235,230,225,228,230,233,233,233,230,222,230,233,225,0,0,0,0,0,0,57,183,155,170,183,186,181,186,220,199,33,0,0,0,33,35,23,77,217,235,238,238,238,241,241,241,241,241,241,241,241,238,228,209,204,209,222,230,235,238,241,246,246,233,196,137,143,199,207,209,202,135,126,135,136,137,137,136,137,141,199,215,228,233,235,238,235,230,222,131,127,99,204,217,228,230,233,225,209,196,202,228,235,222,207,207,209,207,200,204,222,235,235,233,235,233,222,202,202,228,243,243,238,238,233,196,135,137,186,186,135,129,129,128,128,194,215,212,117,79,119,235,235,233,230,230,230,225,209,196,189,185,185,191,199,204,209,212,217,222,225,225,225,225,224,224,225,228,228,230,233,233,235,238,238,238,238,235,233,233,233,235,233,233,230,233,235,235,238,238,241,241,241,235,233,230,228,215,145,134,132,131,130,133,191,207,212,217,228,215,209,209,215,215,212,209,207,196,196,207,215,222,225,215,199,196,217,222,209,207,212,215,209,212,222,228,225,217,209,204,204,207,212,220,225,230,233,228,215,217,217,212,209,215,217,209,199,196,202,209,215,217,225,222,212,207,196,186,185,199,215,222,212,120,115,123,209,228,233,235,233,230,228,228,228,225,215,207,194,141,194,209,199,194,202,209,209,204,195,191,195,207,204,199,199,199,202,202,202,196,196,202,209,215,194,143,141,138,141,194,199,204,207,209,212,212,209,199,137,123,137,189,204,212,217,222,225,225,119,48,17,11,48,135,217,228,230,230,230,230,228,225,215,196,131,131,194,222,230,230,228,228,228,228,225,222,222,222,228,230,228,225,221,220,222,228,233,233,233,235,235,235,235,235,235,235,235,235,235,235,235,233,233,233,230,230,228,228,225,217,212,55,40,28,18,53,202,217,222,222,225,228,228,228,228,225,222,217,215,207,204,202,196,196,191,140,186,141,129,80,75,139,225,233,233,230,230,230,230,230,230,230,230,230,230,230,230,230,228,228,228,228,228,228,225,217,207,194,194,199,204,199,202,209,207,191,138,191,207,207,212,222,228,228,230,228,225,228,230,215,143,141,191,207,215,209,205,207,212,204,198,196,202,209,207,204,204,204,204,207,209,212,212,209,204,199,199,202,202,204,207,204,204,202,199,196,196,199,202,202,202,202,202,202,202,202,202,202,199,196,194,194,196,199,202,196,191,186,181,135,133,135,178,181,183,183,183,181,181,183,189,191,194,196,196,194,194,196,199,199,196,196,196,196,194,194,196,196,199,199,196,183,131,135,183,186,189,194,199,202,204,204,202,199,199,196,199,199,202,202,204,204,204,204,204,202,202,204,209,212,209,204,199,194,194,191,189,191,199,202,202,202,199,196,199,199,199,199,196,186,133,132,139,199,207,207,199,189,183,183,191,199,204,202,194,191,191,196,196,194,196,202,199,195,194,192,194,196,196,199,202,204,204,204,203,203,204,207,209,209,212,215,212,215,222,217,209,202,152,152,155,212,222,228,230,235,241,246,251,251,254,254,254,251,246,242,242,243,246,241,235,233,230,233,235,230,228,228,228,225,217,215,209,207,207,207,204,199,199,199,199,196,194,194,194,194,199,204,209,212,209,204,199,196,199,204,212,222,228,230,233,233,230,228,226,226,228,230,230,233,233,235,235,235,235,233,233,231,233,235,235,235,235,233,233,235,235,233,230,228,228,228,228,228,230,233,238,246,251,254,254,254,254,248,243,241,238,238,235,233,230,230,233,233,233,230,228,228,228,228,230,233,238,243,248,251,251,251,251,251,251,251,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,119,119,125,183,194,189,170,115,103,89,73,67,55,49,43,37,35,35,43,45,49,49,49,49,45,43,35,39,43,43,43,51,83,131,160,194,199,168,139,116,95,51,39,43,59,69,0,0,0,0,0,0,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,129,121,116,118,118,100,85,69,66,66,64,39,31,25,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,38,30,0,0,0,0,0,0,0,0,0,0,0,0,0,222,225,238,243,255,255,255,0,248,222,199,159,152,181,255,0,0,0,255,255,238,186,152,160,0,0,0,0,0,0,0,0,0,0,0,0,173,147,105,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,90,14,0,0,0,0,0,0,0,0,0,0,0,7,20,7,22,38,38,38,61,92,152,194,170,95,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,92,87,100,131,183,212,204,189,155,111,53,37,0,0,0,0,0,79,191,207,233,251,255,255,255,255,255,255,220,150,65,39,39,59,75,85,85,85,79,79,81,121,0,0,129,105,57,51,45,33,22,29,43,37,0,27,47,59,51,39,21,3,0,5,29,53,85,92,0,0,137,126,116,108,95,66,41,43,56,29,0,0,0,0,0,0,0,0,0,0,0,23,95,111,113,131,178,204,215,241,238,196,129,122,129,121,67,49,45,47,47,45,45,57,69,63,35,15,0,0,0,0,0,61,85,131,139,139,129,95,129,137,139,139,139,147,101,95,105,107,105,111,160,165,115,113,121,173,165,121,109,107,107,113,173,183,191,191,194,199,199,202,199,199,191,189,191,199,202,207,202,207,199,199,199,199,199,207,207,207,196,189,181,131,176,178,186,186,186,186,186,186,185,194,191,196,191,189,183,181,173,119,105,105,105,91,80,83,111,160,101,83,75,77,81,87,87,87,87,93,95,93,93,117,196,196,170,121,173,194,209,222,241,241,222,216,217,230,241,248,248,243,233,215,212,230,246,255,255,251,243,212,183,155,150,157,155,137,79,67,61,53,41,39,41,47,47,45,45,39,19,7,11,27,41,35,21,3,0,0,0,0,0,0,3,29,69,85,85,47,13,0,0,0,3,11,13,15,25,45,53,45,25,17,29,55,83,155,176,178,181,186,189,191,191,194,202,202,194,183,183,183,177,177,186,191,186,181,181,176,163,121,121,163,173,183,199,222,222,199,113,71,65,77,160,191,181,170,117,111,117,181,196,209,196,181,107,97,105,181,196,199,189,170,172,191,220,230,230,212,196,181,173,178,183,189,178,121,99,91,95,111,178,196,196,186,170,163,163,111,100,100,111,111,97,73,59,49,47,47,55,67,79,95,137,150,163,160,152,135,131,135,142,150,150,142,124,77,61,49,45,45,49,53,53,53,49,49,51,57,59,55,43,31,25,21,21,21,25,27,35,39,39,45,61,95,160,168,165,152,144,144,150,144,142,142,105,95,67,60,60,95,168,168,144,103,93,87,87,95,99,77,57,49,49,59,91,144,147,137,93,99,99,83,67,49,27,22,22,37,91,168,183,160,71,53,71,109 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,147,139,124,121,122,124,124,126,134,137,134,134,139,144,147,160,176,178,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,144,134,118,79,53,150,147,66,0,0,0,0,0,0,129,165,176,173,170,168,168,168,176,183,186,173,139,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,196,196,176,159,159,168,163,147,142,147,134,57,116,222,152,0,0,99,186,202,209,212,212,212,212,212,209,207,204,204,207,209,212,212,209,209,209,207,207,207,204,202,202,199,196,196,196,199,199,199,202,199,199,196,189,173,172,172,172,178,199,215,215,202,194,191,181,176,173,170,125,123,119,117,181,186,176,127,127,126,125,129,199,215,217,215,212,212,209,202,199,204,202,194,191,196,204,207,212,212,207,204,207,209,207,204,209,207,202,196,202,209,202,187,187,194,191,187,186,194,204,204,196,199,196,194,202,212,215,215,209,204,199,196,204,215,225,222,222,222,212,204,204,207,209,209,215,215,209,199,143,140,141,143,189,196,204,202,196,202,209,212,209,212,212,212,215,222,225,225,228,228,222,207,196,207,228,225,212,202,199,204,222,230,228,222,212,211,215,225,228,225,222,222,222,222,212,199,194,194,196,191,135,133,133,137,189,194,194,191,189,186,183,183,186,199,202,194,186,189,191,189,189,191,191,191,194,202,183,137,189,95,51,129,186,207,222,233,233,230,235,238,28,25,135,135,133,225,225,217,196,182,191,222,230,228,225,220,217,212,202,191,192,209,225,230,235,246,233,189,0,0,0,0,39,0,0,53,222,235,235,233,230,229,230,233,230,215,125,84,209,230,235,230,233,241,241,230,228,228,225,225,230,241,243,243,246,246,238,235,254,255,255,207,89,0,0,0,0,0,196,233,241,241,241,238,238,238,235,230,230,233,235,233,207,117,118,194,207,217,222,225,230,230,215,196,179,217,183,97,78,102,199,243,238,233,228,217,207,196,196,202,202,202,255,111,0,73,233,235,233,233,230,228,215,207,222,233,235,228,224,225,233,235,235,238,241,235,243,243,107,0,0,0,0,0,0,65,173,215,255,230,212,194,168,152,15,0,0,45,103,222,222,212,230,243,241,241,238,235,238,238,241,241,241,239,239,241,238,222,199,189,196,209,225,233,235,238,241,246,238,217,189,136,136,189,199,194,139,135,138,140,140,140,139,141,199,217,225,228,233,235,235,235,233,228,189,131,79,143,202,215,209,194,127,141,199,212,222,202,129,128,199,204,202,204,217,233,238,238,238,241,241,230,191,189,235,246,248,243,241,230,135,107,119,189,194,137,135,191,183,124,122,186,199,88,61,93,233,235,235,233,233,233,228,212,199,191,186,186,191,199,209,217,222,217,216,217,222,222,225,225,225,225,217,217,225,228,228,230,235,238,238,235,233,230,230,230,233,233,233,233,233,235,238,238,238,238,241,241,238,233,230,228,209,191,139,141,141,143,141,191,199,199,207,228,225,215,209,209,209,209,212,212,207,204,209,222,228,228,215,196,192,199,207,209,209,212,209,207,204,212,215,212,207,207,212,215,215,222,230,233,235,238,235,230,233,235,230,230,230,228,212,195,194,202,212,215,217,222,225,222,215,202,185,183,190,204,212,215,137,97,88,106,125,123,121,141,196,207,215,215,212,212,212,212,204,217,230,204,194,199,202,207,207,199,196,196,195,195,202,207,209,215,222,220,209,204,202,199,194,140,141,194,191,186,189,196,207,212,217,222,217,215,204,131,108,116,135,204,220,222,228,233,235,225,189,81,59,93,189,212,228,230,228,228,228,233,235,228,207,137,135,204,228,233,230,230,230,230,230,228,225,225,228,228,230,230,228,222,220,221,228,233,233,233,233,235,235,238,238,235,233,233,233,233,233,233,233,230,230,230,233,233,233,228,225,222,59,37,30,38,71,204,215,217,217,222,225,222,225,228,225,217,209,199,126,131,209,207,137,123,133,139,189,202,131,79,99,215,230,233,233,233,233,233,230,230,228,228,228,230,230,230,230,230,228,225,225,225,225,222,212,199,147,145,194,196,191,191,207,212,199,196,209,215,202,204,217,225,228,230,230,230,228,217,196,141,143,199,212,222,215,205,207,209,202,196,196,202,209,209,204,204,204,204,207,209,212,212,209,207,202,202,204,202,199,204,209,207,202,199,196,196,199,202,202,202,202,202,202,202,202,202,202,202,196,194,191,194,196,196,194,186,178,133,127,127,131,135,181,183,189,189,189,183,183,186,191,196,196,194,194,191,194,199,199,196,194,194,196,196,196,199,199,202,199,194,133,125,128,181,183,186,194,199,202,202,202,202,199,196,196,196,199,202,204,204,204,204,204,204,204,204,207,209,212,212,204,199,199,196,194,191,194,199,202,202,202,202,202,202,199,199,199,202,199,183,135,137,194,207,207,199,191,189,196,202,204,202,196,191,187,189,194,194,194,196,204,202,195,192,192,195,196,196,199,202,204,207,207,204,204,207,207,207,207,209,209,212,215,222,222,215,207,153,153,204,212,222,228,230,233,238,246,248,251,251,251,254,251,248,243,243,243,243,241,233,230,230,230,233,230,228,228,228,225,220,215,212,209,207,207,204,202,199,202,204,202,199,196,194,196,202,207,209,212,209,204,199,199,202,207,212,222,230,233,233,230,230,230,228,226,226,228,230,233,235,235,238,238,235,233,233,231,233,235,235,235,235,235,235,233,233,230,228,225,225,228,228,230,230,233,238,246,251,254,255,254,254,248,246,241,238,238,235,233,230,230,233,233,230,228,225,225,225,225,228,233,238,243,248,248,248,248,246,248,251,251,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,125,131,183,194,202,199,183,121,107,89,73,65,49,43,37,29,23,25,31,35,39,39,39,39,39,35,35,41,49,51,51,65,85,131,157,189,194,168,142,124,108,90,74,74,90,95,118,0,170,194,173,129,79,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,126,121,113,100,113,113,100,90,77,72,69,64,43,31,25,13,0,0,0,0,0,5,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,38,27,22,0,0,0,0,0,0,0,0,0,0,0,0,207,215,246,255,0,0,0,255,255,241,207,165,163,220,0,0,0,251,254,246,220,168,134,152,0,0,0,0,0,0,0,0,0,0,0,0,0,129,116,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,64,0,0,0,0,0,0,0,0,0,0,0,0,0,7,7,38,59,48,30,25,35,77,87,61,33,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,90,100,126,157,202,238,246,230,204,163,103,53,37,0,0,0,0,139,207,233,243,255,255,255,255,255,255,255,246,170,71,39,39,45,59,73,79,79,73,73,75,116,131,147,147,126,77,57,45,25,22,33,45,33,0,24,39,55,55,45,27,15,15,25,41,55,82,90,0,0,137,124,105,98,90,74,66,39,27,17,0,0,0,0,0,0,0,0,0,0,0,0,53,103,126,157,189,204,215,251,230,165,120,120,137,142,116,61,24,18,25,39,45,57,73,73,43,31,31,9,0,0,0,31,69,121,137,126,85,81,83,93,101,101,139,157,147,144,157,160,157,160,173,173,160,115,160,183,173,123,109,109,115,173,191,199,202,202,207,207,209,212,212,207,199,194,194,199,207,207,207,207,199,199,199,199,199,199,199,189,189,189,181,126,126,178,186,194,194,191,191,194,199,202,209,209,196,183,176,173,163,113,103,105,105,97,81,83,105,160,111,85,73,73,77,89,89,85,82,84,101,160,163,170,183,183,123,116,123,186,209,235,243,235,222,222,220,233,246,251,248,238,220,199,199,217,246,255,255,255,246,225,178,113,109,150,155,99,67,49,49,43,31,29,35,35,27,27,25,27,17,11,11,31,47,69,47,27,0,0,0,0,0,0,0,15,41,69,69,33,5,0,0,0,7,15,11,13,19,43,59,59,43,29,29,45,65,93,139,152,163,173,186,194,191,191,194,202,202,191,183,183,178,178,183,186,186,183,176,168,119,115,115,157,173,189,212,228,225,181,99,65,59,69,117,191,173,111,97,91,107,170,196,209,196,170,105,97,107,173,196,196,186,170,172,189,220,230,230,220,191,172,169,172,183,189,181,125,105,91,95,111,170,189,196,178,163,117,117,111,100,98,105,111,99,77,63,53,49,49,59,73,87,95,134,144,160,160,160,144,135,137,142,144,144,142,134,124,75,59,51,49,53,55,61,55,51,49,49,55,55,51,43,35,27,25,21,20,20,25,27,29,33,41,59,95,160,168,160,150,144,150,160,168,168,163,152,99,71,62,62,95,168,165,103,87,87,77,71,71,71,53,41,31,33,45,79,144,105,99,99,105,99,91,73,55,37,25,26,47,99,176,199,170,71,53,87,160 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,144,137,126,122,124,124,122,124,134,139,135,135,142,144,147,160,173,173,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,121,129,131,92,0,0,0,0,0,0,0,0,0,100,129,150,163,168,168,168,165,165,173,178,173,160,66,0,0,0,0,0,0,0,0,0,0,0,0,79,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,170,183,176,163,168,170,157,147,150,157,157,157,207,246,183,61,69,160,202,209,209,209,209,209,209,207,204,204,204,202,204,209,212,209,204,202,204,207,209,209,207,202,199,196,196,196,199,199,196,196,199,202,202,199,186,170,169,170,170,186,204,217,225,225,209,194,183,176,170,168,168,173,125,113,123,178,178,170,127,127,126,127,189,207,215,215,212,212,209,204,204,207,204,194,194,199,204,207,209,209,204,199,199,204,209,212,215,215,204,196,202,212,207,189,187,191,190,187,190,207,212,204,199,204,202,190,191,199,207,209,207,204,199,196,202,212,222,225,222,215,207,198,198,202,204,209,215,222,217,209,196,189,189,191,194,199,204,199,195,199,209,212,212,212,212,212,212,217,222,225,230,222,209,204,209,222,228,222,209,202,194,194,204,222,228,222,217,215,217,222,225,225,222,222,222,217,204,191,143,143,141,137,139,137,136,136,186,199,202,202,199,189,183,182,183,191,202,202,194,191,191,189,194,202,204,204,207,204,202,202,204,204,117,67,107,183,204,222,230,233,241,243,97,32,42,75,123,241,235,233,225,207,204,212,217,222,217,212,209,207,199,194,202,217,228,230,233,241,233,202,0,0,57,0,0,0,0,0,101,230,230,235,233,229,230,233,230,217,191,123,225,238,238,230,230,238,238,228,226,228,230,228,233,238,243,243,243,243,243,248,254,255,255,255,255,121,0,0,0,81,238,238,241,238,238,241,241,241,238,233,230,230,238,235,173,81,88,129,189,199,207,212,217,209,194,186,179,204,248,246,248,73,110,235,233,230,230,228,212,196,196,204,202,191,255,238,46,117,233,235,235,235,233,228,212,204,225,238,235,225,224,225,233,235,235,235,235,241,254,255,27,0,0,0,0,0,0,139,176,222,241,241,230,212,61,0,0,0,83,228,238,246,241,235,238,241,235,233,233,233,233,235,238,241,241,239,241,241,235,212,141,133,135,196,215,230,235,235,235,238,235,225,199,136,135,143,194,191,196,202,196,202,212,215,212,212,222,230,228,228,230,233,233,233,233,233,241,248,86,127,209,202,99,80,69,93,141,207,204,131,126,133,194,196,196,207,225,238,241,238,241,241,241,233,137,137,230,238,243,243,220,107,84,89,113,199,209,202,204,212,204,127,122,189,209,137,90,121,215,225,228,230,233,233,225,209,199,194,194,194,196,202,215,228,228,222,217,217,222,222,222,222,222,217,213,213,217,222,225,228,230,233,233,230,228,228,228,228,230,233,233,233,233,235,235,238,238,238,238,238,235,233,228,215,199,145,143,189,191,204,209,209,204,192,189,212,225,222,212,209,209,215,222,217,209,202,204,217,225,222,209,194,192,194,202,207,209,209,207,204,203,204,207,204,204,209,225,228,217,225,233,238,238,238,238,235,238,241,235,235,235,230,217,199,194,202,215,222,222,222,225,228,228,225,209,191,187,187,194,212,228,109,90,102,113,109,107,116,135,194,204,207,209,212,215,215,215,217,222,199,145,191,191,199,207,196,195,196,195,195,202,207,212,225,233,230,225,215,204,191,140,140,196,204,196,185,186,204,217,222,225,228,225,225,215,183,104,112,121,196,222,228,230,233,238,238,238,209,121,127,196,215,228,228,222,222,225,228,225,212,194,145,199,222,230,230,230,233,233,230,230,228,228,228,230,230,230,233,233,228,222,222,228,233,233,230,230,233,235,238,238,238,235,233,233,233,233,233,233,233,230,233,233,235,235,233,233,230,212,113,107,129,133,212,217,217,215,215,215,212,212,212,209,202,196,139,123,125,212,209,127,115,194,196,204,212,199,97,105,204,228,233,235,235,235,233,233,230,228,228,228,230,233,233,233,233,230,228,225,225,225,222,209,194,141,139,145,196,194,190,194,207,191,202,215,212,135,139,212,222,228,230,228,228,228,207,145,145,196,204,215,225,222,209,209,215,209,200,200,204,209,207,204,204,204,207,207,207,209,209,212,209,209,209,207,196,190,196,209,207,202,199,196,196,199,202,204,204,202,202,202,202,202,202,202,199,196,194,191,191,194,191,189,181,133,127,123,123,127,135,181,186,189,191,191,189,189,191,196,199,196,191,191,191,194,196,199,199,196,194,194,196,199,202,202,204,199,191,133,125,128,135,139,186,194,199,202,202,202,202,202,199,196,196,199,202,204,204,204,202,204,204,204,204,207,209,212,212,207,202,202,202,199,196,196,199,199,199,202,199,199,199,199,199,196,199,199,196,191,191,194,199,204,199,196,196,204,207,204,199,194,187,187,189,194,194,196,199,204,202,199,196,199,202,202,199,199,202,207,209,209,207,207,209,207,205,207,207,209,209,217,225,225,217,212,207,209,212,222,228,230,230,233,238,243,248,248,251,251,251,251,248,248,246,243,243,241,235,230,228,228,228,228,225,228,228,225,222,215,212,209,209,209,207,202,202,204,204,202,199,196,194,196,202,207,209,212,207,202,198,199,204,212,217,225,233,233,233,230,230,230,228,226,226,228,233,233,235,235,238,238,238,235,233,231,233,235,238,238,238,235,235,233,228,225,225,224,225,228,230,233,233,238,243,248,254,255,254,254,251,248,243,241,238,238,235,233,230,230,230,230,230,228,225,228,228,228,228,230,235,241,246,246,246,246,246,246,248,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,143,194,202,209,209,207,191,165,109,93,75,65,49,43,29,23,20,21,25,31,35,35,35,35,31,31,31,41,49,55,65,73,89,126,150,170,181,157,131,124,124,121,113,108,103,98,100,118,137,152,144,103,56,56,0,0,0,0,0,0,0,0,0,0,0,124,118,111,98,98,98,98,100,103,113,103,98,87,79,72,66,49,41,31,25,7,0,0,3,17,38,19,13,5,1,12,0,0,0,0,0,0,27,0,0,0,0,0,0,66,43,25,12,0,0,0,0,0,0,0,0,0,0,0,165,176,199,241,255,255,255,255,255,255,255,225,194,209,254,0,0,0,238,241,238,212,160,126,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,0,0,0,0,0,4,33,0,0,0,0,0,0,0,0,0,22,38,22,0,0,0,51,64,35,35,38,43,35,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,74,92,108,150,212,255,255,248,230,199,152,49,17,0,0,0,0,65,189,241,255,255,255,255,255,255,255,255,255,194,79,39,27,39,51,65,73,71,65,67,75,116,131,157,165,157,124,71,47,25,21,33,45,35,27,27,39,53,53,47,35,35,47,53,55,79,87,90,0,0,131,118,98,82,77,77,77,41,19,5,0,0,0,0,0,0,0,0,0,0,0,0,29,124,178,196,199,196,196,225,212,178,144,173,194,165,81,25,12,8,19,37,59,73,81,111,63,45,49,39,0,0,0,3,47,85,129,91,75,67,65,73,93,139,150,160,157,150,160,150,109,113,160,173,160,160,173,183,181,123,115,123,181,191,199,202,207,207,209,212,217,217,217,217,207,202,202,207,212,209,207,207,199,199,196,191,196,199,191,181,181,186,131,126,126,178,196,204,202,202,202,202,209,215,217,209,191,173,121,107,93,93,97,99,99,93,85,93,150,160,111,89,75,72,75,87,95,89,85,87,115,173,181,181,189,189,170,121,127,191,212,235,235,222,220,233,238,246,248,248,233,196,181,183,204,230,254,255,255,255,243,212,168,101,101,147,142,75,37,11,21,29,15,19,33,29,5,1,3,7,7,5,7,17,35,47,45,29,0,0,0,0,0,0,0,11,31,41,41,23,0,0,0,0,11,19,15,15,21,45,65,69,57,29,17,17,29,57,71,83,134,157,178,196,202,191,194,204,204,194,191,186,186,183,178,176,176,176,173,160,113,115,119,168,181,194,215,233,225,173,81,59,55,63,107,181,173,97,75,71,91,163,196,209,191,170,105,100,111,181,196,196,189,174,174,189,212,230,230,220,189,172,169,181,189,191,189,131,117,105,105,117,178,191,189,178,119,111,113,111,103,98,101,107,105,89,67,59,53,55,61,73,87,95,134,150,163,170,170,160,152,144,142,137,134,134,134,134,126,71,57,49,53,61,67,61,51,46,46,49,51,51,49,43,35,29,23,20,20,23,27,27,27,39,59,95,160,176,173,163,160,163,176,181,181,176,168,142,87,71,66,97,176,168,103,95,95,87,73,67,57,41,19,14,15,25,67,93,79,79,105,144,105,91,79,59,47,41,45,79,152,186,207,168,67,65,109,183 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,139,137,129,126,124,124,121,121,134,142,144,147,152,155,155,160,165,163,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,87,1,0,0,0,0,0,0,0,0,0,100,124,144,157,165,165,164,165,168,170,170,150,160,35,0,0,0,0,0,46,0,0,0,0,0,0,173,126,131,186,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,178,178,168,176,181,152,144,147,147,134,155,178,152,55,59,105,194,207,209,207,209,209,207,204,199,199,202,202,199,196,202,207,207,199,196,199,204,209,209,207,204,199,199,199,199,202,199,191,181,189,199,202,199,186,176,176,178,181,191,202,207,215,222,209,189,183,178,173,170,173,178,168,106,100,110,183,183,178,178,129,127,176,194,204,207,204,207,207,207,204,204,202,194,196,202,207,209,209,207,202,200,200,207,215,222,217,215,207,196,199,212,212,199,191,194,194,196,207,215,207,189,187,199,199,189,187,191,202,207,204,196,143,143,202,209,215,222,217,209,199,196,196,199,204,207,215,217,217,215,207,199,196,196,196,196,199,199,196,196,202,204,204,209,212,212,215,217,222,222,222,199,196,209,222,225,209,192,196,199,192,189,191,209,222,222,222,222,217,215,215,215,212,212,212,209,202,191,194,196,191,141,194,196,191,186,194,207,212,212,215,204,191,186,183,191,204,204,196,189,187,189,202,209,212,209,212,209,215,222,215,228,235,48,84,106,115,131,212,230,241,243,248,43,0,0,99,228,235,235,233,225,217,215,207,207,207,202,199,194,189,186,199,222,233,233,235,243,248,215,67,0,255,85,113,113,0,0,27,204,230,235,235,229,233,230,217,215,212,228,235,241,238,235,235,238,235,228,228,233,238,238,238,238,238,238,238,238,241,246,248,243,248,255,243,199,0,0,111,212,238,243,238,237,238,241,241,238,235,235,233,233,238,233,181,104,101,119,131,181,191,204,204,183,178,196,209,225,243,248,255,98,115,135,217,225,230,230,215,191,189,196,196,186,183,194,127,186,235,238,235,233,230,233,215,199,222,238,235,228,225,228,233,235,235,235,235,243,255,255,7,0,0,0,73,25,0,107,194,230,235,238,238,147,0,0,55,222,238,235,238,243,243,241,238,235,233,233,231,231,233,235,238,238,241,241,241,241,235,215,141,130,128,132,202,217,230,233,233,233,233,228,204,141,143,194,141,132,141,199,207,217,228,228,225,225,230,233,233,230,230,230,230,230,233,233,241,255,103,109,230,137,94,82,87,105,186,204,199,135,133,194,196,194,196,204,225,238,243,241,241,238,238,225,134,133,204,212,222,233,117,60,71,107,196,222,228,225,225,222,222,207,137,202,222,225,194,191,207,215,217,215,217,222,215,204,199,196,196,196,199,204,215,228,228,225,225,228,225,222,218,220,217,215,212,212,215,217,220,222,225,225,225,222,222,225,230,230,230,233,233,230,230,233,233,235,235,235,238,235,233,233,225,204,145,143,189,191,191,207,212,217,215,194,187,196,215,217,215,215,222,230,235,233,215,196,196,204,212,209,204,196,194,196,196,199,202,207,209,209,204,204,202,199,202,215,230,230,222,228,235,238,238,238,238,238,238,238,235,233,233,230,215,202,195,207,222,228,225,225,228,228,230,233,228,212,194,185,187,207,222,194,141,209,217,137,117,121,141,194,199,199,202,207,209,212,215,209,139,120,129,145,194,202,202,192,194,204,209,209,207,204,215,228,235,235,235,230,212,194,143,194,204,207,194,183,189,212,225,228,230,233,233,230,222,202,135,121,117,191,228,233,233,233,233,238,238,222,139,133,196,215,215,209,209,212,212,207,202,196,147,202,222,230,233,230,233,233,233,230,228,228,230,230,233,233,233,235,235,230,225,225,230,233,233,228,228,230,233,235,238,238,235,235,235,235,235,235,235,235,233,233,235,235,235,235,235,238,243,241,241,233,207,225,225,217,215,212,212,207,199,191,141,138,137,138,136,138,204,199,131,133,225,225,217,217,217,202,191,209,225,233,233,235,235,235,233,233,230,228,230,233,235,235,238,235,235,230,228,225,228,225,212,147,133,132,139,202,202,190,187,189,191,207,215,191,112,115,202,220,228,228,225,225,217,202,194,202,209,209,212,225,228,225,225,225,222,209,204,204,204,204,204,204,204,204,204,204,204,207,209,212,212,212,207,194,189,192,204,204,199,196,196,196,202,204,204,204,204,204,204,202,202,202,199,199,196,194,191,191,191,189,183,135,129,123,121,121,127,176,181,186,189,189,189,189,191,194,199,199,194,189,189,191,194,196,199,199,196,189,186,194,202,207,207,204,202,194,135,129,129,131,137,189,196,199,202,202,204,204,204,202,196,196,202,204,204,204,202,202,202,202,202,204,207,209,209,209,207,204,204,204,199,196,196,199,199,199,196,196,196,196,199,199,196,199,202,204,202,196,191,191,199,202,199,202,204,204,202,196,189,187,187,191,196,196,202,204,202,199,199,202,209,212,209,204,202,202,207,209,209,209,209,209,207,207,207,207,209,209,217,225,225,220,217,217,217,225,228,233,233,233,235,238,243,248,248,251,251,251,251,251,251,248,246,246,243,241,233,228,225,224,224,225,228,228,225,222,217,215,212,212,212,209,204,204,204,204,202,196,196,196,199,202,207,209,209,207,202,198,198,204,215,222,228,230,233,230,228,228,230,230,228,226,230,233,235,235,238,238,238,238,235,233,233,233,235,238,238,238,238,233,228,225,224,224,225,228,230,233,235,238,241,243,248,254,254,251,251,248,246,243,241,241,238,235,233,230,230,230,230,228,225,225,228,228,228,225,228,233,241,246,248,246,246,246,246,248,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,199,207,220,220,228,215,196,168,115,95,77,65,47,41,27,21,19,19,23,27,29,29,29,29,28,28,29,41,49,63,71,73,89,126,142,160,160,142,131,131,137,139,131,121,103,90,72,66,74,92,90,61,46,46,0,0,0,0,0,0,0,0,0,0,121,95,72,51,48,61,79,98,100,100,113,113,100,90,77,53,51,51,51,45,33,25,11,9,15,29,48,48,40,19,15,11,0,0,0,46,48,48,35,30,0,0,0,0,0,85,59,25,4,12,0,0,0,0,0,0,0,0,0,0,0,152,191,0,251,0,0,0,0,0,255,225,207,233,255,255,255,255,248,248,246,215,152,126,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,51,77,64,51,61,72,64,35,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,77,103,152,228,255,255,248,238,207,170,0,0,0,0,0,0,0,65,191,241,255,255,255,255,255,255,255,255,212,79,27,19,31,45,55,59,65,65,67,75,121,147,157,176,173,144,108,57,33,22,33,45,47,35,35,45,47,45,37,35,47,55,61,55,79,87,92,0,131,131,111,87,72,72,77,85,66,13,0,0,0,0,0,0,0,0,0,0,0,0,0,19,178,238,241,222,192,190,204,204,204,212,222,194,108,19,18,23,27,25,37,69,129,160,147,121,71,63,59,37,0,0,0,31,75,124,89,69,59,56,59,83,139,160,160,150,111,111,99,89,99,111,157,115,115,165,183,183,173,181,191,199,199,199,199,202,207,207,207,212,212,217,217,212,207,202,207,217,217,207,207,199,199,191,191,191,191,183,133,133,181,131,126,126,183,204,212,212,212,212,209,212,217,217,202,183,165,107,81,74,75,87,99,99,93,97,150,170,168,147,103,85,74,75,87,101,101,103,165,181,189,194,196,207,207,191,178,178,194,212,220,220,220,222,235,241,248,248,233,189,112,104,135,209,243,255,255,255,254,228,186,150,87,91,142,101,61,15,1,9,17,9,13,27,17,1,0,0,0,0,0,0,0,9,13,17,7,0,0,0,0,0,0,0,11,23,31,31,13,0,0,0,0,15,25,19,19,29,55,95,105,65,37,11,7,9,27,47,63,85,142,178,196,202,196,194,202,202,194,191,194,191,183,176,168,173,173,168,117,113,115,157,173,183,199,215,225,212,165,75,57,54,57,101,178,173,91,65,60,65,105,183,196,189,170,111,105,121,186,196,209,196,181,181,189,209,230,230,209,189,172,172,186,196,196,189,181,131,127,127,173,189,196,196,178,117,111,111,113,107,101,105,111,105,87,67,63,59,59,61,73,77,95,134,150,163,170,170,168,152,142,137,137,137,134,134,134,126,73,57,51,53,59,65,61,51,45,45,49,51,55,55,51,47,39,27,23,21,25,27,27,29,41,61,134,168,183,183,183,176,178,183,183,183,181,176,160,103,77,71,103,176,173,150,144,142,99,87,77,65,41,15,12,0,21,53,67,53,55,99,144,99,91,75,67,55,59,79,152,178,196,183,103,65,77,183,215 +0,0,0,0,0,0,0,0,0,0,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,142,142,137,131,126,126,122,122,131,144,155,163,165,163,157,155,155,152,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,121,147,157,165,164,164,173,178,173,165,56,152,0,0,72,0,0,0,48,0,0,0,0,0,0,103,111,121,173,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,43,142,181,150,105,139,144,17,0,8,13,15,27,77,186,209,209,207,204,207,209,207,202,199,199,199,191,134,131,181,199,204,199,196,199,204,209,209,209,207,202,199,199,199,199,196,183,125,122,181,199,199,196,196,204,207,202,196,191,189,191,191,186,178,176,173,173,173,173,170,119,102,103,109,191,191,186,186,176,131,131,181,189,194,199,202,207,209,202,199,196,191,194,199,204,204,204,202,204,209,215,215,217,222,217,215,204,196,196,209,215,207,199,196,199,204,209,209,189,178,179,189,194,190,191,196,202,204,199,139,111,117,202,212,215,217,212,207,199,196,198,202,204,207,212,215,215,215,212,207,202,199,199,195,196,202,196,191,191,189,189,196,207,215,220,222,215,209,189,139,189,212,225,217,194,183,190,196,194,187,187,196,212,217,222,222,215,207,204,207,204,203,207,209,202,196,199,204,199,141,143,196,202,204,212,222,222,217,222,222,209,186,135,191,204,204,196,189,189,199,212,217,215,209,212,215,222,225,228,233,246,73,92,113,115,121,199,225,235,238,243,133,0,12,189,217,228,230,225,217,217,217,202,191,191,196,196,191,181,177,182,209,228,233,235,243,254,222,202,204,255,255,235,233,204,13,7,129,243,238,233,230,233,207,192,207,222,238,241,241,238,235,235,235,233,230,233,235,241,241,241,241,238,235,235,235,235,238,238,241,243,246,251,207,0,0,235,243,241,243,241,238,241,241,238,235,238,238,238,246,248,215,125,125,173,127,129,176,191,209,204,133,133,212,225,230,238,251,255,125,119,127,212,222,228,225,204,181,179,186,191,186,131,135,191,207,230,230,230,217,186,125,107,103,186,225,233,233,230,233,235,233,235,235,241,248,255,255,0,0,0,144,225,199,45,89,165,215,222,228,233,67,0,0,215,243,238,238,238,235,233,233,233,233,233,233,231,231,233,235,238,241,241,241,241,241,241,230,204,134,127,127,189,212,228,233,230,228,228,225,207,191,196,199,132,126,133,202,222,230,233,230,230,230,230,233,233,233,233,233,233,233,233,231,233,246,133,91,97,103,115,207,235,225,209,212,212,194,183,191,202,204,204,207,217,233,238,235,233,235,233,220,139,134,189,196,204,217,85,53,80,212,225,230,233,233,233,233,233,228,115,119,194,209,199,194,204,212,212,207,207,209,209,204,202,199,199,196,199,207,217,225,228,225,228,230,228,222,220,222,220,215,213,213,217,217,217,217,222,222,220,218,220,228,233,230,230,233,233,230,228,228,228,230,233,235,235,233,233,233,225,204,191,145,194,196,199,202,207,212,215,202,190,191,207,215,215,217,228,238,241,238,228,199,192,196,199,202,204,204,199,194,192,194,194,194,204,212,212,207,196,194,196,215,230,230,225,228,233,238,238,238,235,235,233,233,235,235,233,225,209,195,195,207,217,225,228,228,228,228,228,228,228,225,215,194,191,202,207,204,209,233,238,228,207,199,199,202,199,196,198,204,207,209,217,222,133,98,112,204,212,215,207,195,196,222,238,233,209,202,217,230,233,233,235,235,225,204,196,196,199,194,189,185,191,212,228,228,230,235,235,228,209,196,139,123,100,113,215,230,233,230,230,230,230,225,196,141,199,209,199,139,139,194,191,141,141,194,207,222,230,230,233,235,233,230,230,228,228,228,230,233,233,233,235,235,235,233,230,230,233,235,230,225,222,225,230,235,238,238,238,238,238,238,238,238,238,235,235,235,235,235,235,238,241,241,243,246,246,238,228,233,233,228,217,212,212,209,199,141,139,139,137,141,194,202,212,209,191,204,228,233,228,225,230,230,207,212,225,230,233,233,233,233,233,233,230,230,233,235,235,238,238,238,238,235,230,228,230,230,222,204,135,131,131,141,196,191,187,189,209,220,217,135,104,107,143,215,225,225,222,217,209,202,202,215,215,212,212,222,230,230,230,230,225,215,204,199,199,202,204,204,204,204,202,199,202,204,209,209,209,207,204,194,191,194,202,202,199,196,196,196,202,204,204,204,204,204,204,202,202,199,199,199,199,196,191,191,191,186,181,133,127,121,120,121,127,176,181,183,186,186,189,189,189,189,189,189,189,186,186,191,196,196,199,199,191,137,135,189,202,207,207,207,204,194,181,131,131,131,137,189,196,199,202,202,204,204,204,204,202,202,204,204,204,204,202,202,200,202,202,204,207,207,209,209,209,207,204,202,199,196,196,199,199,196,194,191,191,194,199,199,195,196,202,207,204,196,191,194,196,199,199,202,199,199,196,194,189,187,187,191,196,199,202,204,199,198,199,207,215,217,215,207,204,207,209,212,212,209,209,209,209,207,207,209,209,212,215,222,222,222,222,225,228,230,233,235,235,235,238,241,243,248,251,251,251,251,251,251,251,251,248,246,246,243,238,230,225,224,224,224,228,228,225,222,217,215,215,215,215,212,207,204,207,204,202,199,199,199,199,202,204,207,207,204,199,198,198,207,215,222,222,225,228,228,228,230,230,230,228,228,233,233,235,238,238,238,241,241,238,235,235,235,235,238,235,235,235,233,228,224,224,225,228,230,235,238,241,241,243,246,248,251,251,248,248,246,246,243,243,243,241,235,230,228,228,228,228,225,222,225,228,228,225,225,228,233,246,254,254,251,248,246,246,248,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,220,228,235,235,235,228,204,181,119,99,81,71,53,47,35,27,19,21,23,29,29,33,33,33,33,33,37,47,63,73,77,87,93,129,147,155,155,137,130,139,147,155,150,131,113,90,43,27,17,19,25,27,21,56,0,0,0,0,0,155,0,0,0,0,116,77,35,26,26,33,72,90,98,100,103,103,100,90,53,43,49,55,57,51,41,33,27,35,35,35,37,48,40,23,21,15,9,25,46,56,59,59,48,38,0,0,0,0,100,92,66,35,12,14,61,0,0,0,0,0,0,0,0,0,0,0,0,0,238,0,0,0,0,0,255,207,207,235,254,255,255,255,255,255,255,220,152,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,33,69,95,87,53,53,64,53,40,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,66,98,163,215,246,246,238,230,207,147,0,0,0,0,0,0,0,41,83,183,248,255,255,255,255,255,255,255,199,55,15,14,29,39,45,53,59,69,77,87,131,152,165,178,176,160,126,75,49,25,29,43,47,45,45,37,35,27,23,23,35,55,55,48,49,82,0,0,131,131,111,87,74,74,77,77,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,255,255,255,230,212,222,225,225,222,202,142,67,41,61,63,47,29,39,79,157,183,189,168,129,77,75,71,33,0,0,25,61,83,83,69,59,54,58,83,139,160,160,150,109,99,85,82,86,101,111,108,106,113,181,189,191,199,207,217,207,199,199,199,202,207,207,207,209,212,217,207,202,202,207,217,217,212,207,199,199,191,189,189,183,183,133,133,133,131,131,178,194,212,217,212,212,209,202,207,209,202,189,176,121,105,79,71,72,87,99,99,101,107,157,168,163,155,147,101,89,85,97,111,165,176,209,209,199,199,196,207,207,196,196,186,194,207,215,220,222,235,238,241,248,248,233,181,107,101,121,199,238,255,255,255,246,207,160,91,77,83,99,89,63,21,1,3,9,7,11,15,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,11,15,19,21,9,0,0,0,1,23,25,19,17,27,55,95,108,105,51,15,4,4,15,31,53,77,142,170,191,194,189,191,196,194,191,191,191,191,178,160,157,168,176,165,115,107,107,115,168,181,199,212,215,199,155,77,57,53,55,91,173,173,99,61,56,58,81,163,189,189,170,117,113,170,196,209,212,209,196,189,189,209,220,220,199,181,172,181,189,196,191,189,189,189,189,189,196,209,209,196,181,163,111,111,113,111,111,111,113,109,89,73,67,63,61,67,73,77,93,134,144,160,168,170,163,152,137,135,142,142,137,126,89,77,67,59,53,53,55,59,55,53,49,49,51,53,55,55,55,51,43,35,27,27,29,35,33,39,49,77,144,176,196,196,196,196,189,186,183,181,181,183,176,144,87,77,109,168,168,165,168,160,142,99,95,87,51,23,15,15,27,51,53,51,55,99,144,99,79,73,67,67,79,147,178,196,183,115,77,65,109,209,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,150,150,147,137,126,129,126,124,124,134,155,168,168,163,155,147,142,129,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,98,142,157,165,170,168,170,183,186,160,51,0,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,108,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,43,31,126,137,12,0,0,12,25,134,186,199,207,212,204,203,204,207,207,204,202,202,199,189,129,126,132,191,199,199,195,196,204,209,209,209,209,202,199,199,198,199,199,189,123,111,121,194,207,207,209,215,222,217,204,186,170,168,170,173,173,172,173,178,176,170,168,125,117,121,121,194,189,183,183,176,131,129,173,181,191,199,202,202,199,194,194,191,189,191,194,196,195,192,195,204,217,228,225,225,222,215,212,204,194,191,199,207,209,204,196,196,202,204,196,185,181,185,191,194,196,204,207,202,202,196,125,96,95,189,215,217,212,209,207,202,199,202,207,207,207,215,215,215,212,212,209,207,207,204,196,196,196,196,194,189,137,136,141,199,215,225,222,204,139,133,135,143,204,212,209,199,187,191,204,202,190,187,194,202,202,207,209,204,196,196,202,204,203,209,215,209,199,196,196,189,133,129,139,199,212,222,228,228,225,225,228,217,186,129,137,196,199,199,202,207,215,222,222,217,215,215,222,217,222,228,235,255,85,102,199,141,139,199,212,222,228,225,222,199,204,222,225,228,225,217,212,212,202,139,139,191,204,209,204,183,177,179,196,215,225,228,233,230,207,202,215,215,243,243,248,255,202,99,131,228,233,230,228,225,142,130,204,230,238,241,241,238,238,235,235,235,233,233,233,235,238,238,238,235,233,233,235,238,238,241,241,241,238,238,209,0,85,235,243,243,243,243,241,241,241,238,235,238,243,241,241,233,125,113,129,189,178,133,183,207,220,212,133,129,204,217,222,233,248,199,121,118,186,209,212,212,202,181,176,177,186,191,189,181,186,196,202,204,204,215,194,91,73,64,67,111,204,225,230,235,238,235,233,233,238,241,246,255,43,0,0,47,233,241,241,191,157,165,183,199,204,196,97,23,89,225,233,235,235,233,228,228,230,230,230,233,233,233,233,235,235,238,241,241,241,241,241,241,238,230,209,139,133,199,215,230,230,225,215,209,209,191,131,191,199,137,132,207,228,233,235,235,233,230,233,233,230,230,230,233,233,233,233,233,233,233,241,233,91,42,87,191,238,233,225,212,209,212,202,186,189,207,217,215,204,199,209,212,209,222,233,233,217,191,135,137,189,199,204,69,57,139,225,228,233,233,230,233,238,235,181,50,63,133,199,199,199,204,209,209,207,205,207,209,204,202,199,196,194,196,209,222,225,225,228,230,233,230,225,225,228,228,222,217,217,222,222,222,222,222,222,220,220,220,228,233,228,228,230,233,230,228,225,224,225,230,233,230,228,230,225,215,207,194,189,191,202,204,204,204,209,209,199,192,192,202,207,209,215,228,238,241,238,230,202,192,194,194,194,199,204,199,194,196,204,196,137,135,202,217,212,196,190,192,209,228,230,225,228,233,235,238,235,235,233,231,233,235,235,230,217,202,194,195,202,209,215,222,230,230,228,225,222,222,225,217,196,191,202,204,207,215,230,235,233,225,217,215,215,209,202,204,212,212,209,215,233,215,110,123,225,228,230,225,207,202,222,243,235,209,204,222,230,230,229,230,233,228,212,204,204,199,191,191,191,196,209,225,228,228,235,241,194,105,113,121,101,64,66,101,204,225,228,228,225,217,204,191,191,207,217,202,103,87,117,137,139,143,202,217,228,228,230,233,235,233,230,230,228,226,228,230,233,233,233,233,233,233,233,233,233,235,233,230,222,215,217,228,233,235,235,238,238,238,238,238,238,238,238,235,235,235,238,238,238,241,241,238,241,241,235,235,235,235,235,225,217,222,225,207,143,143,199,194,194,207,217,225,225,209,209,225,230,230,228,233,222,133,202,222,228,228,228,230,230,233,233,230,230,233,235,235,238,238,238,238,235,233,230,230,230,228,222,207,141,125,124,141,196,199,209,225,228,222,196,114,116,145,209,222,222,222,215,204,200,209,217,217,212,215,225,230,230,230,230,228,215,207,199,198,199,202,204,204,202,199,198,198,202,207,209,209,207,199,194,196,199,202,204,199,196,196,196,202,204,204,204,204,204,204,202,202,202,199,202,202,199,194,191,189,186,178,131,123,120,120,121,127,176,181,183,183,186,189,186,181,135,133,135,181,183,186,191,196,199,199,196,186,133,133,189,202,207,207,209,207,199,183,131,133,137,186,191,196,199,199,202,202,204,207,207,207,207,207,207,204,204,204,202,202,202,204,207,207,209,209,212,212,207,204,202,196,195,195,199,199,196,194,191,194,194,199,199,194,195,199,207,204,199,196,196,194,194,194,194,194,194,194,191,189,187,189,194,196,199,202,204,199,198,198,204,215,222,215,209,207,209,215,215,215,212,212,212,209,209,209,212,215,212,215,217,217,222,225,228,230,230,233,235,238,241,241,241,246,248,251,254,254,251,248,248,251,251,251,248,248,246,241,233,225,224,225,225,228,228,225,222,220,217,215,215,215,212,209,207,209,209,207,204,204,202,199,199,202,202,204,202,199,199,202,209,212,215,212,217,225,228,230,230,230,230,230,230,233,235,235,238,238,241,241,241,241,238,235,235,238,235,235,233,230,228,228,225,225,228,230,235,238,241,243,243,246,246,248,251,248,248,246,246,246,248,248,246,241,235,230,228,228,228,225,222,222,222,225,225,225,225,233,246,255,255,255,255,254,248,248,248,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,233,243,243,243,243,233,204,189,119,101,87,71,65,53,41,33,27,27,29,35,39,43,43,43,43,47,49,63,73,87,93,97,137,147,155,165,155,147,147,155,163,181,178,150,124,95,43,15,0,0,0,7,19,61,0,0,0,202,196,178,165,0,0,0,116,82,39,29,28,36,72,98,98,100,103,113,103,87,49,40,42,49,53,51,45,39,41,41,43,35,31,29,21,20,21,15,9,25,46,51,59,69,69,61,64,0,0,90,108,100,77,43,17,14,27,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,233,203,207,0,0,246,254,255,255,255,255,220,152,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,69,77,79,100,95,53,35,35,35,38,46,38,17,11,17,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,66,103,152,204,228,217,204,209,207,181,69,0,0,0,0,1,59,81,87,168,241,255,255,255,255,255,255,251,105,19,8,15,27,27,29,41,59,73,87,95,144,157,168,176,168,160,134,118,63,33,25,33,35,37,33,27,21,17,13,15,33,55,53,43,0,79,0,0,126,124,111,92,85,90,90,69,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,217,255,255,255,230,212,222,222,186,81,49,65,116,121,65,33,29,57,121,157,181,191,189,160,139,131,121,65,29,17,29,51,67,71,69,65,63,71,91,105,144,160,160,111,95,82,81,87,109,115,110,106,111,183,191,199,207,225,228,215,199,199,199,202,207,207,207,207,209,207,202,199,199,209,217,217,217,209,199,196,191,183,183,183,183,133,133,131,131,181,189,204,212,215,212,202,194,194,194,194,183,176,117,117,107,91,76,79,97,105,105,113,107,99,97,103,147,155,147,105,103,111,157,173,191,209,209,199,189,189,194,196,196,199,196,199,212,222,220,235,241,238,241,246,248,238,202,129,115,117,176,217,255,255,255,254,212,152,79,65,65,75,77,61,31,0,0,0,1,3,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,11,13,13,9,3,0,0,0,15,33,25,13,7,13,37,55,98,121,75,31,7,3,9,23,49,73,134,163,170,168,168,176,183,191,186,183,183,178,170,150,148,165,176,165,113,105,101,107,160,181,199,215,225,202,165,81,59,54,55,81,173,173,107,63,53,53,65,111,181,189,173,163,163,181,209,220,225,220,209,196,191,199,220,220,191,181,173,181,189,189,181,181,189,196,199,199,209,209,220,209,189,170,117,111,111,117,163,163,163,111,99,79,73,67,67,69,77,87,99,142,150,160,163,168,163,157,144,142,137,134,95,87,77,73,67,61,57,53,53,55,55,59,55,55,55,55,59,59,59,55,41,35,35,35,39,41,41,49,65,95,155,176,189,196,199,196,183,183,183,181,183,196,181,150,93,93,109,155,155,168,176,160,142,103,103,95,71,39,27,33,53,67,67,67,95,165,165,105,91,79,73,79,105,178,209,196,168,93,62,71,168,215,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,152,152,150,134,125,129,129,120,116,120,147,165,165,157,152,144,137,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,0,0,0,0,0,0,0,0,0,0,33,87,82,144,168,176,181,178,176,183,178,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,105,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,31,53,98,55,19,176,196,191,196,207,212,215,212,204,202,203,204,207,207,204,202,204,202,186,135,183,194,196,196,195,196,202,207,209,209,207,202,199,198,199,202,209,204,186,111,123,196,212,212,209,212,217,225,222,199,119,119,168,176,173,173,176,178,173,123,123,168,170,125,121,186,186,178,178,129,125,127,131,181,194,204,202,191,183,189,189,186,186,191,196,196,194,192,194,204,217,228,230,225,217,212,207,202,191,183,183,194,202,199,191,189,194,196,191,189,194,209,207,202,204,212,212,207,207,209,204,108,98,191,217,222,217,215,212,207,207,212,212,212,209,215,217,215,212,209,209,209,212,212,204,196,191,191,194,189,136,134,136,189,212,225,215,143,130,131,139,194,196,194,202,204,199,196,207,209,196,191,196,199,195,196,199,196,194,195,202,204,207,215,225,225,204,189,139,131,127,127,137,199,215,225,228,228,228,230,228,222,199,127,125,139,199,209,217,228,230,228,225,222,222,225,228,222,217,228,235,255,76,85,186,186,141,191,196,199,204,215,222,230,217,217,228,225,222,217,215,204,115,103,139,212,220,230,228,209,183,183,194,204,209,215,225,217,199,194,196,235,241,243,243,255,225,202,183,194,222,222,220,209,103,99,212,238,238,238,241,241,241,238,238,238,235,235,233,235,235,235,235,230,228,228,230,233,238,238,238,238,241,228,121,5,215,233,241,246,243,241,238,241,241,241,241,241,243,238,215,181,125,125,199,207,181,133,186,209,217,204,125,122,135,204,204,209,111,95,112,129,202,202,199,194,183,177,176,179,189,191,189,194,199,196,186,181,185,191,194,199,215,204,111,117,133,207,217,230,238,235,230,233,238,238,238,251,0,0,77,235,235,243,241,228,199,181,176,178,173,165,170,165,191,222,233,235,233,228,222,228,233,235,235,233,233,230,233,235,238,238,238,241,241,241,238,238,241,241,235,225,209,217,228,235,233,217,199,189,137,104,101,135,196,194,202,228,235,235,235,235,233,233,233,230,228,228,230,233,233,235,235,233,233,235,241,255,194,29,89,202,222,225,215,202,196,194,181,133,181,202,217,215,194,183,182,178,176,202,230,230,215,191,135,135,186,199,191,61,60,207,222,222,235,238,228,233,235,222,67,33,73,196,217,217,215,209,204,204,207,207,209,207,202,194,194,191,147,199,217,228,228,225,228,230,233,230,230,230,233,233,228,225,225,225,225,225,225,228,228,225,222,225,228,228,224,224,228,230,228,225,224,224,225,230,233,225,217,215,202,194,199,191,135,137,199,199,199,204,207,199,199,199,199,196,196,196,202,217,233,238,233,225,202,194,194,194,192,194,202,204,202,212,233,220,124,117,125,222,215,202,190,190,202,222,230,230,230,233,235,238,235,233,233,233,238,238,233,225,212,202,195,196,202,204,202,209,225,230,228,225,217,217,217,207,135,133,196,207,204,207,222,230,233,230,228,230,235,235,230,228,228,225,212,205,222,222,204,217,233,233,235,233,217,194,199,233,230,212,217,228,233,230,229,229,233,233,225,215,222,212,202,202,199,202,212,225,230,228,230,235,113,76,85,131,117,63,63,98,194,222,228,222,212,204,194,191,204,217,222,241,89,66,88,145,196,196,207,217,225,225,230,230,230,230,230,230,228,228,228,230,233,233,233,233,230,230,230,230,233,235,233,228,217,213,215,225,233,235,235,235,235,238,238,238,238,238,238,235,233,235,238,238,238,235,235,238,238,235,231,238,238,235,238,233,228,230,233,215,143,145,204,204,207,222,225,220,215,202,204,220,228,230,228,222,122,93,137,217,228,225,222,222,228,233,233,230,230,230,233,235,235,233,233,235,235,233,230,228,230,233,230,225,204,125,122,135,202,209,220,228,228,228,215,141,137,194,207,215,217,222,215,204,202,212,217,217,215,220,228,230,228,228,228,225,215,207,202,198,199,202,202,202,202,198,198,198,202,207,209,212,207,196,194,199,202,204,207,202,196,196,196,199,202,204,207,204,204,204,202,202,202,202,202,202,196,194,191,189,186,178,131,125,121,121,125,131,178,181,183,183,189,191,186,178,131,129,131,178,181,186,191,196,196,196,194,181,133,137,194,202,204,207,209,209,202,183,131,135,189,194,196,199,199,199,202,202,204,207,207,209,209,207,207,207,207,207,204,204,204,207,207,209,209,209,209,209,207,204,199,196,195,195,199,199,199,196,194,191,191,194,196,196,195,199,207,209,204,196,191,191,191,191,191,191,194,194,194,191,189,191,194,194,196,199,204,202,199,199,202,209,215,215,209,209,212,215,217,215,215,215,215,212,212,212,215,217,217,215,215,217,222,225,228,228,230,230,235,241,243,243,243,246,251,254,255,254,251,248,248,248,251,251,248,248,246,241,235,230,228,225,228,228,225,225,222,222,217,215,215,215,212,209,209,212,215,212,209,204,199,194,194,196,199,199,196,199,202,207,212,209,208,208,212,222,228,230,230,230,230,230,233,235,235,235,238,241,241,241,241,241,241,238,235,235,235,233,230,225,225,225,228,228,230,233,235,241,243,246,248,248,248,248,251,248,248,248,248,248,251,251,248,241,235,233,230,228,228,225,222,222,222,222,222,225,233,246,255,255,255,255,255,255,251,246,246,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,241,251,251,251,251,235,212,189,119,105,91,77,71,65,47,41,39,41,47,53,53,53,53,53,55,55,63,73,87,99,139,147,155,165,183,186,178,160,155,165,181,196,196,178,139,108,45,15,0,0,0,7,21,69,0,0,0,225,209,196,155,0,0,0,126,92,74,45,45,53,87,98,113,113,111,116,116,95,55,40,39,43,49,51,45,45,47,47,49,43,29,21,20,20,21,15,15,19,30,46,56,77,77,72,72,72,82,98,108,103,85,46,22,7,12,46,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,207,222,0,0,246,255,255,255,255,254,220,160,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,69,134,121,87,95,92,64,35,27,20,38,0,0,0,72,82,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,90,121,134,186,217,204,176,181,207,238,243,131,0,0,0,53,160,183,176,202,251,255,255,255,255,255,255,220,61,2,1,15,27,15,15,29,59,79,93,101,150,163,168,173,163,160,147,131,75,45,33,29,31,33,31,21,13,9,13,21,47,90,87,48,0,79,92,105,113,116,105,98,98,100,98,66,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,209,238,222,196,159,186,204,155,37,18,31,65,73,57,37,43,63,89,150,189,191,189,173,160,160,157,121,65,43,43,47,55,61,71,77,81,91,101,101,107,160,173,150,95,84,85,101,173,183,173,121,165,191,199,199,207,217,228,217,207,202,207,207,207,207,207,207,209,202,199,196,199,209,217,220,217,209,209,199,191,183,183,183,183,183,133,131,178,189,196,212,212,209,204,202,194,186,178,176,173,123,108,109,117,107,99,101,157,115,152,157,105,81,73,77,99,111,105,111,111,111,152,173,191,191,194,191,189,189,194,196,202,204,204,207,222,222,222,220,222,222,222,235,238,238,220,202,133,117,127,207,254,255,255,255,235,160,79,52,49,57,63,55,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,11,7,5,3,0,0,0,7,19,33,19,7,0,0,9,27,59,118,118,51,11,3,7,19,47,73,97,139,142,103,142,160,176,183,183,176,170,170,165,150,148,160,170,160,113,101,99,0,160,181,199,222,233,212,173,93,63,56,59,95,170,173,107,63,53,53,63,105,173,189,181,170,165,186,209,220,230,230,212,196,191,196,209,199,181,172,178,186,189,181,176,181,189,196,196,196,199,220,225,220,196,181,125,111,111,163,170,170,170,163,115,103,79,73,69,75,87,99,105,150,152,160,163,163,163,160,160,150,129,79,76,77,77,77,73,73,67,59,55,55,59,61,61,59,59,59,67,67,67,55,39,35,39,43,43,47,47,53,71,129,150,173,183,196,196,189,181,176,176,181,189,199,183,160,103,99,109,105,105,160,168,155,109,103,103,95,73,51,43,53,91,105,107,152,186,209,196,155,103,99,91,99,152,196,220,196,115,73,61,87,181,228,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,152,152,144,129,125,129,131,120,116,121,144,155,155,152,152,150,147,147,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,165,165,85,0,0,0,0,0,0,0,0,0,0,0,38,124,178,178,178,186,155,163,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,204,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,53,53,17,181,199,209,209,209,215,217,215,209,204,203,203,204,207,207,207,204,204,204,207,207,204,202,199,199,199,199,202,207,204,202,202,199,199,199,199,204,209,212,204,178,186,202,209,209,207,207,215,222,225,222,93,123,170,176,181,178,173,176,165,103,108,119,117,115,119,173,181,173,123,121,123,125,129,181,194,199,189,181,181,186,183,183,186,191,202,209,202,196,196,202,212,225,228,217,207,202,194,194,191,137,129,131,183,186,183,135,135,189,191,191,199,209,209,204,204,209,212,209,212,217,212,189,137,199,212,222,228,225,222,217,217,217,217,212,212,217,217,215,212,209,207,204,209,215,209,196,187,189,189,186,141,137,134,136,199,209,199,189,191,217,217,207,194,189,191,202,204,199,196,202,202,196,202,207,199,198,204,196,195,202,194,187,212,225,230,233,230,194,114,114,125,133,141,199,215,225,228,230,230,233,230,228,217,127,119,124,204,222,230,233,233,230,228,228,228,230,228,222,217,225,238,241,93,73,105,139,186,189,191,191,194,204,217,225,222,215,212,212,212,212,222,103,69,111,222,228,233,233,235,243,230,202,196,191,191,196,202,199,194,194,209,233,238,238,238,235,222,199,186,189,202,207,207,209,146,140,228,238,238,238,238,238,241,241,241,238,235,233,233,235,235,235,233,228,226,228,230,229,233,238,238,241,235,204,15,105,233,235,241,241,243,238,234,238,238,238,243,243,238,209,91,49,123,215,248,222,176,132,178,194,194,176,122,122,183,209,199,112,80,135,183,194,196,194,189,186,183,183,183,186,183,186,189,196,204,204,189,178,185,196,209,225,235,243,243,225,196,178,181,215,233,233,230,233,235,241,220,103,0,75,238,241,241,241,238,243,228,191,181,165,157,163,157,170,196,217,230,233,230,222,220,225,230,235,235,233,230,230,230,233,235,235,235,238,238,235,235,235,241,243,243,238,233,228,235,238,233,225,141,101,111,109,123,139,191,199,209,225,235,235,235,233,233,230,230,228,228,228,230,233,235,235,235,235,233,235,243,254,204,85,105,228,225,222,202,183,181,191,125,124,129,183,196,196,189,185,182,177,178,202,235,225,199,186,135,131,139,199,204,127,117,194,212,217,238,246,233,222,225,91,54,54,137,212,230,233,225,215,207,202,204,207,209,207,199,145,145,145,145,204,225,230,230,228,228,228,230,230,233,235,235,235,233,230,230,230,230,230,230,233,233,230,230,230,228,224,221,224,225,225,224,224,225,228,233,235,228,212,202,196,139,133,139,139,122,113,189,143,143,191,189,189,196,207,207,199,195,192,192,202,222,230,228,215,204,194,194,196,194,194,204,215,222,230,235,215,124,116,101,196,209,209,196,192,196,212,228,233,233,235,238,238,238,235,233,235,241,241,230,222,212,204,196,196,215,230,94,129,215,228,225,222,215,215,222,133,79,101,196,199,194,190,202,217,228,233,233,235,235,235,233,233,235,233,228,222,222,217,217,225,230,230,233,233,228,107,73,77,97,212,225,233,233,230,230,233,233,233,228,222,207,202,209,217,207,202,209,217,222,225,212,215,194,86,104,194,204,194,139,186,194,202,215,212,196,186,189,196,209,217,225,222,101,84,131,199,204,207,215,222,222,225,225,228,228,230,230,233,230,230,230,233,233,235,235,235,230,229,229,230,233,233,233,230,215,211,213,222,230,233,233,235,235,235,235,235,238,238,235,233,233,233,233,235,235,233,233,235,235,233,233,233,235,235,235,235,233,233,235,225,207,204,209,209,212,215,215,199,139,137,139,202,222,222,215,204,99,78,143,215,225,225,209,209,225,230,233,233,230,228,230,233,230,228,228,230,235,233,230,228,230,233,233,228,209,145,132,131,147,217,225,228,228,222,215,204,194,191,202,212,215,215,215,212,209,212,217,222,222,228,230,230,228,225,222,215,212,207,202,199,199,202,202,202,202,199,199,202,204,207,207,209,204,196,196,202,204,204,202,199,199,202,196,196,199,204,207,207,207,204,202,200,202,202,202,199,194,191,189,189,186,178,131,125,123,125,129,176,181,183,183,189,191,191,186,181,135,131,130,178,183,186,191,194,196,194,189,123,121,186,199,202,204,207,209,209,199,183,133,137,191,196,196,199,202,202,204,204,207,207,209,209,209,209,209,209,209,209,209,207,207,207,209,209,209,209,207,207,207,204,202,196,195,196,199,202,199,196,191,137,131,139,199,202,202,202,207,209,204,196,191,191,191,191,191,191,194,196,196,191,189,191,194,192,194,199,207,204,202,199,199,204,209,207,207,209,212,215,215,215,217,217,217,215,212,212,215,222,222,217,213,215,222,228,228,228,228,233,238,243,246,246,246,248,251,254,255,254,248,246,246,246,248,248,248,248,248,243,238,233,230,228,225,222,222,222,222,222,217,215,215,212,209,209,212,217,217,215,212,204,194,191,191,194,196,194,192,194,202,209,212,212,209,209,215,225,228,230,230,233,233,233,233,235,235,238,241,241,243,241,241,241,238,238,235,235,235,233,228,224,224,225,228,228,230,233,235,241,243,248,248,251,251,251,251,251,251,251,251,251,251,251,248,241,238,235,233,230,228,225,225,225,222,222,225,230,243,255,255,255,255,255,255,255,251,246,243,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,243,251,254,255,255,243,222,194,123,105,91,85,75,69,53,51,47,53,65,71,71,71,71,71,71,71,69,71,93,152,176,183,186,194,202,202,194,186,178,165,178,191,202,189,157,116,51,25,5,0,0,5,21,47,129,0,228,233,207,165,147,0,0,0,142,126,121,118,116,116,118,111,113,100,100,113,118,105,65,47,40,42,43,47,47,53,55,59,57,49,37,29,20,20,23,21,21,17,19,46,74,85,85,79,72,79,90,100,108,100,79,46,17,1,5,40,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,235,0,0,0,255,255,241,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,4,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,144,155,17,0,14,0,0,0,0,0,0,0,0,0,0,0,9,33,33,33,103,170,144,103,100,98,66,38,27,30,0,0,0,0,0,217,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,103,134,152,181,196,181,139,139,183,238,235,142,0,0,0,91,191,220,217,235,255,255,255,255,255,255,255,209,53,0,0,14,19,8,5,21,53,79,99,144,157,165,173,168,160,160,160,134,85,63,45,35,35,45,37,21,9,5,9,33,92,134,121,61,49,61,92,98,98,98,92,92,98,100,95,66,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,196,189,176,155,168,189,155,38,12,22,45,69,85,75,57,65,124,168,199,207,199,173,153,160,181,160,124,79,69,59,51,59,79,95,99,139,107,147,157,170,165,113,99,95,101,160,191,199,191,183,183,191,199,199,204,207,217,215,207,207,207,207,207,202,199,199,199,202,199,196,199,209,217,228,217,215,209,202,191,133,133,189,191,189,183,181,181,189,202,204,204,202,202,204,194,186,178,176,123,107,107,117,163,163,163,170,178,181,170,163,113,85,71,73,85,85,77,65,83,15,81,157,176,176,173,178,189,199,207,202,196,207,204,212,217,222,215,212,211,215,222,233,233,233,235,212,191,183,196,233,254,255,255,255,251,183,71,46,43,53,69,61,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,9,1,0,0,0,0,0,5,5,17,13,7,0,0,0,5,41,100,103,57,23,5,5,17,49,73,85,91,85,85,97,144,168,170,163,157,160,165,170,160,150,157,160,113,107,101,93,0,165,176,189,212,225,212,173,107,77,67,77,105,163,165,99,71,56,57,75,152,181,189,189,173,170,181,196,220,0,0,209,196,191,196,196,189,172,168,181,189,186,181,177,181,191,196,191,189,196,230,238,230,196,181,125,111,117,170,181,178,173,170,163,152,103,77,73,79,95,99,103,144,150,144,144,150,142,142,152,150,134,79,77,87,89,77,77,73,73,67,61,55,59,61,61,67,69,71,71,77,75,59,45,47,51,51,51,49,49,49,65,87,137,160,176,183,189,183,181,173,168,176,196,199,189,170,152,109,103,94,92,109,160,150,109,103,95,91,73,57,57,73,105,163,178,196,230,238,220,178,111,105,105,111,170,196,209,186,115,77,67,103,199,235,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,147,150,147,139,129,126,131,134,120,118,124,139,152,155,155,155,160,165,178,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,173,165,147,53,137,0,0,0,0,0,0,0,0,0,0,147,199,155,163,108,72,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,222,222,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,45,45,31,196,209,217,215,212,215,217,215,209,207,207,204,204,204,204,204,202,196,196,204,209,207,204,202,202,202,202,202,204,202,200,202,204,202,202,202,207,212,212,209,202,196,202,209,209,207,209,215,217,222,220,57,109,170,178,181,178,176,178,170,108,109,115,115,113,115,168,176,127,115,117,121,125,129,178,189,189,181,181,186,186,181,183,189,191,196,207,207,204,199,196,202,207,204,189,137,183,181,186,194,191,135,129,127,132,181,133,130,135,189,189,191,204,202,194,194,204,209,209,209,209,207,196,196,204,212,222,228,230,228,225,222,222,217,215,215,217,217,215,212,207,204,203,207,217,207,191,186,189,194,191,194,186,136,137,191,199,199,204,217,230,230,217,196,141,143,196,202,196,194,196,196,196,207,215,212,212,215,202,196,199,192,191,217,230,233,235,235,228,117,109,117,135,189,202,215,222,228,233,235,235,230,228,217,135,118,123,209,228,233,230,228,228,230,228,228,225,225,222,222,228,233,233,119,115,137,191,194,196,196,194,196,202,215,225,225,217,209,203,202,204,189,65,51,101,225,230,230,230,235,241,235,225,202,121,122,181,186,189,194,199,217,230,235,235,233,230,222,202,186,186,194,192,196,220,204,200,233,235,238,238,235,238,238,241,238,235,233,233,233,235,238,235,233,230,228,228,230,229,230,235,238,241,230,181,27,119,238,238,238,241,243,238,231,233,235,238,246,241,225,79,0,0,101,235,238,212,199,181,176,121,119,123,123,133,199,225,228,196,116,133,186,186,137,183,191,196,183,179,181,183,181,181,183,191,202,209,207,186,189,209,225,233,241,243,238,225,202,165,165,186,222,225,217,228,238,243,89,0,0,103,238,246,243,237,237,243,235,196,176,160,155,157,110,108,176,212,225,225,222,221,220,222,228,233,233,233,230,229,229,230,233,233,233,235,238,235,233,233,238,243,243,241,238,238,235,235,233,225,103,84,102,115,129,139,145,196,209,222,230,233,233,233,230,230,228,228,228,230,233,235,235,235,235,233,233,238,241,238,204,115,181,233,235,228,204,127,121,129,125,127,129,133,183,186,186,189,191,186,189,202,215,204,194,189,137,130,135,194,217,225,186,131,137,139,115,86,230,186,101,105,115,109,199,222,233,233,230,225,209,202,202,204,207,209,199,143,142,142,143,202,225,233,233,233,228,226,228,230,233,235,235,235,233,230,233,235,235,233,233,233,235,235,235,233,230,228,225,225,225,224,224,224,228,233,235,235,228,209,199,194,196,189,133,127,120,114,135,143,143,189,187,185,189,204,209,204,196,194,194,199,207,215,215,209,202,194,194,196,194,143,194,222,233,235,230,199,131,131,137,191,207,215,209,199,199,209,222,230,233,235,238,238,238,235,233,233,238,238,225,225,222,207,144,196,225,241,96,107,135,212,217,215,212,207,191,90,80,103,145,191,189,189,196,212,225,230,233,233,230,230,233,233,235,235,230,230,228,228,225,222,222,222,222,217,209,65,10,19,91,215,228,233,233,230,233,235,235,230,222,204,191,143,196,209,204,202,209,215,202,189,191,222,220,95,103,212,215,202,189,189,189,191,199,204,191,141,186,196,207,212,215,215,196,139,194,204,209,215,225,228,228,228,228,228,230,230,233,233,233,233,233,233,230,230,233,233,233,230,229,230,233,233,233,228,215,212,213,222,228,230,233,235,235,235,235,235,235,235,235,233,230,230,230,233,233,230,230,233,233,233,230,230,230,233,233,233,233,233,235,233,228,222,220,217,212,199,131,127,129,131,128,110,114,189,191,129,111,108,194,207,215,215,207,207,220,228,230,230,228,222,222,228,228,222,222,230,233,230,228,228,230,230,230,222,204,145,137,135,194,220,228,228,225,217,212,204,194,190,196,207,209,212,215,215,212,212,215,217,222,228,233,233,228,222,215,209,207,207,204,204,202,202,202,202,202,202,204,207,207,207,204,202,199,196,199,202,204,204,202,199,199,202,199,196,199,204,204,202,204,204,204,202,204,202,199,194,189,187,189,189,189,183,135,129,127,129,176,181,181,181,181,186,191,194,191,189,183,178,135,181,186,189,189,196,196,189,125,94,93,129,196,204,204,207,209,204,196,189,183,186,194,196,196,199,199,202,204,204,207,207,207,207,207,207,207,207,207,209,209,209,209,209,209,209,209,209,207,204,204,204,202,199,196,196,199,199,196,186,119,111,115,135,196,202,204,204,204,207,204,199,194,194,194,194,191,191,194,199,199,194,191,194,194,194,194,199,207,204,202,199,198,199,204,204,204,207,212,212,212,212,215,215,215,215,212,212,215,222,225,217,215,215,222,228,230,230,230,235,241,246,246,246,246,248,251,254,255,254,248,246,243,243,246,246,246,246,246,243,238,235,230,228,222,216,216,217,217,217,217,215,212,209,208,209,215,217,220,217,212,202,194,191,192,196,199,196,192,194,199,204,212,215,215,215,217,225,228,230,233,233,235,235,235,235,235,238,241,243,243,241,238,238,238,235,234,234,235,233,225,224,224,225,228,228,230,233,235,238,243,246,251,251,251,251,251,251,251,251,251,251,251,251,248,243,241,238,235,230,228,225,225,225,222,222,230,243,255,255,255,255,255,255,255,255,254,246,241,243,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,243,251,255,255,255,251,230,194,125,111,97,91,85,75,69,63,63,63,71,79,85,85,85,85,85,85,79,85,105,176,194,212,212,217,217,217,209,196,186,164,164,178,186,186,155,124,65,39,15,3,0,5,19,41,103,163,209,215,181,146,147,0,0,0,173,0,0,0,170,152,139,118,75,69,69,79,118,118,75,59,47,42,45,51,51,61,95,95,87,57,47,37,29,33,39,39,21,17,23,56,82,92,85,77,79,87,98,105,108,92,66,30,5,0,7,40,77,100,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,228,0,0,0,255,255,235,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,22,4,0,0,0,0,9,7,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,69,129,95,0,0,33,17,0,0,0,0,0,0,0,0,0,0,48,82,0,0,134,160,152,147,142,100,66,35,30,33,0,0,0,0,0,255,255,85,33,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,79,111,144,163,170,165,137,100,98,116,170,181,116,0,0,43,189,233,243,243,243,251,255,255,255,255,255,255,254,183,49,23,27,19,4,2,9,39,77,142,168,176,176,178,173,165,160,160,144,116,73,63,49,45,51,51,35,19,13,7,27,103,155,139,90,49,55,87,92,87,90,87,90,95,98,95,72,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,155,176,178,181,176,178,189,186,139,75,73,85,131,87,69,75,129,160,199,217,207,160,142,146,176,191,160,129,77,59,51,67,91,144,147,147,160,170,178,178,160,113,105,107,121,181,196,199,199,196,191,199,199,204,207,207,215,215,217,207,207,209,202,202,199,199,199,199,202,202,202,212,220,220,217,217,209,199,183,125,125,183,191,183,183,181,181,189,196,204,204,199,202,209,202,194,191,186,173,108,108,165,176,178,178,183,191,189,173,163,150,91,73,74,83,69,37,27,26,16,69,160,176,169,166,173,186,199,207,207,207,207,207,207,212,212,212,212,215,222,233,222,217,222,235,220,209,209,233,248,254,251,246,246,228,152,59,43,44,59,79,71,51,21,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,1,0,0,0,0,0,0,0,3,13,13,11,5,0,0,1,35,65,73,63,37,7,5,17,49,73,79,83,85,97,97,107,150,150,103,107,152,170,170,157,150,152,115,107,97,95,93,0,173,183,186,194,202,199,173,147,95,83,95,107,155,147,99,77,59,60,97,173,189,189,191,183,173,181,196,212,220,220,212,199,196,196,196,189,181,172,189,189,183,181,181,183,191,196,183,181,196,233,248,230,199,181,121,111,117,173,189,189,181,178,170,163,111,91,79,87,95,93,93,103,105,103,95,95,79,77,142,150,142,99,95,97,89,77,73,73,73,73,71,67,65,61,61,67,71,71,77,116,77,67,55,65,71,67,59,53,49,49,65,73,87,129,150,168,178,183,176,168,165,176,189,199,196,176,165,109,95,87,91,109,160,155,111,103,95,79,71,57,57,73,99,163,189,220,238,248,230,181,152,111,111,152,170,186,196,178,160,91,77,115,207,235,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,144,150,144,131,129,134,137,134,124,121,126,139,157,170,170,165,168,176,181,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,173,165,163,157,228,64,0,0,0,0,0,0,0,0,0,27,43,56,46,0,98,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,165,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,0,0,0,0,0,0,0,0,0,0,29,39,199,209,215,215,212,215,217,215,209,209,209,209,207,207,204,202,196,186,181,186,196,202,202,202,199,202,199,199,202,204,204,209,209,207,202,202,207,212,212,209,207,204,204,207,207,207,209,212,209,204,121,0,25,77,125,178,183,183,183,176,121,115,113,107,104,109,176,181,97,93,111,125,129,173,178,183,183,179,183,189,183,179,183,189,186,189,196,202,202,196,192,194,194,186,134,132,136,137,186,196,204,199,133,124,129,183,137,129,132,183,186,183,191,189,137,139,196,204,204,202,196,196,199,202,204,209,222,228,230,228,225,222,222,217,217,217,217,217,215,212,209,204,203,204,215,202,189,187,194,202,202,199,194,189,186,141,143,194,212,230,230,228,204,139,139,191,202,204,199,194,145,145,194,204,209,212,212,212,204,196,194,194,202,228,233,238,233,235,248,207,105,108,133,186,196,207,217,230,235,235,233,228,222,207,139,126,129,202,225,230,228,225,222,225,225,225,222,221,221,225,225,230,230,194,141,191,196,202,207,207,204,209,215,225,230,233,228,217,207,203,209,207,107,96,135,215,225,225,222,230,233,235,238,209,96,95,133,189,191,191,191,215,233,235,233,233,230,222,204,189,189,196,194,194,215,215,215,228,233,235,235,235,235,238,238,238,235,233,233,235,238,238,238,235,230,228,228,230,229,230,233,238,241,230,181,85,207,238,235,235,238,241,241,233,233,234,235,241,243,181,0,0,0,23,109,178,191,196,212,220,93,69,73,117,217,230,230,233,228,230,123,135,119,115,135,191,196,179,176,178,181,178,179,183,191,196,207,207,196,199,212,222,228,230,228,225,215,202,168,165,186,207,183,109,173,220,109,0,0,0,55,220,243,241,241,238,238,233,176,91,113,165,160,112,104,99,104,189,215,222,222,222,222,228,233,233,233,230,230,230,230,233,233,233,233,235,235,233,233,235,241,243,243,241,238,233,228,228,222,117,90,103,117,127,137,189,202,212,225,230,233,233,233,230,230,228,228,230,233,235,235,235,235,233,233,233,235,241,235,212,181,176,220,241,238,217,117,109,123,173,178,178,183,191,189,186,191,194,194,194,196,199,192,194,199,186,129,131,196,230,238,202,129,127,109,28,0,89,129,135,212,204,131,194,212,225,233,238,233,204,194,199,199,202,207,202,194,143,138,128,194,222,233,238,238,233,228,228,230,233,233,233,233,229,229,230,238,238,233,233,233,235,238,238,235,235,233,228,225,225,225,228,228,228,230,233,222,202,139,141,207,215,202,121,121,125,127,141,191,196,199,194,186,186,202,209,204,196,196,196,199,202,202,207,207,199,189,191,196,191,139,139,209,233,235,217,194,139,141,143,191,207,222,215,207,202,204,212,228,233,235,238,235,235,235,233,233,235,233,212,215,217,209,142,145,217,235,102,107,113,143,202,202,202,133,94,88,91,143,194,194,191,196,207,217,228,230,230,230,228,228,230,233,233,233,230,230,235,235,233,222,215,215,215,199,109,71,62,89,143,202,222,230,233,233,233,235,233,217,189,139,139,138,137,141,191,202,209,204,125,117,120,222,225,100,102,212,209,194,185,185,187,191,196,202,194,141,186,191,194,194,199,212,209,204,202,209,222,228,230,230,230,230,230,230,230,233,233,233,233,233,233,230,228,226,228,233,233,233,233,233,233,233,230,225,217,215,220,225,230,233,235,235,235,235,233,233,233,235,233,230,229,229,230,230,230,230,230,230,233,233,230,230,228,228,228,230,233,233,235,238,241,235,230,228,220,196,128,126,137,145,141,105,102,129,135,124,126,202,207,212,215,215,204,196,204,209,222,220,217,215,215,225,225,220,220,228,228,228,228,230,230,228,225,212,196,145,143,145,204,222,230,230,222,217,215,207,196,194,199,202,202,204,209,215,215,215,215,213,217,228,233,230,225,212,207,204,204,202,204,207,207,202,200,200,202,204,207,209,207,204,202,199,199,199,202,202,204,202,202,199,199,199,199,199,199,202,202,199,204,204,204,204,204,202,196,189,187,187,189,191,191,186,135,131,129,131,176,181,178,177,177,183,189,194,196,194,186,181,181,186,189,189,189,196,202,191,117,82,80,105,194,207,207,207,207,202,199,194,194,196,199,196,194,194,199,202,204,207,207,207,207,204,204,204,207,207,207,207,207,209,209,209,209,209,209,209,207,204,204,204,202,199,196,195,195,196,196,139,110,107,115,135,191,202,204,204,207,207,204,199,196,196,196,194,191,191,194,199,202,199,196,196,196,194,194,199,204,204,202,199,199,199,204,204,204,209,212,212,212,209,209,209,209,212,212,212,215,217,222,217,217,217,225,230,233,233,233,238,243,246,246,246,248,251,254,255,255,254,251,246,243,243,243,243,241,243,241,241,238,233,230,228,222,216,216,216,217,217,217,215,212,208,207,209,215,217,217,215,207,199,192,192,194,199,202,196,194,194,194,199,209,217,222,222,220,225,228,230,233,233,235,235,235,235,238,238,241,243,243,241,238,238,235,235,234,235,235,230,225,224,224,225,228,228,230,233,233,238,241,246,248,251,251,251,251,251,251,251,251,251,251,251,251,248,246,241,235,230,228,228,230,233,230,233,243,255,255,255,255,255,255,255,255,255,255,246,238,238,241,246,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,241,251,255,255,255,251,233,202,178,117,103,97,91,85,75,71,71,79,85,87,91,93,97,101,105,101,91,97,147,183,212,235,241,235,225,222,222,209,194,178,164,165,178,178,163,137,77,49,25,3,0,9,25,47,100,147,189,191,163,146,165,204,0,0,204,0,0,0,0,186,155,118,67,59,60,69,87,121,116,71,57,49,49,51,63,75,111,126,105,90,55,43,37,39,47,47,33,21,23,56,82,92,92,85,95,95,105,105,100,85,43,14,0,0,14,51,85,100,121,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,225,0,0,0,255,255,233,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,0,0,0,0,35,79,87,25,0,0,4,0,0,0,0,0,0,0,0,0,0,0,74,124,0,0,147,139,147,181,181,118,72,40,30,30,0,0,0,0,0,255,0,150,66,33,1,0,0,0,0,0,0,0,0,0,0,0,0,0,15,66,74,90,121,121,111,98,63,55,55,73,139,116,5,0,83,238,255,255,255,251,239,246,255,255,255,255,255,255,255,176,77,51,27,8,5,9,29,73,160,191,194,191,189,178,168,168,165,147,124,79,69,57,45,51,47,33,21,13,1,17,92,150,150,95,47,41,55,79,79,79,85,92,100,105,103,77,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,134,160,194,186,186,209,230,222,173,137,137,147,137,85,75,75,87,160,215,207,165,144,146,173,189,170,89,63,44,44,61,93,157,165,170,178,186,191,181,170,160,160,160,173,183,191,199,199,199,199,207,207,207,207,217,217,217,217,207,209,202,202,202,199,202,202,202,202,202,204,212,217,217,217,217,209,194,129,120,121,127,181,173,173,178,181,189,196,204,204,199,204,212,212,209,202,199,186,119,119,176,183,183,183,183,189,181,170,165,150,93,76,75,83,69,29,25,28,37,93,173,176,169,169,178,186,189,199,207,207,207,207,204,204,207,212,215,222,222,222,212,204,209,222,233,220,233,241,248,233,191,121,111,103,79,57,46,50,69,85,85,71,51,23,9,3,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,5,9,13,13,13,7,0,0,0,29,63,73,67,47,13,0,17,49,69,79,83,97,103,103,103,103,97,95,101,157,170,160,150,147,150,113,101,79,79,97,0,183,186,186,191,194,191,183,155,107,97,101,107,147,107,99,77,61,63,105,183,189,189,196,189,183,189,209,220,220,220,220,209,196,191,196,196,189,183,189,189,181,181,181,181,189,189,181,181,196,238,248,233,209,181,117,109,117,181,196,189,181,173,170,170,157,105,95,95,95,79,77,79,87,87,77,73,67,67,95,144,144,142,137,134,95,77,73,69,69,71,77,77,73,67,65,67,73,71,77,85,77,71,69,77,89,77,67,59,53,53,65,67,71,73,87,142,165,176,173,168,165,176,189,196,186,176,168,109,95,87,91,150,168,160,150,109,95,79,65,55,57,71,95,155,189,228,248,248,220,178,163,152,152,152,170,181,186,178,160,103,93,115,196,230,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,147,150,142,129,131,142,144,139,131,129,129,142,165,176,173,168,170,168,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,168,163,170,202,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,69,0,0,0,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,0,0,0,0,0,0,0,47,178,196,204,207,207,209,215,217,215,212,212,212,212,209,207,204,202,194,181,176,177,183,194,196,196,199,199,199,199,202,207,209,215,215,209,204,204,207,209,209,207,204,207,207,202,202,207,209,207,176,29,0,0,7,39,91,125,186,183,181,181,181,170,115,103,100,102,181,183,94,92,173,186,181,176,178,183,183,181,181,183,183,181,181,183,183,183,191,199,196,194,194,194,191,183,136,136,186,189,194,202,209,212,199,131,132,186,189,135,134,183,186,183,181,137,135,137,191,196,196,191,186,189,199,204,199,202,217,225,225,222,222,222,222,222,217,215,217,217,217,215,212,207,204,204,207,194,191,196,199,202,199,199,196,199,196,140,136,139,204,222,225,143,112,117,143,207,212,212,207,194,139,139,143,191,199,204,200,200,202,196,192,194,212,233,238,238,235,235,248,243,110,90,119,133,186,202,217,230,233,233,228,225,209,186,137,131,129,133,207,217,222,222,217,217,222,228,225,222,222,222,222,228,228,191,186,194,204,212,222,222,222,228,230,233,233,233,233,233,228,217,217,225,238,233,207,196,195,195,202,209,217,230,241,228,103,101,183,212,228,189,181,199,230,233,230,228,222,207,191,186,191,204,207,196,207,215,217,225,228,233,235,235,235,235,238,238,235,233,235,235,238,238,238,235,233,230,230,230,229,230,233,241,243,228,137,125,228,233,228,228,233,235,238,238,235,235,234,235,238,81,0,0,0,0,0,0,33,178,222,238,79,28,21,37,212,241,248,235,241,255,89,77,85,105,183,194,194,181,181,191,194,179,181,191,196,196,196,196,199,204,207,209,207,202,202,204,209,207,199,191,207,207,111,88,105,209,123,0,0,0,0,204,235,238,235,235,225,202,79,58,113,196,181,181,121,93,84,115,207,217,222,225,225,230,233,235,235,233,233,230,233,235,233,230,233,235,233,233,233,235,238,241,241,238,233,225,217,217,225,217,117,111,117,125,137,194,212,228,233,235,235,235,233,233,233,230,230,233,235,235,235,235,233,233,231,231,233,238,238,233,202,105,115,246,233,204,105,107,129,183,191,196,204,204,191,181,183,189,189,191,194,194,192,196,204,196,130,127,194,233,235,207,191,194,105,22,48,107,222,235,228,207,186,186,196,207,225,238,230,189,186,194,199,202,204,204,196,191,139,120,147,217,233,238,238,235,230,230,228,230,233,233,230,229,228,230,235,238,235,235,235,238,238,238,238,235,233,230,228,228,230,233,230,217,143,108,103,107,117,127,215,215,191,114,121,189,143,141,191,207,217,209,187,187,202,207,196,194,195,199,199,195,195,199,202,194,141,143,194,191,137,135,194,220,212,194,189,191,194,145,145,202,215,215,207,200,200,202,217,228,233,235,235,233,233,230,230,230,222,137,137,191,199,144,144,204,222,127,115,117,137,191,196,196,115,93,97,202,212,199,196,202,212,222,228,230,230,230,228,225,225,228,230,233,230,230,230,235,238,235,230,225,225,225,215,109,111,145,204,191,131,204,220,230,233,233,235,230,199,128,133,141,139,135,135,139,194,207,139,125,117,117,204,215,111,110,196,202,194,185,186,191,196,199,202,194,141,141,189,191,194,202,212,209,204,207,217,233,235,233,233,233,233,233,233,233,233,233,233,233,233,233,230,228,226,226,230,233,233,233,235,233,230,230,228,228,228,230,233,233,238,241,241,238,235,233,230,230,233,233,230,230,230,233,233,233,230,230,233,233,233,233,230,230,228,228,230,235,235,235,238,241,241,235,233,230,222,204,202,209,212,209,191,123,141,141,133,204,228,225,217,222,212,136,118,117,126,139,199,209,212,217,225,225,220,220,222,222,225,228,230,228,225,217,204,147,145,194,202,212,225,233,233,225,222,220,209,199,202,204,199,198,198,204,209,215,217,215,213,215,225,228,225,215,204,202,204,202,200,204,209,207,204,202,202,202,202,207,207,204,202,202,204,204,207,207,204,204,204,204,202,199,199,199,199,202,199,199,202,204,204,202,204,204,202,194,189,187,187,191,194,194,186,135,129,127,129,176,178,181,178,177,183,189,194,199,194,186,181,186,191,191,187,189,196,204,202,189,86,83,107,196,209,209,207,207,202,199,199,202,202,199,194,190,191,196,202,207,209,209,209,207,204,204,204,207,207,207,207,207,209,209,209,207,209,209,209,209,204,202,202,199,196,196,195,195,196,199,194,125,115,127,137,186,199,204,207,209,207,202,196,196,196,196,194,191,191,196,199,202,202,199,199,199,199,196,202,204,204,204,202,202,202,204,204,207,209,212,212,212,209,207,204,204,209,212,215,215,215,215,217,217,222,225,230,233,235,238,241,243,246,246,248,248,251,254,254,255,255,254,248,248,246,243,241,241,238,238,235,233,230,228,225,225,222,217,217,217,217,217,215,212,208,207,209,215,217,217,209,204,194,192,192,196,202,202,196,194,194,194,196,204,215,222,222,217,225,228,230,233,233,235,235,235,238,238,238,241,243,243,241,241,238,235,235,235,235,235,233,228,224,224,225,225,228,228,230,233,235,238,243,246,248,251,251,251,251,254,254,254,254,254,254,251,248,246,243,235,230,230,235,241,243,243,248,255,255,255,255,255,255,255,255,255,255,255,243,233,233,238,243,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,230,241,248,255,255,248,230,202,178,115,103,97,97,91,85,83,85,91,93,97,101,107,147,152,157,147,107,107,152,181,204,238,246,238,230,225,225,222,202,186,178,176,178,178,165,147,121,65,29,3,0,15,45,71,124,150,173,189,170,163,176,212,222,220,212,217,0,0,241,220,170,126,61,55,56,63,79,91,91,77,67,53,49,55,65,108,134,134,113,98,61,49,43,43,47,47,41,33,25,43,74,85,92,103,113,113,113,105,90,77,35,9,0,5,38,79,100,124,144,178,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,0,0,0,255,255,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,48,22,0,0,0,43,64,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,144,0,0,152,134,137,173,163,118,79,59,38,0,0,0,0,0,0,255,255,152,77,43,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,0,0,3,33,53,61,61,47,39,40,111,83,19,0,71,230,255,255,255,251,231,239,255,255,255,255,255,255,255,235,119,75,45,21,9,15,39,81,163,199,207,207,199,186,176,173,170,160,126,83,65,51,43,43,37,21,7,1,0,7,59,137,142,100,41,0,37,39,49,79,92,105,118,124,116,85,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,53,98,160,186,196,212,209,194,173,165,139,144,139,81,59,37,51,137,199,207,183,159,159,173,173,139,71,49,40,40,45,79,147,186,191,191,191,183,173,170,181,183,183,183,189,191,196,199,207,207,217,217,217,217,217,217,217,217,209,202,202,202,202,204,209,204,202,202,202,204,212,217,209,209,202,194,186,176,126,125,127,127,125,125,173,183,196,204,204,204,202,204,212,212,212,202,194,186,178,176,176,176,176,173,176,178,173,165,160,150,99,81,81,77,57,25,27,45,89,155,176,173,176,183,191,186,185,183,194,207,207,202,202,202,204,212,222,225,225,212,196,190,196,209,222,233,230,230,215,181,89,71,68,73,79,71,63,71,85,134,131,83,59,37,13,11,13,19,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,3,3,0,0,0,9,33,33,17,11,7,5,0,0,0,23,55,67,73,57,0,0,21,53,75,83,93,137,144,105,95,87,87,101,155,168,170,152,144,146,150,150,95,77,76,95,0,186,191,191,194,194,191,186,173,157,147,107,107,107,107,93,77,61,63,109,181,183,189,196,196,189,196,209,220,220,220,220,209,189,181,189,196,191,189,189,181,181,133,133,181,181,181,131,181,209,238,248,238,209,181,117,111,125,189,209,196,183,178,178,178,170,152,105,105,95,77,67,67,67,67,67,61,61,67,87,134,142,134,134,134,97,89,89,73,66,69,73,89,87,73,71,71,73,71,75,77,77,77,77,85,89,77,67,53,49,53,59,65,65,65,71,93,144,165,165,165,168,176,189,196,183,176,168,109,95,91,103,168,181,168,152,150,109,93,67,55,57,71,99,163,196,233,248,248,220,178,163,152,152,155,170,181,181,170,117,103,95,111,183,215,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,152,152,142,134,139,155,155,147,142,134,131,144,160,165,157,155,160,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,176,157,181,207,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,0,0,0,0,0,0,0,0,0,0,0,0,0,4,108,111,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,0,0,0,0,0,0,105,202,199,196,202,202,202,207,212,215,215,215,215,215,215,212,209,207,207,202,189,178,178,183,194,199,196,199,199,198,198,202,202,204,209,212,209,207,204,207,207,207,204,203,207,204,198,202,209,207,189,11,0,0,0,41,65,91,113,168,173,178,191,202,202,181,117,105,100,109,119,111,170,196,189,176,129,131,181,189,189,183,181,183,178,176,176,181,186,194,202,199,196,202,204,196,189,189,196,207,204,196,199,207,215,207,137,135,189,194,189,181,137,181,183,183,181,137,137,186,189,189,189,186,189,202,202,192,194,209,217,215,215,217,225,228,225,222,215,212,215,217,217,215,209,207,204,194,187,196,204,202,196,192,192,196,209,209,141,134,135,191,207,204,114,106,117,209,222,225,225,215,145,134,136,141,143,194,202,194,196,207,204,195,199,222,235,238,238,238,238,243,248,209,81,111,131,141,196,215,225,225,228,225,212,131,127,133,135,128,128,191,202,209,215,217,225,228,230,230,230,228,225,222,222,215,148,178,191,212,230,235,230,228,230,233,233,230,230,233,235,233,228,222,225,233,235,222,202,191,182,185,179,194,217,228,225,204,196,202,215,243,194,183,186,217,222,217,217,207,139,132,137,194,207,209,196,196,209,222,230,230,230,233,235,235,238,238,238,235,233,235,235,238,238,235,235,233,233,233,230,230,230,230,235,241,207,110,121,220,228,225,225,228,230,233,238,235,238,238,238,212,5,0,0,0,0,0,0,0,53,207,222,105,62,30,25,93,230,238,233,248,255,99,74,83,111,191,194,199,202,215,222,222,199,189,199,202,196,189,185,191,202,202,199,192,190,191,199,212,222,225,217,222,225,181,106,178,246,251,103,0,0,0,29,170,230,228,233,170,77,61,73,202,215,212,215,212,165,110,176,204,212,222,225,228,230,233,235,235,235,233,230,233,233,230,228,228,230,230,233,235,238,238,238,238,235,228,212,204,212,230,235,139,121,121,127,141,204,225,235,238,238,238,235,235,235,235,235,235,235,238,238,235,235,233,233,231,231,231,233,241,246,241,59,31,168,165,107,87,103,127,183,199,212,215,207,189,177,178,186,191,194,194,199,199,202,207,199,131,120,120,228,230,217,217,220,189,99,225,228,233,238,233,209,191,186,189,191,202,217,212,187,185,191,196,204,212,207,196,199,209,209,204,217,233,235,235,233,230,230,230,230,233,233,233,230,229,230,235,238,235,238,238,238,238,238,235,235,233,233,235,235,235,233,217,139,100,89,93,107,137,196,194,194,191,139,196,209,141,127,186,215,230,217,194,191,199,199,194,192,194,196,196,194,194,196,196,189,135,137,191,191,139,137,143,191,121,120,189,212,215,196,142,191,209,215,209,202,198,196,204,215,225,230,230,230,228,225,225,212,143,126,128,133,145,191,191,202,212,204,196,194,194,191,202,212,194,141,217,228,215,199,202,209,222,228,228,228,225,225,225,225,225,225,230,230,230,230,230,230,233,235,235,235,233,233,230,228,228,209,199,141,119,125,204,220,225,222,230,228,202,130,135,194,194,139,137,139,141,137,135,186,139,130,186,209,207,199,202,209,217,215,209,209,204,199,202,196,141,141,189,189,194,212,209,204,204,212,228,235,235,233,233,233,233,233,233,233,233,233,231,231,233,233,233,230,228,228,228,230,230,233,235,233,230,228,230,233,235,235,235,238,241,243,241,238,235,230,230,230,230,230,230,233,233,235,235,235,233,230,233,233,235,235,233,230,230,228,230,235,235,233,233,238,238,235,235,235,233,230,222,217,215,215,228,199,196,202,207,228,233,233,230,228,204,132,119,119,127,131,137,202,215,222,225,225,221,220,220,222,225,228,228,225,222,212,196,147,147,199,209,217,225,233,238,233,230,222,207,202,204,204,199,198,198,202,207,215,217,220,217,217,217,217,212,207,200,200,207,202,199,202,207,207,204,204,204,202,202,202,204,204,204,207,207,209,207,207,204,207,209,209,204,199,196,196,199,199,196,196,202,204,202,199,199,202,199,194,189,187,189,191,194,194,186,135,129,127,127,133,178,183,183,183,183,186,194,199,196,189,186,191,194,191,189,191,194,196,202,204,121,103,129,196,207,207,204,204,202,202,202,204,202,194,190,189,191,196,202,204,207,209,209,207,207,204,204,207,207,207,207,207,207,207,207,207,207,207,207,207,204,202,199,196,196,196,196,196,199,202,204,199,189,139,139,186,196,204,209,209,207,199,192,192,196,199,196,194,196,199,202,202,202,199,199,202,199,199,199,204,204,204,204,204,204,204,204,207,209,212,212,212,209,204,203,204,209,212,215,215,213,213,215,217,225,228,230,233,235,238,241,243,246,246,248,251,251,254,254,255,255,255,254,251,248,246,243,238,235,233,233,230,228,225,225,222,222,217,217,217,215,215,215,212,209,209,212,215,217,215,207,199,194,192,194,196,202,199,194,147,147,194,199,204,209,212,215,215,222,228,233,233,233,233,235,238,238,238,238,241,243,243,241,241,238,235,233,235,235,233,230,228,224,224,225,225,225,228,228,230,233,238,243,246,248,251,251,251,254,254,254,254,254,254,254,254,251,246,241,235,233,235,243,248,251,251,255,255,255,255,255,255,255,255,255,255,255,251,238,230,230,235,241,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,222,230,241,248,255,246,220,199,176,115,105,97,95,95,89,89,93,103,105,105,147,160,176,178,178,165,152,152,155,165,194,228,241,238,222,222,228,220,199,183,176,173,176,176,178,152,124,65,29,3,0,19,55,118,139,157,173,196,199,202,202,209,230,230,220,222,233,248,248,228,181,139,67,55,56,61,77,91,91,81,69,61,49,55,65,79,124,126,111,75,61,49,40,39,40,47,47,41,33,35,45,82,100,111,124,121,116,105,92,77,43,17,12,30,64,87,111,134,168,0,199,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,40,30,14,0,0,0,0,40,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,152,152,152,142,129,129,129,105,98,92,79,56,0,0,0,0,0,0,255,233,92,61,35,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,49,82,63,47,39,41,53,57,13,0,55,183,241,255,255,251,239,241,255,255,255,255,255,255,255,255,199,107,65,39,21,29,59,91,168,199,215,217,209,194,186,183,183,170,134,83,59,43,37,43,33,13,0,0,0,0,35,118,134,95,39,29,29,35,47,79,98,116,126,131,121,90,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,47,0,0,0,31,69,157,194,212,212,189,169,173,186,139,95,73,45,35,37,67,170,196,202,194,178,173,165,150,93,71,53,44,40,42,59,105,191,196,181,165,113,113,160,183,196,196,191,191,196,199,204,207,217,217,217,217,217,217,217,217,209,209,202,202,202,202,204,209,204,202,196,202,209,212,212,204,194,186,183,176,176,176,181,181,173,125,125,173,191,207,212,215,212,204,202,204,204,204,194,186,178,186,178,165,119,115,117,163,165,165,160,160,113,101,87,81,69,28,22,29,57,111,160,168,165,176,189,191,191,185,183,189,199,207,202,202,202,204,212,222,225,222,204,191,189,192,204,212,220,212,207,191,121,87,74,76,87,111,111,103,139,150,150,131,79,59,39,31,31,41,43,31,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,23,13,11,5,1,11,45,92,87,27,7,5,0,0,0,0,19,47,67,79,67,31,0,25,59,83,97,137,142,142,103,84,81,87,150,170,176,163,150,146,150,157,152,95,76,73,81,0,0,0,199,202,204,199,191,183,176,165,155,144,107,101,93,77,67,71,147,173,181,181,196,196,189,189,209,220,220,220,220,196,181,170,181,186,189,181,181,178,133,131,131,133,131,131,125,181,209,230,238,238,220,189,125,117,170,196,220,209,189,181,181,186,178,170,152,111,97,77,67,59,55,53,51,51,55,61,73,95,99,97,97,134,142,142,139,89,69,66,71,77,89,77,75,73,73,73,71,71,77,77,77,89,89,77,67,53,49,49,59,65,67,67,71,77,134,150,155,160,168,178,183,183,181,176,168,109,99,103,150,183,196,168,155,160,155,103,77,65,65,73,105,178,220,238,255,248,209,170,152,152,152,155,170,181,181,170,115,103,95,109,176,212,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,152,160,155,144,142,150,163,163,155,150,142,142,147,155,152,144,144,152,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,111,118,150,170,27,14,17,105,0,0,0,0,0,30,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,0,0,0,0,0,0,0,137,204,228,235,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,233,222,204,202,199,199,202,209,215,215,212,215,215,215,212,212,212,209,209,209,204,194,189,194,202,202,199,199,199,199,198,199,196,192,196,204,207,209,207,207,207,207,207,204,204,199,196,204,212,194,73,0,0,0,0,51,65,101,117,119,123,181,204,212,215,212,207,212,109,105,111,121,186,194,173,123,121,129,186,204,209,199,183,176,133,129,129,176,186,196,207,207,207,212,215,207,194,191,202,209,199,186,186,194,204,194,134,181,189,196,196,135,125,131,183,189,189,183,181,183,186,186,186,189,196,207,202,192,191,202,212,212,215,222,228,230,228,222,212,207,209,215,217,215,212,212,209,191,185,199,212,204,194,190,190,196,212,212,191,137,138,189,196,143,119,117,207,228,228,228,228,222,137,132,135,143,191,204,212,195,199,215,215,207,212,230,238,241,238,241,238,237,246,241,92,116,139,141,189,207,212,212,215,217,183,113,116,181,183,133,135,183,186,194,207,225,233,233,230,233,235,233,228,225,217,202,125,165,191,217,233,238,230,225,228,228,228,228,228,230,233,233,228,225,225,228,230,228,225,222,209,192,181,194,209,209,204,202,207,207,196,202,183,186,135,199,204,204,199,186,130,129,135,196,209,209,143,141,196,217,233,235,233,233,235,235,238,238,238,235,233,235,235,235,235,233,233,233,233,233,230,228,228,225,230,230,113,80,110,207,225,230,230,228,222,217,225,228,233,241,235,83,0,0,0,0,1,73,49,17,109,194,196,196,243,204,58,73,189,228,235,255,251,123,77,95,121,183,194,212,225,233,235,233,217,189,196,199,196,186,181,185,196,199,196,191,190,192,207,225,233,233,230,228,225,209,209,235,251,246,109,0,0,0,0,0,7,5,0,0,23,101,178,207,220,225,228,228,220,186,186,204,220,220,222,228,233,235,235,238,238,235,233,233,233,230,225,225,230,233,235,241,243,243,241,235,230,215,191,196,212,233,233,196,139,135,141,199,217,233,235,238,238,238,238,238,238,238,238,238,238,238,238,238,235,235,235,233,233,231,233,238,248,251,45,0,0,83,83,80,101,121,176,196,215,215,204,183,176,178,186,191,194,196,199,204,207,209,204,135,117,116,207,222,225,235,230,207,207,233,235,233,233,238,191,186,204,183,135,137,189,196,191,189,191,196,204,209,209,207,217,233,228,209,222,230,233,233,230,226,226,228,233,235,235,235,233,233,235,235,235,235,235,238,238,238,235,235,235,238,238,241,238,235,228,207,141,113,109,135,207,212,204,131,132,191,204,217,215,131,117,139,207,228,217,204,202,202,199,199,199,196,199,199,199,202,202,196,143,131,129,143,196,189,142,189,139,117,118,212,233,225,196,140,145,212,225,225,215,202,198,199,202,207,215,222,222,217,215,212,196,134,127,131,139,196,199,199,202,204,207,209,212,212,194,194,217,207,209,230,225,212,202,207,215,225,228,228,228,225,224,225,225,225,228,230,230,230,230,230,230,230,233,238,238,238,235,233,241,243,228,199,127,115,123,191,204,204,204,215,220,202,138,189,207,207,202,207,204,134,120,133,212,212,133,132,202,217,217,215,222,230,228,225,222,212,199,209,209,194,143,139,123,109,141,204,209,215,225,230,233,233,233,233,233,233,233,233,233,235,233,233,233,233,233,233,233,230,228,228,228,228,230,235,235,233,230,233,235,238,238,238,241,241,241,241,238,233,230,229,229,230,233,233,233,235,238,238,238,233,230,228,230,233,235,235,235,233,230,228,230,233,233,230,233,235,235,233,233,233,233,228,215,209,207,207,191,196,207,217,228,230,233,233,222,145,137,191,202,199,135,134,196,215,222,225,222,222,222,222,225,225,228,228,225,215,199,144,147,199,204,215,222,228,233,238,235,235,225,204,204,215,209,199,199,202,204,207,212,217,222,222,217,215,209,204,200,200,202,209,204,200,202,207,204,202,204,207,202,200,202,204,203,204,207,207,207,204,204,207,209,215,215,207,199,196,196,199,196,194,196,199,202,196,194,196,199,199,194,191,189,189,191,194,194,186,178,131,126,126,127,133,181,186,189,186,189,194,196,196,194,194,196,196,191,191,194,191,189,196,202,189,133,186,199,202,202,199,202,202,202,202,204,199,191,189,189,191,196,199,202,204,207,207,204,204,204,204,207,207,207,207,207,207,207,207,207,207,204,202,202,199,196,196,196,196,199,196,196,199,199,204,209,204,191,186,189,196,204,209,209,204,196,192,192,196,199,196,196,199,202,204,204,202,199,199,202,202,199,199,204,207,207,207,204,202,202,202,204,207,209,209,209,207,204,203,204,209,215,215,215,215,215,217,222,228,230,230,233,235,238,238,241,243,246,248,251,251,254,254,255,255,255,254,254,251,248,243,238,233,230,228,228,225,222,217,217,215,212,212,212,212,212,215,215,212,212,215,215,217,212,207,199,196,194,196,199,199,196,147,146,147,196,199,204,207,207,209,215,220,228,233,233,233,233,235,238,238,238,238,241,243,243,241,238,235,233,231,233,233,230,228,225,225,225,225,228,228,228,230,230,235,238,243,248,251,251,254,254,254,254,254,254,254,254,254,254,251,243,238,235,235,243,251,254,254,254,255,255,255,254,254,255,255,255,255,255,254,246,235,229,230,233,238,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,215,222,230,243,248,241,220,196,176,117,109,101,101,101,95,95,103,111,155,111,155,186,194,186,186,163,163,163,163,163,186,220,228,220,207,220,228,222,199,176,160,155,163,176,178,160,97,71,41,15,9,23,57,91,144,165,186,212,230,230,228,228,243,246,233,225,225,243,248,235,191,144,73,61,59,63,85,97,99,95,79,67,55,55,65,77,77,79,79,75,61,51,43,39,40,40,47,49,41,35,43,74,100,118,129,129,121,116,100,85,66,43,48,61,74,79,98,129,165,178,199,191,165,0,0,0,0,0,0,0,0,0,0,0,0,0,176,0,209,0,255,255,255,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,14,0,0,0,0,0,0,0,7,0,0,0,17,17,0,0,0,0,0,0,0,0,0,0,0,150,116,116,129,137,134,98,88,98,103,90,74,51,46,0,0,0,255,255,168,69,35,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,74,98,98,87,55,47,47,31,7,0,0,53,157,207,241,255,254,246,254,255,255,255,255,255,255,255,255,228,165,71,39,29,45,71,99,173,199,217,228,215,202,194,194,194,178,144,79,51,33,31,33,27,5,0,0,0,0,13,65,111,67,39,29,33,39,53,90,108,124,131,131,124,95,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,0,0,0,51,126,186,209,230,233,209,186,189,202,181,126,39,28,47,79,137,181,194,194,186,173,165,147,139,95,81,71,63,51,43,47,85,170,178,113,97,93,101,157,181,191,199,199,199,199,204,207,207,217,217,217,217,217,207,207,209,209,209,204,204,204,202,202,202,202,202,196,202,209,212,209,196,186,176,125,123,125,176,183,189,183,173,173,191,199,212,215,215,204,196,196,196,196,196,186,178,168,176,168,109,106,107,108,152,157,165,160,155,150,105,93,81,65,35,29,53,71,111,155,160,165,176,183,191,191,186,186,189,199,202,202,207,207,209,212,215,222,215,202,191,194,202,204,204,207,202,194,181,173,173,181,196,204,196,186,173,170,168,150,83,59,53,51,51,55,61,55,37,7,0,0,0,0,0,0,0,3,0,0,0,0,0,0,0,0,0,13,33,25,15,11,11,33,79,124,144,35,11,3,0,0,0,0,0,47,67,111,83,47,0,29,59,83,131,137,137,103,97,84,83,95,155,170,168,160,155,152,157,165,157,97,77,74,79,0,0,0,212,0,215,202,191,191,183,176,157,107,105,99,99,99,93,95,155,0,0,189,199,196,181,181,191,209,220,220,212,191,170,166,170,173,131,131,131,131,131,131,131,131,131,125,125,181,209,220,230,233,230,209,181,170,183,209,225,212,196,189,186,196,194,178,163,115,101,77,67,55,47,43,43,42,47,57,73,95,103,103,103,142,150,150,150,131,73,69,69,77,89,89,77,73,73,73,71,71,71,77,89,89,89,77,67,53,49,53,59,65,71,71,67,71,93,137,150,160,168,181,183,183,176,168,160,109,103,111,168,207,207,168,111,160,168,150,87,71,67,77,111,186,220,238,248,243,209,170,155,155,155,155,170,178,178,165,117,109,103,111,176,207,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,163,165,157,147,144,152,157,157,152,150,150,150,152,150,147,142,142,155,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,4,0,0,0,0,0,0,0,111,173,181,116,48,0,0,0,105,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,183,212,228,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,47,0,157,212,215,209,204,199,198,202,212,217,215,212,212,212,209,209,209,209,209,212,212,212,204,202,202,204,202,199,198,202,202,202,202,196,191,192,196,204,209,209,207,207,207,209,207,204,199,199,202,194,85,29,31,45,55,73,57,55,101,123,116,115,181,209,212,215,217,217,230,189,109,104,111,170,178,127,120,123,176,202,225,228,215,194,131,133,131,127,133,186,199,209,215,212,217,217,209,196,189,191,194,183,135,134,135,181,137,134,189,196,202,196,123,113,125,181,191,191,186,183,186,186,181,139,191,209,215,209,196,192,195,207,215,217,225,230,233,230,225,212,202,202,209,215,215,215,215,215,202,186,204,215,209,199,194,192,199,204,202,191,141,143,189,191,189,194,212,230,233,230,228,228,215,137,133,135,143,207,225,222,202,207,212,212,215,225,233,238,241,238,241,238,238,243,243,196,196,194,134,130,204,209,202,199,207,191,116,117,204,209,189,137,129,133,183,202,217,230,233,230,230,233,230,228,215,212,204,147,168,199,225,230,233,230,225,222,225,225,225,228,228,230,230,225,225,225,228,228,230,233,238,241,233,215,215,215,204,186,139,207,209,189,101,75,75,115,189,199,194,183,135,132,132,139,202,215,207,137,134,145,217,233,238,235,233,233,233,235,235,235,233,233,233,235,233,233,233,233,233,233,230,225,225,225,225,230,225,96,80,115,196,217,230,230,222,209,187,199,217,228,233,121,0,0,0,0,57,95,233,238,215,209,202,199,215,255,255,117,89,135,217,217,129,63,39,18,25,56,129,186,215,230,235,238,235,212,119,183,194,199,189,176,181,194,202,199,194,194,202,217,230,233,235,235,230,212,194,207,235,243,228,73,0,65,209,89,13,0,0,0,0,0,113,191,199,212,220,220,220,202,178,189,209,220,121,189,217,233,238,235,235,235,235,233,233,233,228,225,225,228,233,233,233,238,243,241,230,212,141,135,196,212,217,209,194,191,199,207,215,230,233,233,233,235,238,238,238,238,238,238,238,238,241,241,238,235,235,238,238,235,233,235,238,243,246,57,0,0,75,93,95,119,123,168,183,202,202,194,178,174,178,186,189,191,194,194,199,209,217,215,191,123,123,139,209,228,238,233,204,176,246,238,233,199,83,62,109,204,109,123,131,139,191,196,194,194,199,207,212,212,212,225,228,209,204,217,230,233,233,228,226,226,228,230,235,238,235,235,235,235,235,235,233,233,235,235,235,235,238,238,235,230,228,217,212,207,204,204,212,233,241,235,217,196,130,130,189,209,225,222,129,109,129,129,141,207,212,215,209,207,212,212,207,204,207,212,217,215,207,191,131,127,143,202,207,207,204,199,124,125,217,225,207,145,143,194,215,230,233,233,222,209,200,199,199,202,207,209,207,204,204,199,191,135,143,202,212,209,204,202,202,204,207,215,222,191,137,141,113,107,196,209,209,207,212,217,225,225,228,230,228,225,225,225,225,228,230,233,233,233,233,230,228,230,235,238,235,233,233,235,238,233,199,92,101,139,145,196,196,199,207,207,194,138,194,212,217,217,228,225,141,122,136,209,204,129,127,186,215,225,225,228,228,228,225,222,212,141,212,215,207,196,143,106,93,100,202,217,230,233,233,230,230,233,233,233,233,233,233,235,238,235,235,233,233,233,233,233,233,230,228,228,228,230,235,235,235,233,235,238,235,235,235,241,241,241,238,235,233,229,229,229,230,233,233,233,235,238,238,235,233,228,226,226,230,233,235,235,233,233,230,228,228,230,230,230,233,233,233,230,230,228,225,220,209,196,135,132,144,199,207,217,228,230,225,145,124,135,196,204,202,145,137,202,215,222,222,225,225,225,228,228,222,217,222,225,209,141,136,194,204,207,217,228,230,233,235,235,235,222,199,207,222,209,198,199,209,212,212,215,222,222,222,215,209,204,202,200,200,204,209,204,202,204,207,202,200,202,204,200,200,202,204,204,204,207,207,204,203,204,209,215,217,215,209,202,196,196,194,192,192,194,199,199,196,194,194,196,194,189,189,189,189,191,194,194,189,181,135,129,125,125,127,176,183,189,191,191,194,194,196,199,199,196,194,194,194,191,189,187,191,196,189,183,194,199,202,202,202,199,196,199,202,204,202,194,190,190,194,196,199,202,202,204,204,204,204,204,204,204,204,207,207,204,204,204,207,207,204,202,196,194,194,194,196,199,202,202,196,194,196,196,202,207,207,196,191,194,199,204,207,207,202,196,194,196,196,196,196,199,204,207,204,202,199,196,196,199,202,199,199,202,204,204,204,204,199,196,196,202,202,204,204,207,207,204,203,204,209,212,215,215,217,222,228,230,230,230,230,233,235,235,235,238,243,246,248,251,254,254,254,254,255,255,254,254,251,248,243,238,233,228,228,225,222,217,215,212,209,209,207,207,207,209,212,212,215,215,215,215,217,215,209,204,202,202,202,202,199,194,146,146,147,196,202,204,204,207,209,215,217,228,233,233,233,233,238,241,238,238,238,241,243,243,243,241,235,233,231,233,233,230,228,228,228,228,230,230,230,230,230,233,235,238,243,248,251,254,254,254,254,254,254,254,254,254,254,254,251,243,235,235,241,251,255,255,254,254,254,255,255,252,251,252,254,255,255,255,248,246,238,231,230,231,238,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,215,222,230,248,248,246,228,199,183,121,115,109,109,109,103,103,109,160,163,155,163,199,215,199,186,163,173,186,178,173,186,215,215,199,191,207,228,220,199,160,153,151,157,181,189,178,137,77,53,29,21,37,57,93,155,194,212,238,254,255,251,243,246,246,241,225,224,235,251,248,225,170,97,73,69,77,97,152,157,155,105,89,73,71,77,83,77,73,67,61,61,55,49,45,41,41,47,49,49,49,51,74,92,111,121,121,121,116,116,103,87,77,79,77,64,46,74,118,144,170,191,191,173,165,0,0,0,0,0,0,0,0,0,0,0,0,165,0,209,0,0,255,255,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,30,0,0,0,0,0,0,0,0,7,0,0,4,0,20,0,0,0,0,0,0,0,0,0,0,152,113,87,103,129,147,163,134,98,118,126,103,85,74,79,100,157,238,255,235,144,69,35,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,77,105,113,113,100,69,69,61,37,0,0,0,45,137,183,222,246,254,255,255,255,255,255,255,255,255,255,246,202,101,59,39,39,45,71,103,181,215,241,241,217,209,209,209,207,186,147,77,49,21,19,21,19,1,0,0,0,0,0,33,59,53,35,29,33,47,61,98,116,129,137,142,131,100,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,0,0,21,105,191,212,238,241,222,194,181,186,181,131,45,32,69,134,134,131,165,176,173,168,152,147,142,137,93,87,87,79,65,65,85,157,157,97,85,89,107,170,181,189,199,204,207,207,207,207,207,215,217,215,207,207,207,207,207,209,209,209,209,204,202,202,202,196,196,196,202,209,209,204,194,178,125,113,103,109,123,181,191,191,191,199,207,215,215,207,196,196,189,189,189,194,196,186,176,119,119,109,106,106,117,157,163,163,165,160,155,150,105,93,81,65,57,71,91,103,155,160,160,170,176,183,189,191,191,191,186,186,199,207,207,215,215,212,212,212,209,199,196,202,204,196,194,191,183,178,178,194,215,241,248,246,230,204,189,178,163,129,59,39,43,57,75,111,105,67,43,13,0,0,0,0,0,0,13,35,29,5,0,3,0,0,0,0,0,3,17,19,17,15,11,21,79,144,194,51,21,9,0,0,0,0,0,53,71,134,134,61,33,33,49,69,85,97,97,97,103,103,103,109,150,160,160,163,168,168,168,176,163,103,79,77,81,0,0,0,0,0,215,194,183,183,183,170,150,101,95,95,101,155,155,155,0,0,0,191,199,189,172,169,181,209,220,228,220,191,170,168,170,170,127,126,126,126,131,131,131,127,125,123,125,181,209,220,220,230,233,225,209,191,196,220,230,220,209,196,196,209,196,186,170,152,103,79,63,51,45,43,40,40,42,55,73,103,150,150,144,150,150,150,142,134,89,77,73,77,89,89,87,73,73,73,71,69,71,89,89,89,89,85,69,53,49,53,59,65,67,65,59,65,79,103,142,155,168,181,183,176,170,165,155,109,109,160,183,228,215,160,99,150,168,155,95,73,67,73,111,178,209,230,238,238,209,178,165,163,163,163,165,178,170,163,163,160,119,160,176,207,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,168,170,160,150,147,147,147,147,144,143,150,155,152,150,150,144,137,170,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,0,0,0,0,0,0,0,118,168,196,131,111,103,0,0,0,0,0,0,0,0,124,160,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,209,209,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,49,79,196,204,209,209,204,199,198,204,215,217,217,215,212,209,209,209,209,209,209,209,209,212,209,204,202,202,199,198,198,204,207,209,207,202,194,192,194,202,207,207,204,204,207,207,207,204,204,204,194,101,28,20,199,207,212,228,170,69,101,119,117,113,168,199,207,209,215,207,202,125,94,88,92,105,119,121,123,170,189,217,233,235,228,204,123,176,173,127,176,186,199,212,215,212,212,215,207,194,186,186,183,178,178,135,132,133,178,186,199,204,209,202,119,111,121,135,186,186,181,183,186,181,131,131,191,215,225,217,207,195,192,202,215,222,228,230,233,228,222,209,199,199,204,212,212,212,215,217,217,196,207,215,209,204,202,199,199,196,191,189,189,189,189,189,202,217,230,235,233,228,225,222,215,143,136,136,141,215,233,217,207,209,207,207,215,230,235,235,238,241,241,241,241,243,241,241,228,199,115,110,207,222,196,183,202,228,194,128,217,241,194,122,120,127,183,196,207,215,222,228,228,228,222,217,202,204,215,196,194,217,228,230,230,230,225,222,222,222,222,222,225,228,228,225,225,230,230,230,233,238,241,241,241,235,230,225,217,186,135,212,209,204,67,33,5,89,194,202,191,133,132,137,183,186,204,225,202,135,134,202,228,233,235,235,233,233,233,233,233,233,230,230,233,233,233,230,230,230,233,230,228,222,220,222,230,233,225,95,90,181,202,212,217,212,202,189,172,185,217,225,209,35,0,0,0,0,121,235,243,238,230,228,225,225,233,243,243,230,202,207,212,209,127,93,72,26,22,58,127,183,209,225,235,238,233,181,79,127,194,207,194,169,178,194,202,202,199,199,212,222,230,230,230,238,235,194,103,121,225,235,217,109,55,225,233,251,233,202,37,0,0,0,0,170,194,202,199,196,170,97,113,204,212,107,18,57,135,220,233,233,233,233,230,228,225,225,222,212,209,215,222,215,212,222,230,228,207,137,120,133,207,204,191,189,189,191,212,222,228,233,235,233,233,235,235,235,235,235,235,235,238,238,241,241,238,238,238,241,241,238,233,238,238,238,233,93,0,0,85,189,196,202,173,168,168,178,183,183,178,176,181,186,189,189,189,183,189,209,228,225,202,133,128,137,212,233,235,230,199,155,174,183,212,71,9,34,101,73,74,117,135,139,189,196,196,199,209,222,222,212,207,207,207,199,198,209,225,230,233,230,228,228,226,228,233,235,235,235,235,235,235,235,233,233,233,235,238,238,241,235,217,147,128,122,126,137,194,202,215,235,241,235,217,199,139,132,137,199,220,222,123,86,103,83,82,186,215,222,217,215,222,217,209,204,209,222,228,225,217,204,135,127,139,209,222,230,230,228,131,130,194,202,196,191,145,202,217,228,233,235,235,230,215,204,199,199,202,202,199,196,196,207,212,199,199,209,222,217,209,204,202,204,204,212,217,191,131,115,64,56,98,191,207,212,212,215,217,222,228,230,230,228,225,225,228,230,233,235,233,233,233,230,228,228,233,235,235,233,231,233,238,254,225,85,92,121,189,196,202,204,207,202,143,136,194,215,225,230,235,230,202,141,196,209,196,128,128,183,212,222,228,228,228,225,225,222,199,85,196,207,207,212,215,135,102,117,209,228,233,233,233,230,230,230,233,233,233,233,235,238,238,238,235,233,230,230,233,233,233,230,228,225,228,230,233,235,235,235,235,238,235,235,235,241,241,238,238,235,233,230,230,230,233,233,231,231,233,235,238,235,233,228,225,226,228,233,235,235,235,233,233,228,226,230,233,233,233,233,230,228,225,225,225,228,217,196,130,126,144,189,143,202,222,225,215,131,120,133,145,145,194,191,141,209,222,222,225,228,228,228,228,228,217,212,217,222,199,131,131,199,207,209,220,230,233,233,233,235,235,217,186,196,217,202,195,204,215,217,217,217,222,222,217,212,207,204,202,200,202,207,209,204,204,207,207,204,200,202,202,200,202,207,209,207,204,207,207,204,204,207,215,217,215,212,207,202,199,196,194,191,191,194,199,199,196,194,194,191,186,182,186,186,189,189,191,191,189,186,181,133,127,126,127,133,183,189,191,194,191,191,194,199,199,194,194,194,194,189,186,187,191,194,186,186,199,202,204,204,202,196,196,196,202,207,207,199,191,191,196,199,202,202,204,204,204,204,202,202,202,204,204,204,204,204,203,204,207,209,204,196,189,186,189,194,196,202,204,202,196,194,194,194,199,207,207,202,199,196,199,202,202,202,199,196,194,194,194,196,196,202,207,207,204,199,194,191,194,199,202,202,199,202,202,204,204,202,196,195,195,199,199,199,202,204,207,204,203,204,209,212,212,215,222,228,233,233,233,233,230,233,233,235,235,238,241,243,248,251,254,254,254,254,254,254,254,254,251,248,243,238,233,228,225,222,217,215,212,209,209,207,207,204,207,207,209,209,212,215,215,215,217,215,212,209,209,209,209,204,199,194,147,146,194,196,199,202,207,209,212,215,217,225,233,233,233,235,238,241,241,238,238,241,243,243,243,241,238,235,233,235,235,230,228,228,230,230,233,233,233,233,235,235,235,238,243,246,251,251,254,254,254,254,255,255,254,254,254,251,251,243,235,235,243,251,255,255,255,254,252,252,254,252,252,252,255,255,255,255,251,248,246,238,233,233,238,243,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,215,222,230,248,255,248,233,209,183,123,115,115,115,117,115,111,115,163,163,160,181,222,233,207,186,178,191,194,186,176,186,202,191,181,181,199,222,220,199,176,153,153,163,194,209,199,160,93,71,47,35,41,65,99,183,228,254,255,255,255,255,255,246,238,235,224,225,233,255,255,255,220,119,91,85,93,115,176,189,181,170,147,101,97,101,129,85,73,59,55,55,55,57,53,51,49,47,47,53,55,57,59,85,103,121,121,121,116,116,116,103,95,95,77,40,29,48,111,157,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,181,0,0,0,255,230,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,0,0,0,0,0,0,0,0,0,30,25,0,0,0,0,0,0,0,0,0,0,0,0,77,79,103,137,165,199,173,142,150,0,111,92,92,98,95,85,85,121,142,111,69,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,61,87,105,113,118,116,111,105,105,73,0,0,0,39,95,176,204,235,254,255,255,255,254,238,225,238,248,246,212,125,79,53,41,45,53,71,101,196,243,255,248,225,217,217,217,217,194,152,83,49,19,9,11,11,0,0,0,0,0,0,7,35,37,28,25,26,39,82,103,124,142,152,155,137,98,37,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,17,0,0,0,150,194,230,241,209,165,142,129,81,71,45,33,63,85,57,43,95,157,165,165,165,157,147,144,105,105,144,144,99,95,107,157,107,89,85,101,170,191,191,189,199,199,204,207,207,207,207,207,207,207,207,207,207,200,202,202,209,209,209,209,209,202,194,194,194,196,202,202,202,194,178,125,115,103,91,97,111,176,189,199,207,217,228,222,204,186,181,186,189,189,181,189,196,186,178,119,108,106,106,117,165,176,165,165,165,160,150,107,107,99,75,61,59,85,105,150,160,168,160,170,186,189,189,191,191,186,178,176,189,199,207,215,215,212,212,207,204,199,194,196,194,183,178,176,127,125,178,202,233,248,248,246,238,217,199,181,155,77,39,17,33,59,111,129,129,100,55,29,0,0,0,0,0,5,29,72,95,79,43,37,37,17,0,0,0,0,7,15,17,10,6,13,82,150,228,100,41,13,0,0,0,0,0,63,79,142,142,75,49,41,45,61,77,85,93,97,150,160,155,150,111,150,160,170,178,176,176,178,170,150,97,83,95,0,0,0,0,0,202,191,173,176,176,163,105,83,77,83,101,165,183,165,165,0,0,189,196,186,168,165,173,199,225,225,212,196,181,170,170,170,170,127,126,126,127,131,125,125,125,123,127,189,209,212,212,228,238,238,220,209,209,220,230,220,209,209,209,209,209,186,170,117,101,73,59,51,47,47,47,43,45,57,77,142,168,168,165,155,150,142,103,134,97,89,89,89,89,89,89,73,70,73,73,71,71,89,89,77,77,77,67,49,46,51,59,61,59,55,53,57,77,103,142,155,165,170,176,173,168,160,111,109,111,168,199,230,215,109,77,97,160,155,103,77,66,67,99,163,186,209,220,220,209,181,170,170,163,163,168,170,163,119,165,168,168,168,176,196,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,157,168,168,160,152,150,142,124,147,144,144,147,155,155,152,155,144,77,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,168,160,129,0,116,111,0,0,0,0,0,0,72,183,194,178,204,118,0,0,0,0,0,0,0,0,69,0,0,0,0,0,0,0,100,178,183,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,165,194,207,207,209,209,204,207,209,215,217,217,215,212,212,212,212,212,212,209,207,204,209,212,204,199,198,198,198,199,204,207,209,207,202,196,194,196,202,204,207,204,207,207,207,207,212,207,202,121,4,16,181,215,209,207,204,196,170,113,121,123,123,170,186,196,199,199,196,191,86,81,115,80,46,115,125,170,178,196,233,235,235,235,204,95,95,107,127,181,183,194,212,215,212,209,204,196,186,186,189,186,186,194,189,134,133,178,181,196,209,212,207,196,123,111,121,135,178,178,137,131,125,124,125,194,212,222,217,209,202,195,195,207,217,225,228,228,225,212,207,200,200,207,212,209,207,212,215,212,207,204,204,202,202,199,196,196,196,191,191,191,189,187,191,209,222,230,233,230,209,204,215,220,217,199,141,189,207,215,212,212,212,207,207,215,228,230,233,238,241,241,241,241,243,243,241,217,136,119,135,217,217,196,179,196,230,222,135,202,238,127,122,123,129,181,186,194,199,202,215,217,222,189,73,91,105,235,215,215,222,230,230,230,230,228,225,222,217,217,222,222,222,217,215,217,225,225,228,230,233,235,235,238,238,235,233,230,140,133,191,207,241,199,42,2,209,212,209,194,133,130,132,137,186,199,215,199,140,140,204,228,233,233,233,233,233,233,230,228,225,225,225,230,230,230,230,230,233,233,230,225,222,218,217,235,241,204,186,196,209,215,215,207,191,186,185,186,202,220,178,85,0,0,0,0,29,199,238,241,235,230,230,230,230,233,238,241,238,230,222,217,222,228,228,215,196,189,191,199,196,204,225,233,235,233,123,73,107,194,207,204,186,182,186,191,202,198,199,212,217,222,225,225,228,238,49,0,105,194,225,222,217,217,225,235,246,248,248,228,176,17,0,0,65,173,178,178,107,73,74,86,202,255,89,0,0,113,137,209,217,228,228,222,215,213,215,209,202,191,141,113,115,0,111,141,137,127,101,98,186,215,207,194,186,183,189,215,225,230,235,235,235,233,235,233,233,231,233,233,235,235,238,238,241,238,238,238,241,241,238,235,238,241,233,225,111,0,0,83,191,225,235,204,168,151,165,176,183,183,181,183,189,191,191,183,181,181,196,217,215,194,137,189,209,228,235,235,228,202,177,177,186,204,95,59,95,121,93,81,125,135,139,189,199,199,202,212,228,225,209,199,196,199,199,199,204,217,230,235,233,230,230,230,230,233,235,235,235,235,233,233,233,235,235,235,235,238,241,241,230,143,135,126,101,112,126,127,135,204,230,238,230,212,199,141,132,127,126,141,202,137,95,97,84,82,199,222,225,222,222,225,215,207,207,215,225,228,228,228,222,194,121,125,204,228,235,238,230,141,135,143,196,194,191,191,204,222,230,233,235,238,235,230,228,222,209,209,196,199,199,196,202,209,209,209,215,222,222,209,202,202,209,209,207,207,199,137,103,81,74,119,196,212,212,212,212,215,222,225,228,228,228,225,225,228,233,235,238,235,233,230,228,228,230,235,238,235,233,233,233,235,241,243,199,103,120,191,196,202,204,202,199,194,141,194,209,225,233,235,230,194,189,209,212,204,189,132,194,215,222,228,226,228,228,225,220,105,43,93,139,199,212,212,202,202,212,228,233,233,233,230,233,233,233,233,233,233,235,235,238,238,238,235,230,228,228,230,233,233,230,228,225,222,225,230,233,235,235,235,238,238,238,238,238,238,238,238,235,233,233,233,233,233,233,231,233,233,235,235,235,235,230,228,228,228,233,235,238,235,233,230,228,228,230,233,235,235,233,230,228,225,222,225,228,225,212,199,194,145,144,143,191,209,215,202,128,129,143,143,141,141,134,128,225,228,225,228,228,230,225,225,225,222,212,215,217,196,128,143,202,207,209,222,230,235,235,235,235,238,217,172,177,207,209,209,217,225,222,217,215,215,215,215,212,207,204,202,202,204,209,209,207,204,207,209,209,207,204,204,204,207,209,209,209,207,207,207,207,207,209,215,217,215,209,204,202,202,199,194,191,192,196,199,199,199,196,194,191,186,181,182,183,186,189,191,189,186,183,181,133,129,127,129,135,181,183,189,189,189,189,191,191,191,191,191,194,191,189,186,187,191,191,186,191,199,207,207,204,202,196,195,196,202,209,212,204,189,186,194,199,202,204,204,204,204,202,200,200,202,204,207,207,207,204,204,204,207,209,209,141,135,133,189,196,199,199,202,199,196,194,191,191,196,202,204,202,199,199,199,199,202,202,202,196,191,190,191,196,199,202,204,204,202,194,189,187,189,196,204,207,202,199,199,202,202,199,196,195,199,202,199,199,202,207,209,207,207,209,212,212,212,215,225,230,233,233,233,233,233,233,235,235,235,235,238,241,246,251,254,254,254,254,254,254,255,254,251,248,243,241,235,230,225,220,215,212,209,207,207,204,204,207,207,209,207,209,212,212,212,215,215,217,215,212,212,215,215,209,202,196,196,194,196,196,196,202,207,209,209,212,217,228,233,233,235,235,241,243,241,241,241,241,246,246,246,243,241,238,238,238,235,233,228,225,228,230,230,230,230,233,235,235,235,235,238,243,246,248,248,251,251,254,255,255,255,254,251,248,246,241,235,235,243,251,255,255,255,254,254,252,252,254,255,255,255,255,255,255,254,248,246,243,241,241,241,241,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,212,212,220,238,255,254,230,199,176,117,115,115,119,160,160,117,160,163,163,163,199,254,255,220,191,212,220,196,176,152,157,181,181,177,177,196,228,222,207,189,173,173,181,199,220,209,178,97,73,53,41,45,67,103,202,254,255,255,255,255,255,255,255,246,238,241,241,246,255,255,255,246,189,121,115,121,176,196,212,209,191,170,155,150,144,139,99,79,67,55,54,55,57,59,57,55,53,53,55,55,57,63,85,95,111,116,113,116,116,116,108,100,95,79,33,22,33,111,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,199,183,189,220,246,0,0,222,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,118,0,0,241,191,142,139,139,0,0,111,124,103,0,0,74,85,69,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,90,105,113,126,126,116,113,116,108,33,0,0,47,142,170,181,204,254,255,255,246,238,212,204,215,248,254,222,173,99,77,67,67,73,93,170,228,255,255,255,230,228,0,0,212,194,160,91,65,35,19,19,13,0,0,0,0,0,0,0,21,33,28,25,25,37,61,108,124,142,155,155,126,82,27,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,134,92,0,0,0,9,126,209,241,212,173,155,129,67,45,27,23,19,17,15,29,97,160,168,170,176,170,160,144,147,170,173,160,147,147,147,101,87,79,95,173,199,199,191,191,191,191,191,191,196,199,199,207,207,207,207,207,207,207,202,202,202,209,209,209,209,202,194,187,194,194,194,194,186,176,117,103,91,77,77,91,115,125,183,196,207,233,241,217,168,113,117,186,196,189,170,176,189,178,168,119,108,106,109,155,168,168,165,163,170,152,105,103,105,93,67,54,61,85,113,150,150,113,152,173,186,191,191,183,176,173,176,183,189,199,207,212,215,215,212,212,204,204,186,178,123,123,129,131,124,125,186,212,241,248,248,241,238,233,215,186,101,47,17,15,19,51,79,116,113,105,92,49,19,11,15,11,11,19,41,87,126,126,90,72,74,66,23,0,0,0,7,17,13,3,4,27,113,173,196,160,59,25,1,0,0,0,0,79,124,139,142,121,63,53,51,61,75,93,101,142,170,173,155,144,111,155,163,170,178,178,178,178,170,157,111,103,105,165,0,0,0,0,191,173,173,181,176,155,89,71,65,71,101,170,191,170,144,0,0,181,196,189,169,165,173,199,222,220,209,189,181,181,181,178,183,189,131,127,131,127,125,121,123,125,178,196,220,220,220,225,238,238,225,209,199,220,225,220,209,212,220,217,196,186,170,117,97,73,63,59,59,59,55,51,49,57,73,105,165,173,168,160,150,142,103,103,103,95,89,89,95,97,77,72,70,73,77,77,77,89,77,69,67,71,67,47,42,44,53,53,53,53,53,65,89,142,150,150,150,150,160,170,160,109,103,109,150,168,199,228,196,95,67,74,109,160,109,87,66,62,75,152,178,194,196,196,196,186,176,165,160,160,176,168,115,115,115,160,160,168,176,183,183 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,163,168,165,150,147,147,139,116,131,144,142,147,155,160,160,160,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,150,134,0,0,0,46,0,0,0,22,25,5,25,173,176,181,254,150,0,0,0,0,0,0,0,9,248,126,0,0,0,0,0,0,0,0,0,0,0,0,108,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,170,209,209,205,212,215,215,212,215,217,217,217,215,217,215,215,215,215,215,212,207,204,207,207,202,198,198,202,202,199,202,204,207,204,199,196,196,199,202,204,204,207,207,207,207,204,207,204,186,20,0,29,215,215,207,204,202,196,181,117,121,170,170,170,176,181,181,183,186,186,83,82,204,181,85,129,178,176,183,202,225,233,235,233,117,18,47,107,181,186,181,189,209,215,209,204,199,191,186,186,191,194,194,196,189,134,133,135,133,181,212,209,204,199,123,81,90,125,135,183,178,121,119,124,181,202,212,215,212,209,207,199,195,199,207,212,215,217,215,209,209,204,204,212,215,209,204,209,212,204,196,194,196,202,202,192,189,194,204,199,191,189,187,186,191,207,215,215,209,196,186,186,199,220,222,209,191,189,194,202,209,217,225,215,212,222,228,230,233,238,241,238,238,238,238,241,238,194,137,137,191,204,204,191,185,191,217,215,133,181,135,121,125,125,115,127,137,137,137,181,196,209,209,133,68,60,42,228,228,228,230,233,233,233,228,225,222,225,225,222,217,215,213,212,212,215,217,220,222,225,225,228,230,233,238,238,238,228,139,134,141,202,215,212,131,75,222,217,212,204,137,125,126,135,189,191,199,196,143,144,207,228,233,233,233,235,235,233,230,228,225,224,225,228,230,230,230,230,230,230,228,225,225,222,228,233,225,101,123,207,225,230,225,209,186,182,191,209,230,222,73,0,0,0,0,75,189,235,241,235,228,228,230,230,230,230,235,241,241,235,228,225,225,228,230,230,228,233,241,228,209,202,217,230,233,217,77,45,95,207,217,217,212,204,202,202,209,204,199,198,202,217,212,209,212,91,0,25,117,129,209,222,222,222,225,233,238,241,241,238,235,225,111,29,13,47,121,170,131,123,89,76,91,255,133,0,0,53,83,183,207,225,228,222,215,213,215,212,202,191,139,89,21,0,16,135,191,127,83,94,199,225,222,209,186,128,178,220,228,230,233,235,235,238,238,235,233,233,233,235,235,235,235,238,238,238,238,238,241,241,238,238,241,243,241,233,93,0,0,163,207,225,233,209,168,144,156,183,191,191,189,189,189,194,194,186,182,181,189,209,212,207,207,215,228,235,235,233,222,196,181,182,209,235,215,105,121,137,123,101,129,135,139,199,207,202,199,209,215,207,194,194,199,207,207,202,202,212,230,238,238,235,235,235,235,235,238,235,235,233,230,233,233,235,241,241,235,233,233,235,228,194,145,194,137,133,129,123,126,141,212,217,209,196,189,137,130,126,127,141,204,202,123,107,99,123,207,222,225,222,222,222,209,205,209,215,222,225,225,225,230,209,110,106,194,230,235,233,212,141,138,191,204,202,194,194,196,209,225,233,233,235,235,233,233,233,230,230,228,191,190,194,202,207,207,209,215,217,215,207,194,199,222,222,207,202,202,104,106,127,139,202,212,217,215,212,212,215,217,222,225,225,225,225,228,230,233,235,238,238,233,230,228,226,230,235,238,235,230,230,233,233,233,238,222,129,137,199,196,194,194,194,196,196,189,189,204,217,230,238,230,191,189,209,212,199,134,194,207,217,228,230,230,230,233,233,207,81,77,119,143,196,207,212,209,212,225,233,233,233,230,230,233,233,235,235,233,233,235,235,238,238,235,233,228,225,225,228,233,233,230,225,222,217,222,225,230,230,233,235,235,238,238,238,238,238,238,238,235,233,233,235,235,233,233,233,233,235,238,238,238,235,235,233,230,230,235,238,238,235,233,230,228,228,228,233,235,235,233,233,228,225,222,222,225,225,217,209,199,145,145,202,212,212,207,199,141,194,215,204,191,137,129,128,228,233,230,230,230,233,230,228,225,225,217,212,212,204,194,202,207,207,209,222,230,235,238,238,233,225,194,174,179,207,217,225,228,228,222,215,209,207,207,212,212,207,204,202,204,207,209,212,209,209,209,212,212,209,207,207,207,209,212,212,209,207,204,204,207,207,209,212,215,212,209,204,199,199,199,194,192,194,199,196,196,199,196,199,199,194,186,183,183,183,183,183,186,186,183,181,133,129,129,131,135,181,181,183,186,186,186,186,185,185,189,191,191,191,191,189,189,191,191,191,194,202,207,207,204,199,196,196,196,199,207,212,202,138,137,186,194,199,204,207,207,207,204,202,202,204,204,207,207,207,204,204,207,209,204,191,124,129,133,191,199,202,202,199,199,196,191,137,133,139,194,202,202,202,199,199,199,202,204,204,199,191,189,190,194,196,199,202,202,196,191,187,187,189,199,207,209,207,199,199,199,199,196,195,196,202,207,204,202,204,209,212,209,209,212,215,212,212,217,228,233,233,233,233,233,235,235,235,235,235,235,235,235,241,246,251,254,254,254,254,255,255,254,251,248,243,241,235,228,222,217,215,209,207,204,204,204,204,207,209,209,209,207,209,212,212,212,215,217,217,215,215,217,217,209,204,202,199,199,196,196,199,202,207,212,212,215,222,230,235,238,238,238,243,246,243,241,241,241,246,246,246,246,243,241,241,238,238,233,228,222,222,225,225,225,225,230,233,235,235,235,235,241,243,246,246,248,248,251,254,255,255,254,251,248,246,238,233,233,241,246,254,254,254,254,254,254,254,255,255,255,255,255,255,255,248,246,243,246,246,248,246,238,238,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,255,255,255,255,255,255,255,255,204,196,199,225,243,246,230,199,178,119,114,114,119,160,160,160,160,170,170,176,217,255,255,230,217,230,225,191,152,99,103,178,189,181,181,204,217,217,212,207,194,189,189,196,209,191,152,91,71,55,47,49,69,109,209,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,238,222,212,212,222,228,233,228,199,183,168,160,157,152,139,95,73,61,57,57,61,63,63,59,59,55,55,55,61,63,92,100,105,105,105,105,105,108,100,95,95,79,38,23,40,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,207,199,202,202,220,246,0,230,204,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,118,0,0,0,0,0,0,255,212,100,92,0,0,0,0,144,111,0,0,72,69,43,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,82,105,124,150,150,126,116,113,79,39,0,0,45,137,165,173,202,254,255,255,238,212,209,204,238,255,255,255,228,199,178,123,109,173,212,255,255,255,255,243,228,228,0,0,209,194,160,131,85,65,45,35,21,0,0,0,0,0,0,0,13,35,45,35,26,33,55,95,116,129,142,134,113,74,31,25,5,0,0,0,0,0,0,0,0,0,0,0,0,25,95,144,126,23,0,0,0,45,176,235,251,233,207,178,85,45,31,29,23,9,13,49,99,160,173,181,181,173,160,157,173,181,170,160,160,157,105,79,64,69,105,196,212,204,191,186,183,181,181,183,183,191,196,199,207,207,207,207,207,202,194,194,202,207,209,209,202,202,194,187,187,194,199,194,176,115,103,91,73,68,68,77,103,117,170,189,204,230,235,204,121,110,116,186,196,181,111,111,170,170,121,119,109,108,109,155,155,155,152,152,165,157,107,101,97,81,63,59,83,105,155,150,103,101,113,176,194,199,189,176,166,166,176,191,199,199,207,207,207,207,209,212,212,194,123,95,85,97,117,127,125,170,196,235,248,248,241,238,230,217,204,170,79,25,9,7,11,35,63,73,103,105,98,61,41,37,37,33,29,35,49,98,129,131,95,72,79,82,69,25,0,3,21,27,11,4,4,33,113,178,207,178,105,47,15,0,0,0,0,124,134,134,139,134,81,67,59,61,73,93,142,152,168,163,147,110,147,160,168,170,170,170,176,176,176,170,165,157,157,173,189,0,0,0,183,163,163,170,170,147,81,64,61,64,99,181,196,163,81,0,0,170,191,191,173,0,181,212,222,212,199,189,181,181,181,181,189,196,181,131,131,125,121,123,127,133,186,209,222,228,220,222,228,238,222,199,191,196,209,199,209,212,209,209,196,186,170,117,103,81,73,69,69,73,63,55,53,57,73,95,144,160,160,155,150,142,105,103,103,103,95,95,99,99,89,73,70,75,89,89,89,89,71,59,53,59,57,47,42,44,49,53,53,59,57,71,97,142,150,150,142,150,160,170,165,109,97,103,109,165,199,220,178,77,64,77,115,173,160,99,66,59,71,115,183,196,196,196,207,196,176,168,160,165,178,160,109,109,115,119,160,168,173,173,168 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,43,30,82,0,0,0,0,0,0,12,27,9,0,0,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,168,165,152,137,139,139,129,118,126,137,142,147,155,160,163,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,126,0,0,0,0,0,0,0,0,0,0,0,0,11,108,113,90,0,0,82,220,100,0,0,0,64,246,129,0,0,0,0,0,0,0,0,0,0,0,0,113,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,160,209,215,212,215,217,217,215,215,217,217,217,217,222,222,217,217,217,217,215,209,204,204,202,199,198,202,204,204,199,199,202,204,202,199,196,196,199,202,204,204,207,207,207,204,204,204,196,168,14,4,109,215,209,204,202,202,196,183,116,116,163,168,165,165,168,173,178,186,189,93,98,212,212,183,176,181,170,178,207,225,233,233,99,39,26,55,127,183,183,178,189,209,209,207,202,199,194,189,189,194,194,194,194,189,178,181,189,181,123,196,196,196,204,133,59,54,109,133,194,191,127,124,129,181,207,215,212,209,209,209,207,199,196,202,204,207,212,215,209,209,207,202,209,217,212,204,207,207,199,189,189,194,207,207,192,186,194,212,209,196,189,187,187,191,196,199,195,187,183,178,179,189,204,207,199,189,142,142,194,207,222,228,217,212,222,228,230,233,235,235,233,230,228,230,233,230,135,130,139,189,196,199,189,186,196,194,114,119,135,133,127,135,129,50,81,131,133,132,135,191,209,215,217,123,62,13,225,233,235,235,238,235,233,228,222,222,228,230,230,225,215,213,212,213,217,217,222,222,222,222,222,228,233,238,243,238,212,139,138,189,204,207,207,189,186,222,222,217,207,189,127,127,191,202,196,196,196,189,194,212,228,230,230,233,235,238,235,233,230,228,225,225,225,228,230,230,225,225,225,225,228,225,230,243,238,202,29,109,241,233,228,222,207,185,183,196,222,241,230,181,79,79,57,178,230,241,241,235,228,226,228,230,230,230,230,235,238,238,233,228,228,225,225,230,233,235,243,246,241,215,199,204,217,222,202,60,32,87,215,225,230,228,225,222,222,225,220,209,199,204,212,109,21,15,0,0,81,115,121,199,222,222,222,225,228,230,230,230,235,238,248,251,176,37,43,101,117,181,248,204,64,60,202,189,0,0,31,87,199,220,230,228,228,225,225,225,225,215,207,196,111,103,2,131,215,233,233,183,131,199,207,204,191,98,95,176,225,233,233,233,233,235,241,241,238,235,233,235,235,235,235,235,235,235,235,238,238,238,238,238,243,246,241,209,63,0,0,0,99,196,212,217,191,168,160,191,207,202,199,194,191,191,194,194,189,183,183,194,209,217,220,225,228,233,235,233,230,222,204,189,202,228,241,228,183,137,194,207,215,199,186,196,222,225,217,212,212,212,196,189,192,202,209,209,200,200,207,225,235,241,238,238,238,241,238,238,238,238,233,229,233,238,241,241,238,235,230,222,215,209,199,199,199,145,139,135,127,126,128,139,191,194,186,137,133,132,133,186,207,225,228,220,97,90,119,204,225,228,217,215,209,205,205,212,217,222,225,228,230,238,241,135,94,105,217,228,217,194,138,139,196,212,209,196,191,190,194,215,230,233,233,235,235,233,238,238,238,248,179,185,194,204,207,207,209,217,217,209,202,189,192,233,230,207,202,204,98,113,143,194,207,215,222,217,215,215,217,217,222,222,225,225,228,228,230,233,235,238,238,235,230,228,226,228,233,235,233,230,229,230,230,230,233,225,139,139,204,196,191,189,189,191,191,189,191,202,212,222,230,228,194,189,204,204,141,106,217,215,222,230,233,235,230,235,243,131,59,111,133,191,196,204,209,215,225,230,233,233,230,230,230,233,235,235,235,233,233,233,235,238,235,233,230,225,224,225,228,230,233,230,225,217,217,217,225,228,228,230,235,238,238,241,241,238,238,238,238,235,235,233,235,235,233,233,233,235,235,238,238,238,238,235,235,233,233,235,238,238,238,235,230,228,228,228,230,233,233,233,230,228,225,222,217,222,225,222,215,143,131,191,209,212,204,199,199,196,215,233,225,207,145,133,136,228,233,230,230,230,233,233,230,228,225,222,215,212,209,215,217,217,212,209,217,228,233,235,230,225,209,192,189,199,215,225,230,228,225,217,212,207,205,205,212,215,209,207,207,207,207,209,212,212,212,215,215,212,209,207,207,209,209,212,212,209,207,204,204,204,207,207,212,212,209,207,204,199,196,196,194,194,196,199,199,199,199,199,202,204,202,194,186,183,183,181,178,178,183,183,178,131,129,129,131,133,181,181,183,183,186,189,186,183,183,186,189,191,191,191,191,189,189,191,196,202,204,207,207,202,199,199,196,196,196,204,209,196,136,134,141,194,199,204,207,207,207,204,204,204,204,204,204,204,204,204,204,209,209,196,133,122,129,137,194,199,202,199,199,196,194,141,131,127,130,186,199,199,199,199,199,199,202,204,204,199,194,190,191,194,196,196,199,199,194,191,189,189,191,202,212,215,209,202,199,199,196,196,196,199,204,207,207,207,207,212,212,209,209,215,217,215,215,222,228,233,233,230,233,235,235,238,241,238,238,234,233,234,238,243,248,251,254,254,254,255,255,254,251,248,243,238,233,228,222,215,212,209,207,204,204,204,204,207,209,212,209,209,209,209,209,212,215,217,217,217,217,217,215,209,204,204,204,204,202,199,202,204,209,215,217,222,228,233,238,241,241,241,243,246,243,243,241,241,243,246,248,246,243,241,241,238,238,233,225,217,217,217,220,222,222,228,230,235,235,235,235,238,241,243,246,246,246,248,254,255,255,255,254,251,246,238,233,233,235,243,248,254,254,254,254,254,254,255,255,255,255,255,255,251,243,241,243,246,248,251,243,235,234,243,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,252,251,252,255,255,255,255,255,255,255,255,147,137,141,199,220,230,225,204,183,170,117,117,121,160,160,160,160,176,183,191,220,254,255,238,230,230,217,191,152,90,101,196,212,196,189,204,207,207,207,207,199,194,189,189,186,160,95,71,65,53,49,49,75,115,217,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,235,222,202,183,173,165,157,152,103,85,71,67,63,67,69,65,65,59,59,55,55,63,65,92,100,103,98,95,98,98,100,100,92,87,79,46,40,64,111,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,212,217,228,220,233,254,248,209,183,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,92,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,163,48,46,0,0,0,0,0,111,0,0,77,64,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,82,108,139,163,165,150,129,116,69,19,0,0,35,93,155,170,202,243,255,255,243,212,215,225,255,255,255,255,255,241,217,199,196,222,255,255,255,255,255,230,224,228,230,228,209,194,160,134,91,75,59,51,35,19,5,0,0,0,0,0,7,33,47,47,31,33,49,63,108,124,134,134,113,85,51,39,17,0,0,0,0,0,0,0,0,0,0,0,17,57,116,163,157,108,31,0,0,9,121,212,241,241,215,199,165,81,61,57,33,7,19,69,97,160,181,191,189,173,157,160,186,181,165,170,173,113,85,64,57,69,113,191,199,199,191,183,173,173,173,173,173,183,191,199,204,207,207,207,202,194,194,191,199,202,202,202,202,194,194,189,194,194,194,186,168,109,93,85,73,69,70,83,109,115,123,183,204,225,225,204,176,121,168,186,189,125,102,102,121,163,121,119,111,109,109,109,109,109,152,152,163,163,152,101,87,73,69,75,99,150,150,103,97,98,113,178,194,199,186,168,163,166,178,191,202,204,199,199,199,199,199,202,202,129,91,77,77,85,111,129,170,186,212,241,251,248,241,220,207,191,178,147,65,21,7,6,9,25,51,63,69,100,92,57,41,35,31,19,13,21,37,82,113,108,51,33,53,90,98,82,49,57,85,57,27,4,2,19,90,170,207,183,137,103,47,3,0,0,0,124,134,134,139,139,129,75,59,55,65,85,142,155,157,150,111,111,155,163,163,163,163,168,170,178,186,186,178,176,176,183,191,194,0,0,189,161,155,159,163,144,81,64,61,64,144,191,191,103,61,0,0,173,199,196,181,0,191,212,222,212,199,189,181,181,178,181,191,199,189,181,131,121,117,125,133,189,196,212,228,230,222,220,222,230,222,196,187,189,191,191,196,209,196,194,186,186,181,168,117,103,93,87,87,89,73,63,59,67,77,93,99,109,150,155,150,142,103,105,142,142,137,103,137,142,97,77,72,77,89,97,89,87,71,53,51,52,53,47,46,51,57,63,65,71,71,77,89,103,142,142,142,160,176,181,178,150,95,95,105,168,207,212,168,77,72,97,165,176,160,103,71,60,73,115,186,207,209,215,215,207,183,168,160,165,178,157,103,103,115,160,165,168,165,160,160 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,144,137,116,121,131,147,0,0,98,121,92,95,69,53,72,191,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,160,168,163,139,126,129,118,116,134,142,144,150,152,157,163,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,59,0,0,0,9,0,0,0,0,0,0,173,225,215,111,0,0,126,186,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,186,207,215,215,217,222,222,220,217,217,217,217,217,220,217,217,217,222,222,217,212,209,204,202,202,202,204,207,204,202,202,204,204,202,199,196,199,202,204,204,204,204,204,202,202,202,202,196,176,87,97,196,204,204,199,199,199,196,183,114,113,119,163,165,165,168,176,186,196,199,191,191,194,199,186,128,129,129,129,191,209,207,113,43,35,107,127,178,178,173,176,189,199,199,196,196,196,194,191,191,196,194,191,189,189,194,202,202,199,128,181,183,182,196,196,75,54,65,105,194,194,131,125,127,129,204,215,215,212,212,209,207,202,199,199,202,204,209,212,204,204,202,198,204,217,215,199,194,191,191,186,186,196,209,215,202,192,194,207,207,199,191,189,189,194,199,202,196,192,194,199,199,202,199,194,189,143,141,141,191,204,215,215,204,202,215,228,228,225,228,228,225,217,212,212,217,212,126,123,131,135,183,196,139,189,207,183,90,107,131,135,183,189,186,27,35,131,181,183,191,202,215,225,246,241,83,17,233,233,235,238,238,238,235,230,225,225,230,235,235,230,225,222,222,222,225,225,225,225,225,225,225,228,233,238,241,230,199,141,189,202,207,199,183,121,118,209,215,209,204,199,186,189,215,215,204,199,196,194,199,212,225,228,230,235,238,238,238,235,230,230,228,228,225,228,230,228,225,224,224,225,228,228,238,248,87,17,0,186,212,209,204,209,209,196,189,194,196,191,191,194,207,230,225,235,238,238,235,228,225,226,230,233,233,233,233,233,235,233,230,228,228,225,224,225,230,233,235,241,235,217,204,196,202,215,212,81,54,113,215,228,233,233,233,233,235,238,235,228,222,222,125,0,0,0,0,0,107,121,189,217,225,225,222,225,228,228,228,225,228,228,233,238,233,215,133,107,99,121,255,238,68,59,196,199,21,0,79,212,230,235,238,235,233,233,233,233,233,230,222,217,202,202,71,137,215,243,246,186,123,186,199,212,215,97,84,129,225,233,235,235,235,235,238,238,235,233,233,235,235,235,235,235,235,235,235,235,235,234,235,243,246,254,207,33,0,0,0,0,39,165,181,181,170,170,178,209,202,202,196,191,191,194,194,194,191,189,189,199,217,225,222,225,228,233,233,233,230,230,225,209,212,225,235,228,199,189,199,217,233,228,212,215,230,233,230,230,228,222,204,195,196,202,204,204,200,200,204,217,233,238,238,238,238,241,238,235,238,238,233,229,230,238,241,238,233,230,217,202,194,196,202,207,202,145,143,191,202,135,126,127,137,191,191,141,137,186,204,225,230,235,235,233,111,83,117,215,233,230,205,207,205,204,207,215,225,225,228,230,230,238,243,217,85,78,111,207,204,143,139,143,196,207,207,196,194,189,189,204,225,233,235,235,235,233,235,238,235,233,183,190,196,202,202,204,209,217,215,207,196,189,191,225,225,207,204,207,121,131,143,189,202,215,228,225,222,222,222,222,222,225,228,228,228,228,228,230,235,235,235,235,230,228,226,228,230,233,233,230,229,230,230,230,230,222,189,143,199,196,191,189,189,191,191,194,202,204,207,207,215,212,196,194,202,202,141,109,212,217,228,235,235,233,230,233,241,99,3,69,125,141,191,199,209,222,230,233,233,230,230,230,230,233,235,235,235,233,233,233,235,235,235,233,230,228,225,225,228,230,233,233,228,222,217,222,225,228,230,230,235,238,241,241,241,241,238,238,238,235,235,233,235,235,233,233,233,233,235,235,238,235,235,235,235,235,235,235,238,238,235,235,233,230,228,228,230,233,233,233,230,228,225,217,216,217,222,222,204,89,83,143,212,207,199,202,202,204,222,235,230,217,209,196,202,225,233,230,228,230,233,233,230,225,225,222,215,209,207,217,225,225,217,212,212,215,222,225,217,217,212,209,222,225,217,222,225,225,222,215,209,207,207,209,215,217,215,212,212,212,209,209,209,209,212,215,212,209,207,205,205,207,207,209,209,207,207,204,204,204,204,207,209,209,207,207,207,202,196,194,194,196,196,202,202,204,202,202,202,204,202,196,189,189,186,181,135,135,178,178,133,125,125,127,129,133,178,181,183,186,189,191,191,186,186,186,186,189,191,191,191,191,189,191,199,204,207,207,204,202,202,199,199,199,202,207,207,196,138,138,189,196,202,204,207,207,204,204,204,204,204,202,202,202,202,204,207,207,202,189,135,131,135,186,196,199,202,199,196,194,191,141,133,129,131,189,196,196,195,196,199,199,199,202,202,199,194,191,194,194,196,196,199,199,196,191,191,189,191,199,207,212,209,204,202,199,199,199,199,199,202,204,207,207,207,209,209,207,207,212,215,215,215,225,228,230,228,228,230,235,238,241,243,241,238,235,234,234,238,243,248,251,254,254,254,254,254,254,251,246,243,238,233,228,222,215,212,209,207,204,204,204,204,207,212,212,209,209,209,209,209,212,215,220,222,217,217,217,212,207,204,204,207,207,207,204,202,204,207,212,217,225,228,233,235,238,241,243,243,246,246,243,241,241,243,246,248,248,246,243,241,238,235,230,225,217,215,215,215,217,222,225,230,233,235,235,235,238,241,241,243,243,246,248,254,255,255,255,254,251,246,241,233,231,233,241,246,251,251,251,251,251,254,255,255,255,255,255,251,243,241,241,243,246,246,246,241,234,234,238,246,248,251,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,252,254,255,255,255,255,255,255,255,255,135,117,117,135,196,217,217,199,189,176,123,119,157,160,160,159,170,183,199,217,230,238,246,243,238,230,217,199,160,90,97,212,217,196,194,199,207,207,207,207,204,196,189,181,160,101,79,53,51,49,49,57,83,123,230,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,243,230,202,186,178,168,160,142,97,81,75,73,77,77,71,65,59,53,55,55,57,63,71,92,95,95,87,90,98,100,100,92,95,87,72,72,90,121,137,147,0,0,0,0,0,0,0,0,0,0,0,0,0,215,212,222,246,246,251,255,248,191,169,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,53,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,212,183,56,9,9,0,0,0,0,0,0,0,61,72,61,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,105,139,160,168,160,152,126,67,19,0,0,15,75,139,157,178,209,255,255,254,212,225,255,255,255,255,255,255,241,215,207,209,228,248,255,255,255,255,254,228,228,230,228,209,194,168,147,95,71,57,49,49,45,47,45,5,0,0,0,7,27,45,37,33,33,47,63,108,124,137,134,116,100,95,87,31,0,0,0,0,0,0,0,0,0,0,0,29,51,92,131,126,92,45,0,0,0,73,189,212,207,196,189,173,101,77,45,7,0,2,49,95,163,191,196,189,168,157,168,186,181,173,186,178,99,71,62,65,95,165,170,125,178,191,191,183,181,173,173,173,183,189,191,199,199,207,209,207,202,194,194,194,199,202,202,199,189,181,176,191,168,125,125,123,97,79,75,73,75,89,115,123,125,170,189,207,215,215,215,204,199,196,189,178,111,101,102,111,111,110,119,119,119,109,106,106,108,155,157,152,152,107,101,87,81,81,91,97,99,99,98,95,99,113,168,186,186,186,176,168,176,186,191,199,199,199,199,196,189,181,173,123,97,84,78,81,91,117,176,194,209,235,251,255,251,241,220,202,189,173,147,73,37,11,7,11,23,41,53,63,63,57,45,31,15,7,1,0,3,23,55,90,72,13,7,43,105,126,129,126,139,147,116,53,8,7,29,63,155,191,176,155,144,111,17,11,33,0,124,134,139,144,144,134,73,54,52,59,79,142,155,147,144,150,155,160,160,160,160,163,168,176,178,189,186,186,191,194,194,189,191,212,222,194,163,159,160,163,150,89,71,65,71,155,191,170,63,41,53,0,181,199,196,183,0,191,222,228,212,196,189,181,173,170,181,191,196,189,181,125,111,111,117,181,196,199,220,230,233,225,220,220,228,222,199,189,189,191,191,191,196,186,181,181,181,183,178,168,115,103,99,97,97,89,73,73,77,89,87,87,97,109,152,152,142,103,142,150,150,150,144,144,150,142,97,77,77,97,134,97,89,71,53,50,51,53,57,59,65,71,77,77,77,71,71,71,87,101,139,147,160,178,186,178,160,97,91,103,168,207,199,155,87,95,115,165,160,111,103,77,67,79,117,186,209,220,228,220,207,183,170,160,160,170,115,97,103,115,168,168,165,119,113,113 +0,0,0,0,0,0,0,0,0,0,51,0,0,0,0,113,129,137,139,129,131,144,147,139,129,144,139,53,51,74,69,66,98,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,160,165,157,139,121,118,113,121,160,155,150,150,157,163,163,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,116,103,116,103,0,0,0,0,0,126,168,196,215,230,82,12,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,157,0,0,105,202,207,209,217,220,220,220,220,220,220,217,217,215,215,215,215,217,222,222,217,215,209,207,204,207,209,209,209,207,204,207,207,207,204,199,199,199,204,204,204,202,202,199,199,196,195,199,199,181,176,199,207,204,204,199,199,202,199,189,117,117,165,178,183,183,183,186,196,204,209,209,204,189,181,129,113,126,176,173,125,67,54,50,48,72,176,181,181,173,127,129,178,178,181,183,189,191,191,194,196,202,199,191,183,189,199,204,196,189,199,194,186,178,177,199,204,91,64,111,202,196,127,125,129,133,191,207,215,212,209,207,207,204,204,204,202,196,199,196,189,194,204,199,204,212,204,186,131,125,127,131,139,194,204,207,202,196,194,191,189,189,194,194,196,207,215,215,204,202,215,235,233,225,207,189,143,189,143,189,194,202,204,202,189,189,209,222,217,209,207,209,209,207,202,202,204,199,127,124,131,131,131,137,132,183,204,204,112,118,131,135,191,196,183,0,0,113,186,196,212,217,222,225,233,222,86,36,243,233,233,235,238,238,235,233,228,228,230,235,235,235,233,230,228,228,225,225,225,225,225,225,225,228,230,230,228,215,194,186,194,207,204,194,133,122,119,209,204,194,202,202,194,202,222,222,207,202,196,194,199,212,225,228,230,235,238,238,235,233,228,222,222,222,225,228,230,230,228,228,228,228,230,230,238,251,75,0,0,43,43,103,191,212,225,228,215,204,133,115,129,183,199,207,225,238,238,238,235,228,226,228,230,233,235,233,233,233,233,233,230,230,230,225,224,228,233,233,235,235,230,217,209,196,195,217,235,228,133,194,209,225,230,233,233,235,238,243,241,235,238,230,61,0,0,0,0,0,117,137,212,225,228,225,222,222,222,225,225,225,224,225,225,230,233,235,233,215,101,119,238,235,181,123,243,235,204,93,196,230,235,235,241,238,235,235,235,235,235,235,230,230,241,246,127,135,204,248,251,91,35,181,209,235,254,202,111,186,225,233,235,238,238,235,233,233,230,230,230,233,235,238,235,233,233,235,235,235,235,235,238,246,248,243,117,29,0,0,0,0,59,163,157,157,163,173,176,174,176,191,191,189,189,194,196,194,191,189,191,202,225,228,225,225,230,233,235,235,235,235,233,225,191,209,228,225,196,186,199,217,235,238,230,222,222,230,235,233,228,222,215,217,217,207,204,207,209,207,209,217,230,235,238,235,235,235,233,233,238,235,230,230,233,222,220,233,217,120,120,135,135,137,202,225,220,202,199,215,228,212,137,133,189,204,209,202,194,204,225,235,235,235,233,228,115,90,133,212,225,222,205,209,209,209,212,222,228,228,228,230,230,233,238,228,95,87,127,196,202,194,194,199,199,202,202,199,194,190,189,194,215,233,235,233,233,233,235,235,230,194,194,209,196,192,192,196,207,209,207,204,199,191,194,207,212,209,212,212,202,194,191,143,196,212,225,225,228,228,228,225,225,228,230,230,230,228,228,228,233,233,235,233,233,230,228,228,230,230,233,233,233,230,230,230,228,220,202,199,199,199,196,194,191,189,196,207,209,207,204,199,204,204,196,199,207,209,202,141,189,209,230,235,235,233,233,233,217,61,0,0,115,137,191,202,215,225,230,233,233,230,230,229,230,233,235,235,233,233,230,233,235,235,235,233,230,228,225,225,225,228,230,233,230,225,225,225,228,230,230,233,235,238,241,241,241,241,241,238,238,235,235,233,235,235,233,230,230,230,233,233,235,233,233,235,235,235,235,235,235,235,235,235,235,233,230,230,233,233,233,233,230,228,225,217,216,216,222,217,131,68,61,111,209,212,209,209,202,207,225,230,228,222,215,212,212,215,225,225,225,228,230,230,228,225,222,212,212,207,202,209,222,228,222,215,211,209,211,212,212,217,222,225,235,230,215,213,217,222,220,215,209,207,209,215,222,222,217,217,217,217,215,212,208,209,212,212,212,209,207,205,205,207,207,207,209,207,207,207,204,204,204,207,207,207,207,207,207,202,199,196,196,196,199,202,204,204,204,202,202,202,199,194,189,191,191,186,178,133,133,133,125,122,123,127,129,133,178,183,186,183,183,191,196,196,191,189,189,189,191,194,194,194,191,191,199,204,207,207,204,202,202,202,202,204,204,204,199,189,140,186,191,196,202,204,207,207,204,204,207,207,204,204,202,202,204,204,207,207,199,191,141,141,189,194,199,199,202,202,199,194,191,189,186,139,183,194,196,195,195,199,199,199,196,196,196,196,194,191,194,194,196,199,202,199,196,194,189,186,186,189,199,207,209,207,204,202,196,191,191,196,199,202,207,207,207,209,207,205,207,212,215,215,215,225,230,228,225,228,233,235,241,243,243,243,241,238,235,238,243,248,251,254,254,254,254,254,254,254,251,246,243,238,235,230,225,217,215,212,207,204,202,202,204,207,209,212,212,209,209,209,209,212,215,220,222,217,215,215,209,204,203,204,207,207,207,204,202,199,202,209,222,228,228,228,230,233,238,243,246,246,246,243,241,241,243,248,251,248,246,243,241,241,235,230,222,215,212,212,212,215,217,222,228,233,233,235,235,238,238,241,241,243,246,248,251,254,255,254,251,248,246,241,235,233,233,238,243,248,251,251,254,254,254,255,255,255,255,251,243,238,241,243,246,246,241,238,238,234,234,235,241,243,241,241,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,252,251,254,255,255,255,255,255,255,255,255,255,123,109,105,119,186,202,207,199,186,173,160,119,119,160,160,160,178,194,217,230,230,230,243,255,255,254,238,230,194,91,91,194,199,183,191,199,207,205,207,207,204,199,191,176,109,83,53,48,48,55,67,83,107,194,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,243,225,202,189,176,165,155,103,87,81,81,83,83,79,71,59,53,50,50,51,57,59,65,71,67,87,90,98,100,100,95,95,90,82,82,100,126,134,137,0,0,0,0,0,0,0,0,0,0,0,0,0,222,207,207,235,243,246,254,238,191,170,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,129,131,0,0,173,147,61,17,9,9,0,0,0,0,0,0,53,53,61,46,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,90,124,157,168,165,142,113,63,33,0,0,9,57,81,89,107,168,212,254,235,196,199,241,255,255,255,255,248,238,212,203,209,217,216,212,216,248,255,255,246,230,230,228,209,194,178,168,144,75,49,49,57,63,65,61,49,25,11,11,21,35,37,35,29,30,39,55,108,134,142,134,108,100,105,103,72,0,0,0,0,0,0,0,0,0,0,11,27,35,29,27,21,29,45,15,0,1,47,147,199,207,194,183,165,160,99,45,0,0,11,57,99,168,191,191,173,157,147,163,178,181,186,191,160,83,68,71,97,178,191,170,120,125,181,191,191,183,183,173,173,173,183,183,191,199,207,209,209,209,209,202,199,199,202,202,189,168,111,97,83,83,95,103,89,61,55,57,61,75,101,170,183,178,186,207,209,209,215,225,233,228,204,181,113,109,108,109,111,108,106,157,168,168,155,109,109,152,165,168,152,101,93,95,93,93,99,105,97,95,99,105,150,150,155,160,168,173,181,183,183,186,191,191,196,199,199,199,186,168,111,91,81,84,91,107,109,119,178,194,209,222,243,251,251,243,241,233,220,204,189,170,93,51,15,7,1,9,19,39,51,51,37,31,13,5,0,0,0,0,21,51,74,31,0,0,37,116,144,144,147,160,168,150,98,29,25,59,105,163,189,170,157,168,144,37,21,43,71,87,134,144,147,147,134,73,54,50,55,79,142,152,147,147,155,163,163,157,157,157,168,178,186,189,189,186,186,191,199,202,199,199,0,0,212,181,170,170,170,155,99,83,89,105,170,181,144,41,0,41,111,196,209,196,183,0,199,222,222,212,191,189,181,170,170,181,191,196,189,131,117,108,105,113,181,196,199,220,233,238,228,220,220,222,220,199,196,199,199,196,186,186,178,170,176,178,186,186,178,163,111,105,103,109,103,97,97,103,103,95,87,95,109,150,150,144,109,150,160,160,160,152,152,160,160,142,93,89,97,134,134,89,75,57,51,51,59,71,71,75,71,71,71,65,57,55,57,71,97,139,150,165,178,186,178,160,103,95,105,168,196,183,115,103,115,168,168,155,109,105,95,77,91,117,186,209,228,230,220,196,183,168,160,160,170,109,89,97,160,176,176,168,117,112,112 +0,0,0,0,0,0,0,0,0,0,0,33,0,0,40,113,129,124,113,121,134,142,139,142,144,137,129,0,0,74,74,69,69,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,131,150,155,150,144,111,108,152,170,170,144,140,148,163,157,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,126,90,48,0,0,0,85,150,105,113,144,194,209,246,183,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,0,0,137,202,204,209,220,217,215,217,217,220,222,220,215,212,212,212,212,217,217,217,215,212,207,204,204,209,209,209,209,209,209,209,209,209,204,202,202,202,204,207,204,204,202,199,199,196,196,199,191,127,176,207,207,207,202,196,202,207,207,196,176,186,194,204,209,207,202,202,202,204,209,212,207,196,183,123,109,129,191,207,209,72,52,55,73,115,181,191,189,129,118,122,129,129,131,178,186,194,194,194,202,209,207,194,181,183,199,199,187,187,209,209,207,186,163,182,228,191,127,191,209,204,183,135,131,126,125,137,196,202,202,204,207,212,215,212,202,194,191,189,183,187,207,202,199,202,196,141,129,122,120,124,135,189,194,191,189,191,194,189,139,141,194,204,212,230,230,225,207,202,217,233,235,228,207,143,143,191,191,196,204,202,199,191,140,141,204,217,212,202,199,200,202,202,196,195,199,199,194,135,135,135,135,133,129,131,204,212,199,189,186,191,199,202,61,0,0,51,181,199,222,225,228,225,220,204,113,87,248,233,233,235,238,238,235,233,230,228,230,233,235,235,233,230,228,225,225,225,225,228,228,228,228,230,228,217,209,202,189,137,137,191,196,186,125,123,127,204,196,183,135,115,115,183,204,212,207,202,194,191,199,209,222,228,233,235,235,235,233,228,217,215,213,215,222,225,228,230,230,233,233,233,233,233,233,243,73,0,0,0,49,129,222,225,230,235,235,233,212,107,105,123,129,181,225,238,241,241,235,230,228,228,233,235,235,235,235,233,233,233,230,233,230,228,225,230,233,235,235,233,222,207,204,196,196,217,235,235,202,199,204,212,222,222,225,230,228,235,233,230,238,235,87,73,199,93,0,0,119,212,225,230,233,228,222,221,222,225,225,228,228,225,225,228,230,233,235,233,212,204,217,212,212,225,251,243,241,212,217,230,235,235,238,238,235,235,233,233,233,235,233,230,235,243,230,194,194,186,93,0,17,196,235,246,254,254,228,217,220,228,235,238,241,238,233,228,228,228,230,233,235,238,235,233,231,233,235,235,238,238,238,241,248,107,87,165,168,87,0,0,67,165,113,152,165,176,178,173,183,202,207,199,194,194,194,194,191,191,189,202,225,230,230,230,233,235,235,235,233,230,228,215,128,191,217,202,130,137,199,209,228,230,217,137,123,202,228,228,194,204,215,228,230,217,212,215,222,222,217,215,225,233,235,235,233,233,230,228,233,225,212,225,222,199,137,122,115,114,120,125,122,116,143,225,225,209,209,225,235,235,228,215,215,222,228,225,212,217,230,233,233,233,230,222,107,111,207,207,205,209,215,225,225,217,217,225,228,228,228,228,230,233,233,217,145,141,191,194,207,215,220,217,209,202,202,202,199,194,190,191,207,228,233,233,233,235,233,228,212,130,143,207,199,191,190,196,204,202,202,202,202,196,199,204,207,215,222,222,217,209,199,142,141,189,212,225,228,230,230,230,230,230,233,233,230,228,225,225,228,230,230,233,233,230,230,228,228,230,233,233,230,230,235,233,222,209,199,199,207,209,204,196,189,186,189,207,209,209,207,199,199,199,196,202,212,215,215,212,130,196,222,228,228,228,228,196,51,0,0,0,117,145,202,212,225,228,230,230,230,230,230,229,229,230,233,233,233,230,230,230,233,235,235,233,228,228,225,225,224,225,228,230,230,230,228,228,230,233,233,235,238,241,241,243,243,241,241,238,238,235,235,233,235,235,233,230,230,230,230,233,233,233,233,233,235,238,238,235,234,234,235,235,235,233,230,230,233,233,233,233,230,228,222,217,216,217,222,215,145,77,52,48,81,212,222,212,145,202,217,228,228,225,222,217,212,202,207,212,217,222,222,222,222,217,209,202,204,199,147,204,217,225,225,217,215,211,211,212,212,217,222,225,230,228,215,213,215,217,217,215,209,209,215,222,225,222,217,217,222,225,222,215,209,209,212,212,209,207,207,207,209,209,209,209,209,209,209,207,207,204,204,207,207,207,207,204,204,202,199,199,199,196,199,204,204,204,204,202,199,199,194,189,186,191,196,191,137,131,131,131,127,123,125,133,133,135,183,189,189,182,182,189,196,199,194,191,191,194,194,196,199,199,194,194,199,204,207,207,204,204,204,204,204,207,204,199,191,140,139,143,194,196,199,204,207,207,207,207,207,207,204,204,202,202,202,204,204,204,202,194,186,189,194,199,199,199,199,202,199,194,191,189,194,194,194,196,196,196,199,202,199,196,194,194,196,196,194,194,194,194,196,202,204,202,199,194,189,185,185,189,199,207,209,209,209,202,191,187,187,191,196,204,207,209,209,209,207,205,207,215,215,212,215,228,233,228,225,228,233,238,241,243,243,243,241,241,241,243,248,251,254,254,254,251,251,254,254,251,248,246,241,238,235,230,225,217,215,212,207,204,199,199,199,204,209,212,212,212,209,209,209,212,215,217,217,217,215,212,207,204,204,207,207,204,204,202,196,149,199,209,225,230,228,226,226,228,235,241,243,246,246,243,243,243,246,248,251,248,246,243,243,241,235,230,222,215,211,211,212,212,215,217,225,230,233,235,235,235,238,238,241,241,243,246,248,251,254,251,248,246,246,243,241,238,235,238,243,246,248,251,254,254,254,254,255,255,254,243,235,235,241,246,246,241,235,235,235,235,235,235,238,238,237,237,241,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,251,255,255,255,255,255,255,255,255,255,255,111,102,102,109,176,191,194,186,176,160,115,111,115,155,155,160,178,199,228,241,233,226,246,255,255,255,255,255,222,97,91,173,183,182,189,199,207,207,209,209,199,196,191,173,95,71,53,53,65,87,101,121,199,243,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,233,215,191,181,168,155,105,97,87,83,83,85,79,73,59,55,50,50,51,51,53,59,67,67,63,90,98,100,100,92,87,79,72,72,90,111,118,124,129,0,0,0,0,0,0,0,0,0,0,254,255,233,199,192,202,220,233,233,217,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,155,139,0,0,173,131,38,17,30,30,0,0,0,0,0,0,61,61,53,35,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,116,155,165,152,108,57,49,35,0,0,5,43,63,77,77,97,168,196,186,168,170,196,225,246,248,241,238,228,215,207,209,217,225,213,216,243,255,255,254,246,230,220,209,202,194,194,186,131,69,61,65,67,65,65,65,49,27,21,27,35,35,31,27,27,33,55,113,139,142,131,103,92,95,98,77,17,0,0,0,0,0,0,0,0,0,1,25,25,0,0,0,19,59,37,15,5,23,89,199,217,209,191,183,199,204,144,75,75,91,99,101,157,178,168,105,99,107,160,173,181,181,165,91,71,77,97,170,199,207,191,125,124,127,181,183,183,181,173,173,173,181,183,191,199,202,209,215,217,217,209,207,202,194,186,125,107,89,78,68,72,85,89,42,19,20,34,57,81,111,176,183,183,196,207,204,204,207,225,235,225,189,113,107,113,121,121,121,108,105,157,178,178,165,155,109,155,165,173,152,95,90,93,101,103,152,163,147,147,160,176,178,173,168,160,159,168,186,189,191,189,191,191,191,196,191,183,165,101,83,76,75,85,123,186,189,186,194,207,220,233,235,238,235,235,235,235,238,228,204,189,152,61,13,0,0,0,1,19,37,33,15,9,5,0,0,0,0,0,13,43,43,15,0,0,33,105,129,131,139,155,168,155,105,45,45,105,147,181,196,183,170,176,144,47,29,45,69,85,134,147,155,155,142,79,61,54,65,93,152,157,147,150,163,168,165,160,157,163,178,189,194,194,191,189,186,186,191,199,199,199,217,225,212,189,183,183,176,155,105,105,155,170,181,176,95,38,34,41,163,209,209,196,181,181,199,222,222,199,189,186,181,166,165,181,189,196,186,131,111,104,104,111,178,196,196,212,230,238,230,220,220,220,217,199,196,209,209,196,181,178,170,169,170,183,194,196,186,176,117,109,109,109,109,103,109,115,109,103,99,103,109,111,150,150,150,160,168,168,160,160,160,168,168,160,142,97,97,134,134,97,77,59,53,59,71,77,77,65,55,53,49,45,45,47,57,75,101,142,150,160,170,170,170,160,105,95,105,165,173,160,111,115,168,176,170,160,115,109,95,77,95,163,196,220,230,230,215,186,176,168,115,160,160,109,89,103,173,196,196,181,160,115,115 +0,0,0,0,0,0,0,0,0,0,0,33,0,0,100,113,116,98,75,99,126,131,129,134,137,129,92,0,0,79,87,90,79,82,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,137,144,150,142,137,98,77,165,178,173,140,125,150,152,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,0,0,0,0,25,121,144,147,82,11,0,0,0,0,38,79,92,126,189,194,194,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,207,199,207,215,217,212,212,215,215,220,222,222,215,209,209,209,212,215,217,212,207,204,207,207,207,207,207,204,204,207,209,209,212,209,207,204,204,204,207,207,207,207,204,204,204,204,207,196,189,75,35,81,186,207,204,196,199,207,204,186,121,189,202,212,217,215,209,207,204,202,204,207,207,204,202,176,121,178,199,233,248,230,81,77,115,129,191,202,199,129,113,119,131,131,173,181,191,196,191,191,199,209,207,196,178,181,194,196,191,199,212,215,215,199,169,178,202,189,186,194,204,207,204,196,181,117,123,128,137,186,189,196,204,209,212,212,207,202,202,196,185,187,196,196,194,194,196,194,139,124,122,126,137,141,139,134,134,139,189,189,140,141,199,212,225,233,235,230,217,212,222,230,230,225,202,142,189,194,194,199,207,202,191,143,140,143,204,215,212,207,202,204,207,202,196,195,199,204,209,194,186,191,191,137,130,132,207,209,204,196,196,202,199,196,57,0,0,53,183,196,222,228,228,225,215,196,137,137,225,228,230,233,235,235,235,233,230,228,228,230,235,233,230,225,225,228,225,225,225,228,230,230,233,233,228,212,194,143,141,132,129,136,189,131,116,114,119,183,196,183,112,92,101,133,189,196,202,199,191,189,194,207,222,230,233,235,235,233,230,228,217,215,213,215,216,217,217,225,230,235,235,233,233,235,215,113,0,0,0,77,207,238,238,230,228,233,238,243,248,103,50,61,57,129,230,241,241,238,235,233,230,230,233,235,235,235,235,235,233,233,233,235,235,230,230,230,233,233,233,230,215,177,183,191,202,212,196,123,133,191,199,204,207,209,209,215,215,199,199,204,220,225,215,225,215,123,1,3,194,235,238,238,235,233,228,225,225,228,228,230,230,230,228,225,225,228,230,233,230,220,207,182,202,212,215,207,199,215,225,233,235,238,238,235,235,233,233,230,230,233,233,229,230,235,235,215,207,194,63,0,10,189,251,246,251,248,225,209,212,220,230,238,238,238,233,230,228,230,233,235,238,238,233,231,231,233,233,233,241,241,228,189,178,0,1,207,255,230,0,0,0,21,15,107,168,181,194,209,225,230,233,228,207,186,178,186,191,194,194,207,225,233,235,235,235,235,238,235,230,225,212,199,132,137,189,121,113,183,202,111,41,38,39,42,61,123,186,133,129,196,217,230,235,233,225,220,222,220,212,207,212,225,233,235,235,230,220,215,212,135,121,145,143,141,129,112,111,125,133,125,120,113,141,204,202,199,207,225,233,235,228,217,215,222,222,215,212,222,228,228,228,230,228,204,121,194,230,215,205,209,225,230,230,225,222,225,230,230,228,225,225,228,222,207,191,143,141,141,209,228,235,235,225,204,199,202,202,194,190,191,199,212,228,233,235,238,235,209,139,132,136,199,202,196,195,199,204,202,200,202,202,204,207,212,215,222,225,225,225,217,207,143,139,138,194,215,225,228,230,230,233,233,233,230,230,225,224,224,225,228,228,230,230,230,228,225,225,228,230,233,230,233,235,222,202,199,196,198,217,222,212,202,194,185,186,202,212,215,209,196,194,195,196,207,215,222,222,217,128,141,204,212,215,215,202,91,9,0,0,15,127,207,217,225,228,230,230,233,233,233,230,229,229,230,230,233,233,230,230,230,233,235,233,230,228,228,228,225,224,224,225,230,233,233,230,230,233,235,235,235,238,241,243,243,243,243,241,241,238,235,235,233,235,235,233,230,230,230,230,233,233,233,233,233,238,241,241,238,234,234,235,238,235,233,230,230,233,233,233,230,230,225,222,217,217,222,220,212,202,143,67,43,55,191,217,207,122,143,212,222,225,225,225,225,217,141,145,202,207,209,204,202,204,199,196,199,204,145,134,204,217,222,215,215,222,217,217,222,215,215,213,215,222,222,215,215,215,215,215,215,215,215,222,225,222,217,216,217,225,225,222,215,212,212,215,212,209,207,207,209,212,212,212,209,207,207,207,207,207,207,207,207,209,207,207,204,202,202,202,199,196,191,196,202,204,204,204,202,199,196,191,185,185,189,194,189,135,130,131,135,131,127,131,181,181,181,189,194,189,183,182,186,194,194,194,194,196,196,196,199,202,202,196,194,196,199,204,207,207,204,204,207,207,207,202,196,189,140,140,189,194,196,199,204,207,207,207,207,204,204,204,204,204,202,202,202,202,204,202,194,186,194,196,202,198,198,198,199,199,194,191,189,194,196,196,196,199,204,204,202,199,194,192,194,196,199,199,196,191,189,194,202,204,202,196,194,191,187,187,194,204,209,209,209,207,202,191,189,189,191,199,202,207,209,212,212,207,205,209,215,212,209,212,228,233,228,224,225,235,241,241,241,243,243,243,243,243,246,248,251,254,254,254,251,251,251,251,251,248,243,241,238,235,230,225,217,212,209,207,202,149,149,196,202,209,212,212,212,212,212,212,212,215,217,217,215,215,212,209,207,207,207,204,199,199,196,149,149,196,204,217,230,230,228,226,226,233,238,243,243,246,243,243,246,248,251,251,248,246,246,243,241,235,230,222,212,211,211,212,212,215,217,222,230,233,235,235,235,238,238,238,238,238,241,246,248,251,251,248,246,246,246,243,241,238,238,243,246,248,248,251,251,251,248,251,251,246,238,234,234,241,243,241,235,234,235,238,238,238,238,238,238,237,235,238,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,255,255,255,255,255,255,255,255,255,255,109,100,100,109,123,183,183,176,115,109,104,104,109,115,115,160,178,199,233,248,233,225,248,255,255,0,255,255,222,99,89,160,183,183,191,199,199,199,215,215,183,176,176,117,97,79,71,85,107,129,207,243,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,238,220,199,181,160,155,105,99,89,87,83,85,79,73,67,59,55,50,51,51,53,53,59,55,55,63,90,92,92,87,69,35,23,23,53,85,100,113,121,131,0,0,0,0,0,235,0,0,0,255,255,241,199,189,194,220,228,220,204,191,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,25,0,0,0,0,0,0,0,0,0,0,0,202,165,0,98,155,137,38,17,40,40,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,69,124,157,157,129,65,33,23,19,1,0,11,47,69,81,77,85,99,152,163,163,178,189,196,207,212,212,222,238,228,215,217,241,251,248,248,255,255,255,255,254,243,217,209,209,209,217,228,191,137,87,75,69,65,65,63,43,15,5,9,21,27,31,31,33,39,67,124,142,142,124,108,90,77,74,51,25,0,0,0,0,0,0,0,0,0,0,25,0,0,0,0,0,45,53,29,19,37,131,191,207,204,202,199,215,222,212,189,147,97,85,93,107,144,99,77,75,99,160,173,181,165,91,68,70,97,178,199,199,199,191,178,125,127,181,183,181,181,183,183,189,191,194,194,194,202,207,209,209,209,209,202,194,176,115,103,93,85,79,73,77,89,83,38,18,20,37,93,109,117,165,176,186,199,202,196,196,202,215,215,189,99,87,107,121,121,163,163,111,107,157,178,178,165,155,155,155,160,165,152,99,91,95,101,99,150,163,155,160,173,183,189,183,170,165,168,176,186,186,183,176,181,183,183,183,173,121,109,91,82,80,85,113,183,204,212,204,199,202,215,220,212,212,209,212,212,220,233,207,196,186,155,65,7,0,0,0,0,11,25,17,5,0,0,0,0,0,0,0,3,15,23,11,0,0,5,43,61,90,108,139,150,147,103,45,47,113,155,176,196,191,183,178,144,53,37,49,69,83,134,152,160,160,152,93,73,69,79,103,152,152,111,150,163,173,168,165,168,170,186,194,196,202,196,191,186,183,181,189,199,199,212,215,202,189,183,183,173,157,144,144,165,189,199,186,95,38,0,47,170,196,196,189,181,181,191,212,212,196,183,183,181,165,165,178,186,189,181,131,113,108,108,117,181,196,189,199,228,238,238,228,228,228,217,196,189,189,189,181,178,173,170,128,170,183,196,207,196,183,163,115,115,115,109,109,115,160,115,111,111,111,109,109,111,152,168,173,176,168,163,160,163,168,168,173,160,103,93,97,134,131,77,65,59,65,77,89,71,53,45,41,35,33,37,43,65,97,142,150,150,150,150,150,160,150,103,95,103,150,109,99,109,168,183,183,163,109,103,95,77,74,101,170,209,230,238,238,215,183,173,163,115,115,160,109,89,103,176,207,209,189,168,152,152 +0,0,0,0,0,0,0,0,0,0,48,72,17,79,105,113,108,101,118,144,131,118,118,129,134,131,35,0,74,90,103,121,95,87,165,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,137,139,144,137,129,79,0,90,152,176,168,142,152,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,181,194,183,178,66,0,0,0,0,0,0,0,100,126,118,92,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,183,202,189,157,111,111,100,0,0,0,0,0,0,0,0,0,0,0,0,0,87,160,168,212,217,215,215,211,212,215,220,222,220,215,209,208,209,212,215,212,207,202,199,207,207,204,204,202,200,200,204,207,207,209,209,207,207,207,207,207,207,207,209,207,207,209,209,207,199,204,59,0,0,91,212,207,191,191,196,183,71,39,69,202,209,212,209,207,204,202,200,200,207,207,207,209,202,183,183,204,230,241,241,99,89,176,183,194,202,204,176,117,125,183,181,181,189,194,194,186,181,186,196,202,194,178,178,191,194,194,207,215,217,212,191,178,183,191,183,183,191,199,204,209,209,204,186,135,135,137,137,181,183,189,194,199,204,207,207,209,207,191,191,196,194,194,196,202,204,194,131,133,137,139,139,136,131,132,135,137,141,141,191,207,217,225,228,230,230,228,228,230,230,228,225,202,189,196,199,191,194,202,191,141,141,141,189,202,212,215,215,217,222,222,212,202,196,199,204,204,199,202,215,209,183,137,186,199,199,196,191,191,196,192,194,199,35,24,125,199,196,215,225,225,222,204,183,135,136,191,215,222,228,230,233,235,233,230,228,228,228,230,230,225,225,228,230,225,225,225,228,230,230,233,233,228,204,129,135,143,134,129,141,196,141,121,106,121,191,230,199,139,113,196,230,202,194,199,199,191,189,191,199,215,228,233,233,233,233,233,230,228,225,222,217,215,213,213,216,228,230,230,228,233,235,119,95,53,0,45,202,233,241,235,230,228,230,235,243,243,119,52,84,60,220,238,241,241,238,235,235,233,230,233,233,235,238,238,235,235,233,235,235,238,235,233,233,233,233,235,233,217,168,173,194,212,222,97,59,87,135,194,199,199,199,196,199,209,94,103,125,181,204,215,222,204,125,135,225,233,235,238,235,235,233,230,230,233,233,233,233,233,235,233,225,224,225,228,228,230,225,202,163,181,183,181,179,155,204,222,233,235,235,235,235,235,235,233,230,230,233,233,230,230,233,238,230,225,217,199,35,0,55,189,217,191,101,101,176,202,212,220,228,235,235,235,230,228,230,233,238,238,235,235,233,233,233,230,233,241,241,199,87,43,0,0,107,243,217,0,0,0,0,0,15,163,186,204,225,233,235,238,235,212,117,113,133,189,194,196,212,230,238,238,238,238,238,238,238,233,225,212,194,133,135,136,119,115,204,202,32,0,0,0,37,79,133,131,106,133,215,230,235,241,243,233,220,212,209,202,199,202,212,225,233,230,222,202,147,135,108,93,119,131,133,133,137,196,204,147,125,133,133,215,204,189,191,204,225,225,215,199,191,194,199,191,187,204,217,225,225,228,230,217,135,103,115,199,217,215,220,230,233,233,225,220,222,230,233,230,228,222,222,217,204,191,139,137,141,204,228,238,241,233,209,196,199,202,194,190,190,194,204,215,230,233,235,230,189,132,189,143,212,209,204,202,204,204,204,202,200,202,209,217,225,228,228,228,228,230,225,217,202,191,141,189,202,209,215,222,228,233,233,233,230,228,225,224,224,224,225,228,228,230,228,225,225,225,225,228,230,233,230,222,187,178,196,207,215,225,228,220,215,215,199,194,209,222,222,212,196,194,195,199,212,217,222,217,207,137,141,199,207,215,217,212,139,111,57,29,89,143,222,228,230,230,230,233,233,235,233,233,230,229,230,230,233,233,233,233,233,233,233,233,230,230,230,228,225,224,224,225,228,233,233,233,233,235,235,235,238,241,241,243,243,243,241,241,238,238,235,235,233,235,235,233,233,230,230,230,233,233,233,233,233,238,241,241,238,235,235,235,238,235,233,230,230,230,233,233,233,230,225,217,217,222,222,222,212,199,199,143,81,77,196,217,212,120,139,207,217,222,225,228,230,228,138,141,194,202,204,194,144,144,143,147,204,209,136,122,204,215,212,204,207,217,222,225,225,222,215,213,213,215,217,217,215,215,213,213,215,222,225,225,225,217,216,216,220,225,225,217,212,212,215,217,215,209,205,207,212,217,217,215,209,204,204,202,202,207,209,209,209,209,207,204,202,202,202,199,194,191,187,189,194,202,204,204,199,194,191,189,185,183,186,191,186,133,131,133,178,135,131,135,181,181,181,183,189,191,189,186,189,189,191,191,196,196,196,196,199,199,199,196,194,194,196,202,207,207,207,207,209,209,209,202,196,194,143,143,191,196,199,204,204,207,207,204,204,204,204,207,207,207,207,204,204,204,202,199,194,191,204,202,202,199,198,198,199,199,196,191,189,189,194,196,196,202,207,207,199,196,194,192,192,196,202,202,196,183,139,189,199,204,202,196,194,191,191,194,199,207,209,207,202,202,199,196,194,196,199,199,199,204,209,212,212,209,207,212,215,209,207,208,222,230,225,224,225,235,241,241,235,235,241,243,243,243,246,248,251,254,254,251,251,248,251,251,248,248,243,241,238,233,230,222,215,209,207,202,151,147,147,149,202,207,212,212,212,212,212,212,215,215,215,215,215,215,215,212,209,207,207,204,199,196,196,196,149,149,202,212,222,230,230,228,228,233,238,241,243,243,243,243,246,248,248,248,248,248,246,243,241,235,230,222,212,211,212,215,217,222,222,228,230,233,235,235,235,235,238,238,235,235,238,243,248,251,251,251,251,248,248,246,243,241,241,241,243,243,243,246,246,243,243,246,246,243,235,233,233,235,241,238,235,238,241,243,243,241,241,241,241,241,238,241,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,109,100,100,109,123,176,176,115,109,104,104,104,109,109,109,150,176,199,233,248,233,226,0,0,255,255,255,235,163,79,79,150,183,189,183,191,191,199,209,207,109,103,115,109,97,91,99,113,189,228,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,238,225,204,181,163,109,105,99,89,83,85,83,79,73,67,63,61,57,57,53,53,53,55,49,49,55,57,85,85,55,35,15,5,0,17,48,77,95,121,131,147,0,0,0,0,0,0,0,255,255,255,241,207,196,209,235,246,220,196,191,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,4,33,0,0,0,0,0,0,0,0,0,0,0,233,181,69,64,98,98,35,17,48,0,64,56,33,7,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,17,17,45,113,155,157,147,113,59,25,5,3,0,0,11,55,81,95,89,83,83,93,163,196,212,207,194,194,204,212,215,238,238,228,225,241,255,255,255,255,255,255,255,251,230,217,204,202,204,228,246,225,186,152,89,73,67,67,59,25,0,0,0,9,27,35,37,49,55,103,134,144,142,124,116,98,55,43,41,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,37,57,129,181,191,187,202,217,225,225,233,241,220,144,57,46,73,87,85,69,59,69,93,157,173,181,111,70,65,79,165,204,204,191,183,181,173,173,173,183,181,177,183,189,191,199,207,202,194,194,194,202,202,202,202,194,186,168,115,101,95,93,97,103,107,93,89,83,61,43,61,176,183,170,160,117,163,186,199,194,190,196,204,199,176,93,82,81,123,170,113,111,121,119,111,157,163,155,155,152,152,152,152,155,152,105,95,93,87,81,93,105,99,105,160,178,189,178,173,173,183,186,186,176,117,103,113,165,165,157,111,97,93,87,91,99,123,178,194,204,204,194,186,181,194,199,186,186,186,194,202,202,199,181,176,176,155,71,13,0,0,0,0,5,15,11,0,0,0,0,0,0,0,0,0,9,13,9,0,0,0,3,15,33,45,90,108,113,69,45,51,113,137,155,178,189,189,178,144,63,43,53,69,79,95,147,160,165,160,142,85,79,85,105,150,150,111,115,163,173,173,173,170,178,186,194,202,202,202,196,191,178,165,173,189,199,199,202,199,183,173,173,170,163,150,155,170,196,212,196,103,39,0,57,170,196,196,189,181,181,191,212,209,189,178,178,170,164,164,178,186,189,186,129,117,111,111,129,186,194,182,194,220,228,228,228,228,228,217,194,178,131,131,131,130,130,130,169,178,186,196,204,196,183,170,121,115,115,113,109,115,157,157,157,157,115,103,101,109,157,176,183,183,178,170,165,165,168,176,183,173,142,96,96,101,101,87,69,59,65,77,77,63,45,41,37,33,33,39,51,87,142,157,157,150,147,109,107,107,107,101,93,93,93,91,87,107,181,196,181,113,87,72,72,72,73,107,181,217,235,241,233,207,181,173,165,157,113,157,107,87,91,165,204,215,194,165,147,147 +0,0,0,0,0,0,0,0,0,0,79,152,103,98,103,111,105,105,129,142,129,105,105,121,129,126,65,0,74,85,111,124,103,100,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,139,137,131,131,134,139,20,0,0,0,137,181,152,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,103,170,189,189,191,0,0,0,0,0,0,0,0,150,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,207,215,222,220,222,228,225,204,155,113,113,134,163,181,235,0,0,0,0,0,0,0,95,173,199,215,217,212,212,215,215,217,220,217,215,209,209,209,209,212,209,204,199,198,202,204,202,202,204,204,202,202,204,204,207,207,209,209,209,204,204,207,209,209,209,209,212,212,209,212,212,202,63,0,0,170,181,93,75,41,39,17,26,79,189,204,207,204,202,204,204,202,202,207,207,204,209,212,202,194,202,217,235,220,105,107,191,129,121,191,115,170,189,178,189,202,196,191,189,186,186,181,179,181,189,181,178,183,189,189,189,199,207,212,207,189,183,191,191,181,178,186,194,196,199,202,202,202,194,189,183,183,181,132,131,137,189,199,202,204,209,209,204,207,209,202,194,196,204,207,202,191,189,186,186,189,191,191,141,136,136,137,186,202,217,225,228,230,230,233,233,233,233,230,230,222,196,194,196,196,191,141,139,138,143,141,140,143,191,199,207,217,222,228,228,222,204,196,196,199,196,196,207,222,225,209,189,183,189,189,189,189,191,194,192,196,228,207,115,121,191,183,133,209,212,212,189,181,137,134,136,202,212,217,225,228,230,230,225,228,228,225,225,225,228,230,233,233,230,228,228,230,228,228,230,230,209,71,104,191,199,202,194,199,207,204,199,189,194,207,207,191,196,194,204,222,215,199,199,196,189,189,189,189,196,209,222,225,228,228,228,230,233,233,228,222,215,215,215,216,225,225,225,222,225,228,212,220,186,107,109,217,230,238,238,233,230,228,233,238,241,183,137,139,194,228,238,238,238,238,238,235,230,228,228,230,233,235,238,238,235,233,233,235,235,235,235,235,235,238,238,235,215,176,181,202,212,235,81,31,73,125,189,199,194,189,189,181,109,81,90,127,181,194,207,207,191,196,217,235,241,241,238,235,235,235,233,233,235,235,235,235,235,235,233,228,225,225,228,228,230,230,215,191,182,168,179,183,168,189,209,228,233,233,233,235,233,233,230,228,230,233,235,233,230,230,233,233,235,235,238,241,71,15,0,3,0,0,1,157,196,204,202,207,225,215,230,217,215,217,228,235,233,233,241,238,235,233,230,233,241,246,173,83,81,0,0,0,69,1,0,0,0,0,0,0,91,181,202,217,228,235,241,238,222,104,105,125,181,186,133,202,235,241,241,241,238,238,235,235,235,233,228,137,127,135,189,194,191,194,133,33,45,81,113,202,230,222,199,196,225,230,235,238,243,243,238,225,215,207,200,199,202,204,207,217,212,199,145,133,124,121,127,143,143,141,141,196,212,217,215,207,212,222,225,207,191,191,204,209,209,199,190,187,186,183,185,189,204,225,228,225,233,233,220,125,103,87,70,119,228,230,233,233,233,228,222,225,230,233,233,230,228,225,222,204,145,139,138,141,196,215,233,241,233,212,196,194,199,196,190,189,191,202,209,217,225,225,215,137,127,137,217,222,212,166,199,204,203,209,207,200,200,215,225,228,230,230,230,230,230,228,217,204,196,194,196,194,127,139,202,212,230,233,228,228,228,225,228,228,225,228,230,228,228,225,222,222,222,222,222,228,228,212,199,187,189,207,217,225,230,230,225,228,228,215,209,217,228,222,202,196,199,204,212,215,217,215,207,194,141,191,204,217,220,222,225,228,222,199,145,199,217,228,230,230,230,230,230,233,235,235,233,233,230,230,233,235,235,235,235,233,233,233,233,233,230,230,230,228,225,225,228,228,230,233,233,235,235,238,238,238,241,243,241,241,241,241,238,238,238,238,235,235,235,235,235,233,230,230,230,233,233,233,233,233,235,238,238,238,235,235,235,235,233,230,230,228,230,233,233,233,230,225,222,222,222,225,222,209,145,196,194,191,207,217,228,225,139,131,209,225,225,230,233,233,228,139,141,196,207,209,196,143,142,145,204,212,212,126,108,202,212,204,198,199,209,217,222,222,222,217,213,213,217,217,217,217,215,213,215,222,225,228,225,222,216,217,222,225,228,220,209,207,207,212,222,217,209,207,209,215,222,222,215,207,202,204,202,200,204,209,209,207,207,204,202,198,202,207,189,189,189,187,187,194,199,204,202,191,185,186,189,189,186,186,186,183,137,135,137,181,137,133,133,181,181,181,181,186,191,194,194,189,187,187,191,196,196,196,196,199,199,199,196,194,192,196,202,207,207,207,209,209,212,209,204,199,196,194,191,194,199,204,207,207,207,207,204,204,204,207,207,209,212,209,207,204,204,199,199,199,199,196,202,204,202,199,199,202,202,199,191,189,189,191,194,199,204,207,204,202,199,199,194,192,194,202,199,186,131,132,186,199,202,199,194,189,185,189,194,199,204,207,204,199,199,199,202,202,202,199,196,195,199,207,212,209,209,209,212,215,209,207,208,215,225,228,225,225,235,241,235,225,224,235,241,241,241,246,251,251,251,251,248,246,246,246,248,248,246,243,241,238,235,230,222,212,207,204,199,147,145,147,196,204,209,212,212,212,212,215,215,215,215,215,215,215,215,215,212,209,209,204,202,196,196,196,194,149,148,196,204,215,225,230,230,233,235,241,241,241,241,241,243,243,246,248,248,251,248,246,243,238,235,230,222,212,211,211,215,225,228,228,228,230,233,235,235,235,235,235,235,235,235,238,243,248,254,254,255,255,255,254,248,243,243,243,243,243,242,242,242,242,242,243,243,243,241,238,235,234,235,238,243,246,248,251,251,246,246,246,246,243,241,241,243,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,111,105,105,111,117,125,117,111,105,105,105,111,111,111,105,111,163,194,230,248,241,233,0,255,255,255,204,147,75,55,65,107,178,178,165,178,0,0,194,178,105,94,97,103,97,99,107,181,215,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,238,225,204,181,163,111,105,99,89,83,85,83,79,75,67,67,69,69,63,63,59,53,55,48,49,49,49,51,53,53,29,11,0,0,0,21,66,95,124,134,0,0,0,0,241,235,0,246,255,255,248,222,217,225,246,254,254,235,204,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,189,139,61,53,64,59,38,46,0,0,79,48,0,0,0,0,0,0,0,0,4,0,0,9,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,59,69,113,173,181,168,139,113,63,41,19,0,0,0,0,41,81,95,95,77,58,75,186,238,238,207,181,178,186,196,196,212,225,215,207,207,215,248,255,255,255,251,243,217,209,209,191,178,186,204,243,233,204,181,147,89,81,71,57,11,0,0,0,9,21,35,49,55,69,113,134,139,134,124,116,111,85,49,43,31,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,77,196,209,209,215,212,217,217,215,233,204,101,36,33,36,51,69,51,43,63,85,95,107,160,160,107,79,79,113,196,204,196,183,178,173,173,173,181,183,177,177,183,191,191,202,202,202,183,183,183,194,194,194,194,183,125,113,103,95,97,101,111,115,109,89,75,69,69,83,99,176,186,178,160,115,115,170,186,191,194,209,215,181,86,76,80,99,186,170,103,95,105,157,157,111,107,103,103,109,109,109,108,108,155,152,99,76,71,71,76,78,76,83,105,176,183,178,173,178,186,176,165,103,69,56,69,103,113,101,89,81,81,87,93,111,163,176,189,183,170,123,97,97,168,176,170,170,178,194,202,194,191,176,170,170,160,87,35,3,0,0,0,0,11,11,3,0,0,0,0,0,0,0,7,17,23,15,0,0,0,0,0,0,5,27,57,65,59,47,51,105,137,155,168,176,178,170,144,75,59,59,65,73,85,139,152,160,165,152,103,93,93,105,111,115,113,115,163,173,178,176,170,176,178,196,204,204,196,191,191,178,116,119,176,189,199,202,196,181,163,165,170,163,163,170,0,196,209,217,103,38,0,63,163,196,196,191,191,191,199,209,196,189,176,168,168,165,168,178,186,189,186,129,117,115,123,186,194,183,179,183,207,220,225,220,220,220,217,186,130,127,130,131,130,130,130,176,186,186,194,194,194,189,170,121,115,115,115,115,157,168,168,165,163,109,93,91,101,157,183,196,204,204,189,176,165,170,176,186,176,157,142,142,142,142,101,77,65,65,71,65,53,41,41,37,33,35,51,75,139,157,168,163,147,107,104,104,107,107,101,93,85,75,75,103,178,204,196,181,113,75,69,69,73,89,115,191,228,235,228,212,194,181,181,173,168,157,113,105,75,68,95,181,225,212,170,107,101 +0,0,0,0,0,0,0,0,0,0,118,134,111,100,100,103,101,103,124,131,116,95,96,116,126,129,121,85,82,103,126,134,131,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,137,129,121,108,56,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,131,85,0,0,0,0,0,0,0,25,150,147,111,3,0,0,0,0,0,0,0,0,87,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,186,207,215,220,220,217,217,215,209,196,183,181,183,183,228,160,82,0,0,0,0,0,0,0,165,215,215,212,209,212,217,222,222,217,215,212,212,212,209,209,207,204,202,198,198,198,198,199,202,204,207,209,207,204,204,204,204,207,209,207,199,198,202,209,212,215,215,215,212,212,217,222,228,202,0,0,0,0,0,0,41,121,109,107,160,189,199,202,200,200,204,207,204,207,207,207,204,204,207,204,194,194,186,178,189,189,215,230,194,71,61,95,113,178,186,199,209,204,189,182,183,189,189,183,181,181,178,181,191,191,187,187,194,199,204,199,186,186,196,191,178,176,176,183,183,181,186,194,199,199,196,194,194,189,135,131,132,137,194,202,202,204,207,207,212,209,202,186,183,196,204,204,204,204,199,199,204,212,209,196,141,136,137,191,209,225,230,233,233,233,233,233,233,233,233,230,222,204,199,196,194,191,141,137,135,194,143,139,140,141,143,199,215,222,225,225,212,199,191,191,194,192,192,202,217,225,215,199,186,183,182,182,189,196,204,202,202,209,196,117,115,127,131,131,191,199,189,183,194,199,181,135,191,204,207,212,212,215,215,209,215,222,222,217,217,222,228,230,233,233,233,233,228,222,222,222,217,107,66,104,209,215,209,202,202,209,215,209,204,207,207,196,190,191,194,202,209,209,199,196,191,189,183,181,182,189,199,204,204,207,209,212,217,228,233,233,228,222,220,217,222,222,222,222,217,212,215,225,246,133,111,133,217,233,235,235,233,230,230,230,233,235,212,189,139,196,228,235,238,235,235,233,230,225,222,225,225,228,230,235,235,235,233,231,233,233,233,235,235,238,238,238,233,212,186,178,183,202,225,131,83,101,176,186,194,189,181,178,119,69,59,88,194,186,179,194,209,215,225,235,243,246,243,241,238,235,235,233,230,230,233,235,235,235,233,233,230,228,228,228,228,233,235,233,212,182,170,212,217,189,178,176,207,233,235,230,228,230,230,228,226,228,233,233,230,230,229,230,233,238,243,246,251,255,69,0,0,0,0,0,196,191,170,189,196,163,170,165,189,196,202,207,215,217,228,241,238,235,230,228,222,204,101,55,73,85,0,0,0,0,0,35,95,0,0,0,0,91,181,196,183,204,212,238,241,230,113,115,181,133,114,101,133,233,241,241,241,238,235,233,230,235,235,233,137,128,136,202,215,199,131,115,51,131,217,238,241,241,238,233,235,235,235,235,238,241,241,238,233,222,212,200,199,207,204,199,196,199,196,196,147,141,143,202,217,217,220,225,225,225,217,212,209,209,215,215,204,194,196,204,207,202,196,191,191,194,196,194,194,212,230,233,230,233,235,238,133,107,79,59,70,207,230,235,233,230,228,228,228,230,230,230,230,230,233,225,207,191,143,143,145,194,204,222,233,230,212,194,191,199,199,194,190,191,199,204,204,207,207,204,143,133,189,217,222,204,178,199,204,203,212,209,202,202,212,222,222,222,222,222,222,217,215,207,196,194,199,209,215,114,107,96,106,207,217,217,225,228,228,230,230,230,230,230,222,215,212,212,209,207,204,204,209,217,212,204,195,198,215,225,230,230,230,228,230,233,222,212,212,225,204,127,137,204,217,228,217,212,207,202,199,196,204,212,217,217,222,225,230,225,199,194,209,222,228,230,230,230,230,230,230,233,233,233,230,230,230,233,235,235,235,235,233,233,233,233,233,233,230,230,230,230,228,228,230,230,233,233,235,238,238,238,241,241,241,241,241,241,241,235,235,238,238,235,235,238,238,238,235,230,230,233,233,233,233,233,233,233,235,238,238,238,238,238,238,235,230,230,228,230,230,233,233,233,228,225,225,228,228,222,207,143,145,145,194,207,215,228,228,143,119,202,228,233,235,235,233,119,116,139,204,217,222,209,199,145,194,212,217,207,128,118,199,204,199,196,198,207,215,217,217,222,217,215,217,222,222,222,217,215,215,217,225,228,225,225,222,216,222,228,228,225,215,207,207,207,209,215,215,212,212,212,215,217,222,212,202,199,202,202,202,204,209,209,207,204,204,202,198,199,199,185,186,189,189,189,196,199,204,199,186,182,185,194,196,194,191,189,186,186,183,183,181,137,133,133,137,183,181,181,186,191,196,196,189,186,187,191,196,196,196,199,199,202,199,194,192,192,196,202,207,209,209,212,212,212,209,204,202,199,196,194,196,199,204,207,209,209,207,207,207,207,207,209,209,212,212,209,204,202,198,198,199,199,195,196,204,204,204,204,207,204,202,196,194,194,196,196,199,202,202,202,199,202,202,199,196,199,202,194,137,133,134,189,199,199,196,194,186,183,186,194,199,204,204,202,196,199,202,207,207,204,199,195,195,196,204,209,207,204,209,212,215,215,212,209,215,222,225,228,228,233,235,230,221,224,230,235,235,238,243,248,251,251,251,248,246,243,243,246,246,246,243,241,238,235,233,225,215,207,153,147,144,144,147,199,204,207,209,209,212,212,215,215,215,217,217,217,217,217,217,215,212,209,204,202,199,196,196,194,148,148,149,199,207,215,228,233,235,238,243,243,241,238,238,238,241,243,248,248,251,248,246,243,241,235,228,217,212,211,211,212,222,228,228,228,230,233,235,235,238,238,235,235,235,238,241,246,248,254,255,255,255,255,255,255,251,251,251,248,246,242,242,242,243,243,246,246,243,243,243,243,243,243,248,254,255,255,255,255,254,251,251,246,243,241,241,246,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,117,111,105,105,111,113,111,105,99,99,105,111,144,105,103,105,152,181,217,241,241,238,255,255,255,241,157,81,57,52,63,97,163,163,152,163,0,0,0,160,97,94,94,97,97,99,113,189,233,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,235,220,199,181,125,119,105,99,89,83,83,83,79,75,69,69,69,77,71,69,65,61,55,48,49,43,43,45,51,45,29,11,0,0,0,15,56,95,124,139,163,0,0,0,207,0,0,0,0,254,222,204,217,243,254,254,246,235,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,17,4,0,0,0,0,0,0,0,0,0,0,0,0,0,222,173,139,105,64,53,53,53,53,64,0,0,82,40,0,0,0,0,0,0,9,4,0,0,0,1,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,108,139,163,173,170,163,155,121,95,59,33,3,0,0,0,27,63,77,69,63,59,83,194,238,225,196,170,109,109,117,119,176,196,196,173,123,173,207,248,255,248,230,209,191,191,194,183,168,178,196,228,233,222,194,178,155,134,83,51,7,0,0,0,13,23,35,37,55,69,108,124,131,124,116,126,129,116,90,82,51,13,0,0,0,0,0,0,0,0,0,0,0,0,0,43,67,45,17,33,71,189,228,243,246,215,202,189,181,178,85,46,33,36,41,49,43,27,37,79,99,99,101,107,113,105,89,97,170,196,196,183,181,178,178,183,183,191,189,183,189,196,199,199,194,199,194,183,183,183,194,194,194,186,173,109,95,95,97,107,111,109,99,89,61,61,65,83,113,163,176,176,170,117,115,113,117,176,191,199,202,181,93,80,80,93,191,204,170,95,89,99,119,157,111,99,92,92,97,107,109,152,152,155,152,91,71,71,79,81,74,74,81,105,173,178,170,160,168,165,87,59,55,54,56,77,113,103,85,67,62,65,75,93,109,111,107,125,165,109,77,62,71,113,125,125,170,186,204,212,209,207,191,181,181,181,152,59,17,0,0,0,5,23,39,15,0,0,0,0,0,5,11,23,39,43,33,9,0,0,0,0,0,0,5,29,43,41,41,59,113,147,168,170,170,170,170,152,89,67,59,65,75,85,134,152,165,168,160,152,109,109,109,115,152,113,115,160,173,178,176,176,176,186,202,217,217,202,194,194,178,109,113,163,181,191,196,191,181,163,163,165,163,170,181,0,189,196,209,103,38,0,57,155,209,196,191,191,196,209,209,196,183,176,168,168,168,168,178,186,189,186,131,123,123,178,207,207,186,182,189,207,217,209,209,209,209,207,183,130,126,131,178,178,176,176,178,186,186,191,194,194,194,176,121,115,112,112,157,173,176,176,165,117,101,84,84,97,157,178,196,215,215,196,183,176,176,176,176,176,168,157,157,157,157,139,87,65,63,57,53,45,37,35,34,35,43,65,99,157,176,176,168,147,107,107,144,147,107,101,91,75,70,85,157,196,209,194,173,113,85,72,75,85,101,157,191,217,228,207,181,168,170,173,173,173,168,113,105,75,62,72,168,233,233,181,107,93 +0,0,0,0,0,7,100,126,118,108,126,134,121,105,103,105,105,108,118,121,100,92,96,121,129,131,129,126,59,131,144,137,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,139,126,59,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,103,85,0,0,0,17,0,20,5,0,0,0,0,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,186,202,207,209,212,212,212,209,209,209,209,204,199,194,191,209,191,157,0,0,0,0,0,0,0,126,233,215,209,209,212,217,222,222,215,212,209,209,212,209,207,204,202,202,202,199,198,196,198,199,204,207,209,207,204,204,204,204,204,207,204,198,196,202,207,207,209,215,215,212,209,215,222,222,215,99,0,0,0,0,65,105,196,194,181,93,189,196,202,202,204,204,204,207,207,207,207,204,202,199,196,191,176,113,101,120,204,230,238,204,38,0,83,101,127,183,196,202,207,194,183,185,191,191,189,186,183,178,178,189,191,189,189,194,196,199,194,189,194,204,199,181,131,127,133,133,131,178,186,191,196,199,202,199,194,183,133,131,132,194,204,204,199,196,202,212,215,202,137,131,137,186,191,204,202,202,204,215,222,217,199,139,137,141,196,212,225,230,233,235,233,233,233,233,233,230,228,222,209,202,196,194,194,191,143,140,202,191,140,139,139,141,196,212,215,212,209,202,194,191,196,202,202,199,204,215,222,212,196,186,183,182,182,189,204,220,217,207,202,196,181,119,117,125,178,194,194,110,135,212,215,199,181,194,202,202,204,204,204,202,199,204,207,209,209,212,215,222,228,230,230,233,228,212,207,209,212,202,137,104,212,228,217,207,200,202,215,222,215,209,209,204,194,194,194,194,199,204,204,204,199,191,189,183,181,186,194,196,196,196,189,137,137,189,207,225,228,225,225,228,228,225,225,222,222,215,202,202,212,233,102,106,212,228,233,233,233,233,230,230,230,230,230,209,139,131,196,225,230,233,233,230,228,225,222,220,217,217,217,222,230,233,235,233,233,233,231,231,233,235,235,238,238,233,212,194,119,87,183,207,209,217,222,199,183,181,178,177,189,207,109,95,183,199,177,169,183,220,233,238,241,243,243,241,241,238,238,233,230,225,225,228,233,235,233,233,230,230,228,228,228,228,228,230,233,228,189,181,225,222,202,174,164,191,230,235,230,226,226,228,228,226,228,230,233,230,229,229,230,233,235,238,243,248,254,228,63,0,0,0,0,163,79,61,186,168,0,39,24,37,176,199,204,202,194,191,207,212,212,212,202,165,101,21,0,0,0,0,0,0,0,0,41,0,0,0,53,85,119,165,196,119,79,181,246,222,121,113,215,217,183,101,92,121,217,233,238,238,235,233,230,222,222,228,235,207,194,202,209,212,199,139,141,139,194,230,241,241,238,238,238,238,238,235,233,233,233,235,235,235,228,217,202,202,212,212,199,143,145,196,209,215,212,209,212,225,235,243,241,230,209,196,191,191,126,121,129,191,199,204,209,207,199,194,196,204,209,209,207,212,222,230,233,233,235,238,238,133,119,99,68,76,194,220,230,228,225,228,228,230,230,229,230,230,233,235,228,202,145,191,202,207,207,209,217,228,225,204,189,187,196,199,196,191,194,199,202,196,194,196,199,196,189,196,209,209,199,194,204,204,204,209,207,204,204,207,207,207,209,207,207,209,207,204,199,192,192,202,222,235,228,117,85,97,139,199,209,215,222,222,228,233,233,230,225,204,192,204,212,204,194,143,145,196,215,225,222,204,204,215,222,228,228,225,217,228,230,222,207,194,191,129,115,124,202,222,228,217,207,204,204,207,209,212,212,215,217,217,222,225,215,189,189,215,225,228,230,230,230,230,230,230,230,230,228,228,228,230,230,233,233,233,233,230,233,233,235,235,233,233,233,233,233,230,230,230,230,233,233,235,235,238,238,241,241,241,241,241,241,238,235,235,235,238,235,238,238,238,238,233,230,230,233,235,235,238,238,235,233,233,235,238,238,238,238,238,235,233,230,228,228,228,230,230,230,230,230,230,233,230,222,204,144,141,142,147,202,202,212,220,113,99,116,212,233,238,235,230,90,100,145,209,222,228,225,212,145,147,209,212,145,131,130,196,202,198,198,199,209,215,215,215,222,222,220,222,225,225,217,215,215,217,222,228,228,228,228,228,225,228,230,228,212,204,209,212,212,207,207,209,212,215,217,215,215,215,209,199,195,198,199,202,204,207,207,204,204,204,202,202,204,204,191,191,189,186,186,191,196,202,196,186,182,186,196,199,199,196,194,194,191,191,186,181,137,135,135,181,183,186,186,189,194,199,196,189,186,187,191,196,199,196,196,199,204,202,196,194,194,196,199,204,207,212,215,215,212,209,204,202,202,199,196,196,199,204,207,209,209,209,209,207,207,207,207,209,212,212,209,204,199,198,198,199,199,196,199,202,204,204,209,209,207,204,202,199,199,199,196,196,199,199,199,199,202,204,204,202,202,202,194,139,137,139,191,199,196,196,196,189,183,186,196,202,204,204,199,195,196,204,209,212,207,199,195,195,196,202,204,202,202,204,212,215,217,217,215,215,215,217,225,230,230,228,225,225,230,235,235,233,233,241,246,246,248,251,248,246,243,243,243,243,243,243,241,241,238,235,228,215,207,153,145,141,142,145,199,204,204,204,207,209,212,215,217,217,217,220,217,217,220,222,217,215,212,207,204,202,199,196,194,194,149,196,196,199,207,217,233,238,241,241,243,241,238,235,234,238,243,248,251,248,248,246,243,243,235,222,215,215,215,212,212,217,225,222,225,228,233,235,238,238,238,238,235,235,238,241,246,251,254,255,255,255,255,255,255,255,255,255,251,246,242,243,246,248,251,248,246,246,246,248,251,254,254,255,255,255,255,255,255,255,255,254,246,239,239,241,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,123,113,103,97,97,103,103,99,97,97,97,97,97,97,97,97,139,165,202,235,235,238,255,255,255,217,101,65,55,55,75,101,152,152,152,0,0,0,0,152,103,95,97,97,93,99,121,215,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,238,225,204,194,183,173,165,111,99,87,85,85,83,79,75,75,75,77,83,79,77,71,61,55,49,49,41,43,43,45,45,29,17,0,0,0,9,51,87,113,131,150,176,176,168,170,191,0,0,0,238,204,200,217,243,246,235,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,0,0,0,0,0,0,0,0,0,0,0,0,25,17,0,0,0,0,0,0,0,0,30,0,0,0,0,0,181,129,105,87,56,43,43,53,64,72,0,90,66,17,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,137,173,173,163,131,113,134,134,113,95,61,39,7,0,0,0,19,39,39,21,49,77,111,196,235,225,196,123,90,90,94,99,123,173,173,119,99,111,189,230,248,248,228,199,191,186,186,176,168,170,191,212,228,222,194,178,178,163,126,59,15,0,0,1,13,21,27,31,49,67,108,116,116,111,116,131,144,137,121,105,92,39,5,0,0,0,0,0,0,0,0,43,0,0,29,178,196,134,53,45,71,191,238,243,217,152,148,160,163,157,73,51,57,85,73,59,31,20,31,85,105,99,95,93,99,99,95,107,170,191,186,181,181,183,191,191,199,199,199,199,199,207,207,199,194,189,183,183,183,194,199,194,186,173,115,103,92,92,97,111,115,103,83,19,5,33,69,99,176,163,113,117,117,117,115,115,160,178,186,183,123,99,87,86,93,189,225,207,163,91,88,93,111,157,155,99,92,90,94,103,155,165,165,155,101,78,72,79,99,91,77,85,97,147,168,163,105,95,89,71,49,45,51,69,93,113,157,101,75,62,59,62,75,93,99,91,81,91,109,85,59,53,77,115,170,173,178,196,212,222,233,233,209,191,199,204,178,79,27,7,3,11,41,71,71,45,15,7,0,0,3,11,23,43,63,65,57,25,0,0,0,0,0,0,3,13,25,25,29,57,113,157,183,189,178,170,170,170,144,75,65,69,77,95,144,160,168,168,168,160,152,152,115,115,117,111,113,160,173,178,186,178,186,194,215,225,225,204,194,191,176,109,109,119,170,181,189,189,181,165,163,160,163,178,196,191,186,196,207,109,40,39,59,160,209,196,190,194,209,220,209,196,189,178,170,168,168,170,181,186,189,181,129,123,129,194,217,207,189,189,196,209,209,196,189,189,194,196,183,131,130,178,194,196,189,178,178,178,183,186,194,204,196,186,176,121,115,114,121,176,176,168,157,111,93,82,82,91,111,170,194,204,209,204,194,181,181,173,168,168,168,168,168,176,168,139,87,71,65,57,45,37,31,31,35,39,51,69,101,173,194,183,168,147,147,147,157,157,147,101,77,68,70,95,173,204,204,194,173,113,93,85,93,101,103,157,181,207,212,191,168,161,163,165,168,168,168,113,107,85,62,69,157,233,241,194,101,75 +0,0,0,0,0,103,105,116,116,113,121,139,134,113,111,121,121,118,121,113,99,96,103,126,131,118,0,0,0,150,163,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,134,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,0,0,0,43,90,183,74,0,0,13,170,220,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,147,194,207,207,204,204,212,215,209,207,207,209,207,199,196,194,186,181,0,0,0,0,0,0,0,0,63,215,212,209,209,209,212,215,215,212,207,203,203,207,207,207,204,204,204,207,204,199,199,199,202,204,204,202,199,202,202,202,202,202,204,204,199,199,202,199,192,194,204,209,207,204,204,209,215,207,165,0,0,0,178,209,202,204,202,191,55,194,199,204,209,209,204,204,204,207,204,204,202,196,189,186,191,191,176,114,120,194,199,127,93,25,0,69,93,121,181,191,199,202,207,204,194,189,191,196,199,196,181,174,178,186,189,191,196,196,199,196,196,207,215,209,186,127,115,121,125,123,133,181,181,186,186,194,199,196,186,135,133,137,191,202,199,194,187,194,215,222,199,129,133,135,119,116,189,191,196,204,217,228,217,194,136,135,141,196,212,222,228,233,235,233,233,230,230,230,228,225,217,209,196,190,191,196,199,196,202,207,202,191,141,141,186,196,204,204,202,199,194,191,196,207,215,212,207,207,212,215,204,194,186,186,189,186,189,204,225,225,212,199,202,207,181,116,121,191,207,212,99,104,204,207,194,196,202,202,199,202,204,199,191,194,196,194,196,199,202,207,215,217,222,222,217,212,202,194,194,199,196,189,141,222,225,207,204,209,222,228,225,209,202,207,202,196,202,199,194,199,202,207,212,207,194,191,189,194,202,202,196,194,194,191,143,139,137,127,103,113,202,209,217,228,228,225,222,215,204,194,191,194,189,100,111,228,230,233,233,233,233,233,233,233,235,230,141,125,133,202,225,228,228,228,228,225,222,217,217,217,216,215,217,228,233,235,235,235,233,231,231,233,233,235,235,238,233,225,215,77,25,186,199,207,225,235,202,166,169,176,183,215,251,243,222,204,183,170,172,207,230,238,241,241,238,238,238,238,238,233,230,225,222,225,228,233,233,233,230,230,230,228,228,225,228,230,230,233,233,220,199,204,204,189,176,172,194,217,228,230,228,226,228,228,226,228,233,233,230,229,230,233,230,230,230,233,238,241,254,255,241,27,0,0,0,0,0,23,0,0,51,22,7,93,209,215,204,183,177,182,196,199,194,176,165,163,29,0,0,0,9,0,0,0,0,0,0,0,0,103,189,191,189,243,125,0,9,178,127,91,97,230,230,220,112,106,129,199,225,235,235,233,233,228,218,217,220,235,222,222,228,215,202,199,207,215,186,141,225,235,233,235,238,238,235,233,228,228,225,228,230,230,230,228,217,207,207,217,222,209,147,142,145,202,215,215,212,212,225,238,243,235,215,143,135,137,137,121,116,123,194,212,215,215,209,202,194,196,207,207,199,199,215,225,230,230,233,241,230,212,139,137,189,137,135,141,202,215,217,222,228,230,233,230,229,230,233,235,238,225,145,139,145,209,222,222,215,217,225,217,202,190,187,194,196,194,194,199,204,202,194,191,192,199,202,199,199,202,202,199,202,207,202,202,207,207,207,209,204,202,202,204,199,196,199,199,199,196,192,192,199,217,233,251,199,90,109,191,199,209,204,134,143,215,228,228,222,209,192,190,209,222,204,141,140,143,199,217,230,230,215,207,212,215,217,222,202,135,215,233,228,207,139,139,133,127,183,204,212,217,212,202,202,207,212,212,212,212,215,220,220,220,217,202,176,174,207,222,228,230,230,230,230,230,230,228,228,228,228,228,230,230,230,230,230,230,230,233,233,235,235,235,235,235,235,235,233,233,233,233,230,233,233,233,235,238,238,241,238,238,238,241,238,235,235,235,235,235,238,238,235,233,228,228,228,230,235,238,238,238,238,235,235,238,238,238,238,238,238,235,233,230,230,228,228,228,228,230,230,230,233,235,233,222,207,194,142,141,196,204,200,207,215,137,110,119,191,217,228,209,141,88,106,209,209,209,225,230,222,145,145,204,202,136,133,139,199,199,198,199,202,209,215,217,217,222,222,222,222,225,225,217,213,213,217,225,228,230,230,230,233,230,230,230,215,191,192,207,215,215,207,205,205,212,217,220,217,212,212,209,199,195,196,199,202,204,207,204,204,204,204,204,204,209,212,207,202,194,185,183,186,194,199,196,189,186,191,196,202,199,199,196,196,196,194,189,183,181,137,137,183,186,189,191,194,196,196,194,189,186,189,194,196,199,196,195,196,204,207,202,199,196,196,196,199,207,212,212,212,209,207,204,202,202,199,196,195,196,202,207,209,212,212,212,209,209,209,207,207,209,209,207,204,199,198,198,199,202,199,202,204,204,204,207,209,207,204,202,199,199,199,196,195,196,199,202,202,202,204,202,199,199,199,194,189,186,186,191,196,196,199,202,196,189,191,199,207,209,204,199,195,195,202,209,212,207,202,196,196,196,199,202,198,198,202,209,215,222,222,217,215,213,215,222,228,228,224,221,228,235,238,235,235,231,235,241,243,246,251,251,248,243,241,241,241,243,243,241,241,238,235,230,217,209,153,145,141,141,145,199,204,202,202,204,209,212,215,217,222,222,222,222,222,222,222,222,217,215,212,207,204,202,196,194,196,199,199,196,196,199,212,225,233,235,238,243,243,241,235,234,235,243,248,248,246,246,243,246,246,238,225,217,222,222,217,215,215,217,217,222,228,233,238,238,238,238,238,238,238,238,241,246,248,254,255,255,255,255,255,255,255,255,255,248,243,242,243,248,251,251,251,248,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,251,241,239,241,243,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,178,117,97,85,85,87,93,93,91,87,87,87,87,87,87,93,101,152,189,209,225,230,255,255,255,204,105,75,56,59,81,107,155,160,165,0,0,0,0,160,105,99,99,99,93,95,129,235,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,246,233,220,199,191,189,181,176,121,107,99,91,91,91,85,81,81,81,87,89,91,85,79,67,61,49,43,41,35,35,37,35,29,17,0,0,0,3,29,79,105,124,134,144,142,129,139,168,0,0,0,220,204,204,222,233,233,220,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,46,0,0,0,0,0,165,105,79,61,30,14,27,43,64,0,66,56,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,105,196,209,181,144,118,95,90,95,103,92,59,49,31,0,0,0,0,5,11,9,11,59,95,168,212,246,241,212,117,83,83,95,119,125,125,119,111,99,99,170,196,215,215,207,199,191,191,183,165,157,168,178,199,220,204,168,155,168,165,131,79,43,9,3,9,13,15,17,23,39,67,108,116,108,108,108,126,142,137,124,111,100,74,19,0,0,0,0,0,0,0,0,9,33,55,131,222,238,178,71,69,121,207,233,202,133,117,138,176,199,196,85,67,79,105,77,51,29,19,24,71,99,99,93,89,91,95,99,111,170,181,181,183,191,196,199,204,207,207,204,207,207,209,207,194,183,176,176,176,183,194,194,194,176,115,109,101,95,97,107,117,160,111,93,0,0,11,89,168,186,163,104,103,111,115,109,115,170,178,115,95,90,91,93,107,168,202,217,204,160,91,86,89,105,157,155,103,95,95,103,152,165,168,165,155,87,75,81,91,91,87,99,105,105,105,147,99,79,67,59,55,50,54,95,168,165,157,113,95,81,67,67,79,93,101,99,88,79,89,99,77,63,62,109,178,194,196,196,204,212,212,222,235,217,209,228,233,196,79,29,19,35,65,139,152,131,71,39,17,7,3,7,17,33,57,98,105,69,39,7,0,0,0,0,0,3,11,19,21,29,53,83,157,196,207,191,173,170,173,163,95,79,79,87,103,152,165,168,168,165,160,160,155,117,117,117,115,119,168,181,189,194,196,196,215,225,228,217,202,186,183,165,113,116,163,170,176,183,189,181,170,163,159,163,186,209,196,183,196,207,109,53,51,75,170,199,196,194,196,0,220,220,196,189,183,178,168,168,170,181,194,194,181,129,123,178,194,217,207,189,189,196,207,207,194,181,178,183,189,183,176,176,189,207,217,207,183,176,129,176,186,194,204,204,204,191,176,163,121,121,165,165,121,115,109,101,89,84,89,103,160,181,191,204,196,194,194,194,176,161,161,161,168,176,176,168,139,95,87,69,57,45,34,31,34,39,51,63,87,139,181,207,191,168,155,147,157,157,157,107,95,71,67,71,107,181,204,196,194,173,113,101,101,103,101,103,115,173,194,207,183,165,161,165,173,165,165,157,107,101,87,69,72,157,233,241,181,85,57 +0,0,0,0,22,82,98,105,113,113,116,131,134,116,118,129,131,126,121,113,108,113,124,131,137,108,0,0,0,155,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,59,165,152,35,0,0,72,202,207,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,173,199,204,204,196,199,212,215,209,207,207,207,207,202,199,199,189,170,0,0,0,0,103,47,0,0,67,178,204,212,212,209,212,212,215,212,209,203,202,204,207,207,207,207,207,207,204,204,204,204,204,202,199,196,195,196,199,202,202,202,207,207,204,202,199,194,189,190,196,202,199,194,191,202,212,204,109,0,0,0,183,194,202,207,202,176,56,202,204,209,209,207,202,204,207,207,199,194,191,183,178,183,199,220,233,127,125,191,196,131,97,91,61,79,103,121,176,183,189,183,209,215,199,189,196,204,204,196,183,176,178,183,186,191,196,196,196,196,202,212,222,212,189,117,107,113,119,121,131,133,129,131,121,129,191,191,183,181,186,189,183,137,186,189,186,191,212,209,121,119,204,209,113,108,133,186,194,207,225,233,225,199,136,134,139,196,209,215,225,230,233,233,230,230,230,230,230,228,220,207,187,185,191,196,196,199,212,215,215,204,189,186,194,202,202,199,194,191,191,194,204,212,217,215,204,199,202,199,191,191,196,202,202,194,191,202,222,225,212,199,199,207,196,125,131,209,225,233,100,83,111,111,103,202,202,194,194,204,207,189,181,189,196,194,192,192,196,202,207,207,204,202,202,204,202,194,143,189,196,196,202,215,212,194,194,209,225,225,217,200,200,209,204,202,207,196,191,199,202,207,222,215,204,196,196,196,199,199,194,143,141,191,202,196,115,56,39,51,86,97,107,194,217,215,212,202,191,189,196,141,137,137,209,225,228,228,230,235,235,235,235,241,241,238,93,109,199,215,228,230,228,225,225,222,217,217,217,222,217,216,222,230,235,238,238,235,235,233,231,233,233,235,235,235,238,238,238,33,0,194,196,189,191,212,181,157,169,178,189,202,212,215,202,189,181,186,215,230,233,235,238,238,235,235,235,235,233,225,222,222,225,228,230,233,230,228,228,228,230,228,228,225,225,230,230,228,230,230,189,95,129,183,182,182,194,202,212,228,228,228,228,228,228,230,233,233,230,230,233,233,230,229,229,230,233,238,243,254,254,173,0,0,0,0,0,0,0,0,196,89,0,65,209,225,217,202,183,183,191,191,165,155,168,191,31,0,0,0,0,0,0,0,0,0,0,0,0,83,109,117,123,254,191,0,0,0,8,55,77,233,238,222,189,135,131,137,212,230,233,233,233,228,222,222,222,225,196,209,228,212,199,199,204,189,103,118,212,233,235,235,238,238,233,228,225,225,225,225,228,228,228,222,212,204,204,209,215,209,196,142,141,143,196,202,202,204,212,222,225,215,199,139,135,137,141,139,129,143,222,230,228,217,209,204,199,196,196,196,189,137,135,215,225,222,222,230,119,119,186,196,222,220,196,143,191,209,215,222,228,233,233,230,230,230,233,235,235,220,143,137,140,199,209,215,209,207,215,212,204,194,194,191,194,191,191,199,209,207,196,191,192,196,202,202,199,199,202,199,202,202,196,196,204,207,215,222,212,204,204,207,199,189,189,194,196,196,196,196,199,209,217,209,116,89,121,215,217,217,143,92,107,143,204,202,199,196,194,202,217,217,196,140,140,143,196,209,228,233,228,215,212,212,209,204,57,29,117,233,233,215,191,191,191,191,199,202,196,199,202,199,199,204,209,212,212,215,217,222,222,220,215,196,172,170,202,222,228,230,230,230,230,230,230,230,230,228,230,230,230,233,233,230,229,230,230,233,235,235,235,238,238,238,238,235,235,235,233,233,230,230,230,233,235,238,238,238,238,238,238,238,238,235,235,235,235,238,238,238,235,230,226,226,228,230,233,235,238,238,238,238,241,241,241,238,235,235,235,235,233,233,233,230,228,228,228,228,230,230,230,233,233,222,207,199,145,143,202,204,202,209,222,222,199,145,191,207,225,204,128,104,129,217,203,196,215,230,222,202,196,204,199,136,135,199,207,202,199,199,204,207,212,217,222,225,222,222,222,225,222,215,212,212,215,222,228,230,233,233,233,233,230,225,204,185,186,202,215,215,209,207,207,209,215,217,215,212,212,209,202,198,196,199,202,204,207,204,204,204,203,204,207,209,212,212,209,196,185,183,186,191,199,199,196,194,196,199,199,196,196,199,196,194,191,189,186,186,183,186,186,189,191,196,196,196,196,191,187,187,189,194,199,199,196,195,196,204,209,207,204,202,199,199,202,207,209,209,207,207,207,204,204,204,202,196,196,199,202,207,209,212,212,212,212,212,209,207,207,207,207,207,204,202,199,198,199,202,204,204,207,204,203,204,207,209,207,202,199,199,199,195,195,196,199,202,204,204,204,199,194,194,196,196,194,186,185,186,189,194,199,204,202,196,196,204,209,209,207,199,195,194,199,207,209,207,202,199,199,196,199,199,198,198,199,207,215,222,225,225,215,213,215,222,228,225,220,221,230,238,235,233,233,235,241,246,246,248,251,251,248,243,241,241,241,241,241,241,241,238,235,230,222,212,204,149,143,142,147,199,204,202,199,202,207,209,215,217,222,225,225,222,222,222,222,222,222,217,215,209,207,204,202,199,199,202,199,196,195,199,207,215,222,228,233,241,246,243,238,235,238,243,248,248,246,243,243,246,246,238,230,228,230,228,222,215,215,215,217,220,228,233,238,238,241,241,238,238,238,241,243,246,248,254,255,255,255,255,255,255,255,255,254,246,242,243,246,248,251,251,251,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,251,251,248,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,186,115,89,71,65,71,77,81,77,71,71,67,67,71,73,81,95,142,165,191,204,217,235,251,243,207,155,87,60,65,95,150,155,157,165,168,0,0,0,165,107,99,99,93,88,95,129,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,241,228,220,199,194,196,191,183,168,113,105,103,103,103,95,89,87,89,95,95,97,91,85,73,61,51,43,41,33,33,35,29,29,17,5,0,0,1,21,56,87,100,118,129,121,105,113,139,0,0,0,0,215,222,217,217,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,0,0,155,87,43,7,0,0,0,30,0,56,38,17,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,137,181,207,189,111,90,92,103,105,92,65,61,53,33,9,0,0,0,0,0,0,0,51,91,109,178,225,254,246,220,123,79,79,95,119,125,119,113,111,99,99,101,109,101,115,176,183,191,183,165,147,147,160,168,186,196,181,134,93,147,150,134,118,63,27,21,23,23,21,21,31,53,69,108,108,108,105,108,116,126,118,98,82,51,39,13,0,0,0,0,0,0,0,0,0,105,186,220,255,255,220,147,134,144,204,225,189,131,121,160,212,228,212,69,43,57,67,33,29,27,20,18,35,85,105,101,92,93,99,105,107,157,160,160,186,199,207,207,215,207,204,199,199,209,209,202,189,176,168,168,173,181,183,183,176,123,103,100,103,109,115,163,176,186,191,191,0,0,25,183,202,202,186,111,103,109,109,97,109,183,170,88,83,86,93,109,121,181,191,204,199,165,97,88,89,103,111,155,105,101,103,111,160,165,155,109,101,89,85,89,85,82,87,105,152,105,105,99,83,67,58,61,73,95,165,186,178,152,101,101,101,93,81,81,93,109,119,111,91,91,107,93,73,71,81,119,194,202,204,204,204,196,196,207,233,235,238,254,255,228,91,47,47,85,178,202,186,152,83,63,31,11,3,7,17,39,65,113,116,98,41,7,0,0,0,0,0,3,13,21,25,31,53,81,155,196,222,207,178,170,173,170,144,137,103,139,144,155,165,165,160,155,155,152,155,157,157,157,160,168,181,194,204,207,215,215,225,228,228,215,194,178,170,123,163,170,183,181,176,181,183,181,173,163,157,163,186,220,207,186,194,194,101,61,67,0,0,186,194,194,196,0,220,220,209,196,194,186,178,168,168,181,194,194,183,125,123,131,194,207,194,183,178,189,196,196,189,178,176,178,183,178,131,176,189,209,220,217,186,129,123,129,181,194,204,204,204,196,191,183,176,165,165,121,121,121,115,113,103,93,91,101,157,173,186,191,194,196,204,204,183,165,161,161,165,176,176,157,139,101,95,85,65,49,39,37,39,51,69,87,95,147,183,207,194,168,155,147,157,157,147,101,91,70,67,85,157,181,194,186,186,173,152,109,107,103,99,101,109,165,183,204,191,168,168,181,181,168,157,113,101,95,91,75,85,157,217,225,147,63,45 +0,0,0,79,90,90,95,103,116,121,113,116,121,113,113,126,129,126,121,116,118,134,137,142,163,147,0,0,40,124,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,0,0,0,0,72,196,207,217,131,3,19,186,0,0,0,0,0,0,0,0,0,23,155,82,0,0,0,0,0,144,194,202,196,194,189,189,199,207,209,207,204,202,204,207,207,202,196,230,7,0,0,0,92,121,126,118,124,157,202,215,212,212,215,212,215,215,215,207,204,204,207,209,209,209,207,204,203,204,204,207,207,204,199,195,195,196,202,202,202,202,207,209,207,202,199,196,194,196,202,202,196,190,187,191,204,189,7,0,0,13,196,196,202,207,202,109,57,204,207,209,207,199,199,204,209,204,191,178,129,127,128,178,199,215,217,124,122,189,212,207,183,199,194,125,125,173,178,173,127,121,196,209,199,191,196,202,196,181,176,178,181,183,186,191,199,196,194,196,204,215,217,207,191,125,111,117,125,131,178,176,131,125,109,112,178,181,178,186,196,196,132,120,128,191,196,196,199,123,109,115,228,225,125,120,135,186,196,212,230,235,228,204,139,134,141,199,209,212,217,228,230,230,228,228,230,233,235,230,222,207,191,189,196,199,195,199,217,225,225,209,191,186,196,202,202,196,191,189,191,196,204,209,212,209,202,194,191,183,179,186,204,217,215,204,196,204,217,220,212,199,194,196,196,186,199,225,235,238,119,78,104,102,91,196,194,191,192,204,209,176,166,189,202,204,199,194,194,199,199,196,189,142,189,199,204,196,141,143,196,207,215,222,212,194,189,194,204,209,207,202,207,217,217,209,207,141,136,191,194,202,217,209,199,196,189,186,191,199,202,191,139,143,209,207,119,94,98,109,105,99,101,107,104,98,113,135,137,189,207,127,127,196,222,225,225,225,230,235,238,235,238,241,241,199,57,78,212,222,230,230,228,225,222,215,215,215,217,222,222,222,228,233,238,238,235,235,233,233,233,233,233,233,233,235,238,243,243,0,0,189,191,177,168,194,202,194,191,186,181,183,189,194,186,183,199,225,233,230,230,233,233,233,235,235,235,233,228,222,220,222,228,230,230,230,230,228,226,228,230,230,228,225,222,225,228,221,222,217,127,69,109,194,194,196,199,196,204,225,225,225,230,230,230,233,235,233,230,230,233,233,230,230,230,230,233,231,235,248,254,255,194,21,0,0,0,0,0,27,228,222,55,93,215,228,228,220,204,189,163,165,113,109,115,117,51,0,31,0,0,0,0,170,81,15,31,81,75,119,117,86,78,101,99,65,0,0,0,41,89,230,233,196,194,189,128,127,202,225,233,230,228,228,230,233,217,196,92,116,202,207,202,196,139,121,103,111,204,233,235,235,233,230,230,225,225,228,230,230,228,228,225,215,204,199,199,147,145,147,145,142,141,143,191,191,145,144,145,191,199,199,196,145,141,141,145,191,189,202,228,230,225,215,209,209,207,199,191,191,189,125,72,105,207,212,212,212,58,61,135,194,222,230,220,196,199,212,215,222,228,233,233,230,230,233,233,233,230,220,199,141,139,141,189,194,191,194,204,207,199,194,196,194,191,190,190,199,212,212,199,192,194,196,196,199,196,199,202,199,199,196,192,194,202,212,222,228,225,215,212,207,194,138,138,189,194,191,194,196,202,209,217,215,121,95,117,207,228,228,135,96,111,143,194,185,185,194,202,209,209,207,199,196,191,141,138,196,220,230,230,217,202,207,212,204,27,0,12,81,183,215,209,209,207,204,207,196,183,191,196,194,194,196,202,207,209,209,212,215,215,217,215,202,179,179,209,225,228,230,230,230,230,230,230,230,233,230,230,230,233,233,233,230,230,230,233,235,235,235,235,238,238,238,238,235,235,235,235,233,230,230,230,230,233,235,238,238,235,235,235,238,238,235,235,235,238,238,238,238,235,230,226,226,228,230,233,235,238,238,241,241,243,243,241,238,235,235,235,235,235,235,235,233,230,228,228,228,230,230,230,230,228,212,199,199,147,145,194,147,147,215,228,228,217,204,199,209,233,222,194,125,145,212,200,195,209,222,217,207,204,207,202,139,138,202,207,204,202,204,204,207,209,217,222,222,217,217,217,222,222,215,213,213,213,217,225,230,233,233,230,228,228,222,209,194,194,202,209,212,212,209,209,209,212,212,212,209,207,207,204,199,199,202,204,204,204,204,204,204,204,204,207,207,209,212,209,196,182,185,189,194,202,204,204,202,202,202,199,191,191,194,194,191,191,191,191,191,191,189,189,186,191,194,196,194,194,189,187,187,191,196,199,202,196,196,199,204,209,209,207,204,202,202,204,207,209,209,207,207,207,207,207,207,204,199,196,199,204,207,209,212,212,212,212,212,209,207,204,204,207,204,204,202,199,198,199,202,204,204,204,204,204,204,207,209,207,202,199,202,202,196,195,196,196,199,202,204,202,196,191,189,191,196,196,186,182,183,186,191,199,204,204,202,202,204,207,207,204,199,196,195,199,204,207,204,204,202,199,199,202,202,199,199,202,207,212,222,228,228,222,217,222,228,230,228,224,224,230,233,233,230,233,241,248,251,251,248,251,251,248,246,243,241,238,238,241,241,238,235,233,228,217,212,209,202,149,145,149,199,202,199,199,202,204,207,212,215,222,225,225,222,220,222,222,222,222,217,215,212,209,207,204,202,202,202,199,196,196,199,202,204,212,217,225,235,243,243,238,235,238,243,246,246,246,243,243,243,241,238,235,233,233,230,222,215,215,215,215,222,228,235,238,241,241,241,241,238,238,241,243,243,246,248,254,255,255,255,255,255,255,255,251,248,246,248,248,248,251,251,251,251,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,247,248,255,255,255,255,255,255,255,255,255,255,255,252,252,254,255,255,255,255,255,255,255,255,255,255,255,255,186,113,81,53,47,49,55,63,55,53,47,47,47,47,53,65,83,95,137,160,183,199,212,222,220,199,168,95,67,67,95,155,147,155,157,155,0,0,0,165,101,93,89,88,89,99,181,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,241,238,233,222,207,209,207,199,191,176,123,113,109,111,107,105,95,97,97,139,142,142,97,93,79,63,55,43,35,33,27,29,29,21,17,13,0,0,0,11,46,69,82,92,111,111,100,98,121,0,0,0,0,0,0,212,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,129,69,7,0,0,0,0,0,0,59,38,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,155,144,105,17,11,39,47,95,121,111,65,53,33,7,0,0,0,0,0,0,0,0,173,157,97,168,220,238,238,225,178,79,77,95,125,125,173,178,123,107,93,87,77,74,81,101,165,176,165,101,95,95,103,144,150,155,137,89,89,134,147,139,126,69,47,37,45,47,45,47,55,69,108,116,108,103,107,108,116,116,100,55,21,5,0,0,0,0,0,0,0,0,0,0,17,194,254,255,255,255,241,194,157,139,189,225,225,207,191,222,225,222,196,43,33,36,47,29,21,27,23,17,27,79,105,147,107,107,107,107,107,107,107,113,183,199,207,217,217,207,199,196,194,202,202,199,183,173,170,170,173,173,176,176,125,109,100,98,109,163,176,186,194,202,209,217,5,9,93,199,209,202,194,176,115,109,95,91,115,199,183,88,86,91,101,113,115,163,183,199,199,181,111,99,99,105,111,155,107,103,107,152,155,155,107,95,93,107,150,93,83,83,87,91,99,105,105,103,87,73,77,95,160,183,194,178,111,91,95,113,113,103,95,89,93,109,163,170,160,119,99,54,48,66,97,165,186,196,204,204,196,186,186,196,220,238,254,255,255,251,173,85,91,170,215,230,196,155,89,71,43,13,3,7,17,43,71,131,129,71,33,7,0,0,0,0,0,0,13,25,31,41,59,81,147,189,207,196,176,170,170,170,155,147,144,144,152,155,160,160,155,152,152,152,152,163,168,170,173,181,194,204,217,217,217,217,225,225,217,204,191,178,170,165,183,199,196,189,181,183,189,178,178,165,159,163,186,220,207,186,189,178,89,65,75,0,0,181,194,196,196,0,220,220,220,209,207,194,178,168,168,181,194,196,186,125,115,129,186,189,181,129,129,176,194,196,194,178,131,131,131,131,129,129,178,196,215,215,183,123,117,123,176,194,207,204,196,194,194,194,194,183,176,173,165,160,121,121,113,103,97,101,157,173,181,191,191,204,209,212,194,176,165,165,176,183,176,165,147,101,95,87,75,63,49,45,47,61,75,95,101,147,176,204,194,168,155,155,157,157,107,95,85,70,70,97,163,178,176,173,173,165,157,152,113,101,97,101,113,160,183,207,194,173,173,194,194,168,157,113,101,87,87,87,93,157,204,194,95,45,41 +0,0,20,137,118,111,105,105,121,129,118,113,111,109,111,116,121,124,124,121,126,139,139,144,157,103,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,79,7,0,0,0,0,0,0,0,0,92,186,183,144,255,131,0,27,3,0,0,0,0,0,0,0,69,170,183,111,0,0,39,85,144,186,199,202,196,189,185,185,187,196,204,202,199,196,202,207,209,212,204,255,37,0,0,0,0,57,173,194,163,170,202,212,212,212,215,215,215,215,212,209,207,209,209,209,212,209,207,204,203,203,204,209,209,207,202,199,196,199,204,204,202,204,207,212,209,204,204,204,207,209,212,207,202,196,190,191,194,125,0,0,0,43,204,202,199,196,186,55,49,191,204,209,204,194,196,204,207,196,183,170,126,125,128,178,194,207,199,122,122,178,202,199,183,178,178,176,181,199,202,189,125,97,121,191,191,189,189,194,191,174,172,174,178,183,189,194,196,191,191,196,204,212,209,202,194,189,183,186,186,186,189,183,183,133,110,113,129,131,135,186,196,196,135,123,129,204,215,212,204,129,115,127,207,199,186,183,139,186,196,212,230,235,228,204,141,136,189,207,212,212,217,225,230,230,228,225,228,233,233,228,217,209,207,207,204,199,195,204,222,225,217,204,196,191,191,196,199,194,189,189,194,199,204,204,204,202,202,202,202,186,178,181,204,215,209,194,194,204,215,215,207,194,194,196,194,194,207,228,235,235,204,108,125,115,105,196,192,191,196,212,217,159,147,194,215,225,217,207,199,194,196,194,143,138,141,194,194,139,137,141,202,212,225,228,222,207,194,189,189,189,194,202,212,222,225,217,207,129,124,139,186,186,189,177,178,185,183,183,196,209,207,194,139,137,186,186,186,222,255,255,233,209,131,117,102,91,103,129,131,137,194,117,121,202,228,230,228,228,230,235,235,235,238,241,235,123,57,78,215,228,230,230,228,225,217,213,212,213,217,222,222,222,228,233,235,235,235,235,233,233,230,230,230,230,230,230,235,241,235,0,0,119,194,179,172,202,230,230,212,194,183,181,178,183,194,207,225,233,233,229,229,230,230,230,233,235,235,233,228,222,222,225,228,230,230,230,228,226,226,228,230,230,228,225,222,220,221,221,222,220,209,76,89,189,189,199,209,196,194,212,215,222,228,228,230,233,235,233,230,230,230,230,230,233,233,233,233,231,235,243,246,255,246,176,43,0,0,0,0,5,186,243,220,215,230,233,233,228,215,189,53,71,93,97,71,69,73,55,55,0,0,0,101,199,191,199,209,233,230,222,225,196,119,87,73,81,67,85,93,119,202,225,189,183,189,191,123,122,194,215,228,228,228,230,228,222,191,127,89,96,186,202,207,202,141,133,131,139,209,228,233,233,230,225,225,225,228,233,233,230,230,230,228,215,199,199,199,141,138,140,142,141,142,145,191,145,143,142,143,194,202,204,204,199,194,191,145,144,189,202,215,215,209,207,207,209,209,202,196,196,191,127,78,62,73,89,83,59,24,36,44,131,204,225,222,199,196,212,215,225,228,228,228,230,230,233,233,233,230,225,215,202,145,141,141,141,141,191,207,207,196,194,196,196,196,190,189,196,212,212,199,194,202,202,194,191,191,194,202,204,199,192,192,192,199,212,222,228,230,222,207,194,140,137,138,191,189,140,141,191,199,212,228,241,220,135,125,137,215,217,139,126,135,209,202,183,183,199,212,209,202,202,207,209,202,141,133,196,215,222,217,189,118,191,217,220,61,0,4,21,89,217,222,225,225,222,212,194,129,183,199,194,191,190,194,199,199,191,141,194,204,209,215,207,192,194,220,228,230,230,230,230,230,230,230,233,233,233,233,233,233,233,233,230,230,233,235,238,238,235,235,238,238,238,235,235,235,235,235,233,230,230,229,230,233,235,238,235,235,235,235,238,238,235,235,235,235,235,235,238,235,233,230,228,230,233,235,238,241,241,241,241,241,243,243,238,238,235,235,235,235,238,238,235,233,230,230,230,233,233,230,230,222,202,190,196,202,194,142,131,133,215,228,230,228,217,209,215,228,215,202,191,196,212,209,204,207,207,204,204,204,204,207,194,145,204,207,204,207,209,209,209,209,215,222,222,215,212,212,215,217,215,215,215,215,213,215,225,233,230,225,222,217,212,209,209,207,207,207,212,212,212,212,212,212,209,207,204,202,202,199,199,202,204,207,204,202,202,207,207,204,204,207,209,209,212,207,191,181,191,196,202,204,207,207,207,204,204,199,191,189,189,189,191,191,194,194,194,194,194,189,186,189,191,191,191,191,187,187,189,194,199,202,202,199,202,204,207,209,207,202,202,202,204,207,207,207,207,207,207,207,207,207,207,204,202,199,202,204,209,212,212,212,212,212,212,209,207,204,204,204,204,202,202,199,198,198,199,202,202,202,204,204,207,207,207,204,202,199,202,202,199,196,196,196,196,196,199,199,196,191,189,189,191,191,186,185,185,189,194,199,204,202,202,202,199,202,199,196,196,199,199,202,204,204,204,204,202,202,202,204,207,204,202,202,207,209,217,225,225,225,225,228,230,230,230,228,228,230,230,230,230,233,241,248,251,251,251,251,254,251,246,243,238,238,238,238,238,235,233,230,225,215,212,209,204,199,151,196,199,199,199,199,199,202,204,209,215,222,225,222,220,217,217,222,222,222,217,215,212,209,207,207,204,202,199,196,196,196,196,196,199,204,209,217,230,238,238,235,235,238,241,243,246,246,246,246,241,235,233,238,235,233,225,217,213,213,215,215,222,228,235,238,241,241,241,241,241,241,241,243,243,243,246,251,255,255,255,255,254,251,251,251,251,254,255,255,255,254,251,251,250,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,246,248,254,255,255,255,255,255,255,255,255,255,254,251,251,254,255,255,255,255,255,255,255,255,255,255,255,255,127,101,71,43,35,35,41,41,41,37,35,27,29,35,41,49,65,77,87,134,160,191,199,199,196,189,160,97,77,77,97,142,139,155,157,150,0,0,0,165,107,95,88,93,95,109,191,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,241,238,238,235,230,228,225,222,204,194,176,123,113,109,111,111,105,105,105,107,147,150,150,142,129,87,67,57,43,35,33,27,27,21,17,17,17,7,0,0,7,23,46,59,74,100,108,100,95,103,0,0,0,0,0,0,0,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,131,144,129,85,35,0,0,0,0,0,0,0,79,56,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,53,0,0,0,0,0,7,47,113,121,92,33,0,0,0,0,0,0,0,0,0,3,194,107,73,97,196,212,225,238,194,86,83,121,186,186,196,202,178,111,93,81,75,74,77,95,113,157,103,83,69,75,77,77,71,71,75,83,91,134,150,152,134,75,53,57,65,67,65,69,75,116,124,124,108,108,111,124,126,118,103,49,5,0,0,0,0,0,0,0,0,0,0,0,100,168,222,255,255,255,233,196,130,129,181,230,255,254,241,254,233,222,204,69,40,41,61,51,29,41,39,31,43,79,101,147,157,113,107,106,104,104,107,113,178,196,207,217,217,215,199,194,194,199,202,202,194,183,183,183,176,176,173,125,115,109,101,103,123,176,186,194,194,191,183,115,71,77,183,202,209,202,194,191,160,89,71,81,170,217,204,160,109,107,109,109,113,121,181,199,207,204,181,163,119,157,157,157,111,109,109,152,155,155,109,101,101,160,168,105,99,101,85,75,79,93,105,103,87,79,97,170,189,196,194,168,97,85,83,97,113,157,157,111,109,111,165,178,173,160,85,43,41,67,109,168,178,186,196,204,186,170,170,186,207,235,255,255,255,255,230,183,181,196,217,217,194,160,131,71,45,17,7,9,19,45,105,150,137,75,37,11,7,9,0,0,3,7,15,25,29,39,53,79,147,181,189,176,163,163,165,163,152,144,144,144,147,152,160,160,155,152,148,152,157,170,183,186,186,189,196,215,217,217,215,215,215,215,215,204,202,194,186,183,199,209,209,189,181,189,189,186,178,170,165,168,186,212,207,189,186,168,79,65,71,0,0,186,207,207,196,0,209,220,220,220,209,196,181,168,168,178,194,207,194,125,111,121,129,176,129,126,125,131,194,207,196,178,129,122,125,125,125,122,129,178,196,207,183,121,116,117,176,194,207,207,204,196,204,194,194,194,183,183,178,168,121,113,109,107,101,107,157,173,181,181,191,196,209,212,194,176,163,165,183,194,183,165,147,101,87,75,87,75,63,51,51,61,75,91,101,147,176,191,183,165,157,157,170,176,155,101,87,75,77,107,165,173,165,157,157,157,157,157,109,99,97,103,115,163,181,204,194,170,173,191,186,165,165,157,105,87,75,75,77,142,181,173,85,41,41 +0,0,0,124,124,129,121,113,124,134,129,116,111,108,109,113,116,121,124,124,126,134,129,129,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,207,155,0,0,0,0,0,0,0,0,0,29,51,21,225,152,72,37,87,61,33,0,0,0,0,11,157,181,186,186,43,0,61,124,186,191,196,207,212,199,183,182,187,191,196,196,194,196,202,209,215,217,228,235,147,0,0,0,0,0,155,204,183,183,202,212,215,215,212,212,212,212,209,209,209,209,209,209,209,212,209,209,207,204,207,209,212,209,204,202,202,204,207,207,204,204,209,212,212,207,204,207,212,215,209,204,199,199,199,202,199,165,0,0,11,115,189,189,189,178,45,0,9,123,194,209,204,196,194,196,196,186,178,170,128,129,176,186,194,199,186,126,126,173,186,191,183,178,173,181,181,202,207,202,121,73,87,129,183,183,181,189,199,189,174,172,173,181,189,191,189,187,187,194,202,207,204,194,191,196,202,202,194,191,191,189,191,191,119,115,121,121,131,183,183,194,202,199,202,217,230,233,228,212,196,199,186,127,186,204,137,183,194,209,228,230,222,199,139,137,194,212,215,215,217,225,230,233,228,225,222,222,217,212,207,204,212,215,207,196,196,204,212,212,202,199,202,196,189,189,194,191,187,187,194,202,207,204,196,194,199,209,217,199,181,186,202,204,183,129,181,196,202,204,202,192,194,196,194,194,202,217,230,233,220,209,212,204,199,199,196,196,207,215,222,148,131,209,233,238,233,222,204,191,191,196,196,139,143,189,137,131,133,143,204,217,225,228,225,215,196,141,133,127,135,194,204,212,215,215,204,134,127,191,191,191,191,172,174,182,181,183,207,212,196,137,136,137,141,196,228,243,246,241,241,238,228,225,207,123,129,137,125,114,121,117,139,217,235,235,230,230,230,233,233,238,238,238,228,135,89,117,228,235,235,228,225,222,215,213,212,215,217,222,222,222,225,230,233,235,235,235,235,230,225,225,228,228,228,228,235,241,225,0,0,95,199,189,183,209,230,228,217,212,209,191,146,142,199,225,230,233,233,230,230,230,230,230,233,235,235,235,230,228,228,228,230,230,230,230,228,226,226,228,230,230,228,225,222,221,220,222,225,225,225,77,56,117,123,191,222,194,183,196,202,212,220,225,228,233,235,233,233,233,230,230,230,233,233,233,233,233,235,238,238,254,255,246,228,0,0,0,0,0,51,202,204,228,235,238,235,233,228,209,47,0,0,0,0,0,1,0,0,0,0,0,107,173,196,230,235,241,246,238,241,246,251,220,222,233,235,246,235,222,225,230,212,182,194,191,122,125,191,207,222,225,230,233,215,196,135,133,109,89,191,209,215,215,209,207,204,204,204,204,212,228,228,217,215,225,230,230,230,230,230,230,230,220,202,204,209,145,137,140,145,191,191,191,145,144,145,204,228,230,230,230,228,217,212,202,191,141,144,202,209,207,202,202,204,209,207,204,207,209,194,139,137,137,103,105,95,65,57,125,103,131,191,209,212,187,186,207,217,225,225,225,228,230,230,233,233,235,233,228,222,215,204,196,191,139,139,199,222,222,207,202,202,202,199,194,190,194,207,207,199,202,209,207,194,190,190,190,199,207,202,194,194,194,194,207,215,225,233,225,199,140,139,141,194,199,189,139,138,141,196,215,230,233,230,228,189,135,199,204,143,135,196,222,220,189,189,215,222,209,202,202,207,209,199,142,142,207,215,204,191,112,90,121,222,228,137,77,57,55,113,238,233,230,230,230,217,125,98,110,139,196,196,191,191,194,191,135,123,140,196,204,207,207,204,209,228,230,230,230,233,230,230,229,230,233,235,233,233,233,233,233,230,230,233,235,238,238,238,235,235,235,235,235,235,235,235,235,235,233,233,230,230,230,233,235,235,233,233,233,235,235,238,235,233,233,231,231,233,235,235,235,233,230,230,233,235,238,241,241,241,238,241,241,241,241,238,238,238,238,235,238,238,235,233,233,230,230,233,233,233,230,217,196,185,209,220,212,144,121,126,215,225,228,228,225,217,220,222,212,212,209,204,215,225,217,207,196,195,199,202,204,209,207,199,207,209,207,209,215,217,212,209,212,217,217,212,209,209,212,215,213,215,222,217,213,212,217,228,230,222,215,209,202,202,215,217,209,207,212,212,212,215,212,209,207,204,202,196,195,196,199,202,207,207,202,200,204,209,209,209,207,209,212,209,212,207,194,185,204,207,207,207,204,207,207,207,207,204,194,187,187,189,191,196,199,196,196,196,194,189,186,186,189,189,189,189,189,187,189,196,202,202,202,202,204,207,207,207,202,199,196,199,204,207,207,207,207,207,204,204,204,207,207,204,199,198,202,207,209,212,212,212,212,212,212,209,204,204,204,204,204,202,202,199,199,199,199,202,202,202,202,207,207,207,207,202,199,199,202,202,196,195,195,196,196,196,199,199,199,196,191,189,189,189,191,191,191,196,199,202,202,199,199,199,196,196,191,190,191,199,202,202,202,202,204,202,199,199,202,207,207,204,204,204,207,209,212,217,222,225,228,230,230,230,230,230,230,228,226,226,228,233,235,241,246,246,248,251,251,248,243,238,238,235,235,235,235,233,230,225,220,212,209,209,207,202,202,199,199,199,199,199,202,202,204,207,212,217,225,225,222,217,217,217,217,217,217,215,212,209,207,207,207,202,196,195,195,196,196,149,149,199,207,215,225,230,233,233,235,235,241,243,248,248,248,246,238,231,233,238,238,230,222,215,213,213,213,215,220,230,238,241,241,241,241,241,241,241,241,243,243,243,246,248,251,254,254,248,246,244,248,254,255,255,255,255,255,255,255,251,250,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,247,251,255,255,255,255,255,255,255,255,255,255,255,252,252,255,255,255,255,255,255,255,255,255,255,255,255,255,113,93,55,35,23,23,29,29,29,23,15,15,15,23,29,37,47,55,67,85,144,181,189,189,183,170,152,131,89,87,91,97,142,155,157,155,0,0,196,181,113,95,89,95,101,129,207,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,243,233,233,235,241,241,246,246,238,233,228,233,235,235,230,230,209,202,183,129,123,115,113,115,115,111,107,111,147,155,157,157,150,142,89,69,57,49,43,33,27,23,17,17,17,17,15,7,1,7,17,23,40,48,85,103,100,95,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,20,4,0,0,0,0,0,111,129,124,85,46,12,0,0,0,0,0,0,0,105,72,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,17,103,142,103,7,0,0,0,0,0,0,0,11,19,39,170,77,59,74,170,189,204,243,178,89,93,191,215,207,212,212,186,111,87,79,77,79,89,99,113,113,95,69,49,47,47,41,27,29,49,69,87,129,150,163,150,85,67,65,73,77,73,79,111,124,134,124,113,116,134,142,137,131,116,55,7,0,0,0,0,0,0,0,0,0,0,0,59,87,100,163,194,212,217,189,111,124,202,233,241,243,243,243,241,241,241,144,71,57,73,73,71,77,75,75,79,79,81,101,113,111,107,106,107,107,113,160,170,183,199,207,217,217,207,194,194,194,202,202,199,194,194,194,183,173,125,115,109,103,103,109,168,176,183,183,176,117,97,83,97,163,202,202,207,207,194,183,101,65,61,71,178,220,217,199,176,160,115,113,115,160,181,191,212,217,207,194,181,170,157,157,155,111,111,152,155,155,152,109,109,152,155,157,165,152,81,70,73,85,97,91,76,74,89,170,191,194,186,168,103,83,73,68,97,168,189,191,176,165,160,160,111,101,91,63,64,97,117,168,181,191,199,199,183,123,117,165,183,217,254,255,255,255,254,217,199,196,196,199,194,178,139,77,51,23,9,13,33,57,129,165,157,113,51,25,21,35,41,35,27,21,25,25,25,27,39,65,137,168,168,147,146,155,165,155,105,95,99,105,111,152,160,165,165,160,160,160,168,178,191,194,186,186,194,207,217,217,215,204,204,202,202,204,215,215,212,202,209,209,196,183,181,189,196,191,181,178,170,173,186,207,207,194,186,168,89,65,71,0,0,207,217,207,196,196,209,220,228,217,215,196,178,168,168,176,194,207,194,125,109,115,123,129,129,126,125,176,194,209,194,178,123,120,122,123,122,122,122,127,178,186,183,121,117,117,129,191,207,207,207,207,204,194,191,186,186,191,186,173,121,107,101,101,101,107,157,165,173,173,181,191,204,204,186,165,160,160,173,191,183,173,147,95,75,75,95,93,69,51,51,57,63,75,93,139,165,183,183,165,157,165,173,178,165,103,89,85,93,150,168,165,157,113,113,115,157,157,107,99,101,113,165,173,183,207,191,170,170,181,181,165,168,165,107,87,72,69,71,101,168,165,77,45,41 +0,0,0,131,126,137,137,134,134,131,124,116,113,111,111,113,116,116,118,121,124,113,87,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,186,160,0,0,0,0,0,0,0,0,0,0,0,0,98,121,165,202,202,196,181,163,33,0,0,0,165,181,178,157,124,98,108,155,191,199,204,209,212,207,194,189,187,189,191,194,194,196,207,212,212,215,222,241,176,0,0,0,0,0,160,212,183,183,199,212,220,215,209,209,212,212,208,208,208,208,208,209,212,212,215,215,212,209,207,209,212,212,209,209,207,209,209,209,207,207,209,212,212,207,204,207,209,209,202,191,189,191,196,194,186,99,5,79,87,194,191,183,178,63,13,36,63,117,181,199,202,194,186,181,178,178,170,129,173,176,189,199,199,199,194,181,128,128,176,191,199,191,181,176,181,191,196,123,99,76,59,111,176,178,181,183,191,186,181,176,172,178,194,194,189,186,187,196,204,209,202,186,186,196,207,199,183,186,189,194,199,202,212,123,85,91,133,178,125,131,204,220,225,228,230,233,233,233,225,217,204,123,119,123,135,137,189,207,222,225,212,189,134,134,191,209,215,217,222,228,233,230,225,222,215,207,202,202,196,194,199,204,202,199,202,204,202,191,186,191,199,196,189,187,191,189,186,186,191,202,209,207,196,192,199,207,199,183,181,191,207,209,87,65,90,127,135,189,209,196,192,192,194,196,199,207,215,222,87,207,202,178,204,202,199,207,215,217,207,109,113,235,238,241,238,230,222,141,134,196,196,202,207,202,138,132,135,189,204,212,212,212,215,209,196,139,123,101,112,129,186,196,202,202,196,191,196,199,202,207,220,217,204,207,186,176,196,202,141,135,133,137,199,215,230,241,238,234,238,235,225,225,217,202,183,121,111,107,114,123,230,235,235,235,235,235,230,230,233,238,241,235,115,55,89,222,233,235,238,233,225,222,220,215,217,225,228,225,225,225,228,230,233,235,235,235,233,225,220,221,228,228,228,230,241,241,204,0,0,91,183,173,168,215,230,230,225,225,230,233,148,144,209,228,233,235,233,233,233,230,230,233,233,235,235,235,233,230,230,230,233,233,230,230,228,228,228,228,230,233,230,228,225,222,220,222,225,230,228,135,0,34,93,133,135,178,196,202,189,189,212,217,225,235,235,235,235,233,228,230,230,228,228,228,228,233,235,238,235,238,246,255,246,43,0,0,0,0,0,13,163,222,235,238,241,238,228,225,220,0,0,0,0,97,163,51,37,37,69,101,121,186,222,238,243,243,241,241,241,246,246,241,238,241,243,243,241,235,233,233,230,228,225,209,143,139,196,207,209,209,212,215,204,194,191,202,215,141,196,222,220,215,215,230,212,199,191,141,191,209,217,209,212,222,230,228,228,230,230,228,225,209,202,207,212,196,138,141,209,212,199,191,145,194,207,222,233,235,238,238,238,235,235,217,139,136,194,209,209,207,200,199,202,209,204,204,215,225,217,202,189,189,217,230,220,135,133,204,189,191,194,196,207,204,185,189,215,217,222,225,228,230,230,233,235,235,233,225,215,212,212,204,191,131,131,199,228,233,228,209,204,204,202,196,194,199,204,202,202,207,209,209,194,190,190,190,196,202,199,196,199,202,196,194,202,212,225,228,204,141,189,199,209,209,202,189,141,141,189,204,217,225,222,212,199,191,196,196,191,191,199,209,248,189,207,225,222,209,202,202,207,207,189,138,140,207,207,179,186,139,102,186,230,230,196,133,115,105,191,238,235,233,230,230,215,118,81,84,189,204,212,212,202,187,199,194,140,202,202,199,202,204,209,222,230,230,230,233,235,233,229,229,230,233,235,235,233,233,233,233,230,233,233,238,241,241,238,235,235,235,235,235,233,235,235,235,235,235,235,233,233,233,235,235,233,230,230,230,233,235,235,235,235,233,231,231,231,233,235,235,235,233,233,233,235,238,241,241,238,238,238,238,238,238,238,238,238,238,235,235,235,233,233,233,230,230,233,233,233,233,222,207,207,222,228,230,222,209,209,222,228,228,228,225,220,217,222,228,230,230,217,215,222,225,212,196,194,199,202,204,209,212,207,207,209,209,209,217,225,217,209,208,212,215,209,208,208,212,215,213,213,217,222,215,212,215,225,228,225,217,207,196,196,204,212,209,209,209,212,212,212,209,209,207,204,202,196,195,196,199,199,202,207,202,202,207,209,212,212,212,212,212,209,209,207,202,202,207,209,207,202,202,204,204,207,207,204,196,189,189,191,196,199,199,199,196,196,196,194,191,189,189,189,189,191,189,189,189,194,202,204,202,202,204,207,207,202,196,196,196,199,204,207,209,209,209,207,202,202,204,202,204,204,202,199,202,207,209,212,212,212,212,212,209,207,204,202,202,204,204,202,199,199,199,199,202,202,202,202,202,204,207,207,204,202,199,199,199,196,195,195,195,196,196,196,199,202,199,199,196,191,191,191,194,196,199,202,204,202,199,196,196,196,199,199,191,187,189,196,199,199,196,199,199,199,196,196,202,207,204,202,204,207,207,209,212,215,217,225,228,230,230,230,233,233,230,228,226,226,228,233,233,233,235,241,243,246,243,241,235,233,233,233,235,235,235,230,228,222,215,212,209,209,207,204,202,202,199,199,202,202,202,202,204,207,212,217,225,225,222,217,217,217,217,217,215,215,212,212,212,209,209,204,199,196,196,196,194,147,147,196,207,215,222,228,228,230,233,238,241,246,248,251,251,243,233,231,233,238,235,228,222,215,215,217,215,213,220,233,238,241,238,238,238,238,238,241,241,243,243,243,246,246,248,248,248,246,244,244,248,254,255,255,255,255,255,255,255,254,251,251,255,255,255,255,255,255,255,255,255,255,255,255,255,254,255,255,255,255,255,255,255,255,255,255,254,255,255,255,255,255,255,255,255,254,255,255,255,255,255,255,255,255,255,255,255,255,255,254,91,73,43,27,19,21,23,23,17,9,5,3,5,11,17,29,41,43,49,69,126,152,165,165,165,157,150,142,131,95,89,89,101,150,157,0,0,0,191,168,109,95,83,83,103,183,243,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,246,238,233,173,167,171,228,230,238,235,233,228,217,228,230,230,230,222,202,186,135,125,119,115,121,165,165,119,113,113,150,157,170,160,152,144,93,75,65,59,53,45,33,23,17,17,17,19,19,17,15,15,17,19,21,38,56,77,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,27,7,0,9,0,0,0,0,0,85,59,27,12,0,0,0,0,0,0,121,103,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,131,152,69,0,0,0,0,0,0,0,11,43,69,150,199,107,68,74,111,178,196,202,170,105,121,204,243,246,241,225,194,119,91,81,81,89,101,111,113,109,93,67,43,23,17,13,7,13,29,51,65,85,134,163,163,134,87,77,77,77,73,75,111,131,134,121,116,131,168,181,163,144,126,85,13,0,0,0,0,0,0,0,0,0,0,0,43,100,82,100,147,189,233,196,170,183,207,212,212,217,225,225,222,255,212,67,61,57,57,85,157,147,157,168,101,72,69,85,99,101,107,107,107,111,113,121,123,173,183,199,217,217,207,194,194,194,202,202,202,199,199,199,183,125,105,99,95,94,101,115,163,176,168,160,107,95,89,95,163,191,202,194,194,186,186,168,79,66,66,89,199,228,220,199,186,176,163,160,165,165,173,183,204,225,222,204,186,165,111,107,105,109,155,155,111,109,109,107,103,102,142,152,165,163,93,76,77,87,97,89,76,74,89,170,178,170,155,101,89,79,75,77,97,165,186,196,189,165,101,90,89,91,87,85,93,109,121,170,194,212,209,202,183,127,115,111,121,186,241,255,255,255,248,204,189,173,173,181,196,196,178,131,57,25,15,23,47,77,155,186,183,144,69,45,43,57,69,105,71,59,47,31,23,23,27,43,89,155,147,143,142,155,165,147,89,83,95,107,111,113,160,173,176,176,176,176,176,178,186,191,191,191,194,212,225,225,215,212,212,202,200,202,215,225,225,222,215,202,189,176,176,186,196,199,186,181,181,181,186,194,194,194,181,163,103,75,79,113,189,217,217,209,196,194,209,217,228,225,215,194,176,166,166,178,194,194,183,123,109,109,115,127,129,128,128,178,194,204,191,178,127,123,127,127,127,123,122,122,127,176,178,131,121,117,121,176,191,207,207,191,191,194,194,183,183,183,191,181,121,103,89,85,89,101,107,113,119,119,165,173,181,186,181,165,156,155,165,191,191,173,155,91,75,91,139,93,69,57,57,63,57,63,67,93,155,173,173,173,168,155,165,173,155,101,91,95,107,165,173,168,150,107,107,155,155,113,101,101,113,165,176,183,194,207,194,176,176,176,168,157,157,150,103,87,70,68,73,139,165,150,73,49,41 +0,0,0,0,134,137,137,137,131,118,103,108,118,113,113,116,113,116,118,121,126,64,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,0,0,0,0,0,0,0,0,0,0,0,0,0,124,152,178,191,196,194,194,204,147,0,0,0,45,137,163,165,129,61,63,147,199,202,207,207,209,207,202,191,186,187,191,191,194,199,207,209,209,209,215,235,163,0,0,0,0,0,144,173,19,103,204,209,212,212,208,209,212,209,208,208,208,208,208,209,212,212,215,217,215,209,207,207,209,212,215,212,209,209,209,209,209,209,212,212,212,207,204,204,202,196,186,176,173,178,181,181,173,99,71,93,99,168,189,181,109,25,28,123,89,32,95,183,189,181,126,125,173,181,173,125,125,181,199,207,204,204,204,196,131,124,127,191,209,196,181,181,186,176,77,72,96,96,97,181,186,181,181,183,181,181,183,178,174,183,202,204,199,189,187,199,207,209,204,176,125,189,199,191,181,183,189,196,204,212,220,191,65,83,176,178,129,128,204,225,230,230,228,228,230,233,230,228,212,133,105,111,123,131,139,196,207,207,194,137,132,132,141,202,212,217,225,228,228,225,215,212,209,199,191,191,194,194,191,191,194,196,199,191,140,140,140,186,194,194,187,186,189,191,186,186,191,199,207,204,194,196,199,202,191,179,181,199,228,233,104,78,92,114,125,189,209,207,196,194,196,196,194,199,204,186,39,35,35,29,199,204,204,215,222,225,220,105,99,212,233,233,238,238,228,125,111,137,199,215,228,228,212,191,186,189,194,199,196,199,204,202,196,189,135,122,131,189,191,189,186,185,185,194,196,202,209,225,233,230,230,228,217,196,199,196,189,139,135,186,215,228,233,235,235,234,235,228,216,217,228,225,209,121,108,115,125,131,228,235,238,238,238,238,233,233,235,241,241,209,63,0,29,209,233,235,238,233,228,225,225,225,228,233,235,233,230,230,233,235,238,241,238,235,233,225,218,221,230,233,230,235,238,243,176,0,0,0,123,121,127,220,230,233,230,230,235,241,172,172,225,230,233,235,233,230,230,230,230,233,235,235,235,235,233,230,233,233,233,233,233,230,230,230,230,230,230,233,233,230,228,225,222,221,222,233,254,202,21,41,85,113,117,123,199,215,212,80,89,207,209,230,230,225,233,228,215,215,217,212,207,209,209,228,243,243,234,235,241,254,255,176,0,0,0,0,0,0,63,217,217,215,248,254,191,194,215,79,0,29,165,228,248,241,238,113,168,186,199,217,238,243,241,238,238,238,238,241,241,241,241,241,241,241,238,238,235,235,235,238,235,225,207,202,209,212,209,202,199,198,199,204,217,233,235,196,129,111,111,129,186,209,191,137,141,143,189,191,194,196,207,222,228,228,228,230,228,217,209,202,204,207,199,143,141,194,212,207,199,199,204,215,225,230,230,230,233,235,238,241,241,228,143,134,191,207,209,207,200,199,202,204,207,212,225,230,228,212,196,189,215,230,228,189,131,141,194,204,202,194,202,207,194,194,207,212,217,225,228,230,230,233,235,235,233,222,204,199,202,196,143,131,127,135,212,235,235,220,199,196,202,199,199,202,204,204,204,209,207,202,194,191,191,194,199,199,192,190,194,204,204,194,186,133,141,215,207,196,202,212,217,222,217,209,196,186,186,191,199,202,204,199,194,191,196,199,202,202,199,189,196,123,138,217,222,209,202,199,204,209,204,143,186,209,186,164,196,215,209,225,230,238,191,131,129,131,202,233,235,233,228,220,204,196,196,189,202,212,222,222,187,177,194,209,217,215,209,202,199,202,212,225,230,230,230,235,235,233,230,230,230,233,235,235,233,233,233,233,233,233,233,235,238,238,238,235,233,233,233,233,233,233,235,235,238,238,235,235,235,235,235,235,230,229,230,230,233,235,235,235,235,233,233,233,233,233,235,238,238,235,233,233,235,238,241,241,238,238,238,238,238,238,238,235,235,235,235,235,235,235,235,235,233,233,233,233,233,233,225,212,209,215,225,230,230,228,228,228,230,228,225,225,217,220,225,230,235,233,220,212,217,222,215,202,196,198,202,204,207,207,209,209,207,207,209,215,225,222,209,208,212,215,212,209,212,217,222,215,213,217,222,217,215,215,222,225,222,217,209,199,195,195,199,207,212,212,212,209,209,209,207,207,204,204,199,196,199,199,199,202,204,204,202,204,209,212,215,215,215,212,209,209,207,207,207,207,207,204,200,200,202,204,204,204,204,199,196,196,199,199,199,196,196,196,199,199,199,196,194,191,191,189,191,194,191,189,191,199,204,200,200,204,204,204,199,194,194,196,202,204,209,209,209,207,204,200,202,202,202,204,204,204,202,204,207,209,209,212,212,212,209,207,204,202,202,202,204,204,202,199,198,199,199,202,202,202,202,199,202,202,204,204,204,202,202,199,196,196,196,199,199,199,199,199,199,199,199,196,194,191,194,196,199,202,202,204,204,199,199,199,199,202,202,194,189,190,196,196,191,191,194,196,196,196,196,199,202,199,198,202,207,207,209,212,215,217,225,228,230,230,233,235,235,233,230,228,228,230,230,228,225,228,230,235,238,238,233,231,230,231,233,238,238,235,230,225,217,215,209,209,207,204,204,202,202,199,202,202,202,202,202,202,204,209,215,222,225,222,217,217,217,217,217,215,215,212,212,212,212,209,204,202,199,199,196,194,146,147,196,204,212,217,225,228,230,233,238,241,246,248,248,246,241,233,233,235,235,230,225,222,217,222,225,222,217,225,235,241,241,241,238,235,235,238,238,241,241,243,243,243,243,243,246,246,246,246,246,248,255,255,255,255,255,255,254,254,254,251,251,255,255,255,255,255,255,255,255,255,255,255,255,251,248,251,255,255,255,255,255,255,255,255,254,246,248,251,254,255,255,255,255,254,251,255,255,255,255,255,255,255,255,255,255,255,254,251,246,67,47,35,21,19,21,23,21,11,3,0,0,0,1,9,21,37,37,39,55,83,134,142,142,142,142,142,144,150,142,93,84,91,142,157,0,0,191,183,115,95,83,67,73,97,194,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,238,173,173,171,167,162,163,222,228,230,233,225,217,157,207,222,222,209,202,194,137,131,125,123,123,127,165,168,119,113,113,150,157,165,160,152,144,93,83,75,69,65,57,45,29,23,23,23,23,25,25,21,21,17,17,17,30,33,43,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,20,0,0,0,9,0,0,0,0,59,40,25,22,0,0,0,0,0,0,95,77,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,131,118,37,0,0,0,0,0,0,0,35,69,97,194,255,235,163,115,165,189,204,202,173,117,123,196,238,255,255,243,204,163,99,87,93,109,157,165,152,109,93,73,43,13,0,0,0,1,13,29,59,79,137,170,181,168,134,87,79,73,70,71,113,131,137,124,116,137,173,183,170,155,131,90,25,0,0,0,0,0,0,0,0,0,0,0,49,126,118,134,170,204,255,225,196,199,215,207,207,207,209,209,217,225,89,13,12,17,33,75,157,168,181,181,105,69,64,75,89,97,101,107,111,113,113,113,123,173,183,199,215,217,202,194,194,199,202,202,199,194,183,189,183,115,95,91,89,90,99,115,163,163,113,99,89,87,91,107,176,191,186,176,117,117,163,168,115,93,93,165,207,220,209,194,176,176,176,173,173,165,160,160,191,215,215,207,191,170,113,99,96,103,111,105,95,89,95,103,103,107,107,107,150,152,101,87,93,99,103,105,99,97,105,168,160,101,81,76,77,78,78,83,103,157,168,170,168,155,99,91,97,101,99,99,107,117,165,183,204,222,222,202,183,168,115,105,105,165,220,254,248,233,217,189,163,147,147,170,196,215,196,152,69,39,23,39,63,129,170,196,191,155,75,47,41,45,63,81,113,77,59,43,29,23,24,43,126,157,157,146,146,160,173,155,87,79,87,111,152,155,168,178,186,186,181,176,176,178,186,191,202,202,204,215,225,225,212,212,212,212,202,204,215,222,225,222,209,183,121,113,163,178,196,209,196,186,189,189,189,189,189,181,163,117,107,97,99,160,194,209,217,209,196,189,207,228,233,225,217,204,183,173,176,183,191,191,176,121,109,104,109,127,129,128,129,178,191,194,186,176,129,129,176,176,176,129,127,123,123,129,178,176,123,116,117,123,178,186,186,183,183,191,191,178,176,183,191,181,125,101,77,69,69,77,91,101,107,113,155,157,163,168,173,163,159,155,163,181,191,173,155,99,95,139,139,91,67,63,67,65,55,51,55,85,147,173,181,181,168,109,108,155,111,101,99,105,150,163,170,165,113,101,101,111,111,101,97,105,163,176,173,183,204,207,204,186,173,165,113,101,101,95,95,75,71,71,91,150,157,139,73,51,43 +0,0,0,0,46,111,126,129,121,105,77,92,126,105,90,108,105,105,105,111,144,30,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,43,74,165,181,186,186,186,182,183,215,207,163,0,0,19,121,152,142,14,0,0,51,173,202,204,202,199,202,202,196,187,187,191,191,191,196,202,204,204,207,215,233,144,0,0,0,0,0,7,45,0,11,196,209,212,212,209,209,209,209,209,209,209,209,209,209,209,212,215,215,215,209,205,204,207,212,215,212,209,209,209,209,209,212,212,215,212,209,207,202,196,186,173,169,168,172,178,183,176,105,101,105,107,168,183,181,81,9,31,202,87,0,69,183,191,178,122,121,186,202,199,123,119,178,199,199,199,199,202,194,129,124,127,186,196,186,173,181,204,125,43,44,107,183,204,207,196,176,176,186,181,186,191,189,183,194,209,212,215,199,187,196,207,207,199,125,90,92,113,183,191,204,202,202,207,215,217,207,36,81,129,178,132,130,202,228,233,233,230,228,225,228,228,225,220,202,100,107,115,129,137,186,194,194,183,135,133,132,135,186,196,207,215,217,215,207,196,199,202,194,189,190,196,196,191,187,189,189,141,138,137,141,189,194,196,191,187,187,189,191,189,187,191,194,189,139,137,189,196,199,189,181,186,199,225,230,189,127,119,117,127,199,212,212,202,196,196,194,191,194,199,186,31,0,0,0,28,202,215,217,222,233,238,120,100,191,222,230,235,233,222,186,129,139,199,225,235,238,235,217,202,194,191,191,190,191,194,194,194,194,194,194,207,215,207,194,185,183,185,194,194,199,215,230,233,235,238,238,233,217,209,202,191,186,186,199,225,230,230,233,235,235,235,230,217,222,230,233,222,194,186,191,186,139,212,230,238,238,238,238,235,233,235,243,241,196,67,0,0,83,230,238,238,230,233,230,225,228,233,238,241,238,235,235,238,241,243,241,241,238,233,228,224,228,233,230,233,235,235,220,65,0,0,0,65,111,191,217,228,233,230,230,233,243,196,199,230,233,233,235,233,230,230,230,230,233,233,235,235,235,235,233,233,235,235,235,235,235,235,235,233,233,233,233,235,233,230,228,225,222,220,230,255,186,44,57,97,115,113,115,191,215,222,75,73,186,183,181,170,107,170,196,202,204,196,181,165,155,137,191,241,238,235,235,238,241,255,222,21,0,0,0,0,31,209,222,217,176,107,83,29,71,215,194,115,228,238,241,246,248,248,225,217,217,225,233,241,241,233,233,235,238,238,238,238,235,235,235,235,235,235,235,235,238,238,241,238,228,209,204,209,215,212,204,198,196,202,217,238,246,243,121,104,100,108,127,129,135,133,137,191,194,191,189,189,194,209,222,228,225,225,228,217,204,196,202,215,215,196,143,194,202,196,191,199,212,225,230,233,233,230,230,230,233,233,235,241,233,202,189,199,209,212,209,202,199,202,204,209,222,230,233,230,217,204,186,204,222,217,191,128,131,191,207,204,186,143,199,199,202,207,209,215,217,222,225,228,230,233,233,230,215,196,143,143,143,141,137,130,133,189,230,228,212,183,181,191,196,199,202,204,207,209,209,204,204,204,204,199,196,199,199,194,191,196,209,217,212,199,122,128,194,199,199,209,217,225,230,233,228,204,191,189,191,194,196,202,196,190,191,194,199,209,212,202,143,141,122,130,191,212,204,202,194,194,207,215,209,207,202,182,172,207,215,212,233,230,215,119,119,131,186,207,228,235,233,225,207,125,183,217,209,204,209,220,215,176,178,194,207,215,217,209,202,198,202,212,225,230,230,230,235,235,235,233,233,233,233,233,235,235,235,235,235,235,233,233,235,238,238,235,233,233,233,233,233,233,233,235,235,238,238,235,235,235,235,235,235,233,230,230,233,233,235,235,235,233,233,233,235,235,235,235,235,235,235,235,235,235,238,241,241,238,238,238,238,238,238,238,235,235,235,235,235,238,238,238,235,235,235,235,235,235,235,228,215,207,204,209,217,225,228,230,233,233,230,228,225,217,217,225,230,233,225,215,211,212,215,215,209,204,199,202,199,194,196,204,207,207,207,207,212,222,222,212,212,215,215,212,212,217,228,228,222,215,215,222,222,217,217,217,222,222,217,215,207,196,194,195,204,215,212,212,209,209,207,207,207,207,204,199,199,202,202,202,202,207,204,199,199,204,209,215,217,215,212,212,209,209,209,207,204,202,202,200,200,202,204,202,202,202,202,199,202,204,204,202,196,196,196,199,199,199,199,196,194,191,191,194,196,196,191,191,199,202,202,202,204,204,204,199,194,192,194,199,204,209,209,207,204,202,200,200,202,204,204,207,207,207,207,209,209,209,209,209,212,209,207,204,202,202,204,204,204,202,199,199,199,202,202,199,199,199,199,196,196,199,202,202,204,202,199,199,202,204,204,202,199,199,196,196,196,196,196,194,194,194,199,199,199,199,202,202,202,202,204,202,202,202,196,191,194,196,194,191,190,191,194,196,196,194,196,199,199,198,202,207,209,215,215,217,222,225,228,230,233,233,233,235,235,235,230,230,230,228,225,222,222,225,230,233,235,233,231,231,233,238,241,241,235,233,228,222,215,209,207,207,204,204,204,202,202,202,202,204,202,202,202,204,207,212,217,222,220,217,217,217,217,215,215,215,212,212,212,209,209,207,202,202,199,196,194,146,146,149,202,209,215,222,225,230,233,235,241,243,246,246,243,238,235,235,235,230,225,217,217,220,225,230,228,225,228,235,241,243,243,238,233,233,235,238,241,243,243,243,243,243,243,243,246,246,248,248,251,255,255,255,255,255,251,250,251,251,254,254,255,255,255,255,255,255,255,255,255,255,251,248,246,244,248,255,255,255,255,255,255,255,255,251,241,241,246,251,255,255,255,255,251,246,251,255,255,255,255,255,255,255,255,255,255,254,248,241,49,37,29,23,21,23,23,23,17,3,0,0,0,0,3,15,29,29,37,43,67,111,118,118,124,124,134,144,160,152,126,84,84,142,170,0,0,183,160,107,91,69,54,57,97,202,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,175,166,165,167,162,163,163,165,225,230,225,217,157,155,151,153,207,199,196,191,139,137,131,125,125,127,127,168,123,113,113,113,157,157,157,152,144,101,89,85,83,77,67,59,45,33,31,31,31,33,27,27,21,17,17,17,19,25,25,27,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,4,0,0,0,0,0,0,0,0,0,0,33,51,40,33,33,12,0,0,0,0,0,69,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,100,118,65,1,0,0,0,0,0,0,11,55,85,157,199,255,255,222,194,196,212,238,238,202,178,173,191,215,238,243,235,196,170,111,99,109,163,183,181,163,152,99,81,47,13,0,0,0,0,0,13,51,85,155,181,191,181,152,121,81,73,72,75,113,137,139,124,116,124,139,152,144,142,124,90,37,13,7,0,0,0,0,0,0,0,0,0,51,144,155,163,173,191,254,233,207,215,225,217,215,215,215,215,228,215,109,21,1,3,19,57,79,99,147,157,101,75,73,81,91,95,101,107,113,113,113,160,173,183,191,199,209,209,202,199,194,199,199,194,183,125,109,111,125,115,95,90,89,92,103,123,163,117,109,97,89,89,95,109,163,176,163,109,97,98,115,186,194,176,160,178,194,199,194,186,176,176,186,183,183,160,112,115,183,199,204,204,194,181,157,99,93,98,109,103,89,83,89,103,152,142,95,87,87,99,101,105,139,103,105,152,163,160,150,150,147,91,76,73,77,83,85,89,103,147,103,103,111,111,111,155,170,168,160,119,119,168,181,194,204,212,212,202,183,176,119,105,105,123,220,241,209,198,199,181,147,87,87,155,196,212,196,160,77,45,33,47,73,139,176,191,186,150,71,41,19,17,27,47,71,71,63,49,41,31,31,53,155,191,191,173,165,173,181,168,89,75,83,103,155,165,176,186,189,186,176,170,176,183,191,202,215,215,204,215,215,212,212,203,212,212,212,212,212,212,215,222,196,121,102,98,111,173,196,196,186,186,189,194,194,194,186,168,111,107,111,109,115,168,189,207,220,220,196,186,194,217,235,233,228,207,183,176,178,191,191,183,127,113,109,104,109,121,129,129,173,181,194,194,191,186,181,181,176,176,176,176,129,127,123,127,176,133,123,116,116,119,129,176,181,179,181,186,181,173,170,176,183,181,125,107,85,67,67,69,85,95,107,113,115,115,115,155,157,163,163,159,163,181,191,176,157,147,147,147,139,89,73,73,73,63,51,47,55,85,155,178,194,191,163,105,105,111,155,150,111,150,155,163,165,163,111,101,97,101,105,99,99,111,170,170,157,165,183,204,204,194,181,165,107,95,87,87,87,75,72,75,101,155,150,99,67,49,43 +0,0,0,0,0,48,87,103,100,87,30,56,108,69,0,27,98,95,85,87,108,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,170,157,59,0,0,0,0,0,0,183,194,170,157,176,186,191,189,183,178,178,196,209,212,61,0,47,142,150,69,0,0,12,144,191,196,202,199,194,194,202,202,194,191,191,191,191,194,196,196,202,207,212,217,57,0,0,0,0,0,0,0,0,0,168,209,215,215,215,212,209,209,209,212,212,212,212,209,209,209,212,215,212,207,205,205,207,209,212,212,209,212,212,212,212,215,215,215,215,215,212,207,199,189,176,169,169,176,189,189,173,94,103,113,121,178,178,121,69,6,14,37,24,15,115,209,207,196,122,118,186,222,209,127,121,127,178,183,183,183,189,186,133,129,178,189,189,176,169,176,204,176,49,53,176,194,204,204,183,121,127,181,183,189,191,191,191,199,209,215,217,209,177,185,202,204,202,178,93,80,80,186,212,225,215,209,209,215,217,212,19,95,125,133,133,132,204,228,235,233,230,225,225,225,222,225,225,217,119,107,115,133,137,139,189,189,183,135,135,135,137,141,189,199,204,202,199,196,189,190,194,191,189,191,196,196,194,191,189,139,135,136,186,202,204,204,199,194,189,187,189,189,189,191,196,191,137,128,129,183,194,196,137,131,181,189,196,202,204,215,196,118,125,204,212,212,202,196,199,199,194,196,204,202,186,53,41,26,89,209,215,217,222,235,246,147,131,186,204,217,217,212,209,209,196,186,191,222,230,233,235,230,212,202,196,194,191,191,191,187,187,191,194,199,207,212,207,199,191,191,194,199,196,199,212,225,230,235,238,238,230,222,217,209,191,189,196,215,225,228,228,230,233,233,233,233,228,228,228,225,215,196,204,204,196,186,209,228,235,238,238,238,238,233,235,241,233,209,143,89,24,71,133,233,241,230,233,228,228,230,235,241,243,238,235,233,238,241,241,241,238,238,235,233,233,238,235,230,233,235,233,170,0,0,0,0,43,115,191,215,225,228,228,228,228,233,173,194,228,230,230,233,233,230,230,230,230,233,235,235,238,238,235,235,235,235,235,238,238,238,238,238,235,233,233,233,235,235,235,230,230,225,222,228,246,78,54,105,183,191,173,176,202,215,215,81,70,83,55,11,0,0,7,3,79,191,191,173,152,91,25,81,194,230,238,204,189,191,255,222,55,0,0,0,0,47,217,225,222,27,0,0,7,97,230,233,228,243,246,243,243,243,241,235,230,230,233,235,238,235,228,228,233,238,238,238,235,235,235,235,235,235,235,238,238,238,238,238,235,228,212,207,207,209,207,204,199,199,207,228,241,243,235,115,108,115,207,209,129,133,141,202,202,194,191,196,204,209,215,217,215,209,212,215,207,194,194,207,228,228,209,204,207,199,138,141,202,225,233,233,233,235,235,233,233,233,233,233,238,235,215,207,207,212,217,212,202,200,204,209,217,228,230,230,230,225,209,189,196,204,199,189,131,131,186,199,194,137,138,191,202,207,209,212,215,215,217,217,217,222,225,228,228,215,196,142,141,143,189,191,139,137,137,196,141,194,179,172,186,199,199,199,202,204,212,209,207,207,207,207,204,196,196,199,196,194,196,207,222,225,212,132,131,139,189,194,207,212,217,228,233,228,207,196,196,196,191,194,202,196,190,191,191,194,209,215,202,189,199,139,135,134,135,207,204,196,191,199,207,212,217,209,199,202,212,185,178,215,215,186,116,117,129,139,196,215,228,225,207,123,104,114,186,186,137,139,202,204,177,186,199,202,204,212,204,196,196,204,217,230,233,230,233,233,235,235,235,235,233,233,233,233,235,235,238,238,238,235,235,235,235,235,235,233,233,233,233,233,233,233,235,235,238,238,235,235,235,235,235,235,233,230,233,233,235,235,235,233,233,233,233,235,238,238,235,233,233,235,235,238,238,238,241,238,238,238,238,238,238,238,238,238,238,235,235,238,238,241,238,238,238,238,238,235,235,235,228,215,207,202,204,209,215,225,230,233,233,233,230,225,215,209,215,222,225,217,215,212,212,212,215,215,215,209,204,194,190,191,204,212,212,209,207,209,215,217,217,215,217,217,217,217,225,230,228,222,215,215,215,215,215,217,220,222,222,222,222,212,204,196,199,209,217,215,212,209,209,207,207,207,207,204,202,199,202,202,202,204,204,202,196,194,199,207,215,217,215,212,212,212,212,212,209,204,202,202,200,200,202,204,202,199,199,199,202,202,204,207,207,202,199,196,196,199,199,199,196,194,191,191,196,202,202,196,194,199,204,204,204,204,207,204,202,194,192,194,199,204,207,209,207,202,200,200,202,204,204,204,207,207,209,209,209,207,207,207,209,209,209,207,204,202,202,204,207,207,204,202,199,202,204,202,199,198,199,199,196,196,196,199,202,204,204,202,202,207,207,207,204,199,196,196,196,199,199,199,196,196,196,196,196,195,196,199,199,202,202,204,202,199,199,199,199,199,199,194,191,190,191,194,194,194,194,196,202,202,199,204,209,215,217,220,222,225,228,230,233,233,233,233,235,235,235,235,230,228,228,225,222,220,222,228,233,235,235,233,233,235,241,243,243,241,235,233,228,217,212,209,209,207,207,204,204,202,202,204,204,204,202,202,204,207,209,215,217,217,215,215,217,217,215,215,215,212,212,209,209,207,207,204,202,202,196,194,146,146,147,199,204,209,215,220,225,230,233,238,243,246,246,241,238,238,238,235,230,217,215,216,222,228,233,233,230,228,235,241,246,243,238,233,233,235,241,243,243,243,243,243,243,243,243,246,248,251,251,254,255,255,255,255,255,250,250,251,254,255,255,255,255,255,255,255,255,255,255,254,248,246,244,244,244,248,255,255,255,255,255,255,255,255,248,235,238,246,0,255,255,255,255,246,243,248,255,255,255,255,255,255,255,255,255,255,254,248,241,45,37,25,23,23,25,29,29,23,11,0,0,0,0,0,11,25,31,31,39,51,59,69,75,77,85,121,144,163,155,126,81,83,144,186,194,186,170,152,101,85,57,51,54,97,199,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,238,173,166,166,167,165,163,163,163,165,165,217,157,155,151,147,147,148,148,194,191,141,139,137,131,125,127,127,168,123,117,115,113,152,157,152,152,152,147,134,134,129,91,81,69,59,49,39,37,37,39,33,29,27,21,17,17,13,13,17,17,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,33,56,59,51,40,12,0,0,0,0,27,53,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,31,29,0,0,0,0,0,21,57,105,105,59,7,0,0,0,0,0,15,59,95,157,183,207,255,255,246,212,204,212,241,254,243,212,194,194,204,207,202,189,173,163,163,160,176,196,202,194,176,157,99,73,47,17,0,0,0,0,0,13,51,126,181,199,196,173,139,121,87,113,113,113,131,142,142,129,116,116,121,121,124,124,116,98,51,25,7,0,0,0,0,0,0,0,0,0,29,126,139,137,124,131,196,217,225,235,243,228,217,217,217,217,217,207,186,83,3,0,11,29,39,57,75,85,97,105,107,99,99,107,111,113,160,160,165,173,183,191,199,202,209,207,202,194,194,194,189,183,125,103,93,93,107,113,101,95,95,109,123,168,163,117,115,113,109,107,103,109,115,160,115,99,94,96,117,194,194,176,163,163,165,168,183,186,186,186,194,191,181,160,112,115,181,189,191,196,196,189,165,103,95,98,105,105,91,83,83,95,107,97,73,66,71,87,101,101,101,93,99,157,170,160,99,93,97,91,81,79,81,83,85,89,97,97,92,94,103,155,170,173,173,170,168,168,170,178,186,194,196,209,209,202,194,191,183,127,127,194,248,255,230,207,202,181,103,73,73,105,181,196,186,152,77,45,33,49,77,139,165,183,176,144,67,27,7,1,0,17,49,59,57,53,49,45,49,65,181,230,233,199,176,181,189,181,105,75,69,85,111,165,181,194,194,176,168,168,176,183,202,215,215,202,191,186,191,202,204,204,212,217,222,212,199,199,209,209,189,115,95,95,107,173,186,181,168,163,168,181,189,194,183,163,106,103,109,115,160,176,189,209,225,225,207,186,186,217,225,228,228,204,178,165,176,181,181,173,121,113,107,104,107,121,176,173,173,186,194,204,204,194,194,194,181,176,133,133,129,129,123,123,133,133,127,117,117,123,173,181,191,194,191,191,181,173,169,170,181,181,173,113,91,75,69,71,85,95,105,113,119,155,114,114,155,163,168,160,163,170,178,176,163,144,105,95,85,73,73,77,71,57,48,48,61,99,176,202,202,183,163,108,108,157,170,170,163,163,157,157,157,155,111,99,95,97,99,97,99,111,155,107,87,95,157,181,194,183,181,168,147,103,95,95,89,87,75,75,101,144,101,73,53,45,43 +0,0,0,0,0,0,0,77,90,77,0,0,74,64,0,0,90,87,56,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,165,25,0,0,0,0,0,79,194,196,183,173,173,183,194,194,191,183,181,186,202,204,131,0,105,165,165,137,51,47,152,181,183,186,194,196,194,194,199,202,196,194,194,194,194,196,196,196,202,209,209,196,29,0,0,0,0,0,0,0,0,0,71,204,215,217,215,212,209,207,207,207,209,212,212,212,209,209,212,215,212,207,205,207,207,207,207,209,212,212,212,215,215,217,217,217,217,217,217,215,209,199,186,176,173,186,194,189,115,73,94,119,181,189,189,125,97,53,24,24,23,101,217,225,217,207,127,116,122,212,194,178,129,126,129,173,133,131,176,181,178,178,189,202,202,183,174,178,194,191,107,105,181,181,119,133,121,112,115,125,178,183,189,189,186,191,204,209,212,207,161,170,191,202,207,215,222,86,76,191,217,225,217,212,215,220,222,209,12,113,129,133,176,178,209,228,233,230,228,228,228,228,222,222,228,228,235,99,115,133,137,137,183,186,139,135,135,186,191,194,199,202,202,190,187,199,191,189,191,191,191,194,196,202,199,196,189,138,136,140,204,212,215,209,202,196,191,189,187,186,191,199,207,204,137,128,135,196,204,196,119,117,131,181,181,186,199,209,191,116,127,204,207,204,194,191,199,207,209,209,215,222,233,233,228,196,111,202,209,212,222,235,235,155,153,183,196,202,202,202,202,202,191,181,183,215,222,228,235,235,225,212,207,199,196,196,191,186,186,187,191,194,194,196,196,196,196,199,202,202,199,196,204,215,228,235,235,233,228,225,222,215,199,191,196,217,225,228,233,233,233,230,230,230,228,225,215,207,183,118,121,196,189,135,209,228,233,235,238,238,238,235,235,230,209,209,225,225,131,125,103,111,241,233,228,228,228,230,235,241,241,235,230,228,233,235,238,238,235,235,235,235,238,238,238,238,241,233,209,19,0,0,0,47,97,119,173,204,217,225,225,230,228,212,27,109,220,228,230,230,228,228,230,230,230,233,235,238,238,238,238,238,238,238,238,238,238,241,241,238,238,235,233,233,235,235,235,233,230,225,228,228,217,73,75,225,233,235,230,225,225,228,225,217,178,97,31,0,0,0,0,0,35,168,186,173,77,0,0,0,27,116,124,19,47,124,131,45,0,0,0,0,0,0,1,57,27,0,0,0,173,235,243,241,235,238,241,241,238,238,238,235,235,233,233,233,235,230,226,226,230,235,238,235,235,235,235,235,235,235,235,235,238,238,238,235,235,235,230,222,212,204,198,198,198,199,207,222,228,228,215,199,141,202,222,215,129,189,209,217,209,191,190,202,217,225,225,215,207,199,199,202,196,143,191,204,217,217,209,212,212,199,136,141,209,230,235,235,235,238,238,235,235,235,235,235,238,238,225,209,207,212,217,215,209,212,217,222,228,228,228,230,233,228,212,194,191,189,186,191,186,135,137,141,139,138,143,194,202,212,215,215,215,215,215,215,215,217,220,222,222,215,202,191,191,196,202,204,202,194,127,118,96,189,186,181,191,196,196,199,202,202,204,209,207,202,189,189,199,199,199,196,143,139,141,191,207,209,196,141,137,141,191,196,202,189,135,209,222,222,212,207,207,199,189,187,194,194,191,191,190,190,204,209,194,186,204,207,189,133,122,204,207,202,196,191,137,137,207,212,204,207,204,179,177,189,194,194,139,129,123,121,122,186,207,207,133,114,109,122,131,126,121,121,186,199,185,189,199,207,212,215,204,195,196,209,230,235,235,233,233,233,233,235,235,235,233,233,233,233,235,238,238,241,241,238,238,238,238,238,235,235,233,233,233,233,233,233,235,235,238,238,235,235,235,235,235,235,233,233,233,235,235,235,235,235,233,233,233,235,238,235,233,230,230,233,235,238,238,238,238,238,238,241,241,241,241,241,241,241,238,235,235,238,238,241,238,238,238,238,238,235,235,238,230,212,204,202,204,209,217,225,230,233,233,233,230,225,212,207,204,207,209,217,222,217,212,212,212,217,222,222,209,194,192,199,209,217,217,215,209,209,215,217,217,217,217,217,222,225,228,230,228,222,215,215,209,207,209,217,225,222,222,222,222,217,212,207,207,215,217,215,212,209,209,207,207,207,207,204,199,198,199,202,204,204,204,202,194,192,194,204,209,212,212,209,209,209,209,209,207,204,204,202,200,200,202,204,199,198,199,202,202,202,204,207,207,207,202,199,196,196,196,196,194,194,194,194,199,204,204,202,199,202,207,207,207,207,209,209,204,199,194,194,199,202,204,207,204,202,200,202,204,207,207,204,202,204,207,209,209,207,207,207,207,207,209,207,204,204,204,207,209,209,207,202,196,196,204,204,202,199,199,202,199,199,196,196,199,204,204,202,204,207,209,207,202,196,196,196,196,196,199,199,199,199,196,199,196,195,195,196,199,202,202,202,199,196,199,202,202,202,199,196,194,194,191,191,191,194,194,196,204,204,204,207,212,217,225,222,225,225,228,230,233,233,233,233,233,235,235,233,230,228,225,225,222,220,222,225,230,235,235,235,235,238,243,246,246,243,241,238,233,225,217,215,215,215,212,209,207,204,204,207,207,207,204,204,204,204,209,212,215,215,215,215,217,217,215,215,215,212,212,209,207,207,207,207,204,202,196,194,146,146,147,196,202,204,209,212,217,225,230,238,243,248,248,243,238,238,241,238,230,217,215,216,222,230,238,241,238,235,238,243,246,243,238,233,233,238,243,246,246,246,246,243,243,243,243,246,248,251,254,255,255,255,255,255,255,251,251,254,255,255,255,255,255,255,255,255,255,255,251,248,246,246,246,246,248,255,255,255,255,255,255,255,255,255,243,230,233,0,0,0,255,255,251,241,238,243,255,255,255,255,255,255,255,255,255,255,254,248,241,45,37,29,23,29,37,43,43,29,17,0,0,0,0,0,11,19,25,25,29,39,45,51,57,69,71,81,129,144,139,91,81,85,152,186,191,186,163,111,97,85,59,52,55,93,189,238,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,246,238,173,167,167,167,171,171,163,154,155,155,155,151,149,147,147,148,153,199,202,194,143,143,186,139,133,127,129,129,168,119,119,119,157,157,160,160,163,163,155,155,150,134,89,79,67,55,49,49,49,49,39,35,29,23,19,17,19,15,17,20,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,25,0,0,0,0,7,0,0,0,0,0,0,66,74,66,40,1,0,0,0,0,1,43,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,51,87,79,19,0,0,0,11,39,90,108,105,65,45,21,13,23,43,69,91,152,176,199,220,238,251,254,246,212,186,189,204,225,235,225,204,204,204,199,186,163,163,178,194,207,238,251,246,215,189,163,93,67,47,23,11,3,1,7,19,35,71,168,215,215,196,163,131,118,87,121,0,0,155,165,155,137,124,116,116,105,100,105,105,103,85,31,0,0,0,0,0,0,0,0,0,0,0,43,100,111,75,77,165,207,235,246,238,217,211,215,225,228,225,207,191,157,41,17,23,17,25,39,51,75,105,170,181,160,113,157,160,170,178,183,183,183,191,199,202,202,202,194,194,194,194,189,183,183,173,111,96,93,99,103,109,109,115,125,176,176,163,163,123,160,163,160,115,115,111,113,109,103,97,103,168,194,186,163,111,111,111,115,176,191,191,194,194,183,165,115,113,160,173,183,189,196,196,191,170,111,99,99,103,103,95,79,65,65,81,73,65,66,77,89,93,89,86,86,93,152,168,150,99,91,88,91,95,91,83,73,73,79,91,95,92,95,113,165,173,173,157,119,163,173,181,186,186,189,194,204,204,204,204,212,212,209,209,235,255,255,255,241,217,178,89,61,57,81,155,178,173,150,77,41,30,41,69,131,152,165,170,147,77,35,7,0,0,0,39,55,57,57,55,49,49,65,173,222,225,194,176,183,199,189,111,69,65,69,95,119,181,194,189,170,164,165,176,191,207,215,202,186,173,169,173,191,204,212,212,212,217,212,196,196,202,209,189,119,102,102,117,173,178,168,113,103,103,117,168,183,181,163,107,103,107,115,157,168,189,217,228,228,207,176,176,194,215,217,215,191,168,121,121,123,127,127,121,121,115,107,109,121,176,176,173,181,191,194,194,204,207,204,186,133,127,127,127,127,121,121,133,176,129,127,129,176,186,204,217,222,217,204,186,176,170,169,176,181,176,125,111,99,89,87,91,99,111,119,163,163,157,155,155,165,170,163,163,173,178,170,144,91,70,64,68,70,73,73,65,51,47,49,75,163,209,222,202,178,163,155,155,165,170,170,170,168,163,157,157,155,111,101,97,99,99,99,101,105,99,81,75,83,109,173,181,181,176,173,160,147,103,101,95,95,87,87,95,101,89,55,43,45,53 +0,0,0,0,0,0,0,61,111,82,0,0,59,183,56,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,0,0,0,0,0,0,118,196,196,189,181,173,178,191,196,196,194,189,189,194,186,147,111,126,163,165,144,144,160,165,155,139,160,178,191,194,194,196,196,196,196,196,196,202,204,202,202,204,207,207,204,147,21,0,0,0,0,0,0,0,0,0,165,204,207,207,209,209,207,207,205,205,209,212,212,209,212,212,212,212,209,209,209,209,205,205,209,212,212,212,215,215,217,217,215,215,215,215,215,212,204,194,186,183,189,191,186,129,85,93,125,181,191,196,189,178,178,123,87,83,183,217,217,212,207,183,122,124,181,178,176,173,127,176,189,181,131,119,111,121,181,194,202,204,199,191,186,191,196,191,181,178,125,99,117,117,112,112,113,127,181,189,189,176,181,199,204,207,202,164,172,187,196,204,217,241,111,69,183,217,225,220,217,217,225,228,133,0,115,131,133,176,181,207,222,228,228,228,228,228,230,222,217,222,230,255,93,105,129,135,135,137,135,134,133,134,189,202,207,212,215,204,187,181,199,196,191,191,191,196,204,207,212,207,199,191,141,141,196,209,217,217,209,202,199,196,191,186,187,196,207,215,212,135,126,139,199,207,204,123,121,183,183,137,183,191,199,194,183,199,207,194,187,186,186,194,209,217,220,217,222,228,233,238,255,119,137,191,194,209,228,215,161,168,191,194,191,189,194,196,194,186,181,186,209,217,228,233,235,233,222,212,202,196,196,194,189,189,196,199,199,196,194,194,194,194,196,199,202,196,194,199,215,230,235,233,230,230,230,222,217,212,199,194,207,217,233,238,233,230,230,228,225,220,202,112,114,118,114,118,135,127,118,204,225,230,235,238,238,238,235,230,202,139,196,222,225,217,220,121,102,133,225,230,230,230,230,233,238,235,233,225,225,228,233,235,233,233,235,235,238,235,235,238,251,255,220,63,0,0,0,49,101,123,165,178,191,207,217,222,233,235,217,20,49,209,228,230,228,222,222,222,225,228,230,233,235,238,238,238,235,235,235,238,238,238,238,235,235,235,235,235,233,233,235,235,233,228,222,228,225,178,93,207,230,233,233,233,233,233,233,230,228,235,233,196,23,0,13,101,168,150,165,189,181,51,0,0,0,0,0,0,0,37,39,0,0,0,0,0,0,0,0,0,0,0,0,0,196,238,241,241,238,235,233,235,235,235,235,238,238,235,233,230,230,228,228,226,226,228,230,233,235,235,235,235,235,235,233,233,233,235,235,235,235,238,238,235,228,217,207,199,196,198,199,204,204,204,204,199,191,141,189,196,189,128,189,207,215,209,194,191,202,212,225,228,222,212,204,204,199,143,137,139,189,191,194,202,209,209,196,139,143,207,228,235,238,241,241,238,235,235,238,238,238,241,241,225,209,207,215,222,217,217,228,230,230,228,226,228,230,233,230,217,199,186,140,141,194,199,141,134,137,139,141,194,194,196,212,215,217,220,222,222,217,217,217,217,215,215,212,204,202,204,212,222,225,225,212,125,104,84,189,199,196,194,191,191,204,209,202,194,202,204,196,183,185,196,204,207,202,137,135,136,139,191,194,141,141,138,186,199,207,199,118,97,139,199,209,217,222,217,204,190,190,194,194,194,194,190,189,199,204,191,183,199,212,207,186,135,194,202,204,202,189,123,118,122,126,135,196,194,182,181,185,186,191,196,186,123,114,114,123,194,209,199,139,135,137,135,129,130,133,186,191,187,191,204,215,228,228,212,199,202,217,233,238,235,233,230,230,230,233,233,233,233,230,233,233,235,238,241,243,243,241,241,238,238,235,235,235,233,233,233,233,233,233,235,235,238,238,235,235,235,235,235,235,233,231,233,233,235,238,238,235,235,235,235,235,238,235,233,228,228,230,233,235,235,235,235,238,238,241,241,241,241,241,241,241,238,235,235,235,238,238,238,238,235,238,238,235,235,238,230,212,202,200,202,209,215,217,222,222,222,225,228,225,215,207,202,200,202,225,230,228,217,212,215,217,222,225,215,202,199,207,212,217,217,215,212,209,215,222,222,217,216,222,225,225,228,228,225,222,217,215,207,205,209,222,228,225,222,222,222,222,217,212,212,215,215,215,212,209,209,207,207,207,207,204,202,198,199,202,204,204,204,202,196,194,196,202,207,209,209,207,207,207,204,202,199,202,204,204,202,202,202,204,202,199,202,204,204,204,204,204,207,204,202,199,196,196,196,196,194,191,194,196,202,204,207,204,204,207,209,209,207,209,212,212,209,202,196,194,196,199,202,202,202,202,202,204,207,207,204,202,199,199,204,209,209,207,207,207,207,207,207,204,204,202,204,207,209,209,207,196,186,186,194,202,202,202,202,204,202,199,196,196,199,202,202,202,202,207,204,202,196,196,196,195,196,196,196,196,196,196,196,199,199,196,195,196,199,199,199,196,196,196,199,202,202,202,199,199,196,196,194,191,194,194,196,202,204,204,204,209,215,222,225,225,225,228,230,233,233,233,233,233,233,230,230,230,230,228,225,225,222,220,222,225,228,230,233,235,235,235,241,243,243,243,241,241,235,230,225,225,222,222,217,212,209,207,209,209,209,209,207,207,207,207,209,212,215,215,215,215,217,217,215,215,215,212,209,209,207,205,207,207,207,202,196,194,147,146,146,194,196,202,204,207,212,217,228,235,243,248,248,243,238,235,235,235,230,222,216,216,222,233,241,246,248,246,243,241,241,238,235,233,235,241,246,248,248,246,246,243,243,243,243,243,246,248,251,254,255,255,255,255,255,254,254,255,255,255,255,255,255,255,255,255,255,254,251,248,246,248,251,254,255,255,255,255,255,255,255,255,255,251,233,225,0,0,0,0,255,255,243,235,235,243,255,255,255,255,255,255,255,255,255,255,254,248,243,49,39,37,43,45,51,57,49,31,13,0,0,0,0,0,5,17,19,19,25,25,31,39,45,51,57,69,77,118,118,85,87,137,163,186,186,170,163,152,99,85,69,57,59,91,127,212,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,246,238,233,173,175,175,228,171,163,154,155,153,149,149,151,151,151,207,225,233,233,212,207,196,196,189,133,127,129,129,129,168,168,163,165,165,173,173,176,176,176,165,160,150,126,81,73,63,55,55,57,57,51,43,41,35,25,23,19,19,25,27,20,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,43,4,0,0,7,20,20,0,0,0,0,0,66,66,51,12,0,0,0,0,0,0,12,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,74,64,29,15,11,19,37,57,108,113,103,71,67,79,142,186,251,246,196,173,173,199,233,241,241,243,238,194,178,178,189,202,207,209,204,204,204,204,189,163,160,189,228,255,255,255,255,241,199,163,91,61,41,23,11,3,7,29,45,59,91,194,248,248,196,163,126,87,87,121,0,0,165,168,155,134,124,124,116,90,55,51,59,87,77,31,0,0,0,0,0,0,0,0,0,0,0,0,45,67,65,75,147,204,217,225,215,208,208,215,235,246,254,207,178,157,111,173,99,19,29,41,57,79,147,181,181,170,170,173,181,183,189,183,183,183,191,202,202,194,183,183,183,183,189,183,183,183,194,183,125,103,99,102,109,115,125,176,186,176,176,123,115,114,116,163,168,163,115,113,111,111,113,160,176,186,168,109,99,101,103,109,117,176,176,186,191,181,121,109,113,160,168,181,189,191,196,186,170,155,111,103,103,99,89,73,59,57,65,67,67,83,95,95,89,84,83,84,93,152,168,160,150,105,90,95,105,103,85,72,70,75,91,97,95,99,113,157,165,155,110,111,163,181,194,196,196,189,187,194,196,196,204,220,230,233,241,248,255,255,255,255,233,176,87,52,47,65,103,155,163,152,79,41,27,35,63,116,139,157,170,160,118,53,0,0,0,19,47,59,63,63,61,49,47,55,147,183,191,178,173,183,199,189,152,69,62,65,85,117,176,186,178,168,160,165,183,202,215,202,183,172,168,169,173,191,202,212,204,202,204,199,199,199,209,209,196,170,111,107,119,173,178,163,105,83,77,87,109,168,176,168,113,105,105,109,115,160,183,215,228,225,194,176,176,186,194,186,186,183,165,113,109,109,113,121,127,127,123,113,107,121,127,129,127,129,176,181,186,191,207,207,194,133,119,115,123,123,121,123,133,181,181,176,181,191,204,215,225,235,233,212,194,183,176,169,172,178,183,178,125,113,105,99,99,101,111,121,168,170,170,168,163,163,165,163,170,178,178,163,101,73,64,62,69,91,91,73,57,47,46,55,99,181,230,230,202,176,168,163,168,163,157,156,168,168,163,163,163,155,113,105,99,99,99,99,105,107,95,80,81,93,155,173,181,181,181,173,155,147,101,101,101,101,101,93,95,99,83,47,39,47,61 +0,0,0,0,0,0,0,0,0,0,0,0,0,165,113,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,202,196,189,186,170,173,183,191,194,194,191,194,189,178,147,126,131,134,53,39,91,163,168,160,152,144,155,173,183,189,194,199,199,199,199,202,207,209,207,204,207,204,204,220,238,212,0,0,0,0,0,0,0,0,0,5,157,168,186,196,204,209,209,207,205,207,209,212,212,212,212,215,212,212,212,212,209,207,207,209,209,209,209,212,215,215,215,212,212,212,212,212,209,207,199,194,191,191,183,176,178,127,113,178,178,181,183,183,176,173,170,117,107,176,202,209,207,199,186,173,129,173,170,125,111,121,199,209,204,199,106,91,101,178,196,196,194,199,199,189,186,191,194,191,186,133,109,119,121,117,114,115,125,178,189,189,121,125,191,199,202,202,187,191,194,194,196,204,220,115,54,131,217,225,222,220,217,225,230,47,0,89,125,131,133,176,202,215,220,225,228,228,228,228,225,217,220,235,255,94,98,121,135,137,134,133,133,134,135,191,204,212,217,217,209,190,183,196,202,199,194,191,202,215,222,222,215,207,196,191,194,202,209,215,215,207,199,202,207,196,187,189,202,207,209,202,121,116,129,137,189,202,202,207,207,189,137,183,191,194,194,199,207,202,189,186,186,187,191,204,217,217,212,209,209,209,212,228,108,109,131,135,191,215,212,183,194,202,189,133,117,139,189,189,189,183,189,204,215,222,228,230,230,225,212,199,189,191,191,194,202,212,215,212,204,202,199,194,192,194,199,199,190,189,202,222,230,233,230,230,230,233,225,215,212,199,191,191,204,222,225,220,225,217,117,117,194,183,108,112,123,127,194,183,118,103,196,217,230,233,238,235,230,228,212,133,131,199,222,228,228,230,222,119,107,215,235,235,235,233,233,235,233,228,222,222,228,233,233,230,228,230,233,238,238,235,233,243,246,101,0,0,0,0,103,165,183,194,207,199,207,209,212,228,241,241,61,23,204,230,233,228,225,221,220,221,222,228,230,235,235,238,235,235,235,238,238,238,235,235,233,233,235,238,235,233,233,233,233,230,225,222,222,220,109,117,233,230,229,228,230,233,230,228,225,228,235,241,238,181,17,87,243,255,220,204,212,225,215,77,0,0,0,0,0,0,144,55,0,0,0,0,0,0,0,0,0,0,0,0,183,238,238,238,235,235,238,233,233,233,235,238,238,238,235,235,230,226,225,226,228,230,228,230,230,233,235,235,233,233,233,230,233,233,233,233,233,235,235,235,233,228,222,212,207,199,202,202,202,199,194,194,191,141,139,141,143,139,131,139,189,202,204,199,196,202,204,209,222,228,230,230,225,212,139,134,134,137,139,143,194,202,202,194,141,139,196,212,225,233,241,243,241,238,235,238,238,238,241,235,215,202,199,212,215,212,217,230,233,230,226,226,230,233,233,230,225,209,141,140,141,191,196,186,139,189,194,191,186,181,189,215,222,225,228,230,230,228,222,220,217,215,209,207,202,202,209,222,230,235,235,222,199,115,96,196,204,204,202,191,190,204,215,204,190,191,196,196,190,190,199,207,209,204,139,138,141,138,139,189,189,189,139,191,207,217,212,118,99,129,186,202,217,228,222,209,202,202,199,199,199,196,191,191,196,204,202,189,196,209,209,202,191,194,202,207,207,202,130,120,120,118,131,199,199,194,194,191,186,172,186,194,139,119,116,125,202,225,230,222,186,137,139,139,191,194,189,189,189,191,207,217,230,230,217,209,209,222,233,235,235,233,230,230,230,230,233,230,230,230,230,233,235,238,243,243,243,243,241,238,235,233,233,233,233,233,233,233,233,233,235,235,238,238,238,235,235,235,235,235,233,231,233,233,235,238,238,238,238,238,238,238,238,235,233,228,226,228,230,233,233,233,233,235,238,238,238,238,238,238,238,238,238,235,235,235,235,235,235,235,235,235,235,233,235,238,230,209,200,200,204,209,209,204,202,202,207,215,217,217,212,204,202,202,204,222,230,225,217,212,215,217,222,222,222,212,204,204,212,217,217,215,212,209,215,225,225,222,216,217,222,222,225,225,225,222,217,215,209,207,215,228,230,228,225,225,225,225,222,215,212,212,215,212,212,209,209,207,207,207,207,207,202,199,199,204,207,207,204,204,204,202,202,202,204,207,209,209,207,207,199,196,195,199,204,207,202,202,202,204,202,202,204,207,207,204,204,204,204,202,199,199,199,199,199,196,194,191,194,196,199,202,204,207,209,209,209,209,207,207,209,212,209,202,196,194,194,196,196,199,202,202,204,204,204,204,204,199,195,196,204,207,209,207,207,207,207,204,204,202,199,199,202,204,207,207,204,196,137,134,137,194,202,204,204,202,199,196,196,196,199,199,199,196,199,199,199,194,194,196,196,196,196,196,196,196,196,196,196,199,199,196,196,196,199,199,196,196,199,202,202,202,202,199,196,196,199,196,194,194,194,199,202,204,207,204,204,209,217,222,225,225,228,230,233,233,235,235,235,235,230,225,225,225,225,225,225,225,225,222,222,225,228,228,230,233,233,230,233,235,238,241,241,241,238,233,230,228,228,225,222,217,212,212,212,212,215,212,212,209,207,207,209,212,215,217,217,217,217,217,217,215,215,212,209,207,207,205,207,209,207,202,196,194,191,146,146,147,194,196,199,202,207,212,222,230,238,243,243,241,235,228,228,230,230,225,217,217,225,235,243,248,251,248,243,238,233,230,229,230,235,243,248,248,246,246,243,243,241,241,241,238,241,243,248,251,254,255,255,255,254,251,251,255,255,255,255,255,254,251,248,251,254,254,251,251,248,251,255,255,254,255,255,255,255,254,254,254,251,241,228,222,0,0,0,0,255,246,234,233,233,241,255,255,255,255,255,255,255,255,255,255,254,248,243,57,57,69,75,75,69,57,39,19,5,0,0,0,0,0,0,11,17,17,19,23,31,39,39,39,45,51,57,59,75,118,137,160,173,173,165,163,165,155,99,77,71,67,71,91,113,196,235,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,246,241,233,177,175,174,228,171,171,165,163,155,155,157,157,159,222,235,246,255,255,246,230,212,204,191,135,127,129,129,131,170,170,173,173,173,181,186,191,194,186,173,165,152,131,85,73,63,55,55,57,57,57,77,69,41,35,29,25,33,27,27,20,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,66,33,0,0,0,20,0,0,0,0,0,59,51,33,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,43,0,0,0,0,0,0,0,9,37,29,19,39,43,37,43,90,108,69,45,31,45,79,170,235,255,255,186,73,65,147,202,238,241,241,222,186,178,179,194,202,207,204,204,196,202,202,181,113,109,181,222,255,255,255,255,243,196,163,87,59,31,13,0,0,0,33,63,71,91,194,255,255,196,152,121,84,87,129,0,0,170,173,155,134,124,124,116,87,31,17,21,37,39,19,0,0,0,0,0,0,0,0,0,0,0,0,19,35,31,55,129,196,207,215,215,212,215,238,255,255,228,186,103,91,107,178,97,7,16,35,63,99,160,173,170,170,181,183,191,191,189,183,181,183,191,202,199,189,176,172,174,183,183,181,173,183,194,199,183,115,107,109,115,117,125,176,183,176,163,117,113,113,117,176,176,176,163,117,117,163,176,176,170,163,109,97,95,99,105,103,103,109,115,163,176,173,113,108,108,113,160,181,191,196,189,181,165,157,155,109,103,97,89,77,67,64,67,73,83,93,93,87,87,93,87,87,93,105,152,150,147,105,99,101,150,147,95,79,73,79,95,97,95,95,103,113,155,111,110,111,163,181,191,196,199,196,187,189,189,187,194,207,217,220,241,243,255,255,255,255,241,189,93,52,43,55,81,134,147,144,83,45,26,29,57,83,134,152,170,170,147,73,41,25,25,41,61,69,71,71,65,55,49,55,142,176,176,166,168,181,191,181,113,71,62,67,95,160,173,176,168,164,159,168,186,215,215,191,173,169,169,173,191,199,199,199,199,194,189,189,199,209,209,209,196,176,117,111,117,168,181,178,113,79,67,69,87,115,176,170,119,107,105,109,113,157,183,209,217,215,191,168,168,176,176,168,173,176,165,113,106,106,113,123,127,168,127,109,105,113,121,123,121,123,129,173,181,191,207,215,207,176,119,113,119,127,127,129,183,191,191,183,191,194,204,212,222,235,233,215,207,204,191,176,173,181,194,189,178,125,111,105,99,101,107,119,170,178,183,178,170,163,163,163,176,189,178,155,101,91,73,73,91,107,105,75,55,46,46,61,105,194,230,230,189,170,170,173,178,170,157,156,163,165,168,168,168,163,155,107,105,99,91,91,105,155,111,99,95,113,165,181,191,191,183,176,155,109,101,101,107,107,139,101,93,99,75,43,31,39,59 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,69,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,189,194,186,181,164,165,176,186,194,191,189,196,186,178,150,126,129,118,12,0,36,155,165,173,183,147,139,147,165,176,189,199,207,204,202,207,212,212,207,202,204,207,203,212,235,233,0,0,0,0,0,0,0,0,0,0,5,116,150,176,194,207,212,209,205,207,209,209,212,212,212,215,215,215,212,212,209,207,209,209,209,207,207,209,209,212,212,212,209,209,209,209,207,207,204,199,196,191,122,113,127,178,173,204,183,176,170,168,125,123,168,168,115,170,189,199,196,183,176,129,129,173,178,105,73,97,204,215,215,212,111,95,108,183,194,194,192,194,194,191,189,191,196,199,202,199,178,133,133,125,121,127,131,131,176,129,105,107,183,194,199,204,212,222,209,199,196,196,202,127,49,121,212,217,217,217,217,222,228,22,0,63,121,133,178,178,199,209,212,217,225,228,225,222,225,217,217,235,248,99,95,109,133,183,137,134,137,183,183,191,204,209,212,212,207,196,191,204,209,207,194,186,199,222,228,225,225,215,202,194,194,199,207,212,212,204,202,209,212,199,185,187,202,207,204,189,118,114,133,129,131,194,209,217,212,135,129,181,191,191,191,194,194,194,191,189,196,196,196,199,209,209,202,191,191,189,194,191,101,84,105,137,191,215,222,222,225,209,127,21,17,121,137,139,186,183,186,199,209,215,212,212,217,220,209,191,141,139,141,194,209,225,225,215,209,207,204,199,194,194,196,196,186,186,204,228,230,229,229,230,229,230,225,212,199,186,186,183,191,196,186,189,207,117,0,0,89,196,137,186,196,199,215,215,121,101,196,220,228,230,233,225,209,207,186,126,137,222,228,233,235,233,225,143,131,225,233,238,238,233,230,230,230,225,222,222,228,230,228,225,217,222,230,235,241,235,222,212,194,53,0,173,191,75,109,222,222,238,230,225,220,212,202,209,235,254,170,0,194,233,233,230,228,225,220,220,221,225,230,233,235,233,233,233,235,238,241,238,235,233,233,233,235,235,235,233,233,233,233,228,228,222,217,212,96,115,230,235,230,229,233,235,228,217,215,222,228,235,235,228,73,77,215,222,230,230,230,248,255,217,43,0,0,0,0,0,43,25,0,0,0,0,0,0,0,0,0,0,31,212,233,235,238,238,233,233,238,230,229,233,238,241,238,235,235,235,233,228,226,228,233,235,233,233,233,235,235,235,233,230,230,230,230,230,233,233,233,233,233,233,233,230,225,217,209,207,207,209,207,202,199,196,196,194,194,194,191,143,139,141,143,191,196,194,196,202,202,200,207,225,235,238,241,233,199,136,137,137,139,189,194,194,189,141,135,131,135,191,202,220,238,241,235,233,230,230,233,230,230,222,196,135,137,199,202,204,215,230,230,228,226,228,235,235,230,228,228,225,141,141,186,189,189,189,199,215,222,204,181,169,186,225,228,230,235,235,233,230,225,217,215,212,207,202,199,199,204,217,228,233,233,222,215,199,141,215,215,217,217,207,199,207,212,204,191,189,191,194,192,192,196,202,207,204,194,196,196,138,136,191,204,209,196,199,207,217,220,141,127,135,139,191,207,212,212,209,207,204,202,202,204,199,194,196,202,207,209,202,202,204,202,202,199,207,212,212,215,222,217,189,131,141,212,225,217,217,222,209,191,135,172,196,204,189,123,133,212,228,230,215,130,133,191,189,183,186,186,196,199,191,199,209,225,222,215,212,215,225,233,235,235,235,230,230,230,230,230,230,230,230,233,235,238,241,243,243,243,241,238,235,233,230,230,230,230,230,230,233,233,235,235,238,238,238,238,238,238,235,235,235,233,233,233,235,238,238,238,238,238,238,238,238,238,235,233,230,228,228,230,230,233,233,233,233,235,235,235,235,235,233,233,233,233,235,235,235,235,235,235,233,233,233,230,230,235,238,230,209,202,209,215,212,204,199,198,200,204,209,209,204,199,196,199,207,212,217,222,217,212,212,215,217,222,225,228,222,204,203,212,220,222,217,212,212,215,225,228,222,215,215,216,220,222,222,222,217,215,212,207,209,222,230,230,228,228,228,230,228,217,212,209,212,215,212,212,212,209,207,207,207,207,204,202,199,202,207,209,207,204,207,207,207,204,204,204,207,209,209,209,207,199,196,195,199,204,207,204,202,202,204,204,204,204,204,204,207,207,207,204,199,196,199,199,199,199,196,194,191,191,196,199,202,204,207,212,212,209,209,207,207,209,212,209,202,196,194,192,192,194,194,199,202,204,204,202,204,202,199,196,199,204,207,207,207,207,207,204,204,202,199,196,196,199,202,202,202,204,199,137,132,135,189,199,202,202,199,196,194,194,196,196,199,199,194,194,194,194,189,189,194,199,196,196,196,196,196,196,196,199,199,196,195,195,196,199,196,196,196,202,204,204,202,199,196,196,199,199,196,194,196,199,204,207,207,204,202,202,209,217,222,222,225,228,230,233,235,235,235,235,235,230,222,217,222,225,225,225,225,222,222,222,222,225,228,228,230,228,225,225,230,235,238,241,241,241,235,233,230,228,225,222,217,215,215,215,217,217,215,212,212,209,209,212,215,217,217,217,217,217,217,217,215,212,209,209,207,207,207,207,209,209,204,199,196,191,146,146,147,194,194,196,199,204,207,215,222,230,235,238,238,230,222,222,225,230,228,222,222,230,238,243,246,248,246,241,235,229,226,226,230,238,243,248,248,246,246,243,243,241,238,238,235,235,238,243,246,251,254,254,251,248,246,246,251,254,251,251,251,248,246,246,248,251,251,251,251,251,251,254,251,243,241,241,243,241,235,233,238,241,235,228,225,0,0,0,251,248,241,234,231,233,241,254,255,255,255,255,255,255,254,251,251,251,246,243,75,81,93,126,81,59,39,19,5,0,0,0,0,0,0,0,5,11,11,13,21,27,33,33,33,35,43,47,53,73,131,165,189,189,165,155,160,165,155,99,77,71,77,87,93,113,191,235,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,241,241,233,175,174,228,171,225,225,222,167,217,222,230,235,246,255,255,255,255,255,246,228,207,199,139,129,129,129,173,173,176,178,178,181,186,191,199,194,186,173,160,150,129,85,75,69,57,55,57,57,59,79,77,72,41,48,43,40,33,27,20,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,69,61,25,0,0,0,0,20,0,0,0,64,38,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,53,0,0,0,0,0,0,0,21,43,29,29,49,43,11,19,57,51,9,0,0,0,5,85,183,228,176,38,8,13,75,207,251,251,251,238,194,182,182,196,209,215,212,202,189,186,181,119,87,77,97,178,212,255,255,255,215,183,152,85,59,31,9,0,0,0,19,59,71,85,178,248,246,181,137,118,87,121,137,0,0,0,181,168,139,131,131,121,90,23,5,7,19,27,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,196,228,243,243,243,243,255,255,241,170,105,91,77,85,99,57,3,7,25,65,109,173,178,181,181,181,186,186,183,178,176,176,181,194,202,199,183,174,169,174,176,181,129,125,125,176,181,125,115,125,173,176,125,176,186,183,125,117,116,117,163,176,186,186,176,176,163,163,176,186,183,117,105,101,95,95,105,109,109,103,103,103,117,168,168,115,108,105,109,157,181,191,199,196,181,173,160,155,111,105,97,89,89,91,95,87,83,89,93,85,81,91,150,139,93,87,93,99,93,89,93,103,147,150,150,103,95,87,89,97,93,90,90,95,113,111,111,111,111,157,168,173,181,189,194,191,194,191,189,194,202,207,209,233,241,251,255,255,255,251,207,113,69,49,57,73,81,93,134,85,49,28,30,53,77,131,152,170,178,160,113,61,47,49,63,75,77,77,77,75,65,57,65,165,183,176,166,166,176,181,165,107,75,67,75,111,170,176,173,168,164,163,168,183,202,202,186,172,169,173,186,191,199,189,189,191,191,189,189,199,215,222,209,196,178,117,111,113,165,186,186,119,93,69,66,75,109,165,176,160,109,107,109,109,119,178,207,207,204,186,168,168,168,165,161,165,173,168,115,106,106,111,123,127,127,121,107,101,107,119,123,122,123,127,176,183,194,212,222,215,183,121,113,121,127,129,176,189,204,204,189,189,191,191,204,207,222,225,215,204,204,204,189,181,189,202,202,178,125,111,101,97,99,105,119,165,178,191,202,178,163,155,163,178,191,178,155,105,107,105,99,99,105,95,67,49,46,47,67,155,209,230,222,183,163,163,178,189,183,170,157,157,163,170,173,170,163,111,105,101,91,83,87,105,163,163,111,107,113,165,181,191,191,191,181,165,147,107,101,107,147,147,101,83,83,65,31,20,27,47 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,178,186,186,176,163,160,165,181,189,189,189,189,189,181,157,131,124,91,79,34,142,155,155,163,178,157,142,99,147,155,152,196,202,207,207,209,215,212,204,199,204,209,204,215,230,194,0,0,0,0,0,0,0,0,0,0,0,77,160,165,176,194,209,209,207,209,209,209,209,212,212,212,212,212,212,209,207,207,209,209,209,207,207,207,207,209,212,212,207,204,202,202,204,207,207,204,199,194,115,111,123,181,183,181,183,176,125,123,122,123,186,204,178,170,176,183,173,126,124,117,118,191,199,183,97,94,181,209,209,204,194,178,135,186,196,196,194,194,196,199,202,207,212,215,217,215,209,202,191,133,121,123,186,178,133,121,49,99,191,194,189,202,209,215,215,204,196,194,194,176,92,191,207,212,215,209,212,217,222,26,0,75,131,178,204,207,207,204,204,212,222,225,225,222,217,217,217,230,233,225,95,97,133,189,186,139,189,194,182,186,202,202,196,196,191,189,207,217,217,215,196,141,199,225,228,228,230,217,202,194,191,196,209,215,215,212,212,217,212,194,182,186,202,212,209,191,126,128,209,207,135,183,202,212,207,125,126,135,189,194,194,191,191,189,187,191,199,202,196,196,202,196,186,181,137,132,181,194,194,111,127,209,215,220,222,225,233,230,209,3,0,7,135,139,183,183,189,196,207,217,207,196,202,204,194,186,139,138,138,191,212,228,225,215,212,212,212,209,204,199,196,191,185,186,209,230,230,228,229,233,233,233,230,212,183,179,181,181,183,183,113,107,212,209,0,0,0,91,105,105,125,194,217,215,131,119,207,209,217,225,217,191,133,131,127,126,143,225,233,238,238,235,228,212,202,209,225,235,235,233,228,225,225,222,222,225,230,230,225,217,212,212,225,233,238,235,176,85,0,0,0,165,181,202,111,217,235,235,235,233,228,228,189,45,173,255,107,0,181,228,233,230,228,228,222,222,222,228,233,233,233,233,230,233,235,238,241,241,235,233,230,230,233,235,235,235,235,235,235,233,230,225,215,209,68,106,230,235,238,233,235,235,228,213,211,215,225,230,233,241,160,29,144,209,233,233,235,246,248,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,202,238,238,241,238,233,233,235,233,229,229,230,235,238,235,233,233,233,233,233,230,233,235,235,235,233,233,235,235,233,233,233,230,230,230,230,233,233,233,231,230,231,233,233,230,222,215,212,212,215,215,212,204,199,199,204,199,145,145,191,191,191,191,143,139,140,189,204,202,202,204,217,228,233,238,238,235,233,204,191,143,189,191,141,133,131,129,126,123,109,135,212,228,233,209,194,196,196,202,207,209,191,128,106,112,124,141,204,217,230,233,230,230,233,238,238,230,228,228,225,207,189,186,189,189,191,207,230,235,225,199,194,209,217,217,228,228,228,230,228,222,215,212,207,202,199,199,202,204,209,220,225,220,209,202,202,207,217,228,228,222,212,204,212,215,204,190,189,194,194,194,194,196,199,202,202,202,202,196,143,191,207,222,228,217,202,194,191,129,129,194,202,137,129,131,186,204,209,204,199,194,202,207,199,194,199,209,212,212,207,202,199,199,202,209,220,225,225,228,228,228,222,139,204,222,233,233,230,233,235,230,168,174,194,202,125,114,125,207,222,225,199,125,133,207,196,186,141,189,204,202,196,199,194,202,209,207,209,217,228,233,235,235,233,233,230,230,233,233,230,230,233,235,238,238,241,241,241,241,238,235,233,233,230,229,229,229,228,229,230,233,238,238,238,238,241,241,241,238,235,233,235,235,235,238,238,238,238,235,238,238,238,238,238,238,238,235,235,233,230,230,230,233,235,235,233,230,230,233,233,233,230,230,230,230,233,233,235,235,235,235,235,233,230,228,228,233,235,228,215,209,215,215,209,202,200,202,209,212,212,204,199,196,196,204,215,222,217,217,215,209,207,209,215,222,225,225,217,209,207,212,222,222,222,215,215,217,222,222,217,216,215,217,222,225,225,222,215,212,207,204,205,217,230,233,230,228,228,225,217,209,204,204,209,212,215,215,212,209,207,204,204,204,202,196,196,202,204,207,204,202,204,207,207,207,204,204,207,209,209,209,207,204,202,202,204,204,204,204,204,202,202,204,204,204,204,204,207,204,204,202,199,196,196,199,199,199,196,191,186,189,194,199,204,207,209,209,212,212,212,209,209,209,209,207,199,194,194,192,192,191,192,196,199,202,202,199,199,202,199,196,199,202,204,207,207,207,204,204,202,202,196,196,196,199,199,199,199,199,199,189,137,139,194,202,204,202,196,194,194,194,194,196,199,199,196,194,194,191,187,186,189,194,196,196,196,196,196,196,199,202,199,196,195,196,199,202,199,196,196,199,202,202,202,199,199,202,204,204,196,194,199,204,207,209,207,202,200,202,209,220,222,222,222,225,230,233,235,235,233,235,235,230,220,215,217,222,222,217,217,217,217,222,222,222,225,228,228,225,217,217,225,233,238,243,243,243,238,233,228,225,225,222,215,215,217,217,220,217,215,215,215,212,212,215,217,222,222,222,222,217,217,215,215,212,207,204,207,207,209,209,209,207,204,199,196,194,191,146,191,194,196,196,196,199,204,207,215,222,225,228,228,225,222,222,228,230,228,222,222,233,243,246,246,246,246,246,241,230,226,226,233,243,248,248,248,248,246,246,243,241,238,235,235,235,235,241,243,246,248,248,246,243,241,241,243,246,246,246,246,244,244,246,248,248,248,248,248,248,248,246,243,235,225,222,230,228,225,225,228,233,233,228,0,0,0,0,246,246,243,238,235,235,243,251,255,255,255,255,255,254,248,246,246,246,243,243,77,89,126,126,77,45,15,0,0,0,0,0,0,0,0,0,0,0,0,0,13,21,27,27,27,33,35,41,49,83,155,189,199,173,147,139,155,163,147,93,79,77,87,93,107,121,199,235,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,241,235,233,230,230,230,225,225,228,233,235,235,243,251,255,255,255,255,255,255,248,230,209,199,139,135,135,135,178,178,178,178,178,183,191,191,194,194,178,165,157,137,95,87,79,71,63,55,57,57,59,85,87,79,72,56,48,40,33,20,9,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,43,43,33,0,0,0,0,0,7,17,46,74,72,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,85,82,43,43,51,33,0,0,5,0,0,0,0,0,0,7,59,53,29,12,0,23,199,241,255,255,251,238,212,186,179,189,207,209,204,194,181,173,117,85,53,43,47,71,170,241,246,204,181,163,142,87,67,47,23,5,0,0,19,45,63,77,160,255,225,170,137,121,126,137,163,170,181,183,189,176,152,131,124,108,61,25,7,5,13,25,13,0,0,0,1,17,15,0,0,0,0,0,0,0,0,0,0,15,196,241,255,255,255,255,255,255,215,55,44,63,77,79,73,51,14,15,35,79,160,186,191,189,186,183,183,183,176,176,176,176,183,194,194,194,189,183,183,183,176,125,115,115,123,125,125,123,125,186,186,186,186,194,194,176,116,116,168,186,186,186,191,194,186,176,115,115,176,186,170,111,101,95,94,97,105,111,109,103,103,115,163,168,163,163,113,109,109,160,181,191,204,207,199,186,160,111,103,91,77,77,85,89,97,93,93,99,101,95,87,93,150,152,99,93,93,93,84,81,85,147,163,160,160,150,147,103,103,103,91,87,90,101,113,111,111,111,119,163,165,168,173,189,196,202,196,194,194,199,204,204,209,222,243,251,255,255,255,243,199,155,93,81,73,73,81,91,134,89,59,37,35,45,61,83,150,176,186,178,147,79,65,71,87,131,91,83,81,77,77,67,77,165,181,173,166,166,168,168,155,101,77,75,85,113,170,178,176,176,168,168,168,176,183,186,186,183,183,183,178,181,183,189,189,191,199,199,189,199,215,222,209,196,178,117,111,117,168,178,168,117,95,73,66,73,109,165,176,168,115,109,105,106,121,183,204,194,186,176,176,168,165,165,165,168,176,173,165,109,109,113,119,119,123,119,104,100,107,121,129,127,127,176,189,204,212,215,225,212,181,119,113,127,133,176,176,189,204,204,189,189,204,207,204,204,212,222,215,204,204,207,212,204,202,202,191,178,125,107,99,95,99,107,119,163,178,202,209,202,170,113,155,173,183,170,111,105,155,147,91,78,79,83,69,55,49,55,95,189,230,238,222,178,148,148,170,202,191,170,155,113,157,165,170,163,111,99,91,93,83,71,83,101,113,113,111,113,109,109,155,173,183,191,181,165,155,147,105,101,142,142,93,61,53,43,21,0,19,39 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,134,152,152,139,118,95,11,29,168,181,183,176,165,163,165,176,186,189,189,189,186,176,147,91,87,93,93,89,155,150,99,89,95,168,176,101,103,107,102,170,191,204,209,212,212,207,199,196,199,207,209,222,228,173,0,0,0,0,0,0,0,0,0,0,0,137,191,160,163,181,204,209,209,209,209,207,207,212,212,212,212,209,209,204,203,204,209,212,209,207,207,207,204,204,204,207,204,202,196,195,196,202,207,207,199,181,117,116,131,186,183,183,189,186,170,125,124,125,194,212,194,169,169,173,129,128,126,121,125,209,217,215,191,129,176,191,196,196,189,178,178,186,196,199,196,202,207,209,215,222,225,228,228,225,222,215,204,183,95,85,119,181,176,119,58,100,191,189,176,181,194,202,202,199,196,196,189,113,92,196,207,207,207,204,207,212,202,73,0,22,83,181,215,217,212,202,196,202,212,217,220,217,217,216,217,225,230,235,105,100,133,186,183,137,183,189,181,181,191,191,139,133,125,135,228,228,228,217,196,141,202,225,230,230,230,212,191,141,186,196,215,222,222,220,220,220,212,196,186,191,209,222,217,204,186,189,212,212,186,135,186,191,125,124,127,135,183,191,194,194,194,189,187,189,194,196,194,196,196,191,137,136,135,133,183,196,199,194,212,225,228,225,222,222,233,238,228,29,0,0,139,183,137,186,204,209,217,225,212,199,194,183,135,137,141,141,141,194,215,225,225,217,212,209,209,217,217,209,196,190,189,196,222,230,230,229,230,233,233,233,228,207,183,181,183,183,186,137,108,107,222,220,35,0,0,0,0,13,51,123,194,199,133,126,181,191,191,204,202,139,125,120,117,117,137,228,238,238,235,235,230,215,196,143,191,230,235,233,228,222,222,220,220,225,233,233,228,220,212,207,212,225,235,222,39,0,0,0,0,0,0,91,103,222,230,233,235,233,230,233,230,97,31,3,0,0,67,202,217,222,222,222,225,228,228,228,230,230,230,230,230,233,235,238,241,241,233,228,225,225,228,230,233,238,238,235,235,233,230,228,225,209,53,91,228,233,238,235,233,230,228,217,213,217,225,233,235,238,220,43,21,217,243,233,238,248,248,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,91,5,61,217,238,241,238,235,230,230,233,230,229,229,233,235,235,235,231,231,233,233,233,233,233,233,233,230,233,233,233,233,233,235,235,235,233,233,230,233,233,233,231,231,231,233,233,230,228,222,217,217,222,217,215,209,207,207,209,199,191,191,196,199,196,191,141,139,142,196,209,207,204,207,207,204,207,228,238,243,243,225,191,189,191,189,137,132,131,137,199,139,118,137,217,228,222,139,118,127,136,142,194,191,135,128,121,118,125,139,204,222,233,235,233,233,235,235,233,230,228,230,230,222,199,189,191,189,186,191,215,230,228,212,207,207,204,194,182,189,204,220,222,215,209,207,199,196,194,199,204,207,202,204,204,202,196,191,189,189,194,212,222,209,194,194,209,217,204,189,196,196,194,194,196,199,199,199,199,199,196,194,191,199,217,230,230,228,207,137,121,119,126,196,204,133,128,133,199,215,212,199,191,191,191,194,196,194,196,212,217,215,207,199,194,196,207,217,228,228,228,230,228,228,225,204,212,225,233,235,235,238,241,233,189,183,194,196,129,119,122,186,209,212,191,127,137,215,202,186,141,186,194,204,209,202,186,182,196,202,207,217,230,233,233,233,233,233,233,233,233,233,233,233,233,235,235,238,235,235,235,235,235,233,233,233,233,233,233,230,229,229,233,235,238,241,241,238,238,238,238,238,233,233,233,235,238,238,238,235,235,235,238,238,238,238,235,235,235,235,235,235,235,233,233,235,235,235,233,230,230,230,233,233,230,230,230,230,230,230,233,235,235,235,235,235,233,228,228,230,230,222,209,209,212,209,204,202,204,212,225,230,222,204,196,196,199,209,222,228,228,222,212,204,202,204,212,217,222,222,217,215,215,217,222,225,222,217,217,220,222,222,217,216,216,222,228,230,228,222,217,212,209,204,204,212,225,230,228,225,217,212,207,203,202,203,209,215,215,215,212,207,204,202,202,199,194,194,194,196,199,202,202,202,202,202,204,204,204,204,204,204,204,204,207,207,207,209,209,207,204,204,202,199,196,199,202,202,204,204,204,202,202,202,199,196,196,199,199,196,199,194,186,186,191,199,207,207,209,209,209,209,212,212,209,209,207,204,199,196,196,196,194,194,194,196,199,199,199,194,194,196,196,194,196,199,202,204,204,204,204,204,202,199,196,196,199,202,202,199,199,199,199,194,186,189,199,207,207,202,196,194,194,194,196,199,199,199,196,194,196,194,189,187,187,194,194,196,196,196,196,196,199,199,199,196,196,199,202,202,202,196,196,196,199,199,199,199,202,204,209,209,204,202,207,207,207,207,207,202,202,204,215,222,225,225,222,225,228,233,233,233,233,235,235,233,217,212,215,217,217,217,217,217,217,217,217,222,225,228,230,225,217,217,222,230,235,241,243,241,235,230,225,222,222,217,215,215,217,222,222,217,217,215,215,215,215,217,217,222,222,220,217,217,215,215,212,209,207,204,207,207,209,209,207,207,204,202,199,194,191,191,191,191,194,196,199,199,202,204,207,212,215,217,217,217,222,225,228,228,230,225,225,235,248,254,251,248,251,251,248,238,230,230,241,248,254,251,251,251,248,248,246,243,241,238,235,235,235,238,241,241,243,241,238,238,238,238,243,243,243,243,246,246,246,248,248,248,243,243,241,241,238,238,233,228,220,218,220,220,220,220,222,228,230,233,0,0,0,0,0,246,246,243,243,243,246,251,254,251,251,251,248,251,248,246,243,241,241,241,79,85,124,85,59,27,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,21,21,27,33,33,41,53,121,165,194,202,176,139,99,139,147,107,95,87,87,95,101,115,135,215,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,251,243,235,235,230,228,225,225,233,235,243,251,255,255,255,255,255,255,255,255,251,235,215,199,141,135,135,186,181,178,178,176,178,183,186,186,189,186,165,157,150,101,91,83,79,75,63,55,57,57,59,85,87,87,79,61,48,35,27,17,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,33,33,25,0,0,0,0,0,0,0,30,61,48,20,0,0,0,0,0,0,0,0,98,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,15,66,129,126,82,74,79,39,0,0,0,0,0,0,0,0,0,9,45,45,45,55,65,147,220,241,241,235,235,235,222,204,186,196,207,209,209,204,189,160,83,51,23,15,23,51,107,215,215,181,157,150,142,142,93,81,65,49,33,31,35,35,51,71,147,248,225,163,129,121,129,139,163,170,173,181,186,173,139,121,105,90,51,23,7,5,11,19,9,0,0,0,0,15,11,0,0,0,0,0,0,0,0,0,0,15,160,225,241,255,255,243,238,228,189,47,28,34,61,73,73,79,75,29,51,105,183,191,181,181,191,191,186,183,178,183,183,183,183,183,183,183,183,183,183,183,173,123,114,115,125,125,168,173,181,191,194,194,194,202,194,183,125,125,186,194,186,186,186,194,183,113,98,100,163,176,115,101,97,95,96,101,111,111,109,109,111,163,176,176,163,163,115,111,111,173,183,191,199,207,207,191,157,85,79,71,61,63,77,85,97,103,103,142,142,101,95,95,139,139,99,97,103,103,87,81,86,155,176,176,170,160,150,103,103,103,95,90,97,113,113,113,111,111,119,165,170,170,181,189,199,202,196,194,202,204,212,209,209,222,243,248,255,255,255,235,181,155,113,105,93,87,87,137,147,134,77,55,43,41,49,69,134,176,191,183,152,83,77,87,142,147,131,87,83,83,77,73,81,165,176,168,164,166,168,168,155,101,83,79,85,107,160,176,181,176,168,121,121,168,176,183,191,191,191,186,176,176,181,189,189,194,199,199,189,191,209,212,209,196,178,127,123,165,168,163,117,99,79,69,65,69,101,165,178,176,160,109,104,105,121,186,207,194,186,178,176,176,176,165,173,181,181,181,173,119,113,113,119,121,127,119,103,101,107,129,181,176,173,183,204,215,215,222,222,207,127,108,108,121,181,183,181,189,191,191,183,189,204,215,212,212,215,215,215,212,212,215,222,212,209,191,178,127,117,111,105,99,105,111,117,163,173,202,209,202,170,111,107,113,152,111,99,99,147,144,85,75,78,83,75,61,61,75,152,209,243,248,220,165,144,144,165,191,189,163,111,111,111,111,111,105,93,75,71,87,71,59,59,75,99,105,111,113,107,93,93,107,165,176,173,165,155,147,101,100,107,107,93,55,47,41,31,19,19,35 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,194,199,189,189,202,191,196,105,0,147,176,181,178,173,168,168,173,181,186,189,183,178,170,142,85,79,83,89,91,101,95,85,91,152,160,109,29,77,189,168,163,181,196,207,209,202,191,191,194,202,209,212,222,230,163,0,0,0,0,0,0,0,0,0,0,0,152,233,150,147,160,183,202,207,209,207,204,204,209,212,215,212,209,204,203,202,204,209,215,212,207,207,202,191,189,191,199,202,202,196,195,195,196,202,202,194,123,119,123,183,191,194,196,204,204,196,189,178,173,186,194,181,173,178,178,170,170,170,170,191,215,225,220,204,178,133,183,191,191,183,178,183,194,202,202,204,212,215,217,225,230,233,233,230,228,222,222,215,196,83,77,83,135,176,125,93,121,199,186,130,130,178,183,181,186,194,196,189,115,97,189,204,209,207,203,204,207,191,127,0,0,65,178,209,215,207,196,192,195,204,212,217,217,217,217,216,222,233,243,123,101,131,139,137,134,137,183,182,183,194,191,137,123,116,117,222,228,225,212,189,135,191,217,230,233,228,204,139,134,135,189,209,212,212,215,215,217,212,202,194,199,215,225,222,215,202,196,204,207,189,134,139,135,115,125,135,137,186,191,191,191,191,191,189,191,191,190,190,199,204,196,137,133,135,183,196,196,199,209,233,233,230,228,222,215,228,235,235,194,85,53,189,189,127,204,217,228,233,233,228,217,202,131,129,134,139,186,189,199,215,222,222,215,212,209,215,225,228,215,196,190,191,204,225,230,233,233,233,230,230,233,230,212,196,199,215,199,189,139,137,209,235,230,131,23,0,0,33,73,101,181,181,130,128,128,131,139,138,186,189,135,125,121,119,123,199,230,235,235,235,233,228,207,143,138,138,222,230,230,228,225,222,220,220,222,233,235,233,228,212,196,196,207,215,204,119,121,0,0,0,0,0,0,47,215,222,225,228,228,230,235,243,228,11,0,0,0,0,67,183,202,199,207,222,225,225,228,230,230,230,233,233,233,233,233,238,238,230,225,224,221,221,224,228,233,235,233,231,233,230,233,230,194,41,75,215,225,233,230,228,228,230,228,225,225,228,235,235,241,241,41,0,23,243,235,238,243,243,63,0,0,0,0,0,0,0,0,0,0,0,0,0,53,199,225,85,168,230,238,235,235,233,230,230,230,230,230,233,235,238,238,235,231,231,233,233,233,233,233,230,229,229,229,230,233,233,235,235,238,238,235,235,233,233,233,233,233,235,235,235,233,230,230,230,228,228,222,217,215,212,212,215,212,202,196,199,196,196,199,194,191,194,204,207,207,196,202,207,202,191,190,209,225,228,228,204,125,138,141,137,133,132,135,209,225,215,139,207,230,235,235,202,133,132,136,143,196,194,139,134,143,191,139,137,196,225,233,228,228,233,235,233,228,228,228,230,233,228,207,191,189,186,136,133,186,207,212,209,207,204,200,190,181,187,200,212,217,209,202,199,196,191,191,196,209,207,196,195,195,199,199,196,186,121,112,115,194,191,187,187,199,209,202,194,202,202,196,199,202,196,196,196,194,194,191,191,194,204,222,233,235,230,217,189,122,123,141,196,194,130,128,191,222,230,217,199,191,189,179,173,187,191,199,217,215,207,202,196,194,199,209,222,228,225,225,228,225,222,217,209,209,217,230,233,233,235,238,230,199,191,196,202,194,131,121,116,183,199,194,135,191,209,196,186,141,141,186,209,217,204,187,179,191,199,204,217,230,235,233,233,233,233,233,233,233,233,233,233,233,233,235,235,233,230,230,230,228,230,233,235,235,238,235,235,233,233,235,238,241,241,238,238,235,235,235,233,230,230,233,235,238,238,235,233,233,235,238,241,238,235,233,233,233,233,235,235,235,235,235,235,235,235,233,230,230,228,228,230,230,230,230,230,230,230,230,230,233,235,238,235,233,228,228,230,225,209,202,204,207,207,202,202,207,217,233,241,241,147,137,145,204,222,233,235,233,222,207,196,196,202,209,215,217,220,222,225,222,222,222,225,222,217,217,222,222,220,217,217,222,228,233,233,230,225,220,217,215,207,204,207,222,225,225,217,212,207,204,203,203,204,212,217,217,212,209,204,202,199,199,196,194,192,192,194,194,196,202,202,202,202,202,204,207,207,204,202,196,199,204,207,212,212,212,209,207,207,202,196,192,194,199,202,204,204,202,202,202,202,199,196,194,194,194,194,196,194,186,186,191,202,207,207,209,209,209,209,212,212,209,207,207,202,199,196,199,202,202,199,199,199,199,199,196,194,192,192,192,192,194,196,199,202,204,204,204,202,199,196,196,199,202,202,202,202,199,199,199,194,191,194,204,209,209,202,199,196,196,196,196,199,199,199,199,196,196,196,196,191,191,191,194,194,194,196,199,199,196,196,194,196,199,202,204,204,202,199,194,194,194,196,199,199,204,207,212,215,212,209,209,207,204,204,204,204,204,209,217,225,228,225,225,225,228,228,230,233,233,235,235,228,209,207,212,222,225,222,222,217,217,217,215,217,225,230,230,228,222,217,222,225,230,233,238,235,233,228,225,222,220,217,215,215,217,217,222,217,217,217,217,217,215,215,217,217,217,215,215,215,212,212,212,209,207,204,204,207,207,207,207,204,202,202,199,196,194,191,191,191,194,196,199,199,199,199,202,207,209,209,209,215,222,225,228,228,230,228,228,238,251,255,254,251,254,254,254,246,241,241,248,254,254,254,251,251,254,254,251,248,243,241,238,238,238,238,238,238,238,235,235,235,235,241,243,246,246,246,246,248,248,248,248,246,241,235,233,233,230,228,225,222,220,218,220,220,220,220,222,225,230,233,0,0,0,0,0,251,251,248,246,243,246,248,248,243,241,241,243,248,251,248,241,235,238,241,77,83,83,71,45,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,13,21,29,35,35,41,53,121,157,189,194,165,131,89,95,101,101,101,95,101,101,107,123,196,235,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,248,251,251,243,238,230,225,225,228,235,241,251,255,255,255,255,255,255,255,255,255,255,243,217,202,191,141,141,186,186,186,181,178,181,183,183,183,183,176,165,157,105,99,89,83,77,75,69,63,57,54,59,61,95,95,90,72,48,25,15,7,3,0,0,0,0,0,9,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,43,43,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,207,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,43,0,0,0,0,0,11,29,74,118,157,129,105,105,87,3,0,0,0,0,0,0,0,0,29,61,85,147,85,73,81,155,207,220,222,233,243,255,255,254,222,225,222,222,222,225,204,160,71,29,12,12,23,43,87,186,189,160,144,144,152,152,157,150,131,87,75,65,51,29,45,77,150,215,230,137,79,79,121,134,152,163,170,176,176,165,131,108,90,57,35,17,7,0,0,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,173,204,233,246,243,235,217,209,181,73,34,36,61,75,85,99,99,6,26,105,189,191,173,181,191,199,191,173,181,189,191,194,183,178,179,183,194,194,189,183,173,115,114,125,168,181,186,194,194,194,194,194,194,199,194,186,176,176,186,194,186,186,191,194,183,107,93,94,111,163,101,93,96,99,105,105,111,111,115,115,160,168,168,163,163,163,163,115,157,181,189,189,196,204,207,199,165,67,69,61,57,61,73,85,97,139,142,142,142,101,95,95,101,101,96,97,137,103,91,81,85,155,178,176,165,155,147,103,103,103,97,93,103,157,157,152,111,110,115,165,173,181,183,191,196,196,191,191,202,212,222,222,222,222,235,235,248,255,255,220,176,157,150,147,142,105,137,137,147,139,87,69,53,41,39,53,85,168,186,176,144,83,77,87,144,147,131,87,83,83,83,77,83,165,181,168,164,166,173,181,173,113,105,95,95,103,117,173,186,176,121,112,112,121,176,186,191,194,196,191,178,177,189,194,191,189,191,189,183,189,196,202,202,199,186,173,168,168,168,117,103,81,71,66,65,67,93,165,183,178,160,109,105,109,160,191,207,194,191,186,183,183,183,176,183,189,191,181,173,119,113,113,119,125,173,119,103,101,113,176,191,189,183,191,215,222,222,222,222,204,121,103,103,117,183,191,189,189,191,189,182,183,204,222,222,222,222,222,222,222,222,222,222,220,209,189,131,117,113,111,111,111,113,117,119,123,170,189,202,191,170,111,99,89,89,89,89,99,147,144,89,78,87,99,87,61,61,89,163,209,238,238,215,163,142,144,163,189,183,155,105,105,99,87,83,87,83,75,71,83,63,41,39,53,83,99,105,113,107,77,67,71,113,165,165,165,155,107,97,95,101,147,101,67,59,59,55,37,31,41 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,186,189,186,186,182,191,191,194,165,0,137,178,181,178,173,170,168,170,181,186,183,176,170,165,147,95,83,67,75,93,99,81,71,73,77,67,0,0,57,215,168,147,150,186,199,199,186,179,186,196,204,212,212,220,225,113,0,0,0,0,0,0,0,0,0,0,0,79,150,35,65,126,150,189,202,202,199,202,204,207,212,212,212,207,204,203,203,207,215,217,215,209,204,194,138,136,139,194,202,204,202,196,196,199,199,196,189,127,129,183,196,202,207,212,215,215,212,212,202,186,181,181,172,181,191,181,123,127,173,173,186,212,217,215,202,181,176,181,186,189,189,191,204,212,212,212,212,217,222,225,228,233,233,233,230,225,222,222,222,209,105,82,87,121,135,178,181,202,207,189,131,130,131,173,131,176,189,194,194,183,119,176,199,212,217,204,202,207,204,194,43,0,23,113,199,204,202,194,192,195,204,212,215,215,215,217,217,222,230,235,113,85,127,135,137,135,137,186,189,199,209,207,194,133,117,115,123,204,209,199,135,130,135,207,228,230,217,196,135,132,132,137,191,194,191,194,202,207,207,202,191,194,207,215,217,215,207,202,199,196,186,137,183,139,124,131,183,189,196,199,194,189,186,189,191,196,191,189,189,199,209,204,186,133,135,189,196,189,191,207,228,228,228,225,217,209,212,225,230,238,254,215,191,117,111,225,225,230,233,233,230,225,204,126,127,134,139,186,194,207,220,225,222,215,215,222,225,228,228,212,196,190,191,204,217,228,233,233,230,228,225,230,235,217,191,196,217,209,189,131,189,233,228,225,228,183,27,55,238,248,238,217,137,113,125,131,135,191,139,139,183,139,133,129,129,186,215,230,235,235,235,233,222,196,140,138,143,217,228,228,228,225,225,222,225,228,230,230,228,217,183,128,183,204,215,225,255,255,0,0,0,43,69,27,37,196,215,222,220,225,228,230,241,248,109,0,0,0,0,0,9,131,189,196,209,212,217,220,225,233,233,233,233,230,233,233,235,233,230,228,225,224,224,224,228,233,233,233,231,233,233,230,220,119,50,84,209,215,212,215,222,228,230,230,230,233,233,235,235,241,251,51,0,0,212,230,230,233,220,17,0,0,0,0,0,0,0,0,0,0,0,0,91,199,222,233,202,222,233,235,233,235,233,230,233,230,230,233,238,238,241,238,235,233,233,235,235,235,235,233,233,230,229,230,233,233,235,235,238,241,241,238,238,235,235,233,233,235,235,235,233,230,230,233,235,233,230,228,222,217,215,215,215,212,204,207,204,194,194,204,202,204,209,215,204,189,137,191,204,204,190,187,196,204,202,199,141,134,141,139,132,131,129,127,133,209,215,212,225,233,235,243,243,233,194,143,202,222,212,191,141,204,212,199,133,123,204,222,222,225,233,235,230,225,222,217,222,228,225,209,196,191,141,133,132,137,194,199,202,207,212,212,209,212,204,207,212,212,204,196,194,196,194,189,194,204,204,195,194,195,199,207,212,207,121,109,108,139,194,191,190,190,194,199,204,209,209,209,209,202,189,187,191,191,191,190,191,196,209,225,233,233,222,212,207,196,199,202,196,186,128,128,189,217,228,215,199,194,189,178,172,185,194,196,207,133,133,141,191,194,196,202,212,222,225,228,225,225,222,215,202,118,196,225,233,233,228,225,217,199,196,204,209,207,194,127,111,135,199,202,194,199,202,140,138,141,141,189,215,217,199,191,191,196,202,209,225,233,235,233,233,233,233,233,233,233,233,233,233,233,233,235,233,230,228,228,225,224,225,228,233,238,238,238,238,235,235,238,241,241,238,238,235,235,235,233,230,228,228,230,233,235,235,233,233,235,238,238,238,235,233,230,230,230,230,233,235,238,238,235,235,235,235,235,233,230,228,226,228,230,233,233,230,230,230,229,229,230,233,235,238,233,228,228,228,217,200,196,200,207,207,204,207,209,217,233,246,254,131,123,132,209,230,238,238,233,215,199,195,196,202,209,215,217,222,228,228,222,217,217,217,217,217,217,217,217,217,222,225,228,230,235,233,230,225,222,222,217,207,205,209,222,225,222,217,215,212,209,204,204,209,215,217,215,212,207,204,202,202,199,199,196,194,192,192,194,199,204,207,204,202,202,207,209,209,204,196,195,195,202,209,212,215,212,209,207,207,204,196,192,192,194,199,202,204,202,202,202,202,202,199,196,196,192,194,196,194,186,141,191,202,207,209,209,209,209,207,209,209,209,207,204,202,199,199,202,204,207,207,207,204,204,202,199,196,192,192,192,192,194,199,199,202,202,204,202,199,199,196,196,199,202,202,202,202,199,199,196,194,194,199,207,212,209,204,199,196,196,196,199,199,199,199,199,194,194,194,194,194,191,191,194,194,194,196,199,199,196,194,192,196,199,204,204,204,202,199,194,192,194,196,199,202,204,209,209,215,215,212,209,204,202,202,204,204,207,215,222,228,228,228,225,225,225,225,228,230,233,235,235,215,199,200,215,230,230,225,225,222,220,215,215,217,225,230,230,228,222,217,217,217,222,225,228,228,228,222,222,217,217,215,215,215,215,217,217,217,217,217,217,217,215,215,215,215,212,212,212,209,209,207,207,207,207,204,204,204,207,207,204,204,202,199,199,196,194,145,145,191,194,196,202,202,199,199,199,204,207,209,208,209,215,222,225,225,225,228,228,241,254,255,254,254,254,254,254,251,248,248,251,254,254,251,254,254,255,255,254,251,246,243,241,241,241,238,238,235,235,234,235,235,238,243,246,246,246,243,246,246,246,246,246,243,235,233,230,228,222,222,222,222,222,222,225,225,228,228,228,228,228,228,0,0,0,0,0,255,255,246,238,235,238,243,243,241,238,241,246,248,251,246,238,233,233,238,73,77,73,55,33,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,21,27,35,35,35,49,111,157,173,173,150,95,85,89,95,101,105,105,101,101,105,121,196,243,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,248,251,255,255,255,246,235,225,225,228,235,251,255,255,255,255,255,255,255,255,255,255,255,248,230,207,194,191,194,202,196,196,189,189,189,191,191,186,186,176,165,157,150,101,93,87,83,77,71,63,57,54,54,59,90,95,95,79,48,19,7,1,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,43,43,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,189,59,0,0,0,0,0,0,0,0,38,64,53,0,0,0,0,0,7,1,0,0,17,35,61,98,134,160,168,100,90,95,41,0,0,0,129,63,29,9,41,89,150,155,163,230,85,45,45,101,207,220,233,254,255,255,255,255,255,246,238,222,225,235,225,183,89,39,12,14,23,31,59,97,144,99,101,144,157,163,173,165,160,150,131,79,51,19,35,85,134,181,222,118,73,73,113,131,152,163,173,176,176,160,131,108,90,49,23,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,139,191,207,235,255,255,238,217,209,191,105,87,87,87,99,157,111,41,0,5,79,189,196,173,170,181,191,170,113,115,173,183,183,183,182,183,194,199,199,194,183,125,115,114,115,168,183,194,207,209,202,191,186,191,194,202,199,186,176,183,186,176,186,194,202,194,123,95,94,107,115,94,91,99,111,111,111,113,115,117,165,168,163,161,161,163,173,173,160,160,173,183,183,189,196,207,212,196,105,91,69,61,65,69,77,89,103,103,101,99,95,89,95,101,101,101,101,99,99,87,82,84,147,168,168,160,150,105,103,103,103,95,93,111,157,157,113,110,106,111,163,178,186,189,189,189,186,186,186,196,212,222,225,222,220,220,222,243,255,255,233,176,157,155,147,147,105,93,93,93,89,83,73,59,41,35,43,77,157,170,152,118,71,71,83,131,129,83,77,81,83,83,77,89,173,183,170,166,168,181,191,189,178,170,160,111,107,111,170,189,186,121,108,108,117,176,183,191,196,202,191,178,181,194,199,191,189,183,181,181,181,189,196,202,209,196,173,125,123,117,109,95,81,73,67,66,69,93,165,183,178,160,109,107,113,165,191,204,204,194,191,191,191,191,189,191,191,189,181,125,113,111,107,111,125,173,119,103,99,113,181,202,202,191,202,222,222,222,222,222,204,125,104,101,111,133,189,191,189,189,183,178,182,204,222,230,230,230,225,222,222,222,215,212,212,202,186,131,123,117,117,117,123,123,123,123,123,170,178,183,178,163,111,89,73,69,73,87,105,152,147,97,87,89,97,83,51,51,71,111,189,215,228,209,168,147,144,155,176,176,160,103,89,67,62,65,83,93,89,83,71,53,37,36,41,65,89,97,105,105,73,62,67,105,163,163,163,155,105,93,93,101,155,144,97,73,83,87,61,47,53 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,178,183,186,183,183,182,183,189,194,191,178,13,61,178,178,178,176,170,170,178,186,189,181,165,160,160,155,147,144,41,35,43,49,45,43,21,0,0,0,0,53,89,93,111,160,173,189,189,181,181,194,207,212,212,207,207,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,91,142,178,186,194,202,209,212,212,209,207,207,204,204,209,212,212,207,207,207,196,139,136,138,189,199,207,207,202,199,196,194,191,191,194,202,207,209,212,215,217,217,215,215,215,207,194,189,186,186,189,189,123,115,123,183,172,142,196,207,209,199,183,178,178,133,181,196,212,225,228,225,222,222,222,222,225,228,233,235,235,230,228,225,222,217,212,196,117,107,117,135,189,199,207,199,186,176,130,130,131,173,178,183,191,196,204,181,178,194,212,222,207,202,207,220,220,109,0,0,81,194,199,202,196,196,202,209,215,215,212,215,217,222,225,230,230,91,81,125,133,135,135,137,189,202,215,225,222,209,199,186,123,121,127,186,189,135,131,134,196,217,217,207,194,141,135,134,135,141,139,135,133,137,194,202,199,190,182,189,199,207,209,207,202,199,191,139,183,186,191,194,186,191,199,207,209,199,186,183,185,189,196,199,196,194,199,204,202,196,181,135,136,181,183,191,199,204,207,207,209,207,199,196,204,215,225,241,243,119,62,88,217,222,228,233,230,222,217,204,133,137,186,186,189,199,212,222,222,222,217,217,217,222,222,217,209,199,194,194,202,212,225,230,230,228,228,225,230,238,225,133,135,212,202,135,102,99,123,186,209,233,215,209,228,246,251,243,228,209,128,186,204,207,228,215,199,196,202,196,135,127,135,209,230,235,235,238,235,222,194,140,141,202,222,230,230,228,225,225,228,228,235,217,191,135,123,110,112,181,215,228,238,251,255,0,0,0,79,173,59,53,176,215,228,225,225,225,228,235,248,254,107,0,0,0,0,0,117,207,194,183,189,199,207,215,228,230,228,228,228,233,235,233,230,230,230,228,225,225,225,230,233,235,233,233,233,233,225,186,111,98,194,217,209,199,202,209,212,217,228,233,233,233,238,233,235,137,0,0,0,75,176,191,173,21,0,0,0,0,0,0,0,0,0,0,0,61,186,228,228,230,241,246,238,233,231,233,235,235,233,233,233,235,238,238,241,238,238,238,238,238,238,238,238,238,235,235,233,233,233,235,235,238,238,238,241,241,241,238,238,235,235,235,235,235,235,233,230,230,233,235,235,233,230,228,222,217,215,212,209,207,212,209,192,194,207,207,202,207,209,196,138,133,139,196,199,191,189,194,196,194,191,141,139,189,137,132,135,133,125,127,189,202,212,222,228,228,235,241,233,209,207,230,243,228,202,191,199,202,191,131,79,56,73,215,212,220,222,217,209,202,194,196,212,215,207,202,196,139,134,135,141,191,196,204,212,222,230,235,233,228,225,217,209,199,194,194,196,194,189,191,199,199,199,196,196,199,204,215,217,194,120,120,191,204,209,199,191,191,202,212,225,225,225,225,212,190,186,189,191,190,190,191,199,212,225,230,217,194,195,202,202,199,199,196,191,132,130,139,199,209,209,196,191,189,187,189,194,196,196,137,123,125,132,186,191,191,194,202,209,222,225,222,225,222,202,135,106,137,209,228,233,222,207,202,199,202,212,215,212,209,204,194,202,209,212,209,209,202,129,130,141,189,191,212,212,191,191,196,202,207,215,230,235,235,235,233,233,233,233,233,233,233,233,233,233,235,235,235,233,230,228,225,221,224,225,230,235,238,238,238,238,238,238,241,241,238,235,235,235,233,230,228,225,225,228,230,230,233,233,235,238,238,235,235,233,233,230,229,229,230,233,235,238,238,238,235,235,233,235,233,233,228,226,226,230,233,233,233,233,230,229,229,229,233,235,238,235,230,228,228,215,199,196,202,212,212,212,212,212,215,228,235,238,126,123,133,215,233,235,233,225,204,195,195,199,204,207,215,222,225,228,228,222,215,212,212,215,217,217,216,216,217,222,228,230,233,233,230,228,225,222,222,217,212,209,215,222,225,222,220,222,217,212,209,209,212,215,217,215,212,207,207,207,207,207,204,204,199,192,192,196,204,209,209,207,207,207,209,212,209,204,199,195,196,204,209,212,212,209,204,204,207,207,199,194,192,194,194,199,204,204,204,199,199,199,202,202,202,196,194,196,191,140,140,191,202,209,209,209,209,207,207,207,209,209,207,204,202,199,199,202,204,207,209,209,209,207,204,202,199,194,194,194,192,194,199,202,202,202,202,199,199,199,199,196,199,199,202,202,199,199,196,196,194,194,199,207,209,207,202,199,199,199,199,199,199,199,199,196,194,190,189,191,194,194,191,194,196,196,196,199,199,196,192,192,194,199,202,204,204,202,199,194,194,194,196,199,202,207,209,209,212,212,209,209,204,202,202,204,207,209,217,225,228,228,228,225,225,225,225,225,230,233,235,233,215,199,200,217,233,233,230,228,228,222,215,213,217,225,230,230,228,225,217,215,212,212,212,217,217,217,217,217,217,217,215,212,212,215,217,217,217,220,220,220,217,215,212,212,212,209,209,209,207,204,204,204,204,204,204,204,204,204,204,204,202,199,199,196,196,191,145,145,145,194,196,199,199,199,196,199,204,209,209,208,208,209,212,217,222,220,222,230,243,254,254,254,254,254,255,254,254,251,251,254,254,251,251,254,255,255,255,255,254,248,243,243,243,241,241,238,235,235,235,238,238,241,243,246,246,243,243,243,243,243,243,243,241,235,230,230,228,225,222,225,225,225,225,228,228,228,230,233,233,228,222,0,0,0,0,0,255,255,243,230,225,230,235,238,235,235,243,248,248,243,235,230,228,230,233,59,61,61,43,23,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,17,23,29,29,29,49,79,139,157,150,134,89,85,87,97,103,109,107,103,97,97,109,137,238,255,255,255,255,255,255,255,255,255,251,246,246,254,255,255,255,248,248,254,255,255,255,255,246,233,230,235,241,255,255,255,255,255,255,255,255,255,255,255,255,251,233,212,202,202,204,212,212,209,209,209,207,207,199,194,194,186,178,165,160,139,99,91,87,85,77,71,57,54,54,59,87,98,98,90,56,25,9,1,0,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,27,33,0,0,0,0,178,160,27,0,0,0,0,0,0,0,53,108,131,129,0,0,0,0,0,0,3,27,27,53,79,113,155,160,152,142,82,35,17,3,3,39,129,157,144,142,165,191,202,199,181,160,91,21,14,17,79,199,220,241,255,255,255,255,255,255,255,246,235,225,225,220,191,97,43,11,12,15,15,25,55,73,85,101,157,168,173,173,168,168,165,155,93,51,13,19,59,73,121,181,121,73,73,111,129,152,163,170,176,176,160,134,116,98,51,19,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,55,168,191,199,212,246,255,255,243,230,225,215,183,170,160,147,168,196,168,37,9,22,81,189,199,178,160,170,178,112,104,106,113,163,173,183,194,194,202,202,202,189,173,125,114,115,115,125,176,194,207,209,202,186,125,176,194,207,202,191,183,183,176,176,186,199,202,202,183,101,97,105,111,99,97,111,119,117,113,113,117,165,176,176,163,161,161,163,173,173,160,160,168,173,181,183,196,207,225,230,222,165,59,61,71,67,73,83,91,87,84,89,89,89,95,101,139,139,101,93,93,93,93,91,105,150,150,150,147,105,105,103,101,89,89,101,152,113,113,107,110,111,165,178,189,191,189,181,178,176,178,189,204,220,222,222,209,212,220,248,255,255,235,183,165,157,147,105,93,87,81,71,61,61,65,65,53,40,43,69,134,144,118,77,65,67,79,87,77,65,65,75,87,89,89,99,176,183,176,170,176,194,209,212,204,194,178,160,111,117,168,186,186,125,112,110,115,170,178,183,196,202,186,178,181,199,199,189,183,181,181,181,179,183,186,209,220,196,168,117,109,109,103,95,87,87,79,75,79,93,157,183,181,163,111,109,119,176,194,204,194,191,191,191,191,191,191,191,189,181,165,119,111,107,104,107,121,127,119,103,99,107,176,202,204,202,212,220,222,215,215,215,204,178,113,108,109,121,178,189,189,189,183,178,181,204,222,228,225,228,233,228,220,212,202,202,199,199,199,191,183,173,170,127,170,170,170,165,170,170,170,170,160,117,107,89,73,67,69,83,97,109,152,103,87,83,87,71,48,47,61,97,165,191,209,204,181,160,150,150,160,168,160,103,71,62,60,65,89,103,97,87,65,49,37,36,41,71,89,89,93,99,85,67,70,105,163,163,163,163,105,96,96,105,163,163,142,89,89,89,65,49,59 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,189,181,178,183,189,186,186,189,194,196,191,176,59,7,170,178,183,181,181,183,191,194,189,173,147,139,150,155,160,165,41,8,3,3,31,57,71,49,0,0,59,87,46,45,101,113,163,176,181,183,194,209,215,217,222,63,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,83,95,142,170,194,207,215,212,209,209,209,207,207,207,207,202,200,204,207,202,191,139,138,181,189,204,209,204,199,194,189,186,191,204,209,212,212,212,215,217,215,212,212,209,202,196,196,202,207,202,189,122,119,196,233,209,129,170,189,196,186,176,181,178,131,133,196,222,230,228,228,225,225,225,225,228,230,233,235,235,230,228,225,222,215,215,207,181,123,123,135,191,199,194,178,181,176,130,130,176,181,183,183,186,191,199,191,186,196,209,212,207,204,204,212,220,181,16,0,103,191,202,207,207,207,209,212,215,212,212,212,217,222,228,230,230,91,84,127,135,135,135,135,189,209,222,225,222,212,209,215,209,137,129,186,191,186,139,141,194,207,207,194,191,194,189,186,186,186,189,136,132,135,189,199,202,196,183,186,191,199,204,202,196,196,189,183,186,189,199,209,196,191,196,207,212,204,191,186,186,189,194,204,209,207,199,196,199,204,204,137,130,129,191,204,204,196,191,186,191,196,191,189,194,199,204,209,225,111,55,80,194,217,228,228,217,204,202,202,196,204,194,186,186,194,204,209,212,215,215,209,199,194,199,204,199,194,194,194,199,207,215,217,222,225,228,225,228,233,202,102,101,135,129,123,103,94,105,186,212,228,230,230,233,241,246,235,228,230,207,202,207,209,228,228,215,212,215,212,141,126,131,204,228,235,238,238,238,225,196,141,143,204,225,230,230,228,225,222,217,215,186,126,125,129,125,114,120,202,225,233,238,238,255,75,0,0,51,196,204,176,168,199,217,222,228,225,225,233,241,254,246,123,0,0,0,0,0,99,135,133,137,183,186,189,209,209,207,215,222,230,233,230,230,233,233,233,230,230,230,233,233,233,233,238,241,235,217,176,157,183,222,220,207,199,199,199,183,183,207,222,215,207,176,57,35,0,0,0,0,0,21,0,0,0,0,0,0,118,207,196,85,41,65,181,204,222,230,235,235,235,241,246,238,233,231,233,235,238,235,235,235,235,238,238,235,235,238,238,241,241,241,241,241,238,238,238,238,238,238,238,238,238,238,238,238,241,241,241,238,238,235,235,235,235,233,230,230,230,233,233,233,235,235,233,230,225,217,209,204,202,204,202,192,196,204,202,195,199,209,204,191,136,139,189,191,191,191,196,196,194,191,137,133,139,139,186,217,228,212,199,191,194,199,209,215,217,222,225,212,202,204,225,228,209,199,196,186,141,139,127,87,52,47,52,63,62,63,70,89,109,123,135,194,199,202,202,196,139,135,137,186,191,196,207,212,222,228,233,233,233,233,225,204,189,189,191,194,191,187,189,196,199,202,204,202,199,196,202,207,199,139,135,191,202,207,202,196,199,209,222,233,230,230,233,230,217,202,196,194,190,189,190,196,207,217,217,204,192,192,196,195,192,194,196,199,186,137,139,194,209,212,199,191,189,194,199,199,202,204,191,137,133,139,191,196,191,186,189,194,204,215,215,217,209,125,118,194,199,139,139,212,212,198,195,196,204,217,222,215,212,217,215,209,212,215,222,222,207,123,123,191,194,194,204,204,144,143,191,207,217,225,233,238,235,235,235,235,233,233,233,233,233,233,233,235,235,238,235,233,230,228,228,225,225,228,233,235,235,235,235,235,238,238,241,238,235,233,233,235,233,228,225,225,225,228,230,230,230,233,235,241,238,235,231,233,233,230,230,230,230,233,235,235,238,235,235,233,233,233,235,233,230,228,228,228,230,233,233,235,233,230,230,230,233,235,238,235,233,230,225,212,202,199,204,215,217,217,217,212,209,215,222,137,127,129,199,222,230,233,225,212,199,194,196,202,204,207,215,222,225,228,225,222,215,207,207,212,215,217,216,216,216,225,228,230,230,230,228,225,222,222,225,225,222,217,217,217,215,215,215,215,212,209,207,209,212,215,217,215,212,207,207,209,212,209,209,209,202,194,192,196,204,209,209,209,209,209,209,209,207,204,199,199,202,207,209,212,209,204,199,199,204,209,204,199,194,194,194,196,202,207,207,202,199,199,204,204,202,199,194,194,141,137,138,191,204,209,209,209,209,207,204,204,207,209,207,204,199,199,199,202,204,207,209,209,209,209,207,204,199,196,196,194,194,194,199,202,204,202,202,199,199,199,199,199,199,202,202,202,202,199,196,196,196,196,199,204,207,204,202,199,199,199,202,202,199,199,199,196,194,190,189,190,191,194,194,196,196,196,196,196,196,194,194,192,194,196,199,202,202,202,199,196,196,196,196,199,202,207,209,207,209,209,209,209,204,196,196,202,207,212,217,222,225,225,225,225,225,222,225,225,228,233,235,233,225,209,208,217,230,233,233,233,230,225,217,215,215,222,228,230,228,228,222,212,209,207,207,209,209,212,212,215,215,215,215,212,212,212,215,217,220,222,222,217,215,212,212,212,209,209,207,207,204,202,202,202,202,202,202,202,202,204,204,202,199,199,196,196,194,189,189,145,145,194,196,199,199,196,196,199,204,207,209,209,208,208,209,215,217,217,222,235,246,251,251,248,251,254,254,254,254,254,254,254,254,251,251,251,255,255,255,255,254,248,243,243,243,241,241,238,238,238,238,241,241,241,243,246,246,243,243,243,243,241,238,241,238,235,233,230,228,228,228,230,228,228,225,225,222,225,230,235,233,228,222,0,0,0,0,254,255,254,243,228,217,222,228,230,230,233,238,246,243,233,225,222,222,222,225,37,43,41,29,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,15,17,23,23,23,35,73,131,139,139,134,97,89,89,89,103,107,103,97,89,89,103,129,217,255,255,255,255,255,255,255,255,243,233,222,222,241,254,254,255,251,251,255,255,255,255,255,254,248,241,241,251,255,255,255,255,255,255,255,255,255,255,255,255,251,238,217,209,209,212,222,222,225,228,228,225,217,212,204,196,194,186,178,163,152,101,95,91,85,77,71,63,57,55,59,87,98,105,98,72,40,15,1,0,0,0,0,0,0,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,40,1,0,0,0,220,189,12,0,0,0,0,0,0,61,155,194,202,194,0,0,0,0,0,0,0,0,27,66,98,137,165,147,100,51,33,19,17,41,126,173,178,160,150,168,202,230,238,215,181,91,0,0,8,8,23,119,212,255,255,255,255,255,255,255,255,255,248,235,225,204,181,91,41,8,8,15,12,9,25,53,73,99,163,170,173,173,168,176,176,176,147,59,15,2,5,29,53,137,129,79,73,79,121,137,152,165,176,173,160,137,124,105,57,19,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,39,178,207,207,225,254,255,255,255,238,233,228,207,160,101,103,160,196,189,91,43,43,81,181,196,178,160,170,170,113,107,112,163,173,181,194,202,202,202,202,194,183,173,125,123,115,115,115,168,186,202,209,202,183,115,117,186,202,202,194,191,186,176,168,176,194,202,196,183,109,101,109,119,117,117,165,165,117,115,115,119,165,176,183,176,176,163,163,163,163,155,152,160,173,181,189,196,207,225,230,212,45,0,39,69,73,73,85,87,83,82,89,97,95,95,101,101,101,93,88,91,99,137,99,103,105,105,105,103,103,105,105,103,89,87,97,147,113,113,113,115,155,165,173,183,189,183,178,170,170,170,181,196,204,212,207,202,204,222,248,255,255,233,183,170,160,147,93,87,79,67,57,39,41,59,73,71,59,55,67,83,85,79,67,63,67,79,79,65,61,62,75,97,139,139,147,176,183,183,178,191,207,225,225,209,194,178,160,117,117,123,176,181,168,115,113,121,170,178,183,196,191,181,174,181,199,199,189,183,181,178,181,183,183,186,209,220,196,123,109,103,103,97,93,93,93,95,91,87,93,115,173,176,163,113,111,160,181,194,194,191,183,189,191,191,191,191,191,183,173,119,111,111,106,104,106,119,125,119,103,99,111,173,202,204,204,212,220,220,212,204,204,204,189,131,121,113,117,131,178,189,191,189,181,183,204,220,220,215,220,222,220,204,189,178,133,178,186,199,209,204,191,176,173,176,173,170,173,176,173,165,117,109,105,103,97,81,69,63,63,73,99,111,103,81,69,71,65,52,50,61,89,155,186,199,199,199,181,160,147,147,155,152,103,81,65,65,81,97,103,97,87,67,51,39,37,47,83,97,89,87,93,91,85,91,113,163,165,170,163,111,99,100,155,170,173,155,99,89,73,53,48,59 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,176,191,189,178,177,183,189,189,189,191,194,194,189,176,147,8,144,173,189,189,186,191,196,194,178,155,95,91,103,147,160,168,97,39,69,77,109,186,209,202,181,178,199,186,89,103,157,155,160,165,168,178,199,215,217,222,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,168,95,103,152,178,204,217,217,212,209,209,209,204,204,204,200,199,204,209,207,199,191,186,181,181,199,207,207,199,191,178,131,178,204,209,209,209,212,212,215,215,212,209,204,196,194,196,204,215,212,196,183,199,222,241,243,159,168,178,181,131,127,132,178,133,133,199,222,225,225,228,228,225,225,228,228,230,233,233,233,230,228,228,225,222,217,204,183,131,131,178,189,191,183,168,178,176,130,173,181,181,178,181,181,183,186,189,191,199,209,209,209,207,204,199,199,189,183,47,131,189,204,212,212,209,209,212,212,209,207,209,212,215,217,225,230,103,85,133,139,183,139,137,191,217,225,222,217,212,209,217,217,209,196,199,196,194,196,202,202,207,202,189,189,199,196,194,194,194,196,189,137,139,189,196,199,196,191,191,194,202,204,196,191,191,189,186,191,196,204,204,199,191,187,191,202,207,204,202,196,191,194,199,204,202,194,196,202,209,212,196,134,130,225,228,220,207,191,182,182,189,189,186,189,191,196,202,209,189,99,104,186,212,215,204,194,135,134,189,194,194,186,182,181,182,183,183,194,207,212,207,194,186,185,187,189,187,189,191,196,199,196,141,196,212,217,222,222,209,113,86,84,92,89,105,107,109,186,220,228,228,233,233,233,233,235,230,226,230,212,183,133,124,122,194,199,207,212,217,204,141,196,215,228,233,238,238,233,217,196,142,142,199,217,228,228,222,212,202,191,137,122,124,131,199,212,191,176,194,225,230,230,212,204,117,33,0,33,178,233,228,189,215,225,233,233,228,225,224,233,243,248,241,79,0,0,0,0,0,115,181,139,139,133,128,133,134,136,199,212,207,209,225,233,233,233,235,238,238,233,225,220,217,228,238,243,222,191,170,173,202,217,212,202,191,191,178,157,165,173,152,29,0,0,0,0,0,53,204,0,0,0,0,0,0,0,0,51,170,199,194,186,191,212,233,228,228,233,233,235,238,235,235,233,231,233,233,235,238,241,238,235,235,235,235,234,235,241,243,243,241,241,241,241,238,238,238,238,241,241,241,241,241,241,238,238,238,238,238,238,238,235,235,235,235,233,230,230,233,230,230,233,233,235,238,235,233,225,215,194,192,192,194,196,199,199,195,194,199,222,228,225,202,194,191,194,196,199,204,204,199,189,123,129,137,191,217,238,241,233,222,204,194,196,202,207,207,204,202,191,187,185,181,177,181,190,194,135,135,135,127,113,97,55,37,64,62,61,72,99,113,125,135,186,194,196,196,194,186,137,139,141,189,194,202,207,204,204,212,225,228,228,222,207,191,187,189,189,187,187,191,196,199,199,202,202,202,194,189,194,191,141,137,141,194,199,202,202,204,215,228,230,230,230,233,235,233,228,222,209,199,191,190,196,202,204,204,204,202,199,199,196,194,194,199,202,194,186,186,202,222,222,196,189,191,191,194,196,199,207,228,225,204,199,204,207,196,186,140,139,141,202,209,209,186,108,113,235,204,115,109,191,204,198,195,196,199,209,215,204,196,199,199,191,202,215,225,220,189,123,128,207,204,204,202,196,143,141,145,215,228,230,235,235,233,233,233,233,233,233,233,235,235,233,233,235,235,235,235,233,230,230,230,228,230,230,233,233,235,235,235,235,235,238,238,238,235,233,233,233,230,225,224,225,230,233,233,233,233,233,235,238,238,233,231,233,233,233,233,233,233,233,233,235,235,235,233,230,230,230,235,233,233,230,228,226,228,230,235,238,235,235,233,233,233,235,235,235,233,228,215,207,204,202,204,212,215,215,217,212,204,207,207,139,133,145,212,225,228,225,212,204,195,194,196,202,204,207,215,222,225,228,228,225,212,202,199,204,215,222,222,217,217,222,228,230,230,230,228,225,222,225,228,228,225,222,217,212,208,208,212,209,204,202,204,207,212,217,217,217,215,209,209,212,212,212,209,209,207,199,196,196,202,207,209,212,215,212,209,207,202,202,202,202,204,207,207,204,199,194,191,194,204,209,207,202,199,199,196,196,202,207,207,204,199,199,202,202,202,199,196,194,189,139,140,194,204,209,209,209,209,207,204,204,207,207,207,202,199,199,199,202,204,204,207,207,209,207,207,204,199,199,199,196,194,194,196,202,204,204,204,204,202,202,199,199,199,202,204,204,202,199,199,199,196,196,199,202,202,202,199,199,199,202,202,202,199,199,196,196,196,194,191,191,196,196,196,196,199,199,196,196,194,196,196,194,194,194,194,199,199,199,196,196,196,196,196,196,199,202,204,207,209,209,209,209,199,190,190,199,207,212,215,217,220,222,222,222,222,222,225,225,228,230,233,233,228,217,215,225,230,233,235,233,230,225,217,215,215,222,228,230,230,230,225,217,209,207,204,204,204,207,209,212,212,215,212,212,212,212,215,217,217,222,222,217,215,212,209,209,209,209,207,207,204,202,199,199,202,199,199,199,202,202,202,199,199,196,194,194,191,189,144,189,191,194,196,196,196,196,196,199,202,204,207,209,209,209,209,212,215,222,228,241,248,251,248,247,248,251,254,254,254,254,254,254,254,251,251,251,255,255,255,255,254,248,243,243,243,243,241,241,241,241,241,241,241,241,243,246,246,246,246,246,243,241,238,238,238,235,235,233,230,233,233,233,230,225,222,220,220,222,225,230,230,230,0,0,0,0,0,248,248,248,238,225,215,215,217,222,222,225,233,235,230,220,215,215,215,215,215,17,23,23,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,9,11,17,17,17,31,55,113,131,134,139,139,101,91,91,95,101,97,95,91,87,97,117,202,246,255,255,255,255,255,255,254,238,222,163,163,225,243,251,248,251,255,255,255,255,255,255,255,255,248,248,255,255,255,255,255,255,255,255,255,255,255,255,255,248,238,220,209,212,220,235,235,241,246,243,241,228,217,209,202,196,189,168,163,152,101,93,91,85,77,71,65,57,59,59,79,98,105,108,92,59,35,7,0,0,0,0,0,0,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,38,30,22,33,40,40,0,22,0,139,217,163,1,0,0,0,0,0,0,56,147,189,202,199,43,0,0,0,0,0,0,0,0,72,105,126,131,98,15,0,9,47,126,163,183,194,186,152,137,152,189,225,238,238,194,91,5,14,37,11,9,93,207,255,255,255,255,255,255,255,255,255,255,243,233,204,168,83,41,14,19,37,27,15,29,47,67,93,157,170,173,178,176,176,168,176,163,69,35,5,0,7,45,81,85,73,67,73,113,134,163,173,0,168,155,139,131,116,61,23,7,0,0,0,0,0,0,0,0,0,0,0,0,3,7,0,0,0,0,0,0,137,207,225,233,246,255,255,243,238,233,230,217,165,77,63,79,168,181,85,29,27,63,113,178,165,113,160,165,160,165,194,202,189,183,202,209,209,209,202,199,194,183,181,173,125,123,115,125,173,191,202,202,176,115,111,125,186,194,194,194,186,176,125,176,194,204,196,186,168,117,165,178,189,178,165,117,113,113,113,119,165,176,176,186,176,176,168,163,160,152,151,160,181,189,191,196,204,215,217,178,0,0,0,69,77,75,89,91,85,85,101,142,142,137,101,95,95,89,87,91,101,137,99,99,103,103,103,99,99,99,103,103,91,87,95,103,113,113,157,165,165,165,170,181,183,181,170,165,125,125,170,186,194,196,194,196,209,233,248,255,248,204,170,160,113,87,75,69,67,59,43,22,25,53,83,131,85,73,71,73,71,69,65,67,71,83,83,73,65,69,83,134,139,139,142,173,183,183,191,202,225,230,225,196,178,165,119,119,160,165,168,170,168,121,121,168,176,183,191,194,186,174,172,181,194,194,183,183,181,181,189,186,181,186,209,212,196,168,117,111,109,97,87,79,81,91,93,91,87,101,165,176,163,113,113,165,191,204,194,183,183,183,183,191,191,191,189,181,163,119,111,111,111,107,111,121,173,125,106,104,113,178,202,204,202,204,215,215,202,196,202,202,191,183,176,131,131,131,133,183,191,191,183,189,204,212,209,209,204,204,204,202,181,125,115,118,125,176,191,199,186,176,173,176,176,176,178,186,176,123,109,97,97,103,103,93,73,56,53,56,89,152,152,89,67,69,71,63,53,61,87,160,199,212,212,220,207,176,152,148,152,152,103,97,89,93,97,99,103,99,93,81,65,43,39,51,97,109,99,85,85,91,99,105,155,170,178,178,170,155,105,107,163,191,191,168,152,103,89,65,59,71 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,194,196,191,186,183,183,186,189,189,186,183,181,176,178,173,160,29,73,160,189,186,181,183,183,176,160,99,81,83,97,107,155,165,155,99,215,204,189,191,209,212,196,191,199,194,189,186,178,173,170,160,152,160,186,207,212,212,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,220,222,191,163,150,165,196,215,217,212,209,209,207,204,202,204,202,202,207,212,212,207,202,196,189,189,196,204,204,199,189,129,113,110,212,215,212,215,215,215,215,215,212,204,196,194,194,191,196,207,209,196,196,212,215,222,238,186,173,178,181,132,127,130,135,132,132,199,217,222,221,228,230,225,225,228,228,230,230,230,230,228,228,228,228,222,212,196,183,137,135,181,189,189,181,166,186,178,173,183,183,127,121,170,181,181,178,181,186,199,212,212,212,209,204,194,183,183,189,129,129,194,204,209,209,209,207,207,207,204,202,204,207,205,205,209,217,107,73,133,137,186,189,186,196,222,228,222,215,212,208,209,215,217,212,207,196,194,207,217,222,222,204,139,139,191,191,191,196,196,196,191,186,189,191,189,189,191,199,199,202,209,212,202,191,191,189,191,196,209,209,199,199,194,183,186,194,204,212,215,207,199,199,189,177,177,189,199,209,212,212,209,202,202,241,238,233,225,204,183,182,186,189,186,186,189,191,202,204,204,207,202,202,209,202,183,135,132,132,186,186,182,181,181,181,181,178,179,189,207,212,212,207,194,186,186,186,187,189,194,199,194,130,110,119,140,194,207,212,196,131,117,127,186,68,82,107,189,220,230,233,230,230,230,230,233,233,230,230,233,228,186,129,122,113,127,139,196,204,215,212,202,209,222,225,228,233,228,212,202,191,142,143,194,207,212,212,207,196,137,126,125,129,183,202,217,225,207,131,119,209,191,199,189,194,209,204,125,115,176,225,222,176,220,225,230,235,233,221,218,225,238,248,248,170,0,0,0,0,0,119,183,191,191,130,119,125,127,129,191,204,195,194,217,235,230,225,233,238,233,215,189,129,173,199,222,235,165,157,165,173,196,204,199,170,157,157,147,147,168,165,37,0,0,0,0,0,0,47,105,0,0,0,0,51,113,25,0,39,144,170,183,202,220,230,235,230,230,230,230,233,235,235,235,233,231,233,235,235,241,243,238,235,235,235,235,235,238,243,246,243,241,241,238,238,235,235,238,238,241,238,238,238,238,238,238,238,238,238,238,238,238,235,235,235,235,233,233,235,235,230,228,228,230,233,238,241,235,233,228,196,191,191,194,204,207,199,195,195,202,228,238,243,233,222,207,196,196,196,207,212,209,194,115,127,139,204,233,241,241,238,233,220,204,199,196,196,194,192,191,189,185,183,179,179,185,194,199,139,137,135,129,121,119,125,129,115,89,87,117,135,137,137,139,189,196,199,196,196,196,189,186,189,189,191,194,196,196,194,199,215,212,209,209,209,204,194,189,187,187,189,196,204,199,191,191,194,199,196,189,189,189,139,135,139,194,202,202,199,202,215,228,230,233,233,233,233,235,235,233,228,215,204,199,202,204,202,200,202,207,204,202,204,202,199,202,204,202,196,194,204,222,215,130,139,191,189,191,199,195,194,228,225,207,204,215,220,209,196,141,137,137,194,209,212,133,99,118,125,124,111,108,202,209,204,202,204,199,191,183,127,123,125,123,109,135,212,217,204,136,127,204,222,222,222,207,196,189,143,202,225,230,233,235,233,230,230,230,230,230,230,233,233,233,233,233,233,233,235,233,233,230,230,230,230,228,230,230,230,233,233,233,233,235,235,238,235,233,233,230,230,228,225,225,228,233,235,235,235,233,230,230,233,235,235,233,233,233,233,233,235,235,235,233,233,233,233,230,229,229,230,233,233,233,233,228,226,228,230,235,238,238,235,233,233,233,233,235,233,228,215,199,202,207,207,204,204,207,212,212,207,203,203,207,209,202,204,215,225,225,212,198,199,196,195,199,204,204,207,212,222,225,225,228,225,212,199,195,202,215,225,228,228,225,225,225,228,228,228,225,225,222,225,228,228,228,222,215,209,207,208,209,207,200,199,200,207,215,217,220,222,217,212,212,215,215,212,209,212,209,204,199,196,202,207,212,215,215,215,209,202,196,196,199,202,204,204,196,145,143,142,145,196,204,207,207,202,202,202,199,196,199,204,207,204,202,199,199,199,199,202,202,202,199,196,196,199,204,207,209,209,209,207,204,204,204,207,204,202,199,199,199,202,202,202,204,204,207,204,204,204,202,199,199,199,196,194,196,199,204,207,207,207,204,202,199,199,202,202,204,202,202,202,202,199,199,196,199,199,202,199,199,199,199,202,202,199,199,196,196,196,199,199,196,194,196,199,199,199,202,199,196,194,194,196,196,196,191,190,191,196,199,196,194,196,196,196,194,194,196,202,204,204,207,209,212,209,196,185,183,196,207,212,215,215,217,220,222,220,222,222,225,228,228,230,233,233,228,217,217,230,233,233,235,233,230,225,217,215,215,217,225,230,233,235,233,225,212,207,204,202,204,207,209,207,209,209,209,209,209,212,212,215,217,222,222,217,212,212,209,209,209,207,207,207,204,202,202,202,199,199,196,196,199,199,199,199,196,194,191,191,191,189,144,189,189,191,194,194,194,194,196,196,199,202,204,209,212,212,212,215,217,225,235,246,254,251,248,248,251,254,254,251,251,251,251,254,254,251,251,254,255,255,255,255,254,248,243,243,241,241,241,243,243,243,243,243,241,241,241,243,246,248,248,248,246,241,238,238,238,238,235,233,233,235,235,235,233,225,220,220,221,222,225,228,230,233,0,0,0,0,0,235,235,233,228,217,209,207,209,212,215,217,222,222,215,209,207,207,209,207,207,0,3,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,5,11,17,17,17,25,51,81,131,142,144,150,137,91,85,85,91,97,91,83,83,91,111,196,238,255,255,255,255,255,255,251,233,165,156,158,225,243,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,246,233,220,212,220,225,235,246,246,246,246,241,228,217,202,194,186,178,160,155,105,95,91,85,77,73,67,65,61,59,61,87,98,108,111,100,77,46,15,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,14,0,0,0,0,0,0,0,0,0,0,48,30,22,22,33,48,48,0,0,92,129,129,51,0,0,0,0,0,0,0,0,3,43,79,98,0,9,56,74,74,9,0,0,0,53,98,87,79,41,0,0,29,126,176,191,191,194,170,142,130,142,178,202,235,246,215,160,61,81,115,63,61,173,217,251,255,255,255,255,255,255,255,255,255,254,235,204,157,77,43,23,39,55,47,31,41,55,67,87,131,157,176,183,178,168,165,165,150,73,63,31,2,13,35,59,59,53,53,65,105,134,165,176,170,160,152,139,134,121,87,35,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,215,225,235,235,243,243,238,233,228,228,225,196,91,27,27,99,105,17,1,9,39,93,113,113,110,110,113,163,191,215,209,194,183,202,215,217,215,207,202,202,202,194,186,173,125,115,115,125,176,186,191,183,123,110,111,123,183,191,186,176,120,120,176,204,212,204,196,196,194,189,196,204,189,115,105,105,105,109,115,165,170,176,186,186,183,176,176,163,155,155,173,189,191,191,196,199,212,222,225,0,0,0,75,91,74,83,89,85,89,134,155,142,137,101,95,95,93,89,93,101,103,99,103,105,105,103,97,91,89,95,103,97,87,93,101,101,111,152,163,157,157,165,173,181,181,170,165,125,125,127,176,181,186,186,194,204,222,241,243,222,183,157,113,95,75,57,51,51,49,39,20,22,55,89,150,139,85,71,65,59,59,65,69,83,91,131,131,87,83,89,99,99,89,89,160,176,183,191,207,230,233,222,189,170,119,119,160,168,173,176,170,168,168,168,176,178,183,191,191,181,174,172,181,199,191,181,189,183,183,189,186,181,186,199,207,194,178,168,163,117,103,79,76,76,79,93,91,86,93,113,168,160,113,113,165,191,204,204,189,183,183,183,183,183,189,183,176,163,111,111,119,119,119,119,170,181,125,111,106,119,181,189,202,202,204,209,209,202,202,202,202,189,186,186,186,181,133,131,178,186,202,202,202,209,209,204,202,194,194,196,202,186,125,112,112,118,125,129,131,176,131,131,131,176,178,186,189,176,123,103,90,90,97,103,97,75,56,51,54,89,168,163,97,71,71,81,65,49,47,71,160,212,228,228,228,228,202,170,160,155,152,109,109,109,105,109,109,103,103,103,89,67,47,41,65,109,160,105,85,79,85,99,111,155,170,178,178,170,163,152,163,178,202,202,181,170,160,105,89,89,103 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,194,194,183,186,191,189,186,181,183,183,178,173,173,173,173,165,77,0,11,85,41,93,144,152,150,67,59,75,95,105,109,113,168,176,183,191,196,194,191,202,202,194,186,186,189,191,196,196,189,183,178,150,144,165,178,186,91,147,0,0,0,0,0,0,27,53,108,134,108,31,27,23,0,0,0,0,0,0,35,176,204,207,181,91,83,157,207,212,209,207,204,202,202,202,202,202,204,212,215,215,215,215,212,204,199,199,199,199,196,186,110,87,99,212,217,217,222,222,217,217,215,209,194,189,191,194,183,178,181,181,181,191,202,204,209,207,183,181,186,189,183,178,181,181,131,130,183,212,222,222,228,230,225,225,228,228,228,230,230,233,230,230,230,228,215,196,189,191,189,181,178,183,186,176,174,228,178,181,189,183,114,113,127,178,183,178,173,176,186,202,212,215,212,204,191,122,121,176,129,129,202,207,207,207,207,204,202,202,202,199,199,207,205,203,209,212,36,13,105,127,125,139,191,202,225,228,222,215,212,209,212,217,222,225,215,199,196,209,225,228,225,204,133,132,132,131,139,194,194,189,185,189,191,189,186,187,189,194,199,207,217,225,215,199,189,186,189,196,207,207,204,207,207,199,191,194,202,207,209,207,204,202,199,169,152,183,204,209,212,215,209,207,212,233,241,238,230,215,194,185,189,186,185,191,189,194,199,202,202,202,207,215,212,199,135,130,134,194,202,189,182,185,196,202,194,186,191,207,215,215,215,222,212,207,207,194,189,194,204,204,186,101,98,114,132,139,141,189,186,186,202,225,243,137,123,191,228,230,230,230,230,228,228,228,230,230,230,233,238,233,228,194,204,126,123,137,199,202,204,204,194,199,212,209,212,222,204,191,139,143,143,143,189,191,194,194,191,139,124,122,127,137,186,186,215,222,207,133,123,123,85,81,127,181,183,194,183,176,220,228,209,61,109,225,228,235,230,221,221,225,233,246,255,212,0,0,7,71,133,186,199,209,212,215,215,212,207,207,209,212,203,203,222,233,228,202,133,137,129,23,0,0,0,0,81,109,0,0,73,168,147,157,181,127,99,131,120,173,191,215,61,0,0,0,0,0,0,0,0,0,0,0,131,186,183,71,0,111,139,163,191,215,230,235,235,233,229,229,230,233,233,235,233,233,231,233,233,238,241,241,238,233,233,233,235,235,235,238,243,241,238,235,235,233,235,235,238,241,238,238,238,238,235,235,235,241,241,241,241,238,238,238,235,238,235,233,235,238,235,230,225,228,225,228,235,241,238,238,241,233,204,194,199,209,209,204,199,196,202,222,235,241,238,233,225,204,133,125,134,209,215,186,113,135,194,217,235,241,238,238,235,228,215,202,194,194,194,194,199,207,209,217,228,222,212,215,225,217,194,137,131,129,129,135,137,125,117,121,135,194,199,189,139,189,196,202,204,196,194,202,199,196,199,191,187,191,196,191,187,194,194,189,191,202,204,199,189,187,187,191,202,212,204,191,187,189,194,196,196,194,186,139,135,137,194,199,202,198,198,209,228,235,238,235,235,238,238,235,235,233,228,215,207,209,215,209,204,202,202,202,204,207,207,204,204,209,215,212,204,207,212,194,103,123,134,139,191,209,199,194,207,212,202,204,225,228,222,215,202,139,137,196,207,209,207,189,135,127,123,125,207,217,217,217,222,217,209,183,120,121,122,121,107,85,131,202,202,196,191,202,220,228,233,230,215,204,194,196,212,228,233,233,230,230,229,229,229,230,230,230,233,235,235,233,231,233,233,233,233,233,233,233,230,228,225,225,228,230,233,235,235,233,235,235,235,235,233,230,230,228,228,225,228,233,235,235,235,233,230,230,228,230,235,238,238,235,235,233,233,235,238,235,233,230,230,230,229,229,229,229,230,233,235,233,230,228,228,230,235,235,233,233,230,230,230,230,233,235,204,122,127,202,222,217,204,203,204,209,209,204,203,204,207,212,215,215,215,215,217,209,199,204,202,202,207,209,209,207,209,215,217,222,225,225,217,207,202,209,217,228,233,235,230,228,225,225,225,225,225,222,222,222,222,225,225,222,217,215,212,209,209,209,202,199,202,209,215,220,222,225,222,222,217,217,215,215,212,215,215,209,202,196,202,209,215,215,215,215,209,202,194,194,196,202,204,199,142,137,138,143,199,204,204,202,204,204,202,199,199,199,202,204,204,202,196,196,196,199,199,202,204,207,207,204,202,202,202,204,207,212,212,212,207,204,204,204,202,202,199,198,199,204,202,202,202,204,204,204,204,204,202,199,199,199,196,196,196,199,202,204,207,207,204,202,199,199,199,202,202,202,200,200,202,202,199,199,199,202,199,199,196,196,196,196,196,196,196,196,196,196,199,199,196,194,194,196,199,202,202,199,196,196,196,196,196,194,191,190,190,194,196,194,194,194,194,194,194,194,199,202,202,196,199,209,212,209,199,187,187,194,202,207,209,215,217,222,220,217,217,222,225,228,230,233,233,233,228,222,225,230,235,235,233,233,228,222,215,209,209,212,217,228,233,238,238,230,215,204,202,202,207,209,207,202,199,202,204,204,207,209,212,215,217,220,220,217,215,212,209,209,207,204,204,204,204,204,204,204,202,199,196,195,196,199,199,196,191,189,189,189,189,189,189,189,189,189,189,191,194,194,194,196,199,202,204,207,212,215,217,222,225,230,238,248,251,251,251,251,254,254,254,251,251,251,251,254,254,254,254,255,255,255,255,255,255,251,246,243,241,241,241,241,243,246,246,243,243,241,241,241,243,246,246,246,243,241,238,238,238,238,238,235,235,235,235,235,233,228,222,222,222,228,230,233,0,235,235,0,0,0,0,0,228,222,215,209,207,202,202,204,207,209,209,207,204,204,204,204,204,204,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,19,19,19,31,51,81,134,142,144,144,137,91,84,84,87,97,91,81,75,81,111,196,246,255,255,255,255,255,255,251,230,215,157,163,233,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,238,220,217,217,222,235,238,248,248,246,241,230,217,209,196,186,178,157,150,107,101,93,87,81,75,71,65,63,61,61,67,95,105,116,116,108,92,59,35,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,251,238,199,0,0,0,176,160,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,20,0,0,0,0,0,0,0,0,0,0,51,33,33,0,0,0,0,74,118,147,134,85,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,131,108,124,108,0,0,13,33,15,15,15,12,49,134,157,176,183,186,178,163,144,142,163,189,202,217,241,233,189,87,111,181,189,183,202,241,255,255,255,255,255,255,255,255,255,238,235,217,183,95,63,39,13,15,15,15,25,41,61,81,91,131,150,176,186,183,165,160,160,144,85,69,51,21,5,13,25,27,31,47,61,77,121,139,160,168,155,152,142,142,129,100,51,21,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,147,222,225,225,228,235,238,238,217,216,217,222,202,152,25,5,75,93,0,0,29,81,89,107,168,160,110,113,181,196,199,194,183,189,199,215,228,217,207,198,202,202,202,183,173,125,115,113,117,125,125,176,176,125,111,107,111,168,186,176,123,117,119,178,204,212,209,204,204,202,196,209,212,189,111,96,94,94,97,111,119,165,176,186,186,191,191,186,176,163,160,183,189,189,191,199,207,222,241,255,0,0,0,69,85,85,77,77,73,77,89,99,95,93,93,89,89,89,87,87,93,99,105,99,99,99,103,97,73,70,83,91,85,83,89,89,89,93,101,113,111,111,163,173,183,183,173,163,125,125,125,127,168,178,186,186,194,209,233,235,217,183,115,105,89,63,39,27,31,43,37,21,22,45,79,139,139,83,65,51,39,39,57,71,85,137,150,150,142,89,83,89,89,80,81,107,163,176,189,207,230,233,209,189,173,165,160,165,173,181,186,189,176,168,176,178,176,173,173,173,181,176,176,189,199,191,181,183,189,189,183,178,173,178,196,207,196,189,181,176,163,105,87,76,76,79,87,95,95,95,103,115,157,113,113,165,191,204,204,194,189,183,178,178,178,181,178,170,117,110,108,115,125,168,170,178,178,123,106,106,119,170,178,186,202,209,212,212,209,209,209,202,191,202,202,186,181,178,131,131,178,191,204,209,209,202,202,202,195,194,202,209,202,133,119,119,131,131,125,125,131,178,131,178,189,189,189,181,170,119,99,90,88,91,97,97,89,67,57,61,103,168,163,103,81,81,73,59,44,43,59,160,220,235,230,235,230,220,186,160,152,155,160,160,105,103,109,109,97,93,97,89,61,45,47,89,160,168,111,89,83,89,103,111,152,168,178,176,170,163,165,178,202,220,209,181,168,155,109,103,109,152 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,4,186,191,189,183,189,189,183,176,172,178,189,181,173,170,170,168,155,124,0,0,0,0,0,0,9,21,0,0,11,111,157,152,157,178,189,189,186,194,194,191,191,189,183,179,179,183,189,194,196,191,189,183,152,142,151,152,87,0,0,0,0,0,43,29,29,118,150,183,209,212,204,207,209,186,67,0,0,0,0,79,178,191,194,173,87,81,103,181,204,212,207,202,199,199,200,202,204,207,215,217,220,222,222,217,212,207,204,202,196,194,189,121,104,119,204,215,222,225,225,225,222,215,202,187,186,191,194,181,128,127,131,176,178,178,186,189,183,181,191,194,191,186,189,189,189,181,130,131,194,217,225,225,222,222,222,225,228,228,230,233,233,235,233,233,225,207,191,191,199,196,181,133,181,183,181,183,186,181,191,194,176,119,119,127,176,181,178,173,170,173,183,204,215,212,207,196,123,118,123,173,186,204,209,209,207,207,202,198,198,198,199,202,207,209,212,212,199,26,0,30,89,109,133,191,207,225,228,225,217,212,212,217,225,228,230,225,202,191,204,225,230,225,207,141,135,130,127,133,191,191,189,186,194,196,191,186,189,196,202,207,212,222,225,217,204,191,189,186,186,191,199,204,212,215,207,199,194,191,194,196,194,189,186,189,177,172,186,204,212,215,212,204,202,207,222,238,241,230,209,194,189,194,189,189,194,194,194,196,196,191,191,202,215,212,194,137,134,139,191,194,191,189,194,209,215,207,207,222,225,217,215,215,222,222,225,225,207,196,202,204,204,202,194,194,204,202,194,189,183,179,183,199,217,222,189,194,217,228,230,230,228,226,226,226,228,230,230,230,233,235,233,215,138,209,199,120,137,194,194,191,183,136,138,194,199,209,220,222,204,139,131,137,141,141,141,189,191,191,137,125,123,129,186,137,135,199,209,207,189,125,117,90,82,127,176,111,109,113,183,215,215,77,5,32,189,230,233,230,228,228,230,233,243,254,212,0,0,65,189,204,196,207,225,230,230,230,228,228,225,225,222,222,225,233,235,222,125,67,3,0,0,0,0,0,0,0,0,0,0,19,23,21,85,176,155,116,117,96,186,215,243,209,57,0,0,0,0,0,0,0,0,0,0,67,160,131,0,0,51,155,215,222,225,230,233,233,233,230,230,233,235,235,235,233,231,231,231,231,235,241,241,238,233,231,231,233,233,233,235,238,238,235,233,233,233,233,238,238,238,238,235,235,235,233,233,233,238,241,241,238,238,238,235,235,235,235,233,235,238,238,230,225,225,224,224,228,238,238,238,241,238,215,202,202,207,209,207,204,199,199,207,222,233,238,238,233,217,132,125,130,186,186,119,99,95,141,228,238,235,235,235,235,230,207,186,182,185,191,204,217,225,230,235,243,238,228,215,209,212,207,202,194,139,135,137,139,137,139,191,204,215,215,202,189,189,196,199,199,192,192,209,212,207,202,191,187,194,202,194,186,186,185,183,185,191,204,204,196,191,194,194,199,209,204,194,187,187,191,194,202,196,189,141,135,137,191,196,199,199,198,202,209,228,238,238,238,238,238,235,233,230,230,225,209,212,225,222,215,209,204,202,202,204,204,202,207,217,228,228,215,209,215,209,128,131,133,133,189,235,228,199,196,202,204,209,222,230,233,230,215,196,189,194,196,199,204,202,199,183,135,194,222,230,230,228,225,228,225,209,181,133,133,135,120,101,135,191,191,194,202,209,222,228,230,228,209,194,143,196,222,233,233,233,230,230,230,230,230,230,230,230,233,235,238,235,233,233,233,233,233,235,235,233,228,222,217,222,225,230,235,235,235,235,235,235,235,235,233,230,228,228,228,228,230,233,235,238,235,233,233,230,228,228,233,238,238,238,235,233,233,235,238,238,235,233,230,230,230,230,230,230,230,233,233,233,230,228,228,228,230,230,228,225,225,225,228,230,235,230,123,114,122,228,241,228,209,207,204,204,207,207,207,204,204,207,212,212,209,209,215,212,209,209,207,207,212,215,212,209,209,215,217,217,222,225,225,222,217,222,228,233,238,238,233,222,217,217,217,220,217,217,217,217,217,222,225,222,217,222,217,212,209,209,204,202,209,217,222,225,225,225,222,222,222,222,220,217,217,217,222,215,207,204,207,212,215,215,215,215,209,202,195,195,199,202,202,196,143,140,143,196,207,207,202,198,199,204,204,199,198,198,202,204,202,199,195,195,195,199,199,199,204,207,207,199,196,199,202,204,207,212,212,212,209,204,202,202,202,202,202,199,199,202,202,202,202,204,204,204,204,204,202,199,196,196,199,196,196,199,202,204,207,207,204,202,199,199,199,199,199,202,202,202,202,204,202,199,202,202,199,196,196,195,195,196,196,196,196,196,196,196,196,194,191,189,189,194,199,202,202,199,196,195,196,196,196,196,194,191,191,191,194,194,192,194,194,194,194,196,199,199,199,194,194,202,207,207,199,192,192,194,196,202,207,215,217,222,222,217,217,225,228,230,233,235,235,230,225,222,222,230,233,233,230,230,225,217,209,207,204,207,212,222,233,241,246,238,220,207,202,202,207,212,209,199,149,196,199,199,202,209,215,215,217,217,217,215,212,212,209,207,204,202,202,202,204,207,207,204,202,199,195,195,196,199,199,196,191,189,189,189,189,189,189,191,191,189,191,191,194,196,199,199,202,202,204,207,209,215,222,228,233,235,241,248,251,251,251,254,254,254,254,254,251,251,251,254,254,255,255,255,255,255,255,255,255,251,243,241,241,241,241,241,243,243,246,243,243,241,238,238,241,241,243,246,243,241,241,238,238,238,238,238,235,235,235,235,233,230,228,225,225,230,233,235,0,0,0,0,0,0,0,230,228,217,215,209,207,202,199,199,202,202,202,199,199,202,202,202,204,204,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,5,13,17,19,19,31,51,75,126,137,144,150,142,99,87,85,87,97,87,77,71,79,111,204,255,255,255,255,255,255,255,246,230,215,163,217,243,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,241,230,217,213,217,222,235,241,246,246,241,230,228,212,202,194,181,165,160,107,103,99,89,83,77,71,65,65,58,59,65,95,105,116,121,126,118,103,85,43,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,251,204,157,0,0,0,139,124,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,22,0,0,0,0,0,0,0,0,0,0,0,0,48,0,0,0,0,0,92,163,189,155,85,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,77,124,142,77,33,61,0,0,0,17,95,147,157,165,165,165,170,160,152,152,163,189,204,204,207,215,220,207,173,173,199,217,233,248,255,255,255,255,255,255,255,255,255,243,209,186,155,79,57,43,15,0,0,0,0,9,41,67,87,97,126,137,168,186,183,160,147,147,129,81,69,57,25,3,0,7,13,21,31,47,63,77,124,150,155,152,142,142,142,134,113,79,31,11,0,0,0,0,0,0,0,0,0,0,0,3,0,0,0,0,0,0,25,139,199,204,215,228,235,238,230,217,216,217,204,163,75,5,0,73,160,37,39,157,173,113,160,186,176,160,160,173,176,163,163,183,194,202,209,217,217,207,202,202,207,194,173,125,125,109,109,117,125,125,123,117,123,115,111,115,125,176,176,120,119,125,183,196,186,183,194,196,196,202,212,222,204,168,105,95,94,97,109,117,117,115,163,176,186,194,194,186,181,181,183,183,189,196,207,225,225,230,230,3,0,53,75,73,79,85,71,67,68,75,83,83,83,83,83,83,83,83,85,91,99,103,93,81,81,97,95,71,66,73,71,67,71,83,83,83,93,103,113,113,111,157,173,181,181,168,119,123,125,125,123,125,176,178,178,186,204,233,241,217,183,155,95,75,51,26,24,27,39,37,21,21,37,65,85,87,71,49,33,23,27,45,67,85,142,157,157,142,89,82,85,83,80,83,103,155,173,181,199,222,222,204,194,186,173,170,170,176,189,199,194,176,168,176,178,170,164,165,173,178,176,173,181,194,191,181,181,183,183,176,170,165,170,186,196,196,186,178,170,121,111,101,91,87,87,95,101,101,101,97,101,107,109,113,157,181,191,191,191,183,173,165,163,165,170,170,163,111,106,106,111,125,170,176,181,176,115,104,104,119,170,176,181,202,209,212,212,212,212,212,202,189,202,189,181,181,181,178,133,178,189,202,209,202,202,191,202,202,202,202,209,202,181,131,137,189,189,125,122,131,178,181,189,191,202,189,181,170,119,105,91,88,90,97,103,97,85,67,71,105,168,160,103,89,89,73,53,41,40,53,160,222,241,235,235,235,228,199,168,155,160,168,160,103,89,97,89,81,81,89,81,59,45,59,99,168,176,155,97,89,97,109,152,160,170,186,186,176,170,178,191,209,220,209,176,152,109,103,105,152,160 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,30,0,38,170,183,186,181,176,173,173,172,172,181,183,181,176,173,173,165,147,131,124,0,27,0,0,0,0,0,0,0,11,147,165,168,191,204,199,194,189,196,199,194,189,183,179,179,181,183,183,186,189,189,189,183,165,148,160,160,77,0,0,0,19,55,144,160,152,160,178,199,212,222,233,235,238,248,255,61,0,0,0,89,191,202,204,199,170,109,157,178,199,217,212,204,199,199,200,202,204,209,212,215,217,222,222,222,215,212,212,207,199,191,186,135,127,183,199,212,217,217,222,225,222,209,191,187,189,196,202,191,129,124,127,189,181,131,173,127,123,181,194,189,131,133,186,189,183,183,135,130,132,204,225,222,212,215,222,225,225,228,230,233,235,235,233,230,222,204,191,191,196,194,181,133,135,181,194,196,174,179,199,196,111,103,103,105,127,173,181,178,129,119,125,196,212,209,202,194,173,121,123,186,204,209,209,209,207,204,202,198,196,198,204,207,207,209,212,209,196,49,49,48,29,32,131,222,222,225,228,225,217,215,217,222,228,230,233,228,204,141,191,215,222,215,212,212,209,186,131,137,194,194,189,183,194,199,191,183,187,202,212,215,215,215,215,212,207,199,196,186,139,183,191,199,209,212,204,196,189,183,183,186,182,174,164,174,181,181,189,204,215,217,209,199,196,202,209,230,233,207,194,187,189,194,191,191,196,196,196,196,191,189,186,191,202,199,189,186,189,186,186,186,189,191,196,209,209,199,204,222,228,217,217,217,222,225,228,228,212,202,196,189,196,215,228,233,230,225,217,204,191,181,183,191,202,196,170,196,217,225,228,230,228,226,226,226,228,230,230,230,233,233,220,196,99,191,199,113,131,124,124,135,139,134,134,189,204,217,228,238,230,202,123,127,133,137,139,143,191,191,139,131,129,127,131,133,181,199,207,204,176,96,103,96,86,176,181,98,102,108,176,209,212,73,0,8,111,235,233,233,233,233,233,233,241,246,194,0,0,95,117,109,121,209,230,235,235,235,235,233,233,230,228,230,230,230,235,235,215,119,23,0,0,0,39,1,0,0,63,186,183,99,37,23,85,183,181,125,113,65,160,222,246,243,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,228,230,230,235,238,235,233,233,233,235,238,238,235,233,233,233,231,231,235,238,238,238,233,233,233,235,233,231,233,235,235,233,233,231,231,233,235,238,238,235,233,233,233,233,230,230,233,235,238,238,238,235,235,235,235,233,233,235,238,238,233,228,225,225,224,225,233,235,238,243,241,225,207,202,202,207,207,209,207,199,191,194,212,230,235,233,228,191,135,186,186,117,82,76,76,119,217,230,230,230,233,230,217,191,179,178,182,189,207,230,238,238,241,243,241,228,204,194,204,212,217,217,202,183,137,183,189,199,212,225,230,228,212,196,191,196,199,196,191,191,204,212,207,204,196,191,196,199,196,191,189,187,185,183,191,209,215,209,202,199,194,191,196,199,194,189,189,189,194,202,199,194,189,137,139,189,194,204,209,209,207,199,191,225,238,241,238,235,233,230,230,233,228,212,215,228,230,225,222,212,207,204,202,196,199,204,215,225,228,217,212,217,225,215,196,135,124,128,235,235,207,196,204,212,212,209,217,230,228,209,199,196,189,186,194,202,215,215,194,189,207,228,233,233,230,228,228,230,225,196,186,183,191,183,131,139,186,189,199,209,217,222,222,217,202,131,118,120,139,230,235,233,233,230,230,233,233,233,235,235,235,235,238,238,238,235,233,233,233,235,235,235,230,225,217,217,220,225,230,235,235,235,235,238,238,235,235,233,230,228,228,228,228,230,233,238,238,235,235,233,230,228,228,230,233,233,233,233,233,233,235,235,238,235,235,235,235,235,233,233,233,233,233,233,233,230,228,228,228,228,228,222,217,215,217,228,230,233,230,133,119,196,241,241,222,207,202,194,194,204,209,207,199,194,196,204,207,207,207,212,217,215,209,207,209,215,217,215,209,208,212,215,217,222,228,233,233,233,230,233,235,238,235,228,215,207,209,212,212,212,215,215,217,217,222,225,222,222,228,222,212,207,204,204,209,217,225,225,225,225,222,221,222,222,222,225,225,225,225,225,222,215,212,212,212,212,212,215,212,207,202,199,202,204,204,204,199,196,196,199,202,204,207,199,196,198,202,204,202,198,199,202,204,204,199,195,194,195,196,196,199,202,207,204,194,191,196,202,204,207,209,212,209,207,204,202,202,202,202,202,202,202,202,202,202,204,204,204,204,207,204,202,196,196,196,199,199,196,199,199,202,204,204,202,199,199,199,199,198,199,204,204,204,204,204,202,199,202,202,199,196,196,195,195,195,196,196,196,196,196,194,194,191,187,187,189,194,199,202,199,196,196,196,196,196,196,196,196,196,194,194,191,194,194,194,194,194,194,196,196,196,194,191,190,191,191,191,194,194,196,194,194,199,204,212,215,217,217,217,222,225,228,230,230,233,233,225,217,215,217,225,230,230,228,228,222,215,209,204,203,202,204,215,230,241,248,243,228,209,202,202,207,209,207,199,147,145,147,149,199,209,215,217,217,215,215,215,215,212,209,207,204,199,199,202,202,204,204,204,202,196,196,196,199,202,199,196,194,191,191,189,189,189,191,194,194,191,191,194,196,199,202,204,207,207,204,207,209,215,225,233,238,241,246,248,251,251,251,254,255,254,254,255,254,254,254,255,255,255,255,255,255,255,255,255,255,251,243,239,239,241,241,243,243,243,243,243,241,238,238,238,238,238,241,243,243,241,238,238,238,238,238,238,235,233,233,233,233,230,228,228,228,228,230,233,233,0,0,0,0,225,230,230,225,217,215,212,209,202,199,196,196,196,196,196,196,199,202,202,204,204,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,11,11,13,13,13,27,47,77,121,134,147,155,155,147,101,93,97,97,89,76,71,83,117,220,255,255,255,255,255,255,251,241,230,225,225,225,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,243,233,217,217,213,213,217,222,235,238,241,241,241,230,220,209,194,186,173,165,115,107,101,95,89,81,75,69,63,59,58,59,67,95,105,116,124,126,121,108,92,56,30,12,7,9,14,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,230,157,121,0,0,0,95,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,14,1,0,0,0,0,0,0,0,0,0,0,0,0,74,0,0,0,0,0,0,173,181,144,69,12,0,0,0,0,0,0,0,33,35,0,0,0,0,0,0,0,48,85,108,98,105,103,0,0,0,31,126,147,139,139,150,150,152,152,160,168,181,196,204,196,199,209,220,233,230,207,207,233,255,255,255,255,255,255,255,255,255,255,246,209,176,103,67,41,29,19,0,0,0,0,0,13,41,61,83,95,126,134,165,186,183,165,147,144,118,69,57,45,23,0,0,5,7,9,17,27,45,65,111,137,142,137,129,129,134,126,108,82,39,17,0,0,0,0,0,0,0,0,0,0,15,33,23,0,0,0,0,0,41,139,196,204,225,228,230,235,230,228,230,228,181,77,27,0,0,45,173,168,181,207,199,183,176,183,170,160,107,107,107,109,163,183,194,194,202,209,209,209,209,217,209,183,115,115,115,109,109,125,186,183,116,116,125,125,125,125,125,125,125,125,125,170,178,176,115,109,125,189,196,196,204,220,212,196,119,97,94,97,109,115,109,100,103,113,163,186,194,194,186,183,173,181,189,204,217,228,225,217,194,85,75,91,87,85,87,87,71,65,65,71,81,83,80,80,80,81,82,82,82,85,93,93,85,75,73,83,93,77,70,77,64,62,67,83,89,91,97,113,113,113,109,111,163,170,170,160,111,111,113,117,119,165,181,186,186,202,225,241,233,209,183,111,83,63,45,29,26,33,43,37,23,23,41,63,79,77,59,39,23,21,23,41,61,85,142,157,157,142,83,80,83,83,81,89,107,155,163,176,191,209,209,202,194,191,178,178,178,186,194,204,189,176,176,176,170,164,161,165,183,181,173,166,173,189,191,183,181,178,176,170,164,164,168,181,194,194,178,168,117,117,115,117,107,101,101,101,101,101,95,87,79,93,103,109,157,173,181,176,181,173,163,113,111,119,163,170,163,111,108,108,111,121,168,176,176,168,111,104,106,121,176,178,186,202,209,212,212,212,212,209,202,189,186,181,178,181,189,202,189,189,189,189,189,189,189,189,202,204,202,202,202,189,137,131,137,202,191,125,118,124,178,189,202,202,202,202,189,173,125,111,99,90,90,97,109,109,97,81,81,109,163,155,103,97,97,85,47,40,39,53,160,228,246,241,235,230,228,207,176,168,168,176,168,109,93,89,77,74,77,93,85,59,51,63,103,168,176,160,103,95,97,109,160,168,176,199,202,199,189,189,202,209,220,202,170,111,103,103,109,160,168 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,38,0,87,165,181,178,176,170,170,176,176,173,178,178,178,178,173,168,152,137,139,150,147,202,71,85,85,0,0,0,0,31,59,157,183,220,217,207,199,196,199,202,196,191,183,181,181,183,186,183,183,189,191,191,189,189,183,191,189,99,0,0,57,65,41,73,178,183,176,183,196,204,215,233,235,235,248,255,181,0,0,0,79,196,209,212,212,215,204,183,178,189,209,215,209,204,202,202,202,204,207,209,207,209,215,222,222,215,212,209,204,196,183,135,135,181,194,199,204,207,204,207,212,209,199,191,191,199,209,215,212,189,127,128,191,131,116,127,119,97,173,181,115,109,127,194,194,186,194,204,183,129,135,209,212,207,212,217,222,225,228,230,233,233,230,228,222,212,202,191,189,189,181,135,129,113,119,199,204,169,183,204,209,105,77,42,38,119,173,191,186,123,83,81,178,207,204,191,183,176,129,131,196,212,212,207,204,202,204,204,202,199,199,204,215,215,212,207,202,199,202,233,212,81,77,199,222,225,225,225,222,217,217,220,225,230,233,233,228,204,141,186,199,204,202,207,215,222,207,139,139,189,189,186,183,194,202,194,181,186,207,217,217,215,212,209,209,209,209,204,191,139,137,183,191,199,204,199,194,186,183,186,191,183,174,165,173,183,189,189,204,222,222,209,191,189,194,194,207,215,199,187,187,191,196,194,191,196,199,199,190,187,189,189,190,196,194,191,194,199,194,189,186,186,189,194,194,186,137,186,207,217,222,222,222,225,225,228,222,209,202,187,183,194,225,233,233,230,228,225,212,196,186,194,196,204,194,135,185,212,225,230,233,230,228,228,228,228,228,225,225,225,222,207,196,113,178,183,121,133,107,100,125,202,139,136,204,225,230,235,241,233,215,129,123,127,137,139,139,143,189,189,194,196,135,118,135,189,191,199,196,85,66,97,119,109,191,191,98,105,117,173,207,217,183,36,32,121,233,235,233,230,230,230,233,235,233,176,1,73,109,105,96,117,222,233,235,235,235,235,235,233,233,230,230,230,230,235,246,248,246,241,199,11,0,0,0,0,0,186,235,243,254,248,176,168,183,157,127,131,127,178,217,238,220,186,7,61,0,0,0,0,0,0,0,0,0,0,0,0,0,21,168,225,230,233,235,233,230,233,233,233,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,233,233,233,233,235,233,233,233,233,233,235,235,233,233,231,231,233,233,230,228,228,233,235,238,238,235,235,235,233,233,235,235,238,235,230,225,225,228,230,228,230,233,235,241,243,230,209,202,202,207,209,209,212,199,187,186,192,209,222,225,212,196,191,202,202,133,82,72,95,123,194,212,217,217,217,215,202,189,183,186,191,196,212,235,241,241,241,243,243,230,196,135,196,207,222,233,225,199,189,191,199,209,222,230,235,233,222,204,196,199,204,204,196,191,190,192,196,204,204,202,194,189,189,199,199,196,189,187,196,215,225,217,209,204,191,186,190,194,194,191,189,189,191,199,202,196,194,186,141,186,194,212,225,230,225,196,123,209,233,238,235,233,230,233,233,228,225,215,217,228,230,228,225,220,217,215,207,196,196,199,202,207,215,212,209,217,230,230,215,135,113,113,189,217,212,207,209,215,202,194,204,209,194,137,141,191,185,183,186,196,217,217,133,129,199,228,233,233,230,225,222,222,212,191,183,183,196,194,191,189,186,194,209,222,225,225,222,212,186,119,113,115,137,230,235,233,233,233,233,233,235,235,238,238,235,235,235,238,238,238,235,233,233,233,233,233,230,225,217,215,217,225,233,235,238,238,238,238,238,235,233,230,230,228,228,228,228,230,233,235,235,235,235,235,233,228,228,228,230,230,230,230,230,230,233,235,235,238,238,238,238,235,235,233,233,233,230,233,233,233,230,228,228,230,228,222,215,213,215,225,230,230,222,209,209,228,235,228,209,202,192,190,192,207,215,207,194,141,137,145,202,204,207,209,212,212,207,204,209,217,222,217,212,209,209,212,217,225,230,235,238,238,238,238,238,241,235,225,207,204,207,212,212,212,212,215,217,222,225,225,225,228,230,222,209,203,202,204,215,225,228,225,225,222,220,220,222,225,228,228,225,225,225,225,222,222,220,215,209,207,207,212,212,204,202,207,209,209,209,209,209,207,207,202,198,198,204,202,198,199,204,207,207,204,202,202,204,204,202,199,196,196,196,194,191,196,204,202,192,190,194,202,204,207,209,209,209,207,202,200,200,202,204,204,204,202,202,204,204,207,204,202,204,207,204,199,196,196,199,199,199,199,199,199,199,202,202,199,199,199,202,199,198,199,204,207,207,204,204,202,199,202,202,199,199,199,199,196,196,196,196,196,196,194,194,191,189,189,189,191,194,199,199,199,199,199,199,199,199,199,199,199,199,199,194,194,196,196,194,194,196,196,196,196,194,194,191,190,190,187,187,190,191,196,196,199,202,204,209,209,212,215,217,225,225,225,225,228,230,228,222,215,212,215,222,228,228,228,228,222,215,209,204,203,202,203,212,225,241,248,246,230,212,202,202,204,207,204,199,145,141,141,143,196,207,217,222,217,215,215,217,217,215,212,207,204,199,199,199,202,202,202,202,199,196,196,199,202,202,202,199,199,196,194,191,191,194,194,194,194,194,194,194,196,199,202,207,209,209,209,209,212,217,228,235,241,243,246,248,248,248,251,254,254,254,254,254,254,254,255,255,255,255,255,255,255,255,255,255,255,251,243,239,239,241,243,243,246,243,243,241,241,238,238,235,235,235,235,238,241,238,238,238,238,241,241,238,233,233,233,233,233,230,228,228,225,225,225,225,228,0,0,0,225,225,225,225,217,215,215,212,207,199,196,196,196,196,194,194,194,199,202,202,202,204,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,5,11,11,11,7,7,15,21,39,65,116,139,152,163,163,152,107,105,105,101,89,76,71,85,125,230,255,255,255,255,255,251,241,230,230,230,233,243,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,243,238,230,230,217,217,220,220,220,222,222,235,241,241,241,248,243,220,202,183,165,121,115,115,107,101,95,87,81,71,69,65,59,58,59,67,95,105,116,124,126,126,116,98,66,46,30,30,30,33,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,254,207,131,79,0,0,0,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,22,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,129,87,43,4,0,0,0,0,0,0,0,27,43,0,0,0,0,0,0,0,25,69,77,77,108,108,23,0,0,37,59,35,33,53,67,77,87,134,152,176,189,181,170,173,191,215,235,243,248,230,207,233,255,255,255,255,255,255,255,255,255,255,238,209,168,95,63,41,27,11,0,0,0,5,15,31,47,67,83,91,126,134,168,194,196,181,168,147,118,65,45,33,11,0,0,0,1,3,9,21,33,53,75,124,131,124,116,116,118,113,92,55,39,25,5,0,0,0,0,0,0,0,0,0,19,35,35,19,11,1,0,3,41,139,215,238,243,228,222,222,230,238,243,235,189,73,17,0,0,5,93,181,199,207,196,183,173,152,101,99,93,94,101,109,163,176,183,183,194,202,209,209,225,228,207,163,95,101,109,109,113,125,186,186,125,117,125,176,176,125,125,125,125,165,165,165,170,117,107,103,109,168,189,196,196,204,212,204,178,109,95,95,105,111,105,99,97,101,113,168,186,186,186,176,161,168,189,204,225,225,215,199,186,147,93,85,91,103,134,91,79,70,69,81,89,89,81,79,83,87,87,87,83,85,87,93,91,83,74,76,89,91,91,85,71,64,67,85,97,97,95,99,103,101,95,95,101,119,163,165,119,107,93,99,123,183,204,212,222,241,241,235,209,191,165,93,69,55,49,45,47,49,49,39,27,23,37,55,65,71,57,43,29,23,25,41,57,79,142,163,170,150,83,80,83,83,81,91,109,155,163,168,183,199,204,196,194,186,178,173,178,186,194,194,183,178,176,176,168,161,161,173,191,189,173,166,168,183,194,189,181,176,170,165,164,164,168,178,186,189,178,168,117,114,157,165,157,115,109,101,101,95,87,77,73,81,101,107,157,168,173,173,176,163,113,108,108,111,163,170,163,115,110,110,111,115,121,170,170,123,111,104,109,168,181,178,186,199,209,212,209,209,209,209,199,186,181,176,174,186,202,212,209,199,189,178,178,178,181,189,189,202,209,209,189,137,125,120,125,189,189,125,118,124,178,202,202,209,209,209,202,181,170,125,111,99,91,99,115,115,101,85,87,109,160,115,103,103,103,91,47,40,40,53,168,230,246,228,215,215,215,212,199,186,186,186,176,152,109,103,87,77,87,103,87,63,61,81,109,163,168,160,103,92,95,109,160,170,186,207,215,212,202,202,204,209,209,202,176,115,105,109,160,168,170 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,155,170,170,173,178,181,178,176,176,173,170,173,160,137,121,126,142,144,144,165,93,137,220,225,0,0,0,0,0,117,209,225,220,209,199,196,199,199,196,191,186,183,181,186,186,183,189,196,199,196,189,202,204,204,194,155,0,0,77,93,36,43,173,186,178,183,191,194,202,217,220,225,238,241,202,0,0,0,39,170,196,202,212,220,215,189,173,176,191,207,209,207,204,204,204,204,204,202,198,198,207,217,217,212,207,202,194,186,133,127,131,178,191,196,196,194,189,186,191,189,186,194,204,212,217,225,222,202,176,131,129,75,71,117,113,57,51,13,11,81,186,212,207,196,212,225,212,133,131,191,204,207,212,217,222,225,228,230,230,230,225,215,207,204,196,189,186,183,137,135,127,74,92,199,204,186,199,217,233,215,131,41,20,97,170,191,194,129,72,64,89,194,196,186,176,176,173,176,191,212,212,207,202,202,204,207,207,204,202,199,217,222,217,209,196,194,204,217,215,196,194,209,220,225,228,225,222,217,217,217,222,228,230,233,228,207,189,141,141,186,191,194,207,225,225,199,186,183,186,186,139,189,199,199,185,187,209,222,222,217,212,209,212,215,217,212,196,137,135,136,183,194,202,199,191,189,191,202,212,204,194,196,191,194,191,191,207,225,222,212,189,183,183,138,186,204,202,194,196,202,202,196,194,196,202,196,183,183,194,204,204,204,204,199,204,207,202,189,141,186,194,196,183,133,133,137,189,202,212,207,215,217,222,225,215,204,199,189,186,199,228,230,228,225,225,217,204,189,189,196,204,222,222,159,194,215,228,235,233,230,230,230,228,225,217,212,209,209,204,199,196,183,186,194,199,204,123,109,125,196,189,186,212,230,235,238,233,222,141,121,121,133,141,139,138,141,194,204,233,235,209,139,215,133,62,109,183,87,82,176,222,209,215,215,121,115,115,129,194,209,209,121,103,202,222,230,230,228,225,228,225,222,217,123,49,111,113,119,129,212,228,233,233,233,233,233,233,235,233,233,233,233,235,238,238,235,235,243,241,125,0,0,0,0,0,83,217,243,248,254,251,233,186,134,129,238,222,142,155,183,157,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,186,212,225,228,228,228,230,233,238,235,230,230,233,233,235,235,235,235,238,238,238,235,235,235,235,238,238,235,233,233,233,233,235,238,235,235,233,233,233,233,233,233,231,231,233,233,230,228,228,230,235,235,235,235,233,233,235,235,238,238,238,233,228,225,228,230,230,228,233,233,228,230,235,217,199,196,204,207,207,207,212,207,194,191,194,204,209,207,196,189,189,196,202,202,139,119,127,129,139,199,204,196,194,196,199,202,215,222,215,207,217,238,238,238,241,243,241,228,137,110,127,189,215,238,235,209,199,204,209,220,228,233,235,230,220,204,199,204,209,209,207,194,182,183,194,207,209,204,194,139,138,194,204,202,194,191,199,212,217,212,204,199,191,189,194,199,194,191,189,141,186,194,199,199,196,191,186,186,196,212,225,230,228,143,118,202,228,230,230,230,233,235,233,199,202,217,225,230,230,230,228,225,225,222,209,196,196,202,199,196,199,202,204,212,228,230,212,141,118,117,139,209,215,209,204,199,191,191,204,199,131,126,130,191,191,185,178,176,204,209,108,102,109,215,230,228,222,212,207,204,194,183,183,186,196,196,196,186,183,202,217,225,225,228,228,225,199,131,125,137,207,228,235,233,233,233,233,233,235,235,238,235,233,230,230,233,235,238,235,233,230,230,230,230,230,225,212,211,212,222,230,238,241,241,241,238,235,235,233,230,230,230,230,230,230,230,233,235,235,233,233,235,233,228,228,228,228,225,228,228,228,230,230,233,235,238,238,238,238,235,235,233,233,230,228,230,230,230,230,230,230,233,230,228,217,213,217,228,228,217,204,207,217,222,222,212,207,199,194,192,199,209,215,207,196,139,130,136,196,207,207,207,204,204,203,204,209,215,222,222,215,209,208,212,220,228,235,238,241,241,241,241,241,238,235,225,207,204,209,215,215,215,217,222,225,225,228,228,228,230,230,225,207,202,202,207,222,228,228,225,225,222,220,220,225,228,230,228,225,222,222,222,222,222,217,212,204,203,204,209,209,204,204,209,212,212,215,215,217,217,212,202,195,195,202,204,202,202,204,207,209,209,204,202,199,199,199,202,202,202,196,190,189,191,202,202,196,192,196,202,204,207,207,207,207,204,202,200,200,202,204,207,204,204,204,204,204,204,202,199,202,204,202,199,196,196,199,199,199,199,199,196,199,199,199,199,199,199,199,199,198,199,204,207,207,204,202,199,196,199,202,202,202,202,202,199,196,196,196,196,194,191,191,191,191,194,196,196,196,196,196,199,199,199,199,199,199,199,199,202,202,199,196,196,199,199,196,196,199,202,202,199,196,194,196,196,194,190,189,191,194,199,199,199,202,204,207,207,209,212,217,225,225,222,217,217,222,222,215,212,212,215,217,225,228,228,228,225,217,212,207,204,204,204,212,222,235,248,246,233,212,202,199,199,202,202,196,145,139,137,138,145,202,212,217,215,215,215,217,220,217,212,207,202,199,198,199,199,202,202,199,199,199,199,202,202,202,202,202,202,199,199,196,196,196,196,196,194,194,194,194,194,196,202,204,209,215,217,217,217,225,230,235,238,241,243,246,248,248,248,251,254,254,251,248,248,251,255,255,255,255,255,255,255,255,255,255,255,251,243,241,241,243,243,246,246,246,243,241,241,238,238,235,235,233,233,233,235,235,235,235,238,241,241,238,233,230,228,228,228,228,225,225,222,217,217,217,222,222,225,225,222,217,215,215,209,209,209,207,202,196,194,194,196,199,196,191,194,196,199,202,199,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,11,13,19,19,13,7,7,7,21,39,65,129,147,163,163,157,152,144,111,111,105,85,72,72,95,133,233,255,255,255,255,255,248,241,230,230,233,243,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,238,230,215,215,217,217,230,235,235,235,238,238,238,241,241,248,254,248,228,196,170,117,105,99,103,101,99,91,87,77,71,69,67,65,58,59,67,95,105,116,118,126,124,118,103,74,53,38,38,33,33,33,35,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,246,220,176,108,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,22,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,77,53,25,0,0,0,0,14,25,0,0,0,0,0,0,0,0,0,0,0,5,31,56,69,98,105,77,27,15,27,7,0,0,0,0,35,59,81,139,163,170,155,107,113,189,220,243,243,241,217,209,233,255,255,255,255,255,255,255,254,254,251,246,235,194,152,77,55,29,11,0,0,0,11,29,47,61,81,126,150,160,160,183,204,209,199,186,168,134,75,57,45,19,0,0,0,0,0,7,15,27,47,65,111,124,121,113,113,113,103,82,49,37,25,5,0,0,0,0,0,0,0,0,0,0,17,19,17,17,15,3,3,31,129,204,246,246,228,217,217,230,255,255,235,199,91,35,1,0,0,9,61,163,173,160,168,163,101,91,91,92,97,107,115,115,115,163,183,194,202,209,209,215,215,194,109,86,89,101,109,115,168,186,176,117,113,115,123,125,168,125,125,168,170,165,165,165,117,111,108,111,165,189,196,189,189,194,202,196,168,105,99,105,109,105,102,100,103,111,163,176,176,176,163,161,161,183,204,215,207,189,168,147,157,97,69,71,97,137,99,85,81,87,134,139,95,82,82,95,139,139,137,99,93,93,97,103,105,85,73,81,97,97,91,77,67,67,85,103,103,94,92,95,94,89,89,95,119,173,186,181,111,85,87,125,204,238,243,243,243,222,194,178,176,157,87,61,51,51,61,67,61,45,31,19,15,19,35,53,61,57,49,43,41,39,41,51,77,142,170,170,150,83,82,89,83,83,91,109,155,155,157,173,191,196,191,186,178,173,170,170,176,186,194,183,183,183,176,168,164,165,173,191,194,181,166,168,189,194,189,176,170,173,170,165,165,170,181,181,186,186,178,163,115,160,165,165,160,157,115,105,95,87,73,69,79,95,107,115,168,181,181,176,163,111,108,108,111,160,170,168,115,110,111,111,109,117,168,168,121,111,106,111,168,183,183,186,199,209,209,202,202,202,202,189,181,178,174,174,186,209,220,212,199,178,131,131,131,178,181,186,199,217,217,209,189,123,117,117,131,189,137,125,137,199,209,209,212,217,217,209,199,181,170,125,111,101,109,117,121,109,91,95,109,117,109,101,101,105,95,51,41,41,59,168,228,230,209,189,199,207,209,209,207,202,189,176,168,163,157,109,99,101,105,95,79,73,95,109,152,163,160,109,95,97,115,176,189,202,215,228,217,209,202,204,209,209,202,178,117,109,152,170,176,168 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,61,118,150,170,183,176,165,170,165,90,29,129,124,57,69,118,137,139,142,139,87,181,212,225,57,0,0,0,0,196,215,217,217,204,191,189,189,191,191,191,191,186,183,186,189,189,194,202,202,187,181,199,207,207,199,186,157,95,91,160,63,41,89,152,165,181,191,194,196,202,204,212,230,243,209,0,0,0,0,73,181,189,202,209,202,170,160,165,178,194,202,202,202,202,204,204,202,199,195,195,202,212,212,204,202,199,183,135,129,125,129,133,178,186,189,186,135,127,119,117,125,194,209,217,222,222,215,202,183,176,127,80,80,121,111,37,13,0,0,81,209,215,207,202,217,225,217,194,133,139,199,209,212,217,222,225,228,230,230,228,217,207,199,196,191,186,189,191,189,186,181,81,98,207,212,209,212,225,235,241,238,49,8,33,57,109,191,204,117,78,97,181,189,186,178,176,176,173,181,204,212,207,202,200,204,207,207,207,204,204,215,217,215,207,191,190,191,209,209,202,202,215,225,225,228,222,220,217,217,217,222,225,228,230,225,204,186,137,136,136,139,186,199,217,228,215,196,189,189,139,133,135,186,196,186,187,202,215,222,225,222,215,215,222,225,222,199,137,134,135,183,199,207,199,189,187,196,212,222,215,209,215,204,194,189,189,207,225,222,209,191,183,183,139,186,194,196,196,204,209,204,202,196,192,196,199,185,186,209,222,220,220,217,209,209,212,204,186,135,139,202,204,189,133,133,129,107,96,105,121,186,191,207,215,202,194,194,194,189,196,212,222,225,225,225,222,204,130,138,189,196,217,222,204,209,222,233,233,230,228,228,225,222,215,204,196,194,191,191,189,189,202,204,217,228,230,230,202,135,183,186,189,207,217,217,217,209,194,105,113,121,143,143,139,138,141,196,222,243,241,225,225,228,95,22,82,186,178,194,225,238,235,235,238,222,127,108,114,123,183,209,225,207,204,194,215,217,217,215,215,204,202,209,194,121,125,121,133,207,233,233,230,230,233,233,233,233,233,235,235,233,233,235,238,233,230,230,233,238,243,241,186,115,43,0,0,144,246,243,243,255,248,116,0,5,209,217,53,116,186,168,1,0,0,0,0,0,0,0,0,0,0,0,0,13,170,207,215,225,225,225,224,224,230,246,243,235,230,229,230,233,235,234,233,233,235,238,238,235,235,235,235,235,235,233,231,231,233,233,238,241,241,238,235,233,233,233,235,233,233,233,233,233,230,230,228,228,230,233,235,235,233,233,233,235,238,238,235,233,228,228,230,230,228,230,235,233,215,207,207,192,189,194,202,204,199,202,212,217,217,217,212,207,199,194,191,189,189,191,196,199,189,133,131,129,135,191,191,182,181,189,202,212,225,228,215,209,217,230,233,230,228,220,212,199,129,107,105,110,191,233,230,209,199,207,222,233,235,235,233,228,212,202,196,204,212,215,217,204,177,179,204,212,207,199,194,139,136,138,199,194,141,189,196,202,199,194,191,191,194,199,209,207,196,191,141,137,140,191,199,199,194,194,191,194,199,207,209,215,212,123,95,121,212,228,233,233,233,230,215,173,185,217,233,235,235,235,233,230,230,225,204,189,194,207,204,196,194,194,199,207,217,217,199,189,189,196,207,217,217,209,196,190,190,204,225,212,134,127,131,196,209,194,147,146,186,207,207,104,102,111,202,215,209,202,202,202,194,186,189,191,202,199,191,131,133,207,225,228,225,225,230,228,207,137,189,212,222,228,233,233,233,230,230,233,233,233,233,233,230,225,222,225,230,233,235,233,229,229,230,230,230,225,211,209,209,215,225,235,241,241,241,238,235,233,230,230,230,233,233,233,230,230,233,233,233,230,230,233,230,228,228,228,228,225,225,225,228,228,228,230,233,238,238,238,238,235,235,233,233,230,228,225,228,228,228,228,230,233,233,230,222,217,222,228,225,209,149,196,204,204,202,204,202,199,196,196,199,204,204,207,204,199,133,138,202,212,212,207,203,203,203,207,209,215,217,222,220,215,209,215,225,235,238,238,238,241,241,241,238,238,235,228,212,207,212,217,222,222,225,228,228,228,228,230,230,230,233,225,209,203,203,212,225,230,230,230,225,222,220,222,225,230,230,228,225,222,222,222,222,222,215,207,203,203,204,207,207,207,207,209,212,215,215,222,225,225,217,204,198,196,199,204,204,202,204,207,212,209,204,199,198,198,199,202,204,202,196,190,189,191,199,204,202,199,199,202,204,207,207,204,204,204,202,202,202,204,207,207,204,204,204,204,202,202,202,199,199,202,202,199,196,196,199,199,199,199,196,196,196,196,196,196,196,196,199,199,198,199,204,204,204,202,199,196,196,199,202,202,202,204,204,199,196,196,199,199,196,194,194,194,196,196,199,199,196,194,194,196,196,199,199,199,199,199,202,202,202,199,196,196,199,199,199,202,204,207,204,204,202,199,199,199,199,194,191,196,199,202,199,199,202,204,207,209,209,212,217,222,217,215,212,212,215,215,215,212,212,215,217,222,225,228,228,225,222,215,212,209,212,212,215,222,233,243,243,230,212,202,196,196,196,196,196,145,139,136,136,139,149,204,209,212,215,217,222,222,217,212,207,199,198,196,199,202,202,202,202,202,202,202,202,202,199,199,202,202,202,199,199,199,199,199,199,196,196,194,194,196,199,202,207,212,217,222,222,225,228,233,235,235,235,238,243,246,246,248,251,254,254,251,248,246,248,254,255,255,255,254,251,251,254,255,255,255,251,248,246,246,246,246,246,246,246,243,241,241,241,238,238,235,233,230,230,230,230,230,233,235,238,238,235,233,228,225,222,222,222,217,215,215,212,212,212,212,215,217,217,215,209,209,209,207,207,207,204,199,194,191,194,196,196,194,191,191,196,199,196,196,194,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,13,21,25,21,15,9,7,7,21,41,67,129,155,165,165,157,147,144,111,111,99,83,72,72,99,135,230,255,255,255,255,255,254,246,248,243,243,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,241,230,228,228,215,212,215,233,241,241,248,248,251,251,251,246,246,241,241,248,255,251,220,194,123,103,97,97,97,95,95,89,87,81,77,77,71,67,65,61,65,67,98,105,116,116,118,113,103,85,53,40,38,30,33,22,25,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,0,255,255,254,228,207,178,144,82,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,22,14,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,77,35,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,23,59,85,87,79,45,27,27,0,0,0,0,0,11,59,85,142,163,170,111,102,108,181,215,235,235,217,217,217,233,248,255,255,255,255,255,254,248,251,251,251,251,220,165,75,47,19,5,0,0,0,3,19,41,61,81,150,176,183,183,194,212,222,212,199,186,155,83,69,63,41,0,0,0,0,0,1,9,21,35,55,71,116,118,118,121,124,113,87,49,31,19,0,0,0,0,0,0,0,0,0,0,0,5,19,23,23,25,13,3,27,73,170,225,238,228,218,217,228,246,255,233,199,155,77,35,0,0,0,0,25,65,89,113,157,101,93,97,109,115,163,115,110,108,114,183,199,202,202,189,186,183,163,101,86,87,93,101,113,176,176,125,112,108,108,113,125,176,183,176,178,178,176,168,168,168,168,165,117,165,189,196,189,170,168,178,196,189,165,113,111,111,111,111,113,115,117,163,176,176,176,168,163,161,181,194,196,183,150,93,85,93,79,54,56,75,87,91,89,89,101,142,142,95,83,89,101,155,163,157,139,105,101,105,152,168,103,76,77,85,83,79,79,73,75,89,103,103,95,94,95,92,91,92,101,170,189,194,181,109,79,78,109,196,225,235,222,202,178,116,160,176,173,95,65,53,59,73,81,67,45,21,11,9,11,23,43,55,55,49,45,49,47,47,57,79,144,170,170,142,83,85,99,89,83,97,109,147,147,150,168,189,196,186,183,173,165,160,160,168,181,186,186,186,183,176,176,173,173,173,183,189,181,168,173,181,183,176,170,170,170,170,165,165,178,186,186,189,186,186,178,168,165,165,165,173,181,170,113,99,87,73,65,75,101,111,155,173,181,183,181,165,119,111,111,160,170,178,170,117,111,115,109,107,115,168,168,121,111,109,115,168,181,178,186,199,209,209,202,199,199,199,189,181,178,174,174,186,209,217,212,199,178,125,123,131,178,189,189,202,220,238,238,209,133,117,117,133,199,189,189,209,217,217,217,217,220,228,217,209,199,189,183,168,117,115,121,121,109,95,95,109,115,109,97,97,101,87,51,42,42,65,165,215,220,196,173,173,196,209,215,209,202,183,170,165,170,170,165,152,115,109,101,91,95,107,115,109,117,157,115,101,107,168,202,207,207,209,215,209,199,199,207,212,217,199,173,115,107,157,173,173,163 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,77,33,13,29,85,74,87,126,92,0,0,17,51,9,49,129,137,129,134,91,52,186,199,183,147,160,186,199,199,207,209,209,212,199,183,181,182,185,189,191,191,189,186,189,191,189,194,199,194,183,178,189,196,204,202,202,209,186,170,194,150,23,53,83,144,183,194,202,199,196,199,212,225,235,155,0,0,0,0,67,157,170,181,189,178,153,153,163,173,186,191,191,194,196,202,204,204,202,198,199,207,209,207,202,202,199,125,121,125,129,133,129,128,131,181,183,133,109,86,87,103,186,207,215,215,212,209,202,191,186,178,178,186,183,127,81,55,10,1,125,225,217,209,207,215,222,217,207,139,132,183,204,212,217,225,228,228,228,228,222,212,199,196,196,194,191,194,196,196,194,181,127,137,217,225,222,222,228,235,243,225,59,34,39,45,87,181,209,199,176,178,183,181,183,181,178,178,176,181,196,207,207,202,200,204,207,207,204,202,204,207,207,204,196,190,189,189,191,204,215,217,222,225,222,222,222,222,217,217,217,217,222,225,228,217,194,135,135,136,136,135,137,191,204,209,207,199,194,186,133,129,128,130,191,187,186,191,204,215,225,228,225,225,228,233,230,204,139,136,183,199,212,217,209,189,186,196,215,225,217,215,209,199,189,183,186,202,215,215,202,191,183,135,139,189,189,139,189,202,209,204,204,199,191,194,207,204,207,217,225,225,228,225,217,212,209,207,189,127,125,189,207,202,189,131,93,75,83,99,121,135,128,131,191,183,139,186,194,189,189,194,204,217,228,230,228,202,102,136,139,186,199,209,212,215,225,233,233,228,222,212,204,204,199,189,183,186,189,183,131,127,194,202,222,233,233,230,207,186,191,191,191,209,209,133,128,139,139,112,114,135,189,189,186,186,189,199,222,235,233,228,217,194,115,52,93,183,191,215,235,238,241,241,238,235,173,108,111,113,119,194,238,222,199,109,183,199,202,196,131,95,113,217,230,225,189,181,204,222,235,235,230,230,230,230,233,233,233,233,235,235,233,233,235,235,233,231,233,238,243,248,246,241,209,11,0,0,81,230,230,199,67,0,0,0,0,61,51,204,238,217,98,0,0,0,0,0,0,0,0,0,126,191,196,191,217,220,228,230,230,228,225,222,228,241,243,238,233,230,233,235,235,234,233,233,235,235,235,235,238,238,235,235,235,233,231,233,233,235,238,241,241,241,238,235,235,235,238,238,235,235,235,233,230,228,228,222,222,225,233,235,235,233,233,235,238,238,238,233,230,228,230,230,230,235,238,222,196,195,195,189,189,199,209,202,195,196,209,217,222,222,215,204,191,186,189,191,194,191,189,186,137,135,133,131,133,189,191,186,185,194,204,212,215,207,199,199,207,212,215,212,199,185,185,189,139,121,106,107,115,215,225,207,190,191,217,235,241,238,228,215,204,194,189,202,215,222,228,215,174,178,207,212,202,194,191,186,138,138,189,138,135,141,194,194,186,141,186,186,189,202,215,209,202,196,141,135,140,194,202,202,194,194,196,196,199,202,199,202,202,121,86,112,194,225,238,235,233,228,202,170,185,225,235,238,238,238,235,235,235,228,202,139,139,199,199,194,194,194,199,207,209,202,185,186,196,209,217,225,225,209,194,189,194,217,230,225,204,141,186,199,225,204,142,147,189,212,251,209,107,104,110,196,207,202,204,209,204,191,186,186,199,202,189,113,117,212,228,228,225,222,222,217,129,77,103,207,225,228,233,233,230,230,230,230,230,230,233,230,228,222,218,220,225,230,233,230,229,229,230,233,230,228,217,212,211,212,222,230,235,238,238,238,235,233,230,233,233,235,235,235,233,233,233,230,230,228,228,230,230,228,228,228,228,225,224,225,228,228,228,230,233,235,238,238,238,235,235,235,235,233,228,228,225,225,225,228,230,233,230,228,225,222,225,230,225,204,147,147,149,194,192,194,199,199,196,194,194,147,194,204,207,202,145,194,209,215,215,209,204,204,207,212,212,212,212,217,222,217,215,225,233,241,243,241,241,241,241,238,237,238,238,233,222,212,217,225,225,228,228,230,230,228,228,228,228,230,233,228,212,207,209,217,228,230,230,230,228,225,222,222,225,228,228,228,228,228,225,225,225,225,215,204,203,204,207,209,209,212,212,212,212,215,217,222,225,225,222,209,202,199,199,202,202,204,207,209,212,209,204,202,198,198,199,202,204,202,196,194,191,194,199,204,204,202,202,204,207,207,204,204,204,204,204,202,204,204,207,207,204,204,202,199,198,199,202,199,199,199,199,196,196,196,199,202,202,199,196,196,194,194,194,194,196,196,196,199,199,199,199,202,202,202,199,196,196,199,202,202,202,202,202,196,194,196,202,202,199,196,196,196,196,196,199,199,196,194,194,194,196,199,199,199,199,199,202,199,199,196,199,199,199,199,202,204,207,209,209,209,207,204,202,202,202,196,194,199,202,202,199,199,202,204,207,209,212,215,215,215,215,212,209,212,215,215,215,212,212,215,215,217,222,225,228,225,217,215,215,215,220,222,217,222,228,238,238,228,212,202,196,195,195,196,199,149,143,137,136,139,147,199,207,212,217,222,225,222,217,212,207,199,196,196,199,202,202,202,202,204,204,204,202,202,199,199,202,202,202,199,199,199,202,202,202,199,199,199,199,199,204,207,209,215,217,222,225,228,230,233,233,235,233,235,241,243,246,248,251,254,254,251,248,246,246,246,251,251,251,248,248,246,246,248,254,254,254,251,251,251,248,248,248,248,246,246,243,241,241,241,238,235,233,230,230,230,228,228,228,230,233,235,235,230,225,220,217,217,215,212,209,207,207,207,207,207,209,212,209,207,204,209,212,212,207,204,204,202,194,191,191,191,194,191,189,189,194,196,194,191,189,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,15,21,27,29,27,19,15,13,15,21,41,69,134,157,173,173,168,155,109,105,103,95,77,72,73,103,176,222,254,255,255,255,255,255,255,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,241,225,155,149,151,151,151,157,233,246,254,255,255,255,255,255,255,254,254,248,248,251,254,243,215,183,119,105,97,99,93,91,89,89,87,85,81,79,77,71,65,61,61,67,92,98,108,108,108,111,103,85,56,46,30,30,22,16,16,17,35,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,243,209,176,160,152,124,56,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,22,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,103,35,0,0,0,0,0,0,163,77,0,0,0,0,0,0,0,0,0,0,0,0,0,27,37,37,35,17,11,27,7,0,0,0,0,15,81,160,178,183,178,163,111,117,173,191,209,217,215,230,241,248,248,255,255,255,255,255,255,251,251,251,251,243,207,105,55,25,7,0,0,0,0,0,0,15,41,67,131,183,202,194,199,212,222,217,209,191,155,75,51,49,29,5,0,0,0,0,0,0,3,21,47,63,98,103,113,124,129,121,92,49,23,7,0,0,0,0,0,0,0,0,0,0,0,17,31,41,43,47,19,0,3,31,73,173,209,228,228,218,218,230,243,235,207,196,168,105,69,0,0,0,0,39,83,115,173,115,101,115,163,163,163,163,114,111,114,181,194,202,189,160,107,101,99,95,89,89,88,89,111,176,186,125,115,112,112,125,186,194,191,186,186,186,186,186,183,183,189,186,165,165,189,204,196,178,119,117,119,165,165,163,117,117,119,165,165,165,160,163,163,176,181,181,170,168,181,183,181,150,93,73,69,77,61,51,52,61,67,77,83,85,95,101,93,85,89,99,137,155,163,163,152,152,150,152,173,176,163,103,87,73,67,72,85,95,97,144,111,103,101,101,95,92,95,109,165,181,186,181,160,93,78,75,83,117,181,186,178,123,113,107,168,209,209,165,83,61,63,81,87,71,45,23,12,11,13,25,43,49,43,31,33,47,51,55,61,85,150,163,150,89,82,89,142,103,97,107,107,107,105,147,163,189,196,189,178,170,160,152,160,168,176,186,191,191,183,178,183,186,183,168,173,181,176,168,173,170,168,119,119,125,125,125,124,124,173,186,196,196,194,186,186,178,168,160,165,178,194,183,163,107,87,69,61,69,101,115,163,173,181,181,181,170,165,163,163,173,186,186,176,117,115,115,109,105,109,168,168,121,115,109,115,168,176,176,181,199,209,202,199,189,189,189,186,186,181,177,176,186,202,212,209,189,133,123,123,131,178,189,199,202,217,238,241,228,189,123,123,137,199,199,199,220,233,228,217,220,228,228,228,217,207,199,199,189,173,125,121,117,107,101,97,107,109,103,95,95,91,73,51,42,43,65,165,215,215,183,165,170,189,207,215,207,189,173,165,165,165,173,178,173,165,157,109,101,103,115,115,108,109,157,157,115,119,183,215,215,196,189,196,196,189,189,202,217,217,207,173,109,101,115,176,183,165 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,105,85,0,0,0,0,0,95,82,0,0,0,13,0,37,152,152,157,134,89,35,68,170,173,152,178,189,196,199,199,204,207,207,199,183,181,181,186,191,191,191,189,186,189,191,191,194,196,194,187,185,189,189,196,199,202,207,202,212,215,152,0,41,77,137,165,183,196,196,189,196,212,217,194,15,0,0,0,61,87,101,150,165,176,168,155,157,173,176,181,186,186,189,194,199,207,209,209,207,209,215,212,204,202,202,178,75,87,113,131,186,178,128,129,135,183,178,99,75,77,91,131,191,204,207,204,202,202,199,196,186,181,189,191,204,225,220,123,49,176,215,215,215,215,217,222,217,209,186,126,127,194,209,217,225,228,225,225,222,212,204,194,194,202,202,199,199,202,194,133,122,189,199,222,228,228,225,230,238,241,119,75,186,209,121,115,176,191,191,189,194,194,183,181,181,181,181,178,181,191,202,204,200,200,202,207,209,207,202,199,199,199,196,191,190,191,190,190,202,215,222,225,225,222,222,222,222,217,217,215,215,217,222,222,215,189,134,136,189,186,137,139,194,199,196,196,196,194,186,137,131,128,130,199,196,189,189,194,207,222,230,230,228,230,233,230,204,189,189,204,217,222,225,225,202,189,199,212,217,212,209,202,194,189,183,186,196,204,204,194,186,130,114,123,191,189,136,139,191,202,202,207,207,194,202,215,217,225,222,222,225,228,228,225,215,209,209,204,125,105,99,199,215,209,133,69,63,95,243,207,199,124,125,131,130,131,139,191,189,187,186,191,209,228,230,225,189,86,137,139,186,191,199,207,212,222,228,222,217,209,183,183,189,186,181,135,137,186,183,121,117,137,186,212,225,222,199,179,191,225,204,196,222,222,113,114,129,189,212,202,202,196,196,202,204,202,204,215,217,217,220,137,127,183,113,115,129,186,209,235,230,238,233,222,212,129,114,121,114,117,173,222,212,194,109,127,183,189,176,83,66,86,225,225,215,137,202,241,235,233,230,230,230,230,233,233,233,233,235,235,238,235,233,235,238,235,231,233,233,238,243,243,243,254,228,31,0,0,29,57,0,0,0,0,0,0,0,0,189,225,207,19,0,0,0,0,0,0,0,0,0,189,194,186,186,215,228,228,230,230,230,233,230,230,235,238,235,233,233,235,238,238,235,235,235,238,235,233,233,235,238,235,235,235,233,233,233,235,235,241,241,243,243,241,241,238,238,238,238,235,235,235,233,230,228,225,217,216,222,230,235,235,233,233,235,238,241,238,235,233,230,228,230,235,241,235,199,192,199,209,196,202,222,222,204,196,199,207,207,207,207,204,194,183,138,189,196,196,191,139,133,137,189,189,139,139,194,209,220,217,212,209,209,204,192,191,194,204,207,202,196,189,183,185,202,209,199,183,113,113,196,217,209,189,185,202,225,235,230,212,199,191,183,135,194,215,225,230,215,173,178,196,207,202,191,189,189,189,194,191,134,132,141,196,191,140,141,189,141,141,194,204,207,207,209,186,136,141,194,202,202,191,191,194,196,199,196,194,199,209,141,115,127,143,212,230,233,233,233,204,182,194,230,238,241,238,235,235,235,238,233,207,131,129,137,141,189,194,202,204,207,207,194,182,183,191,202,212,222,225,215,199,192,199,212,215,215,209,199,199,199,217,202,150,177,199,215,235,228,189,109,109,194,209,207,207,215,209,191,181,177,196,207,194,105,106,212,225,222,217,215,212,196,59,4,17,111,215,230,233,233,230,230,229,229,229,230,233,233,228,222,218,220,225,230,230,230,230,230,233,233,233,230,228,225,217,215,217,225,230,233,238,238,235,233,230,233,235,235,238,235,233,233,233,230,228,225,225,225,228,228,228,230,228,225,224,225,228,230,230,230,235,238,238,238,238,238,235,235,235,235,233,228,225,225,225,225,228,228,228,228,225,222,228,230,217,199,147,149,196,196,194,192,199,204,147,147,145,144,146,202,204,196,196,204,209,209,209,207,207,209,215,217,215,212,212,217,222,222,225,230,238,243,246,243,241,241,241,238,237,238,241,235,225,215,217,225,228,228,228,228,228,228,228,228,225,228,233,228,217,212,215,222,228,230,230,230,228,225,222,222,222,225,225,228,230,230,230,228,228,225,215,204,204,207,209,209,212,217,217,215,212,217,222,222,222,222,217,209,204,202,199,199,202,204,209,215,215,209,207,202,199,202,204,204,202,202,202,199,196,199,202,204,202,199,199,204,207,207,204,203,203,204,204,204,207,207,207,207,204,204,202,198,196,199,202,202,202,199,199,199,196,196,199,202,202,199,199,196,196,194,194,194,194,196,196,196,199,199,196,199,199,199,199,196,196,199,202,202,202,202,199,194,192,194,202,204,202,202,202,199,196,194,196,196,196,194,194,196,199,199,199,199,199,199,196,196,194,196,199,204,204,204,204,207,209,212,212,212,209,209,204,202,202,196,196,202,202,202,199,199,202,204,207,207,209,212,212,212,209,209,209,212,215,215,212,212,212,212,215,217,222,228,228,222,215,213,215,217,225,228,225,222,228,233,233,225,212,204,199,196,196,202,204,202,147,139,138,139,147,196,202,212,225,233,230,225,220,215,212,207,199,199,202,204,204,204,204,207,207,204,204,199,196,196,199,202,202,202,199,199,199,202,204,204,202,202,202,204,209,212,215,215,215,217,222,225,230,233,233,233,233,235,241,243,246,248,251,254,254,254,251,246,241,238,241,243,246,246,243,241,243,243,248,248,251,251,254,251,251,248,248,248,248,248,246,243,243,241,238,235,233,230,230,230,228,225,225,225,228,228,230,228,225,217,215,215,212,209,204,204,202,202,202,202,204,204,202,199,202,209,215,215,209,209,209,204,194,189,189,189,189,186,186,189,191,194,194,189,186,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,15,21,27,27,29,27,21,17,17,23,29,49,79,139,160,178,181,178,160,109,103,95,91,77,72,79,107,178,222,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,233,155,143,129,129,131,139,151,215,243,255,255,255,255,255,255,255,255,255,254,254,254,254,251,233,209,183,123,115,105,105,93,91,89,89,91,91,89,87,83,79,71,61,59,61,87,90,100,100,108,108,100,85,61,46,33,30,27,17,13,17,35,69,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,235,209,168,150,134,124,105,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,126,144,46,0,0,0,0,0,189,155,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,41,0,0,0,0,27,142,194,212,204,196,181,163,165,170,181,196,215,230,241,248,255,255,255,255,255,255,255,254,246,241,238,222,209,168,75,41,17,11,0,0,0,0,0,0,0,15,53,131,191,209,202,199,209,217,217,209,191,137,49,7,5,11,11,11,11,0,0,0,0,0,17,39,55,59,63,95,113,121,113,87,41,17,0,0,0,0,0,0,0,0,0,0,0,0,5,17,29,53,59,19,0,0,0,13,87,189,228,243,228,218,222,235,235,233,235,235,225,196,81,3,0,13,63,101,173,183,163,113,115,160,113,113,160,163,163,168,183,189,183,163,101,83,75,79,87,95,95,87,88,107,183,191,183,176,168,176,186,199,202,191,183,186,196,196,196,196,189,189,189,178,170,189,204,204,189,125,105,98,101,117,165,163,119,165,170,165,117,115,115,115,163,176,186,176,176,181,176,150,87,63,57,63,75,61,51,52,54,65,85,79,71,71,73,73,77,89,101,101,139,168,173,170,165,165,173,181,181,176,176,150,72,64,74,103,160,165,160,103,97,111,113,97,95,103,165,181,181,170,115,99,93,85,80,81,97,119,125,121,116,113,116,202,251,248,194,107,73,67,81,89,77,57,39,19,13,17,29,39,39,21,16,19,33,47,57,73,91,150,157,142,85,81,91,157,150,142,147,103,97,97,105,157,183,196,186,170,160,152,152,155,165,176,183,191,194,186,178,183,191,183,166,168,173,176,173,168,163,119,112,112,117,125,163,124,165,173,186,196,196,186,186,191,186,178,165,160,170,183,183,160,105,87,65,59,65,101,155,163,165,173,176,181,181,178,178,178,186,189,186,176,117,114,117,111,105,108,165,165,117,107,107,113,165,176,178,183,199,202,199,186,183,178,183,183,183,183,178,178,186,209,212,209,186,178,125,123,123,131,186,199,199,207,228,238,228,186,123,123,135,186,186,202,228,238,228,228,228,228,228,228,220,217,207,207,204,189,173,123,117,115,107,103,103,103,101,95,87,79,65,47,42,43,79,173,215,209,183,165,173,183,199,199,196,173,165,165,160,157,165,183,196,183,165,117,107,109,157,117,109,115,160,157,119,165,196,215,204,178,165,173,178,186,199,207,217,217,199,168,103,94,107,183,196,173 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,163,66,0,0,0,0,5,0,0,0,0,0,0,83,163,178,178,152,86,62,91,93,191,189,186,183,189,196,195,196,204,204,199,191,189,189,191,191,191,191,194,194,194,194,194,194,196,196,194,189,187,189,196,202,204,204,207,212,217,71,0,0,69,97,150,165,183,186,186,199,204,202,55,0,0,21,150,196,155,0,25,95,160,157,160,165,173,168,176,181,183,186,194,202,207,215,217,209,207,209,212,209,207,212,103,38,50,91,176,207,196,191,186,181,186,189,125,76,78,115,123,133,178,133,176,186,194,196,194,186,128,124,126,194,225,209,85,75,129,215,212,212,222,222,215,215,209,191,125,124,133,194,209,217,217,215,212,207,199,191,189,194,204,207,207,209,209,204,104,117,189,212,225,228,228,228,230,241,233,67,85,189,222,238,202,176,181,191,189,189,191,186,183,178,178,181,178,178,186,199,202,202,202,202,207,209,207,202,199,196,194,194,194,194,196,196,196,204,215,222,225,228,225,222,222,222,222,215,212,209,212,212,209,199,186,141,191,196,196,194,199,204,207,199,194,189,191,191,191,189,137,139,207,204,196,194,194,199,212,225,230,230,230,228,209,189,189,196,212,225,225,228,228,212,199,196,202,204,202,199,194,189,186,183,189,196,199,196,196,191,137,126,121,220,136,137,186,186,191,196,202,207,209,215,217,222,225,225,225,225,228,230,230,228,215,212,217,230,107,36,98,228,209,194,137,105,129,243,228,217,199,131,129,129,129,131,189,191,187,186,191,204,212,217,212,189,134,137,189,191,189,189,189,196,204,202,199,194,181,174,177,183,183,135,127,117,119,131,125,110,194,191,204,207,199,176,172,191,222,212,199,215,222,113,107,141,225,228,228,228,225,222,222,225,225,222,212,202,189,135,127,127,129,131,127,129,178,191,199,230,222,215,196,178,199,196,212,228,199,189,196,181,101,101,178,123,196,209,196,90,67,209,183,126,129,217,241,238,233,233,233,230,233,233,235,235,235,235,235,238,235,235,235,235,235,233,233,233,233,235,235,238,243,246,217,23,0,0,0,0,0,0,0,0,0,0,0,0,11,0,0,0,0,0,0,0,0,0,0,0,139,155,130,183,222,225,225,228,230,233,235,235,230,228,228,230,230,233,235,238,238,238,238,238,238,235,233,230,233,235,235,235,235,235,233,235,238,238,241,241,243,243,243,241,241,241,238,235,235,235,238,235,228,225,225,217,216,217,228,235,238,238,238,238,241,241,241,238,238,233,228,228,233,238,228,187,202,225,233,230,230,230,225,209,196,202,204,191,191,194,191,183,137,138,196,212,207,186,126,126,183,207,209,202,194,202,217,228,225,215,207,204,199,191,190,196,215,228,217,199,191,196,225,233,228,215,199,189,186,196,204,202,191,187,191,204,212,196,132,131,132,131,130,133,196,215,217,204,187,182,194,204,204,202,189,191,199,209,209,141,135,189,204,191,141,196,191,137,141,189,186,194,209,220,196,141,141,141,141,139,141,189,194,194,194,192,192,199,212,222,202,141,139,191,212,228,228,225,209,190,189,212,235,235,233,238,238,235,235,233,215,131,126,130,135,189,202,207,207,207,207,202,191,187,191,199,207,215,217,217,212,204,202,204,204,199,202,202,202,204,204,199,191,189,196,212,225,222,186,123,131,202,212,202,202,204,202,191,181,179,194,217,235,109,94,196,207,183,196,204,204,123,45,0,0,81,143,228,235,233,233,230,230,230,230,230,230,230,230,225,222,221,225,230,233,230,230,230,233,235,233,230,228,225,220,217,217,222,228,233,235,238,235,233,233,233,235,238,238,235,235,233,233,230,228,222,222,225,225,225,228,228,228,228,225,228,230,233,233,233,238,241,241,241,241,238,235,233,233,235,233,225,217,217,225,228,228,225,225,225,222,222,228,228,209,139,145,199,207,209,207,202,199,199,146,145,145,144,147,207,204,195,199,207,207,204,204,209,212,215,220,222,222,217,222,225,225,225,230,233,235,241,243,243,241,238,238,238,241,243,241,233,222,213,217,225,228,225,222,222,228,228,228,228,225,228,230,228,225,217,217,222,225,225,222,225,228,225,222,222,225,225,225,230,230,230,228,228,225,222,215,209,204,204,204,207,215,222,217,215,215,217,225,225,222,217,209,207,204,202,198,196,199,209,215,217,215,212,209,204,202,204,204,202,202,202,204,202,199,199,202,202,199,196,199,202,204,207,207,204,203,203,204,207,209,209,209,207,204,204,202,199,198,199,204,204,202,202,202,202,199,199,199,199,199,199,199,199,196,196,194,194,194,194,196,196,196,196,196,199,199,199,199,196,196,199,202,202,202,202,199,194,192,194,199,202,202,202,202,199,196,194,192,192,194,196,196,196,199,199,199,196,196,196,194,194,192,196,202,204,204,204,204,207,209,212,212,212,212,209,204,194,194,199,202,202,204,202,202,204,204,204,200,200,204,209,209,207,209,209,212,215,215,212,209,209,212,212,215,220,225,230,228,215,212,213,215,217,225,230,228,225,228,233,230,217,212,207,199,202,204,209,217,212,196,145,139,141,149,147,139,196,233,238,238,228,222,222,225,217,209,204,204,207,207,207,207,207,207,204,204,202,199,196,196,199,202,202,199,199,199,202,204,204,204,202,202,204,209,215,217,215,212,209,215,222,228,233,233,233,235,235,241,243,248,251,251,251,251,251,248,241,233,230,235,238,243,243,241,239,241,241,243,246,248,251,251,251,248,248,248,248,248,248,246,246,243,241,238,235,235,233,233,230,228,225,225,222,222,222,225,225,225,217,215,212,212,209,204,202,199,199,196,196,196,199,196,196,199,204,209,212,212,215,212,204,191,186,186,186,186,183,183,186,191,194,194,189,186,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,15,23,27,29,27,27,23,21,21,23,29,35,55,85,147,168,186,199,186,168,147,103,97,87,81,77,87,109,189,233,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,225,149,135,123,111,107,115,137,157,241,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,228,204,186,165,121,115,117,107,99,95,95,97,97,95,93,87,79,69,59,53,53,61,79,90,95,100,103,103,95,77,48,38,33,33,22,17,17,38,0,0,0,0,0,0,0,0,0,0,0,183,207,0,0,255,255,243,209,176,160,150,116,98,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,46,0,0,0,0,116,87,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,67,105,19,0,0,0,39,152,202,225,212,186,170,163,165,170,183,199,215,233,241,248,255,255,255,255,255,255,255,241,220,199,191,183,168,144,83,61,43,25,5,0,0,0,0,0,0,15,59,147,199,217,209,207,209,209,209,202,186,129,19,0,0,11,19,19,13,0,0,0,0,15,39,53,53,51,55,65,95,98,87,51,31,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,35,29,13,0,0,0,53,157,209,246,235,222,228,235,243,243,243,235,217,181,89,31,7,29,45,93,181,181,160,113,109,107,103,95,95,107,173,183,183,183,113,107,89,71,49,63,81,95,97,89,91,111,186,194,186,186,186,186,194,199,196,176,165,183,186,196,204,202,189,189,189,189,189,189,194,196,196,178,105,95,99,119,178,168,119,163,119,111,109,109,109,111,152,176,186,186,183,183,168,81,34,34,47,59,69,65,57,57,61,71,85,79,64,57,57,65,79,93,97,99,139,168,176,173,173,176,181,186,189,181,186,173,97,77,91,150,160,150,91,87,91,103,103,101,103,157,176,189,176,119,93,92,93,99,93,93,109,123,123,117,121,178,202,241,255,251,217,165,83,69,75,89,87,71,53,29,17,15,23,31,25,16,13,15,19,31,51,73,91,150,157,144,85,81,99,157,165,155,107,89,83,81,97,155,173,178,170,152,111,111,111,152,165,176,183,183,186,186,183,178,173,173,168,173,181,181,181,170,121,113,112,112,117,163,165,168,173,178,186,194,186,183,186,194,194,186,170,157,157,165,160,113,99,77,65,55,63,93,157,163,163,163,176,189,191,189,189,186,199,199,186,168,114,114,121,113,105,108,165,121,107,97,101,109,165,173,183,186,186,186,183,183,178,176,176,183,186,186,183,186,199,209,217,207,199,186,129,123,123,125,135,199,199,207,220,233,217,137,123,123,131,137,199,217,233,238,238,238,238,238,226,228,228,228,217,215,215,204,189,173,123,121,121,115,101,91,91,91,83,69,63,53,44,46,95,186,204,189,168,160,173,183,189,183,176,165,157,157,115,107,157,183,189,183,168,157,115,115,115,157,165,173,165,157,157,170,196,204,196,165,117,121,168,186,207,217,217,202,176,115,94,88,97,183,196,169 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,51,19,0,0,0,0,0,0,0,1,13,0,83,139,163,181,165,147,150,176,160,207,207,199,194,199,202,196,196,202,202,202,199,199,199,196,194,191,196,202,199,196,194,194,194,199,199,199,191,189,191,196,202,204,204,207,212,217,202,27,0,0,79,160,168,178,189,191,186,97,75,29,0,37,142,155,170,55,0,0,0,17,147,165,168,170,168,178,189,189,183,186,202,207,207,212,207,194,183,209,215,207,189,54,45,77,121,189,212,209,204,204,199,199,202,196,181,181,189,178,176,131,127,125,127,181,186,133,129,125,125,129,189,207,191,103,89,111,202,212,217,222,217,212,207,204,194,135,133,186,194,196,199,204,204,194,135,135,143,194,202,209,215,215,222,222,212,100,117,199,222,230,233,230,230,233,235,220,43,64,111,209,228,202,125,129,189,191,181,178,178,178,178,173,129,129,131,181,194,202,204,202,202,202,204,204,204,199,196,196,196,199,207,202,202,204,209,217,225,228,230,228,228,228,225,222,212,204,199,199,199,196,189,141,183,191,199,202,204,209,215,215,204,189,185,186,196,204,204,196,194,204,204,199,194,191,194,202,212,228,233,230,215,189,138,186,196,212,222,225,228,225,209,196,191,191,191,194,194,189,139,137,181,191,196,199,199,204,207,204,199,194,215,132,186,199,196,194,191,194,202,212,222,215,215,222,225,225,225,228,230,233,230,222,217,228,230,127,58,79,103,202,209,194,135,189,215,225,217,209,202,191,137,131,133,183,191,189,187,196,207,204,196,196,183,136,138,196,196,131,126,130,130,128,131,183,189,181,176,178,183,181,129,111,105,110,113,68,62,209,204,204,196,183,181,189,199,204,199,189,191,141,121,120,215,233,230,230,233,233,233,233,233,233,233,225,207,183,131,131,129,133,183,189,181,133,132,135,191,194,176,110,104,176,209,222,225,202,194,204,199,98,89,97,113,230,241,248,178,61,117,129,133,191,225,238,238,235,235,233,233,233,233,235,235,235,235,235,238,235,235,235,235,235,235,233,230,230,230,230,233,235,241,241,209,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,139,150,212,225,228,228,230,230,233,235,233,228,226,226,228,230,233,235,238,238,238,238,235,230,230,230,233,235,235,235,235,235,235,233,235,238,241,241,241,241,243,243,241,241,241,241,238,235,235,238,235,228,225,225,222,216,216,225,230,235,238,241,241,241,241,241,241,238,235,228,230,228,222,212,202,222,233,235,235,238,235,230,217,202,196,196,189,186,189,189,137,131,139,222,233,217,129,116,117,183,222,230,222,209,204,207,212,209,204,194,199,199,191,190,199,225,238,238,225,199,189,204,220,209,191,191,191,191,196,202,204,204,199,194,191,112,100,129,131,124,127,130,131,132,183,194,199,202,204,199,202,207,212,202,196,202,217,222,209,199,207,209,191,140,186,135,129,139,189,139,139,196,212,202,194,186,139,136,136,138,186,196,199,196,194,194,199,212,222,212,196,141,143,202,215,215,209,207,194,187,192,225,233,233,233,235,233,228,225,212,139,129,130,139,194,204,207,204,202,204,207,204,202,202,202,204,207,209,215,217,212,202,196,196,198,198,196,198,204,207,199,194,194,196,202,204,202,189,189,196,202,202,196,196,199,199,199,194,185,186,202,202,109,72,83,107,106,117,189,204,207,67,29,40,81,117,217,230,233,233,233,233,233,233,230,228,228,228,228,225,225,225,228,228,228,225,228,233,233,233,228,225,222,222,220,222,225,228,230,235,238,238,235,233,233,235,238,238,235,235,235,233,230,228,225,222,225,225,225,225,228,228,228,228,230,233,233,233,235,238,241,238,238,238,238,233,233,233,233,230,217,216,217,225,228,228,228,225,222,217,222,225,217,145,131,141,209,222,225,222,215,207,199,147,147,147,146,196,209,209,202,204,209,207,205,207,215,217,217,222,225,225,225,228,230,230,230,228,228,230,235,241,241,238,238,243,243,241,238,238,230,217,213,217,228,228,222,220,222,225,228,228,228,225,225,225,225,225,225,222,212,212,215,217,222,225,225,222,222,225,225,228,230,230,228,225,225,222,217,217,212,207,203,200,204,215,217,215,213,215,220,225,225,222,215,209,207,207,204,198,196,202,212,220,220,217,215,209,207,204,204,202,194,194,199,204,202,199,199,196,194,192,192,196,202,204,207,207,207,204,203,204,207,209,209,207,204,204,202,202,202,202,204,204,204,204,202,202,202,202,199,199,199,199,202,199,199,199,196,196,194,194,194,194,196,196,199,199,199,199,199,196,195,196,199,204,207,207,204,202,196,192,194,196,199,199,199,196,196,196,194,192,192,194,196,194,196,199,202,199,196,194,194,194,194,196,199,202,204,204,204,204,207,212,212,212,212,209,207,202,190,190,196,202,204,204,202,202,204,207,204,200,200,204,207,207,207,207,212,215,215,212,209,209,209,212,212,215,220,225,230,225,215,212,213,215,217,225,230,233,230,233,233,228,217,212,207,202,204,207,215,225,217,202,149,141,143,149,143,134,141,230,238,238,230,225,230,235,230,217,209,207,207,207,207,204,204,204,204,204,202,199,196,196,199,202,202,202,199,199,202,204,204,202,202,204,207,209,215,215,212,208,207,212,220,228,230,233,235,235,238,241,246,248,251,251,251,248,248,246,238,230,229,230,235,238,241,241,239,239,239,241,246,248,251,251,248,246,246,248,251,251,248,246,246,243,243,241,238,238,235,233,230,228,225,222,220,217,217,222,225,225,217,212,212,212,207,202,199,196,196,195,195,196,196,196,196,194,194,199,204,209,212,207,199,189,186,186,186,186,181,181,186,189,191,191,191,189,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,21,27,29,29,27,21,17,17,21,23,29,43,61,121,150,173,186,199,186,165,147,101,93,87,85,85,97,121,199,235,255,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,233,141,123,107,101,101,101,115,137,215,243,255,255,255,255,255,255,255,255,255,255,255,255,255,255,241,217,196,178,165,121,160,152,152,105,101,99,134,134,129,121,85,71,59,51,41,41,43,55,82,92,95,103,105,103,85,59,40,38,33,33,25,30,43,0,0,0,0,0,0,0,0,0,0,0,0,194,0,0,255,255,233,209,189,189,168,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,152,116,0,66,61,43,0,0,0,228,72,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,142,183,194,49,5,17,67,157,194,204,186,168,157,163,170,183,191,207,217,241,248,248,255,255,255,255,255,255,243,220,183,157,99,99,139,139,89,73,57,37,19,7,0,0,0,0,23,47,79,170,217,243,230,209,199,199,194,186,168,116,25,0,0,13,13,5,0,0,0,0,7,35,65,71,65,59,61,65,90,90,61,41,23,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,19,13,0,0,0,0,15,81,215,235,235,235,235,235,243,228,199,173,107,77,27,0,0,15,81,173,181,163,113,107,103,93,79,75,87,160,183,183,163,113,107,87,41,38,49,83,101,101,101,103,123,191,194,186,186,186,186,191,196,196,178,165,168,168,170,189,194,189,189,194,189,189,189,178,189,189,178,109,99,103,165,178,178,165,117,111,103,103,103,103,107,150,176,191,191,181,181,150,59,35,35,43,53,65,67,67,71,75,81,91,85,66,59,60,73,91,95,93,95,139,165,176,165,163,173,181,186,186,176,173,168,105,93,103,105,101,87,80,82,89,95,93,95,103,157,176,183,170,111,95,92,109,119,111,107,109,119,117,117,168,189,222,251,255,255,235,189,103,75,83,95,93,79,61,31,15,11,17,25,25,21,17,17,19,25,51,73,91,142,157,150,91,83,99,160,165,155,107,79,69,69,79,105,157,163,152,107,101,101,103,113,160,176,178,176,176,183,178,170,165,163,165,173,181,181,181,168,119,113,112,119,163,163,168,168,173,178,178,183,178,178,186,194,204,191,173,160,115,113,107,99,87,69,59,49,55,77,113,163,155,155,178,202,202,189,186,199,199,199,178,160,114,114,119,117,108,113,119,113,99,91,95,107,123,176,186,199,189,183,178,178,176,170,131,178,183,183,183,199,207,217,217,217,207,199,176,123,120,123,135,199,207,217,228,228,217,186,129,129,135,186,207,228,241,246,241,246,246,241,233,233,238,228,211,215,215,215,204,186,173,127,121,109,95,87,89,95,91,87,83,69,51,57,101,178,183,157,115,115,165,178,176,173,173,168,160,115,101,101,152,173,178,173,168,160,115,111,111,160,183,196,178,165,165,165,183,183,173,121,107,107,160,189,217,228,217,186,160,103,92,88,101,173,183,165 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,108,118,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,176,147,75,77,121,129,95,157,163,181,194,196,212,212,207,207,209,207,202,202,204,202,199,199,202,202,199,196,196,202,204,202,199,194,191,194,202,204,202,196,194,196,202,204,204,204,209,212,217,215,99,0,0,97,165,168,176,191,194,139,63,73,199,212,207,165,97,79,15,0,0,0,0,55,99,157,165,170,186,207,204,121,93,117,178,186,209,204,181,125,186,199,181,69,42,54,189,194,199,212,212,209,209,207,204,207,209,212,212,204,199,191,133,127,122,119,176,183,131,129,128,129,178,186,189,183,131,109,107,129,202,215,222,217,207,191,189,191,199,209,212,202,186,133,186,196,135,129,134,199,207,207,209,215,217,225,225,215,102,123,204,217,225,228,230,228,228,217,202,43,107,178,181,83,115,113,127,204,202,173,161,164,178,181,170,123,123,127,131,183,194,199,199,199,196,194,196,199,196,196,202,204,209,233,207,202,204,207,212,222,225,228,228,228,228,225,215,202,189,141,186,189,186,141,183,183,191,196,199,204,215,222,217,204,186,182,185,194,202,204,202,196,196,196,194,189,191,196,199,199,209,222,222,204,139,136,138,189,202,212,212,217,212,199,189,186,186,189,191,191,189,138,135,137,186,194,194,196,207,212,215,212,209,215,137,194,209,202,186,90,92,186,212,217,213,213,217,222,225,225,225,228,230,228,225,222,228,230,215,99,81,58,93,199,135,135,196,212,217,212,212,217,215,202,189,183,186,191,191,196,212,215,207,202,194,189,181,138,194,196,122,121,137,128,124,127,181,189,186,179,179,189,191,186,119,110,117,115,77,65,222,209,202,191,181,189,196,194,194,194,191,183,131,128,189,230,235,230,230,233,235,235,233,231,233,235,235,228,209,189,183,137,183,202,204,191,181,181,183,186,189,176,109,105,115,209,217,220,204,196,222,235,189,96,91,119,233,243,254,215,66,107,186,209,228,233,235,238,238,235,233,233,233,233,233,233,235,235,238,238,238,235,235,235,235,235,233,228,226,228,230,228,230,233,238,241,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,81,165,212,225,228,225,225,228,230,230,230,233,230,228,228,228,230,233,235,235,238,238,238,235,230,228,228,233,238,238,235,233,235,235,233,233,233,235,241,241,241,241,241,241,241,243,243,241,238,238,238,238,235,230,228,228,222,216,216,222,230,235,238,241,241,241,241,241,241,241,235,233,233,217,204,200,215,233,233,233,233,238,238,235,230,212,196,194,189,182,183,189,133,118,183,230,238,225,135,116,118,186,228,238,238,228,212,199,194,196,194,187,194,199,191,189,194,222,238,243,225,138,131,133,183,186,185,191,199,202,204,202,202,204,204,186,183,128,123,212,207,133,135,135,131,131,139,191,199,204,209,204,202,207,215,207,196,194,207,212,209,207,209,209,196,186,141,129,125,141,191,135,133,141,204,212,209,202,189,138,138,139,191,199,204,202,199,196,202,209,215,215,204,189,140,191,204,207,204,209,202,190,187,207,230,230,225,222,215,215,212,204,191,141,143,194,204,209,207,199,196,199,204,207,207,207,204,202,202,207,215,215,212,199,192,194,199,199,194,196,209,209,199,194,194,194,194,194,191,189,199,204,199,196,194,196,191,189,202,212,196,183,189,196,137,74,76,104,107,115,194,217,228,75,71,121,107,109,129,215,228,233,235,238,235,233,233,230,230,228,228,225,225,225,225,222,222,222,225,230,233,230,225,222,222,222,225,225,228,230,230,233,238,238,238,235,233,235,235,235,235,233,233,233,230,228,225,225,222,222,222,222,225,225,228,230,230,233,233,233,233,235,238,235,235,235,235,233,233,235,235,230,222,217,222,225,228,228,228,225,217,215,217,217,204,135,129,137,215,230,230,230,228,212,202,199,199,199,199,204,212,212,212,212,209,209,215,222,228,225,222,225,225,228,230,235,238,238,233,226,226,228,233,238,238,233,233,241,238,233,230,230,228,220,215,222,228,228,225,220,222,228,228,228,225,222,217,217,217,225,225,217,203,202,207,217,225,225,222,222,217,215,222,228,230,228,225,217,217,215,217,222,217,209,204,202,204,212,215,215,213,215,222,225,225,222,215,212,209,212,209,204,202,204,215,222,217,215,212,209,209,209,207,196,190,190,194,202,204,202,199,196,194,191,190,194,202,204,207,209,209,207,204,204,207,209,209,207,204,202,202,202,204,204,204,204,202,202,204,204,204,202,199,199,199,202,202,202,199,199,196,194,194,194,194,196,196,199,199,202,199,199,196,196,196,199,202,207,212,212,209,204,196,194,194,196,199,199,196,194,194,194,196,194,192,194,194,194,196,202,202,202,199,196,194,194,196,199,202,199,199,199,202,204,207,209,212,212,209,207,204,199,190,190,199,204,204,204,202,199,204,207,204,202,202,204,209,209,207,209,212,215,215,212,209,209,209,212,212,215,217,222,225,222,215,213,217,222,222,228,233,235,235,235,233,228,217,212,207,202,202,207,215,222,217,207,196,147,149,202,196,140,149,225,235,233,230,228,233,238,238,228,217,212,209,209,204,199,198,199,202,202,199,196,195,196,199,199,199,199,199,199,202,202,202,199,199,204,207,209,212,212,209,207,205,209,217,225,230,233,235,238,241,243,246,248,251,251,248,248,246,246,238,230,229,229,233,235,238,241,239,238,238,241,248,251,254,254,248,244,244,248,254,254,251,248,246,246,246,243,243,241,241,235,233,230,228,222,217,217,216,217,225,222,217,212,212,209,204,199,199,196,196,196,196,199,202,202,196,194,191,191,196,202,204,199,194,189,186,189,186,183,178,181,183,186,189,191,191,189,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,19,27,29,35,29,29,23,19,16,19,25,31,51,69,121,157,176,183,189,181,160,109,93,87,83,87,93,109,129,204,233,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,141,111,87,81,83,83,91,115,137,215,241,255,255,255,255,255,255,255,255,255,255,255,255,255,243,217,196,181,127,121,121,160,160,152,107,105,137,139,137,129,89,73,61,45,35,29,29,37,43,74,82,92,103,111,111,95,77,48,38,33,33,33,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,235,217,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,126,92,66,59,53,35,0,0,255,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,186,235,255,222,137,75,89,165,191,186,178,168,170,183,196,204,215,230,238,248,248,248,255,255,255,255,255,251,235,199,105,57,43,69,87,81,67,55,37,19,13,19,21,15,19,41,67,81,131,183,220,243,230,207,191,181,176,165,134,63,11,0,0,0,0,0,0,0,0,0,21,55,105,113,103,95,95,95,98,95,85,49,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,13,3,0,0,0,0,37,199,230,238,238,230,235,233,207,183,150,150,99,51,7,0,39,99,170,170,113,97,95,79,71,61,61,77,105,181,189,181,168,113,87,34,39,61,95,107,109,111,115,176,191,186,163,168,176,186,191,196,202,196,178,163,113,113,117,168,178,189,196,196,189,178,170,178,178,170,111,102,105,119,178,189,178,163,111,102,100,103,103,107,111,163,181,186,176,176,160,67,41,42,47,53,61,65,69,75,75,81,91,91,77,67,71,89,134,101,95,101,152,165,165,152,151,157,176,181,181,157,105,105,97,91,99,99,89,83,81,86,97,97,93,93,101,157,168,168,155,111,109,115,163,123,107,99,99,109,117,168,178,202,235,251,255,255,241,207,163,105,105,144,105,83,61,31,13,9,11,23,33,39,41,33,27,35,57,79,134,144,152,144,91,83,137,160,165,157,107,71,61,57,67,85,109,113,107,95,87,87,95,107,155,168,176,168,168,170,170,163,157,152,160,168,173,176,173,165,121,119,119,163,163,163,163,165,168,173,176,178,178,178,186,194,194,191,178,165,113,105,95,77,69,61,51,46,46,61,99,111,111,155,178,191,189,189,186,199,199,189,176,119,112,114,123,123,113,113,119,107,95,87,91,103,119,173,186,199,199,183,178,178,170,129,127,129,176,178,183,199,207,217,217,209,207,199,176,123,123,125,135,199,207,220,228,225,207,199,186,189,199,207,220,241,248,248,246,246,246,246,243,241,238,217,211,211,215,215,215,204,183,173,121,107,95,95,101,107,109,107,107,95,69,69,107,165,160,107,102,109,165,168,165,160,165,168,157,107,101,107,165,173,173,173,176,168,115,108,108,165,204,207,189,173,165,165,165,168,121,107,97,97,117,199,228,238,217,186,117,107,101,97,109,173,173,163 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,61,103,131,155,170,176,178,178,176,176,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,77,118,83,55,53,53,16,165,178,191,199,207,209,204,204,209,209,204,202,207,209,207,199,195,196,199,199,199,202,204,204,199,196,191,190,194,202,207,204,202,202,202,207,207,204,204,209,215,217,207,168,3,3,91,139,144,147,173,196,150,71,165,215,222,217,199,173,142,71,31,0,0,0,0,0,37,81,115,194,209,194,86,74,88,125,173,123,99,111,129,115,103,93,61,43,71,207,209,209,212,209,209,209,207,207,207,212,217,212,204,207,209,178,129,122,118,186,194,191,181,176,176,181,178,178,178,176,127,117,127,191,199,204,212,199,181,179,186,199,215,215,199,139,127,139,191,135,132,196,220,217,212,209,212,217,228,228,215,116,183,212,215,212,217,222,222,217,212,202,74,194,212,113,11,93,119,204,228,225,191,176,191,196,189,129,123,125,125,125,173,183,189,194,196,189,183,183,189,194,194,202,207,212,238,204,199,196,191,191,204,212,212,212,215,217,215,204,189,137,135,138,186,186,189,189,191,196,199,199,196,212,222,217,204,189,185,186,191,194,194,194,189,186,183,139,129,183,199,199,194,194,202,204,196,191,138,137,139,189,194,186,189,194,189,183,186,194,194,194,194,194,191,139,138,183,191,189,183,186,204,212,207,204,207,129,127,186,196,137,65,61,121,209,220,222,222,222,222,221,220,222,225,230,228,225,222,225,230,235,230,189,55,74,99,107,127,194,209,209,207,209,217,225,222,212,202,191,183,181,196,222,225,217,222,199,196,199,138,186,196,130,196,220,194,131,133,183,189,189,186,191,202,204,207,191,181,220,212,183,108,209,202,202,194,185,189,194,194,194,196,194,183,137,141,204,233,238,235,233,235,235,235,233,233,233,235,238,238,235,228,202,183,181,199,202,199,199,212,209,191,204,215,202,123,114,189,212,217,209,207,228,241,243,235,117,181,222,235,241,230,117,186,215,230,235,235,235,238,238,238,235,235,233,233,233,233,235,238,238,238,238,238,235,235,235,235,233,228,226,228,230,228,226,228,235,243,248,173,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,238,230,230,235,238,228,217,222,225,228,228,230,230,233,233,233,233,235,235,235,238,235,235,235,235,230,228,229,235,238,238,233,233,233,233,233,233,233,235,241,243,243,241,241,241,241,243,243,241,241,238,238,238,238,233,230,230,225,217,217,225,233,235,238,238,241,241,241,241,241,241,238,238,238,215,198,195,222,233,235,235,231,235,235,235,233,217,202,191,186,181,181,183,137,125,196,222,228,212,189,131,133,196,217,235,241,241,222,199,189,191,196,192,194,194,191,189,191,207,225,228,186,131,131,136,183,189,196,209,225,225,212,202,194,191,183,130,129,191,228,230,233,225,194,139,132,132,186,199,202,202,202,202,202,204,209,204,194,186,186,191,196,196,199,202,199,196,191,132,130,141,141,132,132,139,199,222,228,217,202,189,186,191,196,199,204,204,202,199,202,204,209,212,207,194,140,141,194,202,204,209,209,194,189,196,215,215,207,199,202,207,204,145,141,194,204,212,217,215,204,195,194,196,202,204,207,207,207,204,202,207,212,212,209,202,195,198,207,204,196,199,215,217,207,202,196,194,194,194,189,187,194,199,194,194,194,194,183,135,186,222,207,183,186,209,212,125,107,125,131,141,207,222,215,99,115,141,129,119,123,204,217,225,233,235,235,235,233,235,233,230,228,225,225,225,225,222,220,220,225,228,230,225,220,220,221,222,225,228,230,230,230,233,235,238,238,238,235,233,235,235,235,233,233,233,233,228,225,222,222,217,217,217,220,222,225,228,228,230,230,233,233,235,235,235,233,233,233,233,233,235,235,233,230,228,228,228,225,222,222,217,215,212,215,209,149,136,134,141,209,225,230,230,225,212,207,204,202,204,207,215,217,217,217,215,212,215,225,233,230,228,225,225,228,230,233,238,243,243,238,230,228,233,235,235,233,228,225,225,225,225,225,222,220,217,217,225,228,228,225,225,225,228,228,228,225,217,212,209,212,217,222,207,196,198,209,228,230,228,222,215,208,208,215,228,233,230,225,215,215,215,217,228,225,215,209,209,212,212,212,215,215,222,225,225,225,222,217,215,215,217,217,215,212,215,217,217,212,207,204,204,212,215,209,194,189,190,194,202,204,204,204,202,196,194,194,199,204,207,209,209,209,207,207,207,207,209,207,207,204,202,202,204,204,207,204,202,200,202,204,204,204,202,202,202,202,202,202,202,199,196,196,194,194,194,196,196,196,199,202,202,202,199,196,196,196,202,207,212,215,212,207,202,196,194,194,196,199,199,196,191,191,191,194,194,194,194,196,196,196,199,202,202,199,199,199,199,202,204,199,194,191,194,199,207,209,209,207,207,204,204,202,194,189,191,202,202,199,199,196,196,199,204,204,202,202,207,209,209,209,209,212,215,215,212,209,207,209,212,212,215,215,217,222,222,217,217,222,228,228,228,230,235,235,233,230,225,217,212,207,199,198,202,209,222,222,215,207,199,202,209,212,207,212,225,228,230,230,228,233,238,238,235,228,217,215,212,207,199,196,198,199,199,196,194,194,196,196,196,196,199,199,199,199,202,202,199,199,202,204,207,209,212,209,207,207,209,217,225,230,235,238,241,243,246,248,248,251,251,248,248,246,243,238,233,229,229,230,233,235,241,241,241,241,243,248,251,254,254,248,244,244,246,251,255,255,254,251,248,248,246,246,243,241,238,235,230,228,222,217,216,216,217,222,222,215,212,209,209,207,204,204,204,202,199,202,204,204,204,202,196,191,191,191,191,194,194,191,189,186,186,183,181,178,178,178,181,183,186,189,191,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,15,27,29,35,35,33,29,23,16,16,16,25,37,51,81,134,157,170,176,176,168,150,103,87,80,76,83,97,117,176,207,225,238,246,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,222,119,87,75,70,77,77,89,109,139,209,241,255,255,255,255,255,255,255,255,255,255,255,251,228,212,191,176,123,117,115,115,155,160,160,155,142,142,139,137,124,83,65,51,35,23,23,23,29,37,72,82,92,103,111,111,105,87,59,48,40,40,51,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,241,225,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,155,92,79,77,59,51,35,0,74,113,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,194,235,241,241,173,97,139,178,194,186,178,178,196,207,217,228,233,246,254,248,248,248,248,251,255,255,255,248,220,165,47,0,0,27,67,17,0,0,0,0,0,0,13,27,41,61,87,95,147,183,217,233,230,207,186,170,152,126,71,17,0,0,0,0,0,0,0,0,0,0,21,59,105,113,103,98,103,113,113,98,87,57,41,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,23,31,33,43,53,27,5,11,61,199,230,238,238,217,217,217,207,191,173,168,150,87,51,51,157,181,181,170,99,61,47,47,47,49,61,77,101,168,194,199,181,109,83,49,65,89,101,107,109,115,163,186,186,163,113,115,163,176,191,202,204,204,194,168,113,112,112,117,170,189,196,194,189,178,165,168,178,178,115,103,103,115,178,202,204,189,119,103,103,107,111,113,111,147,150,163,165,176,160,77,51,51,53,57,63,63,65,71,75,75,85,89,79,71,77,91,134,97,95,142,165,170,165,151,146,152,173,183,173,99,81,81,81,83,91,91,89,86,89,97,111,111,103,99,113,163,163,113,95,95,111,170,163,93,77,85,99,125,178,194,199,209,235,243,251,251,235,217,186,160,155,155,144,87,61,37,13,8,10,19,39,61,71,63,51,59,77,134,152,160,163,144,91,87,142,157,165,157,107,71,57,54,59,77,97,105,95,75,71,71,77,87,105,155,157,152,115,157,163,157,151,150,155,173,173,173,168,165,163,119,119,121,163,163,160,160,168,173,178,183,183,186,186,186,186,181,173,165,113,99,87,73,63,55,47,0,44,51,77,101,105,155,178,189,189,186,186,199,199,186,176,117,112,114,165,165,119,119,119,107,97,87,87,97,113,173,186,202,199,183,178,176,129,127,126,129,129,176,178,186,202,209,209,207,202,189,176,123,123,125,135,186,207,217,220,217,207,199,202,207,217,220,235,246,254,254,246,246,246,246,243,246,241,228,217,217,217,217,217,215,204,178,119,107,107,113,119,160,165,165,157,101,83,87,113,165,157,107,103,115,160,160,115,107,115,152,109,101,103,157,183,186,183,196,196,178,115,105,106,165,215,217,196,173,165,165,165,165,115,97,92,96,117,199,228,238,217,186,123,121,121,121,165,183,173,165 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,181,196,186,178,186,194,191,178,168,165,178,189,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,82,53,25,7,20,17,0,0,0,0,0,0,0,0,0,0,90,64,29,11,0,0,0,0,0,0,0,0,73,0,0,19,25,199,199,202,202,207,204,199,202,204,199,194,196,207,215,212,204,196,194,196,202,202,202,202,202,199,196,191,190,191,199,204,204,202,204,207,207,207,207,207,207,212,220,215,204,99,49,16,55,77,66,60,183,196,103,152,194,215,217,212,222,220,220,225,53,0,0,0,0,63,101,165,186,183,119,89,91,173,191,186,9,0,0,173,73,75,93,89,69,113,207,215,217,215,212,209,209,209,209,212,215,212,204,203,209,217,186,131,125,124,202,202,196,186,178,181,183,176,133,176,133,181,191,194,194,178,131,191,196,183,178,181,191,202,199,186,133,127,137,194,143,189,209,217,222,215,212,215,222,228,225,204,129,202,222,217,209,209,215,212,215,212,196,109,173,222,109,24,107,217,230,230,230,217,207,225,209,183,117,119,127,125,125,131,178,183,186,186,181,178,178,183,189,191,199,202,204,212,199,196,191,138,137,186,196,199,194,191,196,196,191,139,136,136,141,191,191,194,196,199,209,215,204,192,204,212,212,202,194,191,191,189,187,187,191,189,183,137,131,124,130,191,199,194,194,199,194,189,196,191,189,186,141,137,129,129,139,139,183,196,207,204,199,194,199,207,202,183,181,189,189,179,177,189,199,202,199,189,114,103,117,135,186,95,83,131,209,225,230,228,222,220,220,221,222,225,228,228,228,228,222,225,233,238,238,99,96,96,101,135,196,204,207,209,212,215,225,230,228,212,181,133,129,135,204,217,217,209,199,199,207,186,189,207,202,217,215,202,189,183,189,194,196,204,215,217,212,207,194,186,217,225,183,123,131,186,194,194,189,189,199,207,202,189,183,183,186,196,207,228,233,233,235,238,235,235,238,238,235,233,233,235,235,233,217,139,132,137,194,199,202,209,207,183,217,233,235,217,117,129,212,215,212,215,230,238,243,246,215,186,204,222,228,225,207,215,230,233,233,233,235,238,241,241,238,235,233,233,233,233,235,238,238,241,238,238,238,238,235,235,235,230,228,230,230,228,225,226,230,241,251,255,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,160,168,155,255,238,238,235,238,235,225,217,220,217,222,225,230,233,235,235,238,235,235,235,235,235,233,233,233,233,233,233,235,238,238,235,233,230,233,233,233,230,233,235,238,243,243,241,241,241,241,243,243,241,238,238,238,238,238,238,235,233,228,225,228,233,238,238,238,238,238,238,238,238,238,238,241,241,241,222,200,198,225,235,241,241,235,235,233,233,230,209,199,196,186,182,179,183,207,220,217,215,207,191,183,183,191,202,209,217,233,235,225,196,186,189,199,204,199,196,194,194,196,202,207,202,137,134,139,204,204,202,207,225,235,235,222,204,191,186,137,131,127,139,215,228,233,228,194,139,132,133,191,204,207,202,199,194,196,199,202,199,196,187,182,185,189,194,199,202,207,207,196,136,135,141,135,131,135,141,191,215,228,217,202,189,186,191,196,199,207,209,204,202,202,202,202,202,202,199,189,143,189,194,199,209,212,204,194,196,199,196,194,192,199,207,196,116,115,145,217,230,230,225,207,195,194,196,202,207,207,209,209,207,204,204,209,209,209,207,204,207,209,204,199,212,222,222,215,207,196,194,204,204,199,189,187,189,191,194,191,186,137,133,136,215,209,186,189,215,222,212,141,135,186,199,207,215,202,196,186,141,141,139,189,204,209,217,225,230,233,235,235,235,235,235,233,230,228,230,228,222,220,220,222,228,228,222,218,218,221,225,228,230,230,230,230,233,235,238,241,238,235,233,233,235,233,233,230,233,233,230,228,225,222,217,217,217,217,222,222,222,222,225,228,230,233,233,235,233,233,230,230,230,235,238,238,235,233,233,230,228,222,215,215,215,215,212,212,204,147,143,145,196,204,209,217,222,209,204,207,209,207,209,215,222,222,215,212,209,209,215,228,230,225,225,225,225,228,230,235,241,243,243,238,233,235,238,238,235,228,220,213,211,213,222,225,215,209,212,222,228,228,230,228,228,228,228,228,225,222,217,209,208,208,215,217,207,198,199,215,228,230,228,222,209,204,204,209,228,233,230,225,220,217,215,217,225,222,212,209,217,215,211,211,215,222,228,228,225,222,217,217,220,222,225,228,228,225,222,222,217,209,204,203,204,212,217,212,199,191,191,194,196,199,204,204,204,204,202,202,207,209,209,209,209,207,207,207,207,207,207,207,207,207,207,204,204,207,207,204,202,200,204,207,207,204,204,202,202,202,202,202,202,202,196,194,194,194,194,196,196,196,199,202,202,199,196,196,196,199,202,207,212,212,209,204,199,194,194,196,199,199,199,196,194,189,189,191,191,194,196,196,196,196,199,199,196,199,199,202,204,207,204,196,190,187,190,196,207,207,204,202,202,202,204,199,186,185,191,199,196,195,195,195,195,196,202,202,202,202,207,209,209,209,212,215,217,217,212,209,207,207,212,215,215,217,222,222,222,217,217,225,230,230,228,230,233,233,233,228,225,225,222,215,202,196,199,209,217,228,228,217,207,204,207,209,215,217,220,220,228,230,228,228,233,238,238,235,228,225,222,212,202,198,198,199,196,195,195,195,196,196,196,196,196,196,196,196,199,199,199,196,199,202,204,207,212,212,209,208,212,217,228,233,238,241,243,246,248,251,251,254,251,251,248,246,246,241,235,230,230,233,235,238,243,248,254,251,248,246,248,251,254,251,246,243,243,246,255,255,255,255,251,248,248,246,243,238,238,235,233,228,225,220,217,217,217,222,222,217,212,212,212,209,212,215,212,209,207,207,207,212,212,209,202,196,191,190,190,191,191,191,189,186,183,181,178,177,177,177,178,178,183,186,189,189,0,0,0,0,0,0,0,0,0,0,0,0,5,9,15,25,31,35,37,37,35,29,23,19,17,19,25,37,57,113,134,150,163,163,157,150,105,93,83,76,75,83,103,121,186,209,222,230,241,241,248,255,255,255,255,251,235,238,255,255,255,255,255,255,255,255,255,255,255,255,145,105,81,70,70,71,77,85,111,139,209,241,255,255,255,255,255,255,255,255,255,254,241,217,202,191,176,121,113,105,104,107,117,160,163,155,155,142,139,97,87,73,57,35,27,19,17,17,25,37,43,74,82,103,111,111,105,87,64,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,189,196,217,222,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,150,95,85,77,0,53,51,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,176,202,212,207,155,92,139,183,199,186,178,186,196,204,217,233,241,254,254,251,248,248,248,251,255,255,251,241,207,109,19,0,0,0,25,0,0,0,0,0,0,0,0,1,25,59,87,129,147,178,212,246,243,230,209,189,160,116,61,25,0,0,0,0,0,0,0,0,0,0,1,45,71,100,95,96,108,121,118,100,90,92,92,82,49,25,0,0,0,0,0,0,0,0,0,0,0,0,0,43,65,65,65,75,81,61,25,27,69,194,230,243,230,191,173,194,207,202,186,160,101,83,69,83,189,207,204,196,109,41,32,41,45,53,79,95,103,115,183,183,163,107,87,81,89,109,101,98,101,111,163,186,191,163,111,112,163,178,196,196,202,202,196,178,165,115,112,115,168,189,194,189,178,165,117,165,178,178,165,111,109,117,189,204,212,196,168,111,107,115,163,163,150,107,107,147,160,160,99,77,57,51,50,59,65,63,63,71,75,79,85,85,75,67,69,79,89,91,93,103,160,170,168,155,152,170,181,186,168,85,69,71,74,77,87,91,95,97,103,147,147,147,157,160,165,168,157,95,87,83,93,109,81,62,62,81,123,189,202,204,204,212,235,243,243,238,220,212,194,176,168,168,157,105,67,33,11,8,8,17,41,69,91,87,71,73,93,157,170,178,170,144,91,91,142,157,160,157,107,71,55,53,57,69,81,87,81,67,57,59,63,71,83,103,109,109,109,115,157,152,146,146,157,173,173,165,163,163,163,157,119,113,117,117,160,163,168,176,178,183,186,186,186,183,176,173,168,165,113,95,87,73,65,55,47,46,45,47,63,87,99,117,178,178,178,178,186,199,199,186,168,115,112,114,165,168,165,165,119,113,99,91,87,89,107,127,186,196,196,183,178,178,176,129,126,126,129,129,178,186,199,199,199,199,186,178,129,123,117,123,129,135,186,207,215,207,207,199,207,215,217,228,235,248,254,254,248,246,241,235,235,243,246,246,235,228,217,217,225,225,212,186,127,113,115,165,168,165,165,168,165,107,97,103,155,165,155,109,103,107,113,109,97,93,99,107,99,97,103,160,186,196,196,204,207,181,115,106,107,165,212,217,196,165,163,165,173,165,113,95,90,99,119,186,215,217,209,186,176,173,176,173,176,196,186,170 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,191,196,189,186,194,194,186,173,163,155,157,163,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,199,189,191,191,173,181,199,82,0,0,0,0,0,0,0,0,21,98,82,116,152,144,1,13,49,47,0,0,0,3,0,0,29,55,207,202,207,209,204,199,202,204,202,192,191,199,212,220,222,215,202,195,196,199,199,196,196,199,202,202,196,190,190,194,199,202,202,204,204,207,204,204,207,209,212,217,222,220,202,97,9,22,73,69,50,97,181,84,69,176,209,212,209,212,220,228,241,157,0,0,0,31,189,183,178,168,168,173,186,207,217,215,215,63,0,0,59,11,27,107,176,117,181,204,215,222,220,215,215,215,215,217,220,217,209,207,207,209,212,191,176,131,176,202,199,183,178,181,186,194,183,129,133,178,199,212,207,191,130,129,186,191,183,181,181,186,191,191,137,123,121,131,191,199,207,212,212,212,212,215,217,225,225,215,189,127,196,222,217,207,202,204,207,209,209,196,178,186,228,81,11,109,225,225,225,233,225,199,202,202,113,108,119,129,129,129,173,178,181,181,176,174,176,183,189,191,196,202,207,204,194,196,202,202,189,138,139,186,189,186,182,182,183,183,183,139,186,194,196,189,191,196,202,215,228,215,194,194,199,199,191,191,191,191,189,187,187,191,191,189,137,133,129,129,139,194,199,204,207,194,183,189,196,204,199,186,135,131,135,137,139,191,207,215,209,196,189,191,202,199,181,137,183,186,181,181,183,189,196,202,196,137,133,127,128,135,189,202,212,217,228,230,228,222,222,222,225,228,228,225,225,230,233,225,222,222,228,230,222,189,98,98,196,212,212,212,217,220,220,225,230,228,212,116,129,181,135,133,196,207,199,191,191,199,191,194,207,199,186,183,186,189,186,191,202,215,225,225,225,217,215,202,137,137,207,135,131,131,183,189,186,186,189,212,225,217,186,137,139,191,196,204,217,225,230,233,235,238,238,238,238,235,233,233,230,233,230,217,191,135,135,183,189,194,196,189,181,215,233,235,228,129,135,204,204,209,222,233,238,243,243,233,183,127,127,137,191,199,215,233,230,229,233,238,238,241,241,235,235,233,233,233,233,233,235,238,241,241,238,238,238,238,238,238,233,233,233,233,228,226,226,228,238,248,255,194,0,0,0,0,0,0,0,0,0,0,0,0,0,124,209,241,238,233,238,241,238,233,233,230,222,215,209,215,222,228,230,233,235,235,238,235,233,233,233,233,231,231,231,231,235,238,238,238,235,233,230,230,233,233,233,230,230,235,238,241,241,241,241,241,241,241,241,238,235,235,238,238,241,241,241,235,233,230,233,238,241,241,238,238,238,238,238,238,238,238,238,241,241,230,212,207,225,233,241,243,238,233,228,228,217,183,189,204,196,189,183,191,230,241,230,215,194,181,179,183,194,204,209,209,215,217,207,189,139,186,199,212,209,202,199,202,204,204,202,194,186,138,139,189,199,202,207,222,233,233,217,209,204,199,189,137,137,183,194,212,212,191,186,183,137,183,204,222,217,202,191,189,194,196,196,199,204,199,189,186,189,202,209,212,217,217,204,139,136,139,135,133,139,141,186,202,215,212,194,183,183,185,189,199,209,212,207,202,202,199,194,192,194,196,199,199,194,189,191,209,220,217,212,204,196,192,192,194,199,207,191,108,108,141,230,238,235,225,207,196,196,196,196,204,207,212,217,215,209,207,212,215,215,215,217,217,212,202,199,209,215,212,212,204,191,189,202,204,204,194,187,187,191,191,183,183,139,136,183,204,204,191,194,217,228,225,191,135,191,204,209,215,199,202,194,141,191,199,202,207,209,215,217,225,230,233,238,238,238,238,238,238,235,233,230,225,222,222,225,228,228,222,220,222,225,228,230,233,233,233,233,233,235,241,241,238,235,233,233,235,233,230,230,230,233,230,230,230,228,222,217,217,222,225,225,222,222,222,228,230,233,235,235,235,233,229,229,230,233,235,235,235,235,233,233,230,225,215,209,209,209,209,209,204,196,196,202,207,204,204,207,207,202,200,212,222,217,217,222,222,217,209,207,208,208,215,222,225,220,220,222,225,228,230,235,238,241,238,235,235,238,241,241,235,228,217,212,209,215,228,225,212,205,209,222,228,230,230,230,230,230,230,228,225,222,215,212,209,212,215,217,215,204,204,215,225,228,228,222,209,204,203,209,228,230,228,225,222,220,212,209,212,208,205,207,217,215,211,211,215,225,228,225,222,215,212,215,217,225,228,230,230,228,225,225,222,212,204,204,204,212,215,209,202,196,196,196,194,196,202,204,204,204,207,209,212,212,212,212,209,209,207,207,207,207,207,207,209,209,209,207,209,207,207,204,204,204,207,209,207,207,204,202,202,202,202,204,204,202,196,194,192,194,196,196,196,196,199,199,199,196,194,194,196,199,202,207,209,209,204,199,196,194,196,196,199,199,196,196,194,189,187,189,191,194,194,196,196,196,196,194,194,196,202,204,207,209,204,196,190,187,190,196,204,204,202,200,200,202,204,199,185,185,191,199,196,196,196,195,195,196,199,202,202,204,204,207,209,212,212,215,217,217,212,209,207,209,212,215,217,217,222,222,217,217,217,225,230,230,228,228,230,233,230,228,228,230,233,225,204,196,198,204,215,228,233,225,209,202,200,204,209,217,217,222,228,233,230,226,228,235,241,238,233,230,228,217,209,202,199,199,199,199,199,199,196,196,199,199,196,195,195,196,199,199,196,196,196,199,202,207,212,215,212,212,215,222,230,238,241,243,0,0,251,254,254,255,254,254,251,248,246,243,238,235,235,235,238,243,251,255,255,255,251,246,246,248,251,251,248,244,243,246,254,255,255,255,254,251,248,246,241,238,235,235,233,228,225,222,217,217,217,222,225,217,215,215,215,215,222,225,225,217,215,212,212,215,220,215,207,196,191,190,191,194,194,191,189,186,183,181,178,178,177,177,178,178,181,186,189,191,0,0,0,0,0,0,7,11,11,7,7,11,15,19,23,29,31,37,37,43,37,37,29,25,19,19,25,45,63,113,134,142,150,144,137,103,99,89,81,76,77,87,105,163,186,209,220,228,233,233,233,248,255,255,251,230,199,202,0,0,255,255,255,255,255,255,255,255,255,251,139,105,81,70,71,75,77,89,115,145,215,241,254,255,255,255,255,255,255,255,248,228,209,191,137,129,121,117,105,104,104,105,152,152,152,155,155,142,134,93,77,59,39,27,17,11,11,13,19,31,37,64,82,95,105,105,95,77,56,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,111,105,113,142,165,155,0,0,0,0,0,0,0,0,0,0,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,64,0,0,0,0,0,186,160,100,69,59,51,47,53,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,178,202,225,183,137,92,147,186,202,191,178,186,196,199,217,241,248,248,246,241,241,248,248,248,255,255,251,235,202,157,61,0,0,5,21,0,0,0,0,0,0,0,0,0,9,47,79,95,147,178,212,243,243,243,243,220,199,168,126,75,35,0,0,0,0,0,0,0,0,0,0,27,67,100,98,98,113,121,118,103,95,100,105,98,55,25,13,7,0,0,0,0,0,0,0,0,0,0,11,65,108,105,75,79,75,55,23,20,47,173,217,243,228,101,63,83,168,199,191,115,99,89,89,109,183,207,217,225,196,89,49,51,59,77,113,160,103,101,113,160,115,163,113,101,97,115,109,94,95,103,163,186,194,176,112,109,117,183,196,196,186,186,186,183,176,163,113,115,170,189,186,168,117,111,105,115,178,189,178,173,168,178,194,204,204,194,165,111,111,152,176,176,163,110,107,160,160,81,59,67,63,49,48,57,65,62,62,69,75,79,85,81,69,66,66,69,77,83,85,93,139,165,170,168,170,183,191,183,157,79,67,69,75,85,97,105,147,150,160,155,150,157,168,173,173,165,113,95,87,81,81,79,63,58,65,99,181,196,196,196,202,212,225,243,241,222,209,202,199,186,183,183,183,163,81,31,11,7,8,17,35,71,134,131,81,81,134,168,178,178,170,144,91,91,142,157,157,157,107,71,57,54,57,67,77,75,69,57,49,49,53,61,71,79,93,101,101,109,157,152,146,146,165,176,173,155,115,119,119,113,107,105,111,117,160,168,173,173,176,178,186,186,186,178,168,168,168,157,109,99,93,93,75,61,51,53,49,47,59,71,99,117,170,170,170,178,186,202,202,186,168,119,114,114,119,168,173,173,165,115,107,93,83,79,93,115,176,186,183,178,178,178,176,129,129,126,129,131,178,183,183,183,178,176,176,129,121,115,115,117,129,129,178,196,209,215,215,207,196,207,215,217,235,246,248,246,246,246,235,233,235,246,246,248,246,235,225,215,217,228,225,204,127,111,119,173,173,119,119,160,119,113,109,155,165,165,113,103,97,93,97,97,86,86,93,99,99,89,93,113,173,181,196,204,207,181,155,111,111,168,207,212,183,157,119,165,173,173,119,99,91,99,119,176,199,207,199,186,178,181,181,178,181,199,199,181 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,186,189,176,176,178,176,173,168,155,148,150,157,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,183,176,178,186,178,178,196,199,191,61,0,0,11,0,0,0,118,105,66,108,163,186,147,92,45,45,21,0,0,0,0,15,49,59,199,194,202,209,204,199,202,204,196,190,191,209,222,225,228,222,207,199,196,196,195,194,194,196,202,204,202,194,190,191,196,204,204,207,204,204,202,202,204,212,212,212,215,217,204,176,57,45,81,83,73,99,99,67,66,85,189,204,204,204,212,220,225,186,25,37,59,97,204,202,183,157,170,202,212,217,222,222,225,230,123,0,0,0,0,75,123,123,199,212,217,225,222,217,217,217,217,222,217,212,209,209,209,209,207,194,183,178,181,186,183,130,133,189,199,209,199,127,131,178,194,204,199,183,131,131,186,186,181,183,186,189,191,191,139,121,120,125,143,207,215,217,215,212,212,215,217,217,220,209,141,124,137,207,207,196,189,191,196,202,202,199,196,207,217,41,0,49,199,204,204,230,217,115,125,125,106,109,181,186,186,183,176,173,178,176,170,172,181,186,189,196,204,212,222,225,127,202,212,217,207,191,139,139,183,183,182,179,182,186,191,194,196,196,191,135,138,186,194,207,228,222,196,187,189,189,185,185,189,191,191,189,194,199,194,189,130,130,137,135,186,196,202,207,207,191,185,187,191,202,194,137,133,139,199,135,137,196,212,217,207,196,186,139,137,135,133,133,137,181,181,186,189,189,194,199,199,207,243,135,129,135,202,225,230,225,228,228,225,222,225,225,228,228,228,225,225,230,233,230,222,221,222,225,217,202,113,87,103,217,222,225,225,225,222,222,225,222,215,116,125,194,183,129,135,196,191,181,135,186,189,186,194,194,181,179,185,186,186,194,212,228,228,225,222,228,230,228,137,96,186,191,196,207,207,191,131,121,181,212,225,222,194,138,191,202,194,202,215,222,228,233,233,233,238,235,235,233,233,233,233,230,225,209,196,183,133,133,137,183,189,183,183,199,209,217,212,135,129,131,183,202,222,235,241,241,241,238,204,114,106,124,129,127,196,228,230,230,233,238,238,235,235,235,235,235,235,233,233,233,235,238,241,241,238,238,238,238,238,238,235,235,235,233,228,226,228,230,238,246,255,235,0,0,0,0,0,0,0,0,0,0,0,0,0,222,235,233,228,225,228,230,225,221,228,225,212,208,207,209,222,228,233,233,235,235,235,235,235,235,235,235,233,231,231,233,233,235,235,235,235,233,230,230,230,230,230,230,230,233,238,241,241,241,243,243,241,241,238,235,235,235,235,235,238,241,241,238,235,233,235,238,241,241,241,238,238,238,238,238,238,238,238,238,241,238,217,215,228,228,228,235,233,217,202,204,127,87,115,202,199,194,189,202,230,235,233,212,194,183,182,189,196,209,217,212,207,196,186,137,137,189,202,217,222,209,191,189,202,204,199,196,194,191,139,137,139,194,204,212,212,209,202,204,212,209,202,186,186,191,191,133,123,127,137,183,191,202,222,233,228,199,135,186,194,194,194,199,202,204,196,194,199,212,222,217,222,225,217,196,137,139,137,133,135,137,141,199,212,212,196,185,183,185,189,196,207,209,204,202,199,199,194,192,190,192,207,212,207,196,194,209,225,225,222,212,202,192,194,196,199,209,209,123,122,199,230,238,235,225,207,199,199,194,189,194,202,212,222,222,212,212,225,228,225,222,225,228,222,207,199,199,204,207,204,196,185,182,186,194,202,199,194,191,194,191,186,186,191,194,191,196,202,199,202,220,230,225,139,137,194,204,217,225,209,202,196,189,191,199,207,212,215,215,217,217,217,220,225,230,228,225,228,235,241,238,233,230,228,225,228,233,233,230,230,230,230,233,235,235,235,235,235,235,235,238,241,238,235,233,235,235,233,230,230,230,233,233,233,233,230,225,222,217,222,225,228,228,225,225,228,233,235,235,235,235,233,229,229,230,233,235,235,235,235,235,233,230,228,215,202,149,147,196,202,204,202,202,204,209,207,202,202,202,202,204,217,228,230,228,222,215,212,208,207,209,212,215,217,222,222,222,222,225,228,230,233,238,238,233,230,228,233,241,241,235,230,222,215,213,222,228,217,205,204,207,222,230,230,230,233,233,230,230,228,225,217,217,217,222,225,225,225,217,209,209,217,225,230,225,215,209,205,205,212,228,230,228,228,228,225,215,209,208,205,204,208,217,222,217,215,215,217,217,217,212,207,204,209,215,222,228,230,230,228,225,225,222,215,209,207,209,212,212,207,202,202,199,196,194,196,199,202,202,204,207,212,212,212,212,212,209,209,209,209,207,205,205,205,207,209,209,209,209,207,204,204,204,207,209,209,209,207,204,204,202,202,204,204,204,202,196,194,192,194,196,196,196,196,196,194,194,194,192,194,194,196,199,204,207,204,202,196,196,196,199,199,196,196,194,194,191,187,187,191,194,194,191,191,191,194,194,194,194,196,199,204,204,207,207,202,196,191,191,194,199,202,202,202,202,202,204,202,191,190,194,199,199,202,202,199,196,199,202,204,204,204,207,207,212,212,215,215,217,217,212,209,207,209,212,215,215,215,217,217,215,217,217,225,228,228,228,225,228,230,230,228,228,233,238,233,209,196,196,199,207,225,235,228,209,202,200,202,209,215,217,225,230,235,233,228,228,233,238,241,235,233,230,225,215,209,204,202,202,204,207,204,196,195,196,199,199,196,196,196,196,196,194,194,196,199,204,209,215,217,217,217,222,228,235,241,243,0,0,0,0,255,255,255,255,254,251,248,248,246,243,241,241,241,243,248,255,255,255,255,251,246,246,248,248,251,251,248,246,246,251,255,255,255,251,248,248,246,243,238,235,235,233,230,228,225,222,222,222,225,225,222,217,217,222,222,228,230,228,225,220,217,217,217,217,215,207,199,196,194,194,194,194,191,191,189,186,183,183,181,178,178,181,181,183,186,189,191,0,0,0,0,0,11,21,23,19,17,17,19,23,25,31,31,31,37,41,43,43,37,37,31,27,27,33,45,71,116,137,137,144,137,95,91,91,89,81,77,81,91,111,165,186,207,215,225,230,228,228,235,251,251,246,222,147,0,0,0,255,255,255,255,255,255,255,255,255,255,153,113,83,71,71,77,85,103,127,153,230,246,255,255,255,255,255,255,255,255,241,207,191,135,125,121,121,117,105,104,104,105,152,152,152,152,142,139,131,85,67,51,27,15,5,0,0,5,13,25,39,59,74,95,103,98,87,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,69,53,56,79,113,129,0,0,0,0,0,0,0,0,0,66,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,0,0,0,0,0,126,176,176,82,46,43,46,51,51,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,105,176,194,209,225,176,137,97,160,194,209,202,194,194,204,212,238,254,254,230,196,207,215,230,233,241,241,248,248,233,202,165,83,49,43,43,43,17,0,0,0,0,0,0,0,0,19,53,83,95,147,173,202,212,217,220,230,233,230,212,186,131,55,1,0,0,0,0,0,0,0,0,0,35,95,118,113,116,116,116,113,113,108,100,90,49,19,7,19,51,57,15,0,0,0,0,0,0,0,23,65,118,126,118,81,75,67,55,41,24,41,147,209,235,217,43,0,15,81,186,199,183,173,173,183,183,183,207,235,235,225,204,168,79,71,95,176,173,98,95,103,115,115,173,186,115,103,113,113,97,98,109,163,194,202,183,113,109,115,186,196,186,176,165,165,168,176,165,113,115,170,189,170,113,105,101,100,105,165,178,189,194,196,196,202,204,196,178,163,117,115,115,165,176,176,160,160,176,170,35,26,59,71,51,49,59,67,62,62,71,77,75,79,81,75,68,67,69,73,73,77,87,101,160,168,165,163,173,183,176,152,75,68,74,93,105,155,163,150,147,150,150,150,147,160,170,163,113,103,99,95,95,87,75,67,69,97,170,189,196,196,196,195,212,225,235,222,204,194,191,199,199,194,204,209,194,142,39,13,9,10,21,41,73,137,131,81,81,134,173,189,181,168,142,91,93,142,152,157,157,109,81,65,59,65,71,77,77,67,51,48,48,48,57,63,73,85,99,101,109,157,157,146,147,165,173,165,107,103,105,105,101,97,99,111,119,168,170,168,160,160,163,176,183,183,176,168,173,173,157,109,105,107,113,99,73,63,63,61,51,51,63,97,119,163,160,168,178,186,202,199,186,176,121,114,114,115,165,176,178,168,119,113,95,79,75,87,107,168,178,178,176,176,178,183,178,129,129,129,176,178,178,176,129,129,129,123,121,115,109,109,115,121,129,135,186,215,230,225,207,196,196,207,209,225,235,246,246,246,246,235,235,246,254,251,246,246,243,225,215,216,225,225,207,129,110,119,178,168,117,116,119,119,113,115,165,165,155,107,97,91,89,93,93,86,86,89,97,93,85,85,99,155,173,181,204,204,181,165,115,115,173,204,207,181,121,119,121,165,173,123,109,99,99,109,123,176,186,183,176,176,178,181,168,173,204,204,186 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,155,160,155,157,157,160,170,168,150,147,155,163,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,152,181,176,176,173,178,178,176,183,189,194,199,126,0,0,0,0,0,66,43,21,111,183,199,196,173,105,21,19,0,0,0,0,29,49,59,199,191,191,207,209,204,199,196,192,189,192,212,222,225,225,215,207,202,199,196,195,195,195,195,199,204,202,196,194,194,202,207,209,207,204,202,202,204,204,207,209,207,204,207,199,183,115,95,75,77,107,170,99,67,79,147,176,189,191,194,196,204,215,189,194,194,181,83,165,199,183,163,186,207,215,217,217,217,222,235,255,69,0,0,0,5,53,103,209,222,225,228,225,222,220,217,217,215,207,207,209,212,212,212,204,196,189,181,178,176,133,130,178,199,209,222,212,123,127,129,133,183,186,181,133,131,135,181,139,186,189,191,194,194,189,131,125,129,143,207,215,217,222,217,215,215,215,215,217,215,199,126,129,189,191,139,137,186,191,181,177,186,189,202,204,79,3,49,194,191,176,176,63,7,33,109,107,178,215,204,207,207,131,129,176,174,172,173,186,189,186,194,204,212,225,233,114,212,222,222,215,202,183,136,137,183,186,183,189,196,202,204,202,196,183,130,135,138,139,191,212,215,199,189,189,189,185,185,189,194,194,196,204,207,194,183,121,123,135,189,199,202,202,196,196,194,191,194,191,189,132,129,130,135,191,123,127,194,209,209,199,191,189,135,128,127,129,131,129,133,137,183,194,194,191,194,191,189,133,128,132,202,217,225,228,225,225,225,222,222,225,228,228,225,225,225,225,228,230,230,228,228,228,228,215,207,204,79,68,196,222,228,225,225,222,217,217,222,222,186,113,120,133,131,135,189,181,131,129,137,181,131,137,212,199,186,189,191,189,196,217,228,225,225,225,230,233,233,121,74,181,207,222,243,241,212,127,87,108,204,209,207,189,139,204,222,207,207,215,228,233,235,231,231,233,235,233,233,233,235,235,233,225,204,189,135,131,132,137,183,186,186,183,182,182,191,194,133,116,113,125,191,209,225,235,241,241,243,248,122,105,194,186,117,135,209,225,230,235,238,241,238,235,235,235,235,235,235,233,230,233,235,238,238,238,238,238,238,238,238,238,238,238,235,230,230,233,233,233,241,254,251,43,0,0,0,0,0,0,0,0,0,0,0,126,225,235,230,222,218,220,222,221,218,225,222,208,207,207,209,220,230,235,235,235,235,238,238,238,238,238,238,238,235,235,233,233,233,233,233,233,233,230,230,230,230,230,230,230,233,238,241,241,243,243,243,243,241,238,235,235,235,235,235,238,238,241,241,238,233,233,238,241,241,241,238,238,238,238,238,238,238,238,237,238,243,217,217,222,212,196,215,212,125,97,105,85,55,92,133,191,191,191,207,215,217,230,207,196,194,196,196,202,212,225,217,204,183,129,127,135,191,204,215,228,215,174,170,194,204,196,191,199,212,225,202,139,186,207,196,191,186,186,196,209,215,209,202,191,196,191,114,116,131,137,189,199,209,222,230,225,191,132,191,194,194,194,196,195,196,199,207,212,225,225,216,216,225,225,215,143,189,143,135,134,135,189,204,222,222,204,191,189,194,196,196,202,202,202,199,202,199,196,194,191,191,207,225,222,207,199,202,215,217,215,212,204,196,194,202,202,212,228,199,143,202,217,233,233,222,207,202,202,196,143,144,194,209,220,215,209,212,228,233,228,217,222,230,230,217,202,194,199,202,202,196,186,182,183,186,196,204,204,196,194,194,189,189,202,207,199,191,199,207,209,212,222,209,135,139,196,204,225,230,230,212,207,196,186,194,212,217,222,222,217,215,207,199,196,209,191,131,137,215,235,238,235,235,233,230,233,235,238,238,238,238,238,238,235,238,238,238,238,235,238,238,238,238,235,235,235,235,233,230,228,230,233,233,233,233,230,225,222,220,222,225,228,230,230,228,230,235,238,235,235,235,233,229,229,230,233,235,235,235,235,230,228,225,222,204,143,138,139,142,196,204,204,202,202,209,209,204,200,202,204,212,225,230,233,230,217,212,209,212,212,217,217,217,217,225,228,228,225,228,228,230,233,235,235,230,222,220,228,235,238,235,230,228,222,217,222,222,215,205,205,212,225,230,230,230,233,233,230,228,225,222,217,217,225,230,233,230,225,215,202,207,222,230,235,228,215,215,209,208,217,228,230,228,230,230,228,220,215,212,212,212,222,225,228,228,225,215,209,207,207,204,199,199,204,212,222,225,228,230,228,228,225,222,215,212,209,212,212,209,204,202,202,199,196,196,199,202,202,202,204,207,209,209,209,209,209,209,209,212,209,207,205,205,205,207,209,209,209,209,204,203,203,204,207,209,209,207,207,204,204,204,204,204,204,204,202,196,194,192,194,196,196,196,194,194,194,194,194,194,194,194,196,196,202,202,202,199,196,196,199,199,199,196,191,191,189,189,189,189,191,194,191,189,189,189,191,194,194,194,194,199,202,204,204,207,207,204,199,196,194,194,196,202,204,204,204,204,202,202,196,196,196,199,202,204,202,199,199,202,204,204,207,207,207,209,215,215,217,217,217,212,209,207,207,209,212,212,212,212,212,212,215,217,225,228,228,225,222,225,228,228,226,228,233,238,235,222,204,199,202,204,220,233,228,204,200,202,207,212,212,217,228,233,238,238,233,230,233,235,238,235,233,230,225,222,215,207,204,204,207,209,207,196,194,195,199,202,202,199,196,196,194,192,194,199,202,204,212,217,222,222,222,225,233,238,243,246,0,0,0,0,0,255,255,255,255,254,251,248,248,246,246,243,246,248,251,254,255,255,254,248,246,246,248,248,251,251,251,248,248,248,251,254,251,246,246,246,246,243,241,238,238,235,233,230,228,228,225,225,225,225,222,222,222,225,228,230,233,230,228,225,222,217,217,212,209,207,207,204,202,199,194,191,191,194,194,191,189,186,183,181,181,181,183,186,189,191,194,0,0,0,0,7,19,23,25,19,19,19,25,25,31,31,35,35,37,43,51,51,51,43,37,33,31,33,53,73,124,124,124,95,89,85,81,85,85,81,81,85,95,117,173,191,212,215,225,225,220,220,230,241,251,246,233,202,0,0,0,0,255,255,255,255,255,255,255,255,255,155,107,77,71,77,85,103,115,137,207,233,246,254,255,255,255,255,255,255,251,225,196,135,125,121,121,119,119,115,107,105,107,152,152,140,142,142,139,131,87,63,35,17,5,0,0,0,0,13,23,39,59,77,95,95,95,77,56,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,53,35,43,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,64,0,0,0,0,0,194,189,66,42,46,61,82,66,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,105,165,194,209,209,194,173,147,150,170,202,212,215,215,215,215,233,248,255,238,181,118,127,189,199,207,207,217,233,233,220,189,105,63,57,53,49,49,39,0,0,0,0,0,0,15,41,61,87,129,131,147,173,194,202,202,199,199,202,199,194,168,75,25,0,0,0,0,0,0,0,0,0,21,65,121,131,137,142,131,118,124,131,126,105,55,21,0,0,11,82,79,0,0,0,0,0,0,11,53,118,160,178,165,137,121,79,79,93,137,75,79,165,202,217,191,3,0,0,63,176,207,212,207,207,207,191,189,222,255,243,233,225,191,99,85,105,176,163,97,94,107,160,115,115,191,163,113,107,107,101,107,163,183,194,194,176,112,110,115,178,186,168,111,105,109,117,168,165,113,113,168,186,173,111,102,99,99,105,163,178,189,196,204,204,202,196,189,178,155,117,152,152,165,176,176,176,168,170,139,19,8,51,77,59,55,67,81,75,69,77,79,75,75,81,81,79,75,73,73,70,73,87,101,152,155,152,139,150,157,165,152,85,74,91,152,170,173,163,99,89,91,103,105,101,103,113,113,101,99,103,113,113,101,85,85,101,170,194,204,215,222,204,204,212,225,222,202,178,168,186,202,212,212,233,241,217,163,51,19,13,15,23,45,73,91,87,75,75,134,173,189,181,163,142,93,99,150,157,152,150,147,89,77,73,77,89,87,81,69,57,49,47,48,53,61,71,79,93,101,109,157,157,152,157,168,165,113,97,91,91,91,85,91,105,117,165,178,170,160,117,115,119,168,178,178,176,173,176,176,157,113,109,155,163,157,97,77,77,69,57,51,59,93,117,160,160,163,176,189,207,207,196,176,121,115,113,115,163,173,173,168,121,111,99,79,74,79,105,127,178,176,176,176,183,183,178,176,176,176,183,183,176,129,121,119,119,121,115,109,103,103,109,121,129,135,183,215,235,235,207,183,186,196,207,215,230,235,235,235,238,235,238,254,255,254,243,243,243,235,222,222,228,225,207,127,109,121,181,170,117,117,119,119,113,115,155,155,115,113,101,95,93,99,99,93,87,87,87,85,85,85,93,113,163,183,202,207,186,170,157,157,173,196,204,183,163,119,115,119,121,121,119,107,101,101,115,165,173,165,165,165,170,165,161,164,196,202,194 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,144,150,147,155,155,157,173,170,152,150,165,165,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,160,176,181,173,172,176,178,176,173,170,170,181,199,170,35,13,0,0,0,0,0,79,196,204,202,204,202,163,116,61,0,0,0,43,51,21,2,191,194,196,209,217,215,199,194,194,194,202,212,217,222,217,207,207,209,207,204,202,202,196,195,195,196,199,199,199,199,202,207,207,204,202,202,207,207,207,209,207,204,202,202,199,186,170,115,55,65,160,165,105,83,91,111,157,93,99,165,168,168,173,183,199,207,196,165,160,178,199,202,207,209,212,217,217,216,222,233,238,105,0,0,0,5,101,173,215,225,230,230,230,225,222,217,215,204,202,203,209,212,207,207,209,207,191,183,181,176,131,132,186,196,207,207,202,109,125,125,129,133,178,178,131,129,131,137,189,194,194,191,194,196,199,204,202,189,189,199,212,217,222,217,215,215,215,215,217,215,207,186,127,121,121,129,183,196,196,181,169,169,178,189,194,186,121,178,212,196,105,129,49,0,49,119,119,176,191,191,209,222,125,129,178,181,176,181,194,194,183,178,186,196,207,186,131,209,217,222,217,212,196,183,137,139,194,209,209,209,209,212,209,207,199,189,139,139,139,137,191,209,202,196,189,191,191,186,186,191,194,199,212,212,191,186,186,126,124,189,202,202,196,195,196,204,209,212,209,202,189,137,133,133,125,102,106,121,194,196,183,183,189,139,135,131,129,126,124,127,131,135,186,191,191,196,196,127,99,124,135,202,212,217,222,225,225,217,217,220,222,225,222,217,217,222,225,225,228,228,230,233,235,233,220,217,225,109,71,81,212,225,225,228,222,212,220,220,228,225,123,89,128,135,183,186,178,128,129,178,135,126,128,191,202,191,137,186,191,194,212,228,222,222,230,233,235,228,108,96,135,230,238,243,235,222,217,196,94,127,189,137,133,137,222,228,225,215,217,228,233,235,233,231,233,233,231,233,238,241,238,233,230,194,135,133,132,133,183,189,191,191,189,182,179,183,189,183,123,107,123,137,181,209,233,235,238,243,243,222,215,233,230,189,115,191,217,230,235,238,241,241,238,235,235,233,233,233,233,230,229,230,233,233,235,235,238,238,238,238,238,238,238,238,235,233,233,231,231,238,255,241,21,0,0,0,0,0,0,0,0,0,144,165,199,222,230,230,222,218,220,222,221,220,222,222,217,209,208,212,222,230,235,235,238,238,238,238,241,241,243,243,241,238,238,235,233,231,233,233,235,233,230,230,230,230,230,230,233,233,235,241,241,241,241,241,241,241,238,238,238,238,238,238,238,241,241,241,238,233,233,235,241,241,238,238,238,238,238,238,238,238,238,238,238,235,228,222,202,118,106,117,121,91,77,87,99,103,117,189,194,194,196,202,199,202,207,202,199,194,191,194,196,204,225,215,204,135,122,120,127,194,196,202,207,196,172,183,207,209,194,170,202,233,241,241,194,139,136,135,136,136,189,204,217,230,228,222,209,199,137,110,129,199,186,199,212,217,222,228,212,135,137,189,194,194,196,199,196,196,204,212,222,225,225,217,216,217,222,220,209,209,209,194,139,141,191,202,215,217,202,189,194,207,212,204,199,198,199,202,202,199,196,196,196,196,204,217,222,207,187,186,196,207,204,202,207,204,204,207,204,207,209,204,196,199,212,225,225,215,207,207,207,199,145,142,145,204,209,207,207,209,222,233,202,106,143,222,228,225,204,194,194,196,202,199,196,189,185,191,199,204,209,199,191,191,186,191,207,212,209,196,194,199,204,202,202,196,141,186,199,215,228,233,228,222,217,207,191,194,209,217,222,225,225,222,209,141,101,43,25,0,0,73,202,233,222,233,233,233,233,238,238,238,243,243,241,241,235,235,238,238,238,235,238,238,238,238,238,241,238,235,233,228,226,228,233,233,230,230,230,228,225,222,222,225,228,230,230,230,230,235,238,235,233,235,233,233,230,230,233,235,233,230,230,222,209,207,149,140,139,138,139,142,149,199,199,199,202,209,209,207,202,200,199,204,217,228,230,225,212,207,209,215,220,222,222,222,222,228,233,233,230,230,230,233,235,238,235,228,216,216,222,228,233,233,233,230,225,222,222,222,215,212,212,222,228,230,228,228,228,228,225,222,217,215,217,222,225,233,233,230,217,124,120,130,217,233,235,230,225,225,222,217,222,225,228,228,228,228,225,222,222,225,225,225,230,230,230,230,228,215,202,196,198,199,198,196,199,215,225,228,228,228,228,228,225,217,215,212,212,212,215,212,209,204,199,199,199,202,204,204,204,204,207,207,207,207,207,207,209,209,209,212,212,209,207,207,207,209,209,209,209,207,204,204,204,204,207,207,207,207,204,204,204,204,202,202,204,202,199,196,194,194,194,196,196,196,194,191,191,194,194,196,196,196,196,196,196,199,199,199,196,196,196,196,196,194,191,189,189,189,189,191,191,189,186,189,189,189,191,191,191,191,194,199,202,204,204,204,207,207,204,199,192,191,194,202,204,207,207,207,204,202,199,196,196,199,202,204,204,199,196,194,196,204,207,204,207,209,215,217,217,215,215,212,207,207,207,207,209,209,209,209,209,212,215,222,225,225,225,217,216,222,225,228,228,230,233,235,233,228,220,209,202,199,212,230,230,209,202,202,207,209,212,215,225,233,238,238,235,233,230,230,233,233,233,230,230,225,220,212,207,207,209,212,209,199,196,199,204,209,209,204,202,199,196,194,194,199,204,209,215,222,225,228,228,230,235,238,243,246,248,0,0,0,0,255,255,255,254,251,251,248,248,248,246,246,246,248,248,251,251,248,248,246,246,248,248,248,248,248,248,248,246,246,246,246,246,243,243,243,246,246,246,243,241,241,238,235,233,233,230,228,228,225,225,225,225,228,228,230,230,230,230,225,222,217,212,209,209,209,209,209,204,202,196,194,194,196,199,199,194,191,186,183,183,183,186,189,191,194,196,0,0,0,0,9,19,19,21,19,19,21,25,27,31,33,35,39,45,51,57,61,57,51,45,41,33,39,57,83,131,126,89,83,83,73,73,83,83,83,85,97,107,165,191,212,222,215,215,217,217,217,228,235,243,254,246,238,0,0,0,0,255,255,255,251,251,255,255,255,238,135,89,71,71,83,103,109,127,139,207,235,246,248,255,255,255,255,255,255,241,207,141,125,120,120,121,123,121,121,117,115,117,152,152,142,142,142,144,137,87,63,33,15,3,0,0,0,0,13,25,39,74,85,98,98,85,64,53,43,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,111,69,43,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,56,35,0,0,0,0,0,90,64,66,92,124,90,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,137,163,189,202,202,199,186,178,173,168,178,196,212,230,238,235,235,241,248,251,215,125,109,116,170,189,191,191,199,209,215,207,189,24,10,41,39,9,1,21,19,0,0,0,0,5,29,65,129,163,165,155,165,191,209,217,209,194,176,160,131,83,61,31,5,0,0,0,0,0,0,0,19,51,95,163,165,139,176,178,170,163,165,165,155,113,49,11,0,0,0,0,0,0,0,0,0,0,0,11,98,147,189,212,196,173,165,165,157,178,196,183,173,183,202,199,105,0,0,0,73,170,199,207,207,196,189,183,194,217,238,238,228,217,209,168,163,176,173,113,98,98,107,115,109,115,168,181,163,109,99,101,111,176,186,186,176,163,115,114,165,165,115,97,88,91,103,117,168,168,117,113,117,178,186,163,111,105,111,119,178,178,186,189,196,189,189,194,196,178,155,152,168,176,176,176,176,168,152,101,95,39,32,63,87,67,57,69,93,87,77,79,85,79,75,75,83,91,91,83,73,73,77,89,89,95,101,101,98,101,152,165,160,105,101,107,157,165,157,103,87,82,86,103,150,101,91,91,87,87,87,93,99,113,113,111,121,178,194,207,215,222,215,204,212,222,235,212,183,116,114,191,217,230,235,243,251,230,163,55,23,13,15,27,47,57,61,59,53,63,93,168,181,178,160,101,92,105,157,168,157,147,147,109,97,91,101,109,111,97,77,63,53,49,49,53,57,67,75,85,101,105,109,157,168,168,165,115,99,84,84,82,81,82,95,117,160,168,181,168,112,110,117,160,170,178,176,168,168,176,176,165,113,113,157,165,173,155,107,99,73,59,55,63,85,109,117,160,168,186,199,207,207,196,176,121,119,119,163,125,125,125,121,119,111,99,79,73,79,105,173,181,181,176,176,181,181,178,176,181,186,196,183,176,127,119,116,117,119,119,111,105,103,107,119,125,125,133,204,230,225,202,181,186,196,204,215,230,230,235,230,235,235,238,255,255,255,251,243,246,243,235,235,235,222,199,127,110,127,176,165,121,121,121,157,115,115,115,115,157,165,163,113,105,99,99,99,93,87,79,87,87,93,93,105,163,194,204,212,196,173,165,165,176,196,204,196,173,163,113,102,107,119,165,121,115,107,115,165,165,121,121,165,170,164,161,165,194,202,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,129,144,129,129,144,157,176,173,108,72,77,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,176,181,181,176,173,176,176,176,170,168,166,170,186,186,142,64,0,0,0,0,0,134,209,202,194,191,176,155,139,126,0,0,27,131,134,75,0,189,204,215,225,222,215,207,204,204,207,209,212,215,215,212,205,207,212,212,209,207,204,202,199,196,196,196,199,202,202,202,199,202,202,199,202,207,215,217,217,212,204,199,202,199,194,186,186,68,68,109,160,157,99,97,103,90,79,81,99,107,103,109,173,202,215,209,178,170,186,207,215,217,215,215,217,217,217,217,222,230,207,17,0,0,61,129,183,215,225,228,228,228,228,228,222,212,203,202,207,212,212,207,205,215,212,196,181,178,176,132,133,183,189,181,127,113,97,111,123,127,129,131,131,130,129,135,189,199,204,199,196,196,202,204,209,209,202,194,199,207,215,217,217,215,212,209,209,212,212,207,194,133,122,122,131,196,209,212,196,176,176,179,186,194,199,194,199,209,209,170,43,0,0,101,113,121,123,127,178,183,170,125,173,183,183,178,181,191,194,186,117,127,183,191,186,131,181,202,212,217,222,212,199,186,137,194,215,217,212,212,212,215,217,215,209,191,183,137,135,186,207,212,209,196,196,196,189,138,139,186,199,207,196,129,191,202,135,126,133,191,199,199,199,207,215,220,220,220,220,217,212,199,189,139,116,113,120,133,137,136,137,183,189,194,191,137,127,124,126,128,129,137,183,191,207,212,189,92,130,139,196,204,212,217,225,222,217,215,217,217,217,215,209,212,217,222,225,228,228,230,233,233,230,228,230,235,230,89,83,119,209,251,212,209,204,204,222,233,230,212,129,133,135,181,186,181,130,130,133,129,123,124,137,186,125,113,111,123,186,207,217,222,222,233,238,235,228,123,116,215,235,238,233,228,228,233,228,107,98,101,116,131,183,233,235,228,215,215,225,233,235,235,233,231,231,233,235,238,243,238,225,199,129,123,133,137,139,189,191,196,199,196,189,183,186,189,189,181,121,127,133,133,189,212,225,238,238,238,235,235,241,230,196,129,139,215,230,233,235,238,238,235,235,233,233,233,233,230,230,229,229,230,233,235,238,238,238,238,238,238,238,238,238,235,235,233,230,233,241,241,186,0,0,0,0,0,0,0,0,0,0,142,173,209,228,228,228,225,225,225,225,225,222,225,225,225,222,217,215,222,228,233,235,235,238,238,241,241,243,243,243,241,241,238,238,235,235,233,235,233,233,233,230,230,233,233,233,233,233,235,238,238,235,235,238,241,241,238,238,238,238,238,241,241,241,241,241,238,235,235,238,241,238,235,233,233,235,238,238,238,238,238,241,238,233,233,233,228,186,116,120,125,96,81,90,170,204,225,225,215,204,199,196,191,191,196,191,191,186,183,186,189,191,194,204,199,133,121,120,131,194,194,189,191,189,181,194,215,217,196,147,169,230,246,243,194,139,136,134,134,136,199,222,230,238,235,233,230,209,194,196,202,199,204,209,222,228,230,217,75,67,186,194,194,191,196,202,202,202,207,217,225,228,225,222,217,217,222,225,225,228,230,222,207,196,189,191,202,199,142,141,191,204,207,207,202,199,202,204,204,202,196,196,202,202,202,204,204,189,181,183,191,199,143,143,204,209,209,207,203,203,207,215,212,204,209,215,215,212,209,212,215,207,194,142,144,199,204,207,204,207,209,204,115,81,96,199,228,228,199,191,191,196,202,204,207,204,194,191,191,196,202,194,189,189,186,194,207,212,207,199,194,196,196,196,196,194,194,196,209,222,230,228,209,204,217,222,207,199,202,215,222,228,230,230,230,220,189,67,0,0,0,0,53,75,125,217,228,225,228,233,235,235,238,238,238,235,235,235,238,238,235,235,235,238,238,238,238,238,238,238,235,230,228,228,230,230,225,222,225,228,228,228,225,225,228,230,230,230,233,235,235,235,233,233,235,235,233,233,233,235,233,225,215,199,143,143,143,142,145,147,145,145,147,196,196,196,202,209,209,207,204,200,199,202,209,212,215,212,204,202,207,212,215,217,222,225,222,225,230,233,233,233,233,233,235,238,235,228,216,215,217,225,230,233,235,233,228,225,228,225,222,215,217,225,228,228,225,222,222,225,225,217,215,215,217,225,230,235,230,212,141,123,119,126,209,230,233,233,230,230,228,225,225,228,228,228,225,222,222,225,225,225,228,230,230,233,230,228,225,217,204,196,196,199,198,196,199,217,228,230,228,225,225,225,222,215,212,212,212,215,215,215,212,207,202,202,199,202,204,204,204,204,207,209,207,204,204,204,207,207,209,209,209,209,209,209,209,209,209,209,209,207,207,207,207,207,207,207,207,207,204,202,202,202,202,202,202,202,199,196,194,191,191,194,196,194,194,191,191,194,196,196,196,196,194,194,194,196,199,196,196,194,194,196,194,194,191,191,191,191,191,191,189,183,183,186,189,191,191,194,194,194,194,196,202,204,204,204,204,207,204,199,194,191,196,204,207,207,207,207,204,202,199,196,196,199,202,204,204,199,143,141,145,202,204,203,203,209,215,215,215,215,215,212,207,207,207,207,209,209,209,209,209,212,217,222,225,225,222,217,217,217,222,225,228,228,230,230,230,230,225,209,196,149,207,228,233,222,209,207,207,209,212,217,225,233,238,238,238,233,228,228,230,233,233,235,233,230,225,215,207,207,209,212,209,207,204,207,209,212,212,209,204,202,196,194,194,199,207,212,220,225,230,233,233,235,235,238,243,246,251,254,0,0,0,255,255,254,254,251,251,251,248,246,246,243,243,246,246,248,248,246,246,246,246,248,248,248,248,248,248,246,246,243,243,243,243,241,241,243,246,246,246,246,243,241,241,238,235,235,235,233,230,228,228,225,225,228,228,230,230,230,228,225,222,215,212,212,212,212,212,212,207,204,199,199,199,202,202,202,199,194,191,189,186,186,189,191,196,199,199,0,0,0,0,0,13,19,19,19,19,21,27,33,33,39,41,45,47,53,59,63,59,51,45,41,39,41,59,116,131,124,81,71,67,73,73,73,73,73,87,105,117,173,191,215,222,212,209,209,209,217,230,235,254,255,255,255,0,0,0,0,255,255,238,222,225,238,246,246,212,129,91,77,83,93,109,117,127,135,153,220,241,248,251,251,255,255,255,254,228,199,135,121,120,120,123,127,127,123,121,160,155,152,152,142,142,142,144,137,89,65,33,15,0,0,0,0,0,13,27,45,82,95,103,103,87,69,53,38,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,108,92,59,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,53,35,27,0,0,0,0,0,100,74,74,90,59,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,173,183,191,199,194,191,186,191,186,183,189,196,212,235,246,246,243,238,238,233,204,173,119,119,165,181,191,199,204,209,207,207,215,61,38,55,21,0,0,0,0,0,0,0,0,5,35,89,189,212,207,196,199,217,243,246,230,202,168,134,118,83,69,49,21,0,0,0,0,0,0,35,65,103,116,165,181,176,199,202,199,196,194,194,173,118,47,5,0,0,0,0,0,0,0,0,0,0,0,0,39,124,170,199,178,165,186,207,204,202,207,202,196,194,194,170,87,0,0,0,77,160,173,173,160,97,97,163,191,209,215,209,209,212,217,207,202,199,181,113,101,98,101,107,107,113,168,191,191,168,111,109,115,160,160,117,115,117,165,176,176,163,101,87,85,91,105,117,165,168,163,115,114,163,173,173,165,165,173,186,189,189,178,173,178,186,186,194,196,194,170,168,189,194,183,183,183,160,81,57,65,41,39,71,87,69,53,57,77,79,73,77,85,85,75,70,75,91,99,95,85,83,85,89,87,89,95,101,101,105,152,165,155,105,101,99,101,101,97,87,84,84,103,170,176,105,75,64,60,60,63,69,81,99,113,165,176,189,196,196,194,196,202,204,215,235,235,202,168,113,113,191,230,243,248,251,251,230,173,67,31,17,15,21,31,35,33,33,33,47,81,155,170,163,147,92,89,109,168,176,168,165,165,160,150,150,155,163,163,111,87,71,57,49,45,49,49,53,61,79,95,101,105,152,165,168,150,107,99,91,85,82,81,91,117,170,168,168,178,160,112,112,160,168,168,178,176,168,168,170,173,165,157,113,157,165,163,155,107,87,69,59,59,65,85,109,160,176,189,207,207,207,207,196,173,118,118,121,125,125,119,116,116,119,111,99,79,74,79,111,173,196,183,181,181,183,183,181,176,183,196,196,183,176,129,119,117,121,125,125,119,107,103,105,111,119,119,125,186,212,212,186,133,183,194,202,212,222,230,225,225,225,230,238,254,255,255,254,243,251,246,241,235,233,222,196,127,121,127,127,121,165,165,115,107,105,107,115,157,173,194,183,163,147,99,99,99,93,87,79,83,87,97,99,111,173,196,202,212,194,170,165,168,183,199,199,186,183,168,115,100,99,109,165,173,165,121,121,121,121,115,119,165,181,173,165,170,194,202,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,111,14,0,20,77,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,178,186,183,178,173,170,170,173,173,170,168,169,176,183,183,103,0,0,0,0,0,142,202,186,181,176,134,126,144,147,71,47,134,157,160,144,31,204,215,228,228,222,217,217,217,217,215,215,215,215,212,209,205,205,209,212,212,207,204,204,202,199,196,196,196,199,199,196,194,196,199,199,199,207,217,228,228,217,207,199,199,199,196,194,189,170,119,119,168,176,160,117,113,93,88,87,95,101,101,157,176,191,212,212,196,183,196,217,225,225,222,217,222,222,222,225,222,215,202,105,105,109,170,176,178,204,212,215,217,217,222,222,212,204,204,209,215,217,212,209,207,209,204,186,133,133,132,131,176,186,183,129,115,106,101,111,117,121,123,127,131,133,181,196,204,209,212,207,204,202,202,204,207,209,209,204,204,207,209,215,215,209,207,202,199,199,199,199,199,191,186,191,204,215,222,222,215,199,189,186,186,191,202,204,207,215,220,178,0,0,0,87,125,125,121,119,125,125,123,127,176,189,186,178,177,183,191,189,11,49,178,186,189,129,131,194,202,209,215,209,204,189,136,191,215,217,212,211,211,215,222,225,217,196,139,135,137,186,204,217,215,191,183,189,183,137,136,138,196,207,202,121,135,189,186,133,129,141,199,204,209,217,225,222,222,225,225,225,217,209,199,196,196,141,135,137,139,139,139,186,191,199,202,191,183,137,137,135,131,137,139,186,207,212,217,123,139,191,199,204,209,217,222,217,217,217,215,215,212,209,208,208,215,222,228,228,230,230,230,230,228,228,228,230,238,194,97,111,135,204,204,199,194,202,230,230,228,222,189,127,127,135,191,191,178,131,131,128,126,128,189,196,125,112,104,107,131,196,207,215,225,235,235,225,199,117,119,212,225,230,225,222,225,233,235,230,98,94,115,133,181,233,238,225,212,212,222,230,235,235,233,231,231,233,238,238,238,228,204,139,118,118,137,186,183,186,191,196,204,204,204,202,194,186,186,183,137,137,137,133,133,189,209,233,238,241,238,235,230,215,191,135,139,212,233,235,235,235,234,235,235,233,230,230,230,230,230,229,230,233,235,238,238,238,238,238,238,238,235,235,233,233,233,235,235,235,235,212,45,0,0,0,0,0,0,0,0,0,0,0,178,222,233,228,228,233,230,230,230,228,228,225,225,225,225,222,217,222,228,233,233,235,235,238,241,241,243,243,241,241,238,238,238,238,238,235,233,233,233,233,233,233,233,235,235,235,235,235,235,235,233,233,235,238,241,241,241,241,241,241,241,238,238,241,241,238,238,238,238,235,230,225,225,230,235,238,238,235,235,238,241,235,233,233,235,241,225,127,125,202,194,117,125,194,207,222,235,228,209,199,194,189,189,194,183,178,178,181,186,186,135,111,181,194,181,135,196,207,202,191,181,186,189,189,209,228,233,225,166,185,241,238,212,186,196,199,186,137,139,212,233,235,235,235,238,238,225,207,204,191,186,199,207,215,222,222,93,0,0,99,194,191,189,194,202,207,209,215,225,228,225,225,222,222,222,225,230,233,235,238,235,225,204,138,141,191,143,138,138,143,191,191,196,202,202,199,202,204,199,195,195,202,204,202,202,199,191,185,187,194,191,136,135,194,207,207,204,203,202,207,228,225,209,204,207,209,209,215,225,228,215,199,145,191,202,209,209,207,204,202,196,141,104,105,191,222,225,196,143,191,209,215,212,212,215,207,190,186,187,194,196,194,196,196,199,207,207,199,196,196,196,196,196,202,204,204,202,209,222,228,222,194,182,194,215,212,204,204,215,225,228,230,235,241,243,241,113,0,0,0,0,0,0,19,111,143,196,207,217,230,230,230,225,225,228,233,235,233,233,233,233,233,233,235,238,241,241,241,238,235,233,230,230,230,230,225,217,217,217,222,228,228,225,222,220,225,230,235,235,235,233,233,235,235,235,233,230,230,230,230,217,207,143,140,142,147,199,209,207,199,149,149,196,199,202,204,207,204,204,204,202,200,202,207,200,202,202,199,200,207,209,212,215,225,225,222,215,222,230,233,233,230,230,233,233,230,228,222,216,217,225,230,235,235,233,228,228,230,228,222,215,215,222,228,225,222,220,222,225,225,217,212,212,217,225,233,238,230,202,135,137,131,145,217,230,230,230,230,230,228,225,225,225,228,228,228,225,225,222,215,217,228,230,230,230,228,225,225,222,212,202,199,202,199,199,204,222,228,230,228,225,225,222,217,215,212,211,212,217,215,212,209,207,204,202,199,199,202,204,202,204,207,209,207,204,204,204,207,207,207,209,209,209,209,212,212,212,212,209,209,209,209,209,209,209,207,204,204,204,202,199,202,199,196,196,199,202,199,196,191,191,191,191,194,194,191,191,191,194,194,196,196,196,194,192,194,194,196,196,194,194,194,194,196,194,194,194,194,191,191,191,186,182,182,183,189,191,194,196,196,196,194,194,199,202,202,202,202,204,204,202,196,194,199,207,207,207,204,204,202,199,199,199,199,202,202,204,204,196,140,138,143,202,204,203,203,209,215,215,209,209,212,212,209,207,207,209,209,212,212,209,212,215,217,222,222,222,222,222,217,217,222,222,225,225,225,228,228,228,222,204,145,143,196,217,233,230,222,215,212,212,215,222,230,233,235,238,238,233,228,226,226,230,235,238,238,235,228,215,209,207,209,209,212,209,209,209,209,209,209,209,207,204,199,196,196,204,209,215,222,228,233,235,235,238,238,241,243,248,251,254,255,0,0,255,255,254,251,251,251,248,248,246,243,241,241,241,243,243,246,243,243,243,243,246,246,246,246,246,248,246,246,243,241,241,241,241,243,243,246,246,246,246,243,241,241,241,238,238,238,235,233,230,228,228,225,225,225,228,228,228,228,225,217,215,212,212,215,215,215,215,212,207,204,204,204,204,204,202,202,196,194,191,191,191,194,196,199,202,202,0,0,0,0,1,13,19,19,19,23,29,35,41,47,47,47,47,53,53,59,61,59,47,41,39,39,45,61,116,126,89,71,67,67,67,67,67,73,73,91,109,163,176,194,215,215,209,196,196,207,212,230,241,254,255,255,255,0,0,0,255,255,238,207,198,199,207,233,241,228,143,121,109,109,119,125,127,131,135,145,209,233,241,246,246,246,255,255,246,228,199,135,120,121,121,127,173,173,168,168,160,160,152,155,142,142,142,144,134,87,65,35,15,3,0,0,0,5,19,33,74,92,103,111,103,95,77,56,30,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,74,59,40,27,35,0,0,0,0,0,0,0,0,0,0,53,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,46,35,0,0,0,0,0,0,121,59,9,9,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,72,181,199,199,194,191,194,194,194,199,202,202,202,209,228,241,246,246,230,228,228,228,204,181,127,165,173,183,199,207,199,191,191,207,204,93,71,73,29,0,0,0,0,0,0,7,25,27,51,186,255,255,255,248,241,251,255,255,251,217,191,165,147,131,116,69,49,0,0,0,0,0,0,21,45,61,69,131,176,186,199,207,209,212,209,212,199,150,59,11,0,0,0,0,0,0,0,0,0,0,0,0,0,45,105,124,83,121,181,215,228,209,202,202,204,202,191,160,87,23,0,47,111,170,165,115,93,61,61,113,191,207,202,192,192,199,209,209,202,194,176,160,107,101,100,103,107,109,168,194,207,202,191,176,160,109,102,101,104,113,170,178,176,163,103,90,88,97,105,107,111,111,115,115,115,117,163,178,178,189,189,196,196,189,168,165,178,189,196,196,196,196,189,178,196,196,186,194,183,81,26,25,35,37,41,73,93,71,53,49,63,69,69,79,87,85,75,71,77,97,139,134,97,95,95,91,89,93,101,139,139,139,152,160,150,99,89,85,87,87,87,86,87,97,168,189,176,89,64,58,56,57,60,66,79,103,165,173,178,186,189,170,109,115,181,199,222,238,225,189,117,111,117,191,230,251,254,251,248,233,191,91,51,25,15,15,19,15,13,13,15,29,63,139,160,152,103,89,89,109,176,183,183,183,186,181,173,173,181,183,173,155,95,75,61,49,39,41,41,45,53,67,79,85,93,103,150,150,107,103,101,99,97,85,91,111,178,178,168,165,163,155,112,115,160,160,160,168,168,168,168,165,165,165,157,115,157,165,155,107,89,73,65,63,65,71,91,117,178,199,209,215,215,207,204,183,165,118,118,125,125,121,117,114,114,117,111,99,79,75,85,111,181,196,196,183,183,196,196,183,181,181,183,183,181,176,127,127,121,125,127,127,121,111,105,103,105,111,115,117,131,194,194,135,131,183,194,194,209,222,222,222,220,230,233,235,254,255,255,255,251,251,251,241,235,233,217,204,181,173,127,121,121,170,165,101,89,89,101,152,173,196,204,204,176,147,99,93,97,93,83,79,83,91,99,105,152,173,183,194,194,176,165,165,173,183,196,183,173,173,173,121,102,98,107,168,186,186,173,165,121,115,113,115,165,183,181,165,165,181,194,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,165,186,183,178,168,163,165,170,178,178,173,170,173,178,183,113,0,0,0,0,0,55,178,173,170,152,111,108,134,152,139,139,152,157,152,103,91,217,222,225,225,222,222,222,228,228,222,217,215,212,212,212,209,207,209,212,212,207,204,204,204,202,196,196,195,195,195,195,194,196,202,199,199,204,212,222,225,217,209,202,196,196,196,194,176,170,176,176,186,204,199,186,163,103,111,115,115,115,109,170,176,191,209,212,204,199,209,225,228,225,217,217,217,212,215,225,212,202,189,176,220,222,202,173,173,186,181,178,186,189,199,202,199,196,199,207,215,215,212,209,207,204,194,181,176,132,130,130,181,196,191,131,115,109,111,121,113,117,123,131,181,189,199,209,212,215,217,212,209,207,204,202,204,209,212,212,209,207,207,207,204,204,202,199,199,199,199,202,207,207,209,212,217,222,225,225,222,212,199,189,186,191,202,209,217,220,212,107,2,11,107,115,173,121,121,121,116,117,121,123,178,191,191,181,177,183,191,196,0,0,95,135,186,130,131,186,186,194,199,196,194,186,137,202,222,222,215,211,209,212,217,222,217,196,135,125,129,181,191,207,209,172,163,174,183,183,138,139,196,212,225,129,135,186,189,139,133,189,204,215,222,228,228,225,222,222,222,217,215,209,207,207,212,209,199,191,191,189,186,189,196,202,202,199,209,228,220,199,191,186,183,133,186,199,215,189,189,199,207,209,215,217,217,217,217,217,215,212,212,209,208,209,215,222,228,230,230,230,230,228,228,225,224,224,228,217,131,111,103,58,220,202,128,212,228,225,228,222,191,109,119,133,199,204,196,181,135,178,181,194,212,225,217,202,115,109,117,137,194,202,209,228,217,181,106,101,106,181,199,204,202,204,212,222,228,235,127,117,135,131,129,207,228,215,207,212,225,233,235,235,233,233,231,233,233,230,212,137,129,125,116,120,189,191,183,183,186,191,196,204,209,209,196,183,182,186,196,196,196,135,126,135,199,222,238,241,235,202,133,135,125,119,127,207,230,235,235,234,234,235,235,233,230,230,233,233,233,233,233,235,235,238,241,241,238,238,238,238,235,233,230,228,230,233,235,233,225,194,0,0,0,0,0,0,0,0,0,0,0,0,189,222,230,230,233,235,233,230,233,230,228,225,220,221,222,222,222,225,230,233,235,235,238,241,241,243,241,241,241,238,238,238,238,241,238,235,231,231,235,235,233,233,235,238,238,238,235,233,233,230,229,230,233,238,241,241,241,241,241,241,238,238,238,238,241,241,238,238,238,230,224,218,220,228,235,238,238,235,235,238,235,235,233,233,235,238,222,109,93,220,215,199,204,202,196,215,228,222,204,196,194,189,191,194,181,173,174,181,189,189,127,93,123,181,133,135,222,225,209,189,181,183,189,194,212,228,235,230,189,194,230,107,89,96,209,225,217,202,202,222,235,235,235,238,241,241,235,217,190,181,183,191,204,207,199,141,63,0,0,43,139,143,189,196,204,212,217,225,230,228,225,225,225,228,228,228,233,238,238,238,238,233,209,136,139,145,143,142,142,189,189,186,189,199,202,199,199,204,202,195,195,199,202,204,207,215,217,215,207,199,143,135,135,145,199,202,204,204,203,207,222,217,204,202,204,207,215,225,235,238,225,207,196,199,207,215,212,207,204,204,207,222,228,215,209,217,215,196,137,194,228,230,212,209,215,209,196,187,187,196,204,207,204,202,199,202,199,194,194,199,202,199,202,212,222,215,204,202,209,225,225,199,176,166,176,199,209,215,222,225,225,228,230,235,243,243,222,37,0,0,0,0,0,0,71,121,131,139,194,222,222,215,209,209,215,225,230,228,228,228,228,228,230,235,238,238,238,235,233,233,233,233,233,233,230,230,228,217,211,212,217,222,209,149,155,215,228,235,235,233,233,233,235,235,233,230,230,228,225,222,212,202,147,143,147,202,209,212,207,199,196,196,199,202,204,207,204,203,203,204,204,204,207,207,198,198,200,200,202,209,212,209,212,222,225,217,211,212,222,230,230,225,225,228,228,228,225,225,222,222,225,233,238,238,230,225,225,228,228,222,213,213,222,228,228,222,222,225,228,228,217,211,211,215,222,230,235,230,209,151,209,207,215,228,233,230,230,228,228,228,225,225,225,228,230,230,230,228,212,198,202,217,228,228,225,222,220,222,222,217,209,207,204,202,202,207,222,230,230,228,225,225,222,217,215,211,211,212,215,212,209,207,202,202,202,199,199,202,202,202,204,207,209,207,204,204,204,204,207,207,207,209,209,209,212,212,212,212,212,209,209,209,209,209,207,204,204,204,204,202,199,199,196,196,196,199,202,199,196,191,191,190,191,191,194,194,191,194,194,196,196,196,196,196,194,194,194,196,194,194,194,196,196,196,194,194,191,191,189,189,189,186,183,183,186,189,191,194,196,196,196,196,194,196,199,199,199,199,199,199,199,196,196,202,207,207,204,202,199,199,199,202,202,204,204,204,204,204,202,142,140,191,204,207,203,204,209,212,212,207,207,209,212,209,207,207,209,212,212,212,209,209,212,215,217,222,222,222,217,217,217,217,217,217,220,222,222,225,225,215,202,144,142,145,207,225,233,230,225,222,222,222,228,233,235,235,235,235,233,230,228,228,228,233,238,243,241,233,222,212,209,212,212,212,212,212,212,212,209,209,209,209,209,207,204,204,207,209,215,222,228,230,235,238,238,241,243,246,248,254,255,255,255,0,255,255,254,251,251,248,248,248,246,243,241,238,238,241,241,243,241,241,241,241,243,243,243,246,248,248,248,246,243,241,241,241,241,243,246,246,246,246,243,243,241,241,241,241,241,238,238,235,233,230,228,225,225,225,225,225,225,225,222,217,215,212,215,215,217,217,217,215,212,209,209,207,207,204,202,202,199,196,196,194,194,196,199,202,204,204,0,0,0,0,1,13,21,23,27,29,35,41,47,55,55,55,55,53,53,55,59,55,45,41,39,41,47,65,85,118,83,65,63,63,65,67,67,73,75,91,115,165,181,194,207,209,196,187,187,194,212,228,243,255,255,255,255,255,0,0,255,251,228,199,195,195,202,225,248,248,235,212,151,149,151,153,147,147,147,149,209,220,241,246,244,244,248,248,241,220,199,135,125,121,125,173,178,178,173,168,160,157,152,155,142,142,134,137,129,83,59,35,17,3,0,0,5,19,37,72,92,103,111,111,103,95,77,56,33,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,43,33,22,17,17,0,0,0,0,0,0,0,0,0,0,27,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,35,46,0,0,0,0,0,0,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,126,178,222,230,212,202,194,194,202,202,212,222,222,225,233,246,251,246,209,196,207,228,230,199,173,126,170,173,189,215,217,191,187,190,199,186,67,49,53,15,0,0,0,0,0,0,63,75,71,137,255,255,255,255,255,255,255,255,255,255,243,228,212,191,165,129,81,55,0,0,0,0,0,0,0,0,0,47,116,168,178,191,207,215,220,222,238,238,209,137,31,0,0,0,0,0,0,0,0,0,0,0,0,0,17,47,63,69,85,173,215,228,215,204,202,209,209,199,170,99,69,55,111,196,199,186,173,97,61,61,111,202,209,202,189,189,194,202,194,183,176,168,163,160,113,107,109,113,115,176,202,217,220,209,194,176,109,101,98,102,113,165,165,165,163,115,109,103,103,103,100,99,100,105,111,117,117,119,178,178,189,196,196,196,178,165,161,178,202,207,196,189,189,189,178,178,189,196,202,168,31,12,23,35,39,45,81,99,77,49,41,49,61,69,81,91,91,87,91,131,144,157,157,142,142,103,101,101,103,142,155,155,155,152,152,105,93,84,84,85,87,87,91,97,147,163,168,103,73,65,71,75,81,83,93,113,168,183,189,181,183,178,101,84,87,115,196,225,233,204,127,113,113,123,191,209,235,248,251,251,241,209,160,71,39,19,13,9,5,3,2,5,17,57,101,155,152,103,89,92,150,183,191,191,194,204,199,189,183,189,191,178,155,95,75,59,45,35,34,37,41,45,57,67,71,81,99,103,103,101,99,103,101,97,97,107,165,186,178,165,161,163,160,115,115,157,115,115,160,160,117,113,113,115,157,157,155,157,163,157,107,89,75,71,73,75,91,109,168,186,199,207,215,209,207,196,183,165,121,125,165,165,125,117,114,114,117,115,101,85,79,93,117,181,199,196,196,196,196,196,196,181,181,181,176,176,176,133,127,127,125,125,127,125,117,111,105,107,115,117,121,127,135,181,131,127,131,133,139,194,212,222,225,225,233,233,238,254,255,255,255,254,254,251,241,235,228,215,204,196,183,173,127,165,170,121,91,86,89,107,157,173,196,212,212,194,152,101,93,93,87,77,77,83,93,105,147,160,173,173,165,170,165,163,165,176,186,181,157,107,113,121,115,102,98,107,173,204,204,196,173,121,113,110,113,121,176,170,117,115,163,176,186 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,134,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,152,176,176,173,163,157,163,170,181,183,178,173,176,181,191,134,0,0,0,0,0,0,111,160,163,142,105,79,124,150,157,160,160,155,142,95,86,204,215,212,212,215,217,222,228,228,222,217,212,212,212,212,212,207,204,207,209,204,202,204,204,202,199,196,195,194,194,195,199,202,202,199,199,202,204,207,212,212,207,202,194,192,194,191,115,109,123,173,194,220,212,199,170,103,165,176,181,181,119,163,165,191,220,207,204,204,222,225,225,215,209,209,202,120,118,191,189,191,196,202,215,217,209,189,189,183,159,152,159,166,178,186,183,181,186,194,202,207,212,209,204,204,202,194,183,176,133,133,199,209,199,131,115,111,115,117,113,123,178,189,196,202,204,212,215,217,217,215,215,212,207,204,207,212,215,215,212,207,196,196,196,199,202,207,209,209,207,209,212,212,212,212,212,215,222,225,222,212,199,191,189,196,204,212,217,215,209,194,85,63,87,87,93,109,127,129,119,116,114,108,181,196,202,196,191,199,207,209,14,0,27,111,181,135,135,133,127,129,137,181,181,137,181,204,225,225,217,212,211,212,215,220,215,199,135,115,117,127,133,186,191,173,164,177,204,204,191,191,196,204,207,131,139,199,196,141,141,196,212,222,225,228,228,225,225,222,220,217,215,215,215,217,217,217,212,202,196,194,191,194,204,209,207,204,215,230,225,212,209,204,204,47,45,137,194,191,199,209,215,215,215,215,217,217,217,215,215,215,215,212,212,212,217,225,230,233,230,230,228,228,225,224,225,228,225,225,204,110,39,13,199,186,117,209,222,225,228,225,212,111,113,127,199,212,215,191,186,194,204,212,225,230,235,235,235,181,115,131,186,135,122,137,137,117,102,99,107,133,178,123,116,122,189,199,199,196,191,204,207,125,122,127,135,181,191,207,228,235,238,235,233,233,233,233,225,204,139,123,113,108,121,137,209,204,186,137,133,135,186,196,204,207,196,183,183,196,217,225,222,135,123,127,189,209,230,241,241,107,57,107,115,111,110,139,217,233,235,234,234,235,238,235,233,233,233,235,235,235,235,235,238,238,241,238,238,238,241,241,238,233,225,224,225,228,233,235,228,202,0,0,0,0,0,0,0,0,0,0,0,17,212,225,228,228,230,230,228,230,233,230,228,225,222,222,225,228,228,230,233,235,235,238,238,241,243,241,241,238,238,238,235,235,238,238,238,235,231,231,235,238,235,235,238,238,241,238,235,233,230,229,229,230,235,238,238,238,241,241,241,241,238,238,238,238,241,241,238,238,238,230,224,218,220,228,235,238,238,235,235,235,235,233,233,235,235,235,117,0,33,209,204,189,204,189,170,209,215,207,196,194,194,189,186,186,176,173,178,189,191,186,131,106,183,186,128,129,233,238,220,194,133,135,181,189,212,228,235,233,199,135,129,95,86,97,204,235,235,225,215,215,225,230,233,238,235,235,230,215,191,186,191,204,215,209,196,186,125,33,22,85,137,191,199,207,212,220,228,230,230,228,225,225,230,233,233,233,235,238,238,235,235,235,225,143,139,145,199,209,207,199,196,191,189,196,202,202,202,207,207,202,196,196,199,204,215,228,238,235,222,202,145,141,143,194,196,196,199,204,207,212,215,207,196,196,204,209,222,233,241,243,230,209,199,202,209,212,207,203,203,209,212,215,222,225,225,225,215,202,141,189,225,225,196,199,209,215,207,196,191,202,212,212,204,199,194,194,191,189,191,199,204,204,204,215,225,222,212,204,207,215,228,228,189,164,164,189,217,228,228,228,228,228,226,228,233,243,255,125,3,0,0,0,45,77,103,129,127,126,131,202,204,202,199,199,207,215,222,222,222,222,222,222,222,228,230,228,225,222,222,225,228,228,230,230,233,233,233,222,212,212,212,153,138,121,147,209,228,238,238,235,233,235,235,233,228,228,228,225,222,215,204,151,151,202,207,209,209,202,199,196,196,196,196,196,204,209,207,203,204,207,207,207,209,207,199,200,204,207,209,212,212,202,199,212,217,212,209,209,217,230,228,222,215,217,220,222,222,222,222,222,228,233,235,233,228,225,225,228,225,222,215,215,222,228,230,228,228,228,230,228,217,211,209,212,217,222,228,228,225,217,215,215,222,228,228,230,230,230,228,228,228,225,225,228,230,230,230,217,199,191,194,209,217,217,217,217,215,215,215,215,212,209,207,204,204,209,225,230,230,228,225,225,225,222,215,212,212,212,212,212,209,207,202,200,202,202,202,202,204,202,204,209,209,209,207,207,207,207,207,207,207,209,209,209,212,212,212,212,212,212,209,209,207,204,204,204,204,204,204,199,199,199,196,195,195,199,202,199,196,194,191,191,191,194,196,196,194,194,196,199,199,199,202,199,196,196,196,196,194,194,196,199,199,199,194,191,189,189,186,186,189,189,189,189,189,189,191,191,194,194,194,196,196,196,196,196,196,196,196,196,199,199,199,202,204,204,202,196,195,196,202,204,204,204,207,207,207,207,204,196,191,202,207,204,204,207,212,212,209,204,204,207,209,207,204,207,209,212,212,209,209,207,209,212,215,217,220,217,215,215,217,217,217,215,215,217,222,225,225,217,207,196,145,147,202,215,228,230,228,228,228,228,230,235,235,235,233,230,230,230,230,228,225,230,235,243,243,238,228,217,215,217,217,217,215,212,215,217,217,217,215,212,212,212,212,209,207,207,212,215,222,228,233,235,241,243,246,248,254,255,255,255,255,255,0,255,254,251,251,248,248,246,243,241,238,238,238,238,241,241,241,238,238,241,241,241,241,243,246,248,248,246,246,243,241,241,241,243,246,246,246,246,246,243,243,243,241,241,241,241,238,238,235,230,228,225,225,225,225,225,225,225,222,217,215,215,215,217,217,217,217,217,215,215,212,209,207,204,202,202,199,199,199,196,196,196,199,202,204,207,0,0,0,0,1,15,23,29,35,43,49,55,61,61,61,61,59,55,55,55,57,55,49,47,47,47,53,61,75,83,73,65,63,63,67,67,75,75,85,99,150,168,176,183,196,196,194,187,185,189,199,222,238,254,255,255,255,255,255,255,255,251,230,202,195,196,202,235,255,255,255,255,251,246,246,241,233,220,212,209,217,235,246,246,246,244,246,246,238,217,194,135,125,125,127,178,178,178,173,165,155,152,109,142,142,103,97,97,91,77,57,29,17,11,11,13,25,39,79,95,103,111,111,111,103,85,77,59,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,33,20,14,17,17,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,22,0,0,0,0,33,22,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,155,199,225,225,209,202,202,207,212,228,230,235,235,243,243,255,255,235,186,173,189,215,217,196,170,124,163,173,207,241,233,199,190,199,204,152,0,0,0,0,0,0,0,0,0,13,77,95,142,209,255,255,255,255,255,255,255,255,255,255,251,243,246,217,176,126,77,49,0,0,0,0,0,0,0,0,0,53,139,186,186,202,230,233,230,233,254,255,251,199,41,17,5,0,0,0,0,0,0,0,0,0,0,0,21,57,81,131,165,199,215,215,217,215,204,209,215,207,181,115,99,101,196,217,212,199,189,97,47,57,99,191,217,209,194,194,202,202,183,176,168,168,173,173,163,163,168,173,176,186,202,209,220,220,207,186,163,111,107,111,163,165,163,115,113,115,117,117,109,105,102,100,100,105,111,117,119,165,165,173,178,189,189,189,168,160,160,178,207,215,202,189,189,189,178,153,163,204,217,160,39,19,71,79,73,81,147,139,67,40,37,41,51,67,89,131,137,144,157,163,168,157,155,155,157,155,155,155,165,165,165,165,155,150,107,95,87,82,84,91,99,99,103,107,147,147,97,85,79,89,155,170,178,181,186,189,191,194,196,191,191,181,101,83,84,111,196,222,215,186,117,107,116,178,186,186,194,220,243,251,248,230,189,101,55,25,13,9,7,3,1,1,11,47,91,152,155,105,92,101,168,191,194,191,194,207,212,204,194,189,189,181,155,97,81,63,47,35,34,35,37,41,49,57,67,83,99,103,103,101,99,99,99,97,105,152,173,178,168,161,161,168,168,160,115,109,103,109,115,115,109,101,101,103,113,113,113,160,165,163,111,99,91,85,85,93,109,168,176,176,176,196,207,207,207,199,183,165,165,170,173,176,170,125,117,117,125,117,105,93,89,97,117,183,204,204,204,199,204,204,196,183,181,176,176,176,133,133,133,129,125,122,125,125,125,117,115,115,125,125,127,131,133,135,131,127,119,119,125,139,202,222,225,225,233,238,243,254,255,255,255,254,251,251,241,233,222,215,207,204,196,186,181,176,165,111,90,89,105,117,157,160,178,204,215,196,163,144,99,93,87,77,77,87,97,147,155,160,173,163,152,152,163,160,165,176,183,173,105,83,87,101,107,103,102,113,183,204,215,204,183,123,113,111,113,121,125,117,105,105,117,165,176 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,152,170,168,163,160,157,163,170,178,178,173,170,176,186,204,152,0,0,0,0,0,0,0,57,155,147,111,76,129,160,168,168,163,157,152,103,88,189,202,191,183,194,209,217,222,217,215,212,209,209,207,207,207,202,196,199,204,204,202,202,202,202,202,199,199,196,196,199,207,207,204,202,202,204,202,200,204,207,204,199,194,192,194,189,105,97,117,165,164,183,202,199,189,173,186,183,170,121,119,165,119,107,189,196,199,111,196,233,207,199,204,204,186,109,107,123,181,189,207,215,217,217,217,212,212,207,169,160,165,173,183,181,127,121,123,176,194,209,215,215,209,209,207,199,183,176,183,202,212,215,199,125,113,110,113,111,112,131,191,204,212,212,209,212,215,215,215,215,217,215,209,204,207,212,215,212,209,196,189,190,196,204,209,215,215,212,209,207,207,209,209,212,212,215,222,222,222,215,199,189,189,194,199,202,199,199,212,228,230,103,46,24,60,129,189,191,191,123,98,96,186,202,209,209,207,212,222,225,202,23,63,127,181,186,191,135,119,118,127,133,135,135,181,194,215,222,222,215,212,212,215,217,212,202,194,122,120,127,126,127,189,196,199,217,230,222,202,196,196,191,137,113,98,196,209,202,196,202,212,222,225,222,220,222,222,225,222,222,222,220,222,222,222,225,222,212,202,196,194,199,207,212,212,207,207,212,215,215,222,230,243,26,0,59,139,196,209,217,217,212,212,215,217,220,217,215,217,217,217,217,217,217,220,225,230,233,230,230,228,228,225,222,228,230,225,228,230,131,121,115,131,133,181,204,215,222,225,230,230,105,83,101,196,212,209,183,183,204,222,228,230,230,233,238,248,233,129,133,181,124,117,122,125,121,109,109,129,189,189,131,122,123,125,129,181,186,191,209,215,125,120,116,106,105,123,183,212,233,241,241,235,235,233,230,209,137,135,135,120,99,131,189,215,204,141,133,125,125,141,196,209,212,204,194,194,204,225,233,228,127,121,124,133,196,222,235,233,11,0,51,127,131,109,129,196,225,235,238,235,238,238,235,233,233,235,238,238,238,238,235,238,238,238,238,235,235,238,241,238,233,225,222,222,225,233,243,238,173,0,37,183,199,0,0,0,0,0,0,0,37,225,228,225,225,225,222,222,225,228,228,225,222,225,228,230,230,230,233,235,235,235,238,241,243,241,241,238,238,235,235,235,238,238,235,235,235,233,233,235,238,235,235,238,241,241,241,238,235,230,229,230,233,235,238,238,238,241,241,241,241,241,238,238,241,241,238,238,238,238,235,230,225,225,230,235,238,238,235,235,238,235,231,233,238,243,251,73,0,0,35,85,117,178,170,164,207,209,202,194,191,191,183,176,176,174,178,186,189,186,186,186,189,204,196,131,134,235,238,217,186,57,72,97,117,209,228,238,238,199,108,113,110,113,119,131,217,235,230,215,129,125,196,204,209,212,225,196,186,196,191,196,225,230,215,204,212,228,209,135,137,191,207,217,222,222,225,230,233,230,228,228,230,233,235,235,238,238,238,235,233,233,233,222,143,131,143,209,222,222,212,209,207,191,191,199,202,207,209,209,207,202,199,199,204,212,228,233,230,222,199,196,204,212,209,204,202,194,194,202,212,207,199,196,199,204,212,225,235,243,243,233,215,196,196,204,212,207,203,204,215,215,211,215,222,228,230,225,215,191,107,75,89,119,191,215,225,217,204,199,202,217,222,204,196,189,186,186,187,194,199,204,204,204,207,209,215,212,207,209,215,228,238,230,183,177,204,228,230,230,230,228,230,228,228,230,241,255,196,25,0,0,61,137,189,191,189,131,125,127,191,196,196,194,199,204,207,212,217,217,215,212,207,209,217,225,222,216,216,216,216,217,225,225,225,228,233,230,228,217,212,204,148,141,138,153,215,230,238,238,233,233,233,233,228,225,225,225,217,215,215,202,150,202,209,215,212,207,196,196,196,196,195,192,194,202,212,209,207,207,209,209,209,209,209,209,212,215,215,217,217,209,198,194,199,212,212,209,211,222,228,225,209,202,207,212,217,217,222,222,222,225,228,228,225,222,225,225,228,225,225,222,222,225,228,228,230,230,233,230,228,217,212,211,212,215,215,217,225,230,230,217,215,217,222,217,222,228,228,230,230,228,225,222,217,222,225,222,212,199,195,198,207,209,207,212,215,212,207,207,207,209,209,207,204,207,212,222,228,230,228,225,225,225,217,215,212,209,212,212,215,215,209,204,202,204,204,204,204,207,204,207,209,212,209,209,209,209,209,209,209,209,209,209,212,212,212,212,212,212,209,209,207,204,204,203,203,204,204,202,199,199,199,196,195,196,199,202,202,196,194,194,194,194,196,199,196,196,196,199,202,202,202,202,199,196,196,196,196,196,196,199,202,202,199,194,191,189,186,185,186,189,191,194,191,191,189,191,191,191,191,194,196,194,194,194,196,199,199,196,196,199,199,199,202,204,204,199,194,194,196,204,207,207,207,207,207,207,207,207,207,204,204,204,203,204,207,209,212,207,204,203,207,207,207,203,204,207,209,209,209,207,205,207,209,212,217,217,217,215,215,215,215,215,215,215,217,222,225,228,225,217,212,202,199,204,212,222,225,225,228,230,228,228,230,233,230,228,225,228,230,233,230,225,228,233,238,241,238,233,228,225,225,225,222,217,217,222,228,230,230,225,222,215,215,215,212,207,205,207,212,217,225,230,235,241,243,248,254,255,255,255,255,255,255,255,255,254,251,251,248,248,246,243,241,241,238,238,238,238,238,238,235,235,238,238,238,241,241,243,246,246,246,243,243,241,241,241,243,243,246,246,248,246,246,243,243,243,241,241,241,241,238,235,230,228,228,225,225,225,225,225,228,225,222,217,215,217,217,217,217,0,0,0,0,215,212,209,207,204,202,202,199,199,199,199,199,199,202,204,207,1,3,3,3,3,21,29,37,47,55,61,63,90,90,63,63,63,61,57,57,61,61,57,55,55,51,55,57,67,71,69,67,64,69,69,75,85,87,93,109,157,168,178,186,196,196,194,189,186,189,199,215,233,243,255,255,255,255,255,255,255,251,238,209,199,199,209,238,255,255,255,255,255,255,255,255,254,243,233,217,220,238,251,251,251,248,246,241,230,217,194,176,127,125,129,178,178,173,168,160,152,105,103,101,103,97,91,85,79,67,51,29,19,17,19,29,37,57,95,108,108,111,105,103,95,85,69,59,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,22,14,14,17,17,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,27,0,0,0,0,66,61,48,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,144,183,191,194,199,204,209,225,230,235,235,235,243,243,254,255,246,230,183,123,125,189,189,181,173,168,123,173,215,248,248,220,207,215,196,71,0,0,0,0,0,0,0,0,0,3,63,89,157,243,255,255,255,255,255,255,255,255,255,255,243,230,220,202,176,131,77,31,0,0,0,0,0,0,0,0,37,111,176,202,204,233,254,251,230,229,238,251,228,168,49,39,47,19,0,0,0,0,0,0,0,0,0,5,61,113,157,191,215,215,207,207,209,215,207,212,217,215,199,181,160,160,207,225,207,189,107,25,0,0,81,181,209,202,183,189,194,194,183,183,183,181,176,173,176,186,194,194,194,194,202,202,209,209,207,199,186,183,178,178,176,176,176,117,110,109,111,117,111,107,111,111,113,113,113,113,117,119,119,119,165,173,178,178,168,160,159,173,207,215,209,194,189,196,178,150,152,196,209,160,69,59,95,101,139,152,165,139,53,37,38,47,61,77,129,139,139,155,170,168,157,144,139,142,157,165,178,181,181,176,173,176,168,155,101,93,87,87,93,101,150,150,150,147,107,99,93,97,113,168,178,186,194,202,202,199,194,194,196,196,199,196,170,99,99,170,202,215,209,186,123,117,127,183,183,168,168,186,220,238,238,230,199,150,69,35,23,17,13,9,3,2,13,47,91,152,155,109,93,109,170,194,194,189,194,212,222,204,189,189,189,181,163,111,97,75,53,37,35,35,35,41,49,57,67,83,103,103,99,99,99,105,103,101,111,163,170,170,168,165,163,168,170,163,115,103,95,103,109,115,109,98,96,97,107,113,113,155,163,163,155,111,109,99,97,105,119,168,168,165,164,176,186,196,204,204,196,176,170,170,178,178,176,170,125,125,127,119,107,93,93,105,125,183,204,212,207,207,207,207,204,196,183,181,176,133,133,133,133,133,127,125,120,122,125,125,117,117,127,176,178,178,178,178,135,127,119,113,119,133,194,212,212,212,225,233,246,251,255,255,251,251,248,248,241,233,215,212,212,207,196,196,196,183,170,107,93,105,163,160,113,109,165,202,212,202,176,163,144,93,85,77,77,81,97,144,152,160,170,163,148,150,157,157,157,173,181,165,93,59,58,79,101,107,113,165,173,183,196,204,183,165,115,113,113,113,117,111,101,101,111,121,163 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,144,165,165,157,157,160,163,170,173,170,165,163,168,176,181,118,0,0,0,0,0,0,0,0,121,147,79,77,155,173,173,168,163,168,178,168,165,181,189,183,181,186,196,207,212,212,212,209,207,204,202,202,202,196,194,195,202,209,207,202,198,199,202,204,204,204,204,204,207,207,204,202,207,207,204,200,204,204,202,196,196,196,199,191,109,97,125,165,147,155,191,199,202,202,199,176,82,81,116,181,163,21,20,29,57,0,28,113,101,170,202,209,199,119,115,173,183,186,207,222,228,228,230,222,215,212,204,209,220,209,202,194,127,111,87,77,115,207,222,222,217,212,204,196,181,133,181,202,207,202,178,115,110,111,123,111,112,135,199,209,217,215,215,215,217,217,215,215,217,217,207,203,204,212,215,212,204,191,187,191,207,215,217,220,217,215,209,207,207,209,212,215,217,222,222,222,222,217,199,183,183,186,189,191,191,194,215,230,241,248,123,81,99,199,207,207,204,125,100,105,196,209,215,212,212,215,222,228,230,207,181,181,189,194,202,196,122,115,123,133,137,183,183,183,199,207,212,212,215,215,217,222,212,199,204,181,127,133,129,129,196,209,215,225,235,225,202,194,186,186,186,117,47,95,212,220,209,204,209,220,222,209,204,209,215,217,217,220,220,217,217,222,225,228,228,222,209,196,191,194,202,209,212,209,204,203,204,209,220,235,248,57,0,57,137,207,212,215,212,212,212,215,217,217,215,215,217,222,222,222,217,217,222,225,230,230,230,228,228,228,225,224,225,225,224,228,233,217,137,121,9,30,113,135,220,217,222,230,238,89,18,73,181,196,178,121,129,212,233,235,233,228,228,233,241,233,196,135,129,124,125,127,127,127,131,183,204,212,215,222,228,202,111,110,178,191,183,135,189,129,123,117,109,108,120,125,137,207,230,238,238,238,233,209,125,117,129,139,129,120,127,133,189,133,123,125,121,121,139,202,217,228,225,212,196,191,207,222,215,137,126,125,126,189,207,199,95,0,0,3,141,199,141,137,137,196,228,235,235,238,238,235,233,233,233,235,238,238,238,235,235,235,235,235,234,235,238,241,241,235,228,224,224,228,233,241,225,55,29,181,255,255,7,0,0,0,0,0,0,0,199,217,222,217,215,215,215,222,225,222,220,222,225,230,230,230,230,233,233,235,235,235,241,241,241,238,235,235,235,235,238,238,238,235,235,235,238,241,241,241,238,238,238,238,241,241,241,238,235,230,230,233,235,238,241,238,238,238,238,241,241,241,241,241,241,238,235,235,238,238,238,233,233,233,235,238,238,238,238,238,238,231,233,238,251,255,81,0,0,0,29,160,173,176,191,209,207,196,191,191,194,183,174,173,176,183,183,178,181,199,215,222,215,199,137,189,215,215,181,87,43,60,86,96,196,215,225,215,104,100,111,113,121,123,121,137,225,225,207,100,99,186,194,137,109,105,113,127,137,137,191,225,225,202,204,230,238,220,196,194,209,225,230,228,228,230,233,230,230,230,233,233,235,235,238,238,238,235,233,233,233,228,207,129,118,133,204,212,212,212,215,207,191,190,196,202,207,209,209,207,204,204,204,207,212,215,215,212,199,194,207,222,230,230,222,217,202,135,138,199,196,194,199,202,204,212,225,233,238,241,235,217,192,190,199,209,212,209,212,222,217,212,217,222,225,230,233,233,139,57,41,55,99,191,222,233,228,215,202,199,222,235,212,202,194,186,183,189,199,204,204,207,204,202,199,196,194,196,207,222,230,235,230,207,204,222,230,233,233,230,230,230,230,228,228,235,241,189,101,81,97,137,194,207,209,204,143,129,141,194,194,192,194,204,207,204,207,217,222,212,207,204,205,217,225,222,217,217,217,217,217,222,217,217,222,228,228,225,217,209,204,204,212,225,225,228,233,233,230,230,230,233,230,228,225,222,212,202,202,209,209,202,202,209,209,209,204,196,199,199,199,196,195,195,199,209,212,209,209,209,212,215,215,215,222,228,228,228,228,228,217,199,194,202,217,222,217,217,225,225,215,198,194,199,212,222,228,228,225,225,228,228,222,220,220,225,228,228,225,225,225,222,222,217,222,228,233,233,230,225,217,217,217,217,215,212,215,228,233,233,225,222,220,215,213,216,225,228,228,228,228,222,215,215,215,215,212,212,209,207,207,204,204,204,207,212,207,203,200,203,209,212,209,204,207,212,222,225,228,225,222,222,222,217,212,209,209,209,212,215,215,215,209,207,207,207,207,207,207,207,207,212,212,212,209,209,212,212,212,209,209,209,209,209,212,212,212,212,212,209,209,207,207,207,204,204,204,204,202,199,199,199,199,196,199,202,202,202,199,196,196,196,196,199,199,196,196,196,199,199,199,199,199,196,194,194,196,199,199,199,199,202,202,199,196,191,191,189,186,189,191,194,194,194,191,191,191,189,189,191,194,194,191,189,191,196,202,202,202,199,199,202,202,202,204,204,199,195,194,199,207,209,207,207,204,207,207,209,209,209,209,207,204,204,204,207,207,209,207,204,203,204,207,204,203,204,209,212,212,209,207,205,207,209,212,215,215,217,217,217,217,215,215,213,215,217,225,228,228,228,228,222,215,207,209,215,222,222,222,225,225,225,225,228,228,225,222,222,225,230,230,228,225,225,230,235,238,238,233,230,228,225,222,217,217,225,228,233,238,238,235,230,228,222,217,212,207,205,207,209,215,225,230,235,238,246,251,255,255,255,255,255,255,255,255,255,254,251,251,248,248,246,243,241,241,241,241,241,238,235,235,235,235,235,235,238,238,238,238,241,241,241,241,241,241,241,241,241,243,246,248,248,248,248,246,243,243,241,241,241,238,238,235,233,230,228,228,228,225,228,228,228,228,225,222,217,217,217,215,215,0,0,0,0,0,215,212,209,207,204,202,199,199,196,196,196,199,199,202,207,11,15,15,11,15,23,35,47,57,63,69,69,69,69,69,69,67,63,61,61,67,69,67,63,61,57,51,55,57,63,67,69,69,69,75,83,87,93,99,111,157,165,168,178,186,196,199,189,189,189,191,202,215,233,241,241,243,248,255,255,255,255,243,225,207,204,225,248,255,255,255,255,255,255,255,255,255,246,233,212,220,243,251,255,254,248,241,238,230,217,194,176,127,127,173,178,178,168,160,152,105,99,95,95,91,87,81,77,71,57,39,27,23,27,29,37,43,79,95,108,111,111,103,95,85,77,64,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,35,14,7,9,17,7,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,61,48,22,12,0,0,0,48,43,51,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,126,165,178,186,199,212,228,230,233,230,228,230,233,235,243,243,238,212,178,118,118,124,165,163,173,181,164,183,217,248,251,248,220,191,91,0,0,0,0,0,0,0,0,0,0,0,37,65,97,212,255,255,255,255,255,255,255,255,255,255,251,220,194,176,157,131,105,31,0,0,0,0,0,0,0,39,65,87,131,173,176,228,255,255,241,233,230,212,173,100,39,39,51,27,0,0,0,0,0,0,0,0,0,45,113,139,173,207,228,225,207,203,207,217,217,228,233,230,215,194,170,168,204,217,204,178,83,0,0,0,81,181,202,176,107,107,150,160,168,183,194,183,176,170,176,191,202,202,202,202,199,194,199,202,202,202,199,202,204,202,186,186,186,168,111,110,111,109,99,93,99,111,163,119,113,111,111,115,117,115,117,119,168,173,168,168,168,181,204,225,215,196,189,186,168,155,165,176,168,95,65,61,71,85,95,131,131,81,53,40,49,67,81,93,139,139,137,147,157,157,144,135,135,135,142,155,165,178,176,165,165,176,170,155,103,101,95,101,150,160,170,170,165,147,99,99,147,163,176,186,183,186,189,194,194,191,191,194,199,202,207,207,191,181,173,186,202,215,212,204,191,183,183,186,178,123,119,168,183,199,209,217,199,165,81,49,33,29,29,27,17,13,25,59,103,160,165,113,91,105,170,194,191,189,196,212,212,199,181,181,189,191,189,170,111,83,59,41,35,35,37,47,53,57,67,83,99,87,83,85,99,147,155,113,155,163,170,168,173,168,163,163,163,160,115,101,91,97,109,115,109,101,97,101,107,107,107,111,155,157,119,111,113,111,105,109,160,168,168,168,163,176,186,199,207,215,204,183,170,170,173,178,176,170,125,127,170,125,107,97,101,111,127,191,207,212,207,207,212,212,207,196,194,183,176,127,127,129,133,133,133,127,121,120,125,125,117,117,127,178,183,183,178,135,131,125,119,113,119,133,191,202,196,196,212,233,248,255,255,255,251,243,243,243,241,228,212,209,212,212,204,204,196,183,176,113,105,157,173,157,101,101,160,204,212,202,194,178,155,99,85,77,77,77,85,103,142,152,163,163,152,152,152,113,111,165,181,165,95,58,52,61,93,113,165,173,165,121,173,196,183,165,123,123,121,121,113,105,95,93,101,111,111 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,116,137,152,165,168,157,157,163,165,168,165,160,157,160,155,126,27,0,0,0,0,0,0,0,0,41,75,71,134,176,181,173,163,161,173,191,186,176,176,183,194,199,196,194,199,204,204,207,209,209,204,199,196,196,195,194,195,204,215,215,204,198,198,199,204,209,209,212,209,207,204,202,202,207,209,209,204,204,202,199,199,202,207,207,199,119,89,170,181,148,173,204,204,207,212,209,186,88,87,170,191,183,19,0,0,0,0,0,0,22,103,194,207,204,194,196,204,186,176,202,222,230,230,233,217,202,202,207,217,225,222,212,212,220,121,25,0,1,117,217,222,215,207,196,194,191,176,125,121,176,176,123,110,115,121,183,121,117,181,202,212,217,217,215,215,215,217,217,217,217,215,207,202,204,212,215,207,199,191,191,202,212,220,222,225,225,222,217,215,215,212,212,212,217,222,225,222,217,217,207,189,183,183,181,189,194,194,230,235,238,238,181,125,176,186,199,202,176,117,117,181,207,217,220,212,209,212,217,222,222,235,181,179,191,199,202,199,189,120,125,135,183,196,196,183,183,189,196,204,209,215,217,222,217,194,194,135,125,131,133,181,196,209,209,212,225,217,196,189,185,191,215,212,48,92,199,215,217,207,207,215,215,204,199,200,202,204,209,212,215,217,220,222,225,228,228,225,209,191,137,181,199,207,209,209,207,203,203,207,215,222,230,233,67,123,137,196,207,209,209,212,217,222,217,213,213,215,217,220,222,222,217,217,222,225,228,230,228,228,228,228,225,225,225,228,228,225,225,225,233,131,3,22,34,50,209,209,215,228,235,89,9,67,117,117,119,115,125,222,235,235,233,228,228,228,228,225,207,135,124,129,220,183,129,131,183,207,228,233,233,230,230,212,104,104,189,199,131,104,127,133,131,129,186,181,123,122,122,129,202,230,235,235,233,117,75,91,109,113,123,133,127,119,119,111,111,123,123,119,119,141,220,235,238,228,199,136,140,202,209,204,199,135,126,186,199,133,63,0,0,17,196,212,225,199,128,126,194,215,225,230,233,235,233,231,233,233,235,238,235,235,235,235,234,234,234,235,235,238,238,235,230,228,225,230,238,235,225,61,97,222,246,246,144,147,191,91,61,11,0,0,129,202,217,217,215,215,213,215,225,225,222,225,228,230,230,230,230,230,230,233,233,235,238,241,238,235,233,233,233,235,238,238,238,235,235,238,241,243,243,241,241,241,238,238,238,241,241,241,238,233,230,230,233,235,238,238,238,238,238,238,241,241,241,243,241,238,235,234,235,238,238,238,238,238,235,235,238,238,238,238,238,235,235,241,248,255,105,0,0,0,53,204,183,186,207,207,204,199,194,196,199,189,176,174,181,186,174,166,183,228,235,235,233,215,196,202,207,191,123,88,97,125,186,135,199,202,196,135,88,103,183,108,119,131,129,189,215,217,199,97,98,215,217,191,79,65,100,135,118,113,199,222,199,129,191,238,235,207,199,204,222,230,230,228,228,230,230,230,228,230,233,235,235,235,238,238,235,230,230,233,235,230,212,129,106,127,143,145,145,202,207,199,191,190,194,204,209,212,212,209,209,207,207,209,212,212,209,202,190,191,209,225,235,235,233,233,228,129,131,139,143,191,207,207,204,209,222,228,233,235,233,217,190,189,194,209,217,217,222,225,222,217,222,222,225,233,233,230,207,66,51,74,137,212,233,241,238,228,207,198,217,238,212,204,204,191,186,194,204,207,207,209,212,209,199,187,178,178,202,230,233,230,222,212,217,228,230,233,233,230,230,230,230,230,228,233,230,135,141,202,222,222,204,220,222,215,207,196,209,202,192,190,199,212,212,202,204,215,217,212,209,207,209,225,230,228,225,225,228,225,222,217,215,215,217,225,225,222,215,212,215,222,228,233,235,235,233,228,222,222,225,228,228,225,225,217,200,194,195,204,217,207,202,204,204,204,204,202,202,202,202,204,204,202,204,209,212,212,212,215,217,222,225,225,228,233,235,233,235,235,228,212,202,209,225,230,228,225,228,228,212,194,191,198,215,230,235,235,230,228,230,228,222,218,222,230,230,225,217,217,222,217,215,213,215,228,233,233,228,222,215,217,222,222,215,212,215,225,233,233,228,225,222,216,212,216,225,228,228,228,225,222,217,215,215,212,209,209,215,215,212,204,203,204,204,207,204,202,200,203,212,217,212,207,209,212,217,222,222,217,217,217,215,212,209,209,207,209,212,212,212,212,212,209,209,207,207,209,209,207,209,212,215,212,212,212,212,215,212,212,209,209,209,209,209,212,212,212,212,209,207,207,209,209,207,207,204,204,202,199,199,199,199,196,199,202,202,202,199,196,196,196,199,199,196,196,194,196,196,199,196,196,194,194,192,194,196,199,202,202,202,204,204,202,199,196,194,191,189,189,191,194,194,194,194,191,191,189,189,191,194,191,187,186,189,196,202,204,204,202,202,202,202,202,204,207,204,196,196,202,209,209,207,207,204,204,207,209,209,212,212,207,204,207,209,207,207,207,207,204,204,204,204,204,204,207,209,215,215,212,209,207,209,209,212,212,215,217,222,222,220,217,215,213,215,222,225,228,228,228,225,225,217,215,215,217,217,217,217,220,217,217,222,225,222,220,220,222,225,228,228,225,225,228,228,230,233,235,233,230,228,222,216,216,222,228,233,235,241,243,241,241,238,233,228,217,212,207,207,209,212,222,228,233,238,246,251,255,255,255,255,255,255,255,255,255,254,251,251,248,246,246,243,241,241,241,241,241,238,235,235,233,233,233,235,235,235,235,235,235,235,235,235,238,241,241,238,241,241,246,248,251,248,248,246,243,243,241,241,238,238,238,235,233,233,230,230,228,228,228,228,230,228,228,222,217,217,215,215,215,215,0,0,0,0,217,215,212,209,207,202,199,194,194,194,194,196,196,199,202,3,19,15,15,23,29,41,55,63,69,95,98,98,69,69,69,69,67,63,67,69,73,73,69,63,55,50,49,51,57,63,67,69,69,75,87,93,99,109,111,152,160,165,178,186,199,199,189,189,191,191,202,215,225,228,228,228,243,255,255,255,255,246,233,225,228,243,255,255,255,255,255,255,255,255,254,248,243,220,211,222,246,255,255,254,246,238,230,225,212,196,183,170,168,178,178,178,168,160,152,105,95,91,89,83,83,77,73,67,57,39,33,35,35,35,37,43,79,92,103,111,111,103,95,85,77,64,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,22,0,0,7,12,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,30,30,30,22,0,0,0,0,0,0,12,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,108,157,186,202,222,235,246,241,233,228,212,209,212,228,233,235,228,204,170,118,118,122,163,161,173,189,181,191,215,241,248,255,207,144,0,0,0,0,0,0,0,0,0,0,0,0,7,43,77,186,255,255,255,255,255,255,255,255,0,255,255,228,194,165,147,124,73,17,0,0,0,0,0,0,0,0,27,0,0,55,57,168,255,255,255,255,238,209,165,67,31,35,47,19,0,0,0,0,0,0,0,0,31,79,139,152,173,199,215,217,207,203,215,228,233,241,246,243,230,209,181,170,191,207,207,199,157,0,0,0,81,163,170,87,63,63,69,75,99,160,181,181,173,170,176,186,194,202,202,202,202,194,190,194,202,202,202,204,204,204,186,178,183,176,163,163,165,109,85,73,79,97,113,117,111,105,105,111,113,113,113,117,119,168,178,178,181,189,199,212,207,189,173,163,147,163,168,150,95,71,53,50,61,69,71,73,75,73,63,49,55,69,87,129,139,139,137,137,144,144,144,142,142,135,135,135,142,160,160,155,155,168,168,155,139,107,150,165,176,178,189,189,178,107,93,103,168,186,186,186,191,191,186,186,186,189,191,194,199,207,209,207,199,191,186,186,199,215,225,233,222,204,194,189,178,168,121,121,121,121,176,199,191,165,87,59,45,47,57,63,51,43,51,81,152,178,173,152,91,101,170,191,191,191,199,212,207,189,178,181,191,207,207,186,115,81,57,41,41,41,47,49,53,57,63,75,81,77,75,77,99,155,168,163,155,163,165,173,181,176,160,157,160,160,111,95,91,95,109,117,113,109,107,107,107,107,100,101,111,113,111,111,117,117,117,117,160,168,176,176,168,173,186,204,215,222,212,194,170,170,170,176,176,170,127,127,170,117,103,101,111,123,170,191,207,212,207,212,212,212,207,196,194,181,133,126,126,127,133,135,181,133,127,123,123,123,117,117,127,135,183,191,181,131,123,119,117,115,117,129,181,181,133,133,183,220,248,255,255,255,251,243,233,241,235,228,212,212,215,222,212,204,196,183,176,121,113,165,173,113,91,93,163,204,204,194,194,194,170,103,85,77,67,59,65,85,97,105,144,144,144,152,111,105,111,173,196,181,111,71,55,60,93,119,181,173,117,114,121,176,173,165,165,168,165,119,111,97,83,79,83,91,91 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,144,100,0,1,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,126,131,137,144,168,163,155,157,163,163,163,160,157,157,152,134,116,61,0,0,0,0,0,0,0,0,0,61,85,165,183,183,173,163,163,176,189,191,173,172,183,207,209,204,199,199,199,202,207,212,212,204,196,196,195,196,202,207,215,222,217,207,199,198,199,202,207,212,215,215,209,202,198,199,207,212,209,204,202,199,202,204,207,212,217,215,107,73,41,212,212,212,212,209,209,212,217,209,118,115,173,191,199,233,81,0,45,168,105,69,91,119,186,199,199,199,204,209,202,127,127,220,225,225,230,207,191,189,209,222,222,217,212,215,225,204,43,0,0,1,119,183,196,189,183,189,189,178,119,115,118,133,176,131,125,127,131,129,127,186,204,215,222,217,215,213,213,215,222,225,217,212,207,204,209,217,212,142,143,202,207,212,217,217,222,225,228,228,225,222,220,215,209,208,212,222,225,217,217,217,217,202,191,183,131,131,178,202,217,225,230,217,186,173,131,111,117,131,123,117,119,186,204,215,222,209,204,212,217,222,209,191,178,178,186,199,199,196,191,181,120,119,186,204,202,191,135,135,134,181,204,209,207,212,209,199,186,133,129,127,121,117,137,202,204,207,215,207,191,194,199,217,225,103,87,96,139,220,222,215,209,209,215,212,204,199,195,198,202,209,215,215,217,222,222,222,222,215,204,191,135,137,196,204,207,207,207,207,204,207,212,215,217,222,202,178,181,194,207,209,212,215,225,225,217,215,215,215,215,215,220,222,220,217,222,225,225,225,225,228,228,225,222,222,228,228,230,228,225,225,225,251,119,111,97,44,61,199,207,215,222,207,49,20,111,105,111,176,209,225,230,233,230,228,225,225,222,215,202,181,129,131,202,186,126,127,191,215,230,235,235,230,230,220,109,95,105,129,125,127,181,186,137,133,133,129,123,123,122,122,127,212,225,202,123,14,19,47,29,33,135,204,209,215,209,199,189,139,133,119,111,111,204,233,233,228,212,132,127,194,212,222,225,194,133,186,194,191,121,0,0,27,204,215,230,228,127,118,143,137,117,107,202,235,235,233,233,230,230,235,235,238,235,234,234,235,235,238,238,235,235,233,235,233,233,235,238,233,217,50,101,181,209,212,204,238,255,255,248,233,165,75,137,194,217,222,222,222,213,222,228,230,228,228,230,230,230,230,233,233,229,230,233,238,241,238,235,233,230,229,229,233,238,241,238,238,238,238,241,243,243,243,243,241,238,238,238,238,241,241,238,235,233,230,233,235,235,238,238,238,238,241,241,241,241,241,241,238,235,234,235,235,235,235,238,238,235,233,235,235,235,235,235,235,238,243,251,255,45,0,0,0,103,191,196,202,207,204,207,209,209,209,209,199,181,174,178,181,174,173,222,238,238,238,235,230,225,225,217,191,117,101,101,204,225,225,207,189,137,123,115,135,204,209,196,186,194,209,215,212,119,105,127,225,238,251,99,83,104,199,109,100,194,191,110,123,186,233,228,196,202,212,225,228,225,225,228,230,230,228,226,228,233,235,238,238,238,235,233,230,229,229,230,230,225,207,125,126,131,133,137,194,199,199,196,191,196,204,209,215,222,217,215,209,209,212,209,209,209,202,191,192,202,215,230,230,233,238,230,139,135,138,145,199,209,209,207,207,209,215,228,233,228,212,199,191,194,207,222,225,228,230,228,222,217,222,228,233,235,230,207,131,119,137,199,217,233,238,243,215,204,199,207,215,204,203,207,207,204,199,196,199,204,212,217,215,204,191,186,189,202,222,228,225,222,222,225,228,230,233,233,233,230,230,230,230,233,233,225,191,194,215,225,222,215,222,225,217,212,209,207,196,189,191,215,222,215,202,199,207,207,207,212,217,222,228,228,228,225,228,230,225,215,212,212,215,217,225,222,217,217,222,225,228,233,235,235,235,230,225,215,215,222,225,220,225,225,212,199,195,195,200,217,207,200,204,204,199,202,209,209,202,200,202,207,207,207,209,212,215,217,220,222,225,228,228,233,235,235,235,235,235,233,228,217,215,217,228,230,230,230,233,225,207,202,209,222,233,238,238,230,230,230,230,225,222,228,233,230,217,209,211,215,215,213,212,217,228,233,230,225,215,209,209,212,212,209,207,207,212,222,228,228,228,228,225,222,222,225,225,225,225,225,222,217,217,215,208,208,209,215,222,217,209,204,207,207,204,204,207,207,204,209,217,217,215,212,212,212,215,215,215,215,215,212,209,209,209,207,207,209,207,207,207,207,209,209,209,207,207,207,209,209,212,215,215,215,215,215,215,215,212,209,209,209,209,209,212,215,215,212,212,209,209,209,209,207,204,202,202,202,199,199,199,199,196,196,199,199,199,199,199,196,196,196,196,194,194,196,199,199,199,196,194,194,192,194,196,199,202,204,204,204,207,207,204,202,199,196,191,187,189,189,191,194,194,191,191,194,191,189,189,191,191,187,186,189,196,202,202,202,202,202,202,202,202,204,212,209,199,196,202,207,209,207,204,202,202,207,212,212,212,209,207,207,209,209,207,207,207,209,207,207,204,204,204,204,207,212,215,212,209,207,207,207,209,212,212,215,217,222,222,222,217,215,215,217,222,225,228,225,222,222,222,217,217,217,217,215,212,212,212,212,215,222,225,222,220,220,222,225,228,225,224,225,228,228,230,233,233,233,233,230,225,217,216,222,230,233,238,241,243,243,243,243,238,233,225,217,215,212,209,212,217,228,233,238,243,251,254,255,255,255,255,254,251,254,254,254,251,248,246,246,243,241,238,238,238,238,238,235,235,233,233,233,233,233,233,235,235,233,233,233,233,233,233,235,235,238,238,243,246,248,251,251,248,246,243,241,241,241,241,241,241,238,235,235,233,233,230,228,228,230,230,230,228,222,217,215,215,215,215,215,215,0,0,217,217,215,212,209,204,202,196,191,189,189,191,196,196,196,199,0,5,5,17,23,37,53,61,63,92,100,100,100,92,92,71,71,71,71,71,75,77,77,71,57,51,50,50,51,55,61,63,69,71,77,87,95,101,109,109,111,152,168,178,189,196,191,189,189,191,194,202,217,217,217,217,230,238,251,255,255,254,251,241,235,243,255,255,255,255,255,255,255,255,255,248,243,233,220,212,222,251,255,255,254,246,228,225,217,209,194,186,178,178,178,178,178,165,155,107,103,95,89,83,83,77,73,73,71,59,53,41,41,41,37,43,55,90,100,108,118,113,103,95,85,82,77,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,25,7,0,0,7,17,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,64,17,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,79,147,212,235,246,254,255,251,246,233,199,186,194,212,233,230,212,196,186,170,170,173,173,178,191,207,207,199,207,215,248,255,196,79,7,0,0,0,0,0,0,0,0,0,0,0,7,27,77,186,255,255,255,255,255,255,255,0,0,255,251,243,228,199,157,116,49,0,0,0,0,0,0,0,0,0,0,0,0,0,13,134,238,255,255,255,255,235,202,142,55,137,163,59,0,0,0,0,0,0,0,11,59,139,176,176,168,189,207,217,215,215,228,235,235,246,243,235,230,215,199,181,191,196,207,217,204,109,5,0,21,47,43,25,25,27,31,39,69,99,150,173,181,186,176,163,173,186,186,199,207,194,190,192,194,204,196,191,191,196,178,163,165,168,165,168,178,119,89,72,74,85,93,99,97,97,101,111,111,113,115,115,115,119,170,181,181,173,173,189,191,186,168,152,111,150,144,103,97,77,55,53,57,59,59,65,77,89,79,63,57,63,77,89,131,144,139,133,133,137,144,144,144,142,135,139,142,155,155,160,165,160,152,105,97,103,160,181,181,173,178,191,178,97,87,147,178,186,178,189,196,196,194,186,186,186,189,194,199,202,199,191,186,181,170,178,196,215,228,238,235,212,194,189,186,178,168,115,97,95,107,160,165,160,93,63,49,59,85,113,152,93,87,103,160,181,178,113,85,109,183,196,196,196,204,207,199,186,178,183,199,222,220,196,115,75,51,41,41,49,55,55,57,57,67,75,79,77,75,81,107,157,163,163,163,163,170,178,181,173,160,156,160,157,109,91,86,91,109,117,115,113,113,113,107,101,100,100,107,111,113,119,117,119,119,160,168,176,186,176,123,165,176,204,215,222,212,194,178,173,176,178,176,170,170,170,123,109,99,103,117,176,183,191,202,204,202,204,212,212,204,196,181,133,126,126,127,133,133,135,178,178,178,135,131,127,123,123,131,135,183,191,191,178,123,113,111,111,117,125,131,131,117,113,127,207,243,255,255,255,251,233,226,229,233,233,220,215,220,222,212,204,204,191,176,165,165,173,170,99,85,88,160,194,191,174,191,212,191,105,85,77,53,39,39,55,81,93,91,85,93,107,105,103,155,212,235,212,173,111,81,79,99,173,204,183,117,114,165,168,161,165,173,173,165,119,111,95,77,70,72,77,83 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,92,14,0,0,0,0,0,0,131,183,186,170,189,199,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,147,152,147,144,155,155,152,152,155,155,152,155,155,150,144,134,134,139,55,0,0,0,0,0,0,0,0,0,118,170,189,186,176,168,165,173,181,183,174,172,181,199,207,209,209,207,202,199,204,215,215,204,199,196,196,204,212,217,222,222,217,209,202,199,199,202,204,209,215,215,209,202,198,199,207,212,209,204,199,199,204,209,209,215,225,222,129,15,55,220,217,217,217,212,209,212,217,212,170,123,168,183,209,241,194,95,191,235,225,196,170,178,191,196,199,202,207,212,209,127,111,123,196,212,215,194,183,186,215,222,217,212,209,207,199,204,194,0,0,0,15,113,178,181,179,181,176,125,117,115,121,194,207,178,119,123,125,125,129,189,209,222,225,222,215,213,213,215,217,217,217,215,212,209,212,207,191,141,145,207,215,217,217,215,217,222,225,225,222,217,215,215,209,208,209,215,222,222,217,212,212,209,202,137,121,126,133,194,209,212,209,199,189,186,173,108,112,117,115,117,121,176,194,204,212,207,204,209,215,215,204,186,177,177,183,191,191,191,194,181,113,112,129,194,202,202,194,135,132,135,194,204,199,189,199,196,191,194,212,212,107,58,60,133,194,196,202,202,196,202,215,235,241,111,98,119,204,228,228,222,209,208,215,217,212,202,195,196,202,209,215,215,217,217,222,215,209,207,202,191,135,133,194,204,209,207,207,204,207,209,209,207,209,212,202,186,186,196,212,217,215,217,228,228,222,220,217,215,215,215,217,222,222,222,225,225,222,222,222,222,225,225,222,222,225,230,230,230,225,222,225,230,233,246,238,60,53,107,189,196,212,225,178,25,25,101,176,202,217,228,230,230,228,222,217,222,217,207,196,189,181,133,128,123,123,129,194,204,215,230,230,228,228,222,194,115,115,123,181,222,238,215,183,127,124,124,125,131,199,194,129,97,81,67,21,14,18,27,32,97,230,233,233,235,233,222,209,204,204,202,107,104,117,212,217,212,196,132,123,196,217,228,228,209,139,141,196,209,225,141,63,81,191,204,222,228,215,207,207,105,96,96,112,217,233,235,235,225,222,235,238,238,238,235,235,235,235,235,238,235,235,235,241,241,241,241,235,225,71,24,87,89,71,178,204,230,246,248,248,246,233,199,189,199,217,228,228,225,225,233,233,233,233,230,230,230,230,233,235,233,229,229,233,238,241,238,235,233,230,229,229,233,235,238,238,238,238,238,241,241,241,241,241,241,238,238,241,241,238,235,235,235,233,233,233,233,233,235,235,238,241,241,241,241,238,238,238,235,235,234,235,235,235,235,235,235,235,233,233,233,233,233,233,235,243,243,246,83,0,0,0,0,144,181,194,202,209,209,212,225,230,230,230,212,186,176,183,191,183,186,228,238,235,235,235,230,230,230,230,212,121,96,84,127,212,230,215,133,127,135,135,181,207,233,215,131,137,217,215,199,116,114,135,207,225,238,186,109,131,220,139,124,199,141,112,116,117,127,139,141,207,228,228,225,225,228,230,230,230,228,228,228,230,233,235,235,235,233,230,230,229,229,230,233,228,215,139,133,137,137,139,191,196,202,204,199,199,204,204,215,225,222,212,207,207,212,212,212,209,202,194,196,199,199,207,215,225,235,230,202,145,143,191,199,207,209,207,204,204,209,215,217,217,212,204,196,199,209,225,233,235,235,233,225,220,222,230,235,235,230,194,137,143,196,207,222,230,228,212,199,199,199,204,204,200,202,207,212,212,204,196,194,196,207,215,215,207,199,196,196,194,192,209,217,228,230,228,230,230,233,233,233,230,230,230,230,235,235,222,202,199,204,209,204,207,222,222,215,207,202,196,191,189,194,212,222,215,196,147,143,138,149,217,225,225,225,225,222,222,225,225,217,212,211,212,212,217,225,222,217,217,222,225,230,233,235,233,230,228,217,212,212,217,222,217,222,222,217,209,207,204,204,209,207,204,202,149,146,149,209,207,202,200,202,204,207,207,209,215,217,220,222,225,225,225,228,230,233,235,235,235,235,235,233,228,215,213,222,228,228,233,235,233,222,217,222,228,230,233,230,222,225,228,228,225,225,230,233,230,212,207,209,215,215,215,215,217,228,230,228,217,209,207,205,208,209,209,205,204,205,212,217,225,225,225,225,225,225,225,225,222,225,222,217,215,215,212,209,209,212,215,217,215,209,207,209,209,204,203,207,209,209,209,215,222,222,220,215,212,209,209,212,215,215,212,212,209,209,209,207,207,204,203,204,207,209,212,209,207,207,209,212,212,215,215,215,215,215,217,217,215,215,212,209,207,207,207,209,215,215,215,212,212,209,209,209,207,204,202,202,199,196,196,196,196,196,196,199,199,199,202,202,199,196,196,194,194,194,196,202,202,202,199,196,196,196,196,199,202,204,204,207,207,207,207,204,204,202,199,191,189,189,191,191,194,194,194,194,191,189,186,186,191,191,189,189,191,194,199,199,199,199,199,202,202,202,207,209,204,194,191,199,204,202,202,202,204,202,204,207,209,209,207,205,207,209,209,209,207,209,209,207,202,199,199,202,199,204,212,215,212,209,207,207,207,212,212,212,215,217,222,217,217,215,215,222,225,225,225,225,222,217,217,215,215,217,217,217,215,212,211,211,209,212,217,225,225,222,222,222,225,228,225,224,225,228,228,230,233,235,235,233,233,228,225,225,228,233,235,238,241,241,241,243,243,241,235,228,225,222,217,215,215,222,228,233,235,243,248,248,251,251,254,254,251,251,251,251,248,248,246,246,243,241,238,235,235,235,235,235,235,233,233,233,233,233,233,233,235,235,233,233,233,231,231,233,233,235,235,238,241,246,248,251,251,248,246,246,243,243,243,243,243,241,241,238,235,235,233,230,228,226,228,228,228,225,222,217,215,215,215,212,212,212,212,212,215,215,215,209,204,202,196,191,189,187,189,194,196,199,199,199,0,0,0,5,23,37,57,65,69,98,100,100,100,92,71,71,71,71,98,100,103,113,113,75,59,50,50,50,51,57,63,65,71,77,87,95,95,101,101,105,111,152,163,178,186,189,189,183,183,183,191,204,217,217,215,204,222,230,246,251,254,254,254,248,243,248,255,255,255,255,255,255,255,255,255,248,235,220,212,222,238,254,255,255,248,243,230,217,209,202,186,178,178,173,178,173,168,155,107,105,99,93,83,76,77,75,73,71,71,67,59,51,45,41,41,55,90,100,108,111,0,0,98,92,85,87,77,64,0,0,0,0,0,0,0,35,17,20,22,35,0,38,38,20,0,0,0,9,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,72,56,20,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,90,194,235,254,254,251,251,241,230,139,150,181,202,204,202,196,196,196,186,181,189,189,189,207,238,241,230,217,215,238,233,157,45,1,0,0,0,0,0,0,0,0,0,17,61,69,83,168,238,255,255,255,255,255,255,255,0,0,255,255,251,254,230,186,126,51,0,0,0,0,0,0,0,0,0,0,0,0,0,55,176,230,255,255,255,255,255,241,220,194,220,199,73,0,0,0,0,0,0,0,0,39,121,173,176,173,181,207,225,230,235,235,228,228,228,225,215,215,215,207,194,191,186,191,199,196,105,27,0,0,0,0,0,9,21,23,41,69,93,147,163,181,186,163,109,109,117,163,186,202,194,190,194,194,196,196,186,186,186,168,155,155,157,165,165,165,155,101,83,79,75,75,87,91,91,97,111,117,117,113,111,111,115,168,173,170,155,151,157,189,189,178,152,147,109,101,105,165,139,61,49,49,53,57,71,89,95,93,81,63,57,69,83,95,144,144,133,133,137,137,137,134,137,142,157,157,155,155,168,160,101,89,87,87,93,107,150,105,101,105,99,79,57,71,147,186,189,176,178,189,191,186,178,178,176,176,183,191,191,189,183,176,127,125,131,194,204,215,228,222,196,186,186,191,189,176,115,93,89,92,105,119,160,109,75,63,75,113,181,181,163,113,111,170,178,165,107,85,109,183,202,199,202,209,207,199,186,181,183,202,222,220,199,163,77,53,47,55,63,63,61,63,67,75,85,87,81,81,97,150,157,157,157,163,163,170,178,178,168,160,160,160,157,103,89,86,95,109,113,113,113,113,157,113,107,100,107,111,119,119,163,160,160,160,163,176,186,186,176,121,118,165,186,204,212,204,181,178,178,178,191,178,170,170,170,117,103,97,103,123,183,191,194,202,202,196,196,202,204,202,194,181,133,127,127,133,133,133,133,181,191,191,191,183,178,129,129,131,178,191,194,194,183,125,117,111,111,117,123,123,123,113,109,121,202,241,255,255,255,251,233,222,224,233,241,241,233,228,222,212,202,202,183,168,163,163,168,155,93,79,88,155,191,191,178,199,220,194,103,81,59,37,27,27,37,57,65,57,53,83,144,105,103,163,233,255,233,196,163,95,91,113,194,212,194,125,125,181,170,161,170,181,181,170,125,117,99,83,73,77,79,79 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,155,181,194,155,79,0,0,59,108,129,139,147,155,152,137,100,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,92,155,155,157,155,150,150,144,142,142,142,139,134,124,79,65,116,126,150,168,118,0,0,0,0,0,0,0,0,0,137,170,186,189,181,173,170,170,173,176,178,176,176,186,199,212,215,212,204,204,207,215,215,207,202,202,204,215,225,228,225,217,212,207,202,199,199,199,204,209,212,212,207,202,199,202,207,212,209,204,202,204,209,212,209,212,222,225,101,0,57,215,217,222,217,207,207,212,212,199,176,170,173,178,191,202,194,183,199,222,222,204,189,189,196,202,204,207,212,217,103,21,14,48,170,181,148,164,173,125,173,209,209,204,202,196,194,191,181,71,31,63,107,127,133,181,189,189,176,125,121,127,178,199,222,118,105,119,125,124,131,191,209,222,225,222,215,213,213,215,215,217,217,217,212,209,204,140,139,143,202,212,217,222,217,215,215,217,222,225,222,217,215,212,212,209,208,208,215,225,222,212,209,212,212,123,111,131,133,181,194,202,196,194,199,207,207,186,131,113,110,113,121,131,183,191,199,199,202,207,207,207,204,194,179,179,191,189,181,183,191,181,117,116,129,186,202,217,217,191,135,181,194,209,199,169,177,191,207,217,230,230,127,65,57,109,133,133,135,183,194,209,228,241,241,125,115,194,215,225,225,220,209,208,212,217,215,207,199,199,204,212,215,215,215,217,217,220,215,204,189,127,115,113,196,207,209,207,204,203,204,207,204,200,202,207,204,191,185,196,217,228,225,222,228,230,228,225,222,217,217,217,220,222,225,225,225,225,222,221,220,221,222,222,222,222,225,228,233,233,228,225,222,222,230,233,228,111,53,61,111,176,215,235,235,32,0,95,196,209,220,225,228,228,225,222,215,217,212,202,196,196,189,133,120,121,127,181,191,194,194,209,217,225,228,228,215,191,133,133,212,241,246,225,186,129,129,133,131,135,217,215,139,78,81,81,109,121,79,38,79,217,233,235,235,238,235,225,215,215,222,225,199,109,114,141,189,141,140,136,129,143,209,220,222,199,138,186,207,230,248,251,225,194,139,139,123,207,217,222,222,109,108,113,117,209,230,233,228,204,196,217,228,230,230,233,235,238,233,228,233,233,246,254,254,233,230,228,222,181,77,89,191,144,65,173,212,228,235,243,246,248,243,230,204,194,209,230,235,233,235,235,233,233,233,233,233,233,233,235,238,235,230,230,233,238,241,241,235,233,233,230,230,233,235,235,238,238,238,238,241,241,241,241,238,238,241,241,243,241,238,233,233,233,235,235,235,233,230,230,233,238,241,241,241,241,238,238,235,235,235,235,235,235,238,238,235,235,235,235,233,231,233,231,231,235,248,248,228,0,0,0,0,0,152,178,186,194,204,207,212,228,238,243,243,230,194,181,189,196,194,196,222,230,230,233,235,235,230,225,228,222,183,96,99,131,181,199,194,115,118,194,189,135,139,212,139,106,112,217,209,137,117,118,135,143,191,212,209,196,207,217,202,194,217,215,125,119,116,121,133,143,217,235,233,228,228,230,233,233,233,230,230,230,230,233,233,233,233,233,230,230,230,230,233,230,222,212,202,147,147,147,191,196,199,209,212,204,199,194,194,202,212,209,204,202,207,215,217,215,207,196,194,204,202,196,196,204,212,222,217,209,199,194,191,196,204,202,202,204,207,207,204,207,209,212,209,202,199,209,225,233,235,238,235,228,225,228,230,230,225,209,120,128,191,202,204,217,225,215,199,192,194,199,204,204,203,207,209,212,212,209,204,196,195,196,204,202,199,199,207,209,199,187,182,202,228,233,235,235,233,233,233,230,229,229,229,230,235,235,225,204,191,139,133,137,189,207,212,209,204,199,199,194,194,199,202,209,202,145,143,139,132,202,222,228,225,222,220,218,220,220,217,215,212,212,212,212,217,225,225,222,220,217,222,228,230,230,228,225,217,212,211,211,215,222,217,217,217,222,222,222,215,212,212,212,207,196,145,143,147,202,202,200,202,207,207,207,209,212,215,215,217,222,225,225,225,228,230,233,235,235,235,235,235,235,230,217,213,215,222,225,230,235,235,230,228,228,228,225,225,222,220,222,228,228,225,225,228,230,228,212,208,222,228,215,215,217,222,228,228,225,215,209,207,205,208,215,215,207,205,209,215,217,222,222,217,217,222,225,228,225,222,222,222,215,212,212,209,212,215,215,215,215,209,207,209,212,212,204,203,207,212,212,209,215,222,225,225,220,215,209,209,212,215,217,217,215,212,212,209,209,207,204,204,204,209,209,212,212,209,212,215,215,217,217,215,215,215,217,215,215,215,215,212,209,207,207,207,209,212,215,212,212,212,212,212,209,207,204,204,202,202,199,196,199,196,196,196,199,199,202,202,202,199,196,196,194,192,194,199,204,207,207,204,202,202,202,202,202,202,204,204,204,204,207,204,202,202,202,199,194,191,191,191,194,194,194,194,194,191,189,186,186,189,191,191,194,194,196,196,196,196,196,199,202,202,204,207,204,191,186,187,194,199,196,196,202,207,204,202,202,207,207,207,205,207,209,209,207,209,209,209,204,196,144,142,142,194,204,212,215,215,209,207,204,207,212,215,215,215,217,217,215,215,215,217,225,230,230,228,225,222,215,212,212,212,215,220,222,215,212,212,211,209,211,215,222,222,222,222,225,228,228,228,225,225,225,228,233,235,238,235,233,233,233,233,233,233,233,238,241,241,241,241,241,241,241,235,233,230,228,228,225,222,225,228,233,235,241,246,246,243,246,248,251,251,251,248,246,246,243,243,241,238,238,235,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,235,238,241,246,248,251,251,251,248,248,246,246,246,246,246,243,243,241,238,235,233,230,226,226,228,228,225,225,222,217,215,212,212,209,209,207,207,207,212,212,212,209,204,199,196,191,189,189,191,194,199,202,202,199,0,0,0,0,5,31,47,59,69,100,116,116,100,92,71,71,71,71,98,100,113,121,121,113,63,57,51,51,57,61,65,71,77,89,89,95,95,101,101,101,105,113,163,170,181,181,183,173,176,176,194,204,215,204,204,196,196,222,238,254,254,254,254,255,248,255,255,255,255,255,255,255,255,255,255,243,222,209,212,212,238,254,255,251,241,230,225,212,194,183,178,165,165,165,165,168,157,107,105,99,101,93,83,76,77,73,69,71,71,69,61,53,41,41,43,79,98,108,108,103,103,98,95,85,85,87,77,64,0,0,0,0,0,0,0,27,17,17,20,30,30,30,30,14,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,0,0,0,0,0,0,0,69,53,46,46,20,0,0,0,0,0,1,40,0,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,160,209,230,209,191,163,69,0,0,39,168,183,155,109,170,196,196,186,179,181,181,189,215,254,255,255,238,212,204,181,81,17,1,1,0,0,0,0,0,0,0,5,83,191,235,254,255,255,255,255,255,255,255,255,0,0,0,255,255,255,255,243,194,134,55,0,0,0,0,0,0,0,0,0,0,0,0,0,51,157,204,230,235,230,235,254,254,233,215,209,168,53,0,0,0,0,0,0,0,0,9,73,147,165,165,173,199,225,235,235,228,209,196,194,194,194,207,220,215,199,181,170,170,183,183,107,43,5,0,0,0,0,29,35,29,59,87,109,160,163,173,176,160,103,101,109,113,168,194,194,194,202,204,196,196,196,196,178,163,156,157,168,168,163,155,155,111,99,87,75,75,87,91,91,99,155,173,119,105,103,105,111,155,168,168,151,150,168,199,212,189,163,152,144,105,155,194,163,53,43,55,55,57,79,131,131,91,77,56,56,67,77,93,139,147,144,137,137,99,91,89,91,103,157,163,155,142,103,89,77,77,77,77,81,87,81,71,67,67,53,21,23,39,105,189,189,176,176,178,178,176,170,168,168,168,173,181,183,183,181,173,127,125,131,191,202,209,215,209,194,183,186,194,194,178,121,97,92,92,103,119,176,170,105,89,105,170,191,189,173,157,155,165,165,113,87,82,109,183,202,202,209,209,209,199,189,181,183,199,222,225,207,181,95,63,59,71,81,77,71,75,85,99,103,103,97,99,109,155,157,155,155,157,163,168,173,173,168,160,160,160,115,101,89,86,95,109,113,109,109,115,157,155,111,107,111,119,163,163,160,163,160,160,168,176,186,186,176,118,118,121,176,194,204,194,181,178,178,183,191,191,173,173,173,115,99,97,105,129,191,194,194,194,194,194,194,196,202,196,181,133,131,133,178,183,181,133,132,181,194,199,199,194,191,183,178,178,183,191,199,202,199,178,123,111,111,111,115,117,117,113,119,131,212,241,251,255,255,251,233,224,226,241,255,251,241,233,215,204,202,194,183,163,119,155,163,152,93,79,88,147,170,178,170,191,209,181,97,65,47,27,19,17,27,41,51,47,51,91,160,152,144,170,233,255,233,194,113,93,95,119,202,212,194,170,170,194,181,170,181,202,202,194,181,168,111,93,85,87,87,83 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,173,176,165,134,105,111,142,168,173,163,147,137,131,129,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,100,150,147,150,155,157,157,147,139,139,139,139,134,116,65,37,25,41,47,27,5,0,0,0,0,0,0,0,53,65,155,170,183,186,181,178,173,170,168,170,181,176,176,178,189,207,215,212,209,207,209,215,215,209,207,209,215,225,230,228,222,217,209,204,202,199,199,199,202,207,209,209,202,196,196,202,209,212,212,209,207,209,212,212,207,207,217,222,67,0,0,109,212,215,215,207,209,209,199,178,170,173,178,178,181,189,189,183,183,191,199,194,189,191,199,204,209,212,220,222,71,0,13,71,176,170,139,166,181,100,88,115,123,113,189,196,199,189,178,131,181,222,217,189,129,178,194,196,183,133,133,181,183,178,186,107,99,129,129,127,137,196,212,217,222,217,215,213,213,215,215,215,217,215,212,204,143,133,139,199,212,222,222,222,217,215,215,217,222,225,225,222,215,212,212,212,209,207,209,220,222,215,215,215,212,116,109,215,183,132,178,191,191,194,204,212,217,215,207,113,101,108,121,131,176,178,186,191,194,196,196,199,202,199,189,194,204,186,172,176,186,194,189,181,181,189,196,209,212,196,178,178,204,222,209,176,172,194,215,225,228,225,215,199,84,99,113,123,127,131,183,215,225,228,225,183,139,209,217,222,220,217,212,208,212,217,217,212,204,204,209,212,215,217,217,215,215,222,222,209,181,109,97,90,204,209,209,207,204,203,204,204,202,200,202,204,202,189,186,199,215,228,228,225,228,230,230,228,225,222,220,220,222,222,225,225,228,225,222,222,221,221,222,222,225,222,225,228,233,233,230,225,222,222,228,225,222,202,46,0,22,113,215,233,235,44,0,53,194,204,215,225,225,225,228,228,222,215,204,196,194,196,186,128,120,186,209,202,194,186,178,181,202,222,230,230,225,207,194,199,225,238,235,212,137,129,137,191,135,128,217,228,215,111,137,186,251,217,103,89,191,225,230,230,230,233,230,225,217,222,225,228,238,199,141,191,143,141,142,143,141,142,191,207,204,137,134,191,209,233,243,246,238,204,99,73,51,105,209,220,230,141,135,135,196,220,230,228,212,190,187,196,209,217,222,225,230,228,217,204,199,183,129,99,85,65,186,225,173,107,163,255,251,186,168,196,222,230,235,241,241,241,238,230,101,71,194,228,238,238,235,231,233,233,233,233,233,235,235,235,238,235,233,230,235,238,241,241,238,235,235,235,235,233,233,235,238,238,238,238,241,241,241,241,238,238,238,241,241,241,235,233,230,233,235,238,235,233,229,229,230,233,238,241,241,241,238,238,235,235,235,235,235,235,238,238,238,235,238,238,233,231,233,233,233,235,243,255,137,0,0,0,0,0,165,186,189,194,204,202,194,209,230,241,246,233,202,186,189,194,191,194,207,217,225,230,233,238,233,224,225,228,209,117,133,181,131,135,181,113,114,194,186,129,121,117,112,107,119,222,212,186,123,127,189,189,189,204,215,222,225,215,199,189,209,233,209,194,143,191,194,207,228,238,235,233,233,233,235,235,235,233,233,233,233,233,233,230,230,230,233,233,235,235,233,225,209,204,209,202,196,199,204,207,209,215,222,209,196,190,189,192,202,202,200,202,212,225,228,225,209,191,191,212,215,199,198,204,207,207,207,207,204,196,191,199,202,196,195,202,207,202,194,196,204,209,207,202,199,204,215,230,233,235,233,230,228,230,230,222,199,129,114,121,137,145,191,196,207,204,196,191,191,196,202,204,207,215,215,212,215,217,222,217,204,196,199,191,144,191,209,217,212,196,146,181,225,235,238,235,233,230,230,230,229,229,229,230,233,233,225,207,191,131,128,131,137,194,207,212,212,212,215,212,209,207,199,191,145,143,143,141,140,212,222,225,222,222,218,222,222,222,217,215,212,212,212,215,215,217,222,222,222,217,217,225,228,228,222,217,215,211,211,212,217,222,222,217,217,222,225,225,222,217,225,222,209,196,147,149,199,202,202,204,212,212,209,209,212,215,212,215,217,222,225,225,228,230,233,235,235,233,233,233,233,235,235,225,213,213,217,225,230,233,235,235,233,228,225,222,222,222,222,225,228,228,225,225,228,230,225,215,215,233,230,207,207,215,225,225,222,215,215,215,212,209,209,217,217,209,207,212,222,225,225,217,213,213,217,225,225,222,215,217,220,215,212,209,209,212,215,215,215,212,209,207,209,215,212,207,203,207,209,209,209,212,222,225,228,222,215,212,209,209,209,212,217,217,215,212,212,212,207,204,204,207,209,212,212,212,215,215,217,217,217,215,215,215,215,215,215,212,212,212,212,212,207,205,207,209,212,212,212,209,209,209,209,209,207,204,204,204,204,202,202,202,199,196,196,199,199,202,202,202,199,196,196,196,194,196,202,207,209,209,207,204,204,204,207,207,204,202,199,199,202,204,202,199,199,202,199,196,191,191,191,191,194,194,194,194,191,189,189,186,186,189,194,196,199,199,199,196,196,196,199,202,202,204,207,202,190,186,189,196,194,191,194,202,209,209,204,202,204,207,205,205,207,209,207,204,204,209,212,209,196,143,138,136,191,204,209,215,215,212,207,204,204,207,212,215,215,215,215,215,217,215,217,228,230,228,228,225,217,212,209,209,209,215,217,217,215,212,212,212,212,212,212,215,217,222,225,225,228,230,230,228,225,225,228,233,235,238,238,235,233,235,238,238,235,235,238,241,241,241,241,241,241,238,238,235,233,233,230,230,228,225,228,230,233,238,243,241,238,241,246,248,248,248,246,246,243,241,238,235,233,230,230,230,230,230,230,230,230,230,230,233,233,233,233,233,233,233,233,233,233,233,233,233,233,235,235,238,241,243,246,248,251,251,251,251,251,251,248,248,246,246,243,241,238,238,235,233,228,228,228,228,228,225,225,217,215,212,212,209,207,205,204,205,207,209,209,209,207,204,199,199,196,194,194,196,202,202,202,199,0,0,0,0,0,5,31,45,63,100,116,116,103,92,71,71,69,71,73,103,116,121,124,116,69,61,59,59,63,65,71,79,89,95,95,103,103,95,95,97,103,113,160,173,178,181,173,168,165,170,186,194,204,199,196,189,196,207,241,246,254,254,254,255,255,255,255,255,255,255,255,255,255,255,255,243,220,212,207,212,238,246,248,238,225,217,212,199,183,176,163,121,121,160,163,163,160,107,105,103,101,95,89,83,77,77,71,67,67,69,61,55,45,41,43,57,90,100,100,95,92,85,85,87,95,87,77,64,0,0,0,0,0,0,27,17,12,12,12,12,12,12,12,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,0,0,0,0,0,0,0,0,129,152,152,0,0,0,0,66,46,17,20,20,0,0,0,0,59,85,100,0,0,0,1,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,77,131,160,173,157,103,0,0,0,0,0,176,170,95,90,109,196,204,191,181,181,181,199,233,255,255,255,246,207,189,147,71,17,17,23,1,0,7,9,0,0,0,25,155,241,255,255,255,255,255,255,255,255,255,255,255,0,255,255,255,255,251,228,183,124,49,0,0,0,0,0,0,0,0,0,0,0,0,0,7,105,186,220,230,230,230,241,241,225,204,194,163,111,19,0,0,0,0,0,0,0,0,55,124,139,139,168,199,215,233,228,212,191,146,143,160,176,199,225,225,202,160,150,153,183,202,176,81,37,29,5,0,0,147,87,53,95,170,181,173,163,163,163,150,103,97,103,113,163,186,186,191,204,204,186,186,196,196,176,163,165,178,189,178,168,165,163,111,93,85,75,81,97,97,87,99,173,173,111,97,92,99,109,155,157,165,155,157,191,222,230,204,178,152,147,147,168,170,83,45,41,144,51,41,67,139,139,79,57,52,54,67,77,89,131,144,157,147,137,87,80,80,85,91,103,157,155,91,68,63,71,85,87,71,71,75,69,49,39,37,35,19,22,41,147,186,186,176,170,173,173,168,168,168,168,168,170,173,181,183,183,176,131,125,131,191,202,209,222,215,196,189,194,202,196,186,129,117,109,107,115,176,191,194,173,163,165,183,191,189,176,165,165,163,155,93,82,82,109,176,191,199,204,209,209,199,189,176,181,196,222,230,222,199,160,87,81,87,95,87,81,95,109,152,152,109,103,109,150,155,155,155,155,157,163,165,168,168,163,160,160,157,111,97,89,86,95,103,109,105,107,113,157,165,119,113,119,163,170,170,170,170,163,160,168,176,186,183,176,118,117,121,173,194,204,194,181,178,178,191,194,191,178,178,178,119,100,99,113,178,199,199,194,194,194,187,187,194,194,194,178,178,178,183,196,202,194,137,132,181,191,199,199,199,194,191,191,191,194,199,209,212,209,194,131,117,111,103,103,103,111,119,125,181,212,233,241,251,251,251,233,229,233,248,255,251,241,222,212,202,194,183,173,163,119,155,155,111,99,88,88,101,150,152,147,155,168,150,85,59,41,27,19,16,21,33,45,47,59,97,168,163,155,173,220,241,215,170,103,91,91,111,181,202,181,166,170,194,194,181,194,212,222,212,202,191,123,103,91,91,91,87 +0,0,0,0,0,0,0,0,0,0,0,0,0,178,176,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,155,165,163,155,137,124,139,152,163,163,160,155,142,129,124,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,48,44,46,85,142,157,163,168,165,155,155,160,165,176,181,170,150,17,17,0,0,0,0,0,0,0,0,0,144,191,170,160,170,181,183,181,178,176,170,168,168,173,173,173,173,178,194,209,212,212,209,209,212,212,209,209,215,222,225,225,222,222,217,212,204,202,199,199,199,199,202,204,202,196,194,199,204,209,212,212,209,212,212,212,209,202,202,207,209,65,0,0,0,81,123,191,202,209,204,186,168,127,129,173,176,178,183,189,183,181,186,189,183,183,191,204,209,212,215,222,225,176,30,85,127,127,176,170,194,212,183,94,90,71,65,125,202,202,191,183,181,194,217,212,181,122,129,191,196,191,181,178,178,135,122,127,113,108,133,133,133,189,207,215,217,217,215,215,213,215,217,209,202,204,204,204,202,145,138,199,212,215,222,222,217,217,215,215,215,220,222,222,220,215,212,212,215,215,209,212,215,217,217,217,217,212,123,115,209,189,132,135,186,186,183,194,204,212,217,215,131,107,121,176,178,133,133,176,181,183,183,183,189,191,194,194,202,209,183,168,172,189,202,204,194,189,189,178,123,130,194,125,104,194,217,207,199,202,207,212,222,222,217,217,222,102,99,103,115,125,127,137,209,204,202,202,196,204,217,222,217,217,217,215,212,217,220,217,217,212,209,212,215,217,217,217,217,215,217,222,215,204,186,121,112,209,212,212,209,207,207,204,204,204,207,207,199,191,183,183,196,204,225,228,225,225,228,228,228,225,225,222,222,220,220,222,225,225,225,225,222,222,222,225,225,225,222,225,228,230,230,228,222,217,222,222,222,228,230,103,0,0,91,176,209,212,71,3,44,176,196,215,222,222,225,228,230,222,207,191,189,191,189,178,128,128,204,222,215,204,186,131,131,191,215,230,235,230,212,202,212,230,230,217,199,135,128,133,194,135,129,209,230,248,191,139,121,135,107,109,137,215,228,230,230,230,230,228,228,228,228,225,222,225,222,217,217,209,207,209,212,207,196,196,202,194,135,134,143,202,222,235,243,241,133,74,57,62,115,143,135,117,96,125,145,217,228,230,228,215,194,191,195,204,212,215,215,215,207,186,125,71,71,67,27,0,0,0,43,67,115,220,230,204,186,194,207,225,230,233,235,235,235,235,235,27,0,107,228,238,235,233,233,233,233,233,233,235,235,235,238,238,238,235,235,235,238,241,241,238,238,238,238,238,235,233,235,235,238,238,238,241,241,241,241,241,238,238,238,238,238,235,233,230,230,235,238,235,233,229,228,229,230,235,241,241,241,241,238,235,235,233,233,233,233,233,233,233,233,235,235,235,235,235,233,235,235,220,235,0,0,0,0,0,0,168,194,196,202,215,220,178,187,207,225,233,225,202,189,186,189,186,186,194,204,215,222,228,235,233,225,228,233,215,115,95,131,135,189,209,181,133,199,181,123,118,118,121,194,222,233,233,222,209,209,217,217,212,212,217,230,233,222,199,135,130,199,204,199,209,215,215,222,233,238,241,238,235,235,238,238,235,233,233,233,230,230,228,228,228,230,233,235,238,238,233,222,202,199,209,199,194,199,212,222,222,228,230,222,202,190,189,194,202,204,204,209,222,233,235,228,207,185,189,222,222,207,204,212,212,204,203,204,202,191,190,202,207,196,192,199,202,143,140,191,204,209,207,202,199,202,209,222,228,228,225,222,222,225,225,215,194,133,127,127,135,139,138,138,145,196,196,190,189,194,202,202,204,209,215,217,222,228,233,230,225,215,207,191,143,146,207,217,215,207,150,187,228,238,235,233,230,229,230,230,230,230,233,230,228,222,209,204,204,189,133,132,137,194,209,222,228,230,235,233,228,217,199,125,137,145,147,194,199,207,215,217,217,222,222,225,228,228,222,215,212,212,215,217,215,213,215,217,215,213,215,225,228,225,222,215,215,212,212,217,222,225,225,225,222,217,215,212,212,217,228,228,215,202,202,212,217,215,215,222,225,217,212,209,209,212,212,212,217,222,225,228,230,233,235,235,235,233,233,233,231,233,235,225,215,215,222,228,233,235,235,235,230,225,222,222,225,225,228,228,225,225,222,225,230,233,228,222,222,228,215,196,200,217,228,222,211,209,212,222,222,215,215,217,215,207,205,212,222,225,228,222,213,212,215,217,220,215,212,215,220,222,215,212,209,209,212,212,215,215,215,209,212,215,215,209,207,207,207,207,207,212,217,225,228,225,215,209,209,207,204,207,215,217,217,212,212,209,207,204,204,207,212,212,212,215,217,222,217,215,215,215,215,212,212,212,209,209,209,212,212,212,209,207,207,209,209,209,209,207,207,207,207,207,207,204,202,202,204,202,202,202,202,199,196,196,196,199,199,199,196,196,195,196,199,202,207,209,209,207,204,204,204,207,209,209,207,199,196,195,199,202,202,199,199,202,199,194,191,191,191,191,191,194,194,191,191,191,189,186,185,186,191,196,199,199,199,196,194,194,196,199,202,207,207,202,194,191,199,204,185,185,194,204,209,212,209,207,207,207,205,205,207,209,207,203,203,209,215,212,207,199,145,144,196,204,209,212,215,212,207,204,202,202,204,209,212,212,215,215,217,215,215,220,222,222,222,217,215,209,208,208,208,212,215,217,212,212,215,217,217,215,212,211,215,222,225,228,228,228,228,228,228,228,228,230,235,235,235,233,233,235,238,238,235,235,235,238,241,241,241,241,241,241,238,238,235,233,233,230,225,225,225,225,230,238,241,238,235,238,241,243,246,246,246,243,241,235,233,228,228,228,228,230,230,233,233,233,230,230,230,230,233,233,233,233,233,233,233,235,235,235,235,235,235,235,235,238,238,243,246,248,251,251,254,254,254,251,251,248,248,246,246,243,241,241,238,235,233,230,230,230,230,230,228,225,217,215,215,212,207,205,205,205,207,209,209,212,212,209,209,207,204,202,199,199,202,202,202,199,0,0,0,0,0,0,9,31,51,65,95,95,95,65,65,65,65,69,73,100,116,124,124,116,73,65,65,65,67,73,79,89,95,97,134,103,103,99,95,99,107,152,163,173,173,173,176,165,161,168,178,186,189,189,189,191,196,207,233,241,248,248,248,255,255,255,255,255,255,255,255,255,255,255,255,238,215,204,204,204,225,238,225,215,207,202,194,178,163,119,117,115,115,160,168,170,168,160,152,142,142,103,95,91,83,77,71,67,65,65,61,59,53,41,43,55,79,92,92,92,82,79,85,95,103,98,77,0,0,0,0,0,0,0,17,9,9,4,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,118,108,69,0,0,69,59,35,0,0,9,30,9,0,0,85,108,0,0,0,0,69,43,12,0,0,0,0,0,0,0,0,0,0,0,0,0,85,134,103,59,53,61,31,0,0,0,0,31,157,165,105,96,152,196,212,204,196,196,199,212,254,255,255,255,248,230,204,131,85,53,33,35,1,0,0,1,0,0,0,57,176,243,255,255,255,255,255,255,246,248,255,255,255,254,254,254,255,255,248,212,163,108,49,17,0,0,0,0,0,0,0,0,0,0,0,0,0,51,168,215,233,241,254,255,251,230,204,186,163,163,137,49,0,0,0,0,0,0,0,45,121,131,139,173,207,228,225,207,202,181,139,138,144,170,199,220,220,199,153,146,153,183,209,209,181,101,81,27,0,0,160,107,89,191,202,199,176,150,109,150,109,101,93,107,115,163,176,176,176,186,186,165,163,176,176,163,115,168,183,183,178,173,178,165,101,75,67,69,83,95,91,81,93,163,117,99,90,89,93,107,117,155,155,157,181,207,233,233,209,178,150,146,147,155,142,69,43,41,49,32,29,41,83,89,69,55,52,63,73,77,87,93,129,147,157,99,81,78,80,85,84,85,142,163,93,59,58,75,99,87,66,66,77,81,49,32,31,35,35,53,85,157,178,173,168,170,173,170,168,168,168,170,176,176,170,173,176,181,176,127,119,123,181,191,204,225,228,209,204,204,202,196,189,178,178,178,176,176,191,209,215,199,189,191,191,191,189,181,176,170,160,111,87,80,82,109,176,183,191,199,202,204,204,189,176,181,191,222,230,228,217,189,163,111,107,103,95,95,113,168,170,160,109,103,109,150,155,155,155,152,152,155,160,165,168,163,160,152,115,109,95,89,90,95,101,107,104,104,107,119,163,163,157,157,163,170,170,170,170,168,160,168,176,178,183,176,123,121,165,181,202,212,202,194,183,178,191,194,191,183,191,191,125,103,103,123,191,199,199,194,194,194,187,187,194,194,194,181,181,194,202,212,212,202,137,132,137,191,194,199,199,199,194,194,199,199,202,209,220,212,199,178,123,111,97,97,101,111,119,125,133,196,212,215,233,241,241,233,241,248,248,241,233,220,202,194,181,176,163,119,119,113,111,109,109,103,91,91,91,91,91,91,103,152,103,85,65,47,29,23,17,19,25,37,53,65,91,147,155,157,170,204,225,204,165,107,95,88,95,119,181,170,163,163,194,194,183,202,233,241,233,222,209,173,105,91,89,91,91 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,87,82,82,72,100,137,150,152,147,144,150,147,155,155,150,150,150,142,129,129,126,103,77,61,152,168,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,61,56,61,27,27,129,168,173,176,181,178,176,176,181,189,199,204,204,202,181,137,126,155,186,189,178,137,0,1,176,186,173,157,173,181,183,181,181,178,176,170,170,168,168,170,173,176,186,204,212,212,209,207,207,207,207,209,212,217,217,217,215,217,217,215,207,199,196,196,196,196,199,199,196,194,196,204,209,209,209,209,212,212,209,209,207,199,194,194,186,97,0,0,0,49,105,170,191,202,202,189,170,128,127,127,170,178,181,183,183,186,194,191,178,176,186,199,207,209,212,222,228,225,32,66,111,117,173,186,207,220,217,181,94,75,74,101,189,191,183,189,189,191,207,191,131,127,178,196,204,204,196,191,183,133,124,135,135,127,131,131,137,196,212,222,222,217,217,217,217,222,217,196,135,141,194,199,204,207,209,217,215,212,215,212,212,215,212,212,212,212,215,215,215,212,209,212,217,222,222,222,217,215,215,217,222,222,202,128,181,183,137,178,181,135,131,133,186,196,202,204,191,186,196,189,176,131,131,131,178,178,133,178,183,183,189,196,204,207,189,174,177,189,199,199,191,189,189,135,115,125,215,119,80,104,181,189,204,215,215,215,217,215,209,212,217,204,123,105,103,105,115,127,135,181,137,189,199,212,222,222,217,215,220,217,215,217,217,220,222,217,215,215,215,217,222,222,217,217,222,222,215,202,191,191,204,212,215,215,215,212,209,204,204,207,212,215,202,181,170,125,109,123,209,222,217,217,222,222,222,222,222,222,220,217,217,220,222,225,225,225,225,225,225,225,222,222,225,225,225,225,225,225,222,222,217,215,217,228,230,228,125,59,111,123,189,191,119,107,117,125,186,207,217,222,225,225,222,209,189,181,181,186,183,178,133,181,191,207,222,215,183,125,127,183,204,220,233,235,204,178,199,217,186,126,131,137,133,131,133,137,135,186,204,235,137,100,78,82,92,137,225,228,230,233,230,230,230,228,228,230,228,217,209,209,215,222,215,215,215,225,228,225,225,222,212,202,189,139,141,202,217,235,246,243,113,88,101,189,191,143,115,73,47,101,233,233,235,235,235,228,215,204,202,204,207,207,207,204,199,186,127,67,93,131,125,17,0,0,0,0,115,160,51,165,183,194,202,228,233,233,233,233,235,241,246,45,0,0,115,241,228,233,238,235,233,233,233,235,235,235,235,238,238,238,238,241,238,238,238,238,241,241,238,238,238,235,235,238,238,238,238,241,241,241,241,241,238,235,235,235,235,235,233,230,230,233,233,233,233,230,230,230,230,235,238,238,241,238,238,235,233,233,231,231,231,231,231,233,233,228,225,235,235,230,233,233,241,191,137,0,0,0,0,0,0,87,178,191,199,217,225,179,186,196,204,212,207,196,189,186,186,186,185,186,196,207,212,217,228,230,228,228,225,117,61,39,117,194,222,235,228,228,230,123,119,125,199,230,235,235,238,238,235,233,230,230,233,228,217,215,222,230,228,220,143,122,125,132,134,204,212,209,222,235,241,241,238,238,238,238,238,238,235,235,233,230,228,228,228,228,230,233,235,238,241,238,222,202,149,199,194,192,199,215,230,230,230,233,228,207,191,192,199,207,215,215,222,230,238,238,230,199,178,186,215,217,207,212,225,225,212,207,204,199,189,187,199,212,209,196,199,196,139,137,143,204,209,209,209,207,207,207,212,215,215,209,209,209,215,217,217,215,212,215,196,191,145,139,138,145,196,196,192,192,204,209,202,199,204,212,222,233,235,235,233,235,233,215,194,144,147,209,215,212,202,194,215,233,235,233,230,230,230,230,233,233,235,233,228,215,199,135,194,230,228,199,141,141,202,220,230,233,233,235,238,235,233,113,96,120,145,199,209,212,207,207,212,215,222,225,228,228,228,222,217,215,215,217,222,215,212,212,215,215,213,215,225,228,225,220,217,217,217,222,225,225,228,228,225,222,212,205,203,203,209,220,225,217,207,204,215,225,228,228,230,228,220,212,209,212,215,215,215,217,225,228,230,230,233,235,235,233,233,233,231,231,233,233,225,215,215,225,233,233,233,233,230,228,225,222,228,228,228,225,225,222,218,218,225,230,235,235,230,225,222,204,194,202,228,230,222,209,208,212,225,228,225,222,220,215,207,205,205,212,222,225,222,215,213,215,217,217,215,212,212,217,222,222,215,212,212,212,212,215,222,217,215,212,215,212,212,212,209,209,207,209,212,217,225,228,225,215,207,207,204,202,203,209,215,215,212,209,207,204,204,204,207,212,215,217,217,222,222,217,215,212,212,212,212,209,209,209,209,209,209,209,212,212,209,209,209,212,209,207,205,205,207,207,207,207,204,202,202,202,200,200,202,202,199,199,199,196,199,199,199,196,195,195,196,202,204,207,207,207,204,204,202,202,204,209,209,207,202,196,196,199,202,202,199,199,199,196,194,191,191,191,194,194,194,191,191,191,191,191,189,186,186,189,194,196,199,199,196,194,191,191,194,199,202,202,202,196,199,202,202,176,181,191,202,209,212,215,212,209,207,205,205,209,212,207,203,202,207,212,209,209,209,209,207,204,204,207,209,212,212,209,204,202,200,202,204,207,209,212,217,217,212,211,212,215,215,215,215,215,209,208,208,208,209,215,215,212,212,215,217,220,215,211,211,215,222,225,228,225,225,228,228,228,228,228,228,230,233,233,233,233,235,238,238,235,235,235,238,238,241,243,243,243,241,241,238,235,233,230,228,222,217,217,222,228,235,235,235,235,235,238,238,241,241,243,241,238,233,230,226,226,228,230,230,233,235,235,233,230,230,230,233,233,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,238,241,243,246,248,251,254,255,255,254,251,248,248,246,246,243,243,243,241,241,238,235,235,235,233,233,233,230,225,222,217,215,212,209,207,207,207,209,212,215,215,215,215,215,212,207,204,204,204,204,202,199,0,0,0,0,0,0,1,19,35,47,59,61,61,53,61,61,67,67,71,73,103,116,116,116,77,73,73,73,75,79,91,95,97,134,134,134,103,103,99,103,150,160,170,173,181,176,176,168,161,161,168,170,178,181,181,191,196,209,225,233,235,243,248,255,255,255,255,255,255,255,255,255,255,255,255,238,212,204,196,196,207,215,207,196,191,191,173,115,103,105,107,115,157,168,181,189,181,176,165,163,157,142,134,97,91,85,73,67,59,61,59,59,59,61,55,74,79,92,90,82,77,85,95,105,111,103,77,0,0,0,0,0,0,27,9,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,77,66,40,17,17,33,46,46,35,0,0,0,46,56,17,0,33,72,0,0,0,0,79,43,12,0,0,0,0,0,0,0,0,0,0,0,0,0,85,126,53,0,0,0,0,0,0,0,0,7,63,150,176,186,191,204,228,215,204,207,212,228,255,255,255,255,255,255,255,71,85,65,31,21,1,0,0,0,1,41,61,142,202,243,255,255,255,248,241,241,230,243,243,243,246,246,246,251,251,251,230,194,147,75,43,11,0,0,0,0,0,0,0,0,0,0,0,0,0,5,129,191,220,233,254,255,255,238,212,186,176,194,199,165,41,0,0,0,0,0,11,79,147,152,165,189,215,228,215,199,199,189,157,147,165,181,199,215,215,199,181,160,153,173,209,228,228,209,170,41,0,0,17,59,77,178,199,199,173,109,103,107,99,85,84,101,115,117,163,160,115,165,165,111,103,103,107,109,115,165,168,168,166,173,186,178,99,69,63,64,73,79,75,75,91,111,109,97,90,90,93,105,113,117,107,113,173,207,222,215,196,168,152,150,150,155,144,73,49,43,38,32,31,45,63,63,59,63,59,73,69,65,81,87,89,137,142,97,83,80,85,89,85,89,155,173,139,68,68,93,99,75,67,75,87,87,55,34,33,41,63,81,105,155,157,157,157,168,170,170,170,168,170,176,178,176,169,169,173,173,129,119,101,99,115,129,191,222,238,225,209,204,202,194,189,194,194,202,199,194,199,209,217,207,204,204,199,196,189,189,181,173,119,103,83,80,93,160,176,183,186,196,202,204,204,189,176,174,189,212,230,228,220,199,186,168,152,109,103,107,150,176,178,160,107,103,109,150,155,147,147,147,152,155,160,165,168,163,160,111,103,101,93,93,90,101,109,113,107,107,107,119,165,163,163,163,163,170,170,170,173,168,168,168,170,176,176,173,165,165,173,181,204,212,212,202,194,181,183,191,191,191,194,199,129,103,103,125,191,194,191,191,194,194,194,194,194,202,194,194,196,204,212,220,220,212,183,132,181,191,199,202,202,202,199,199,209,202,202,209,212,209,199,191,131,111,91,91,97,111,115,119,125,131,178,181,204,225,225,225,241,241,235,230,215,202,178,125,163,119,111,105,103,99,93,91,91,99,99,91,85,65,65,79,103,150,150,134,91,59,37,29,19,16,19,29,41,53,65,83,99,150,178,212,220,212,178,117,97,85,88,107,170,170,163,163,194,194,194,212,241,248,243,241,220,183,109,97,90,97,97 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,108,105,98,98,95,111,137,144,144,147,144,144,147,147,144,142,144,139,131,126,126,118,124,134,178,186,183,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,129,160,173,194,56,43,137,165,178,181,183,181,181,183,183,189,194,199,199,199,191,183,181,189,194,194,194,225,165,155,168,170,157,150,168,178,181,181,181,181,183,183,181,173,165,168,170,170,176,194,207,212,209,207,205,205,207,209,212,212,212,215,215,215,215,212,204,196,194,194,196,196,196,194,194,194,202,212,215,215,209,209,209,209,207,209,207,199,191,181,131,127,111,0,0,101,127,176,183,194,202,196,189,181,128,125,131,183,181,173,178,194,202,194,178,132,176,183,191,196,204,209,217,212,27,40,103,121,178,191,207,215,215,199,129,103,84,83,181,183,181,194,196,181,127,127,176,196,207,209,212,215,215,212,204,191,186,186,183,178,133,129,131,191,209,222,225,225,225,222,222,222,215,133,126,135,194,202,209,217,225,225,215,209,204,202,204,212,212,207,207,207,209,209,209,209,212,217,222,228,230,228,222,215,212,215,222,225,212,135,133,137,135,133,133,133,132,132,178,181,178,186,189,189,189,131,126,129,131,133,183,181,132,176,183,186,191,199,204,199,194,191,189,183,186,194,189,181,183,183,131,181,243,194,84,93,123,186,204,215,215,217,215,209,208,209,222,228,215,178,102,97,104,121,129,135,137,189,199,212,222,222,215,215,217,217,212,212,215,217,222,222,217,215,217,222,225,225,222,217,222,215,196,129,119,129,194,212,220,222,222,215,209,207,204,207,212,217,202,170,127,119,73,99,194,215,215,209,212,212,215,215,217,217,217,215,217,222,225,225,228,228,228,228,225,222,217,220,225,228,225,217,217,217,222,222,216,217,225,228,220,178,176,202,202,189,189,186,176,189,191,170,183,196,204,212,217,204,113,125,131,173,176,181,186,189,191,191,186,191,209,212,181,113,111,117,133,189,209,204,79,69,127,178,123,110,118,130,135,129,123,189,183,132,133,194,127,97,88,80,98,209,228,233,235,235,230,230,230,230,228,228,225,215,205,204,207,209,207,209,215,225,230,230,230,233,225,215,209,199,194,207,225,238,241,212,115,115,222,212,212,217,209,107,65,109,235,238,235,238,238,235,230,222,209,207,207,204,202,202,209,215,215,186,212,220,222,81,0,0,0,0,0,0,0,165,194,183,189,220,233,233,230,233,238,243,248,75,0,0,0,117,125,248,243,235,233,230,233,233,233,235,235,235,238,241,243,243,241,238,235,238,241,241,241,238,238,238,238,238,238,238,238,241,241,241,241,241,238,235,235,235,235,235,233,230,228,228,228,230,230,233,233,233,235,235,235,235,235,235,235,233,233,231,231,231,231,231,233,238,238,207,176,196,189,170,199,215,204,139,0,0,0,0,0,0,0,49,157,181,189,196,199,191,196,199,196,199,199,194,189,186,186,189,189,191,199,204,204,207,212,217,215,196,103,68,57,46,127,215,233,238,238,241,241,116,121,191,230,241,241,238,238,238,238,235,235,233,235,233,222,212,209,215,225,228,209,126,127,128,127,189,196,196,217,233,235,238,235,235,238,241,241,241,241,238,235,233,230,228,228,230,233,235,235,241,243,238,217,196,147,149,196,196,202,212,228,228,228,228,225,207,191,194,204,212,222,228,230,238,243,243,233,202,176,182,202,207,204,215,230,230,215,209,207,202,190,186,191,212,215,204,202,196,145,141,145,202,209,209,215,222,215,209,204,202,196,196,199,204,209,215,222,228,233,233,225,215,207,196,194,196,196,194,196,204,222,212,195,198,207,215,228,235,241,238,238,238,235,222,196,144,147,207,209,199,192,204,217,230,235,235,233,230,230,233,233,235,235,230,215,191,133,131,189,230,235,217,199,194,207,222,233,233,230,233,233,233,230,107,98,119,143,204,217,217,209,202,204,209,217,225,225,225,222,217,217,217,215,217,222,217,215,215,222,220,215,217,225,228,225,217,217,222,225,228,228,228,228,228,225,222,215,205,202,202,205,212,220,215,207,207,215,228,233,233,233,228,215,209,212,215,217,222,222,225,228,228,230,230,230,230,230,230,233,233,233,233,235,233,225,217,217,228,233,230,228,228,228,225,225,228,230,230,225,222,222,218,218,218,225,230,233,235,233,228,222,209,202,217,233,230,225,215,211,215,225,228,228,225,217,215,212,207,205,209,222,222,217,217,217,217,217,215,215,209,207,209,215,222,217,215,215,212,215,217,225,222,215,212,212,212,212,209,209,212,212,215,212,215,222,228,225,215,207,207,207,204,204,207,209,212,212,207,204,204,204,204,207,209,215,217,222,222,217,217,215,215,212,212,209,208,208,209,212,212,212,212,212,215,215,215,212,212,209,207,205,205,207,207,207,207,207,204,204,202,202,202,204,204,202,199,199,199,199,202,199,199,196,196,199,204,207,207,204,204,204,202,202,202,202,207,207,207,204,202,199,202,204,202,199,199,199,194,191,191,194,196,196,196,194,194,191,191,191,191,189,189,189,189,191,196,199,199,196,194,191,190,191,196,199,199,199,199,202,199,189,177,182,194,204,207,212,215,212,209,209,207,207,212,215,209,203,202,207,209,209,209,215,217,215,209,207,204,207,209,212,209,207,204,202,202,204,207,207,212,215,215,211,209,211,212,215,215,217,215,212,212,209,212,212,215,215,212,212,212,215,217,215,212,211,215,222,225,225,225,224,225,228,230,228,226,226,226,228,230,233,235,235,235,235,238,238,238,235,235,241,246,246,246,243,241,238,235,233,230,225,217,215,212,215,222,225,228,230,233,238,238,237,238,241,241,238,235,233,228,228,228,230,233,235,235,235,235,233,233,233,233,235,238,238,238,241,238,238,238,235,235,235,233,235,235,235,235,235,238,241,243,243,246,251,254,255,255,254,251,248,246,246,246,246,246,246,246,243,241,238,238,235,235,235,235,233,230,228,225,225,222,217,215,212,0,0,0,215,217,217,217,217,215,212,207,207,207,207,204,202,0,0,0,0,0,0,0,1,19,29,41,45,47,47,47,53,63,67,69,71,73,75,77,77,77,77,77,77,79,89,124,126,131,134,134,134,103,103,103,107,155,168,176,183,183,181,176,168,161,161,163,163,163,170,181,183,191,202,209,225,228,241,251,255,255,255,255,255,255,255,255,255,255,255,255,238,212,199,196,189,194,196,191,183,181,173,115,95,95,97,103,150,160,181,191,199,196,186,178,170,163,155,134,126,126,91,77,67,61,59,57,59,67,92,92,100,100,95,85,77,77,85,103,113,0,0,0,0,0,0,0,0,0,27,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,72,0,0,0,0,0,0,0,0,0,0,64,56,27,7,7,17,27,35,46,35,7,0,0,25,48,9,0,0,0,0,0,0,0,72,43,9,0,0,0,0,0,0,0,0,0,0,0,0,0,29,43,23,0,0,5,23,0,0,0,0,0,13,131,202,228,233,238,238,228,215,215,215,228,246,255,255,255,255,255,255,1,59,45,3,0,1,0,0,0,19,61,116,176,212,235,235,225,209,196,191,207,217,228,230,228,222,230,246,251,251,243,220,194,163,116,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,147,178,199,215,235,241,233,225,209,204,225,255,255,186,63,0,0,0,9,45,85,147,165,173,199,215,215,207,199,194,194,194,196,191,191,199,220,225,217,207,191,176,183,209,228,238,225,191,73,0,0,0,15,35,93,170,186,173,150,107,103,89,77,75,91,109,111,111,109,103,105,109,105,95,88,91,107,163,168,168,178,178,178,189,178,105,77,69,69,69,67,71,87,105,113,111,107,105,99,99,103,113,113,105,105,152,191,215,207,178,144,144,163,173,173,142,59,45,47,43,47,71,95,79,57,55,63,71,71,55,53,77,87,87,93,131,97,93,91,91,95,103,155,168,163,103,87,91,99,85,65,67,75,71,45,34,39,51,65,75,87,99,99,105,105,115,157,165,168,168,168,170,176,178,176,169,169,173,173,129,113,97,93,96,111,181,215,241,238,215,212,202,191,189,196,204,209,207,199,192,199,209,207,209,217,217,207,196,189,181,165,113,93,83,83,117,181,183,183,186,199,209,209,207,189,174,174,189,207,230,228,207,194,181,176,170,160,115,109,150,176,178,160,109,109,155,157,155,147,111,111,113,152,155,163,168,163,115,105,97,93,95,95,95,109,157,157,157,113,115,163,173,165,163,163,163,168,170,170,170,168,168,168,170,176,173,173,173,168,173,181,202,215,220,209,199,191,181,181,181,191,202,207,173,103,95,123,176,176,129,176,194,202,194,202,204,204,202,202,204,212,212,220,225,212,194,137,191,194,202,207,209,209,209,209,209,207,207,207,207,207,199,191,131,109,89,89,103,115,111,105,105,111,111,119,173,202,204,212,225,230,220,212,209,183,125,111,105,99,91,87,87,79,67,63,63,79,91,91,79,64,62,73,103,160,160,150,134,83,53,35,25,19,17,23,27,33,35,51,81,150,202,233,233,220,194,163,93,84,87,107,170,170,170,181,202,194,194,209,241,248,248,248,228,191,119,105,103,105,105 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,98,92,92,121,142,142,142,147,147,144,144,144,144,142,139,134,126,124,121,118,126,142,181,189,191,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,121,163,178,183,186,176,170,163,163,176,181,181,179,181,186,186,189,189,189,189,189,194,191,189,191,199,199,194,183,178,170,160,150,146,146,157,173,176,178,181,186,189,191,189,178,165,125,125,121,121,176,194,207,209,207,205,205,207,212,212,211,212,215,215,209,207,204,199,194,194,194,194,194,194,194,194,199,207,215,222,217,215,209,207,204,204,207,209,204,191,133,127,178,181,3,0,115,131,176,181,194,204,204,204,199,178,129,189,194,173,122,126,186,194,186,133,132,132,132,133,178,186,191,189,87,46,73,121,133,186,189,199,207,209,204,186,117,74,63,196,191,181,189,196,183,130,130,196,209,212,209,209,215,222,222,217,217,207,191,183,183,137,129,125,135,202,222,225,225,225,222,217,215,204,126,122,189,207,207,212,217,222,222,215,209,203,196,203,212,212,207,204,204,204,207,207,209,217,225,228,230,233,230,222,215,209,212,215,212,199,135,133,135,130,125,126,181,181,133,133,131,129,178,186,186,181,130,127,131,176,176,183,178,129,178,191,194,196,202,199,194,191,199,199,178,182,196,196,174,174,181,189,199,243,212,98,97,181,199,209,215,215,215,212,209,209,215,225,230,228,212,183,104,109,135,189,194,196,199,202,209,222,222,215,213,215,215,211,211,211,212,217,222,217,215,215,222,225,225,222,220,215,204,191,131,119,119,131,209,225,228,222,215,209,209,209,212,212,212,183,120,178,191,82,88,173,204,204,202,199,202,207,209,212,215,215,212,215,222,225,225,225,228,230,228,225,217,216,217,222,225,217,212,212,215,222,220,213,222,225,225,217,144,163,207,220,225,207,191,173,176,181,189,194,191,189,199,196,111,66,106,123,131,173,178,189,199,204,204,191,186,196,204,191,101,77,45,53,85,109,87,35,36,115,189,207,196,128,129,133,131,129,196,191,130,131,189,137,119,209,222,230,228,228,233,235,233,230,230,230,230,230,228,228,222,209,204,205,207,209,215,217,222,228,228,228,230,230,228,222,212,204,204,222,230,222,133,117,123,209,230,233,238,235,207,105,199,228,233,235,238,238,235,238,235,222,212,207,204,202,207,222,233,241,238,233,228,222,89,0,0,0,0,0,0,15,196,225,194,199,212,225,230,230,233,241,246,246,57,0,0,0,0,5,255,248,235,230,230,230,233,233,233,233,235,238,243,243,243,241,238,235,238,241,241,241,241,241,238,238,238,238,238,238,238,241,241,238,238,235,233,233,235,235,235,233,228,225,225,225,228,233,235,238,238,238,235,233,233,233,233,233,233,233,233,233,233,233,235,238,238,230,57,0,0,0,0,0,19,0,0,0,0,0,0,0,0,0,47,160,178,178,181,186,202,212,207,194,196,199,194,191,186,186,194,199,199,204,202,191,186,196,204,189,85,64,67,73,70,189,222,235,241,238,235,215,119,186,222,235,238,238,238,238,238,235,238,235,235,235,233,228,217,209,209,212,215,202,132,139,139,129,196,194,141,209,228,233,233,233,233,235,241,241,241,243,243,238,233,233,233,233,235,235,238,238,238,241,235,209,146,145,196,202,207,204,207,217,217,217,217,217,207,192,196,204,209,225,230,233,238,243,243,235,212,179,181,191,199,202,215,228,225,215,207,207,204,196,189,190,204,215,212,207,207,207,199,194,204,209,202,215,228,217,207,202,195,192,194,196,202,209,217,225,230,233,235,235,233,222,204,199,194,191,190,196,204,215,199,186,195,212,228,233,235,241,243,241,238,233,230,204,144,144,196,199,190,185,194,204,217,228,230,230,230,230,230,230,233,230,220,194,127,121,196,199,215,228,222,209,202,207,215,228,228,228,228,230,228,222,209,191,145,194,207,215,212,207,200,200,207,215,222,222,222,217,217,222,222,217,217,220,222,222,225,228,228,222,222,225,228,222,222,222,225,228,230,230,228,228,230,228,228,222,215,207,207,209,215,220,215,209,209,220,230,233,235,235,228,215,209,209,215,222,225,228,228,230,230,230,230,228,228,228,228,230,233,233,235,235,235,230,222,222,230,233,225,217,222,225,222,222,228,233,228,217,220,222,222,220,222,225,228,230,233,233,230,228,217,215,228,230,228,225,222,215,215,222,228,228,222,215,212,212,212,209,212,222,222,217,217,217,217,217,215,212,207,204,205,209,215,217,215,215,215,215,217,222,220,215,209,209,212,212,209,212,215,217,215,212,209,215,217,220,215,209,212,212,212,207,207,207,209,209,209,207,207,207,204,207,209,212,217,217,217,217,217,217,215,212,209,209,209,209,215,215,215,215,212,212,215,217,215,215,212,212,207,207,207,207,209,209,209,207,207,207,207,207,207,207,204,202,199,199,199,199,202,202,199,199,199,202,204,207,204,204,202,202,202,202,200,200,204,207,209,209,209,207,204,204,204,202,199,199,196,194,194,196,199,202,199,196,194,191,190,191,191,191,191,191,191,194,196,196,199,199,196,194,191,191,196,199,196,199,202,204,199,187,183,187,199,207,209,209,212,209,209,209,209,209,212,215,209,203,202,204,209,209,212,217,217,215,209,207,204,207,209,209,209,209,209,204,204,204,207,207,212,215,215,211,212,215,217,217,217,217,217,215,212,212,215,215,217,217,215,215,215,215,217,215,212,212,215,222,225,225,225,224,225,228,230,230,226,226,226,228,230,233,238,238,235,235,238,238,238,238,238,241,246,248,248,243,243,241,238,235,230,225,215,212,209,212,212,215,217,225,233,241,241,238,241,241,238,235,233,233,230,230,230,233,235,238,238,238,235,235,235,235,238,238,238,241,241,241,241,238,238,235,235,233,233,235,235,235,235,235,238,238,241,243,246,248,251,254,255,254,251,248,246,243,243,243,246,246,246,243,241,238,238,235,235,235,235,233,230,230,230,228,225,222,217,0,0,0,0,0,0,0,0,0,0,0,209,209,209,212,209,207,0,0,0,0,0,0,0,0,0,7,23,29,35,39,43,53,61,65,67,71,71,71,71,75,79,81,83,89,89,91,124,134,137,137,137,137,137,137,142,147,163,173,181,183,183,183,176,168,163,163,161,161,161,165,173,181,183,191,199,204,225,241,255,255,255,255,255,255,255,255,255,255,255,255,255,248,215,196,196,194,189,189,181,173,160,115,95,79,83,89,101,150,168,189,202,207,199,189,178,170,163,142,134,126,126,129,87,77,71,65,61,61,98,105,108,113,108,100,82,74,74,85,98,113,113,0,0,0,0,0,0,0,0,27,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,30,40,0,0,0,0,0,0,0,0,0,0,59,51,22,7,9,33,33,38,46,53,35,7,0,0,0,0,0,0,0,0,0,0,0,59,61,4,0,0,0,0,0,0,0,0,0,0,0,0,0,7,7,7,7,33,92,121,103,41,0,0,0,29,139,194,222,243,255,251,238,235,235,233,235,246,255,255,246,248,255,255,0,23,21,0,0,1,15,3,11,37,57,83,157,194,204,199,189,165,152,157,183,215,225,222,221,222,233,254,254,251,243,230,209,191,176,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,63,121,137,150,178,204,220,222,222,222,222,238,255,255,209,89,5,0,0,11,25,45,69,87,173,194,199,207,207,196,191,194,209,217,207,199,207,225,233,228,220,207,199,196,202,209,217,215,191,99,41,11,1,13,33,77,109,163,163,147,109,107,87,75,72,85,101,97,101,103,100,100,105,109,101,90,90,107,168,176,189,196,196,194,189,178,113,95,91,87,79,73,87,115,168,168,155,165,117,107,99,99,107,113,107,105,113,189,207,204,152,91,91,147,173,150,73,31,29,45,53,71,160,183,131,59,52,63,71,63,48,46,65,93,93,93,93,99,137,137,99,142,176,194,170,97,91,139,155,101,75,57,57,55,34,19,20,43,81,87,89,91,99,99,99,103,105,105,115,115,119,160,168,173,178,178,176,173,181,183,176,125,109,96,96,111,183,228,251,243,225,212,196,189,189,196,212,222,209,199,191,194,199,202,207,217,217,209,196,189,173,163,105,87,75,87,170,194,194,183,191,204,215,215,207,189,174,174,189,207,225,222,204,189,181,183,189,178,160,109,115,168,176,160,113,150,157,165,155,147,111,111,111,113,152,160,160,152,105,95,95,95,101,103,103,109,157,165,165,165,165,173,173,170,163,163,163,160,160,163,168,168,170,176,176,176,176,176,173,173,173,181,194,212,209,209,202,191,189,178,177,181,207,209,131,97,90,109,125,127,126,178,199,204,204,209,212,212,209,204,212,212,217,217,222,212,194,139,191,202,209,209,220,220,220,220,217,209,207,207,207,207,202,194,178,109,85,91,109,119,109,91,85,87,91,101,119,178,181,191,202,204,209,209,204,178,117,97,91,83,79,75,67,65,63,60,59,65,83,89,81,65,63,73,97,142,152,152,142,97,75,53,33,23,17,15,17,19,29,41,73,157,220,246,241,225,196,155,91,87,91,111,170,181,202,209,209,194,192,209,241,254,255,248,225,199,165,121,117,111,105 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,108,137,144,150,150,147,144,144,147,150,150,142,134,129,121,118,121,131,147,170,178,168,105,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,147,173,178,176,176,178,173,165,170,181,183,181,183,183,189,191,191,191,189,186,186,189,189,183,189,196,196,186,176,170,168,157,144,142,146,160,168,170,176,181,186,183,183,183,176,170,165,109,81,84,117,183,199,207,209,209,205,207,215,215,212,212,212,212,207,202,199,199,196,194,194,194,196,196,196,196,199,207,215,222,222,222,212,207,203,203,207,212,207,189,131,133,194,212,131,95,121,125,129,178,194,202,207,209,209,209,209,212,209,176,114,122,178,186,183,132,132,132,132,131,132,178,183,178,95,117,183,196,186,181,183,186,194,207,204,181,119,96,100,196,196,186,181,181,176,133,183,207,207,204,204,209,215,217,222,222,222,215,194,186,183,181,131,123,121,121,217,222,215,217,217,215,212,128,115,137,204,212,209,209,212,215,215,215,212,207,204,207,215,215,209,204,202,203,207,209,209,215,225,230,230,230,228,222,212,207,207,207,204,191,131,135,135,129,120,124,189,178,123,129,127,129,135,186,191,194,189,183,183,186,183,131,120,123,183,202,207,202,199,196,199,183,191,204,194,189,196,202,172,173,181,202,209,181,123,111,196,196,199,212,215,215,215,212,212,215,220,225,228,233,212,204,217,215,217,228,222,217,199,202,212,220,225,217,215,215,215,212,212,212,212,215,215,215,215,217,220,222,225,225,217,204,199,199,222,222,111,125,215,228,222,215,215,212,212,215,217,222,228,102,74,168,207,217,168,125,168,183,189,186,186,199,207,209,212,212,212,215,222,225,225,225,225,228,230,228,222,216,216,217,217,212,211,211,215,222,222,216,222,222,222,225,124,168,217,228,228,225,212,168,146,173,212,209,189,122,183,183,127,99,117,176,176,176,186,191,191,204,209,196,185,189,207,217,217,217,45,40,44,105,119,51,48,194,230,235,230,222,202,133,121,122,135,139,133,132,139,186,191,228,235,235,230,228,233,235,233,230,230,230,230,230,230,230,230,222,207,207,212,217,217,217,222,228,228,228,228,230,230,228,215,199,196,202,212,209,135,114,133,230,235,238,241,241,233,212,212,225,233,230,235,241,235,238,241,228,220,209,204,207,212,225,238,241,238,235,235,233,207,75,0,0,85,91,21,165,209,189,202,207,215,217,220,228,235,241,255,176,0,0,0,0,0,0,255,251,235,230,228,228,230,233,233,233,235,238,241,241,241,241,238,235,235,238,243,246,243,241,238,238,235,235,235,235,238,238,238,238,235,233,233,233,233,233,235,233,230,225,224,224,228,233,235,238,238,235,233,231,231,231,231,233,235,235,235,235,233,233,235,238,235,228,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,168,168,170,178,202,225,212,182,202,204,199,194,189,189,202,212,212,207,196,176,174,186,194,87,63,65,72,97,115,209,222,235,238,238,207,121,107,199,230,238,238,238,235,235,235,235,238,238,235,233,230,230,225,222,212,207,196,130,128,141,204,220,217,191,131,140,222,230,233,233,233,235,235,238,233,248,243,235,231,233,235,235,235,238,238,237,238,238,233,147,144,146,202,207,209,209,212,215,215,213,212,215,215,202,196,196,191,225,233,230,235,238,233,228,212,189,190,196,204,204,207,212,212,209,207,204,204,202,196,196,204,215,215,212,222,217,194,196,217,225,115,90,113,199,199,202,202,195,196,196,196,204,217,228,230,233,235,238,235,233,217,190,182,189,192,194,199,199,194,191,202,228,233,235,235,238,241,241,238,235,235,230,212,140,142,199,194,190,189,185,192,204,207,222,228,230,230,230,230,228,125,99,111,191,212,202,191,202,204,204,209,129,141,215,222,225,228,228,222,215,209,202,199,199,204,207,209,207,202,199,204,209,212,217,222,222,222,222,222,222,217,215,217,225,228,228,225,222,220,222,222,222,225,228,228,228,230,228,225,228,228,228,225,222,217,212,215,217,222,222,217,212,212,222,230,233,235,235,233,222,212,209,215,222,228,230,230,230,230,233,233,230,228,226,228,230,233,233,235,235,235,230,228,228,233,235,228,217,217,217,217,217,225,228,222,213,217,222,222,222,225,225,225,225,230,233,233,230,225,225,228,228,225,222,222,217,217,222,225,228,222,217,209,209,217,222,222,230,228,217,215,215,215,215,215,209,205,204,205,209,215,222,222,222,217,215,212,215,215,215,212,209,212,212,212,212,215,215,212,209,209,209,209,215,215,215,215,215,215,209,205,205,207,212,212,209,209,207,207,207,209,212,215,217,216,217,217,217,212,209,209,212,212,215,217,217,217,212,209,209,212,217,215,215,215,212,207,207,209,209,209,209,209,209,209,209,212,215,212,207,202,202,199,199,199,199,202,202,202,202,199,202,204,207,207,204,204,202,202,202,200,200,204,207,209,209,209,207,207,207,204,199,196,196,199,199,199,199,202,202,202,196,191,191,191,194,194,194,194,196,196,196,196,194,194,196,199,199,196,194,196,196,196,196,199,202,199,191,189,196,204,209,209,209,209,212,212,212,212,212,212,212,209,207,202,203,207,209,212,215,215,212,209,207,204,207,207,207,209,209,207,207,207,207,207,209,212,215,215,212,215,222,222,217,217,217,215,212,212,212,215,217,217,222,222,217,217,222,217,212,209,211,217,225,225,225,225,225,228,230,233,233,230,228,228,230,233,235,238,238,235,235,235,238,241,241,238,243,246,248,248,246,243,238,235,233,230,222,212,208,208,209,212,212,217,225,230,238,241,243,243,241,238,238,235,233,233,233,233,235,238,238,241,241,241,241,238,238,241,241,241,241,241,241,238,238,235,235,233,233,235,238,238,238,235,235,238,238,238,241,243,246,251,254,254,254,251,246,243,243,243,243,243,243,243,243,241,238,238,235,238,235,233,230,230,230,230,228,225,222,217,215,212,0,0,0,0,0,0,0,0,0,0,215,217,217,215,209,1,0,0,0,0,0,0,0,0,0,3,9,27,35,43,49,59,65,71,75,71,70,71,75,79,118,118,118,118,91,129,134,139,134,134,97,97,103,142,157,165,176,176,178,178,176,170,165,165,165,165,165,165,168,168,168,173,178,186,202,215,238,251,255,255,255,255,255,255,255,255,255,255,255,255,255,222,204,196,196,199,181,173,157,113,87,75,69,73,83,97,150,168,189,207,209,199,183,170,163,157,142,125,122,126,137,129,126,116,105,95,95,105,116,116,111,100,85,74,59,61,66,79,92,95,0,0,0,0,0,0,0,25,20,9,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,33,33,51,46,43,64,87,79,35,0,0,0,0,22,40,40,43,40,12,0,35,74,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,92,142,150,118,51,13,0,11,61,142,191,233,255,255,251,246,246,246,246,238,241,238,228,194,168,49,0,0,21,33,3,0,0,33,49,49,49,57,71,137,150,160,170,144,85,87,129,189,225,228,220,218,228,243,251,246,246,246,230,220,228,212,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,111,111,116,137,176,189,189,196,202,204,222,230,204,134,41,0,0,0,0,0,0,0,55,181,194,194,209,209,199,191,194,207,225,217,215,225,225,217,209,202,199,194,181,173,173,191,209,207,173,157,105,65,43,47,71,95,147,105,98,104,109,97,83,82,101,97,94,103,109,103,103,103,109,113,105,90,95,115,173,196,204,196,189,189,173,111,105,111,105,97,105,115,168,173,168,170,170,165,107,96,95,99,107,107,113,165,191,199,191,107,83,83,87,81,73,49,13,24,26,45,55,79,131,79,52,52,69,79,60,50,51,69,93,129,129,92,99,144,157,157,176,196,194,101,67,83,173,183,152,81,57,45,43,32,26,27,69,97,97,97,99,103,103,99,103,105,105,104,104,113,115,165,173,176,178,183,181,183,186,191,183,129,119,119,131,207,246,254,246,225,207,194,186,189,202,212,222,212,202,194,199,199,199,199,207,209,209,196,181,170,117,93,75,69,81,178,194,189,183,194,209,209,209,199,189,181,176,183,196,209,220,199,194,194,199,199,183,168,115,109,157,165,165,155,155,155,155,150,111,111,111,111,111,113,152,111,103,89,86,95,107,109,109,107,107,107,155,165,173,178,178,173,168,163,160,118,118,121,123,168,168,178,196,186,183,183,196,183,181,173,127,181,196,202,202,202,202,202,191,178,178,202,209,127,97,88,91,111,131,178,202,212,212,212,217,228,228,217,209,212,212,212,212,217,209,191,137,199,209,209,217,217,217,217,217,217,212,209,209,217,217,217,202,176,101,83,95,115,121,105,83,65,63,65,83,111,123,170,170,189,191,194,209,207,178,115,97,83,81,83,75,65,65,65,75,65,75,89,91,83,73,65,65,81,91,134,142,152,142,97,75,39,25,17,11,11,13,23,37,67,170,230,238,233,225,202,160,97,91,97,105,123,202,230,233,204,187,187,204,233,248,255,248,225,196,178,176,123,109,100 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,147,155,152,144,139,144,155,163,163,152,144,137,131,131,139,144,147,150,155,155,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,173,176,170,168,165,168,168,165,173,183,186,186,186,189,191,191,194,191,186,183,186,186,181,176,178,186,189,178,168,166,168,163,152,147,157,170,170,170,173,176,176,173,170,170,170,170,125,105,86,85,106,127,189,202,209,209,207,207,215,217,215,209,207,207,204,199,199,199,196,196,194,196,199,202,202,202,202,207,215,217,222,217,209,204,207,212,215,215,207,183,131,181,207,225,225,191,127,123,125,131,194,204,209,212,215,217,217,220,217,194,123,126,135,183,183,178,133,178,183,183,183,189,189,186,181,178,186,191,183,176,176,178,186,202,194,131,125,127,183,202,199,186,176,132,131,132,183,196,202,202,204,212,217,217,217,220,217,207,194,191,189,183,133,123,114,113,204,215,212,215,212,209,196,114,109,194,212,217,209,208,208,209,212,212,215,215,215,215,217,215,209,204,203,204,212,212,209,209,220,228,230,228,225,222,212,207,207,207,204,189,132,132,135,133,131,191,199,122,111,125,135,178,186,194,202,204,204,199,194,194,194,178,121,124,183,204,202,202,204,207,202,176,185,207,212,207,204,204,181,181,196,217,207,178,91,115,207,204,202,212,222,222,217,217,215,217,222,222,225,222,207,212,228,228,230,233,230,222,196,199,212,222,228,225,222,220,217,217,215,212,212,212,212,212,215,215,217,220,225,225,215,183,186,199,215,204,110,115,209,222,220,215,215,212,215,220,225,228,228,107,91,183,225,230,202,122,121,173,173,95,98,194,204,207,207,209,212,215,222,225,228,228,228,230,230,230,225,222,220,217,217,212,211,212,217,225,222,216,216,216,225,225,112,153,220,228,228,225,222,189,153,164,207,207,186,131,170,183,194,183,181,181,178,183,191,173,105,121,196,194,189,194,212,225,230,235,133,63,53,119,202,183,133,217,233,238,238,233,222,183,116,110,125,133,137,139,139,136,137,235,241,238,230,225,228,233,233,230,230,230,233,233,233,233,233,230,220,215,217,222,225,225,228,230,230,230,230,230,233,230,217,202,191,144,146,204,212,204,212,230,235,235,238,241,233,222,217,225,230,228,222,222,228,228,233,235,222,209,209,209,212,222,233,238,235,235,243,251,251,230,123,168,212,246,212,209,196,173,196,217,215,204,199,220,246,246,241,31,0,0,0,0,0,107,255,238,230,228,225,228,230,235,238,238,238,238,235,233,235,238,238,233,235,238,243,246,246,241,238,235,233,233,233,235,235,238,238,238,235,233,233,231,231,233,235,233,230,225,224,225,228,233,233,233,233,233,233,233,233,233,233,235,238,235,233,233,233,233,233,238,241,235,73,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,137,150,163,178,199,215,207,186,199,204,199,194,194,196,204,209,204,199,183,165,170,186,178,77,75,91,101,127,209,207,207,222,217,109,96,86,103,204,230,238,238,235,233,233,233,235,238,238,235,233,230,230,230,230,225,217,209,135,126,129,207,222,220,194,137,141,212,225,230,233,235,230,230,230,246,241,238,235,233,231,231,231,235,241,238,237,238,233,212,142,145,204,212,217,222,225,228,228,225,217,212,213,230,225,196,108,103,215,222,228,230,228,217,212,204,199,202,204,209,207,207,207,204,204,204,202,199,199,202,209,212,212,207,204,217,222,199,199,215,222,83,81,99,137,143,191,207,209,207,196,192,195,209,225,233,233,235,235,235,230,222,191,186,194,207,204,202,202,199,202,215,233,238,238,238,241,241,241,238,235,238,241,230,139,139,147,202,207,190,187,189,174,164,192,215,225,228,230,222,111,94,100,121,194,204,187,182,187,199,199,135,83,113,196,212,222,228,225,215,209,207,204,204,204,202,202,204,207,204,202,207,209,209,215,222,228,228,228,225,222,215,212,215,222,225,225,222,218,218,218,222,222,225,230,230,230,230,225,224,225,225,222,217,215,215,215,217,222,225,225,220,215,215,222,228,230,233,235,233,228,220,215,215,222,228,230,230,230,233,233,233,233,228,226,228,233,235,233,233,235,233,233,230,230,230,233,228,217,215,215,215,215,222,225,217,213,217,222,222,222,222,222,222,222,230,233,228,222,225,228,230,228,222,222,225,225,225,225,228,225,222,215,207,207,222,228,228,233,230,222,215,215,215,215,212,209,209,209,209,209,215,225,228,225,217,215,212,212,212,212,209,207,207,207,209,212,212,212,209,207,207,207,207,212,217,217,215,215,212,209,207,207,209,212,215,212,209,209,212,212,212,215,215,217,217,217,217,215,209,208,209,215,215,215,217,217,215,212,208,208,209,215,215,215,215,212,207,209,209,209,209,209,209,209,212,212,212,215,212,204,196,196,196,199,199,199,202,202,202,202,202,202,202,204,207,207,204,202,202,202,202,202,204,207,209,209,207,204,204,204,202,199,196,196,199,202,202,199,199,202,202,196,194,194,191,191,194,194,194,191,194,196,196,191,190,194,199,202,199,196,196,199,196,195,196,204,204,199,199,202,207,209,209,209,209,212,215,215,215,215,212,209,212,209,207,204,204,207,209,212,215,212,209,207,204,204,204,207,207,209,207,205,205,207,209,212,215,217,215,215,222,225,222,217,217,217,215,212,211,212,215,217,222,222,222,222,217,222,217,215,211,212,217,222,222,222,225,225,228,230,235,235,233,230,230,233,235,238,238,238,235,230,230,230,233,235,238,241,246,248,248,246,241,235,233,230,228,222,209,207,207,209,215,222,225,228,233,235,238,241,238,238,238,235,235,233,233,233,233,233,235,238,238,241,243,243,241,241,241,241,241,241,241,241,238,238,235,233,233,233,233,238,238,238,235,235,235,238,238,238,241,243,248,251,251,251,248,246,243,243,243,241,241,241,241,241,241,238,235,235,238,235,233,230,228,228,230,228,225,222,217,215,212,212,212,0,0,0,0,0,0,0,0,217,217,217,215,209,0,0,0,0,0,0,0,0,0,0,0,7,21,35,45,53,61,69,100,103,75,73,71,73,79,118,124,126,121,121,126,126,126,91,91,91,97,103,144,157,168,176,176,176,176,168,157,160,155,160,160,165,168,165,165,165,168,176,186,194,207,228,243,251,255,255,255,255,255,255,255,255,255,255,255,255,225,194,189,189,189,181,160,113,95,75,63,63,63,77,97,155,170,189,209,215,199,178,163,155,134,126,121,118,126,137,139,137,129,116,108,105,113,116,111,100,85,74,59,51,43,43,48,53,56,0,0,0,0,0,0,0,25,17,9,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,51,87,155,155,72,0,0,0,0,38,46,33,22,9,0,0,0,4,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,108,144,144,100,39,15,25,55,129,176,209,241,251,246,238,235,238,246,246,238,215,196,178,150,75,15,0,0,13,21,9,0,0,19,49,55,63,75,113,116,113,116,89,65,45,65,129,189,225,241,228,221,228,230,228,241,243,243,241,243,243,217,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,116,126,111,107,126,160,178,170,163,156,163,170,170,134,67,21,0,0,0,0,0,0,0,43,191,194,189,209,217,207,199,202,207,215,217,225,230,217,191,173,189,176,150,107,103,107,163,196,207,207,204,189,105,63,43,51,81,109,107,102,107,152,115,109,109,115,101,97,165,176,113,107,103,101,109,109,97,91,97,111,189,202,189,178,178,165,117,155,115,105,103,111,117,155,155,117,115,117,155,109,97,95,97,103,107,155,176,191,202,191,147,87,83,75,59,53,43,21,28,33,41,47,51,53,52,52,67,89,95,89,67,62,83,131,137,131,93,137,157,170,181,196,202,176,55,49,55,93,152,103,89,71,57,53,45,37,49,91,107,101,99,103,107,115,105,113,115,115,115,115,115,123,168,176,183,183,183,176,181,186,191,191,181,133,178,194,225,254,254,238,209,196,186,186,186,196,212,215,209,204,202,199,199,199,191,199,207,207,196,178,163,113,87,71,67,79,178,194,183,183,191,202,204,199,194,189,181,176,181,191,207,209,204,199,204,204,194,183,168,152,109,115,157,160,155,150,113,113,113,111,113,113,113,111,105,103,103,89,83,85,95,109,115,109,103,101,100,105,163,178,186,181,178,168,168,119,117,117,121,123,123,168,186,199,196,183,183,194,194,181,125,119,125,181,202,202,204,209,204,194,178,178,202,204,123,97,85,88,105,133,202,212,217,217,217,222,230,230,222,212,209,209,209,212,212,199,137,131,194,209,212,217,217,222,222,228,230,228,217,217,228,233,230,209,121,89,81,95,117,117,101,81,62,61,62,79,97,115,121,170,178,189,191,202,202,178,115,101,91,89,91,83,65,65,83,91,83,81,91,95,91,91,83,75,65,75,95,142,160,152,139,89,55,33,17,11,10,11,19,33,59,152,209,225,225,225,204,170,107,97,97,105,123,209,246,238,202,186,186,204,225,248,255,248,230,202,194,189,165,107,100 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,69,116,139,170,186,183,168,147,139,144,150,155,157,150,143,142,147,160,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,186,183,176,173,165,163,157,157,170,183,189,189,189,186,186,186,186,186,181,178,181,181,173,170,172,178,178,170,165,166,173,176,173,168,170,173,168,168,168,168,165,163,160,160,168,165,113,104,107,127,123,123,176,191,204,207,207,207,212,217,212,207,204,204,202,202,199,202,199,196,194,196,199,202,204,204,202,207,209,212,212,209,202,200,209,222,228,222,204,178,131,181,204,215,217,196,125,122,125,133,196,207,212,215,215,217,217,217,215,196,133,135,183,189,194,191,189,194,202,202,202,202,204,207,207,191,183,183,135,125,127,131,183,196,183,122,127,191,202,207,207,199,183,132,131,133,181,186,194,202,212,220,222,217,217,217,209,194,189,194,196,183,135,129,118,121,209,217,215,209,204,202,189,112,110,204,215,217,209,208,209,209,212,215,217,222,222,222,217,215,212,209,209,212,215,217,212,212,217,225,225,225,225,222,217,212,209,209,204,196,186,133,133,133,135,183,189,124,120,194,196,196,196,199,202,204,204,202,196,196,199,199,189,181,133,122,176,186,204,212,199,168,182,207,215,212,207,207,204,207,212,222,215,129,18,97,191,204,209,222,228,225,222,220,217,217,217,217,215,207,196,204,222,233,235,233,225,212,191,199,212,225,230,230,228,225,222,220,215,212,212,209,209,209,209,212,215,220,220,212,191,121,123,111,105,121,111,110,196,212,215,215,215,212,215,222,225,230,222,178,170,207,230,230,212,120,119,186,191,97,96,123,194,199,202,202,204,209,217,225,230,230,233,230,230,230,228,222,222,222,222,222,217,222,225,228,225,216,215,217,233,222,117,159,215,228,228,225,233,228,170,168,202,199,186,153,164,176,191,191,196,183,170,176,181,105,94,102,181,191,194,202,212,222,225,233,233,222,183,191,202,191,181,207,228,233,233,228,215,181,124,124,129,127,135,189,186,135,133,233,238,235,228,224,225,230,233,230,233,233,233,235,235,235,235,233,228,222,222,228,230,230,233,233,233,233,230,230,230,230,225,209,147,143,144,199,207,202,209,228,233,233,235,235,233,225,222,225,225,217,202,196,204,204,207,233,217,212,212,215,215,222,230,233,230,233,241,246,251,246,228,230,241,248,230,220,207,189,207,230,233,101,19,19,117,176,91,0,0,0,0,0,0,55,220,225,225,225,228,230,233,235,238,241,238,235,233,228,228,233,233,233,235,238,243,246,243,241,238,235,233,233,233,233,235,238,238,238,235,235,235,233,235,235,235,233,228,225,225,228,230,230,230,230,229,230,233,238,238,238,235,235,235,235,233,231,233,235,235,238,243,248,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,194,176,173,178,186,196,196,194,196,199,194,189,191,199,199,186,131,181,186,178,204,228,204,87,95,121,178,212,181,133,127,228,95,50,79,103,133,217,235,238,238,235,233,231,233,238,241,241,235,233,230,230,233,233,233,230,228,209,132,129,143,202,199,141,139,141,196,215,228,228,230,233,230,235,241,238,238,238,233,231,231,233,235,235,238,238,238,225,202,143,149,217,225,230,235,238,238,238,235,230,217,215,233,235,194,100,97,143,207,225,212,143,199,202,199,202,212,215,215,212,209,207,202,199,199,199,199,199,209,225,228,212,195,191,202,215,204,199,204,204,98,99,137,145,141,143,209,222,215,199,191,194,209,225,233,235,235,235,233,225,212,196,192,202,212,207,202,202,207,215,228,235,238,238,238,238,241,241,238,235,238,241,230,143,141,145,147,199,199,204,220,190,176,194,215,225,230,233,139,86,90,113,141,196,196,185,182,187,207,207,107,77,109,141,204,215,217,215,204,202,204,204,207,207,204,202,202,204,202,204,212,207,204,215,225,228,228,228,225,222,215,209,212,217,222,222,222,218,218,222,222,222,225,228,230,230,230,228,225,225,222,217,217,215,212,212,217,222,225,222,222,222,222,225,225,228,230,233,233,228,225,220,217,222,228,230,230,233,233,233,233,233,230,228,230,233,233,233,233,233,230,230,230,228,228,228,225,217,212,213,215,217,222,228,222,217,222,222,222,218,218,218,217,218,228,228,222,212,212,217,225,225,222,222,225,228,230,230,230,228,222,215,207,207,222,228,230,233,230,222,217,217,217,217,215,212,217,217,215,212,215,225,230,228,217,212,212,212,212,209,209,207,203,204,207,209,209,209,207,207,207,204,207,215,217,215,212,209,209,207,207,209,212,215,215,215,212,215,217,217,217,217,217,217,217,217,215,212,209,209,212,217,217,217,215,215,215,212,208,207,209,215,215,215,217,212,209,209,212,212,212,212,212,212,212,212,212,215,209,202,191,191,194,196,199,202,202,204,204,204,204,202,202,202,204,204,204,204,204,202,204,204,204,207,209,209,207,202,200,202,202,199,199,199,199,202,199,196,196,199,199,196,194,194,189,186,189,189,183,137,183,194,194,191,190,191,196,202,199,196,199,199,196,196,199,204,207,204,202,202,207,209,209,212,212,215,217,217,217,215,212,212,212,212,209,204,200,200,204,209,212,212,209,207,202,202,202,204,209,209,207,207,207,207,209,212,217,217,217,217,222,225,222,217,216,217,215,212,211,212,217,222,222,222,222,217,215,215,217,217,215,215,217,217,217,217,222,225,228,230,235,235,235,233,230,233,233,235,238,238,233,228,222,222,222,225,233,238,243,246,246,243,241,235,230,230,228,222,212,209,209,215,222,228,230,233,233,235,235,235,233,233,235,235,235,233,233,233,233,233,233,235,235,238,243,243,241,241,241,241,241,241,241,241,238,235,235,233,233,233,233,235,235,235,233,233,235,235,235,235,238,241,243,248,251,251,248,248,246,243,243,241,241,241,241,241,238,238,235,235,235,235,233,230,228,228,228,228,225,222,217,215,212,209,212,215,0,0,0,0,0,0,215,212,212,209,207,204,0,0,0,0,0,0,0,0,0,0,0,5,27,41,49,59,67,100,108,108,100,73,71,73,77,83,121,126,121,91,121,91,81,75,75,83,93,99,144,157,168,176,176,176,168,157,160,152,113,152,157,160,165,160,160,160,170,176,170,178,186,204,228,238,238,241,246,254,255,255,255,255,255,255,255,255,225,189,178,178,173,160,111,95,81,63,57,57,57,71,93,160,189,207,220,220,199,170,160,142,137,126,122,122,129,134,134,131,124,116,108,108,108,108,100,79,59,51,43,30,15,20,22,22,22,0,0,0,0,0,0,0,25,17,9,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,61,108,181,168,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,79,105,131,131,100,47,33,47,113,168,199,228,241,241,233,215,212,215,233,246,230,199,170,152,108,49,3,0,0,1,7,13,0,0,0,19,49,75,137,155,139,69,53,49,37,37,65,152,189,215,241,241,228,228,220,209,217,217,202,202,217,220,191,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,163,160,129,116,126,168,183,176,153,153,160,163,163,139,87,59,15,0,0,13,15,0,27,129,189,181,183,215,233,225,215,215,225,225,215,215,225,209,173,150,147,93,81,87,97,107,147,160,160,189,176,105,91,57,25,29,75,160,173,160,163,168,163,168,176,115,85,81,113,170,111,103,97,89,91,103,97,89,89,99,165,189,178,173,178,173,168,178,163,105,97,103,105,105,109,107,99,103,111,113,107,99,101,107,111,157,176,191,204,199,165,99,87,81,59,51,47,33,41,43,43,49,57,59,63,67,71,73,81,89,67,65,93,147,147,137,131,144,170,181,196,212,202,155,55,50,54,69,77,79,83,81,73,73,73,75,89,107,107,101,99,101,107,152,115,117,160,170,170,170,160,123,170,178,186,189,183,176,173,176,183,183,176,176,189,202,225,246,246,215,194,189,185,185,186,194,207,212,209,204,209,209,204,194,191,191,202,207,191,173,163,117,91,71,69,87,178,189,178,176,189,199,199,199,191,186,176,173,181,189,202,204,204,204,204,199,194,183,170,117,106,107,115,150,113,113,113,113,113,113,152,152,111,103,95,93,89,85,83,86,101,115,113,113,103,101,100,105,163,189,191,186,178,170,168,121,117,117,121,165,168,176,186,204,196,183,183,194,194,181,125,117,121,178,202,209,209,209,209,202,178,131,181,191,123,91,85,88,117,191,209,212,217,222,222,228,230,230,222,212,209,209,209,212,209,191,128,128,191,209,212,217,222,222,228,230,241,241,228,228,233,246,246,222,117,85,75,89,101,101,91,81,65,65,67,73,89,101,117,176,191,191,191,202,199,176,117,109,101,97,89,83,65,75,89,89,75,75,83,95,103,103,97,83,57,57,83,142,160,160,142,95,79,49,23,11,9,10,13,27,41,97,178,204,212,225,212,178,117,109,105,111,178,230,248,238,202,186,186,196,225,241,255,248,238,220,207,196,170,111,100 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,139,186,189,173,142,129,147,152,155,157,157,152,144,143,152,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,173,183,183,183,165,155,142,144,165,178,186,189,183,178,170,170,176,178,176,174,176,176,173,172,173,176,170,165,165,170,181,189,189,183,176,170,165,165,168,165,163,160,120,120,163,163,109,106,183,209,194,176,178,191,196,196,202,207,212,215,212,209,207,207,204,204,204,204,202,196,194,194,196,202,204,207,207,207,207,207,207,202,199,200,212,228,228,220,202,178,131,178,189,191,189,178,127,123,127,176,202,209,212,212,212,212,212,212,209,199,189,189,196,199,199,199,199,204,209,207,204,207,215,225,217,199,186,181,125,100,101,111,135,196,178,113,120,199,209,212,217,217,202,178,132,135,178,181,194,204,215,222,222,217,217,215,204,181,137,191,199,183,137,137,186,207,222,228,222,209,199,194,189,122,120,212,215,215,212,212,212,212,215,215,217,225,228,228,225,222,220,217,217,217,222,217,215,215,217,222,217,217,217,217,222,217,212,212,202,199,202,137,132,133,132,132,183,196,207,209,207,202,196,194,194,196,199,199,199,199,204,209,215,209,181,107,125,127,186,207,186,168,182,196,196,199,196,202,217,225,222,222,215,73,21,103,176,196,209,225,225,225,225,222,220,215,212,209,209,202,191,189,204,228,233,222,207,189,178,199,209,222,230,233,230,228,225,222,217,212,209,209,209,208,208,212,222,222,212,196,183,133,119,79,76,111,108,96,189,207,212,209,212,217,217,217,222,225,209,196,202,215,228,228,215,163,124,199,209,194,111,103,115,127,178,186,186,191,207,225,225,228,233,230,230,228,225,220,215,217,222,225,228,228,228,225,222,217,216,225,238,207,138,194,215,225,228,228,235,235,183,172,176,176,173,164,165,173,183,186,189,181,170,173,173,107,97,103,131,183,191,202,212,215,209,215,233,243,235,212,202,181,126,124,122,189,204,199,133,123,129,196,183,126,129,186,191,186,186,225,235,233,225,221,221,228,230,230,233,235,238,238,238,238,238,235,230,225,222,228,233,235,235,235,233,233,233,235,235,233,228,217,196,145,146,194,191,187,202,228,233,233,233,233,230,225,225,225,222,217,204,189,187,187,186,191,202,199,204,209,212,222,230,230,230,235,238,238,243,243,235,235,235,225,220,230,238,238,235,243,243,65,0,0,8,26,27,0,0,0,0,0,31,53,230,222,222,225,228,233,235,238,238,238,238,235,233,228,228,230,230,233,235,241,243,243,241,238,235,235,233,230,230,233,235,235,238,238,238,238,235,238,238,241,238,235,228,225,225,228,230,233,230,230,230,230,235,238,241,238,238,235,235,235,233,233,233,235,238,238,241,251,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,238,238,209,186,170,170,178,191,196,196,191,187,183,189,196,191,122,117,128,204,228,241,241,230,109,107,129,186,194,121,69,19,204,96,92,95,191,191,217,233,235,238,238,233,231,233,235,238,238,235,233,230,230,233,235,233,230,230,230,217,199,199,202,191,139,139,141,194,212,225,222,235,235,235,235,233,238,238,238,235,233,233,238,238,238,238,235,233,217,204,147,204,225,233,235,238,241,243,243,241,238,230,209,204,207,145,124,116,132,199,215,133,117,143,196,194,202,212,222,222,217,212,207,202,202,199,199,199,202,212,228,233,225,196,190,195,209,207,199,202,204,145,139,194,194,143,145,207,222,217,202,195,199,215,230,235,235,235,238,233,217,204,196,199,207,209,204,198,199,204,212,225,235,238,235,235,235,238,238,238,235,235,235,222,196,147,145,127,115,215,222,238,246,235,222,217,228,233,222,99,87,107,141,194,202,196,189,189,196,212,215,119,111,129,143,202,207,207,202,199,199,204,204,204,207,204,202,202,202,199,202,209,203,202,212,225,228,228,228,225,222,212,209,212,220,222,222,222,222,225,225,225,225,225,228,230,230,233,228,217,215,209,215,222,217,212,212,217,222,222,217,222,228,228,225,225,228,228,228,228,222,222,222,217,217,225,230,233,233,233,230,233,233,230,230,230,233,233,230,230,230,230,230,228,225,225,225,222,215,212,215,222,225,228,230,230,228,225,222,222,222,218,218,218,218,225,225,215,204,202,203,215,225,225,222,225,228,228,230,230,230,228,222,211,211,217,225,228,230,228,217,217,225,225,225,225,217,217,217,215,212,215,225,230,225,217,212,212,212,209,209,207,204,202,203,204,207,207,207,207,204,203,204,209,215,217,215,212,209,207,207,209,212,215,217,215,215,215,217,222,225,222,222,222,222,217,215,215,212,212,212,215,222,222,217,215,215,217,215,208,207,209,215,215,217,217,212,207,209,209,209,212,212,212,212,209,209,209,212,209,199,191,190,191,196,202,202,204,204,204,204,204,202,202,202,202,204,207,207,207,204,204,202,202,204,209,209,207,202,200,200,202,202,199,199,199,199,199,196,194,196,194,194,191,191,183,182,182,183,136,132,134,186,196,194,191,191,196,199,199,196,199,202,202,202,202,204,204,202,200,200,204,207,209,212,215,215,217,220,217,215,215,215,215,215,212,204,199,199,202,207,209,209,207,204,202,202,204,207,207,209,209,209,209,212,212,215,217,217,217,217,222,225,222,216,216,217,217,212,211,212,217,225,222,217,217,215,212,212,217,217,215,212,212,212,212,215,217,222,225,230,233,235,233,233,230,230,233,235,238,235,230,225,217,212,212,215,228,235,241,243,243,246,243,241,235,233,230,228,222,217,217,222,225,228,230,233,235,235,233,233,231,233,235,235,238,235,233,233,233,233,235,235,235,238,241,241,241,239,239,239,241,241,241,241,238,235,233,233,233,233,233,233,233,233,233,230,233,233,235,235,235,235,241,243,248,248,251,248,246,243,243,243,241,241,238,238,238,235,235,235,235,235,230,228,228,228,228,225,225,222,222,217,212,209,209,212,217,0,0,0,212,209,209,207,207,204,202,199,0,0,0,0,0,0,0,0,0,0,0,3,23,41,49,61,92,105,108,105,100,69,69,71,71,77,118,121,118,83,83,81,69,69,73,81,93,99,137,152,168,176,176,176,168,160,152,109,109,109,150,155,155,157,117,117,163,121,117,115,123,173,191,204,207,207,217,243,255,255,255,255,255,255,255,255,215,178,160,117,111,93,83,73,61,49,43,51,51,65,93,181,217,248,238,217,194,178,168,163,160,144,137,126,129,129,121,118,111,105,100,100,98,87,72,37,31,27,21,15,9,3,0,0,0,1,0,0,0,0,0,0,0,17,9,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,77,118,129,87,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,82,92,100,103,100,59,53,67,137,176,191,209,228,228,212,202,186,189,204,233,225,181,139,116,63,35,0,0,0,0,0,0,0,0,0,0,35,103,157,186,173,77,11,0,13,53,91,178,194,207,230,243,228,217,199,186,191,176,156,157,183,181,116,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,189,176,147,129,142,178,191,194,189,194,196,199,191,189,183,165,61,25,39,85,139,93,93,137,91,91,160,207,228,225,217,225,243,233,207,207,225,217,181,160,101,75,57,63,95,168,176,147,103,105,61,23,37,29,3,9,63,176,202,186,168,163,163,176,183,103,73,68,78,97,97,97,97,87,87,95,89,83,89,101,117,165,119,163,189,189,189,189,178,111,99,97,97,99,99,99,93,99,107,113,113,113,113,152,155,157,170,181,196,196,170,105,93,91,69,51,51,49,59,59,55,65,81,91,89,71,53,45,43,26,16,23,93,168,168,147,147,160,170,181,202,212,194,144,83,63,63,65,58,58,67,73,73,77,87,99,107,107,101,99,99,101,103,105,105,115,170,178,183,178,170,168,170,178,186,186,178,173,129,170,131,131,131,176,191,207,225,241,238,204,183,183,185,186,189,199,207,212,209,207,209,209,204,191,186,191,199,204,191,173,163,123,95,71,69,93,178,186,178,176,183,202,199,199,191,181,173,168,173,183,196,204,204,204,204,204,194,183,168,115,104,104,107,109,107,107,107,113,113,155,111,105,97,91,81,81,89,89,89,95,107,152,157,115,113,105,103,111,170,189,199,186,176,176,168,121,117,117,123,168,168,176,196,204,196,177,183,194,196,194,127,117,117,178,204,209,209,202,199,191,129,123,129,129,109,90,87,103,131,209,209,202,212,217,220,228,230,228,220,212,209,209,212,212,202,137,126,126,191,212,217,220,220,228,228,238,248,246,230,228,233,246,254,238,129,89,65,65,73,73,73,79,81,83,85,81,79,89,115,176,191,191,196,199,191,168,117,115,107,101,89,75,65,65,83,87,63,59,75,89,101,142,101,83,53,53,65,93,147,155,142,131,93,71,31,13,10,9,11,17,31,63,142,178,199,212,212,191,160,115,109,121,199,238,254,233,202,186,186,202,220,248,255,254,246,230,217,199,173,115,102 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,170,189,155,69,12,1,118,152,155,157,157,155,160,196,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,155,176,183,186,170,150,116,129,163,176,181,181,176,165,155,157,170,178,178,176,176,176,173,173,176,176,170,166,166,173,183,189,191,186,178,170,165,168,168,165,163,157,118,118,123,168,123,123,191,207,207,202,202,204,186,127,183,207,209,209,212,212,212,209,209,207,207,204,202,196,192,192,194,196,202,207,209,207,204,204,202,200,200,202,209,217,217,212,199,183,133,131,129,178,181,181,183,131,125,178,204,212,212,212,212,211,211,212,209,199,191,194,199,204,202,202,202,207,209,207,204,204,215,225,222,207,199,191,117,86,86,86,127,196,183,111,116,191,207,212,217,225,215,191,178,135,178,181,194,204,212,217,217,217,220,215,202,135,133,183,194,183,181,189,204,222,228,228,222,207,194,141,135,133,141,222,217,212,212,215,217,217,217,217,222,225,228,228,228,225,225,225,225,222,220,217,215,215,217,217,215,215,213,215,217,217,212,209,196,189,194,135,135,181,183,183,199,212,215,209,204,199,192,191,192,194,196,199,199,202,207,212,222,222,209,176,125,115,119,191,186,179,194,199,181,133,127,129,212,230,233,228,119,0,87,178,178,189,196,204,209,212,215,212,209,202,196,196,202,202,191,131,131,209,209,178,123,110,119,189,202,217,228,233,233,230,228,222,217,215,212,209,209,209,212,215,217,215,204,191,189,189,113,79,101,191,113,100,183,209,215,209,215,220,215,204,209,209,189,189,199,207,215,217,209,165,165,196,209,202,168,103,103,103,111,168,170,119,103,111,194,215,230,230,228,225,220,215,209,211,215,222,225,225,217,215,215,222,225,225,217,150,144,209,217,222,225,228,230,217,183,173,173,168,168,170,173,178,181,178,181,189,191,189,189,191,178,123,125,173,181,196,212,212,202,202,228,238,235,228,215,196,131,121,94,124,202,204,181,124,129,191,189,129,129,139,189,194,204,225,233,233,225,221,221,225,230,233,235,238,238,241,241,238,238,235,233,225,225,228,230,233,233,233,230,233,238,241,241,235,233,225,207,194,146,147,194,194,207,228,235,235,233,230,230,228,228,228,228,228,222,202,186,186,186,181,187,185,182,187,199,217,230,230,233,235,238,235,238,241,235,233,220,173,194,228,243,246,243,248,248,215,101,79,87,93,178,173,176,111,99,183,230,254,238,228,222,222,228,233,238,241,238,238,235,238,235,230,228,230,230,233,235,241,243,243,241,238,235,233,230,230,230,233,233,235,235,235,235,235,235,235,241,241,238,235,228,225,225,228,230,233,235,235,235,235,235,235,238,238,238,238,235,238,235,231,233,235,238,238,235,196,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,233,235,217,189,165,164,165,183,194,189,187,187,185,191,202,189,123,119,130,207,230,241,241,238,199,111,125,176,178,186,71,5,99,103,241,228,204,194,209,225,230,235,238,238,235,233,233,235,235,235,233,230,230,233,233,230,225,228,235,241,235,230,222,199,141,141,191,199,212,217,235,254,222,233,230,233,238,235,235,235,235,235,238,238,238,225,225,228,215,204,199,209,228,235,238,238,238,241,243,243,243,233,104,91,117,137,135,133,141,204,225,135,121,145,196,191,199,212,222,228,222,212,204,202,207,212,212,209,207,204,207,222,228,212,196,199,209,209,204,207,212,207,196,194,191,145,194,204,212,217,209,202,204,215,230,235,235,235,238,235,217,199,196,202,207,207,202,199,198,196,199,215,230,235,235,233,233,235,235,235,235,235,230,222,207,209,209,130,117,217,217,230,241,241,233,222,225,228,217,105,104,191,196,196,199,199,196,199,204,212,217,199,196,191,196,204,207,202,198,199,204,209,204,203,204,207,207,207,202,199,200,207,203,200,212,225,228,228,228,228,222,212,207,209,217,222,222,225,225,225,225,225,225,228,230,230,233,233,222,149,137,147,212,225,222,212,212,217,222,222,217,222,228,228,225,222,225,228,225,220,215,215,217,217,215,217,225,230,230,230,230,230,233,230,233,233,233,233,233,230,230,230,228,225,225,225,225,222,217,215,222,228,228,228,230,230,228,222,217,217,220,222,222,222,225,222,217,207,203,202,204,217,228,228,225,225,228,230,230,230,230,228,228,222,217,215,217,225,228,225,220,222,228,230,230,228,222,215,215,212,212,217,225,230,225,217,212,209,209,209,209,207,204,203,204,207,204,204,207,207,203,203,204,209,217,222,217,212,209,207,207,212,215,217,217,215,215,217,222,225,225,225,222,222,220,217,215,215,215,215,215,215,220,222,222,217,217,217,217,212,209,212,215,215,217,217,209,204,204,207,209,209,212,212,209,209,207,207,207,207,202,194,191,194,199,202,202,204,204,204,204,204,202,202,199,199,202,204,207,207,204,202,199,199,202,207,209,207,204,200,200,202,204,202,199,199,199,199,196,194,194,191,189,189,186,183,182,183,183,136,132,134,186,196,196,194,194,196,196,196,196,199,204,204,202,202,202,202,200,200,202,204,207,209,212,215,217,217,217,215,215,215,215,215,215,212,207,200,200,204,209,209,204,202,200,202,204,207,207,207,207,212,212,212,212,215,217,222,222,217,217,222,225,222,216,216,217,222,215,211,212,220,225,222,217,215,215,209,212,215,217,212,207,207,209,209,212,215,222,225,228,233,235,233,233,233,233,233,235,238,235,230,225,215,211,209,211,217,228,233,238,243,246,246,243,241,238,235,233,228,225,225,225,225,228,230,233,233,233,233,233,233,235,238,241,241,241,238,235,235,235,238,238,241,241,241,241,241,241,241,239,239,241,241,238,238,235,233,233,235,235,233,230,230,230,230,230,230,230,233,233,233,235,238,243,246,248,251,248,248,246,243,243,241,238,238,238,235,235,235,235,235,233,230,228,228,225,225,222,222,222,217,215,212,209,209,212,215,217,217,215,212,209,207,204,207,204,199,196,0,0,0,0,0,0,0,0,0,0,0,0,11,37,51,63,98,105,105,100,71,69,71,71,69,75,83,121,121,81,77,75,69,69,73,79,91,99,134,147,165,178,178,178,170,160,147,109,104,105,107,111,111,107,107,107,107,103,91,91,93,111,165,173,170,173,189,220,251,255,255,255,255,255,255,238,181,109,93,87,81,69,63,53,41,24,27,45,53,65,91,189,248,255,248,209,191,189,183,183,173,168,144,137,129,129,126,118,111,103,100,95,82,47,37,31,27,27,21,17,20,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,77,95,69,27,20,53,79,48,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,35,72,72,49,57,82,59,53,67,129,155,165,178,194,204,194,176,150,134,152,181,181,142,71,53,41,35,13,0,0,0,0,0,0,0,0,0,19,100,168,194,189,134,0,0,0,71,152,186,194,196,207,215,217,194,176,160,176,168,152,157,168,129,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,189,176,147,134,160,189,202,209,222,222,225,212,199,189,178,147,51,19,45,139,178,150,85,59,23,34,85,181,207,215,215,225,243,230,207,215,233,217,183,147,87,53,9,0,39,189,207,181,160,139,41,13,15,11,0,0,41,168,202,191,163,157,157,176,176,101,76,73,77,85,95,97,97,89,89,89,76,76,97,119,163,111,99,100,173,194,194,196,189,168,105,103,97,92,92,93,97,101,105,111,113,155,170,181,170,170,168,168,181,189,165,105,97,97,75,47,51,67,134,142,134,91,95,142,95,57,43,41,37,17,7,17,91,181,189,189,178,165,160,170,186,196,176,137,91,79,73,67,54,53,59,67,73,77,89,101,107,101,99,99,101,99,99,96,98,105,168,181,183,178,170,168,168,176,183,186,176,173,129,127,127,127,129,183,202,215,230,241,230,202,183,183,189,196,194,202,212,215,212,209,220,212,204,191,183,183,199,199,189,170,163,119,91,63,63,91,170,178,168,176,189,202,204,199,186,173,168,163,168,181,189,196,196,199,209,220,204,183,168,115,104,104,107,107,103,99,107,113,155,111,97,85,77,77,77,81,93,97,101,107,115,157,165,165,157,113,113,119,170,186,186,181,176,176,170,163,118,121,123,168,168,176,196,204,196,177,178,194,202,194,173,117,117,178,199,209,202,191,178,131,123,117,117,117,103,90,97,123,199,212,199,194,209,217,228,230,228,220,220,217,209,209,209,209,199,131,126,127,199,212,220,222,228,228,230,238,248,241,228,224,230,246,248,238,178,89,58,55,56,58,60,73,85,95,95,89,81,89,107,176,191,191,199,199,189,163,117,117,115,103,89,75,65,65,73,71,53,53,65,87,101,142,101,79,53,45,45,63,95,142,147,139,129,79,49,29,13,10,10,11,19,39,83,144,178,194,199,178,160,155,119,168,209,246,248,228,209,194,199,212,230,248,255,255,254,246,228,199,173,115,102 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,53,0,0,0,0,0,0,82,131,116,87,95,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,0,0,0,0,0,77,160,168,173,176,181,196,165,53,69,150,168,178,176,168,155,151,153,170,183,183,181,178,176,173,173,176,176,173,170,170,176,181,183,186,186,181,173,168,165,165,165,160,119,118,120,176,178,173,178,194,209,212,215,222,217,121,89,119,194,202,207,212,215,215,212,209,207,204,202,199,196,194,192,194,196,199,202,204,204,202,202,202,200,200,202,207,209,207,199,194,186,178,133,122,133,183,189,194,178,129,196,212,215,215,212,212,212,212,212,209,196,191,191,199,207,202,200,202,207,209,209,207,207,212,217,212,207,207,207,181,95,93,96,181,207,196,119,120,178,194,204,209,217,215,199,183,181,181,181,191,202,207,209,212,217,222,215,202,181,132,133,181,183,186,194,212,228,228,222,215,209,196,129,126,141,204,228,225,215,211,215,217,222,222,222,222,225,225,228,228,228,225,225,225,222,215,212,209,212,215,215,215,215,215,217,217,222,217,209,194,137,133,133,191,199,204,215,215,215,215,215,209,202,194,192,192,194,196,199,199,202,207,212,225,230,217,133,113,97,93,181,196,209,225,222,181,126,120,116,181,225,235,235,39,0,97,178,176,181,183,183,183,181,178,181,181,181,186,191,202,202,181,88,91,202,207,183,103,94,111,178,189,202,220,230,230,228,225,222,222,217,215,212,212,217,217,212,204,199,189,186,199,183,84,85,220,222,123,115,170,209,217,212,209,209,194,173,111,105,117,170,181,191,194,191,173,150,157,202,207,194,173,115,105,90,89,123,170,109,79,70,111,194,225,230,228,225,222,217,211,209,212,217,222,217,211,209,215,228,233,225,178,129,150,207,215,215,220,225,222,209,191,183,181,170,168,176,186,183,178,176,176,189,194,183,181,194,189,129,125,127,176,189,209,209,200,198,217,228,230,230,228,222,202,137,127,194,217,225,207,137,135,186,186,137,141,141,141,194,207,225,230,230,225,221,221,225,230,233,235,238,241,241,241,238,235,235,235,233,230,230,230,228,228,228,230,233,238,241,241,238,233,228,212,199,196,202,202,204,212,228,235,235,233,233,233,233,230,230,230,233,230,217,194,194,199,189,194,186,182,183,187,204,228,230,230,235,235,233,235,235,233,233,215,95,99,204,243,248,243,243,228,220,233,238,246,230,230,235,254,255,255,238,233,243,233,230,222,218,220,228,235,241,241,238,238,241,238,233,228,228,230,233,235,241,241,241,238,235,235,233,233,230,233,233,233,233,233,233,230,228,228,233,238,238,235,233,230,228,225,228,233,238,238,238,238,238,235,235,234,235,235,238,238,238,235,233,233,241,241,238,220,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,196,225,230,217,186,165,165,173,186,194,187,187,189,189,196,202,191,176,178,194,202,209,228,233,238,204,69,68,109,135,215,191,90,92,103,220,238,202,194,209,228,233,235,238,238,238,233,230,233,235,235,233,233,233,230,228,230,225,222,230,238,238,235,233,212,194,194,202,209,212,202,235,111,238,233,230,230,233,233,228,225,230,238,230,199,133,147,212,225,215,204,199,212,230,238,238,238,235,238,241,246,246,241,97,84,117,139,137,143,202,217,238,230,199,196,194,145,194,207,217,230,225,212,207,207,215,230,230,225,212,200,198,202,215,215,207,204,209,209,204,207,222,228,212,196,145,145,191,194,199,215,215,207,200,204,222,233,235,235,233,230,217,202,199,209,212,207,204,202,198,198,202,217,233,235,233,230,230,233,233,233,233,233,230,222,215,220,225,217,215,212,215,225,228,238,238,220,215,222,228,217,202,209,207,202,202,202,199,196,202,204,209,207,204,202,202,207,212,204,199,202,207,212,207,203,204,212,215,212,207,202,202,207,204,203,212,225,230,230,230,230,222,209,204,205,215,220,222,225,225,225,225,225,225,228,230,233,235,235,215,129,121,136,204,222,220,212,215,222,225,217,217,222,225,225,222,222,222,225,225,215,211,212,217,217,212,212,217,225,228,228,228,228,230,230,233,233,233,233,233,230,228,228,222,222,225,228,228,228,225,228,230,230,228,228,228,228,225,216,216,217,217,222,222,225,228,222,209,202,203,212,228,230,230,228,225,228,230,233,233,230,228,225,228,228,225,215,213,217,225,222,222,225,230,233,233,228,217,212,212,212,215,222,228,230,228,217,209,207,207,209,212,207,207,207,209,207,202,204,209,209,204,204,207,215,222,222,217,212,212,209,209,215,215,215,215,215,217,217,222,222,222,220,217,217,217,217,217,217,217,217,215,215,217,222,222,217,217,217,217,215,212,212,212,212,217,215,204,198,199,204,207,209,212,212,209,207,207,204,202,202,202,202,199,199,202,202,202,202,204,204,204,204,202,199,196,196,199,204,207,204,202,196,196,199,202,202,204,204,204,202,202,204,204,204,202,199,199,199,196,194,194,194,189,186,186,189,189,191,194,186,137,139,189,196,196,194,194,194,196,196,196,204,207,207,202,200,200,202,204,204,204,207,207,212,215,215,215,215,215,212,212,215,217,217,215,215,209,207,207,209,212,209,204,200,200,202,204,207,207,207,207,209,209,212,212,215,217,222,222,217,217,222,225,222,217,216,217,222,217,212,215,217,222,222,217,215,215,212,209,212,212,209,207,207,207,209,212,215,222,225,230,233,233,235,235,235,235,235,235,238,235,233,228,217,212,211,211,215,222,228,233,238,243,246,246,243,241,238,235,233,230,228,228,228,228,230,233,233,233,233,235,238,241,243,246,246,246,243,241,238,238,241,243,243,243,241,241,243,243,243,241,241,241,238,238,235,233,230,233,235,233,230,225,225,225,228,228,228,228,230,233,235,235,238,241,246,248,251,251,248,246,243,243,241,238,238,235,235,235,233,233,233,233,230,228,228,225,222,217,215,215,215,212,209,209,207,209,212,215,215,215,212,209,204,204,207,204,199,191,0,0,0,0,0,0,0,0,0,0,0,0,0,23,43,57,90,98,98,71,65,65,69,69,65,71,81,85,83,77,75,69,63,63,63,71,79,93,134,147,163,170,176,170,160,152,152,142,105,105,105,105,107,99,91,89,85,79,79,79,81,91,105,109,105,111,168,202,243,255,255,255,255,255,246,189,93,67,53,55,59,53,47,33,22,19,25,51,59,71,124,189,248,255,235,204,194,191,183,181,173,168,144,137,147,147,139,131,121,108,100,92,79,43,37,37,53,59,51,43,35,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,27,53,79,43,46,98,111,69,48,56,27,0,0,0,0,0,0,0,0,0,0,0,0,0,7,12,0,0,0,0,0,0,0,0,39,74,66,35,37,45,47,47,63,113,137,147,160,183,191,183,150,77,51,43,63,65,45,21,5,9,35,41,5,0,0,0,0,0,0,0,0,5,69,150,168,168,113,0,0,0,57,126,189,204,189,181,183,191,173,131,83,150,176,173,168,165,108,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,157,176,160,134,126,142,196,228,238,241,241,225,207,181,147,93,53,0,0,21,95,160,131,73,41,21,29,67,144,189,207,215,225,225,209,207,225,238,207,147,85,13,0,0,0,25,189,222,191,163,105,51,19,15,0,0,0,25,147,194,186,168,163,163,176,163,97,87,89,85,89,91,89,87,89,89,79,67,73,105,178,178,105,90,89,109,178,189,196,196,173,113,109,103,93,92,93,103,105,107,107,113,165,181,189,181,176,163,163,170,183,170,107,95,91,57,34,48,91,186,194,152,95,131,152,131,57,43,45,69,51,29,45,129,173,196,204,191,165,142,137,144,157,144,91,81,75,75,71,59,59,67,73,75,83,95,107,107,105,101,105,101,101,99,96,96,103,163,176,178,173,170,168,168,173,178,178,176,176,176,127,121,121,131,191,207,215,230,241,238,204,189,189,196,196,202,207,212,217,212,209,222,220,204,186,181,183,199,199,183,165,123,117,85,59,58,81,117,163,163,176,191,209,209,199,183,173,165,121,163,173,189,191,191,194,209,220,207,189,168,115,109,107,107,107,99,99,99,105,107,97,83,75,75,75,77,89,103,109,109,109,115,157,165,168,163,115,112,117,170,178,178,176,176,176,176,168,121,121,165,168,176,178,196,204,196,177,177,183,194,196,181,119,117,170,191,199,191,178,129,125,117,109,109,103,97,97,115,178,209,209,199,192,202,217,230,230,228,220,220,217,212,212,217,209,194,131,130,135,202,217,222,228,230,230,233,238,246,235,228,224,230,238,246,228,176,89,57,54,56,58,58,63,81,95,101,97,89,95,115,176,191,199,199,196,178,160,117,157,157,111,95,87,73,65,63,53,44,51,65,83,101,150,101,73,57,45,37,45,73,131,142,142,95,89,75,49,29,13,10,10,13,29,53,89,152,168,168,160,155,160,168,191,215,238,241,228,212,202,202,220,238,255,255,255,254,246,230,199,168,109,102 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,0,0,0,0,142,178,186,176,170,152,126,199,134,0,9,129,157,176,170,160,155,153,160,173,181,183,178,176,170,170,173,176,178,176,173,170,176,181,183,183,183,176,170,165,157,119,160,160,121,160,178,202,189,181,186,196,207,209,209,212,194,71,61,105,129,183,199,209,212,215,209,207,202,196,191,194,194,196,199,202,202,202,199,199,196,196,202,202,202,202,202,204,204,196,191,189,186,186,183,130,133,181,189,191,186,189,209,215,217,215,215,215,215,215,212,204,191,191,194,204,209,199,198,202,207,209,212,212,209,212,215,209,207,207,209,202,191,194,183,189,204,194,127,127,135,181,189,196,204,204,196,191,189,183,183,189,196,199,204,209,217,217,215,207,194,133,130,132,186,191,196,212,225,225,217,215,215,209,112,113,199,212,222,225,222,212,215,217,217,222,222,225,225,225,225,228,228,225,225,225,222,215,209,207,208,212,215,215,217,217,222,225,225,225,212,191,131,126,137,207,212,217,225,225,222,222,225,215,207,199,196,196,196,196,196,199,202,207,215,225,230,212,113,93,87,86,176,204,222,228,225,186,127,121,117,127,199,217,191,0,0,37,121,131,186,189,189,181,133,123,119,121,129,183,196,207,202,119,76,87,212,222,225,107,93,129,178,178,178,199,215,225,225,225,225,222,222,217,217,222,225,217,204,194,183,127,115,133,91,81,119,220,199,113,107,117,186,202,196,189,168,121,157,97,81,105,113,155,176,183,183,165,143,152,204,209,202,191,178,115,83,83,163,176,109,73,71,71,125,220,230,228,225,225,222,217,212,215,217,222,217,212,211,215,225,235,228,160,121,181,209,215,212,215,212,204,199,189,186,178,168,125,173,186,183,170,176,168,127,124,120,115,116,121,122,122,125,133,186,202,207,203,203,215,225,228,228,228,225,212,186,135,186,194,194,186,139,183,194,186,141,199,199,189,196,209,225,230,230,228,224,224,228,233,233,235,235,238,241,238,235,235,235,235,235,235,235,233,228,226,228,230,233,235,238,241,238,235,230,217,207,207,207,207,202,207,217,233,235,233,233,235,238,235,233,233,233,230,222,204,194,189,194,209,215,215,199,189,196,217,230,230,233,235,233,235,235,235,238,235,85,65,115,233,248,233,168,119,194,235,241,248,243,235,233,235,243,243,243,255,233,233,230,228,220,216,217,230,238,241,238,241,241,238,230,226,228,230,235,238,241,241,241,235,233,233,233,233,233,233,233,233,230,230,230,226,225,226,228,235,238,235,230,230,230,230,235,238,238,238,235,235,235,235,234,234,235,235,235,238,238,235,235,241,243,235,215,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,204,215,222,202,164,165,178,194,204,204,191,191,189,186,194,202,194,186,191,196,199,204,215,222,215,105,60,47,51,113,222,209,209,91,117,191,207,189,199,222,235,238,238,238,238,238,230,230,233,235,235,235,235,233,228,226,228,228,220,217,222,222,228,233,228,212,204,207,212,204,91,57,65,255,228,228,209,217,222,212,204,199,131,91,84,90,196,217,228,215,207,207,222,233,238,238,235,235,238,241,243,246,248,125,108,196,194,141,196,212,230,241,238,222,199,145,143,143,194,204,222,222,215,212,212,225,235,238,233,215,202,198,202,209,209,207,207,209,209,204,204,212,228,217,194,144,145,145,144,144,212,222,212,196,196,215,230,233,228,217,217,215,207,209,217,220,215,209,202,199,204,215,230,238,235,233,230,230,230,233,233,233,230,230,225,220,222,225,217,217,209,215,217,217,225,225,196,202,217,230,230,225,222,215,207,204,204,199,196,194,191,192,207,207,204,200,204,209,199,196,202,207,209,207,204,209,217,217,215,215,212,207,209,207,204,215,225,230,230,230,230,222,207,203,205,215,222,225,228,228,228,225,222,222,228,230,233,235,238,222,134,127,145,209,217,215,212,217,225,222,215,215,217,222,222,222,222,217,222,222,215,211,212,222,215,211,212,217,225,228,222,220,222,222,225,228,228,228,228,230,228,222,212,209,215,225,228,228,230,233,235,233,230,228,228,228,228,225,216,216,217,222,222,225,228,228,217,204,200,207,228,238,238,233,230,228,225,228,230,230,228,225,222,225,230,228,217,215,217,217,217,215,222,230,233,233,228,215,212,212,212,215,222,228,230,228,217,209,205,205,212,215,209,207,212,212,207,200,204,212,212,207,207,209,215,222,217,212,209,209,209,212,215,217,215,215,215,217,217,217,217,217,215,215,217,220,222,217,217,217,215,215,215,217,217,217,217,217,217,217,215,215,212,212,212,215,212,199,195,198,204,209,212,212,212,212,209,204,202,198,198,202,204,204,202,202,199,199,202,202,202,202,202,199,196,196,196,202,207,207,202,196,195,196,199,199,198,199,202,204,204,207,207,207,204,202,202,202,199,196,196,199,196,191,189,189,191,196,199,199,196,191,189,189,191,191,191,191,194,194,194,196,204,209,209,202,200,202,204,207,207,204,204,207,212,215,215,215,212,212,209,209,215,217,217,215,215,215,212,212,212,212,209,204,200,200,202,204,207,207,207,207,207,207,209,209,212,217,222,222,217,215,217,225,222,217,217,222,222,217,215,215,217,217,217,217,215,215,212,209,209,212,212,209,207,207,209,212,217,222,228,230,230,230,233,235,235,235,238,238,238,235,233,230,225,217,215,212,215,217,225,230,235,241,246,246,246,243,241,235,233,230,230,230,230,233,230,233,233,233,235,238,241,243,246,246,248,248,246,246,241,241,241,241,241,241,241,243,243,246,243,243,241,238,238,235,233,228,225,228,230,230,225,222,222,222,225,225,225,228,230,233,235,238,238,243,246,248,251,251,248,246,246,243,241,238,238,235,235,233,233,233,233,233,228,228,225,225,217,215,212,212,209,209,209,207,207,209,212,212,212,212,209,207,204,202,202,199,194,189,0,0,0,0,0,0,0,0,0,0,0,0,0,7,39,51,63,65,65,63,59,63,69,69,64,69,79,85,83,75,69,63,55,51,51,57,71,85,134,152,160,168,170,170,160,160,155,144,107,105,105,105,99,89,83,77,71,73,71,73,79,85,93,87,87,87,111,186,235,255,255,255,255,228,189,101,67,47,0,49,49,47,41,29,21,19,27,59,75,85,139,183,228,238,235,212,199,183,168,165,168,170,176,168,170,160,160,139,129,111,95,82,72,43,39,72,92,103,90,61,35,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,98,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,17,0,95,87,0,82,30,20,48,38,0,0,0,0,0,22,0,0,0,0,0,4,14,14,0,0,0,0,0,0,0,0,0,56,79,72,29,15,25,25,33,61,124,147,155,165,183,191,176,142,61,19,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,43,98,113,75,57,0,0,0,27,77,178,199,181,134,131,155,147,63,27,69,160,168,150,124,69,23,0,0,0,0,0,0,0,0,0,0,0,0,7,47,100,131,147,126,73,65,124,191,238,255,255,241,225,207,189,147,81,33,0,0,33,87,95,75,67,61,45,39,45,73,144,199,217,225,209,207,207,230,233,181,89,61,0,0,0,0,51,170,194,157,73,57,41,31,15,0,0,0,41,160,199,194,183,176,176,186,163,95,95,103,97,95,91,86,83,89,97,76,66,76,117,178,168,109,95,95,113,178,178,186,178,163,113,111,109,99,93,99,105,105,107,107,113,157,170,181,181,178,163,161,170,189,189,155,101,85,49,24,48,134,165,134,73,79,126,163,150,79,51,49,81,147,131,87,139,181,196,196,189,160,97,81,83,93,97,87,75,72,77,79,73,73,73,73,81,99,155,165,155,155,107,107,101,105,107,107,105,105,117,163,168,170,170,170,173,176,178,176,176,176,176,127,121,121,173,191,199,207,215,230,225,204,196,196,196,196,199,204,212,212,207,212,222,220,204,186,179,183,199,207,191,173,163,123,85,58,58,81,111,117,123,181,202,225,212,199,183,168,123,120,121,173,178,186,196,199,204,209,204,183,168,157,115,115,113,107,99,97,99,99,91,81,76,75,75,83,93,103,115,115,115,108,108,113,160,168,163,115,112,117,170,181,186,176,176,178,176,168,121,121,165,173,176,183,196,204,196,177,177,181,194,194,173,117,111,117,125,178,178,129,125,123,123,117,109,103,103,109,123,191,199,199,192,192,202,217,230,230,228,218,220,220,217,217,217,202,191,135,135,191,209,220,228,228,230,230,235,238,238,235,228,228,235,246,246,228,178,101,73,75,89,73,58,56,61,85,97,103,103,111,160,178,196,199,199,196,173,157,157,165,165,157,109,101,89,73,55,43,41,45,65,87,142,165,150,83,57,43,34,37,61,95,139,131,95,93,89,79,45,25,13,11,13,23,39,73,101,109,109,109,109,160,178,199,209,228,230,220,209,202,202,220,238,248,255,255,254,254,238,199,163,109,100 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,178,189,181,178,173,157,113,43,79,9,0,0,126,150,165,157,155,157,163,165,173,176,176,173,165,163,168,173,178,178,178,176,170,176,183,186,186,181,170,163,160,118,117,157,160,163,176,204,207,194,189,189,189,189,194,194,178,95,48,51,105,117,125,191,204,207,207,207,204,199,194,190,190,194,199,204,209,209,204,199,195,195,196,204,209,207,204,202,196,196,194,189,189,186,189,191,186,178,181,189,189,186,191,202,215,215,215,217,220,217,215,209,199,191,196,204,212,212,195,191,202,207,209,212,212,209,212,215,215,209,207,209,207,204,202,196,191,194,186,135,137,137,137,181,189,191,189,186,189,191,189,186,186,189,191,199,209,215,215,212,209,202,135,128,128,189,191,194,204,215,222,217,215,222,225,106,109,209,212,215,222,225,215,217,217,217,222,222,225,225,225,225,228,228,228,228,228,225,222,215,208,209,215,217,220,217,222,222,225,228,222,202,139,128,125,194,212,222,228,230,230,230,228,217,209,204,202,199,199,199,199,199,199,207,215,215,215,222,217,191,86,86,86,133,199,215,207,199,181,129,125,123,131,186,189,67,0,0,0,111,181,209,209,209,209,196,129,116,116,127,186,196,207,207,129,83,112,225,225,222,196,106,189,178,131,121,133,194,215,222,225,225,225,222,222,225,228,225,212,199,191,183,101,65,31,34,80,215,220,191,121,103,101,113,170,173,121,109,112,119,115,79,103,99,91,165,186,207,212,157,159,196,212,215,217,212,217,109,97,168,165,57,47,63,37,91,209,222,225,228,228,225,222,217,215,217,222,222,217,215,212,215,225,220,161,125,212,217,217,215,212,199,186,181,176,173,176,170,123,127,178,115,83,109,173,125,124,125,119,115,118,121,120,125,173,183,194,204,209,217,220,225,225,225,222,222,209,137,124,123,121,122,129,137,196,225,191,189,209,215,199,202,215,228,230,233,230,228,225,230,233,233,235,235,235,235,235,235,233,233,235,238,238,238,235,230,228,233,235,235,233,235,238,238,238,235,228,215,209,207,204,199,202,209,228,233,235,238,241,241,241,238,235,235,230,225,209,119,102,121,199,225,241,230,196,186,209,228,230,228,230,235,238,235,238,243,230,81,39,75,119,123,95,22,26,101,235,235,235,233,230,230,233,235,238,235,230,226,228,238,235,225,216,216,222,235,238,238,241,241,235,228,225,228,233,235,238,241,241,238,235,233,233,233,235,235,235,233,233,230,230,228,226,225,226,228,235,238,235,230,230,233,235,238,241,241,235,233,233,233,235,235,235,235,235,238,235,235,233,235,241,238,194,81,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,196,202,204,165,153,170,196,222,230,228,207,199,181,178,191,202,196,189,191,194,199,209,215,212,127,97,107,75,45,87,181,194,207,123,133,183,186,194,204,225,238,241,241,238,238,238,233,230,233,233,235,238,238,235,228,225,228,228,217,215,213,212,217,228,230,215,194,191,186,93,15,0,251,228,212,207,199,204,202,204,194,97,40,24,68,202,230,233,230,215,215,222,233,235,235,235,235,235,235,238,241,243,243,217,147,215,209,204,212,217,235,235,235,222,194,143,143,141,142,144,202,209,209,209,209,217,228,235,233,217,204,204,209,209,205,207,209,212,212,207,199,207,215,207,191,145,194,196,196,202,209,222,215,198,195,207,222,222,215,204,204,209,212,217,228,228,228,215,204,202,209,222,233,235,235,235,233,230,230,233,233,233,230,228,222,215,217,215,141,143,204,212,209,199,191,115,95,191,222,225,225,225,222,215,207,202,204,202,199,194,185,182,207,209,207,200,202,204,196,195,199,204,207,207,209,217,225,225,222,217,215,209,212,209,204,212,222,228,228,230,228,222,207,204,207,217,228,230,230,230,228,228,225,222,225,230,233,235,238,230,212,204,209,215,215,212,211,217,225,222,213,215,217,217,217,222,217,217,220,220,215,212,215,222,215,211,213,222,228,225,215,209,207,204,207,212,215,212,215,222,217,207,147,149,207,222,225,225,230,235,235,233,228,225,228,230,230,228,217,217,225,225,228,228,230,225,212,203,203,212,230,233,230,228,230,225,220,217,222,225,225,225,222,222,228,228,222,217,222,217,215,212,215,225,228,230,225,217,212,215,212,212,215,222,225,225,217,207,203,205,212,215,209,207,212,212,204,200,204,212,215,207,207,209,212,215,212,208,208,209,212,215,215,215,215,215,215,215,217,217,217,215,213,213,215,222,225,222,217,215,215,215,215,215,217,217,217,215,215,215,215,217,215,215,215,217,215,202,195,199,207,212,215,217,215,212,209,207,199,196,196,202,207,207,202,199,196,196,199,202,202,202,202,199,196,196,202,207,209,209,202,196,195,199,202,202,199,198,199,204,207,207,209,209,207,202,202,202,199,196,196,199,199,194,189,189,191,196,199,199,196,196,191,189,189,187,189,191,194,194,196,196,202,207,209,207,204,204,207,207,204,203,203,204,209,215,215,212,209,209,208,209,212,215,215,215,215,215,215,215,215,212,209,204,202,200,202,202,204,204,204,204,204,207,204,207,207,212,215,215,215,212,215,222,222,217,217,222,222,217,217,215,217,217,217,215,215,215,212,207,204,209,215,212,207,207,209,212,217,225,228,228,228,228,230,233,233,235,235,238,235,235,235,233,228,222,217,217,217,222,225,230,235,241,243,246,246,243,241,238,235,233,230,233,235,235,233,230,230,233,233,235,241,243,246,246,246,248,248,246,243,238,235,235,235,235,238,241,243,243,243,241,241,238,235,230,228,222,222,225,228,228,222,215,215,222,225,225,228,228,230,233,235,238,238,241,243,246,248,248,248,246,243,243,241,238,235,235,233,233,230,230,230,230,228,225,225,222,215,212,209,207,207,207,207,204,204,207,207,209,209,207,204,204,202,202,199,196,191,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,41,51,53,57,57,59,63,65,67,64,65,75,83,83,75,69,57,43,39,39,49,63,83,139,155,160,168,160,160,163,163,155,155,144,105,103,99,89,83,77,71,65,65,67,73,73,81,87,81,75,81,97,176,225,255,0,0,230,183,113,81,59,47,0,0,53,47,41,25,21,22,45,71,118,139,170,183,199,220,241,230,196,168,155,142,160,186,204,207,189,176,168,147,129,108,92,74,47,43,56,82,111,113,103,74,27,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,129,79,27,0,0,0,0,0,0,0,0,0,0,0,0,0,25,0,0,0,0,0,0,0,0,139,142,152,134,0,0,0,0,0,0,0,0,0,0,0,7,0,4,0,121,121,105,64,4,0,27,38,0,0,0,0,0,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,35,64,43,13,0,0,0,9,61,137,165,181,183,183,183,165,139,69,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,63,43,37,21,0,0,7,57,152,178,155,73,69,81,71,30,8,41,137,131,61,33,47,43,1,0,0,0,0,0,0,0,0,0,0,0,15,85,105,116,116,65,19,12,55,165,222,254,243,241,233,215,199,183,144,71,17,21,67,81,61,25,37,59,61,39,13,13,67,160,207,215,215,207,215,233,225,170,95,73,17,0,0,0,0,0,5,25,11,17,37,41,29,19,43,87,89,186,209,202,194,186,186,186,178,103,97,105,101,97,97,87,87,105,117,97,81,101,178,178,165,117,113,117,178,186,168,119,117,111,111,115,117,111,103,101,103,103,103,107,117,157,157,165,178,178,168,163,173,191,196,181,147,97,47,24,57,134,91,51,51,59,81,126,134,95,71,49,43,93,95,79,129,189,196,183,178,144,79,61,63,77,89,89,79,75,81,85,77,73,70,69,89,155,176,176,165,165,152,105,101,107,163,168,163,117,115,117,123,163,170,178,178,183,178,176,176,176,173,125,117,121,131,183,189,191,202,217,225,209,196,196,196,196,196,202,202,202,199,202,220,212,202,186,181,183,199,207,199,183,181,170,87,57,58,81,107,117,163,183,204,215,209,191,176,165,120,120,121,165,178,186,196,199,204,199,194,178,170,163,157,157,113,107,99,93,93,85,79,75,76,79,91,95,105,115,160,152,111,106,106,109,155,163,163,115,112,117,173,191,199,186,178,176,170,163,121,121,165,173,176,183,196,199,183,177,177,181,181,181,123,105,97,101,109,121,129,129,129,129,129,121,115,111,109,115,129,191,194,194,192,192,196,209,228,230,228,220,222,228,220,215,209,199,189,135,189,202,215,228,230,228,228,230,238,238,238,235,230,235,243,251,246,228,196,119,107,123,173,107,61,54,58,81,101,113,117,163,173,191,194,199,199,199,176,157,157,170,173,165,157,155,107,89,57,43,41,45,71,95,160,189,160,87,57,39,34,34,51,81,131,131,95,95,131,95,71,35,19,13,13,23,35,63,91,103,101,95,105,157,186,199,204,207,207,207,202,199,202,209,230,246,254,255,255,254,238,199,157,105,99 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,183,191,191,186,176,168,160,144,111,0,0,0,0,113,137,147,144,150,160,163,168,168,168,173,170,163,160,160,165,173,181,186,186,181,178,186,189,189,181,163,157,165,160,119,119,121,160,173,189,191,194,189,181,178,173,109,45,40,37,22,39,109,117,123,191,194,191,194,196,196,196,194,191,191,194,202,209,215,209,204,196,196,196,204,215,217,217,207,196,181,181,194,204,202,191,186,189,189,183,183,186,185,182,183,189,204,209,215,222,225,215,207,199,191,194,199,207,215,215,204,198,200,204,204,207,209,212,209,212,212,209,209,212,212,207,207,207,204,199,191,189,186,186,181,181,189,186,131,129,178,189,191,189,186,181,181,194,204,209,209,209,207,199,181,128,128,137,183,183,194,209,217,222,215,222,228,102,116,196,212,217,222,222,217,222,222,217,217,222,225,225,222,222,225,228,228,230,230,230,228,222,217,217,222,225,222,222,222,222,225,222,212,189,129,127,133,202,217,228,230,230,230,230,225,215,207,202,202,202,202,202,202,204,207,212,222,215,215,222,217,225,99,81,82,131,194,209,165,118,176,133,129,131,186,196,191,127,51,0,0,97,189,222,222,215,215,220,222,119,115,186,194,127,108,207,215,199,196,204,207,207,194,181,178,127,127,125,115,117,209,225,228,228,228,222,217,222,225,222,212,194,189,220,222,103,34,88,199,215,209,186,125,107,85,81,11,17,165,165,117,117,105,57,43,13,27,103,152,202,194,165,165,204,217,225,230,222,212,163,194,73,0,0,0,0,0,57,207,215,228,233,230,228,225,217,217,217,217,222,222,215,209,204,209,170,170,194,222,225,220,212,204,189,176,172,170,170,173,176,125,117,125,85,20,64,196,202,189,207,207,199,186,186,131,131,178,189,194,196,215,220,228,228,225,222,212,209,204,186,181,134,131,129,134,189,191,189,189,194,215,228,135,196,225,230,233,233,230,228,228,233,235,235,235,233,230,230,233,230,230,233,235,235,235,235,235,235,233,233,235,235,235,235,235,238,241,241,235,222,209,207,204,199,196,202,225,233,238,241,243,241,241,241,238,235,235,225,119,103,103,115,111,131,225,220,178,41,121,230,228,225,230,235,238,238,235,243,207,0,0,0,0,55,0,0,57,181,235,235,228,225,225,225,230,233,233,228,225,225,228,233,235,233,225,217,218,230,238,241,241,241,235,228,226,230,235,238,238,238,238,238,238,235,233,233,235,238,235,235,233,233,230,230,230,228,228,228,235,238,235,230,230,235,238,241,241,241,235,230,230,233,235,235,235,235,238,241,238,228,222,212,230,209,63,0,0,0,0,0,25,0,0,0,0,0,0,0,0,0,0,0,0,137,186,189,153,146,157,194,222,235,238,233,222,204,177,176,189,204,199,186,191,199,202,207,209,135,47,41,109,123,113,127,186,194,196,199,202,194,189,199,209,225,235,241,238,235,235,235,233,233,230,228,230,235,241,238,230,228,228,230,225,216,215,216,222,233,230,202,52,89,38,12,0,0,50,51,34,127,191,141,189,202,241,133,57,71,145,230,238,241,225,207,212,228,235,238,238,235,235,234,235,235,238,241,238,230,135,127,222,222,222,222,228,238,238,225,196,133,145,194,144,143,194,207,209,204,203,208,212,222,222,212,209,212,212,207,205,207,212,222,225,209,198,202,212,204,194,194,199,202,202,202,199,207,209,202,199,200,204,207,202,199,202,207,217,225,230,233,230,220,202,202,209,222,235,233,235,235,233,230,230,230,230,230,230,230,207,139,196,123,76,134,145,212,212,123,26,15,49,189,220,222,222,222,215,209,199,141,194,202,207,202,187,189,204,212,207,204,207,207,202,199,202,204,209,212,215,225,230,230,222,215,209,212,215,207,199,204,217,225,225,228,225,215,207,207,212,225,230,233,233,228,228,228,225,218,220,228,235,238,235,228,215,209,212,204,207,212,211,222,230,222,213,213,215,215,215,215,217,217,215,215,212,212,215,215,213,213,217,225,230,222,209,207,203,192,192,202,198,185,200,215,207,144,136,143,207,222,225,225,225,228,230,228,222,222,225,228,225,217,217,222,225,225,228,230,230,217,207,204,204,215,228,222,204,207,222,222,216,215,216,222,228,225,220,220,222,222,222,222,222,222,217,212,212,215,222,225,222,217,215,215,215,212,212,215,217,222,215,207,204,204,212,215,212,209,209,209,204,200,202,207,207,204,204,204,207,212,209,207,208,215,215,212,212,215,217,217,215,215,215,215,217,215,215,215,217,225,225,222,217,217,217,215,215,215,217,217,217,215,215,215,215,217,217,217,217,222,217,207,199,204,212,217,217,217,217,215,212,207,202,198,199,202,204,204,199,194,192,194,199,202,202,202,202,199,199,199,204,207,207,207,202,202,199,202,204,207,207,202,202,204,204,207,209,209,207,202,202,204,202,199,196,199,199,191,139,137,191,196,196,196,194,191,194,194,191,191,189,191,194,199,199,199,204,207,207,207,207,207,207,204,204,203,203,204,209,212,212,209,209,209,209,209,209,212,212,212,215,215,217,217,215,212,209,207,204,204,204,202,202,202,202,200,202,204,202,199,202,207,212,212,212,212,212,215,217,222,222,217,217,215,215,215,215,217,217,215,211,212,212,204,203,209,212,209,204,207,209,212,217,225,225,225,225,225,228,230,230,233,235,235,235,238,238,233,228,222,217,215,217,222,225,230,235,241,243,243,243,243,241,241,235,233,233,233,235,235,230,229,229,230,230,233,235,241,241,243,243,246,248,246,243,238,233,230,230,230,233,235,238,241,241,238,238,235,233,228,225,222,220,222,225,222,215,212,212,215,222,228,230,230,230,233,233,233,235,238,241,243,246,246,243,243,243,241,241,238,235,233,230,230,228,228,230,228,225,222,222,217,215,212,209,207,204,202,202,202,202,202,204,204,204,204,202,199,199,199,199,194,189,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,27,35,41,49,57,59,65,67,65,65,65,73,79,79,73,69,57,45,36,36,43,59,83,139,160,168,168,163,163,155,155,155,155,137,103,99,89,83,77,71,65,59,59,67,67,75,75,75,75,75,75,89,155,215,255,0,0,220,157,89,75,69,57,0,0,63,57,43,29,24,33,59,79,129,160,176,165,176,212,251,241,191,0,155,142,163,0,0,233,207,191,176,147,124,108,92,74,43,41,64,85,100,103,85,53,22,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,113,61,20,0,0,0,0,0,0,0,0,0,0,0,0,9,25,35,43,0,0,0,0,0,0,131,142,157,118,108,0,0,0,0,0,0,0,0,0,0,35,0,0,46,95,121,121,90,9,0,0,69,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,29,23,11,7,0,0,0,5,77,137,178,191,183,173,155,113,61,61,57,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,55,37,17,3,0,0,0,21,126,152,129,81,63,63,49,30,34,83,173,152,0,0,0,11,3,0,0,0,0,0,0,0,0,0,0,0,0,37,63,65,108,18,0,0,25,173,212,230,230,238,238,207,176,178,186,142,51,19,35,51,0,0,0,5,15,9,0,0,13,99,191,209,215,204,220,243,233,207,189,147,27,0,0,0,0,0,0,0,5,33,65,71,71,79,107,170,186,207,220,209,202,199,194,194,186,170,163,117,109,103,97,97,107,168,183,176,163,163,173,173,165,168,178,178,189,178,163,110,107,108,115,165,170,168,111,99,98,99,101,113,157,165,156,155,170,178,173,168,168,176,189,189,176,152,41,42,81,97,75,51,52,65,65,69,89,131,95,57,38,77,69,57,129,196,196,189,157,83,57,54,56,65,89,103,93,81,79,81,77,71,69,75,109,178,186,181,170,168,165,117,105,117,181,181,173,117,115,121,123,123,125,170,178,176,168,123,168,129,123,113,113,121,129,133,133,183,199,215,225,225,204,202,196,189,189,196,199,194,192,199,212,209,194,186,183,183,191,204,199,186,181,123,81,55,56,79,111,123,178,183,196,202,191,183,165,120,120,121,163,165,170,178,191,194,199,194,186,176,168,157,117,115,107,101,97,93,93,83,79,76,83,91,101,105,152,160,160,115,109,105,108,113,157,168,168,119,109,112,173,199,202,186,176,168,163,121,117,121,165,168,176,173,183,183,183,181,181,181,181,170,115,97,93,95,101,115,121,129,131,176,176,129,121,115,115,115,129,189,199,199,196,191,191,202,215,225,225,225,225,225,220,209,202,191,189,189,191,202,220,230,230,220,215,228,238,243,238,235,230,230,246,254,246,217,191,125,125,191,204,173,81,55,60,95,113,119,163,173,191,196,191,189,194,204,194,168,163,173,189,173,165,165,157,101,63,45,41,51,81,107,189,202,163,81,57,45,33,32,35,63,95,139,134,97,134,139,95,55,29,19,19,25,39,63,91,101,95,91,103,115,176,191,191,176,176,189,194,194,202,209,230,246,254,255,255,255,246,215,168,103,99 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,191,191,189,183,173,168,170,183,204,0,0,0,0,43,129,137,142,147,157,165,170,168,164,170,173,168,157,152,155,165,178,186,189,183,183,191,191,189,178,157,168,170,165,157,119,117,119,163,170,181,191,189,173,168,165,117,71,95,127,63,45,73,125,176,183,181,176,173,176,183,189,191,189,189,194,202,209,209,207,199,194,194,207,217,225,225,222,217,135,110,131,202,209,207,196,191,189,183,183,189,191,189,183,182,186,196,207,215,217,215,202,191,183,189,199,204,207,215,220,215,207,207,204,204,207,212,212,209,204,202,202,209,217,217,212,209,212,209,207,207,202,196,191,186,181,186,181,129,127,131,183,191,191,186,178,136,181,194,202,204,204,199,189,181,133,133,135,135,135,186,207,217,217,215,225,230,106,126,196,215,217,222,222,222,222,222,217,217,222,222,225,222,217,222,225,228,230,230,230,228,225,222,225,225,225,222,217,222,225,217,207,199,183,128,126,133,212,228,230,230,228,225,225,222,212,204,202,202,204,207,204,207,212,212,215,222,215,215,217,222,225,212,78,73,178,202,207,147,113,186,196,204,204,204,209,212,217,222,83,5,71,186,215,222,222,220,225,230,133,119,199,194,105,71,173,212,207,199,194,189,186,183,183,191,129,123,123,83,99,117,222,230,230,228,217,215,217,217,217,209,183,120,181,222,207,119,204,215,217,207,170,113,91,31,0,0,9,176,183,168,163,93,0,0,0,0,0,0,75,113,93,95,209,225,220,222,222,189,103,61,0,0,0,0,0,0,25,217,222,228,230,233,235,233,225,217,212,212,215,215,215,212,202,176,109,183,204,217,217,212,202,183,176,178,176,170,170,176,107,109,121,168,84,42,89,217,217,199,202,204,202,204,202,186,178,186,196,194,178,191,202,222,228,225,215,204,202,212,228,233,215,202,191,186,137,134,135,186,191,199,202,112,126,228,235,233,233,230,228,228,233,235,235,235,230,229,229,230,229,230,233,235,233,230,233,233,235,233,233,235,235,233,233,233,235,238,238,235,228,212,204,202,202,149,143,212,230,238,241,241,241,238,241,241,238,238,222,99,99,0,16,32,35,63,99,37,0,25,222,225,225,233,235,241,241,238,241,204,0,0,0,0,59,55,49,129,220,238,235,225,220,221,222,225,228,230,228,225,226,228,233,235,235,233,228,222,228,233,238,238,238,235,230,230,233,235,235,235,235,235,238,241,238,238,235,238,238,238,235,235,233,233,233,233,230,230,228,233,238,235,230,230,235,238,238,238,238,235,230,230,230,233,235,238,238,238,241,233,217,191,150,139,43,0,0,0,0,0,0,35,0,0,0,0,0,0,0,0,0,0,0,0,83,186,191,168,161,173,204,230,238,241,233,225,204,178,178,194,204,194,127,127,189,191,189,183,57,41,42,119,129,129,183,194,191,194,209,217,202,189,194,202,217,233,238,238,233,233,230,230,230,228,226,228,233,238,238,235,230,228,230,228,225,228,230,233,235,235,121,47,55,73,83,85,99,0,0,32,111,135,191,194,204,228,217,196,209,222,233,241,241,222,192,199,228,238,241,238,238,235,234,235,235,235,238,241,235,120,113,222,230,230,225,225,233,235,230,196,125,204,207,199,194,196,204,209,208,208,207,196,203,209,215,222,225,222,209,205,209,217,228,230,212,198,202,209,215,207,199,199,202,202,194,192,194,202,209,212,207,202,199,199,199,202,207,215,222,228,230,225,209,199,202,212,225,238,235,235,238,235,233,229,228,229,233,238,233,202,141,139,130,108,104,137,230,243,117,12,0,45,217,222,225,225,222,215,209,189,137,144,202,209,207,196,196,207,209,209,212,217,217,212,207,204,207,212,215,222,228,233,230,222,212,208,209,209,199,195,199,212,217,222,225,222,212,207,212,222,228,233,235,233,225,225,228,222,218,218,225,233,235,233,225,215,207,199,195,203,215,215,225,230,222,215,215,215,215,215,215,217,222,217,215,212,212,212,215,217,222,225,225,225,215,204,203,204,200,200,203,200,198,207,217,209,146,142,147,215,228,228,222,217,217,222,222,217,217,222,222,215,215,217,222,222,222,228,230,228,215,203,203,204,215,222,209,198,200,215,217,216,216,220,225,228,228,220,220,222,222,222,222,222,222,222,215,211,211,215,217,217,215,215,215,215,212,212,212,217,222,222,212,207,207,212,215,212,209,209,207,202,200,200,202,202,202,202,202,204,209,212,209,212,217,215,212,212,217,217,217,215,215,215,215,215,215,215,217,222,228,228,222,217,217,217,215,215,215,217,217,217,215,215,215,217,217,217,222,222,222,217,207,199,204,215,222,217,215,212,212,212,209,204,202,202,202,202,199,194,192,192,194,199,199,202,202,202,202,199,199,202,204,204,204,204,204,204,204,207,212,212,207,204,204,204,207,209,209,207,202,202,202,199,199,199,202,199,189,136,134,186,196,196,191,190,190,194,196,196,194,191,191,196,202,204,207,204,204,207,207,207,207,207,207,207,204,204,207,209,212,212,212,212,209,209,209,209,209,209,212,215,215,215,215,215,212,207,207,207,207,204,204,202,202,199,198,202,204,202,199,202,207,209,212,215,215,212,212,217,222,222,215,212,212,212,215,215,215,215,212,211,212,212,207,204,207,207,204,204,207,209,212,215,222,222,222,222,222,225,228,230,230,233,233,235,238,238,235,228,217,215,215,217,225,228,228,230,238,241,241,241,241,241,241,235,233,233,233,233,230,229,229,230,230,230,230,230,233,238,241,243,243,246,243,241,235,230,228,228,228,228,230,233,233,235,235,233,233,230,228,225,222,222,222,222,222,215,212,211,212,217,225,230,230,230,230,228,228,230,233,235,238,241,241,241,238,238,238,238,235,235,233,230,228,228,228,228,228,225,222,222,217,215,212,207,204,202,199,199,199,199,199,202,202,202,202,202,199,199,199,199,194,189,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,9,19,33,43,53,65,71,71,69,65,65,71,77,77,73,71,57,45,36,35,41,57,79,131,155,170,170,165,165,155,155,144,144,139,99,101,89,83,71,65,59,53,53,61,67,69,75,75,69,69,71,83,115,207,255,0,0,220,157,89,83,75,69,0,69,75,75,63,51,49,57,65,79,113,139,139,142,170,212,0,0,0,0,0,160,0,0,0,243,207,196,181,150,124,108,95,74,43,56,72,77,74,59,43,27,22,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,137,105,61,22,7,0,0,0,0,0,0,0,0,0,0,0,17,25,27,38,0,0,0,0,0,0,103,124,134,108,95,0,0,0,0,0,0,0,0,0,0,69,25,0,25,79,129,139,111,35,4,35,27,0,0,0,0,0,0,0,0,0,0,0,0,43,79,77,0,0,0,0,0,0,0,0,23,11,7,3,0,0,0,9,55,129,165,165,155,131,98,39,17,29,41,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,43,25,0,0,0,7,7,21,57,79,87,121,83,75,57,43,121,183,212,194,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,49,105,100,33,0,0,75,196,217,230,225,230,222,186,134,129,134,71,0,0,0,0,0,0,0,0,0,0,0,3,61,137,183,207,207,207,225,255,255,243,228,199,91,51,13,0,0,0,0,0,5,43,81,89,95,107,176,194,202,217,220,220,209,202,202,204,196,196,191,186,165,111,105,109,165,183,194,194,189,178,165,119,117,163,168,178,178,168,117,108,108,113,168,178,178,165,103,93,97,101,107,113,165,165,152,152,178,189,178,157,150,155,165,176,168,168,61,53,69,65,53,51,57,69,65,60,60,67,79,67,57,63,54,52,129,196,196,168,77,58,56,56,56,61,89,144,97,79,75,75,75,73,73,91,165,186,194,183,181,176,176,168,117,165,183,189,178,163,117,117,121,120,123,123,165,123,113,105,119,121,113,113,117,125,173,183,178,183,199,215,230,225,215,202,196,189,189,196,194,194,191,194,207,202,194,189,183,183,191,199,196,186,181,123,73,52,54,73,111,170,178,186,183,183,178,170,123,120,123,163,163,165,170,173,186,194,196,194,186,176,157,115,109,101,93,85,85,87,97,93,81,83,91,103,105,109,152,160,160,111,106,106,109,155,173,176,170,119,110,112,173,199,202,186,176,168,163,121,117,117,119,121,165,165,173,173,181,181,181,173,165,117,111,99,97,103,109,115,125,170,176,189,189,176,129,121,112,115,129,189,199,207,199,196,196,207,225,228,228,225,225,225,220,209,196,135,135,135,191,202,215,230,228,209,209,225,238,243,238,235,225,225,238,246,235,207,176,168,173,199,207,178,91,61,79,107,119,160,163,178,191,189,168,168,189,207,202,176,163,170,189,189,176,176,165,105,73,57,55,63,89,150,189,196,157,81,57,51,35,32,33,55,95,139,134,99,137,150,147,87,51,33,31,33,39,55,81,93,93,89,95,103,155,168,168,121,121,170,189,194,207,220,238,246,254,255,255,255,251,222,176,142,99 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,207,191,186,181,176,173,176,181,183,181,0,0,0,0,0,116,126,142,152,160,165,173,170,164,168,173,165,155,150,152,160,173,178,181,181,186,194,191,183,157,80,170,170,163,117,113,111,115,121,165,176,189,189,168,123,168,176,173,186,220,189,60,65,176,191,189,183,170,121,123,170,178,173,125,173,181,191,196,196,196,194,194,196,225,225,225,225,220,217,103,101,129,204,209,207,204,202,191,182,182,191,202,199,189,185,186,189,199,209,207,196,183,134,134,189,202,207,209,215,222,222,215,212,209,204,207,212,212,207,200,198,199,207,222,225,215,212,212,215,215,217,212,202,196,189,138,138,183,137,131,135,183,186,191,191,186,181,137,183,191,196,194,186,137,181,194,194,181,134,134,186,202,212,215,215,222,215,124,139,204,215,222,225,225,222,222,222,217,222,222,225,225,222,215,215,217,225,228,228,228,225,222,222,225,225,222,217,217,217,220,215,202,196,183,129,126,129,222,230,230,225,217,215,215,215,209,207,202,202,204,209,209,212,212,212,212,215,212,211,215,217,217,199,59,47,131,217,222,170,163,202,209,215,215,215,217,225,230,248,186,19,49,183,209,222,222,220,217,212,107,96,191,194,107,60,109,204,215,212,199,181,129,173,181,212,131,101,77,11,83,105,209,217,230,228,204,199,204,209,209,209,194,116,107,117,183,194,215,225,228,215,113,69,33,27,0,0,0,5,35,59,95,91,0,0,0,0,0,0,0,0,29,69,199,217,215,215,228,220,109,0,0,0,0,0,0,0,0,194,225,225,228,233,235,235,228,217,211,211,212,211,215,217,215,173,96,127,194,202,199,173,113,89,99,191,191,178,181,178,59,69,103,168,191,178,186,212,207,181,129,181,189,202,202,176,131,183,194,189,124,127,178,204,212,212,202,194,202,222,235,241,235,222,204,189,137,136,186,196,194,143,131,97,111,215,233,233,230,228,228,228,233,235,235,233,230,230,230,229,229,230,235,235,233,230,230,230,233,233,233,233,233,233,233,233,233,235,233,233,233,217,199,196,196,141,117,137,225,235,238,238,238,238,241,241,238,228,89,35,36,0,23,29,29,30,41,0,0,0,21,189,215,233,235,241,238,225,220,99,0,0,59,73,105,186,196,222,235,238,233,222,218,220,220,225,228,230,228,228,228,233,235,235,235,235,230,222,215,225,235,238,238,235,233,233,233,233,230,230,230,230,233,238,238,238,238,238,238,235,235,233,233,233,233,233,230,228,228,233,235,235,233,230,233,235,235,235,235,233,230,230,230,233,235,238,241,238,230,222,204,186,170,163,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,150,202,194,181,186,217,235,243,243,238,228,207,181,181,199,215,207,118,107,115,131,129,46,37,41,99,135,133,133,189,194,185,189,204,207,186,182,183,191,207,225,233,235,233,230,228,226,226,228,228,230,235,238,238,233,228,226,228,230,233,235,241,241,238,233,91,97,97,194,225,225,255,26,23,93,127,191,204,209,204,207,212,233,241,235,238,241,241,217,187,190,228,238,238,238,238,235,235,235,235,235,235,241,241,125,117,225,233,233,230,225,225,235,238,204,125,196,202,209,209,202,202,209,225,228,212,195,202,212,225,233,235,233,222,209,207,215,228,230,212,199,202,212,225,225,209,202,202,199,194,194,191,192,209,217,209,199,196,196,202,202,204,215,225,225,228,217,199,195,204,217,228,235,235,235,238,238,233,228,228,230,235,238,235,215,202,196,209,212,78,139,233,243,194,44,37,101,222,225,228,225,217,217,209,145,141,145,199,209,215,212,212,215,209,209,215,222,225,217,209,207,207,212,215,222,228,233,230,217,212,208,209,207,199,194,198,212,217,217,222,217,209,209,222,225,228,233,235,233,225,222,225,222,218,220,225,230,233,230,225,215,207,195,194,204,217,217,222,225,217,215,215,215,215,217,222,222,222,222,217,212,212,215,222,228,228,225,222,217,209,203,204,215,222,225,222,217,217,222,225,217,202,147,202,222,230,230,222,216,215,216,217,217,217,217,215,215,215,222,225,225,225,228,228,217,207,203,204,209,215,215,204,199,200,215,217,217,222,225,225,225,225,222,225,225,228,228,225,228,225,222,215,211,211,212,215,215,212,212,212,212,212,212,215,217,222,225,217,212,209,212,215,212,209,209,207,202,200,200,200,200,202,202,202,204,209,209,209,215,217,215,212,215,217,222,217,215,215,213,213,215,215,217,222,225,228,228,222,217,217,217,217,215,215,217,217,217,217,217,217,217,217,217,222,222,222,217,207,199,202,215,217,215,209,209,209,209,209,207,204,204,204,204,199,194,192,192,196,199,202,202,202,204,202,198,198,199,202,202,202,204,204,207,207,209,212,212,209,207,207,207,207,209,209,207,202,199,199,196,196,196,196,191,139,135,135,186,194,196,194,190,190,194,196,196,194,191,191,194,202,204,207,204,204,204,204,207,207,207,209,209,207,207,209,212,212,212,212,212,212,212,209,209,209,207,209,212,215,215,212,212,209,207,207,204,204,204,202,202,204,200,199,202,204,202,199,202,204,209,212,217,217,215,215,217,222,222,215,209,209,212,212,215,215,215,212,212,212,209,207,204,204,204,204,204,207,212,215,215,217,217,217,217,220,225,228,230,230,230,230,233,235,238,235,228,217,212,212,222,228,228,225,225,233,238,241,241,241,241,241,235,235,233,233,230,230,229,230,233,233,230,230,228,230,233,238,241,241,241,238,235,233,228,228,228,228,228,225,228,228,228,228,228,228,228,228,228,225,222,222,222,217,215,212,211,212,215,222,225,228,228,225,225,225,228,230,233,233,235,235,235,235,238,238,235,235,233,233,230,230,230,230,230,228,225,222,217,217,215,209,207,204,202,199,196,196,196,199,199,202,204,204,202,202,199,199,199,194,189,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,9,27,41,55,67,100,100,73,69,67,71,73,77,75,73,65,45,36,35,39,53,75,126,144,165,173,173,165,155,144,139,131,131,131,99,85,77,65,57,51,49,51,55,61,65,69,69,63,63,71,89,150,199,255,0,0,230,176,103,95,89,81,75,83,89,89,85,77,73,71,73,73,73,108,116,131,173,0,0,0,0,0,0,0,0,0,243,233,199,191,178,150,124,105,90,74,72,74,82,74,51,35,22,21,22,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,129,98,53,25,12,0,0,0,0,0,0,0,0,0,0,0,43,43,51,46,0,0,0,0,0,194,64,103,126,90,77,0,0,0,0,0,0,0,0,0,0,0,40,0,0,61,121,139,111,38,17,30,0,0,82,147,56,0,0,0,0,0,0,0,0,77,116,103,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,95,113,113,105,90,55,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,45,41,0,0,0,0,25,43,25,0,0,0,21,29,27,2,10,67,129,147,131,81,69,152,194,220,217,142,0,0,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,69,100,65,43,69,194,228,238,238,230,222,202,157,83,73,57,0,0,0,0,0,0,0,0,0,0,9,31,81,170,191,194,207,202,207,233,246,255,255,246,199,147,75,31,1,0,0,0,0,0,43,81,95,101,150,176,194,202,209,209,209,207,209,209,212,204,196,196,191,186,176,165,168,178,189,189,194,189,178,165,117,116,117,165,173,178,165,119,117,117,170,189,189,181,117,95,89,99,107,111,117,168,168,152,155,181,191,178,155,106,106,147,165,170,152,69,61,69,53,49,50,65,79,73,61,57,58,71,81,77,63,56,60,139,189,181,93,54,54,59,61,57,61,83,105,91,69,66,69,77,85,97,155,178,194,199,196,191,183,183,178,173,178,186,189,186,173,163,117,121,123,123,125,123,115,103,100,111,113,113,113,123,173,186,191,183,189,199,215,225,225,204,196,196,189,183,191,196,192,190,194,202,196,194,189,183,183,191,196,191,189,183,123,75,54,51,65,117,178,178,178,176,170,168,168,123,165,165,168,168,165,164,170,181,194,199,199,186,168,115,101,93,85,82,80,80,85,99,97,85,91,99,111,111,152,160,163,160,115,108,108,115,165,181,181,176,157,112,117,178,199,202,186,176,170,165,165,121,115,113,111,121,165,168,173,176,181,173,165,113,111,109,109,111,115,121,129,170,178,189,199,199,189,176,121,112,115,129,196,207,207,207,207,209,220,235,238,235,228,225,225,220,207,191,135,129,135,189,202,209,225,225,209,207,220,235,243,238,235,225,215,220,228,215,189,173,173,196,207,207,173,93,79,93,113,119,119,163,186,189,160,107,113,168,199,202,176,157,163,173,189,189,189,173,107,89,81,81,89,99,155,189,189,155,89,69,55,43,33,33,55,95,142,139,139,150,168,157,97,71,55,43,39,41,47,61,77,89,91,89,93,101,115,115,115,121,170,178,196,209,230,246,254,254,254,255,254,246,228,191,157,139 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,191,181,176,172,173,181,189,186,165,108,0,0,0,0,73,126,147,160,163,163,168,168,165,170,168,157,150,111,111,113,155,165,170,173,178,191,191,181,105,61,168,168,117,107,105,105,109,119,168,176,186,183,163,119,170,189,194,196,199,194,123,115,183,199,204,202,170,117,118,125,125,112,107,115,119,117,115,125,181,191,194,202,222,225,225,222,217,209,102,106,129,196,204,207,209,204,194,186,186,196,209,209,199,191,189,186,189,194,194,186,135,132,133,186,202,207,209,212,217,220,217,215,212,209,209,212,212,207,202,199,200,209,222,222,212,209,215,217,222,222,217,209,204,194,137,136,191,199,194,191,186,181,181,189,191,186,135,135,183,186,137,131,130,181,202,204,189,135,135,186,196,202,209,209,204,196,191,202,212,217,217,225,228,222,217,215,215,222,225,225,222,215,209,209,212,222,225,228,225,222,222,222,225,225,225,222,215,209,204,202,199,199,189,133,127,128,194,220,225,217,209,207,207,209,209,209,204,202,204,207,209,209,212,209,209,212,212,211,212,212,207,121,55,42,131,230,230,222,222,215,209,208,212,217,225,225,228,233,215,29,33,119,199,217,222,217,207,183,63,53,103,199,202,94,131,207,222,230,225,181,98,125,183,235,181,87,0,0,35,12,127,204,228,225,191,183,133,186,204,212,204,131,114,116,125,178,199,215,230,228,111,75,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,183,209,220,216,217,230,241,160,0,0,0,0,9,25,3,33,115,209,217,217,230,235,233,228,222,215,215,212,212,212,215,217,168,91,101,117,107,47,83,91,85,89,189,186,168,189,117,41,55,89,170,199,181,109,127,176,127,123,176,181,176,112,111,114,131,183,178,123,125,129,186,189,121,104,125,209,228,233,235,241,230,207,189,191,222,230,222,207,189,127,99,112,196,217,225,228,228,228,230,233,235,235,233,230,233,233,230,229,230,235,235,233,230,229,229,230,233,233,230,230,230,233,233,233,233,230,233,233,225,204,149,147,129,112,121,222,235,238,241,238,235,241,243,228,79,32,32,27,61,194,189,137,101,101,15,0,0,0,37,95,215,228,230,215,170,119,43,0,65,199,93,93,178,212,233,238,235,228,222,218,222,225,228,228,230,230,230,233,235,238,235,235,233,228,215,207,209,225,235,238,238,235,233,233,228,225,225,225,225,225,230,235,235,238,235,235,235,235,233,233,233,233,233,230,228,228,230,233,235,233,230,230,233,233,233,233,233,230,229,230,233,233,238,238,233,217,196,183,186,241,255,170,0,0,3,0,0,0,0,0,43,170,41,0,0,0,0,0,0,0,9,77,168,230,217,191,189,225,238,243,246,241,233,209,173,173,202,230,241,125,95,100,125,131,41,40,115,202,189,135,135,186,186,185,191,199,183,178,181,182,186,199,215,225,228,228,230,230,228,228,230,233,235,238,238,238,230,228,228,230,233,233,235,238,243,235,89,49,133,189,202,217,228,220,115,121,107,135,199,222,228,215,119,100,199,228,233,238,241,235,207,189,192,228,235,235,235,235,238,238,238,238,234,234,238,243,204,140,215,233,238,241,238,204,235,238,207,139,143,194,215,215,207,199,207,228,233,225,212,217,228,233,235,241,238,230,212,207,209,215,217,204,199,204,215,228,233,225,209,199,194,196,196,192,194,202,207,196,145,145,196,199,199,204,222,233,233,230,217,200,200,217,228,230,235,235,235,235,235,230,229,230,233,238,235,233,225,204,196,233,243,87,207,225,228,212,204,204,207,209,215,222,215,209,212,207,194,145,194,196,207,215,222,228,225,215,208,209,217,222,215,209,207,207,212,217,222,228,230,228,217,212,212,212,212,204,198,204,215,217,217,217,215,212,217,228,228,228,233,235,233,225,222,222,222,220,220,222,225,228,225,222,217,209,203,203,212,217,217,222,222,217,215,213,215,220,225,228,225,225,222,222,215,215,222,230,233,230,222,215,212,209,207,212,225,235,235,230,230,228,225,228,225,204,151,204,217,228,230,225,217,216,217,222,225,222,217,215,215,222,225,228,228,228,225,217,209,204,209,215,217,217,212,207,204,209,222,222,222,228,230,225,224,225,228,230,233,233,233,233,233,230,225,217,212,212,212,215,215,212,212,211,212,212,212,215,217,222,225,222,215,212,212,212,212,209,209,207,204,202,202,204,204,204,204,202,202,207,209,209,215,220,217,215,215,222,222,217,217,215,215,215,217,217,222,222,225,225,225,222,217,217,217,217,217,215,215,215,217,217,217,217,217,217,217,217,222,222,222,209,202,204,212,215,212,209,207,204,204,204,204,204,204,207,207,204,199,194,194,196,202,204,204,204,202,199,198,198,199,199,199,199,202,204,207,207,207,209,209,207,207,207,209,209,209,207,204,202,202,199,196,196,194,189,139,137,137,139,189,196,199,196,191,190,194,196,194,191,191,191,191,196,199,202,202,202,202,204,204,207,209,209,209,209,207,207,209,209,209,209,209,212,212,209,209,207,207,207,209,212,212,212,212,212,207,199,199,199,199,199,204,207,204,204,207,207,202,199,202,204,209,215,217,217,217,217,217,222,222,215,209,209,209,212,212,215,215,217,217,212,207,204,203,203,204,204,202,207,212,215,215,215,215,215,217,220,225,228,230,230,230,228,228,230,233,233,228,222,215,212,217,225,225,225,225,230,235,241,241,241,243,241,238,235,235,235,230,230,230,233,235,233,230,228,225,225,228,233,235,235,235,235,230,228,228,228,228,228,225,225,225,225,225,222,222,225,225,225,228,225,222,217,217,217,215,212,211,211,212,217,222,225,225,225,222,222,225,228,230,230,233,233,235,235,235,235,235,235,235,233,233,230,230,230,230,228,225,217,215,215,212,209,207,204,202,199,196,194,196,196,199,202,204,204,204,204,202,199,196,194,189,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,15,33,49,61,98,111,111,105,75,73,73,75,75,79,79,69,53,38,36,39,55,73,89,137,163,173,173,173,165,147,129,89,89,89,89,81,73,59,51,48,47,48,55,59,63,63,63,63,63,71,89,150,191,246,255,0,0,209,178,152,103,91,87,89,126,131,131,124,118,111,79,73,73,103,113,131,0,0,0,0,0,0,0,0,0,191,178,178,178,181,173,147,116,95,82,82,90,100,95,82,53,38,27,27,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,103,64,30,4,0,0,0,0,0,0,0,0,0,0,0,0,0,77,77,59,0,0,0,0,0,142,72,121,152,82,48,56,0,0,0,0,0,0,0,0,0,0,66,0,0,17,79,111,79,38,20,20,0,0,22,64,33,0,0,0,0,0,0,0,0,77,95,85,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,69,79,79,77,74,47,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,147,134,47,0,0,0,35,43,19,0,0,0,27,37,37,0,0,47,155,181,168,147,118,147,183,209,228,217,176,131,111,41,9,0,0,0,0,0,0,0,0,0,0,0,0,0,49,98,77,108,142,209,251,251,254,238,215,196,157,91,73,51,0,0,0,0,0,0,0,0,0,0,25,45,93,189,202,199,194,192,207,233,243,243,246,217,144,89,37,5,0,0,0,0,0,0,43,83,103,109,155,178,189,202,202,202,202,199,202,212,217,204,186,165,170,186,196,194,186,196,196,196,196,202,196,178,119,119,117,163,168,168,119,117,168,181,189,196,189,178,113,96,93,107,113,113,119,170,170,157,157,178,181,173,155,106,104,107,155,165,101,60,65,81,59,49,52,75,83,73,67,63,65,89,134,131,81,77,77,81,147,163,89,56,57,71,71,61,61,81,103,89,69,64,69,85,107,173,186,191,194,202,202,194,191,189,183,183,181,181,189,191,189,173,165,165,125,168,170,170,170,115,105,103,103,111,113,129,176,191,194,191,191,194,207,215,215,207,196,191,181,181,191,196,194,192,194,202,194,189,189,183,183,183,191,189,183,183,123,81,56,52,61,117,181,181,178,170,168,168,168,165,168,173,173,173,165,164,165,178,189,196,196,186,163,109,93,85,84,81,80,82,85,97,97,95,97,107,152,152,155,163,168,165,157,115,115,157,168,181,181,176,163,117,160,178,199,199,186,176,176,173,173,165,113,107,105,115,123,165,173,173,170,125,119,111,111,111,117,121,168,176,176,189,191,196,207,207,196,189,127,115,117,135,196,207,207,207,207,215,228,238,243,243,235,228,228,217,207,191,129,125,127,189,196,207,217,217,207,207,215,228,238,238,238,225,209,209,209,207,189,176,196,212,222,212,173,107,93,107,113,113,113,163,186,173,107,87,87,111,176,189,168,115,155,173,186,196,202,183,113,101,95,95,95,107,165,196,196,157,95,81,71,55,35,34,55,95,147,155,160,176,176,157,101,87,71,55,49,43,43,53,69,87,95,89,87,95,107,115,157,165,176,178,196,215,238,246,254,254,251,246,246,243,228,202,176,157 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,181,178,176,173,172,176,189,194,204,90,0,0,0,0,0,124,152,163,160,150,147,155,163,168,163,155,147,108,105,106,110,155,163,155,157,181,189,191,109,71,176,170,113,103,102,103,105,115,168,173,181,176,123,117,163,186,194,194,186,186,189,186,191,202,209,207,170,118,119,121,115,111,111,115,115,110,105,108,125,181,186,191,199,215,222,225,217,196,113,109,121,189,202,204,204,199,194,196,196,204,212,215,207,199,189,181,135,137,183,183,135,133,134,189,199,207,209,212,217,217,215,212,212,212,212,212,212,209,209,209,207,212,215,212,208,208,215,222,225,225,225,217,212,196,132,130,202,222,222,209,191,179,177,179,189,186,135,132,135,137,130,127,129,181,196,202,191,137,135,183,194,196,199,191,196,199,209,215,217,217,217,222,225,217,213,212,213,217,225,222,217,209,208,208,212,217,228,228,228,225,225,225,225,225,228,225,209,186,131,139,194,202,186,133,135,135,183,207,217,215,207,204,205,209,212,212,207,202,202,204,204,204,207,207,207,209,212,212,215,212,176,105,93,81,209,230,228,225,225,222,209,208,212,222,225,222,222,233,235,61,24,45,111,202,209,207,202,191,69,54,99,209,222,215,215,217,225,233,233,178,79,131,194,233,220,119,0,1,31,0,69,183,199,189,176,133,119,110,196,212,202,183,181,181,125,123,127,127,173,123,103,105,115,99,105,119,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,241,225,225,222,217,220,207,163,0,0,163,212,225,230,207,152,97,97,111,181,209,225,222,225,228,225,220,215,215,212,199,196,178,127,107,93,75,43,73,101,93,93,121,69,23,65,10,2,9,29,39,27,20,31,117,121,115,113,173,178,173,112,109,113,127,176,176,128,128,127,181,189,104,84,103,230,241,235,233,241,235,215,191,186,225,235,233,220,199,139,117,126,194,207,217,225,228,230,230,233,233,230,230,230,233,233,233,230,233,235,235,233,233,230,230,230,233,233,230,230,230,230,230,230,230,230,230,235,233,217,204,145,127,117,127,217,235,241,241,238,235,235,235,99,57,53,113,111,238,243,254,255,254,255,233,209,121,89,25,71,199,209,202,170,115,115,91,0,101,202,117,109,183,228,233,235,233,228,225,222,228,233,230,230,233,233,233,233,235,238,238,233,230,230,222,207,204,207,228,235,238,238,235,233,228,225,225,225,224,221,225,230,233,235,235,233,233,233,233,233,233,233,235,233,228,228,228,230,230,233,230,228,228,228,228,230,230,230,229,230,235,238,235,233,204,103,89,109,176,241,251,228,0,0,15,0,0,0,0,0,65,160,5,0,0,0,124,0,0,73,186,178,189,228,222,202,194,217,233,238,243,243,235,212,123,123,194,225,235,119,94,101,186,199,129,127,207,204,186,183,189,191,186,194,209,207,189,189,196,186,185,191,204,212,215,217,225,228,230,228,225,225,230,235,238,238,235,233,233,233,233,233,233,233,235,119,53,51,133,194,207,222,230,222,110,133,133,137,183,225,233,233,96,78,101,204,220,228,228,215,194,192,209,230,235,235,235,235,235,238,241,238,234,234,235,243,225,147,199,230,241,248,251,126,225,222,209,199,145,194,212,212,204,198,199,212,225,228,228,233,235,235,238,238,238,230,209,202,204,204,192,189,196,209,217,228,233,228,207,194,194,196,199,202,207,204,196,145,142,143,194,194,191,202,230,241,238,230,217,207,215,233,235,235,235,238,238,233,230,230,233,235,238,238,238,235,228,185,177,220,225,145,209,212,207,199,202,207,204,194,194,204,204,204,207,204,199,199,199,196,199,209,222,230,230,215,207,208,212,212,209,207,207,209,215,217,222,225,228,225,217,215,215,217,217,212,209,212,222,222,222,217,215,217,225,230,228,228,233,235,233,228,225,225,225,222,222,222,222,222,222,222,217,217,217,222,225,222,217,222,225,222,215,215,217,222,228,228,225,222,222,222,222,222,230,233,233,222,212,207,207,209,215,222,230,235,233,230,230,225,224,228,225,204,151,202,212,225,230,230,228,225,225,225,225,222,215,215,217,222,225,228,228,222,212,204,204,209,222,228,230,228,215,212,212,215,225,228,228,233,235,230,225,225,228,230,233,235,235,235,235,233,228,222,217,215,215,215,215,215,212,211,211,212,215,215,217,217,217,215,212,209,209,209,212,212,212,209,204,204,207,207,209,209,207,202,202,204,209,212,217,225,225,222,217,222,222,217,217,217,217,217,222,225,225,222,217,217,222,222,217,217,217,220,217,215,215,215,217,217,217,217,217,217,217,217,222,222,222,209,202,204,212,215,212,209,207,204,202,202,202,202,202,207,207,207,202,196,194,196,204,207,207,204,202,199,198,198,199,199,199,199,202,204,207,207,209,209,209,209,209,209,209,209,209,207,204,204,202,199,199,199,196,189,139,138,141,191,194,196,199,196,191,191,194,194,191,191,194,194,194,194,194,196,196,199,202,202,204,207,209,209,209,207,204,204,204,204,203,204,207,209,209,209,207,207,205,207,207,209,209,212,212,209,199,141,143,194,196,199,204,207,207,207,209,207,199,199,202,204,207,212,215,217,217,217,217,217,217,215,212,209,207,207,209,215,217,222,217,212,207,207,207,204,204,202,196,202,209,212,212,212,212,215,217,222,225,225,228,230,230,230,228,228,230,230,228,222,212,209,209,212,217,225,228,230,235,238,241,241,243,241,238,238,235,235,233,230,233,233,233,230,225,222,222,222,225,228,230,233,233,233,230,225,225,225,228,225,225,222,222,222,217,217,217,217,222,222,225,222,217,217,217,217,215,212,211,211,212,215,217,222,222,222,222,225,225,228,228,230,233,233,235,235,235,238,238,238,235,235,233,233,230,230,228,228,222,217,215,212,212,209,207,204,202,199,194,194,194,196,199,202,202,204,204,202,199,196,196,191,189,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,27,43,55,69,105,113,116,111,79,75,75,75,77,79,79,73,59,41,39,41,55,73,85,137,157,176,183,191,176,147,89,83,77,81,79,77,65,57,51,48,47,48,55,61,63,67,63,63,63,71,89,152,183,228,255,255,255,251,212,176,147,97,89,89,126,131,131,131,126,118,113,103,105,113,121,139,0,0,0,0,144,142,168,194,191,147,126,130,163,181,173,142,113,92,90,105,124,126,108,92,74,53,46,46,53,0,0,0,0,0,0,0,0,0,25,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,64,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,77,46,0,0,0,0,0,142,124,173,168,72,48,48,0,0,0,0,0,0,0,0,0,0,85,17,0,0,43,72,53,35,30,20,0,0,0,22,0,0,0,0,0,0,0,0,0,77,87,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,37,69,72,72,49,33,7,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,155,183,147,95,53,27,25,37,25,0,0,0,13,21,21,27,0,0,67,196,207,191,173,155,165,176,191,220,220,194,144,87,53,45,3,0,0,0,0,0,0,0,0,0,0,0,5,55,100,118,124,160,209,238,251,254,238,209,196,178,155,134,91,45,5,3,0,0,0,0,0,0,0,19,21,33,134,199,199,189,192,215,243,238,228,220,183,67,51,21,0,0,0,0,0,0,23,73,103,150,170,178,189,189,194,194,194,191,186,194,204,212,204,165,148,151,178,204,204,196,204,204,204,204,212,204,189,178,125,113,113,117,115,108,108,117,189,189,181,178,168,113,101,99,107,107,107,113,168,170,165,157,157,168,170,157,150,107,107,144,144,87,69,81,134,81,53,69,93,81,53,53,59,69,124,150,150,95,77,53,45,81,168,129,67,71,81,77,69,73,97,155,105,81,69,77,101,168,191,199,191,186,194,194,183,183,183,189,183,178,177,183,194,199,186,176,173,173,176,178,181,170,123,105,100,100,103,113,127,176,186,191,183,189,191,204,212,209,202,194,189,181,181,189,196,196,194,196,196,194,189,194,183,183,183,183,183,181,173,123,89,61,54,58,121,186,186,181,176,176,176,176,170,173,173,173,173,173,165,165,173,186,194,194,181,157,101,93,87,87,85,85,85,87,93,95,97,105,152,160,160,163,168,176,178,170,157,115,157,163,173,170,170,163,157,160,178,186,186,178,176,176,176,173,165,113,103,101,115,165,165,165,121,119,119,117,119,117,117,117,121,168,178,189,196,196,207,215,215,207,196,176,121,123,135,196,207,207,207,207,215,228,238,246,243,235,235,235,217,207,191,127,123,125,135,196,199,215,215,207,199,209,217,225,235,235,220,207,199,207,199,191,189,204,222,233,212,186,113,99,107,107,107,107,157,173,157,93,63,59,81,107,157,155,115,157,173,186,196,204,196,163,113,107,97,94,111,189,222,215,170,99,87,87,71,47,41,55,87,147,165,176,178,176,157,139,93,75,61,55,53,53,59,71,85,87,83,79,85,101,115,157,168,176,176,191,209,228,246,246,251,246,243,243,235,235,215,196,176 +0,0,0,0,0,0,0,0,0,1,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,178,186,181,173,172,178,189,194,196,72,74,23,11,0,0,75,157,163,150,126,99,142,155,163,163,160,150,109,108,110,155,157,155,114,115,163,181,183,97,82,173,165,111,103,103,104,105,113,160,170,176,170,121,117,123,176,186,181,173,176,183,189,194,202,209,209,186,127,123,119,114,114,123,123,123,117,108,109,121,131,131,131,176,199,209,209,202,131,115,107,112,178,194,196,191,191,196,204,207,212,215,222,215,199,181,131,129,129,131,133,135,137,186,194,202,204,209,215,217,217,215,212,212,215,215,212,212,212,215,217,215,215,215,209,207,208,217,222,225,225,225,225,215,194,124,122,202,230,230,217,199,181,177,179,189,189,137,132,133,131,129,129,135,191,196,196,191,137,133,139,199,202,189,155,196,209,217,222,222,216,216,222,225,217,215,212,213,217,222,222,215,212,209,209,215,222,228,230,230,228,228,228,228,228,228,222,199,131,124,133,189,191,113,109,137,137,137,196,209,212,209,205,205,209,212,215,209,202,202,199,196,196,202,207,207,207,212,217,217,209,69,55,117,131,228,230,228,225,222,222,215,215,222,225,225,222,225,228,233,183,28,39,87,125,181,189,199,209,186,101,183,215,225,228,228,228,228,230,228,186,78,183,202,225,225,176,5,178,183,49,0,12,129,176,119,108,105,110,178,204,204,189,114,110,120,122,125,117,115,109,103,127,209,220,241,235,165,115,117,99,165,186,77,97,0,0,0,0,0,1,209,230,230,230,225,215,209,204,196,63,178,243,241,241,241,233,178,87,81,107,173,183,173,189,204,225,228,215,207,209,204,101,67,49,176,123,73,57,47,25,87,85,69,51,0,0,0,0,1,6,17,31,27,15,12,93,103,101,105,173,183,183,127,115,117,127,133,178,178,133,126,194,238,212,105,133,243,243,235,235,238,235,233,204,118,139,225,228,217,199,145,139,194,202,207,215,225,228,228,230,233,233,230,230,230,230,235,235,233,235,235,235,235,235,233,233,233,235,233,230,228,228,228,228,230,230,230,233,238,241,233,215,147,127,119,120,139,217,235,238,238,235,228,212,95,115,225,238,248,238,243,248,251,251,255,254,243,241,233,121,189,209,196,173,119,121,209,107,79,186,220,199,176,191,222,233,233,233,230,228,228,233,235,230,230,230,233,235,235,235,235,235,233,233,235,233,222,205,203,215,230,238,238,235,233,230,228,228,225,224,224,225,230,233,233,233,233,233,233,233,233,233,235,235,233,230,230,228,226,226,228,230,228,225,225,225,225,230,233,230,230,235,243,248,215,25,0,9,95,165,222,238,222,21,0,31,139,241,155,7,0,0,37,13,7,15,0,155,144,13,25,181,183,191,199,199,202,191,194,202,207,225,233,230,207,120,120,176,189,178,115,106,127,222,230,215,199,202,191,186,199,199,189,194,215,225,215,209,222,217,194,185,189,199,202,204,207,212,217,215,204,196,199,209,225,235,238,233,230,228,228,228,230,228,222,139,66,61,137,133,183,215,228,235,233,109,225,230,135,134,186,222,228,98,83,113,196,204,199,202,196,192,196,222,233,235,235,233,233,235,238,241,238,235,234,238,238,228,199,145,225,225,209,143,107,199,212,225,225,194,147,204,204,199,198,198,202,209,217,228,235,238,241,241,241,238,230,204,200,204,199,182,178,194,215,202,212,222,212,199,194,196,199,202,209,222,215,202,145,143,144,191,191,190,199,228,238,235,225,199,195,215,230,235,238,241,243,238,233,230,230,235,241,238,238,238,238,230,185,181,202,202,199,194,190,185,187,196,202,190,181,185,194,207,209,207,202,204,207,202,196,196,204,212,222,225,215,208,208,209,212,209,209,212,215,215,217,222,222,222,222,222,217,217,217,217,217,215,217,222,222,222,222,222,228,230,233,230,228,230,230,230,228,225,222,225,225,222,217,217,217,217,222,217,217,225,230,228,225,225,228,225,222,222,222,220,217,222,222,222,222,222,225,225,225,228,228,217,199,149,202,207,212,228,233,233,233,233,230,230,228,228,228,220,199,149,199,209,222,230,233,233,230,228,228,225,217,212,212,215,222,225,225,217,204,141,137,151,217,228,233,238,235,225,217,215,212,217,225,228,233,235,233,230,225,225,228,230,233,233,235,235,235,230,225,222,217,215,215,217,215,212,212,212,215,217,217,215,215,212,212,212,209,208,209,212,215,215,209,207,207,207,209,209,209,204,202,204,207,212,215,217,217,220,217,222,222,222,216,216,217,222,225,225,225,225,222,216,216,217,220,217,216,217,222,220,215,212,212,215,217,222,222,217,217,222,222,222,222,217,209,204,207,212,215,215,212,207,204,202,199,195,196,199,202,204,204,202,196,194,196,204,207,207,202,199,199,199,199,199,199,199,199,202,204,209,212,212,209,209,212,212,209,212,209,207,204,204,204,204,202,199,202,204,199,189,186,191,196,196,196,196,194,191,191,190,191,191,194,196,199,196,194,194,194,199,202,202,204,207,209,209,209,209,207,204,204,203,203,202,203,207,209,209,209,209,207,207,207,207,207,207,209,215,209,143,130,133,191,196,202,207,207,202,204,202,191,189,191,202,204,204,204,207,209,215,217,217,215,212,212,209,209,207,207,209,215,222,222,215,209,209,209,209,209,204,194,133,137,196,202,207,207,207,209,217,222,222,225,228,228,230,230,230,228,228,228,225,217,209,204,202,202,207,217,230,235,235,238,241,241,243,241,241,238,238,238,235,233,230,233,230,228,222,217,217,220,222,225,228,230,230,230,225,222,217,220,222,222,222,217,217,215,215,212,212,212,215,217,217,217,215,217,217,217,215,212,212,211,212,215,215,217,222,222,225,225,225,228,228,230,230,233,233,235,235,235,238,238,235,235,233,230,228,228,228,225,217,215,212,212,209,207,207,204,202,199,196,194,194,196,199,199,202,202,202,199,196,194,194,191,186,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,31,43,57,92,108,116,126,116,108,79,75,75,77,83,83,79,67,55,47,49,61,75,87,134,157,176,194,202,194,168,131,77,69,65,65,65,63,59,55,51,49,53,57,63,67,71,71,69,71,77,91,144,181,209,251,255,255,0,0,183,150,97,89,83,89,124,124,126,118,121,121,121,131,131,131,142,0,0,0,0,155,157,181,194,181,139,122,127,163,173,163,134,100,90,111,139,150,134,108,92,82,79,66,61,77,0,0,0,0,0,0,0,0,48,33,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,43,25,0,0,0,0,0,142,142,0,147,85,77,0,0,0,0,0,0,0,0,0,0,0,105,43,0,0,4,35,35,38,46,20,0,0,30,33,0,0,0,0,0,0,0,0,0,77,77,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,43,69,72,47,11,0,37,31,3,0,0,0,0,0,0,0,0,0,0,0,0,51,168,168,121,105,124,134,69,37,0,0,0,0,21,21,14,21,3,16,173,241,228,199,183,173,178,183,183,191,196,168,61,7,9,17,0,0,0,0,0,0,0,0,0,0,0,0,17,69,129,147,160,181,222,241,248,251,238,207,194,186,176,176,183,155,134,87,7,0,0,0,0,0,0,7,0,5,73,191,202,199,207,230,243,235,217,204,150,55,51,43,35,17,0,0,0,0,57,101,170,183,186,186,196,186,186,186,186,186,186,186,196,204,202,165,148,151,178,204,209,202,204,204,212,212,220,212,204,189,173,113,112,113,111,104,105,115,181,178,165,119,119,113,113,113,107,105,104,107,119,170,165,155,153,157,168,170,157,150,144,147,144,87,75,91,186,163,57,73,134,75,43,42,44,47,73,126,131,79,55,45,45,77,129,69,65,77,93,91,87,97,160,186,176,99,83,89,109,178,191,194,186,176,176,168,165,168,181,183,183,177,177,181,189,194,189,181,186,181,181,181,178,127,115,102,100,103,113,117,127,173,176,176,178,183,189,199,207,212,207,196,189,135,176,189,196,196,194,196,194,187,187,194,189,183,176,183,181,176,173,119,95,75,59,65,111,173,181,186,183,183,183,178,176,168,173,173,176,173,170,170,170,178,186,181,170,117,101,93,97,99,93,93,93,93,93,95,101,111,163,165,168,168,170,178,183,173,160,115,155,157,163,163,163,157,119,160,168,176,176,170,170,176,173,173,165,113,101,105,113,121,119,113,113,113,119,123,170,168,123,116,121,168,189,196,196,199,207,215,215,207,196,189,133,127,133,189,207,215,207,207,209,225,235,243,243,235,235,228,209,199,191,129,123,123,129,191,199,209,215,207,199,207,207,209,217,220,209,196,191,199,207,196,196,212,222,233,215,186,113,95,93,93,93,101,155,168,115,79,47,43,49,75,95,107,115,163,173,186,196,215,204,189,163,113,94,94,147,204,243,233,189,107,93,93,87,61,49,59,87,139,157,168,168,160,155,150,101,83,61,61,77,85,85,77,73,71,63,61,75,95,111,155,160,168,176,189,199,217,235,246,246,246,243,235,235,235,230,212,194 +0,0,0,0,0,0,0,0,0,9,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,189,189,178,173,173,183,191,176,147,129,207,150,103,41,0,57,168,157,124,81,91,101,139,155,165,165,163,165,173,181,178,170,160,117,117,155,165,155,76,82,113,119,115,111,107,109,111,109,111,119,163,160,119,115,121,170,178,170,168,168,176,183,191,199,207,207,191,168,119,117,117,115,115,109,127,173,127,121,125,123,117,117,121,129,129,105,101,119,119,109,112,123,178,183,186,189,196,207,215,217,217,222,215,189,117,123,131,127,112,109,127,189,199,202,202,202,207,212,217,220,217,212,212,215,215,215,215,215,215,215,215,217,217,212,207,209,217,222,225,225,225,222,222,207,126,120,194,222,225,212,199,183,179,183,191,194,183,135,133,133,133,183,196,202,199,194,186,133,131,186,212,215,189,121,191,212,225,225,222,217,217,225,225,222,217,215,217,222,222,217,215,217,217,217,217,225,225,228,228,225,225,228,228,230,228,215,196,133,128,135,186,135,80,79,95,91,59,39,85,194,207,209,207,207,209,212,209,204,199,194,191,194,199,207,209,207,212,222,222,199,5,9,176,196,228,230,228,230,225,222,217,222,228,228,225,222,222,220,225,233,85,83,103,115,125,178,186,204,196,186,207,217,225,228,228,228,228,228,225,176,70,117,196,222,220,47,19,228,228,63,0,0,117,194,117,84,82,131,183,204,217,207,95,84,115,186,204,194,191,194,191,212,228,235,238,225,204,207,225,228,235,246,189,212,105,9,0,0,0,0,99,209,225,233,222,207,207,225,228,220,230,233,233,241,238,238,186,81,81,152,160,91,81,93,97,196,215,173,183,207,199,119,29,0,7,87,27,0,0,0,41,63,47,31,0,0,0,43,123,189,199,217,220,87,7,21,85,101,173,189,189,181,129,123,119,123,133,189,191,189,131,204,248,233,186,207,238,241,235,235,235,233,241,215,110,126,207,215,204,191,145,147,207,212,212,222,225,228,225,225,230,230,230,230,229,230,235,238,235,235,235,235,238,238,238,235,235,235,235,233,228,228,226,228,228,230,230,233,238,241,238,228,204,135,120,116,112,133,220,228,230,230,217,204,202,235,243,248,246,237,241,241,241,241,246,248,243,246,243,243,238,222,129,99,105,121,222,220,217,230,235,217,204,215,233,233,233,233,233,230,233,235,233,229,229,230,233,235,235,235,235,235,233,233,233,235,230,215,205,209,225,233,233,230,228,228,228,225,225,225,228,233,233,233,230,230,230,230,230,233,233,233,233,235,233,230,230,228,226,226,228,230,225,224,224,224,225,228,235,238,235,241,248,238,57,0,0,11,95,103,181,220,77,29,19,194,251,255,243,47,0,25,124,183,186,168,0,168,238,121,23,165,178,194,191,178,183,173,170,172,176,196,202,196,170,116,118,121,131,131,125,178,209,230,241,230,209,196,186,191,207,194,129,196,217,222,204,202,212,202,189,186,191,199,202,199,196,199,204,204,196,192,196,209,222,225,222,207,204,204,212,220,222,209,139,80,74,101,228,181,129,189,209,228,207,131,212,204,134,134,137,202,217,129,115,139,194,194,186,189,194,196,204,225,235,235,233,233,233,235,238,241,241,238,238,238,238,230,207,134,204,194,125,126,115,139,209,238,235,212,147,196,199,199,199,199,202,207,212,228,235,238,241,241,241,241,235,209,200,204,202,186,185,202,209,196,200,207,207,196,191,199,207,207,212,217,217,207,196,191,194,196,194,191,199,217,228,228,215,183,183,204,222,230,238,241,241,238,233,233,235,238,238,235,235,235,235,228,212,207,212,207,199,192,186,183,192,209,207,190,178,189,204,222,222,204,200,207,212,207,202,202,204,207,212,217,215,209,209,212,215,212,212,212,215,215,217,217,217,217,217,222,222,222,215,215,215,215,220,225,225,225,228,230,230,233,235,233,228,222,225,225,225,222,222,222,222,222,217,216,216,217,222,217,217,222,228,225,222,228,230,225,215,220,222,222,220,217,216,217,222,225,228,225,222,217,212,149,140,141,151,207,215,230,235,235,235,235,233,230,230,230,222,149,139,149,199,207,217,230,235,235,233,233,228,222,212,208,209,215,217,225,228,222,151,123,120,141,228,233,235,238,235,225,217,215,211,212,222,228,228,230,233,230,224,224,225,228,230,233,235,235,235,230,225,222,217,215,215,215,215,215,212,212,215,217,217,215,212,212,212,212,209,208,208,209,215,215,212,209,207,207,207,207,204,202,202,204,212,215,215,207,202,204,212,225,228,217,215,215,222,228,228,225,222,222,217,216,216,217,220,217,216,217,222,222,215,212,212,217,220,222,222,220,220,222,222,217,217,217,212,207,212,215,215,212,207,204,202,199,196,195,195,196,202,204,204,202,196,196,196,202,202,202,199,199,199,202,204,202,202,199,199,202,204,209,212,212,209,209,212,212,212,209,209,204,203,203,207,207,202,202,207,209,204,196,191,191,196,199,199,196,194,194,191,190,189,191,196,199,199,199,196,196,199,202,204,207,207,209,212,212,212,209,207,204,204,204,204,204,204,209,212,212,212,212,212,212,209,207,205,205,207,217,215,143,125,123,143,199,207,215,207,199,199,194,187,186,191,204,204,196,147,196,204,212,215,215,212,209,207,207,207,204,207,209,215,217,217,215,212,207,202,204,207,202,145,115,124,136,147,199,204,204,209,215,217,222,225,225,228,228,228,228,228,225,225,222,217,209,202,149,146,151,212,230,235,238,238,241,241,243,243,241,241,241,241,235,233,233,233,230,228,222,215,215,217,222,225,228,230,230,228,222,215,212,212,212,215,215,215,212,209,207,207,207,209,212,215,215,215,217,217,222,222,217,215,212,212,212,212,215,217,222,222,225,225,225,228,228,230,230,230,230,230,233,235,235,235,235,235,233,230,228,225,225,222,215,212,209,209,209,207,204,204,202,199,196,194,194,196,196,199,199,199,199,196,194,191,191,189,186,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,17,35,47,67,105,113,126,116,113,81,77,77,77,83,87,87,75,63,57,57,67,81,91,139,157,183,0,228,209,178,131,71,59,53,57,59,61,61,61,59,55,57,63,67,71,75,75,75,77,83,91,144,176,207,230,251,255,0,0,186,137,91,83,83,85,89,113,111,113,121,131,152,163,139,124,134,0,0,0,0,170,168,168,157,147,139,130,131,147,147,129,103,82,82,0,0,165,126,95,85,92,100,87,77,77,0,0,0,0,0,0,0,0,59,43,25,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,25,17,25,0,0,0,0,0,124,116,150,160,126,0,0,0,0,0,0,0,0,0,0,0,0,126,69,0,0,0,0,7,38,53,20,0,0,46,33,0,0,0,0,0,0,0,0,77,61,69,66,0,0,0,0,0,0,0,0,0,0,0,0,0,13,59,74,25,27,33,37,39,27,3,0,9,27,7,0,0,0,0,0,0,0,0,0,0,0,0,45,103,113,98,98,139,147,118,55,0,0,0,0,37,43,27,37,37,65,189,241,215,183,176,183,183,191,191,189,186,157,55,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,17,67,157,191,204,220,241,238,238,238,228,194,183,176,172,186,204,212,212,199,35,0,0,0,0,0,0,0,0,15,87,181,199,202,220,225,225,217,204,191,147,77,91,99,101,73,0,0,0,11,87,170,194,196,196,196,196,189,186,191,194,194,186,183,186,196,202,186,165,173,196,204,204,196,196,202,209,212,212,212,204,202,189,119,113,125,119,110,110,168,178,168,119,165,168,121,119,121,121,113,107,113,157,170,170,157,156,157,168,168,157,150,147,157,165,105,85,75,150,150,51,65,97,73,45,43,41,39,47,79,83,63,49,45,49,61,61,47,51,79,144,157,147,160,181,189,181,105,87,97,157,186,191,186,173,160,119,109,109,119,170,183,183,178,178,179,183,181,181,181,186,186,181,178,176,123,115,102,105,115,121,127,129,131,129,131,133,133,183,191,207,212,207,196,189,135,133,189,196,196,196,196,194,187,187,194,194,183,176,176,176,173,163,117,105,87,69,71,93,119,173,186,189,191,189,183,170,165,173,173,181,181,173,170,170,170,170,168,163,115,105,101,101,101,93,93,93,93,97,97,107,152,165,168,168,168,176,178,183,170,157,114,115,157,163,163,155,117,117,119,163,168,168,168,168,168,173,173,165,113,105,101,113,113,107,105,105,113,125,173,181,178,168,121,121,168,189,196,196,199,207,215,215,207,196,191,135,127,123,135,207,225,220,215,215,228,238,243,235,230,225,217,207,199,196,133,123,123,127,189,199,209,215,199,191,196,196,191,196,199,196,178,176,196,207,207,204,207,212,215,212,186,109,87,71,79,87,99,115,157,113,79,45,41,42,47,63,85,101,163,173,173,189,209,215,204,173,152,99,94,113,215,251,243,202,155,99,105,99,85,61,61,81,99,150,155,150,142,152,157,139,87,71,81,137,152,105,85,53,48,51,55,61,93,107,113,113,155,168,176,191,209,217,235,246,246,243,243,243,243,235,220,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,43,64,53,59,92,111,100,79,61,27,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,163,168,165,163,165,163,147,131,134,199,134,51,39,15,29,160,144,79,72,87,95,89,105,165,170,176,181,183,189,186,181,176,170,163,117,115,93,66,81,103,117,163,163,119,117,119,109,98,107,113,115,115,114,117,168,176,170,168,168,168,176,183,189,196,194,178,115,111,115,121,115,86,75,105,170,173,170,129,121,113,112,115,111,105,84,74,129,133,119,115,114,117,129,178,186,196,207,217,222,222,222,209,119,92,121,181,135,90,79,111,199,207,207,202,200,202,209,217,222,220,217,215,215,215,217,217,217,215,215,215,222,225,217,209,212,222,228,228,228,225,222,228,228,202,123,186,207,207,202,194,189,186,189,191,191,186,181,137,137,186,196,202,204,199,189,135,130,130,204,225,225,196,114,177,212,228,225,222,217,217,222,222,222,225,222,222,217,217,215,217,222,225,222,222,222,222,222,222,222,222,225,228,228,225,212,199,141,137,139,191,194,99,84,87,33,0,0,0,75,191,207,209,207,207,209,207,204,199,191,190,191,199,207,209,209,215,225,225,183,0,31,212,217,230,230,230,233,228,222,215,217,225,230,228,225,220,222,225,255,133,111,117,119,129,181,133,131,131,176,202,217,225,228,225,222,225,225,215,99,40,67,125,235,217,0,2,117,111,29,0,0,37,103,129,125,135,191,202,212,222,225,209,186,204,222,228,217,215,220,222,225,230,230,228,217,212,209,217,228,228,225,220,217,243,246,109,0,0,0,17,181,209,217,207,196,192,228,233,238,230,225,228,241,230,233,181,79,77,77,0,0,55,79,71,91,95,53,91,212,215,186,123,0,0,2,0,0,0,23,83,103,115,178,125,117,189,212,225,228,225,222,233,235,117,55,93,109,178,181,181,181,176,127,119,121,178,202,209,209,194,196,212,181,130,196,222,230,235,235,235,233,233,196,113,139,209,209,199,145,145,196,212,215,215,222,225,225,225,225,228,230,230,230,230,230,235,238,238,235,235,238,238,241,238,235,235,235,235,233,230,228,226,226,228,230,230,230,235,238,238,235,230,212,141,121,108,125,207,207,212,215,207,209,243,238,231,255,237,243,238,238,238,238,235,235,235,243,241,243,241,212,64,55,71,97,176,228,225,230,235,222,222,230,233,233,233,233,230,233,238,235,230,229,229,229,230,235,235,238,235,235,233,230,230,230,233,225,209,207,215,225,228,225,222,222,222,217,222,225,233,235,235,233,230,230,230,230,230,230,233,233,233,233,228,228,230,230,228,228,230,230,225,222,224,224,225,230,238,241,243,251,251,73,0,0,0,87,95,55,69,139,0,23,230,241,248,254,251,152,0,186,246,238,124,83,0,189,225,155,126,134,155,186,186,173,172,168,172,181,191,204,204,191,125,115,119,118,133,189,199,212,217,230,241,243,233,209,189,186,191,127,117,194,217,212,127,103,100,111,139,194,204,212,209,202,196,194,199,209,207,202,212,228,228,212,143,126,129,141,199,209,207,135,101,90,217,209,202,191,127,125,131,204,186,183,183,194,189,134,183,196,215,204,196,196,194,191,187,187,202,207,209,225,235,238,235,233,233,235,238,241,243,241,241,241,235,230,204,110,143,143,127,141,139,141,204,235,233,230,204,199,202,202,202,204,209,209,212,228,235,238,238,235,235,238,235,217,202,200,207,204,204,207,204,202,200,207,215,204,186,189,209,212,207,207,209,204,199,196,202,204,204,202,202,209,217,225,222,189,187,207,217,228,235,233,230,233,235,235,238,238,238,235,234,235,233,220,217,217,222,228,209,204,202,207,217,222,212,202,196,204,215,228,225,200,196,204,215,215,209,207,207,204,209,215,215,212,212,217,217,217,215,215,215,215,215,215,215,215,220,225,225,220,212,209,212,215,222,228,228,225,230,233,233,233,235,233,225,217,217,222,222,222,217,217,220,217,217,216,217,222,222,222,217,220,222,216,215,222,228,217,211,212,217,222,222,222,217,217,222,225,228,222,215,207,199,145,136,137,199,209,215,230,235,235,238,238,233,228,228,228,151,122,123,147,199,204,215,228,235,235,233,233,228,215,208,207,209,215,222,228,233,233,209,119,111,125,230,238,235,235,230,222,217,217,212,215,228,228,225,228,230,228,224,224,225,228,233,233,235,235,233,228,225,222,217,215,215,215,215,215,212,215,215,217,217,212,211,212,212,212,209,208,208,209,215,215,212,209,207,207,207,204,202,202,202,207,212,215,209,149,137,139,204,225,228,217,213,215,225,230,228,222,217,217,217,217,217,217,217,217,217,217,222,220,215,211,212,217,222,222,222,220,217,222,222,217,217,222,217,215,215,212,209,204,199,196,196,196,195,195,195,196,199,202,202,199,196,196,196,199,196,196,196,199,202,207,207,204,202,199,199,202,204,207,212,212,209,209,212,212,212,209,209,204,203,203,207,207,204,204,207,209,204,196,191,191,194,202,199,196,196,196,194,190,189,191,196,199,199,199,199,202,204,207,207,207,209,212,212,212,212,207,207,204,207,209,209,209,209,212,215,215,215,215,215,215,215,209,205,205,209,222,225,204,127,116,139,199,212,222,209,199,199,199,191,190,202,212,207,144,140,146,202,209,215,215,212,207,204,204,204,207,207,209,215,217,217,217,212,199,141,145,199,199,145,108,121,135,145,196,204,209,212,215,217,222,225,225,225,225,225,228,225,222,222,220,217,212,204,147,144,146,204,222,233,238,238,238,241,241,241,241,241,241,241,241,238,235,233,230,228,222,217,215,215,217,222,228,230,228,225,217,212,207,207,209,209,209,209,207,207,204,203,204,207,209,212,215,215,217,222,225,225,222,217,215,212,212,215,215,217,222,222,222,222,225,228,228,228,228,228,228,228,230,230,233,235,235,233,230,228,228,225,222,217,215,212,209,209,207,207,207,204,204,202,196,194,194,196,196,196,196,196,196,194,191,191,189,186,183,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,17,41,57,98,108,116,116,108,81,77,77,77,81,83,87,81,71,65,61,71,83,131,144,168,0,0,0,228,186,142,73,53,47,51,55,61,65,65,63,61,61,65,71,71,75,75,77,83,85,91,144,173,199,220,246,255,255,222,176,131,89,83,85,85,83,77,77,79,118,139,163,173,139,116,126,0,0,0,0,0,0,129,118,121,139,147,131,131,116,90,69,39,74,0,0,163,108,82,85,111,118,111,85,53,0,0,0,0,0,0,0,0,0,0,0,27,9,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,12,25,51,0,0,0,0,0,121,79,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,85,0,0,0,0,0,25,38,0,0,0,0,0,0,0,0,0,0,0,0,0,69,40,61,74,0,0,0,0,0,0,0,0,0,0,0,0,0,25,103,150,124,85,59,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,37,25,53,90,98,108,124,124,105,25,0,5,27,63,69,57,55,45,65,173,212,194,173,173,183,186,194,202,202,199,176,108,17,0,0,0,0,0,0,0,0,0,0,33,57,49,23,17,51,157,212,233,241,241,228,212,220,209,189,176,169,166,178,209,230,241,230,67,0,0,0,0,0,0,0,0,33,95,160,170,186,207,199,191,186,186,183,147,93,170,183,173,101,5,0,0,0,147,199,209,209,202,204,204,196,189,194,202,202,196,178,170,178,202,204,204,204,204,204,204,196,191,196,204,204,204,204,204,204,189,119,117,178,178,170,168,178,178,170,170,181,189,181,170,181,181,176,165,165,170,181,181,170,168,168,157,155,150,150,155,168,176,176,137,55,43,40,40,73,79,65,53,53,45,39,44,63,71,55,47,43,44,45,49,48,51,89,173,191,181,170,165,157,109,89,83,97,168,191,194,186,168,119,109,106,106,109,165,183,183,183,181,179,179,179,179,181,181,178,176,173,173,170,123,119,123,123,127,170,176,176,128,127,128,129,133,183,199,207,207,196,189,133,131,181,189,191,196,194,194,189,194,194,189,178,176,176,176,165,121,109,95,87,71,69,81,111,163,181,194,191,189,176,168,160,165,173,181,181,173,170,160,119,117,117,115,109,101,93,93,93,93,93,93,99,105,111,152,163,168,168,168,168,168,176,176,165,157,115,155,163,168,165,117,111,111,117,160,163,163,163,161,165,165,168,165,111,99,93,93,99,99,99,105,119,125,178,191,191,168,121,123,176,189,196,196,199,207,207,207,199,196,196,135,120,119,127,207,233,228,215,220,228,235,235,228,225,220,212,204,199,194,135,125,123,125,133,186,204,204,191,178,178,178,129,127,173,173,127,176,196,207,207,204,196,204,207,196,165,99,71,64,67,81,93,107,115,107,83,57,44,44,47,51,59,81,105,163,173,186,204,212,204,173,155,101,95,113,215,254,243,204,157,105,107,147,99,81,71,81,93,139,142,103,103,147,155,139,81,71,93,163,183,152,85,49,43,48,59,81,99,107,107,107,150,168,173,178,199,212,228,246,251,254,251,251,251,243,225,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,1,38,12,0,0,79,111,111,100,92,95,108,113,98,87,111,144,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,0,0,0,35,61,98,98,35,0,0,17,121,173,30,25,37,33,35,142,142,137,79,93,93,56,77,160,168,178,183,181,186,189,183,178,176,165,113,99,82,77,87,105,119,170,170,165,165,173,165,111,117,115,115,119,117,119,168,170,173,176,170,163,163,168,176,178,170,109,105,107,105,119,176,111,92,101,113,125,170,173,125,119,117,115,111,106,109,119,178,186,127,125,112,109,119,127,131,189,209,222,225,225,222,191,107,95,131,194,191,123,117,186,202,204,204,202,200,204,212,217,220,222,222,217,215,217,220,222,222,217,217,215,222,225,222,215,217,225,228,228,230,228,225,228,230,228,189,136,186,186,183,194,194,194,196,189,181,137,183,183,183,186,191,199,196,189,137,131,131,139,212,228,228,202,148,161,230,228,225,222,217,216,216,217,225,228,225,222,217,217,217,222,225,225,225,225,222,222,220,220,220,222,225,228,225,222,209,194,186,139,186,191,202,220,225,204,186,181,0,0,23,123,194,207,209,207,207,207,204,199,191,190,191,196,204,207,215,217,225,225,115,0,97,212,225,230,228,228,233,225,212,209,212,222,225,228,225,217,217,233,228,202,102,121,127,181,191,173,59,115,125,181,199,212,222,217,215,217,217,209,109,73,86,117,109,107,0,0,13,11,0,0,10,103,183,186,191,204,207,207,212,225,230,230,228,230,230,225,217,215,217,225,225,228,228,222,217,215,215,217,222,222,217,217,225,241,254,235,79,0,0,0,41,85,189,204,196,199,222,230,233,230,222,225,235,228,228,222,150,0,0,0,0,71,246,173,63,0,0,103,217,222,212,183,95,57,29,25,45,79,212,225,233,230,230,230,222,215,222,228,222,199,191,225,243,228,87,47,48,109,105,127,178,176,131,129,176,189,207,222,220,209,191,137,133,137,186,191,209,228,233,233,235,220,127,127,207,222,212,202,194,199,209,215,215,215,217,222,228,230,230,230,230,228,228,228,230,233,235,238,238,238,238,241,238,238,235,235,238,238,233,228,226,226,226,226,226,230,233,233,235,238,238,233,228,217,204,199,202,135,135,135,129,204,225,235,238,238,241,243,241,238,235,235,233,230,230,230,233,233,238,251,225,48,43,38,37,121,204,222,222,183,228,235,233,235,233,233,233,233,235,238,235,230,229,230,230,230,233,235,238,235,233,230,230,228,228,225,215,207,204,202,209,217,222,217,215,217,217,222,228,233,235,235,233,230,230,230,230,230,230,233,233,233,233,228,225,228,230,230,230,228,228,224,224,225,228,225,241,238,238,246,246,93,0,0,71,196,191,99,66,89,89,0,75,243,243,246,251,255,147,0,196,228,220,45,0,0,173,209,204,165,124,165,178,181,178,176,176,196,217,222,222,228,230,222,196,176,135,194,217,225,212,212,225,238,243,243,233,194,186,137,122,122,209,222,212,57,28,76,117,207,222,230,233,228,215,202,194,196,212,225,228,233,235,238,228,123,120,137,194,207,204,125,123,127,202,194,191,189,183,133,130,135,194,196,181,176,189,196,183,183,191,204,204,204,204,204,199,191,191,204,207,209,228,238,238,235,235,235,235,238,243,243,241,241,238,235,230,212,143,143,194,204,207,199,196,207,217,222,215,207,204,202,202,204,207,212,209,212,225,233,235,238,235,235,235,230,215,204,199,204,217,215,207,209,209,207,215,233,235,194,186,204,215,207,202,198,198,202,204,209,215,220,222,199,192,215,228,235,235,202,209,225,228,230,230,229,230,233,235,238,241,241,238,235,235,233,222,207,215,222,228,222,217,215,212,215,217,212,207,209,212,215,217,215,204,199,204,222,225,217,212,207,207,212,217,215,212,212,220,225,222,215,215,215,215,212,209,209,215,225,228,222,212,208,208,212,217,225,228,228,228,230,230,230,230,233,233,228,217,215,217,222,222,217,216,217,217,222,222,222,225,225,225,222,217,217,215,215,217,220,215,211,211,215,222,222,222,225,222,217,215,217,217,209,202,151,149,149,151,207,212,215,222,230,233,235,235,230,228,222,207,132,122,132,204,204,209,215,228,230,228,222,222,217,212,207,208,212,222,228,233,238,238,230,212,92,101,241,238,235,230,225,217,217,217,222,225,228,228,225,225,228,228,225,225,228,228,230,235,233,228,228,222,217,217,217,217,217,217,217,215,215,217,217,217,215,212,212,211,212,212,212,209,209,209,212,212,209,209,207,207,204,202,202,202,207,209,215,215,212,196,129,113,143,222,225,217,217,222,222,228,228,225,222,220,220,220,217,217,215,215,217,220,222,217,212,211,212,217,222,225,222,217,217,222,222,217,217,222,222,217,212,209,207,202,196,195,195,195,196,196,196,199,199,196,196,196,196,196,196,196,196,196,199,199,202,207,207,204,199,199,199,199,202,204,209,212,212,212,212,212,212,212,209,204,203,203,204,204,204,204,207,207,204,199,194,194,196,202,202,199,199,199,196,191,190,191,194,199,199,202,204,204,207,207,207,207,207,209,212,212,209,207,207,207,209,212,212,212,212,212,215,217,217,215,212,212,215,212,209,209,212,222,222,215,204,135,141,199,212,215,209,202,198,199,202,204,212,222,204,137,138,194,207,215,215,212,212,209,207,204,204,207,209,212,215,217,217,220,217,139,126,140,199,199,145,135,141,147,196,199,207,212,215,215,217,222,222,222,222,222,225,225,228,225,222,217,217,217,212,151,146,151,202,207,222,230,233,235,235,238,241,243,243,241,241,241,238,233,233,230,225,217,217,215,212,212,217,225,228,225,222,217,212,207,207,207,207,207,207,207,207,204,203,204,204,209,212,215,217,217,222,222,222,222,217,215,215,215,217,217,217,222,222,222,222,225,225,228,228,228,225,225,225,225,228,230,235,235,233,230,228,228,225,222,217,215,215,212,207,205,205,207,207,207,202,196,194,194,196,196,196,196,194,194,194,194,191,189,186,181,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,17,37,51,67,100,111,116,111,77,77,75,77,77,83,85,85,77,71,65,71,85,137,160,186,0,0,0,228,196,147,73,51,46,47,55,61,65,69,67,63,63,63,69,69,71,73,79,85,91,101,150,173,191,209,243,255,255,212,170,134,85,83,85,83,77,65,65,67,103,126,152,155,129,116,0,0,0,0,0,0,0,0,0,121,129,142,131,111,95,69,29,25,0,0,0,150,98,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,17,1,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,35,7,0,0,0,0,0,0,43,33,0,103,131,108,111,137,144,0,64,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,35,46,27,0,0,0,0,0,0,0,0,0,0,0,0,0,13,131,194,176,137,85,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,103,82,5,31,61,90,100,118,129,108,63,51,55,73,121,113,67,61,25,37,157,204,199,183,186,173,178,191,202,209,209,191,134,53,5,0,0,0,0,0,0,0,0,0,47,57,0,15,45,0,165,220,230,228,228,209,203,209,202,191,181,176,173,189,207,225,222,202,137,21,0,0,1,0,0,0,0,41,95,147,147,160,181,173,159,155,173,173,99,83,99,183,189,103,13,0,0,0,97,181,202,209,202,196,196,196,189,194,199,202,196,176,163,169,202,212,212,209,209,204,204,196,196,194,194,196,196,204,204,196,178,125,165,189,204,199,181,170,173,186,191,191,191,191,191,189,191,191,191,189,181,181,176,170,168,155,114,114,148,155,157,176,189,176,93,40,30,28,40,65,53,50,52,71,71,55,49,53,49,49,45,30,30,51,63,67,81,137,183,191,181,160,99,75,69,75,79,103,178,196,194,178,157,109,109,109,109,119,170,183,183,183,183,181,181,181,181,181,181,176,170,125,125,168,170,170,129,123,119,129,178,178,129,125,128,129,133,183,194,202,204,196,189,133,125,125,131,181,186,186,189,196,199,194,186,178,176,170,170,165,117,95,83,73,64,64,75,103,170,181,189,191,183,170,159,159,157,168,181,181,170,163,113,107,103,101,95,89,83,81,80,85,99,103,107,113,155,163,163,163,165,165,160,160,160,163,165,165,165,165,163,165,170,170,157,111,106,107,115,168,168,168,160,161,165,173,163,109,87,74,73,81,97,105,111,115,123,178,196,196,176,125,121,127,189,202,204,204,204,196,189,191,199,196,127,116,116,133,215,233,225,220,220,228,233,228,225,228,225,217,212,204,194,186,133,127,124,125,133,186,133,127,127,127,127,119,113,113,117,170,194,212,215,212,199,194,196,196,183,113,85,67,66,71,81,87,99,105,105,93,71,63,61,55,51,51,63,87,105,163,173,189,194,194,170,113,101,94,113,215,251,235,196,157,107,147,150,150,99,81,77,87,93,97,99,137,155,165,137,70,65,99,186,186,155,91,61,49,61,87,103,147,107,99,105,160,173,173,173,196,215,235,248,255,255,255,255,255,243,235,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,165,147,137,108,87,95,113,118,113,100,95,98,105,105,86,81,90,139,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,0,0,0,0,0,0,0,0,0,39,82,34,95,199,150,49,126,147,155,152,176,152,53,62,95,150,170,176,178,178,176,181,178,168,157,101,91,85,84,99,111,160,170,173,170,173,178,170,157,117,115,119,165,168,165,170,170,173,181,183,173,163,163,165,165,123,117,113,87,97,113,173,125,100,103,111,123,168,168,168,170,170,170,127,117,119,125,131,131,127,127,117,112,117,121,127,183,209,222,225,222,212,186,123,121,135,189,186,139,191,207,207,204,202,202,207,209,215,217,220,222,222,220,217,217,217,222,222,222,217,217,222,225,222,217,222,228,228,228,230,230,228,228,233,228,199,139,139,135,133,186,199,204,202,189,136,135,181,186,186,183,189,194,189,183,135,131,133,194,215,225,222,204,152,155,228,225,225,222,217,216,216,217,225,230,230,228,225,225,228,228,230,228,225,225,225,222,222,220,222,222,228,233,230,209,194,189,189,186,183,139,183,202,220,222,212,204,31,0,53,127,189,202,209,209,207,207,204,202,196,194,191,196,202,207,215,217,217,117,7,0,99,225,228,228,225,228,230,222,212,209,211,217,222,225,222,215,215,222,222,215,176,127,123,133,189,101,41,100,123,176,183,196,196,194,199,207,212,209,204,204,202,189,25,0,0,0,0,0,67,87,176,209,204,196,199,209,215,212,209,215,222,225,228,228,225,217,212,209,212,217,222,225,228,225,222,222,220,217,215,217,220,222,225,230,238,243,225,170,0,0,0,57,173,209,204,165,207,222,225,222,215,217,225,230,230,228,212,31,0,0,0,39,238,207,41,0,0,89,209,207,212,207,207,209,207,204,209,220,225,233,238,238,235,233,228,222,225,225,215,200,196,215,238,230,127,44,43,97,96,105,125,176,178,178,183,194,207,225,228,222,207,191,137,131,121,113,131,209,222,233,228,119,111,196,225,225,217,209,207,215,222,225,222,217,222,225,230,233,235,233,228,222,215,215,222,230,235,238,235,235,238,241,238,235,235,235,238,235,233,228,226,228,228,226,228,233,233,233,235,238,238,235,230,228,222,215,207,135,132,132,130,202,228,235,238,238,238,241,241,238,235,235,233,228,225,225,228,233,238,238,228,60,67,121,109,125,194,186,173,164,225,238,235,235,235,235,235,235,238,241,238,233,233,233,230,228,230,235,235,233,233,230,228,228,222,207,149,149,196,194,192,202,212,215,217,222,222,228,230,235,235,235,233,230,230,230,230,230,230,233,233,233,230,226,225,228,233,233,228,228,225,225,228,233,235,228,243,241,228,113,51,0,0,13,235,246,235,209,87,73,10,0,91,243,246,243,246,255,134,0,57,204,207,129,37,49,191,217,215,194,165,189,186,191,194,196,194,207,225,230,230,235,238,238,230,212,196,202,217,222,202,194,209,228,233,238,233,199,186,135,130,207,217,225,215,82,72,125,212,233,235,235,235,233,222,207,194,191,199,225,233,238,238,241,233,126,120,191,209,222,209,127,133,199,133,130,132,181,189,194,204,212,215,212,181,173,189,207,191,186,191,194,196,199,196,204,207,202,194,194,196,207,228,238,238,235,235,235,235,238,241,243,241,238,238,235,230,217,199,194,199,202,202,204,209,212,207,207,209,209,204,204,202,204,207,212,209,209,222,230,235,235,235,235,233,225,212,207,202,207,225,230,228,228,217,202,202,233,241,196,189,215,222,215,209,199,198,202,207,222,230,228,217,190,189,204,215,222,196,133,147,228,235,233,233,230,230,230,235,238,241,241,238,238,235,230,220,204,205,207,215,222,225,215,204,202,204,204,207,215,222,212,207,204,204,204,212,222,228,222,212,207,209,215,217,215,212,212,217,225,222,215,215,217,217,209,151,202,217,230,230,217,207,207,209,215,222,225,228,228,228,228,228,230,230,233,233,228,222,215,217,222,225,220,217,217,222,225,228,225,225,225,225,222,217,217,215,215,217,222,217,215,212,212,215,222,225,228,225,212,147,204,217,217,209,202,202,207,207,212,215,212,212,217,228,228,222,217,222,215,199,139,133,212,217,215,215,222,228,225,213,212,215,215,209,209,212,222,228,233,235,238,238,235,228,92,99,235,233,230,225,222,222,225,228,230,230,228,222,217,222,225,230,230,228,225,221,221,230,230,225,217,215,215,215,215,217,222,222,222,217,217,217,217,217,215,212,212,211,211,212,212,212,212,212,212,209,207,207,207,207,207,204,204,207,209,215,217,222,225,212,135,111,135,217,225,222,225,225,225,228,228,225,222,222,222,220,217,212,209,212,215,217,222,217,212,212,212,217,222,222,217,215,215,217,222,222,217,217,222,215,209,207,204,199,196,195,195,196,196,196,196,196,196,194,194,196,196,196,196,196,199,199,199,202,199,199,199,199,199,199,202,202,199,202,207,212,212,212,212,212,212,212,207,204,204,204,207,207,204,202,199,199,204,204,202,202,202,202,202,199,199,199,196,194,191,194,196,199,202,204,204,207,207,207,207,204,207,209,209,209,209,207,207,209,209,212,212,212,212,212,215,215,215,212,209,209,212,212,212,212,212,217,222,217,212,199,194,199,207,209,207,204,202,202,207,209,215,222,204,140,142,202,215,217,215,212,212,209,207,204,204,207,209,212,215,215,217,222,217,143,132,141,202,199,147,143,147,199,204,204,209,212,215,217,217,222,222,222,222,217,222,222,225,225,225,222,222,222,217,207,153,204,204,204,217,225,230,233,233,235,238,241,241,238,238,238,233,230,228,228,222,215,212,209,207,207,212,217,222,217,215,215,209,209,209,209,207,207,207,209,207,204,204,204,204,207,209,215,217,217,217,217,217,217,217,215,215,217,222,225,225,225,225,222,222,222,222,225,225,222,222,222,222,222,225,228,233,233,233,230,230,230,228,225,222,217,215,212,207,205,205,207,209,209,204,202,199,196,196,196,196,194,192,194,196,194,194,189,186,181,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,13,31,49,63,100,105,111,105,77,77,77,77,77,79,83,85,77,71,71,71,85,142,170,196,0,0,0,0,196,150,73,51,46,47,53,59,63,67,67,63,63,65,65,69,73,73,77,85,95,142,155,160,173,191,217,255,255,220,178,134,81,73,71,65,57,51,45,53,61,103,121,129,124,116,0,0,0,0,0,0,0,0,0,0,129,137,118,103,85,45,29,31,0,0,0,129,95,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,27,1,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,4,38,12,0,0,0,0,0,0,0,0,0,0,202,116,66,72,111,139,72,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,77,0,0,0,0,0,0,0,0,0,0,9,9,9,22,0,0,0,0,0,0,22,12,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,181,186,150,95,31,0,0,0,0,0,0,0,9,13,5,0,0,0,0,0,5,43,144,186,204,59,59,90,95,108,142,150,129,108,69,69,124,165,144,57,11,0,1,124,202,209,207,194,168,165,183,194,202,202,186,124,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,45,165,202,199,186,204,209,207,204,196,191,191,194,199,207,209,204,191,165,91,53,39,63,81,71,35,0,0,45,144,170,160,157,165,160,151,152,168,163,93,80,90,168,183,105,31,0,0,0,63,103,186,202,194,194,194,194,194,191,186,186,186,183,173,176,202,212,204,204,204,204,204,196,189,189,189,194,196,202,196,178,125,125,178,202,215,204,181,168,178,199,199,199,199,204,199,191,189,196,199,196,176,119,117,157,157,115,114,114,155,157,168,181,189,99,41,36,36,45,55,53,45,46,55,134,144,85,67,59,49,49,47,37,38,57,77,93,101,147,176,183,170,144,83,65,68,77,91,113,189,199,194,173,109,106,109,119,119,168,183,189,189,183,183,183,183,183,181,181,178,170,127,125,124,125,170,170,123,115,113,115,129,176,131,128,173,176,176,183,194,202,202,199,189,133,123,117,119,125,125,131,178,191,194,186,181,176,176,170,165,123,113,95,77,67,62,62,71,103,178,194,194,189,178,168,160,159,159,168,181,181,165,113,105,95,87,85,85,81,79,77,79,85,103,113,115,155,163,163,163,163,160,160,155,152,153,157,160,168,173,176,173,168,168,165,157,111,106,106,115,163,170,170,165,165,165,168,119,99,75,70,72,83,103,115,119,117,121,170,191,196,186,125,121,125,186,202,204,212,204,196,176,176,196,196,127,116,116,133,212,228,225,212,222,233,233,222,217,217,217,207,204,199,194,194,189,133,127,123,127,133,127,119,117,119,119,113,105,105,113,168,194,212,212,202,189,186,194,194,173,111,87,71,68,79,85,87,93,105,105,97,87,87,87,81,63,57,51,57,79,105,170,186,186,170,152,113,107,103,115,212,241,225,189,160,155,147,150,155,107,89,81,79,81,89,99,155,170,170,95,62,65,147,194,194,155,99,79,77,93,107,150,155,107,94,103,165,176,173,173,199,228,241,254,255,255,255,255,255,255,251,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,152,142,118,100,108,142,142,126,113,103,95,95,100,98,85,81,90,113,139,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,95,170,246,217,53,71,163,170,176,186,147,49,59,81,97,150,155,168,165,93,95,73,27,61,67,81,97,107,113,155,163,168,168,168,170,170,165,119,111,113,117,168,176,173,173,173,173,183,186,181,176,170,163,122,165,176,173,14,79,103,111,107,105,115,123,125,127,127,125,125,170,183,183,173,127,131,127,125,127,133,133,127,125,127,131,183,207,222,222,215,202,183,133,137,139,139,136,183,207,217,212,204,202,204,212,215,217,217,217,220,220,220,217,217,215,215,217,217,217,215,217,222,222,217,222,228,228,228,228,230,230,230,228,222,207,183,135,127,125,135,196,207,204,189,136,135,137,183,183,183,189,196,191,186,137,129,125,186,209,222,217,212,152,146,215,217,222,225,222,217,217,222,225,233,235,233,230,230,230,233,233,230,228,228,230,228,225,225,225,225,228,235,230,194,139,186,196,196,189,137,129,131,186,209,212,209,196,67,113,135,186,199,207,207,204,207,207,207,204,196,191,191,196,209,217,217,121,0,0,0,79,233,225,225,224,225,230,228,217,212,215,217,222,222,222,212,209,212,217,215,194,123,107,178,186,100,46,107,181,191,189,191,183,170,125,176,191,202,212,225,228,255,107,0,61,47,0,71,212,220,230,228,215,207,207,215,217,212,208,209,212,217,222,222,215,209,209,207,207,212,217,225,228,225,225,225,222,217,212,212,217,225,225,225,230,235,241,238,173,0,0,83,202,207,189,84,189,212,220,222,220,215,215,222,228,228,209,0,0,0,0,0,55,69,0,0,0,0,53,37,204,212,225,233,233,228,222,225,230,235,235,233,230,225,217,215,220,222,217,209,208,220,233,235,238,107,89,101,91,93,121,181,181,177,178,189,207,228,233,230,217,196,135,121,110,107,112,133,191,202,111,90,102,212,225,217,212,212,217,228,230,230,228,228,228,230,233,235,235,233,228,215,207,207,212,228,235,238,235,234,238,238,238,238,235,235,235,235,230,228,228,230,230,233,233,235,238,235,235,238,241,235,230,230,228,222,209,141,135,135,135,207,230,238,238,235,235,238,241,238,235,233,228,225,222,225,228,233,235,233,225,83,77,194,178,127,113,117,170,178,225,235,238,238,235,235,235,235,238,241,238,235,238,235,230,225,228,230,233,228,225,225,225,222,202,135,135,145,199,192,190,191,202,212,217,222,228,230,233,233,233,233,230,230,233,233,233,233,233,230,230,230,228,225,226,228,230,230,230,230,228,230,233,238,241,238,238,163,53,0,0,0,0,61,241,241,243,235,212,85,0,0,91,238,235,233,233,246,53,0,27,47,186,131,36,176,189,207,207,204,217,225,212,207,207,204,199,204,228,233,235,235,238,241,241,230,207,199,207,207,191,182,186,202,202,183,181,137,135,130,129,199,220,222,212,131,129,217,233,241,238,235,233,233,230,217,199,190,192,209,228,238,241,243,241,202,129,141,204,222,217,139,137,186,128,130,137,186,196,207,220,228,233,238,209,173,178,186,189,186,181,135,199,196,194,207,217,215,202,190,191,202,215,228,233,233,233,233,235,238,241,241,241,238,235,233,233,225,209,202,196,147,146,194,207,207,202,202,212,212,207,204,202,202,204,207,207,209,222,230,235,238,238,235,230,217,204,204,204,204,217,235,238,235,228,194,136,189,207,189,194,228,233,235,230,207,202,202,207,225,230,225,202,185,187,194,145,143,130,124,129,222,235,235,233,233,230,230,235,238,241,241,238,238,235,230,217,207,205,203,207,217,222,209,199,199,202,202,209,228,230,217,204,203,204,212,222,225,225,222,215,209,212,215,217,215,212,212,217,225,222,215,215,217,217,199,132,144,212,225,225,209,203,205,212,225,228,225,225,225,225,228,228,230,230,233,233,230,222,215,217,222,225,222,222,222,222,225,225,225,225,225,225,217,217,217,216,216,222,222,217,217,215,212,215,222,230,233,225,207,107,126,207,222,217,212,212,215,215,215,215,209,207,212,222,222,209,199,207,207,199,151,207,228,230,228,225,220,228,222,211,212,215,215,215,217,225,230,233,235,235,235,235,238,235,98,105,225,228,225,220,220,225,230,235,235,233,225,216,215,217,225,230,230,228,225,220,218,225,230,222,213,213,213,215,215,217,222,222,222,217,217,217,217,217,217,217,215,212,211,212,212,212,212,212,212,207,207,207,207,209,209,209,209,212,215,220,225,230,233,225,196,119,141,220,228,225,228,228,228,228,228,225,225,222,222,217,215,209,208,209,212,217,217,217,215,215,215,217,217,217,215,215,212,215,222,222,220,217,215,215,209,207,207,202,199,196,196,196,199,199,196,196,194,194,194,196,199,196,196,199,202,202,202,202,199,196,196,198,199,202,204,202,199,199,204,209,212,212,212,212,215,212,207,204,204,207,207,207,202,194,189,191,199,207,207,204,204,202,199,199,199,199,199,196,196,199,202,202,204,204,207,207,209,207,207,204,204,207,209,209,209,207,207,209,212,212,212,212,212,215,215,212,209,207,204,204,207,212,212,209,212,215,217,217,217,212,207,202,204,207,209,209,207,204,209,209,212,215,204,147,199,212,217,215,212,212,212,209,207,204,204,204,207,209,215,217,217,222,222,202,140,194,204,202,196,196,199,202,204,207,207,212,215,217,217,217,222,222,217,217,215,217,222,225,225,225,225,225,225,217,212,212,207,207,222,230,230,230,233,235,235,235,235,238,238,238,233,228,228,225,217,212,209,204,202,204,209,212,212,212,209,209,209,209,212,209,207,209,209,209,207,204,202,202,204,207,209,215,217,217,217,217,217,215,215,215,215,217,225,228,230,230,228,222,217,217,217,217,217,217,217,222,220,222,222,228,230,233,233,230,230,230,230,228,222,217,215,212,207,205,205,207,209,209,207,207,202,199,199,196,196,194,192,194,196,194,191,189,186,183,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,11,27,45,63,73,108,111,108,79,79,79,79,83,83,83,85,85,79,73,73,85,142,170,196,0,0,0,0,189,152,75,47,44,47,49,57,61,63,63,63,65,65,65,69,73,73,77,85,95,144,152,155,155,168,194,248,254,230,194,137,77,67,65,53,33,27,29,35,53,67,105,116,121,116,108,108,0,0,0,0,0,0,0,0,0,137,111,98,82,47,37,61,87,0,124,108,90,92,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,4,0,0,0,0,0,0,12,0,0,0,7,0,0,0,0,0,0,0,202,69,30,46,103,147,103,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,66,0,0,0,0,0,0,0,0,0,0,48,48,40,0,0,0,0,0,0,0,40,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,152,160,131,74,25,0,0,0,0,0,0,0,0,17,29,19,3,0,0,0,74,131,178,204,212,155,113,108,116,142,160,176,170,126,63,49,105,157,137,21,0,0,0,49,178,207,209,186,150,152,176,191,191,194,168,103,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,157,181,191,160,124,160,202,207,196,191,191,191,204,215,225,207,189,160,142,85,53,39,69,89,93,71,11,3,65,165,178,160,160,173,165,155,160,173,163,93,83,95,170,189,157,73,37,37,63,77,101,163,186,186,186,186,194,194,176,117,115,176,186,191,196,204,204,204,204,204,204,196,189,178,178,189,196,204,202,189,165,121,168,189,207,212,199,170,163,178,199,204,199,199,204,199,181,168,181,199,196,170,114,111,114,115,115,114,157,157,168,168,168,168,57,35,35,45,81,91,69,48,50,126,194,183,134,83,83,83,79,73,55,51,65,83,139,147,160,160,147,105,93,75,69,75,91,111,173,191,196,194,178,106,106,109,119,123,176,183,191,191,183,183,183,183,183,183,181,173,168,127,125,124,125,125,127,123,115,105,103,113,123,176,183,189,186,183,191,199,202,202,199,189,131,119,111,111,111,111,111,119,178,186,178,178,181,181,176,165,117,109,95,83,69,64,64,73,111,186,199,194,186,183,176,176,165,165,173,181,181,163,111,97,87,81,80,81,80,79,77,80,93,107,115,155,157,163,163,163,155,155,155,155,153,153,157,165,173,178,181,173,163,163,163,157,111,106,106,111,160,170,176,168,165,165,165,119,99,81,72,79,93,109,123,163,123,123,168,189,189,186,168,125,123,173,194,204,212,212,196,173,133,176,186,127,116,119,135,212,225,212,212,222,233,225,217,207,207,207,199,194,194,199,199,204,194,133,127,133,183,133,119,113,113,113,107,97,97,105,125,186,199,202,189,168,186,202,204,173,113,99,85,79,87,93,93,99,105,105,99,99,99,99,93,87,63,45,43,51,87,163,194,170,111,105,113,155,115,163,207,233,217,189,173,168,155,144,147,144,101,87,81,77,85,99,150,165,157,91,65,81,170,212,202,157,99,91,95,105,147,147,147,105,95,99,155,173,173,186,204,233,243,251,255,255,255,255,255,255,255,255 +0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,98,90,87,103,152,165,144,121,108,105,100,100,95,85,83,92,100,105,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,144,163,170,137,15,69,165,178,181,176,144,63,78,142,157,163,157,165,165,39,0,0,0,32,34,43,101,117,163,165,168,165,163,163,165,165,163,119,111,109,107,160,183,181,176,173,176,181,181,178,176,176,168,123,170,181,178,4,39,105,103,101,109,181,181,165,127,168,122,107,108,181,189,183,131,173,131,129,186,189,191,189,178,178,183,186,196,209,212,207,196,186,181,189,189,137,131,133,202,217,215,207,204,207,212,217,217,217,217,215,215,217,220,217,215,215,215,217,215,212,215,215,215,215,220,225,228,225,225,228,228,225,222,217,212,189,131,123,121,129,189,207,207,196,183,137,181,183,186,189,199,207,196,189,181,127,117,122,196,217,225,225,157,138,202,212,222,225,225,222,217,217,225,230,235,235,233,233,233,233,233,228,228,230,230,230,228,225,225,225,225,228,209,141,138,191,202,204,202,196,137,125,124,131,189,196,204,189,133,178,186,194,199,199,199,204,207,207,204,199,191,190,196,215,222,215,27,0,0,0,65,230,225,225,224,228,233,230,228,222,217,222,222,222,217,209,202,204,217,217,199,77,64,194,202,189,93,115,189,212,209,202,194,129,119,120,170,194,207,215,222,222,111,0,25,73,87,233,228,222,217,215,217,222,222,220,222,215,209,209,215,222,225,222,215,209,207,207,207,212,217,222,225,222,222,225,222,217,212,211,212,222,225,222,222,228,233,233,228,97,79,181,220,196,89,58,160,215,220,222,222,217,209,209,215,207,43,0,0,0,0,0,0,0,0,0,0,0,0,0,204,215,228,233,235,230,225,222,228,230,230,225,220,215,209,209,215,217,217,215,215,222,230,233,235,230,202,105,78,84,123,178,181,135,134,181,207,235,238,235,225,194,123,112,109,109,115,131,141,127,91,88,111,199,209,207,202,209,222,230,233,233,233,235,233,235,235,238,235,230,225,212,205,205,209,225,235,238,234,234,235,238,238,238,235,235,235,233,230,230,230,233,235,238,238,241,241,235,235,235,238,235,233,230,228,217,209,149,145,149,199,217,230,235,235,233,233,235,238,238,233,230,228,222,220,222,228,233,235,233,225,119,14,39,178,176,89,99,176,183,212,230,238,235,235,235,235,235,238,241,238,238,235,235,233,225,215,212,209,204,202,212,215,204,135,131,136,212,215,204,194,192,199,207,215,222,230,233,233,230,230,228,228,230,233,233,233,233,233,230,230,230,228,226,228,230,230,233,233,233,233,230,238,243,238,194,71,0,0,0,0,0,0,65,202,238,241,241,246,241,57,0,99,241,225,207,139,139,63,71,81,49,75,37,19,178,178,170,165,168,225,233,230,222,212,204,202,207,228,235,238,238,238,238,238,233,212,194,196,202,194,182,182,183,123,107,108,128,137,135,133,186,207,209,202,194,202,228,238,241,238,235,233,233,235,230,217,202,194,194,207,241,246,238,222,186,129,129,141,204,204,135,132,133,127,137,194,196,202,212,225,228,233,241,230,191,181,178,183,186,126,125,207,189,202,225,230,230,217,191,190,194,199,207,225,233,235,235,235,238,241,241,238,238,235,233,233,230,215,204,196,147,145,144,146,196,199,202,212,217,209,204,202,202,202,204,204,207,217,230,238,243,243,235,225,207,145,196,199,196,207,233,241,238,230,196,125,111,114,132,199,230,241,243,238,215,209,204,200,207,212,212,194,187,192,196,141,139,135,128,130,199,222,230,230,233,233,233,238,238,238,238,235,235,233,228,217,215,212,205,205,217,217,207,200,202,204,200,202,222,228,217,207,203,204,215,225,222,217,215,215,212,215,217,222,217,215,217,222,225,222,215,212,215,212,147,120,140,207,215,217,207,204,208,222,230,230,225,225,225,225,228,228,230,233,233,233,230,222,215,217,222,222,222,222,222,222,222,217,215,217,222,225,222,222,222,222,222,222,215,207,207,209,212,215,225,235,238,228,209,102,120,143,217,228,228,225,225,215,209,207,204,207,212,222,222,209,194,195,198,199,209,222,228,233,230,225,200,222,217,213,215,222,222,222,225,233,235,235,235,235,231,233,238,238,109,117,222,228,225,221,221,225,233,238,238,235,225,216,215,217,225,225,222,225,230,224,220,225,233,225,213,215,215,217,217,222,222,225,222,215,212,212,215,217,225,228,225,215,212,212,212,212,212,209,209,207,205,207,209,212,212,212,212,215,217,217,225,228,233,228,207,139,204,228,230,225,228,228,228,228,225,225,225,225,222,217,215,208,208,209,212,215,217,215,215,217,217,217,215,215,212,212,212,212,217,222,217,215,215,212,209,209,207,204,202,199,199,199,199,202,199,196,194,191,191,196,196,196,196,199,202,204,204,202,199,198,198,199,202,204,207,207,204,202,202,207,209,212,215,215,212,212,207,207,207,207,207,204,199,189,185,186,196,204,207,204,202,199,196,199,199,199,199,199,202,204,207,207,204,204,207,207,209,207,204,204,204,207,207,209,209,209,209,209,212,212,212,212,212,212,212,209,207,204,203,204,207,209,209,209,209,209,215,217,217,215,209,204,207,209,212,212,209,207,209,209,209,212,209,207,212,217,217,212,209,212,215,212,207,204,204,204,207,209,215,222,222,225,222,209,196,202,207,207,207,207,204,207,204,207,207,215,217,215,212,215,215,217,215,212,209,212,215,222,228,228,228,228,228,225,217,215,204,204,225,230,230,230,233,235,235,235,235,235,238,238,235,230,228,225,215,209,204,202,202,204,204,204,202,204,207,207,204,204,207,207,207,209,209,207,204,202,202,202,202,207,209,215,217,217,217,215,215,215,215,215,217,222,225,228,230,230,230,222,217,217,217,217,217,217,222,225,225,225,225,230,233,233,233,233,233,230,230,230,225,222,215,212,207,205,205,207,209,212,209,209,204,202,199,199,196,194,194,196,196,194,191,189,186,183,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,17,43,59,71,103,108,108,108,111,113,113,87,87,87,85,85,85,79,79,85,142,170,196,0,0,0,0,189,144,75,47,45,45,47,51,57,59,61,65,65,69,69,73,73,77,79,85,95,147,155,157,153,157,178,220,246,243,207,157,85,71,65,53,33,26,25,33,55,71,105,105,113,108,100,92,0,0,0,0,0,0,0,0,0,0,105,87,79,47,45,74,87,92,85,74,77,85,105,129,144,124,0,0,0,0,0,0,108,95,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,35,4,0,0,0,0,0,0,0,0,0,0,7,48,0,0,0,0,0,0,108,33,33,139,0,209,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,66,0,0,0,59,43,0,0,0,0,17,56,53,33,33,0,0,0,0,0,0,0,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,124,124,85,48,13,0,0,0,0,0,0,0,0,0,13,29,17,0,0,0,82,142,181,173,144,131,121,129,150,165,186,202,199,150,55,40,47,69,57,0,0,0,0,0,121,189,194,168,131,150,181,196,202,194,168,108,43,33,31,0,0,0,0,0,0,0,0,0,0,0,51,150,191,199,194,142,74,78,165,183,181,189,191,194,207,225,235,212,189,170,165,95,17,0,27,63,75,79,35,31,126,191,181,165,173,189,178,163,173,183,173,99,90,147,189,196,176,101,77,87,107,109,150,163,176,176,176,186,194,186,115,102,102,117,186,196,196,204,204,204,204,209,204,202,189,178,178,189,196,204,202,189,168,121,168,189,204,199,189,170,169,178,191,199,191,191,199,191,176,121,165,181,181,170,157,119,117,115,114,115,160,170,168,155,147,101,57,38,37,51,87,144,144,134,152,189,194,155,85,83,134,170,165,139,83,77,81,131,150,160,152,99,83,77,69,61,69,87,107,168,189,191,196,196,178,109,108,109,119,165,173,183,191,191,189,189,189,186,186,183,181,173,173,170,170,170,170,170,170,127,123,113,99,99,103,173,194,194,191,189,191,199,202,199,191,181,125,117,111,111,111,110,105,110,123,170,168,173,181,183,176,123,115,105,97,89,73,66,69,85,113,173,189,194,189,189,183,183,176,173,176,181,176,155,105,91,81,80,81,83,85,81,81,85,101,113,155,165,163,163,163,155,152,152,152,160,160,160,163,170,178,176,173,163,163,163,163,163,113,107,107,109,117,168,176,173,165,165,119,115,105,93,85,97,109,123,168,170,165,165,165,176,186,186,173,125,123,170,186,204,217,212,196,173,127,127,133,125,119,122,186,212,212,207,207,212,222,222,207,207,207,207,199,194,194,194,199,204,204,189,186,186,194,133,119,113,113,111,105,95,95,105,119,163,170,183,170,165,186,212,212,186,119,105,99,91,99,111,111,111,111,111,105,99,99,99,105,103,87,51,41,43,71,155,194,163,96,93,105,163,168,186,212,233,225,207,204,189,155,140,142,152,150,101,87,77,73,85,99,105,137,87,85,144,202,230,202,160,105,99,99,105,99,93,93,93,93,95,142,155,165,173,204,225,235,235,243,255,255,255,255,255,0,0 +118,126,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,95,98,100,131,157,142,113,103,103,103,103,95,85,83,92,103,82,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,155,142,0,0,57,157,181,181,165,157,165,181,183,183,189,181,176,199,63,0,0,37,59,35,33,91,157,170,173,165,160,157,160,163,163,165,165,157,105,96,113,189,186,178,176,176,178,170,160,121,165,165,165,176,186,186,22,21,99,99,99,105,186,189,176,173,178,170,110,102,173,186,183,127,130,178,194,207,202,202,199,189,186,189,186,189,196,199,196,194,194,199,204,199,186,132,131,189,212,215,209,207,207,212,217,222,217,215,212,212,217,217,217,215,215,217,217,215,212,212,212,212,215,217,225,225,222,222,222,222,217,212,209,212,204,183,129,121,121,137,209,212,204,189,137,135,181,191,202,204,207,194,189,181,133,120,122,194,215,222,220,179,156,199,209,222,225,228,225,222,217,217,225,230,233,233,233,233,233,230,228,225,225,228,228,225,222,222,222,217,202,141,139,189,202,207,207,212,212,202,183,129,125,129,135,186,191,181,181,186,194,199,194,196,199,204,207,204,199,194,194,202,207,204,99,0,0,0,0,59,215,228,228,225,228,230,230,230,225,222,222,222,222,215,204,198,198,212,222,215,70,50,194,212,212,119,117,131,202,212,212,209,196,123,119,123,186,196,196,217,209,176,45,83,127,233,246,233,222,209,205,212,225,228,222,220,217,215,217,225,228,228,225,217,215,209,207,209,215,220,222,222,217,222,225,225,217,215,212,215,222,222,222,221,225,228,230,235,233,181,176,183,181,95,50,94,222,228,225,222,220,212,207,222,152,0,0,0,0,0,0,17,29,15,0,0,49,79,204,212,215,222,228,228,228,222,220,225,225,222,217,212,209,208,208,212,215,217,217,220,217,222,225,228,233,233,121,80,85,115,129,178,178,178,137,196,233,235,235,215,139,123,115,115,127,189,209,222,191,101,101,127,145,199,199,196,207,225,233,235,233,235,235,235,235,238,235,233,230,225,215,208,208,212,225,233,235,234,234,235,238,238,238,238,235,235,233,233,233,233,235,238,241,241,243,241,235,233,233,235,233,233,230,225,212,207,199,151,202,209,217,228,233,233,230,228,230,235,235,233,230,228,222,220,222,228,233,235,238,228,202,0,0,170,209,21,0,0,47,194,225,235,238,238,235,235,235,238,238,238,235,233,235,230,225,139,138,134,137,147,202,199,139,133,137,217,235,230,222,215,207,202,202,209,222,230,233,230,230,228,228,228,230,233,233,235,235,235,235,235,233,233,233,235,235,235,235,235,233,228,222,230,238,111,0,0,0,0,0,0,0,0,109,176,235,238,241,251,255,220,17,93,173,142,0,0,73,168,225,209,157,63,35,24,160,170,155,144,103,150,191,217,215,202,191,202,212,225,233,235,238,238,238,238,233,217,191,186,196,199,194,194,194,137,126,128,191,199,189,135,129,135,189,199,207,222,230,235,238,238,235,233,235,235,235,233,225,207,143,189,243,243,141,135,131,127,126,133,183,135,130,131,189,199,204,202,199,204,217,225,228,230,233,233,235,238,181,189,189,124,127,137,81,199,238,235,235,222,194,191,191,189,145,217,233,235,238,238,238,238,235,233,233,233,230,233,228,215,207,202,196,194,142,143,147,196,199,212,222,209,204,200,200,202,207,207,204,209,225,235,243,241,228,202,145,145,196,196,191,196,222,238,238,233,212,136,116,117,137,212,233,241,241,230,204,222,212,198,195,202,207,194,192,207,207,202,204,204,194,143,194,212,225,225,228,233,238,238,235,230,228,228,228,228,222,217,225,225,215,209,217,225,215,207,207,204,196,192,196,209,212,207,203,204,209,212,212,209,212,215,215,215,222,222,222,222,225,222,225,225,215,209,212,209,199,131,151,215,215,217,209,209,222,230,235,230,228,228,228,228,230,230,230,233,233,233,230,222,215,215,217,217,217,217,222,217,215,212,211,212,222,225,225,225,230,230,228,222,205,198,198,207,215,222,230,238,241,233,220,142,140,149,217,233,233,230,225,212,202,151,199,207,217,222,225,215,196,196,198,202,212,222,225,228,225,217,148,207,215,222,225,222,215,215,225,233,235,235,235,235,231,233,238,235,127,147,228,230,228,222,222,228,235,238,238,233,225,217,216,217,217,213,212,217,233,230,225,228,230,225,217,222,225,225,225,228,228,228,225,217,212,211,212,217,228,230,228,220,215,215,215,212,209,209,207,205,205,207,209,215,215,217,215,215,215,215,217,222,228,225,209,207,217,230,230,225,225,228,228,228,228,228,225,225,222,217,215,212,212,215,215,217,215,215,215,217,217,215,215,212,212,209,212,212,215,215,212,212,212,212,209,209,209,207,204,204,202,202,202,204,202,199,194,191,191,194,194,194,194,196,202,204,204,202,202,202,204,204,204,207,212,215,209,204,202,204,209,212,215,212,212,207,204,202,207,209,207,204,202,194,187,189,199,207,207,202,199,196,196,199,199,202,202,202,204,207,209,207,207,204,207,207,207,207,204,203,204,207,207,207,207,207,209,209,212,212,212,212,209,209,209,207,204,204,204,207,207,209,209,209,208,209,212,215,217,215,209,204,204,209,215,215,212,209,212,209,208,209,212,215,217,215,212,207,204,209,215,215,212,207,204,204,207,212,217,225,225,222,217,209,204,204,212,217,217,215,212,212,207,204,204,212,217,215,209,209,212,212,212,209,208,209,215,222,228,228,228,228,228,225,222,215,149,145,215,228,228,228,233,235,233,233,233,235,238,238,233,228,228,222,212,204,202,153,202,204,202,199,198,199,202,204,199,195,196,202,204,204,207,204,202,199,199,199,202,204,209,212,215,215,215,215,215,215,217,217,222,225,225,228,228,228,228,222,217,217,217,217,222,222,228,230,230,230,230,233,235,235,235,235,233,233,233,230,228,222,217,212,209,207,207,209,209,209,209,209,207,202,202,202,202,199,199,199,196,194,191,189,189,186,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,15,37,57,69,100,108,108,113,118,121,121,121,118,118,118,121,87,87,87,121,134,165,199,0,0,0,0,191,144,79,55,47,47,47,49,55,59,63,65,69,69,73,73,77,79,79,85,99,152,163,163,163,163,178,202,222,233,212,170,126,81,73,57,33,25,25,35,59,100,108,98,100,100,100,92,0,0,0,0,0,0,0,0,0,0,95,82,79,45,47,74,74,64,39,29,46,64,82,105,113,95,77,105,124,124,116,105,95,82,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,0,25,25,35,35,20,0,0,0,0,0,0,0,0,0,4,33,51,51,43,35,48,79,121,116,35,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,85,0,7,66,92,51,0,0,0,0,7,64,48,0,9,0,0,0,0,0,0,0,69,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,92,92,51,13,1,0,0,0,0,0,0,0,0,0,0,3,0,0,0,0,19,103,170,131,45,55,105,150,183,194,194,202,199,150,65,49,53,39,11,0,0,0,0,0,45,147,155,126,113,152,183,202,209,202,186,157,111,105,95,0,0,0,0,0,0,0,0,0,0,21,100,157,194,207,202,165,72,69,124,173,181,204,207,204,212,233,246,235,215,209,222,168,0,0,0,21,35,59,59,83,196,212,191,178,191,196,183,176,183,189,173,134,95,168,189,189,163,95,71,75,101,150,163,176,176,176,178,186,186,176,107,99,102,117,186,196,196,204,212,212,212,220,212,204,194,189,178,186,189,196,196,189,178,125,168,181,189,189,181,173,176,178,191,191,189,189,191,191,181,170,121,119,170,181,189,181,170,155,155,160,178,183,181,168,147,101,81,59,55,69,97,152,176,186,196,194,163,83,75,81,142,183,183,150,91,95,139,147,134,139,142,89,71,61,49,46,55,99,168,189,196,196,196,196,186,168,163,168,168,165,168,176,183,191,191,191,191,191,189,189,186,181,181,181,178,178,178,178,178,176,129,119,99,96,101,131,194,194,189,187,191,196,199,196,183,131,121,111,111,117,119,117,110,110,119,168,168,168,181,183,176,123,115,105,109,95,75,67,71,89,103,111,160,178,183,183,183,183,176,173,173,176,173,155,101,89,81,81,85,95,99,99,99,101,109,115,165,173,170,163,163,155,113,111,152,160,168,163,165,173,181,173,163,159,159,163,170,160,117,109,109,109,115,165,173,178,168,157,115,111,111,105,103,113,160,168,173,176,176,168,165,173,178,186,173,168,123,127,183,194,212,212,196,173,126,126,127,125,122,123,186,204,207,204,204,204,212,212,207,207,215,215,207,207,204,196,196,204,204,196,194,194,194,183,119,111,109,105,97,91,91,105,111,119,163,163,160,165,191,212,212,186,117,105,97,101,117,170,165,163,163,119,111,103,99,99,111,111,99,57,41,41,55,111,183,163,96,93,99,155,173,194,217,233,233,233,225,199,155,138,142,160,165,152,99,73,64,69,81,87,87,87,101,186,220,230,202,160,139,101,99,87,73,61,73,79,87,89,129,147,150,165,196,215,215,217,228,241,254,255,255,0,0,0 +117,121,144,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,79,0,0,77,105,111,100,103,108,98,85,90,98,105,108,103,92,87,103,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,178,165,89,144,176,183,186,183,189,194,189,217,176,0,34,178,181,87,75,105,165,176,173,163,156,156,156,160,163,168,170,168,94,74,105,191,189,178,173,173,170,160,103,95,105,160,170,181,191,202,103,23,49,83,99,103,173,189,191,189,186,186,189,117,170,183,176,126,126,181,209,212,207,204,202,189,183,183,181,181,181,137,137,191,204,215,217,207,194,136,135,196,212,215,209,207,207,212,217,222,217,212,211,212,215,217,220,220,220,220,220,217,215,212,212,212,215,217,222,225,222,222,217,217,212,205,204,209,217,209,196,131,117,129,215,217,207,191,133,129,133,183,194,196,196,189,183,181,186,137,135,199,212,215,204,191,194,207,209,215,222,225,225,222,217,217,222,228,228,230,230,233,230,228,225,225,225,225,225,222,222,220,217,209,139,133,183,204,209,207,207,212,212,207,202,186,127,122,123,178,191,189,186,194,199,196,189,194,199,202,202,196,189,189,194,194,129,79,0,0,0,0,0,33,91,230,228,225,228,228,228,225,217,217,222,222,225,217,207,198,196,202,222,233,178,48,183,199,194,176,131,178,189,191,202,207,207,189,121,119,127,173,129,122,215,215,215,212,215,230,235,233,222,212,205,205,212,217,222,217,217,222,225,230,230,225,217,217,215,212,212,215,217,222,222,217,216,217,222,225,220,215,215,217,222,222,222,222,222,222,228,233,230,204,160,116,165,178,83,99,222,233,225,215,209,212,204,202,31,0,0,0,0,0,189,209,207,207,204,217,222,199,222,217,217,217,225,225,225,220,220,222,222,217,215,212,209,208,209,212,217,217,217,222,217,215,217,222,228,228,196,101,86,94,113,178,191,194,133,117,127,135,189,105,121,131,139,186,202,222,233,235,222,137,117,127,143,194,194,196,209,228,235,233,233,233,233,235,235,235,235,235,230,228,222,217,217,225,230,233,235,235,235,238,238,238,241,238,238,235,235,235,235,235,235,238,241,241,241,235,233,233,233,233,230,233,230,217,207,204,202,199,202,202,204,215,225,228,228,225,228,233,235,233,233,228,225,222,225,228,233,235,241,233,222,0,0,209,235,0,0,0,39,178,196,228,235,235,233,233,235,238,235,235,235,238,233,207,141,127,134,137,199,212,209,194,137,139,209,230,233,230,225,222,212,199,189,199,215,225,228,228,228,230,230,233,233,230,230,233,233,235,238,238,235,233,233,235,235,235,230,225,215,215,212,209,163,49,37,9,0,105,160,41,0,0,103,147,165,228,235,243,251,251,45,13,0,0,0,0,83,217,228,222,215,191,173,142,150,165,165,157,103,126,142,183,189,178,176,194,207,212,215,225,233,235,235,235,230,212,183,137,186,194,199,209,220,238,251,248,230,194,129,127,122,131,191,204,225,233,233,235,235,235,235,235,235,235,238,238,235,225,135,117,131,103,83,113,191,141,129,131,135,132,132,135,189,209,199,133,131,194,215,222,225,228,230,235,238,235,159,191,202,191,183,115,61,87,220,222,228,217,202,199,191,143,140,202,222,233,235,238,235,233,230,230,230,230,228,225,222,212,207,207,204,199,145,145,194,194,196,212,225,212,202,199,198,202,209,212,204,199,209,228,233,225,202,137,134,202,202,196,147,191,204,225,230,228,212,199,191,141,194,209,225,241,204,101,47,204,215,207,200,202,202,191,192,209,215,222,228,225,215,202,199,215,225,217,215,217,225,225,217,215,215,217,222,222,217,215,225,228,217,209,217,228,228,220,215,209,199,194,196,204,209,209,207,207,204,207,207,207,212,215,215,217,222,225,225,228,225,215,215,225,217,209,212,212,207,199,215,225,225,228,225,225,230,235,238,233,230,230,230,233,233,233,233,233,233,233,230,225,217,215,215,215,215,215,217,217,212,211,209,212,225,228,225,222,228,230,230,225,207,199,200,209,222,230,233,238,241,235,228,222,204,204,217,233,235,230,225,209,151,148,151,209,217,222,222,215,209,209,204,204,212,220,225,222,217,209,144,200,209,228,228,217,207,205,215,228,230,235,238,235,233,233,233,225,199,217,230,228,222,215,217,228,235,235,233,230,225,217,217,217,215,211,209,215,233,233,225,222,222,217,222,225,228,230,233,235,235,233,230,228,217,212,212,217,225,228,228,222,220,217,217,215,212,209,207,205,205,207,212,215,217,220,217,215,213,213,215,217,222,220,212,215,222,228,228,228,228,228,230,228,228,228,228,225,222,217,215,215,217,222,222,220,217,215,215,217,217,215,212,212,209,209,212,215,215,212,209,209,212,209,209,209,212,209,209,207,204,204,204,204,204,199,194,191,190,191,194,194,194,196,199,204,204,204,204,207,207,204,204,204,212,215,212,204,202,204,209,212,212,212,207,199,194,196,204,209,209,209,207,199,194,194,202,204,204,202,196,196,196,199,202,202,202,204,204,207,207,207,207,207,207,207,207,204,204,203,204,207,207,207,204,207,207,209,212,212,212,212,212,209,207,207,207,209,209,209,209,207,207,209,208,208,209,212,215,215,209,202,202,207,212,215,215,212,212,209,208,209,212,215,215,209,207,204,202,204,212,217,215,209,207,204,207,209,215,222,225,217,215,209,207,209,217,225,225,217,212,209,199,199,204,212,215,215,209,208,208,209,212,209,209,209,215,222,228,228,228,228,228,225,225,215,137,129,199,217,222,228,230,230,230,230,233,233,235,233,228,225,222,217,209,202,153,153,202,204,204,199,198,198,202,202,196,194,194,196,199,199,199,199,199,196,196,199,202,204,207,209,212,212,215,215,215,217,217,222,225,225,225,225,225,225,222,222,220,217,217,217,225,228,233,235,235,233,233,235,238,238,238,235,235,233,233,233,230,225,217,215,212,209,209,207,209,209,212,209,207,202,202,202,204,204,202,199,196,194,191,191,189,189,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,33,53,67,103,111,113,121,124,134,137,134,124,121,121,121,121,87,87,121,137,165,191,0,0,0,0,181,147,81,61,51,49,51,55,55,59,63,67,69,73,73,77,79,79,81,89,131,152,163,170,176,176,181,186,204,215,204,173,139,87,73,53,31,23,25,35,67,100,100,98,92,100,100,100,92,0,0,0,0,147,0,0,0,0,0,0,79,72,43,61,43,33,21,15,21,29,59,87,95,85,85,124,139,131,116,98,85,69,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,22,22,17,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,108,0,0,59,43,53,69,72,43,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,116,61,69,79,51,0,0,0,0,0,0,82,56,0,9,0,0,0,0,0,0,0,87,51,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,59,61,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,111,85,16,35,105,176,202,202,194,186,165,116,105,144,142,39,0,0,0,0,0,0,0,43,63,61,75,150,183,199,204,209,209,202,186,163,121,15,0,0,0,0,0,0,0,0,0,29,113,173,202,209,202,178,81,69,81,176,202,225,225,225,225,238,255,255,241,235,230,91,0,0,0,0,0,0,35,126,204,215,191,178,186,191,173,168,183,183,160,95,94,160,168,157,105,75,50,48,63,97,150,181,194,194,194,178,163,163,109,105,109,176,191,196,196,204,212,212,220,225,220,204,189,178,173,178,186,189,194,186,168,119,117,165,170,181,186,181,178,181,189,191,181,181,191,189,181,170,121,115,165,191,199,199,181,170,173,183,194,199,196,189,170,155,105,95,99,139,152,165,170,186,194,186,144,82,78,91,150,170,178,131,85,131,152,134,51,89,139,93,77,67,48,44,49,111,189,196,204,207,207,204,194,186,186,186,183,176,168,176,183,191,194,194,194,191,191,191,189,189,181,181,178,178,178,181,183,178,178,127,113,101,111,131,189,194,187,186,191,196,202,199,183,131,121,121,125,131,173,131,125,117,125,168,168,168,178,181,176,163,115,111,113,97,77,66,73,83,83,83,105,168,176,176,176,176,165,165,168,173,163,111,97,83,81,81,89,105,115,115,115,115,115,155,168,173,170,163,157,152,111,110,152,163,168,165,165,173,178,173,163,159,160,170,170,160,155,117,109,109,111,160,173,183,168,115,107,105,105,107,109,160,163,168,170,176,178,176,165,170,173,178,173,123,123,123,170,186,204,204,194,173,126,126,133,125,123,125,194,204,204,194,194,204,207,212,207,212,225,228,222,222,212,207,204,204,204,196,186,186,133,125,109,99,99,97,91,87,93,105,111,111,111,117,119,163,186,204,204,173,113,97,97,111,183,202,202,186,170,170,117,111,105,105,117,117,105,79,45,41,45,91,155,163,105,96,99,113,173,199,217,228,233,243,243,204,165,142,150,170,176,165,107,77,64,69,73,77,77,85,144,194,220,212,186,160,150,137,91,61,52,52,61,73,79,87,129,137,147,155,189,204,204,204,207,228,241,255,255,0,0,0 +118,129,152,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,152,160,90,85,82,92,92,87,92,90,82,79,87,100,105,108,105,98,98,116,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,83,49,15,93,173,178,181,181,189,194,194,196,178,36,107,181,183,163,113,152,165,178,173,163,157,157,156,157,165,170,170,165,67,58,107,194,189,181,176,170,163,109,90,89,101,121,173,178,186,194,165,55,25,69,107,113,181,196,202,202,196,189,183,170,170,178,178,130,127,178,207,212,207,207,202,189,178,135,135,135,135,130,130,183,204,217,222,207,194,139,186,204,212,209,207,209,212,215,217,222,217,212,211,212,215,217,222,225,225,225,222,222,217,212,209,209,212,215,220,225,225,222,217,215,207,204,204,209,222,217,212,196,115,119,199,209,202,186,131,130,131,131,129,135,186,191,189,177,189,191,137,194,209,212,191,190,215,217,212,212,215,217,222,222,217,215,217,217,222,222,225,228,228,225,222,225,225,225,225,222,220,222,215,199,135,134,194,212,209,204,204,207,207,209,204,189,121,118,123,178,194,202,194,199,196,189,185,189,196,194,186,173,127,131,181,186,125,77,0,0,0,0,0,7,11,235,228,222,222,222,217,215,209,215,222,225,228,225,215,204,200,204,225,235,189,22,70,103,173,186,191,199,194,176,127,183,194,186,123,118,119,123,123,116,222,228,217,209,207,222,233,228,222,212,207,204,204,209,215,215,217,222,228,230,230,222,209,209,212,215,217,217,217,222,222,217,216,216,222,222,220,217,217,222,228,228,225,221,218,218,222,230,230,225,194,122,163,170,103,139,178,202,204,183,147,89,35,0,0,0,0,0,31,186,209,233,225,220,220,225,225,225,228,225,217,220,228,228,225,221,222,222,220,217,215,212,209,209,209,215,222,222,217,220,217,215,217,217,217,217,202,121,81,88,111,186,194,194,99,89,96,98,97,91,117,189,202,209,217,230,235,235,228,209,139,135,145,194,146,196,212,230,233,233,230,230,230,233,235,238,238,235,235,233,228,225,228,235,235,235,233,235,235,235,238,241,241,241,238,235,235,238,238,238,235,235,238,241,235,231,230,233,235,233,230,230,230,217,207,207,207,202,196,195,192,202,217,225,225,222,225,230,233,233,233,230,228,225,225,228,230,235,241,241,212,0,35,241,233,0,0,7,170,127,109,186,222,225,220,222,230,233,233,233,235,235,212,141,131,133,196,228,235,233,222,207,199,207,225,230,230,228,222,215,209,191,181,185,204,212,215,217,222,225,228,230,228,217,215,215,222,225,230,230,230,199,189,181,173,176,181,170,117,113,115,109,51,31,89,97,105,204,254,212,0,0,27,105,163,212,230,235,243,254,170,0,0,0,0,45,207,230,233,233,233,241,246,228,165,181,194,202,181,146,146,170,178,177,177,202,204,194,191,199,207,215,217,215,209,189,133,133,181,189,202,217,233,241,246,241,225,125,120,128,135,196,207,212,230,235,235,235,235,235,238,238,238,238,241,241,241,230,125,97,94,78,71,113,217,207,137,137,137,137,183,137,129,110,101,99,105,117,183,207,217,222,230,235,228,199,118,182,207,212,217,191,80,62,84,183,215,217,212,207,189,143,140,196,215,228,233,235,235,233,230,230,230,228,222,215,212,209,209,209,204,199,194,196,199,199,207,225,230,222,207,198,198,202,212,212,202,195,199,215,222,209,194,138,136,202,143,145,196,194,196,204,215,217,212,204,196,189,194,191,121,125,53,0,0,121,225,233,225,209,199,190,194,209,217,233,235,230,222,207,207,225,228,215,207,199,199,202,202,199,204,215,222,217,215,213,217,220,215,209,215,222,228,225,222,222,217,207,207,209,212,215,217,212,207,204,207,209,215,217,215,215,217,220,222,228,225,202,199,215,215,209,212,212,215,217,228,230,233,233,233,235,235,238,238,238,235,235,235,235,235,235,233,233,233,233,230,228,222,217,217,215,215,215,217,217,215,212,212,217,228,228,222,217,225,228,230,228,217,207,209,220,228,233,233,235,238,233,230,225,215,212,222,230,230,228,225,215,199,150,202,212,217,217,217,215,215,215,209,212,222,225,228,228,222,217,195,202,215,230,230,217,204,203,207,217,228,233,238,238,238,235,225,212,207,225,228,222,215,212,215,225,230,230,225,222,222,222,222,222,217,213,212,217,230,228,222,215,212,215,222,222,225,230,235,241,241,238,238,235,225,215,212,215,222,225,222,222,217,217,217,215,212,209,207,207,207,209,212,217,222,222,217,215,213,215,217,222,222,222,217,217,222,225,228,228,228,228,228,225,228,228,228,228,222,217,217,217,225,228,228,225,222,217,217,217,215,215,212,212,209,209,209,212,215,212,207,204,207,209,212,212,212,212,212,209,207,204,202,202,202,199,196,194,191,191,194,194,196,196,202,204,207,207,207,207,207,204,200,200,204,209,207,204,202,204,207,212,212,209,202,194,191,192,202,209,209,209,207,202,196,196,202,204,202,202,199,196,199,202,202,202,202,204,204,204,204,207,207,207,207,204,204,203,203,204,207,209,209,204,204,204,207,209,209,212,212,212,212,212,209,209,212,215,215,212,209,207,207,209,209,208,209,212,215,212,209,204,202,202,207,212,215,215,212,209,208,209,212,212,207,204,204,202,196,199,207,217,222,217,212,209,209,209,215,220,222,215,209,209,209,215,222,225,225,217,209,143,129,137,209,217,217,217,212,208,208,212,215,215,212,215,217,225,228,228,228,228,228,225,225,217,125,120,149,215,225,225,225,225,225,228,230,230,230,230,225,225,222,217,207,153,151,151,153,204,207,207,202,199,199,199,196,195,195,196,149,147,149,196,196,196,196,196,199,204,207,207,209,212,212,215,217,217,222,222,225,225,225,225,225,222,222,220,217,217,217,222,225,230,235,238,238,235,235,238,238,238,238,238,235,233,233,235,233,228,222,217,215,212,209,207,207,209,209,212,209,204,202,204,204,204,204,202,196,194,191,189,189,189,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,29,51,67,103,111,118,121,137,142,142,139,134,124,121,137,137,121,121,121,137,165,191,233,0,0,207,183,147,83,65,57,57,57,59,59,63,65,69,73,73,77,79,81,83,87,93,144,152,163,163,170,176,178,173,186,191,183,163,137,85,59,37,24,22,27,51,67,71,69,61,90,100,111,111,103,85,85,118,144,129,105,0,0,0,0,0,0,79,47,39,33,27,19,13,12,17,53,87,95,92,113,147,0,134,113,90,79,59,61,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,0,0,126,87,77,87,90,72,51,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,116,92,90,53,0,0,0,0,0,48,0,108,61,9,0,0,0,0,0,0,0,98,92,69,59,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,15,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,23,11,47,144,191,202,207,202,176,124,92,101,189,189,45,0,0,0,0,0,0,0,0,25,43,71,137,170,183,186,204,233,254,254,217,144,15,0,0,0,0,0,0,0,0,0,21,118,191,215,209,194,173,118,70,79,173,204,222,233,233,233,233,246,255,241,202,89,0,0,0,0,0,0,0,0,83,191,207,186,165,165,170,160,150,168,168,137,89,90,139,147,144,105,81,51,47,58,97,163,186,202,202,194,170,157,163,163,117,165,178,196,196,196,204,209,212,222,225,212,202,178,119,118,127,178,189,186,165,113,111,109,113,168,189,199,191,170,168,170,181,170,170,181,170,121,117,115,117,170,196,207,207,199,191,191,194,202,209,207,199,189,168,105,93,95,144,170,168,165,181,194,186,152,126,93,144,176,183,163,71,67,131,150,81,37,71,93,81,71,71,53,46,77,181,191,196,199,215,215,207,199,194,196,196,194,186,176,178,183,191,194,194,194,194,191,191,191,189,181,178,176,176,178,181,186,181,178,129,123,123,127,178,194,194,187,187,194,202,207,207,196,183,133,131,133,181,189,181,170,125,170,178,178,173,178,178,176,163,115,115,119,105,77,65,67,71,75,81,109,168,170,168,168,168,157,155,157,163,157,109,89,79,79,81,95,111,163,168,168,165,160,165,173,176,176,163,152,152,111,108,111,163,170,165,160,160,168,173,173,168,165,170,170,160,160,152,109,105,109,157,173,173,155,101,95,95,105,111,117,160,163,123,165,176,176,176,170,173,173,173,168,123,121,123,127,173,186,194,194,176,127,133,133,127,125,133,194,204,194,189,194,204,212,215,215,222,233,233,233,233,225,215,212,207,204,189,127,119,117,109,93,87,87,85,85,85,97,105,111,111,111,111,117,160,170,186,191,176,117,97,95,117,202,230,220,202,194,186,170,160,117,119,160,160,111,91,59,43,44,69,105,163,163,105,95,113,186,212,222,233,235,248,243,212,173,155,163,176,176,165,147,97,81,69,61,59,59,85,160,209,212,194,170,160,152,137,79,55,51,52,73,79,79,85,129,142,147,155,173,194,194,194,196,207,228,254,0,0,0,0 +116,134,144,142,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,92,165,100,72,77,38,0,40,87,79,66,74,98,108,108,103,95,90,95,118,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,113,61,0,0,0,0,5,5,144,183,178,181,183,186,191,194,191,176,155,157,173,176,165,155,113,155,170,170,165,163,163,160,160,165,170,168,160,61,55,119,202,194,186,181,176,119,93,87,91,115,168,176,183,186,194,178,117,0,41,101,173,199,204,207,212,207,170,107,173,170,176,183,189,131,181,199,204,207,207,202,186,133,131,133,178,135,130,129,137,199,209,212,207,191,139,189,204,207,204,207,209,215,222,222,217,215,215,212,215,215,217,222,225,228,225,225,222,217,209,202,202,209,212,215,222,225,222,217,212,209,205,205,212,217,215,217,212,114,113,127,186,189,183,181,183,186,133,124,127,181,202,202,174,183,186,129,181,202,215,187,185,222,225,222,212,209,212,217,217,217,217,215,212,212,215,222,222,222,222,220,222,222,222,220,217,220,217,209,186,135,183,207,215,209,204,204,209,209,209,202,135,114,117,131,181,186,202,183,189,189,186,183,194,194,183,127,107,104,111,127,189,196,194,127,194,173,111,85,0,0,238,225,215,215,212,212,209,208,209,217,228,230,230,222,212,212,217,233,233,99,0,0,71,131,196,199,207,209,170,108,125,173,176,131,123,123,129,178,189,207,222,222,212,202,207,225,228,217,215,212,207,204,205,209,215,217,222,228,233,233,228,212,207,208,215,222,220,217,220,222,222,217,220,222,225,222,222,222,228,230,230,225,218,217,220,228,230,233,230,222,207,191,83,95,103,75,65,150,139,37,0,0,0,0,0,0,57,181,209,225,225,228,225,225,222,217,222,217,222,215,215,225,228,222,222,225,222,217,215,215,215,209,209,212,217,225,222,215,217,215,213,215,215,215,225,209,127,86,107,209,191,186,129,88,87,97,99,95,123,191,202,207,212,222,230,233,235,233,230,222,199,194,147,146,149,212,228,233,233,233,230,228,233,235,238,238,238,238,235,233,230,233,238,238,238,235,233,233,235,238,241,241,241,238,238,235,238,238,238,233,233,235,238,233,229,229,233,238,235,230,230,230,228,217,217,222,209,202,195,192,199,212,222,222,222,222,228,233,235,235,233,230,230,228,230,230,235,241,255,170,0,115,246,202,0,0,109,196,117,105,202,220,209,204,209,217,225,225,225,228,215,143,139,135,230,235,241,235,233,230,225,225,225,228,230,230,225,212,207,204,189,179,182,196,199,196,202,209,212,215,220,217,199,194,191,191,202,207,207,202,71,59,43,38,45,65,77,83,103,105,155,178,93,95,99,207,238,230,191,0,0,85,202,196,212,225,233,238,255,255,23,3,134,35,183,212,230,235,235,238,241,246,241,225,222,222,225,255,222,176,176,183,199,209,228,222,185,183,183,185,191,194,186,133,127,127,133,181,186,202,225,235,241,241,230,212,122,118,199,217,225,217,209,217,233,238,238,235,235,238,238,241,243,243,238,235,235,202,119,113,103,103,196,217,194,139,189,189,189,196,189,129,115,111,113,117,111,109,127,202,207,215,222,212,202,127,176,183,225,238,248,230,47,46,115,202,217,215,204,138,189,189,202,215,225,230,235,235,233,230,230,233,230,215,207,207,209,215,212,204,199,199,196,196,202,225,238,235,233,222,202,199,202,209,207,198,195,202,217,222,215,207,202,199,125,115,128,202,204,199,199,207,222,228,217,199,189,196,194,105,7,0,0,0,119,246,243,235,222,202,191,199,215,225,235,230,228,215,204,207,225,222,215,207,194,192,196,199,198,199,209,215,212,215,215,217,212,212,209,215,212,217,222,222,225,225,215,209,215,217,222,225,217,207,204,209,212,217,217,217,215,212,212,215,222,217,148,146,204,209,207,212,212,215,225,230,233,238,238,241,238,238,238,238,238,238,235,235,235,235,235,235,233,233,233,233,230,228,222,222,217,215,215,217,222,222,217,222,225,230,228,222,217,222,225,230,230,225,215,220,228,230,233,233,235,235,233,228,225,217,217,228,228,225,225,228,222,209,207,209,217,222,217,217,215,217,215,212,222,230,228,230,233,233,233,233,215,225,228,230,222,205,203,207,215,225,233,238,238,238,230,215,207,207,225,222,217,212,209,212,222,225,222,217,217,220,225,228,228,225,222,222,225,228,222,215,212,211,212,222,217,217,228,235,241,243,243,241,241,230,217,215,217,222,222,217,215,215,215,215,215,215,215,209,207,207,209,215,217,220,217,217,215,213,215,222,225,225,228,222,222,222,225,228,228,225,224,225,225,228,228,228,228,222,217,217,217,225,228,228,228,225,225,222,217,212,212,209,212,209,209,209,212,217,215,202,147,199,209,215,215,212,212,212,209,207,204,202,199,196,199,196,196,194,194,194,196,196,199,202,204,207,209,209,209,207,204,202,200,200,200,202,202,202,202,207,209,209,207,202,194,191,192,202,207,207,207,204,199,196,199,202,202,202,202,202,199,202,204,204,204,202,204,204,203,204,204,207,207,207,204,204,203,203,204,207,209,209,204,202,202,204,207,209,212,212,212,212,212,212,212,212,215,215,215,209,207,209,209,209,209,208,209,212,209,209,207,202,196,202,209,215,212,209,209,209,212,212,207,199,199,204,202,194,196,207,215,222,225,217,212,209,212,215,217,222,215,209,209,212,217,222,225,222,212,199,113,109,112,215,225,225,222,217,212,212,215,222,222,217,217,222,222,225,225,225,225,225,225,228,222,123,119,151,222,230,228,220,216,217,225,225,225,225,228,228,228,228,222,209,153,150,149,151,204,209,209,207,204,199,199,199,199,199,196,147,146,146,147,194,194,196,199,199,202,202,204,207,209,212,215,215,217,217,222,222,222,222,225,225,222,222,217,217,215,215,217,225,230,235,238,238,238,238,238,238,238,238,238,235,235,235,235,235,230,225,225,222,217,212,209,207,207,209,212,209,207,204,204,204,202,202,199,196,194,191,189,189,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,11,35,55,67,105,113,121,137,144,147,152,147,144,139,139,147,137,137,121,121,147,168,191,233,0,0,209,183,147,83,71,63,65,65,67,65,63,67,71,71,73,79,81,87,87,93,131,144,155,155,155,157,160,157,152,157,163,163,155,131,75,47,27,24,25,35,61,69,63,51,49,61,100,118,126,121,103,103,111,126,105,95,0,0,0,0,0,0,90,74,43,33,25,21,12,9,15,53,92,105,118,139,0,0,139,113,87,64,57,55,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,105,142,142,129,0,134,129,111,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,92,105,82,20,0,0,17,0,0,0,0,118,61,22,0,0,0,0,0,0,0,121,92,77,85,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,35,0,7,17,23,111,173,191,202,202,202,176,105,79,83,163,173,37,0,0,0,0,0,0,0,0,23,53,108,131,152,165,176,202,243,255,255,255,152,15,0,0,0,0,0,0,0,0,0,0,51,181,207,209,186,160,124,75,85,173,196,207,225,225,233,233,233,233,212,75,0,0,0,0,0,0,0,0,0,71,186,207,191,160,150,150,146,147,163,160,95,85,86,137,147,157,157,101,67,59,81,150,186,202,202,202,186,170,163,165,165,165,176,186,186,196,196,204,204,212,225,228,212,196,168,115,114,119,178,189,178,117,106,106,106,111,170,199,204,191,121,113,119,121,119,119,165,121,113,107,108,115,170,196,207,212,207,199,191,191,199,207,204,199,189,147,85,69,75,93,144,165,176,194,202,194,142,93,137,163,173,170,139,37,51,91,139,89,42,64,71,55,50,53,53,61,160,189,191,190,191,204,207,204,196,196,204,204,196,194,186,183,183,189,191,194,194,194,191,189,189,189,181,176,174,174,177,181,186,183,178,173,131,173,178,186,194,194,189,189,194,202,207,207,202,191,189,183,189,191,191,189,181,170,183,186,186,178,178,178,176,165,115,115,157,109,83,67,67,69,77,93,160,173,168,163,160,157,152,113,115,155,155,105,85,78,78,81,95,115,170,178,176,173,168,168,173,176,170,163,113,111,111,110,152,160,168,163,157,157,165,173,176,170,165,165,165,160,160,115,109,101,103,113,157,113,99,87,85,93,105,113,119,160,160,121,121,165,170,170,170,173,178,173,123,121,120,123,121,119,173,186,186,173,173,133,133,127,125,133,194,194,189,186,189,202,215,222,222,225,230,233,233,233,230,225,217,209,196,133,117,109,105,97,85,75,73,77,79,87,97,105,111,111,111,111,117,117,117,165,183,183,160,105,97,160,212,238,238,220,209,194,186,183,183,183,183,165,111,97,79,55,55,69,89,117,168,105,92,111,194,225,233,233,241,251,251,225,186,165,165,170,165,165,165,160,99,73,51,39,51,91,183,212,209,186,160,152,147,97,73,61,54,73,81,85,85,121,137,144,144,152,165,186,186,186,194,204,0,0,0,0,0,0 +113,113,126,139,134,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,139,40,0,30,64,0,0,0,30,25,0,0,0,0,0,0,0,0,121,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,134,217,202,168,31,0,0,0,21,150,183,186,186,186,191,194,194,191,170,157,163,168,168,165,157,111,111,160,170,165,163,163,163,163,168,170,168,168,87,78,155,196,196,189,186,181,117,93,92,111,168,176,181,186,183,199,194,173,0,0,43,189,204,207,209,215,204,127,109,129,181,186,196,196,178,191,191,194,199,199,191,133,123,127,133,178,137,131,128,131,189,202,204,204,196,186,186,194,202,204,207,212,217,222,222,215,212,212,215,215,217,222,225,225,225,225,225,222,222,212,194,144,202,212,209,215,217,215,212,212,212,212,212,215,217,215,222,217,112,94,115,135,186,191,194,196,202,194,125,125,135,207,215,183,189,181,136,181,199,202,196,207,225,228,228,217,207,207,209,212,215,217,217,211,211,212,217,222,222,222,222,222,217,215,215,217,217,209,191,135,131,194,217,217,212,207,204,209,207,202,196,189,125,121,133,181,178,176,176,133,178,194,204,199,183,127,109,99,100,113,178,196,204,204,215,228,235,238,241,95,0,238,228,215,212,215,215,212,209,209,217,228,230,230,225,222,217,222,233,228,62,25,58,181,202,204,207,207,199,111,105,123,121,129,194,194,181,183,194,202,202,212,217,205,202,207,222,228,222,217,217,212,205,205,209,215,215,215,225,233,235,235,225,209,208,212,217,222,222,222,222,222,222,222,222,225,225,225,228,230,233,233,230,222,222,228,235,233,233,235,217,212,199,11,0,101,25,17,191,196,196,83,33,71,59,47,0,81,202,215,222,222,220,220,220,217,215,215,213,213,215,215,217,222,217,222,222,217,215,212,212,212,212,212,212,215,222,222,217,215,213,213,213,215,217,225,215,97,88,131,212,207,186,123,105,99,105,119,186,217,215,212,212,212,222,230,235,238,235,233,225,209,196,147,147,199,209,230,238,238,235,233,228,230,235,235,238,238,241,241,238,235,233,233,235,238,235,233,230,230,235,238,238,241,241,238,235,235,235,233,233,235,235,235,233,230,231,235,238,238,235,233,233,233,230,230,230,217,204,196,196,204,212,217,222,220,220,228,233,233,233,233,233,233,233,233,233,238,238,238,125,23,204,202,33,0,0,87,105,67,123,222,228,202,199,202,207,204,199,199,204,137,119,204,215,238,241,241,238,235,233,235,235,228,225,225,209,207,196,183,182,189,191,194,194,189,117,117,199,199,194,207,215,207,204,191,111,23,13,83,121,57,43,183,115,117,170,170,117,103,163,170,235,248,109,87,178,209,241,204,99,75,157,186,199,209,228,230,238,255,255,95,41,186,186,194,207,228,233,233,233,235,241,241,238,238,235,225,230,209,194,174,196,225,230,238,238,230,215,185,182,186,186,129,117,116,121,131,135,181,202,228,235,238,230,217,207,127,123,228,235,235,225,209,204,225,241,235,235,233,235,235,235,241,243,228,209,212,207,137,131,137,141,194,207,207,194,189,194,204,222,225,222,207,248,230,228,204,37,22,53,113,199,196,183,196,189,163,155,225,235,243,228,21,51,135,196,212,212,194,141,194,202,202,204,212,225,233,233,233,230,233,233,233,217,207,204,209,215,212,204,202,199,194,146,194,217,238,241,241,238,222,204,204,207,199,196,198,215,228,225,222,225,222,212,118,113,130,212,212,207,204,209,228,233,228,212,202,199,202,199,103,77,0,0,105,243,246,241,235,217,202,204,217,233,233,222,212,207,202,199,199,212,217,209,192,194,207,212,204,198,199,204,204,215,222,217,212,209,215,217,215,217,217,215,217,222,212,208,215,222,228,230,222,209,207,212,215,217,217,217,215,209,207,205,207,212,150,144,150,202,202,207,209,215,225,233,235,238,241,243,241,238,238,238,238,238,235,235,235,235,235,235,235,235,233,233,233,230,228,228,225,222,217,217,222,225,225,228,230,230,228,222,222,217,212,222,225,222,215,217,228,230,233,235,238,238,233,228,225,222,225,230,230,225,225,230,228,222,217,217,222,225,222,217,215,217,222,225,228,228,228,230,230,233,235,235,230,228,225,217,209,209,209,209,212,222,230,235,238,233,225,217,215,222,225,222,215,212,208,208,217,222,217,216,216,217,225,228,228,228,228,228,228,225,215,212,212,212,217,217,215,215,222,230,238,241,243,243,241,230,222,220,225,222,217,215,215,217,215,212,215,222,217,212,207,209,215,217,222,217,215,215,215,215,215,220,225,225,228,225,225,225,228,228,228,225,225,225,228,228,228,228,228,225,217,215,217,225,228,228,225,225,225,225,217,209,207,207,209,212,209,209,212,217,209,131,110,119,212,215,215,212,212,212,209,207,204,202,195,195,196,196,196,196,196,194,196,196,196,199,204,207,209,209,209,209,207,207,207,204,202,202,204,202,202,204,207,209,204,199,194,192,192,199,204,207,204,202,199,199,199,202,202,202,202,202,202,204,204,204,204,204,204,204,203,204,204,204,204,207,207,207,203,203,204,207,212,209,204,200,200,202,207,209,212,212,212,212,212,212,212,212,212,212,215,212,212,212,212,209,209,209,209,209,207,207,204,194,139,145,212,212,209,209,209,212,217,215,204,195,196,209,199,143,199,212,217,222,225,215,209,209,212,215,217,222,217,215,212,215,217,222,222,215,202,121,102,113,139,222,225,225,222,222,217,217,222,228,228,222,222,217,215,217,222,225,225,225,228,230,225,121,121,207,228,233,230,217,215,216,222,225,222,222,225,230,235,235,230,217,207,151,150,150,199,204,207,207,204,202,202,204,204,204,202,196,147,145,146,146,194,196,199,196,196,199,202,202,204,209,212,215,217,217,215,215,215,217,222,222,217,217,217,217,215,215,217,222,225,230,233,235,238,238,238,238,238,238,238,238,238,238,238,235,235,233,230,225,222,215,212,209,207,207,209,212,209,207,204,202,199,196,196,194,191,189,186,186,189,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,21,47,59,75,113,124,139,147,155,155,155,155,155,163,163,155,147,139,139,139,147,168,194,217,233,233,209,183,147,116,71,69,71,75,77,73,67,65,67,67,71,75,87,93,129,131,144,144,147,147,147,147,137,129,93,93,129,150,155,137,75,47,33,27,29,51,69,69,55,29,31,51,95,118,137,137,129,121,113,111,98,98,116,0,0,0,0,0,108,90,72,39,25,15,12,12,17,53,87,116,139,0,0,0,0,116,90,64,57,53,59,66,0,0,0,0,0,0,0,0,0,0,0,0,0,38,14,0,0,0,0,0,0,0,0,0,17,9,0,0,17,46,56,7,0,0,0,0,0,64,0,0,0,152,170,170,144,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,92,92,17,7,17,4,0,0,0,0,0,108,56,0,0,0,0,0,0,0,0,0,103,85,51,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,15,15,82,111,178,189,191,194,202,194,176,118,85,88,108,113,45,0,0,0,0,0,0,0,0,31,63,116,137,147,152,168,202,246,255,255,255,191,61,0,0,0,0,0,0,0,0,0,0,15,118,204,199,165,121,81,89,155,186,196,204,207,215,230,233,225,209,189,0,0,0,5,15,9,9,15,0,0,83,204,207,181,160,150,146,146,150,173,163,95,86,89,147,168,168,144,79,59,63,81,150,186,202,202,194,186,176,176,165,165,165,178,186,196,196,202,204,209,212,228,230,212,196,168,118,118,127,178,189,178,115,106,106,107,113,178,199,199,181,113,111,113,119,118,119,168,170,117,110,108,112,157,189,199,207,209,202,185,182,199,204,198,202,178,93,51,59,75,85,131,152,181,189,194,194,55,69,165,134,91,61,8,4,49,71,83,71,71,67,65,51,48,49,55,81,160,189,196,191,191,196,199,199,199,204,204,204,204,199,191,182,181,183,191,194,194,194,194,191,189,189,181,181,178,178,181,189,186,186,183,178,176,178,186,191,194,194,194,191,194,199,199,202,199,202,199,196,191,191,189,181,178,181,191,199,194,186,186,186,176,165,157,115,113,113,95,77,69,75,85,103,160,163,157,155,157,157,152,107,99,105,113,105,83,79,79,81,101,157,178,183,178,178,176,173,173,168,163,155,111,108,111,152,155,152,152,157,157,157,160,168,170,163,155,152,160,155,152,109,103,98,103,107,101,95,85,75,85,97,113,119,119,119,160,119,119,121,123,170,178,186,189,176,168,123,127,121,111,111,117,173,176,173,127,133,133,125,117,125,186,194,186,179,186,202,215,222,225,230,233,241,241,233,230,222,209,202,191,133,121,105,97,91,79,70,70,77,83,91,97,105,111,117,117,111,111,111,103,107,119,170,165,111,103,165,209,233,238,233,220,204,194,191,194,199,194,170,111,99,97,85,69,59,75,103,117,109,98,117,196,225,230,230,241,248,241,225,194,173,165,160,155,170,186,173,107,69,39,38,57,97,170,191,191,165,152,147,144,99,91,85,79,85,93,129,129,129,137,144,152,152,163,173,173,170,173,196,215,0,0,0,0,0 +113,108,108,124,147,168,191,129,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,87,157,194,202,199,173,0,0,0,27,157,181,189,196,196,191,189,191,189,160,150,163,170,168,165,157,107,105,115,163,163,157,160,165,168,173,173,176,173,117,113,173,186,186,183,183,178,157,107,111,165,178,181,178,181,183,191,196,202,0,0,0,181,204,207,209,207,181,124,125,186,199,202,209,207,178,183,176,108,133,186,127,95,103,119,129,137,181,135,131,133,183,191,196,204,202,191,189,194,202,207,209,212,217,222,217,212,208,209,215,217,222,225,225,225,222,222,222,222,228,222,145,137,142,202,207,207,207,207,207,209,209,212,215,222,222,222,222,215,137,121,196,204,199,202,207,204,194,131,114,117,189,215,215,207,199,189,183,186,196,199,199,212,225,228,225,217,207,202,202,202,209,217,222,215,211,211,215,222,225,225,228,225,215,212,212,215,207,189,133,125,125,186,212,215,212,209,207,204,202,191,186,191,186,122,106,103,109,123,133,181,196,215,217,207,186,117,97,94,107,191,204,207,207,203,204,220,230,238,241,107,21,235,225,225,215,215,217,217,215,215,217,225,228,228,225,225,222,222,215,194,83,83,209,209,215,215,212,209,207,123,113,115,119,176,199,194,183,189,202,204,202,209,212,205,203,209,222,228,225,222,222,217,209,207,212,215,215,212,217,228,233,233,228,215,209,212,215,220,222,225,225,222,222,222,222,222,225,228,230,233,233,233,233,233,235,235,238,235,228,225,215,204,67,0,0,97,155,23,97,196,196,95,147,204,225,217,83,150,204,212,215,215,215,215,217,220,217,215,215,215,215,215,215,215,215,215,215,212,209,209,209,212,215,212,212,215,217,222,222,217,215,215,215,220,222,225,222,109,91,117,186,199,186,131,119,103,98,123,220,228,225,217,217,222,228,233,233,233,230,228,222,212,202,149,196,202,212,230,238,238,235,233,230,228,230,233,235,238,241,241,241,238,233,233,233,235,238,233,230,229,233,235,238,238,241,238,235,233,233,233,235,238,238,238,235,231,233,235,238,241,238,235,235,235,233,230,230,225,209,196,147,202,207,212,215,217,222,228,230,230,233,233,235,235,235,235,235,238,235,230,115,31,181,51,0,0,0,73,101,78,183,230,233,212,199,198,199,199,191,131,120,116,117,215,230,241,243,241,241,238,233,235,241,233,131,106,121,143,191,185,185,199,209,204,194,139,78,73,133,191,190,199,225,222,243,233,17,0,0,0,45,15,59,246,204,209,251,255,181,81,157,173,204,225,207,163,186,212,238,235,225,191,168,63,50,52,217,238,241,248,238,150,99,181,189,196,209,230,235,233,235,235,238,238,241,248,230,64,99,196,202,189,183,212,235,241,238,243,238,202,186,186,181,114,107,111,117,121,118,115,131,212,225,228,207,202,194,183,202,228,235,241,233,209,204,212,225,228,217,228,228,222,217,199,96,88,105,186,196,189,194,194,191,186,186,204,199,196,209,225,235,238,235,238,243,241,243,246,49,0,0,109,181,136,121,131,202,178,117,199,217,225,215,61,99,133,191,207,202,140,186,199,199,196,196,199,209,222,228,230,233,233,230,230,215,203,204,212,217,215,209,204,202,147,143,142,209,235,241,243,243,230,204,203,204,199,198,207,228,233,225,222,228,228,217,202,139,199,217,215,207,207,212,225,230,228,212,204,207,209,212,204,189,33,13,121,235,241,241,241,233,217,212,222,230,228,217,209,204,199,192,191,204,215,207,192,199,215,217,207,198,199,207,212,217,217,215,209,209,209,212,215,217,217,212,212,215,212,209,215,222,228,228,222,215,212,215,215,215,217,217,215,209,205,205,207,215,207,151,204,204,200,204,212,222,230,235,238,241,243,243,241,238,238,238,238,238,235,235,235,235,235,235,235,235,235,235,233,230,230,230,228,225,217,215,222,225,228,230,233,233,230,228,225,212,204,202,202,212,215,217,225,225,230,233,235,238,235,230,225,225,228,228,222,217,225,230,230,228,222,222,225,222,217,215,215,222,228,230,230,230,230,230,230,233,235,235,233,228,222,215,209,212,215,215,212,222,230,235,233,228,220,215,217,222,222,217,215,212,208,208,215,222,217,216,216,217,225,228,228,228,228,230,230,222,212,212,215,215,222,217,215,213,215,225,233,238,241,243,238,230,222,225,225,222,215,213,215,217,215,211,212,222,222,212,207,209,215,222,222,217,215,215,215,215,215,220,225,225,225,225,225,225,228,228,228,225,225,225,228,228,228,228,228,225,217,215,217,222,225,228,225,225,225,222,217,209,205,205,207,209,209,209,215,217,204,131,116,120,212,222,217,215,212,212,209,204,202,199,195,195,196,199,199,196,196,194,194,194,194,199,202,207,209,209,207,207,209,209,209,209,207,204,204,202,199,199,204,207,207,202,196,194,194,199,204,207,207,202,202,202,202,202,202,202,202,202,202,204,204,204,204,204,204,204,204,204,204,204,204,207,207,207,204,203,204,207,209,209,204,200,202,204,207,209,209,209,209,212,212,212,212,212,212,212,215,215,212,212,212,212,209,209,207,207,207,204,202,147,140,144,209,212,212,212,212,217,222,222,209,196,196,199,142,140,204,217,217,222,220,209,208,209,215,217,220,222,222,217,215,217,222,222,217,212,199,135,117,139,204,222,222,222,217,217,217,217,225,228,225,222,215,209,209,212,217,225,225,225,228,233,230,117,115,215,233,235,233,222,215,216,217,222,222,225,228,233,238,241,238,230,217,207,153,151,199,199,202,202,202,202,204,207,209,207,202,199,196,147,147,147,147,194,194,194,196,202,202,199,199,204,209,215,215,215,212,212,212,217,222,222,217,215,217,215,215,215,215,217,222,225,230,235,238,241,241,241,241,238,238,238,238,238,238,238,235,233,230,225,222,217,215,212,207,207,209,212,209,207,204,202,196,194,194,191,189,186,185,186,186,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,11,31,49,63,75,113,124,139,152,163,165,165,165,173,176,176,168,155,139,139,139,155,168,183,194,209,209,202,176,150,89,77,75,79,83,83,77,71,67,67,67,69,75,87,95,129,131,137,134,134,134,134,134,97,87,79,75,81,129,150,139,87,61,49,35,33,49,63,61,37,22,22,33,65,111,129,129,129,121,124,113,111,111,121,0,0,0,0,0,124,108,85,47,33,23,15,15,23,35,85,124,0,0,0,0,0,0,105,87,69,61,59,66,0,0,0,0,0,0,0,0,0,0,0,0,7,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,43,0,0,0,0,0,0,0,0,0,160,0,173,155,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,105,69,17,22,46,43,0,0,0,0,64,56,22,0,0,0,0,0,0,0,0,0,116,85,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,43,59,144,181,194,199,191,194,194,186,186,165,121,116,116,73,15,0,0,0,0,0,0,0,0,19,67,137,168,160,147,160,199,246,255,255,243,183,95,0,0,0,0,0,0,0,0,0,0,51,111,152,131,55,17,33,75,155,189,196,196,204,212,215,225,217,189,73,0,0,31,53,43,37,37,35,15,25,83,181,181,165,160,160,147,148,168,173,160,131,92,101,168,176,144,69,36,29,36,69,97,150,176,186,186,186,176,170,165,165,165,165,186,196,204,204,209,212,212,212,212,204,189,173,125,119,165,178,189,178,117,107,107,111,117,176,189,191,170,113,111,119,168,168,170,181,181,170,117,113,113,117,170,191,202,209,202,189,182,194,202,207,202,147,22,23,53,65,81,99,139,134,134,83,49,45,63,81,57,45,0,0,0,39,57,71,65,62,71,71,59,50,49,55,81,115,189,196,196,196,196,196,199,204,204,204,204,204,204,194,186,179,183,191,194,194,194,194,191,189,189,189,181,181,181,181,189,189,181,181,178,178,178,186,186,191,194,194,194,196,199,202,202,204,204,202,199,194,189,186,181,181,181,196,204,199,191,189,189,181,165,117,112,111,113,105,83,73,77,85,103,155,160,155,153,157,157,150,91,82,87,105,105,91,83,83,87,103,157,183,186,183,181,176,168,165,168,163,155,109,109,111,152,155,115,115,152,157,160,165,163,163,155,111,107,111,111,109,103,99,101,103,101,91,81,75,81,93,111,160,163,160,160,121,121,121,123,170,186,196,196,194,186,168,165,170,121,111,108,111,127,170,127,125,125,125,117,111,117,186,194,186,185,191,209,225,230,233,238,241,241,241,238,230,222,204,191,186,131,125,103,91,83,73,68,68,71,77,83,91,97,111,117,117,109,97,91,87,91,103,160,168,117,111,160,194,225,238,238,225,212,202,202,202,212,212,186,117,103,103,97,79,57,61,85,101,103,103,117,189,209,215,222,230,241,241,233,204,186,168,155,152,163,186,163,97,51,39,41,67,89,137,147,142,137,103,134,142,142,144,137,129,129,129,137,144,139,144,144,152,160,160,165,165,165,170,194,0,0,0,0,0,0 +118,112,109,116,147,178,228,230,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,150,137,163,181,191,202,199,134,67,81,147,170,186,191,194,199,194,189,165,43,36,87,163,173,173,170,157,103,99,107,113,113,152,160,165,173,176,176,178,173,165,165,170,176,176,176,176,168,157,119,165,178,181,176,173,173,181,186,194,207,47,0,0,99,194,199,199,191,121,120,176,199,209,215,215,209,173,131,119,82,115,121,74,55,65,109,127,135,137,137,135,137,139,137,137,194,194,191,189,196,204,209,209,212,220,225,217,209,207,209,217,222,225,228,228,225,222,222,222,225,230,228,196,137,140,196,202,202,204,204,204,207,209,212,215,217,222,217,217,212,204,202,209,217,202,199,207,204,186,119,110,109,202,212,204,209,202,191,186,186,191,194,196,209,222,222,217,215,207,202,191,189,199,215,222,222,215,212,215,217,222,225,225,222,209,207,209,207,139,125,125,127,127,137,199,207,207,209,204,196,194,178,125,181,186,129,106,102,109,131,183,194,209,222,222,215,204,183,107,105,183,212,215,217,209,204,204,209,222,228,222,117,71,225,215,225,217,209,212,217,217,217,222,222,222,225,225,225,225,225,212,199,186,209,228,222,217,215,209,207,202,119,113,113,127,204,209,191,183,191,199,204,204,212,215,207,205,212,217,222,215,215,217,215,212,212,215,215,212,212,215,222,228,228,222,215,209,209,212,215,222,225,225,222,220,217,217,222,225,228,233,233,233,231,233,238,241,238,233,228,225,222,212,191,0,0,0,0,43,0,0,97,99,93,189,217,248,246,142,155,199,212,212,212,215,215,220,225,225,222,222,222,220,217,217,215,215,212,209,207,205,207,209,212,212,212,209,209,215,217,220,217,215,215,215,222,225,228,228,194,107,113,131,191,139,131,133,127,119,191,228,230,225,222,225,228,233,233,233,228,225,222,222,217,209,204,202,202,207,222,230,228,228,230,230,225,225,228,230,235,238,241,241,238,233,231,233,235,235,235,230,230,230,233,235,235,235,235,233,233,233,233,238,241,241,238,235,233,235,235,238,238,238,238,235,235,230,228,228,228,222,196,140,142,145,199,209,220,225,228,230,230,230,233,235,235,235,235,238,241,235,202,11,0,9,0,0,0,0,81,107,85,183,215,222,207,198,196,202,204,194,129,116,112,119,212,233,238,241,238,238,235,233,233,241,230,101,98,119,196,209,196,186,202,217,215,196,137,80,72,133,207,194,191,204,241,238,212,25,0,0,0,0,0,0,61,196,207,225,222,152,79,152,170,183,196,209,204,217,230,235,243,243,233,147,0,0,50,194,228,225,186,139,147,199,189,165,176,217,233,238,238,238,235,238,235,238,246,83,0,58,199,199,181,83,86,186,222,233,238,243,230,199,181,127,113,109,115,125,125,116,113,129,196,199,133,129,186,139,186,207,217,230,235,235,194,191,199,194,194,191,189,116,111,125,121,80,76,99,202,215,228,230,207,194,189,139,194,196,209,230,235,238,241,235,235,238,241,241,235,127,37,28,133,191,191,123,120,186,189,121,179,209,222,222,137,137,133,186,204,199,129,136,191,191,196,199,196,199,204,209,215,222,225,225,215,203,200,204,222,230,230,228,215,199,147,144,142,204,235,238,238,243,230,202,200,204,202,199,215,233,235,228,225,228,225,217,209,207,215,228,225,209,199,194,209,217,215,204,204,212,217,217,230,246,137,109,143,228,238,237,238,241,233,225,228,225,215,212,209,209,204,194,191,199,209,204,194,196,207,209,204,202,204,212,217,217,215,209,207,207,202,200,209,217,220,212,212,217,222,217,222,225,222,217,217,217,220,217,215,215,217,222,222,212,207,207,209,212,207,204,212,212,209,212,225,230,235,238,238,241,241,241,238,238,238,238,238,238,238,238,235,235,235,235,235,235,235,235,233,230,230,230,230,228,222,215,217,222,225,230,235,235,233,230,225,212,204,199,194,202,212,215,217,217,225,228,233,235,235,230,228,228,222,202,143,149,209,225,222,217,217,217,222,222,217,215,215,222,230,233,233,233,233,230,233,233,235,235,235,230,225,217,215,222,222,217,215,217,228,230,225,222,215,215,215,217,222,222,215,212,209,211,217,222,217,217,216,217,225,225,225,222,225,228,228,222,212,215,217,217,217,217,215,213,215,217,228,233,238,238,233,228,225,225,225,217,213,213,217,222,215,211,211,215,215,209,207,209,215,217,217,217,217,217,217,215,215,222,228,228,225,225,225,225,228,228,228,225,225,225,225,225,228,228,225,222,217,215,215,217,225,228,225,225,222,222,217,212,205,205,207,209,212,212,212,215,209,147,129,131,215,222,222,217,217,217,212,204,199,199,196,196,199,199,199,196,196,191,191,191,194,196,202,204,209,207,205,205,207,209,209,209,207,204,204,202,198,196,199,207,209,204,202,199,199,202,207,209,209,204,204,204,204,204,204,202,200,200,202,204,204,204,204,204,204,204,204,204,204,204,204,204,207,204,204,204,207,207,207,207,204,202,204,207,209,209,207,207,207,209,212,212,215,215,215,215,215,212,212,212,212,212,209,209,207,207,207,202,199,194,144,147,207,212,215,215,215,217,225,225,215,204,196,143,138,139,207,217,217,222,215,209,208,212,217,222,222,222,222,217,217,222,222,222,217,212,204,196,196,215,222,222,217,215,215,215,215,215,217,225,222,215,209,207,207,209,217,222,225,228,230,233,222,99,97,225,238,238,235,228,220,216,216,217,222,228,230,233,235,241,243,241,233,222,209,204,204,202,202,202,200,202,204,212,212,207,202,202,199,199,199,196,194,194,194,196,202,207,204,199,198,199,207,209,212,209,209,209,215,217,222,222,217,215,215,212,212,212,215,217,217,225,233,238,241,243,243,243,241,238,238,238,238,238,238,238,238,233,228,225,222,222,217,215,209,207,209,209,209,207,204,202,196,194,191,191,189,186,185,185,185,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,15,39,53,63,73,108,121,139,155,168,173,173,0,0,186,183,168,147,139,139,139,147,155,168,176,183,194,186,170,150,124,85,83,85,87,85,85,77,71,71,73,69,73,81,87,95,95,131,129,95,95,97,97,91,79,67,65,69,85,131,137,126,81,59,35,31,33,49,49,29,19,19,27,53,95,111,129,129,129,131,129,124,121,116,121,0,0,0,134,131,118,103,85,49,39,29,27,29,41,87,129,0,0,0,0,0,0,0,98,90,79,64,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,43,4,0,0,7,0,0,0,0,137,0,152,137,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,134,79,51,35,35,43,0,0,0,0,61,25,0,0,7,0,0,0,0,0,0,0,134,103,51,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,82,111,150,178,189,189,183,176,176,183,194,199,191,189,176,121,11,0,0,0,0,0,0,0,0,0,105,168,194,168,137,157,202,251,255,254,217,163,61,0,0,0,0,0,0,0,0,0,77,118,79,63,0,0,0,0,39,142,189,191,190,199,199,194,199,196,99,13,3,59,85,79,57,43,41,35,29,41,77,134,144,160,183,183,163,168,173,163,139,131,134,142,163,168,85,37,31,26,27,41,83,101,109,163,176,176,176,165,165,165,113,103,115,186,204,204,212,212,204,202,196,196,186,173,165,165,165,168,178,168,119,113,113,117,168,170,170,168,119,112,113,121,176,181,191,196,191,176,121,115,115,115,157,181,191,202,207,202,191,194,204,215,204,81,0,0,43,47,65,83,81,44,41,45,44,45,37,7,18,27,17,11,25,51,63,69,65,61,73,71,65,53,53,61,89,170,199,207,202,202,199,204,204,204,204,199,204,204,204,202,186,182,183,191,194,202,202,194,191,189,189,189,181,181,181,181,181,178,173,176,178,178,183,186,186,186,194,196,199,199,202,207,207,207,204,202,199,196,189,186,181,181,189,202,209,202,194,199,196,186,165,117,115,113,113,107,89,77,77,79,93,152,163,160,157,160,157,107,85,80,83,105,105,97,97,95,95,103,157,183,191,186,186,176,165,165,170,170,117,111,111,152,152,152,115,115,152,160,160,160,163,163,155,101,97,99,105,109,103,95,95,95,89,75,75,81,93,105,117,165,168,160,160,121,123,165,165,178,196,207,207,196,183,163,163,170,127,111,108,117,170,183,131,125,125,125,111,108,117,183,196,194,191,202,220,233,238,241,246,248,248,248,241,233,222,204,191,183,131,125,111,91,79,70,68,68,71,73,77,83,97,107,115,111,101,91,79,69,69,91,113,157,115,109,119,183,209,222,228,222,217,212,209,217,222,230,212,181,117,109,103,83,57,55,61,83,91,97,111,170,196,202,202,222,238,241,233,212,194,173,155,147,152,155,105,75,41,35,41,57,73,75,79,83,83,85,93,134,160,168,160,152,144,139,144,147,152,152,152,160,165,170,170,170,173,183,196,0,0,0,0,0,0 +124,121,116,116,134,163,196,209,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,155,131,165,176,183,186,183,163,160,168,165,173,186,194,194,199,196,181,39,0,8,85,168,181,181,173,155,99,97,99,99,91,109,157,165,170,168,168,170,157,160,165,168,173,178,176,168,160,157,163,176,181,178,170,166,168,176,183,189,191,181,41,0,3,113,173,181,170,119,119,173,199,209,215,212,207,176,129,119,89,114,119,72,56,65,115,131,137,181,183,183,183,139,133,128,128,133,183,189,196,207,209,209,215,222,222,217,212,209,212,217,225,225,228,225,225,222,220,220,225,228,225,204,145,191,199,196,199,202,202,204,204,207,209,212,212,215,215,215,212,212,209,202,199,178,135,189,194,191,133,118,123,202,202,199,202,196,196,189,186,191,189,191,199,207,209,215,215,212,204,191,186,194,207,215,217,217,215,215,212,212,215,212,207,196,199,204,191,114,114,125,135,133,131,181,189,194,199,196,183,121,81,78,113,181,189,186,181,191,196,191,191,204,217,222,222,215,212,207,191,194,204,207,204,207,204,202,204,212,222,220,113,77,202,207,215,215,207,207,212,215,222,225,225,222,222,225,225,225,222,215,212,217,222,222,215,209,209,207,199,183,110,111,117,189,225,217,191,186,189,194,202,207,215,217,212,209,209,212,208,207,209,212,212,212,217,222,217,212,211,212,215,217,222,217,215,209,208,208,212,217,222,222,220,217,217,217,222,225,230,233,235,233,233,235,238,238,233,225,221,225,225,209,178,0,0,0,0,0,0,0,0,51,144,165,170,186,173,147,163,199,212,212,212,212,215,220,228,228,225,225,228,225,222,222,222,217,215,209,205,205,207,209,212,212,209,208,208,209,215,217,217,217,215,215,222,222,225,222,199,101,95,103,135,133,135,194,222,228,228,230,230,230,228,228,230,230,233,233,230,225,222,222,225,222,217,209,200,199,207,212,209,209,217,222,222,222,225,228,230,233,235,235,235,233,233,233,235,235,235,233,230,230,233,230,233,233,230,230,230,230,233,238,241,241,238,235,235,235,235,235,235,238,238,235,235,230,226,226,230,230,209,140,138,139,143,199,212,222,228,233,233,233,233,233,233,235,238,243,243,238,89,0,0,0,0,0,0,0,41,77,85,194,209,207,198,198,207,222,217,204,189,135,123,196,212,222,230,230,230,230,228,230,230,207,93,90,109,202,222,230,209,141,191,215,215,194,131,122,120,212,230,209,181,156,148,150,204,204,168,9,0,0,0,0,0,181,194,163,144,150,99,107,152,155,163,209,220,235,238,235,241,248,248,207,40,53,196,215,202,131,112,125,173,255,204,2,7,194,222,233,238,234,238,238,233,225,209,61,0,76,194,168,163,84,85,93,113,222,230,241,235,202,178,129,133,199,207,209,202,186,186,204,204,133,110,118,125,126,133,194,204,215,222,225,125,129,189,137,133,139,139,109,103,117,131,113,101,139,212,225,238,238,199,194,199,141,133,183,225,243,238,235,238,235,235,238,241,207,129,139,191,204,196,204,204,183,137,194,196,189,189,212,228,238,235,222,186,186,212,228,134,135,189,194,204,209,199,196,194,191,192,202,212,215,209,202,200,215,233,241,243,243,230,144,145,194,146,199,225,228,230,238,228,202,200,207,207,207,217,235,238,235,233,233,230,215,202,204,217,233,238,225,189,163,191,207,209,204,209,222,222,215,230,248,225,194,202,228,238,237,237,241,238,238,235,212,147,202,204,212,217,209,194,194,199,199,147,144,144,194,204,209,212,212,209,212,209,207,204,202,200,199,207,215,215,212,212,225,230,230,228,228,217,212,212,217,225,222,217,215,220,225,225,217,212,212,212,207,199,199,209,215,222,230,233,235,238,238,238,238,241,238,238,235,235,238,238,238,238,238,238,238,238,238,238,238,238,235,233,230,230,233,233,230,225,217,215,217,225,230,235,235,233,228,222,215,215,209,194,202,212,212,212,217,222,228,233,235,233,230,230,230,217,143,137,141,149,202,204,207,209,215,222,222,222,217,222,225,233,235,235,235,233,230,233,233,235,235,235,233,230,228,228,228,225,222,222,222,225,225,222,222,217,215,217,222,225,225,217,212,212,215,222,222,222,222,222,222,225,225,217,217,222,225,225,222,215,220,222,215,215,215,215,215,215,217,225,230,230,230,225,222,222,222,222,217,215,215,215,217,215,211,211,212,212,209,207,209,215,215,215,215,217,217,217,215,217,225,228,228,228,225,225,225,228,228,228,225,225,225,222,225,225,225,217,215,215,215,212,217,225,225,225,222,217,217,215,212,209,207,209,212,212,211,211,215,212,204,196,204,217,222,222,222,222,222,215,207,199,196,196,196,199,199,199,199,196,191,190,190,191,196,202,204,207,207,205,205,207,207,207,207,207,204,204,204,199,195,196,209,215,212,207,204,202,207,212,212,209,207,204,204,204,207,204,204,202,202,202,204,202,202,202,204,204,204,204,204,204,204,207,207,204,204,204,204,204,204,204,204,204,204,207,209,209,207,205,205,205,209,212,212,215,215,215,215,215,212,209,209,212,212,212,209,207,207,204,199,196,196,194,199,207,212,217,217,217,217,225,228,222,209,199,145,139,141,207,217,217,215,212,209,209,215,220,225,222,222,215,215,217,222,222,217,215,209,207,207,212,222,225,222,215,215,212,215,215,215,217,222,222,215,209,207,205,209,217,217,225,233,235,220,123,67,79,228,238,241,235,230,225,217,216,217,222,225,228,228,228,235,243,246,241,235,228,222,215,209,207,204,202,202,207,212,215,209,204,202,204,204,204,202,199,196,199,204,212,215,209,202,198,198,202,204,207,207,209,212,215,222,225,225,222,215,215,212,212,212,217,222,225,228,233,238,241,243,243,241,241,238,238,238,238,238,238,238,238,235,230,228,228,228,225,222,215,209,209,209,209,207,204,202,199,196,194,191,191,189,186,186,185,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,17,41,55,63,69,105,124,139,157,176,183,0,0,0,0,186,170,150,139,125,139,150,157,157,170,178,178,170,157,142,124,89,89,118,118,118,87,81,79,79,75,69,73,75,83,85,89,89,89,85,87,91,93,91,81,67,64,65,75,89,126,121,81,61,35,23,21,27,29,23,21,21,25,41,65,103,121,139,139,139,144,139,129,116,116,126,139,150,142,142,134,116,103,90,77,49,41,41,66,92,131,0,0,0,0,0,0,0,108,92,79,66,66,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,77,53,20,14,0,0,0,0,0,0,0,126,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,168,121,85,35,4,22,0,0,0,0,0,38,9,0,0,0,0,0,0,0,0,0,157,142,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,118,137,150,173,173,163,160,165,186,209,220,233,233,207,173,57,0,0,0,0,0,0,0,0,51,157,186,186,160,133,152,202,254,255,254,217,163,59,0,0,0,0,0,0,0,0,75,170,157,79,35,0,0,0,0,19,142,196,199,196,191,181,170,165,137,59,13,65,157,157,79,39,29,23,17,23,41,67,91,139,183,207,199,183,176,163,139,95,131,134,134,101,99,67,45,63,47,32,41,83,97,103,152,176,186,176,165,117,115,101,90,93,163,186,186,204,212,204,196,196,189,178,165,165,165,125,119,125,119,119,119,170,181,181,176,119,113,112,112,119,170,181,181,191,199,191,170,113,113,117,119,165,173,183,194,202,207,194,191,199,207,189,37,0,0,45,45,59,69,57,38,28,45,51,45,20,0,10,37,225,202,131,67,63,79,89,73,67,65,55,55,63,83,160,194,207,209,207,207,204,204,207,207,204,196,199,204,209,204,194,183,183,191,194,196,196,194,191,183,183,183,181,181,181,181,176,173,172,173,181,186,189,189,186,186,194,194,194,196,199,202,204,207,202,199,199,191,189,189,186,189,196,204,204,199,199,202,202,189,168,157,157,157,155,113,95,85,77,75,85,152,170,168,168,170,157,99,83,83,99,113,105,101,105,107,103,107,157,183,191,186,181,176,168,165,165,163,117,113,152,155,152,115,115,115,157,157,157,160,163,170,155,105,96,103,113,111,103,89,83,77,75,71,75,93,107,157,165,163,163,160,116,117,121,165,165,173,186,196,207,202,183,163,163,170,168,117,111,125,183,194,183,131,127,125,111,107,111,183,202,202,202,204,222,233,238,241,246,248,255,248,241,233,220,204,191,183,131,123,117,97,85,77,79,79,77,73,73,79,91,103,109,109,97,83,63,60,63,79,97,109,105,103,109,160,191,207,212,212,209,212,222,222,230,241,235,202,170,121,111,91,59,52,53,63,79,91,103,160,183,186,196,215,233,241,222,202,186,163,147,105,105,105,85,53,35,33,35,39,47,51,53,57,57,61,75,97,155,183,186,160,152,144,147,152,152,155,160,170,173,186,189,191,191,196,207,0,0,0,0,0,0 +129,124,111,107,118,155,186,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,11,0,33,100,121,69,108,178,160,152,157,165,178,191,194,199,178,89,32,18,67,163,173,183,183,173,150,99,98,101,93,61,83,111,155,155,148,144,143,144,152,165,173,181,183,178,168,160,160,168,176,178,173,166,165,168,176,178,178,186,199,183,0,0,93,121,127,126,124,125,173,186,194,202,202,199,183,181,176,111,119,131,133,127,137,189,191,194,194,194,194,194,191,186,131,119,127,139,189,196,207,212,212,217,222,222,220,217,215,215,217,222,225,225,222,222,217,215,215,217,222,222,207,199,202,204,199,195,196,199,199,202,204,207,209,209,209,209,209,212,215,207,189,137,125,118,118,133,202,204,186,181,183,178,186,183,191,199,194,191,191,189,186,183,186,194,209,217,217,212,199,189,191,196,199,204,209,209,207,199,194,194,191,186,186,194,194,123,105,108,131,186,181,121,121,129,178,194,196,189,97,52,50,83,191,204,202,202,204,207,196,186,194,209,217,225,222,215,209,202,196,189,129,131,191,199,194,191,199,212,220,91,68,176,212,215,217,212,204,204,209,217,228,230,228,228,225,225,222,215,212,215,225,230,222,212,207,209,209,202,127,108,112,121,186,212,207,191,191,194,196,202,209,215,217,217,212,208,208,205,207,212,215,212,209,215,222,217,212,212,212,212,215,215,215,215,209,208,209,215,222,222,220,217,215,215,215,217,220,225,230,235,238,238,235,233,230,225,222,221,225,225,207,178,17,0,0,0,0,0,0,0,21,139,85,0,0,0,107,189,209,215,212,212,212,215,222,228,228,225,225,225,225,222,222,225,225,222,215,209,207,209,212,215,212,209,208,208,209,212,215,217,217,217,217,222,225,222,212,139,78,73,71,119,137,199,215,225,233,233,230,233,233,233,230,226,226,230,233,233,230,228,228,230,230,228,217,202,198,200,202,200,202,209,215,217,217,222,225,228,233,233,233,233,233,233,233,235,235,235,235,233,230,228,228,228,228,228,228,230,230,233,235,238,238,235,233,233,233,233,233,233,235,235,235,233,230,228,226,230,233,225,196,143,142,142,143,194,207,225,238,238,235,233,230,230,233,238,246,248,241,53,0,0,0,0,25,35,1,43,75,105,204,209,204,204,212,230,235,230,212,202,202,215,217,207,137,217,209,212,217,222,215,212,117,63,84,209,222,225,230,212,141,186,207,207,191,128,131,191,222,230,215,194,161,146,150,209,220,209,51,0,15,0,0,0,157,163,135,109,155,160,99,0,0,59,220,230,235,238,228,235,235,246,230,191,233,233,241,183,81,82,142,183,170,73,0,0,15,176,220,243,241,241,238,230,196,165,87,89,207,79,76,191,225,235,87,75,181,217,228,215,196,186,196,222,233,238,238,233,215,209,222,228,199,119,121,119,123,133,189,199,202,204,123,120,131,186,183,136,186,204,202,131,137,212,230,228,215,207,202,215,220,202,199,207,119,35,93,230,248,243,235,238,238,238,235,233,121,111,137,191,194,137,129,113,123,204,204,191,189,194,207,230,243,238,230,207,191,209,230,141,141,196,191,191,204,199,199,196,190,189,192,204,212,215,212,215,228,238,243,246,243,235,143,145,199,199,204,212,205,212,230,222,203,203,215,217,215,222,233,238,238,238,241,238,225,204,199,204,217,241,238,194,164,191,209,220,220,225,230,222,205,212,235,220,202,209,230,238,237,237,238,238,246,246,141,130,141,147,209,228,222,196,141,143,145,145,144,145,196,207,215,212,207,200,203,207,207,204,202,200,202,204,209,207,204,209,228,235,235,233,230,222,213,213,217,222,217,215,215,215,222,225,222,222,222,217,209,151,150,202,212,225,235,238,238,238,238,238,238,238,238,235,235,235,238,238,238,238,238,238,238,238,238,238,238,238,235,233,230,230,233,233,233,228,222,215,215,222,230,235,235,230,225,215,212,217,220,200,207,212,209,215,220,225,228,233,235,233,230,230,230,222,202,145,149,151,149,151,202,209,217,222,228,228,228,228,230,233,235,235,235,230,229,230,230,233,235,235,235,235,235,235,230,225,222,225,225,225,222,225,225,222,222,222,228,230,230,222,212,215,222,225,225,222,225,225,228,228,222,216,216,217,222,228,225,217,217,212,207,212,215,217,217,217,222,225,228,228,225,220,217,222,217,217,217,217,217,212,212,212,212,212,215,212,212,212,215,217,217,217,217,217,222,217,217,217,225,230,228,228,228,225,225,228,228,228,228,225,222,222,222,222,217,215,213,215,215,212,215,222,225,225,222,217,215,215,212,212,212,215,215,212,212,212,215,207,199,204,217,225,217,217,222,222,225,217,207,199,196,196,196,196,196,199,199,199,194,190,190,191,196,202,207,207,207,207,207,207,207,207,207,204,204,207,207,202,195,196,209,217,215,209,207,207,209,212,215,212,207,204,204,204,207,207,207,207,207,204,204,202,202,202,202,202,204,202,202,204,207,207,207,207,204,202,202,199,199,202,202,202,204,207,207,209,207,205,205,205,207,212,212,212,215,217,215,212,209,207,207,209,212,212,209,207,207,207,202,199,202,204,207,212,215,217,222,217,217,222,228,225,215,202,196,147,147,204,215,215,212,208,209,209,212,217,222,222,215,211,212,215,217,217,215,212,209,209,209,212,215,217,215,212,212,212,215,217,217,217,222,222,215,209,207,207,212,217,225,228,230,228,115,49,44,75,225,235,238,233,230,228,222,217,217,217,217,217,217,217,228,238,243,243,241,238,235,230,222,215,209,204,204,207,212,215,212,207,207,207,209,209,207,204,202,202,209,215,217,207,202,199,199,199,202,207,209,212,212,215,217,225,225,225,222,215,212,212,215,222,228,230,233,235,238,241,241,241,241,238,238,238,238,238,238,238,238,238,235,235,233,233,233,230,225,217,212,209,209,209,207,204,202,199,196,196,194,194,191,189,186,186,186,0,0,0,1,1,1,0,0,1,0,0,0,0,0,0,0,7,17,41,55,65,71,108,118,142,157,176,189,194,194,0,194,186,170,150,142,126,126,142,142,150,150,157,157,157,150,142,126,126,118,118,118,118,87,87,87,81,77,73,69,75,75,75,77,83,83,79,81,87,95,97,91,79,69,69,75,81,85,85,75,57,31,19,17,19,23,25,25,23,27,39,59,103,129,147,170,170,173,163,147,131,126,134,150,150,150,150,142,129,116,103,92,85,77,74,79,103,131,0,0,0,0,0,0,0,95,82,64,59,61,66,87,92,92,0,46,35,27,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,0,0,43,0,0,0,0,0,87,87,0,126,87,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,235,207,139,92,17,0,20,0,0,0,0,0,72,30,0,0,0,0,0,0,0,0,113,139,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,103,121,155,163,157,151,155,176,209,241,248,243,233,199,168,73,0,0,0,0,0,0,0,0,113,165,176,160,150,137,160,199,241,254,254,212,165,92,17,0,0,0,0,0,0,5,108,181,178,126,55,0,0,0,0,51,163,202,215,207,191,170,144,93,67,53,61,178,204,163,59,17,5,0,0,0,15,53,83,144,196,217,199,173,147,129,87,87,95,131,97,89,91,75,73,95,87,63,79,101,101,103,152,176,176,170,165,115,111,97,86,90,109,165,173,196,204,204,204,196,189,173,119,125,165,125,117,115,115,117,168,186,189,189,176,119,117,117,121,170,181,181,181,191,196,181,117,110,112,165,176,181,183,194,194,194,199,194,191,194,194,147,21,5,7,71,69,85,81,69,47,44,65,65,47,43,47,77,165,202,199,152,67,59,89,150,89,65,55,55,67,89,160,183,199,207,209,207,207,204,204,207,204,204,196,196,204,204,204,191,181,183,186,189,191,191,189,183,181,176,176,181,186,181,181,176,172,172,176,183,191,196,196,194,191,186,186,186,189,191,191,191,194,194,196,194,191,191,189,189,191,199,204,204,194,194,202,202,189,176,165,165,165,165,155,105,89,77,70,77,147,173,173,168,176,157,91,73,75,89,105,105,105,113,152,113,111,168,194,191,183,178,181,181,173,157,115,117,155,163,160,155,115,115,152,157,157,157,156,163,170,157,105,97,105,152,105,89,77,71,71,71,75,91,105,163,176,178,170,160,119,116,121,123,165,165,164,173,189,204,202,183,164,164,173,168,117,111,123,183,191,183,125,123,117,110,105,111,183,209,209,202,204,220,230,233,238,241,246,248,246,238,230,220,204,191,183,131,131,117,103,91,91,91,91,89,79,77,79,83,97,107,103,97,83,63,60,60,69,85,91,89,89,97,115,170,191,202,202,202,209,222,222,238,246,246,217,191,183,168,109,85,56,54,59,73,91,103,160,183,183,191,209,233,233,202,194,183,160,147,105,105,99,83,61,45,34,32,33,39,51,47,41,39,39,51,79,137,168,186,170,152,152,152,155,160,160,170,173,186,194,202,202,204,209,225,0,0,0,0,0,0 +137,126,109,103,111,144,160,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,45,12,0,0,35,163,160,152,150,152,168,181,178,181,99,87,95,157,173,168,165,181,178,165,109,103,109,152,107,63,61,91,115,152,148,143,140,147,155,168,181,186,181,170,163,165,168,173,176,176,170,168,168,173,176,170,170,189,196,181,99,65,165,176,173,170,173,178,176,172,173,183,189,191,186,189,186,125,125,135,191,212,225,222,212,207,204,204,204,207,207,204,194,123,130,139,186,194,204,212,215,217,220,220,222,222,222,217,217,220,220,217,217,217,217,213,213,213,217,220,209,199,202,209,204,195,195,196,199,199,202,207,209,209,209,209,209,212,209,202,194,181,129,118,114,119,209,217,199,181,174,172,178,174,186,199,196,191,189,186,181,135,131,137,199,209,209,212,207,194,189,183,135,135,189,194,186,135,129,129,131,135,183,191,186,122,109,115,189,196,191,113,114,127,178,199,207,212,202,85,63,91,202,209,207,204,209,212,202,183,183,202,217,225,225,217,209,207,207,178,31,0,25,89,117,127,176,189,189,77,62,81,217,217,222,217,205,203,205,215,225,233,233,230,228,225,217,207,199,207,222,228,225,212,208,208,209,207,104,104,113,125,173,186,191,194,202,209,209,209,212,212,215,225,222,212,209,212,217,222,217,209,208,209,215,215,215,212,212,212,215,215,217,215,212,212,215,225,228,225,217,215,215,215,215,215,215,215,222,233,241,241,235,230,228,225,224,222,224,225,225,209,51,0,0,0,0,0,25,45,29,33,41,11,0,0,147,215,217,215,215,212,215,217,225,230,228,225,222,222,222,222,222,222,222,222,217,215,212,212,215,217,215,212,212,212,215,215,217,222,222,222,222,225,228,217,209,186,81,77,84,135,204,220,222,225,228,230,230,233,235,235,230,225,225,228,235,238,233,230,233,233,230,230,225,209,199,200,204,204,204,212,215,215,217,217,225,228,230,233,233,233,230,233,233,235,235,235,235,230,225,222,225,225,225,228,230,233,233,233,235,238,235,235,233,233,233,233,233,233,235,235,233,233,233,230,228,230,235,230,212,202,194,191,191,196,204,217,233,235,235,230,228,230,233,238,246,251,196,0,0,0,0,0,79,181,191,225,207,176,189,204,209,212,217,225,230,220,204,199,199,204,196,103,81,199,194,198,207,209,203,204,196,101,119,220,225,228,225,202,139,139,194,202,199,137,183,194,212,222,207,199,199,178,177,199,209,207,89,0,0,0,0,0,178,178,191,183,222,243,178,0,0,0,77,220,228,207,183,196,176,189,196,204,235,238,228,181,99,108,168,157,35,0,0,0,0,27,160,199,235,238,238,212,165,155,199,255,215,69,77,238,246,248,73,59,54,52,68,186,196,204,217,235,241,243,246,241,222,204,212,238,243,222,202,129,135,186,191,202,196,183,87,127,199,191,202,199,139,199,209,202,199,217,233,235,222,196,179,179,199,204,204,189,18,0,37,209,238,241,235,235,238,235,222,194,113,113,127,135,129,120,121,110,109,186,139,100,100,186,202,230,235,191,196,204,196,194,191,141,194,209,128,97,124,191,204,207,202,194,194,199,207,217,225,230,233,238,241,241,241,235,209,204,207,209,222,215,190,199,209,212,204,207,215,217,222,228,233,235,238,238,243,241,233,212,202,194,192,215,228,212,199,212,228,235,238,238,238,225,207,209,217,141,139,215,233,241,238,238,238,238,243,235,132,128,139,145,202,222,215,141,133,134,139,145,199,209,212,209,212,209,204,198,202,207,209,207,204,207,207,204,204,203,200,204,225,235,235,233,230,225,217,215,215,215,215,212,209,209,212,217,222,228,230,228,215,204,151,199,209,228,235,238,238,235,235,235,235,235,235,235,235,238,238,238,238,238,238,238,238,238,238,238,238,238,235,233,233,230,233,233,233,230,225,217,215,222,228,233,230,225,217,212,209,212,212,202,204,209,212,217,225,228,230,233,235,233,230,235,233,222,207,207,212,209,204,207,212,222,225,228,230,233,233,233,233,233,233,233,233,230,229,229,230,233,233,235,238,238,238,235,230,225,225,228,228,225,225,225,225,222,222,225,228,230,228,217,209,215,228,228,225,225,228,228,228,228,222,216,216,220,228,230,230,222,209,200,198,207,217,222,222,222,225,228,225,222,217,217,217,217,215,215,217,222,217,211,211,215,217,217,217,217,217,217,222,225,225,222,222,222,225,222,217,217,225,228,228,228,228,228,225,225,228,228,228,225,222,220,220,217,217,215,215,215,215,212,215,217,222,220,217,215,215,215,215,215,217,217,215,215,212,212,207,135,135,204,222,225,217,215,215,222,225,217,207,199,196,196,196,195,195,199,199,196,191,190,190,194,199,204,207,207,209,212,212,212,209,209,209,209,209,212,212,204,198,198,207,215,215,212,209,207,209,215,215,212,207,204,204,204,207,209,209,209,209,207,204,202,199,199,199,202,202,199,202,204,207,209,209,207,204,202,196,191,194,196,202,202,202,204,207,209,209,207,207,207,209,212,211,211,212,215,215,212,207,204,207,207,209,209,207,207,207,207,207,204,204,212,217,217,217,222,222,222,217,222,228,225,215,204,202,204,204,207,215,215,209,208,208,209,212,215,217,217,212,209,209,212,215,215,212,209,209,209,207,205,205,209,212,212,212,212,215,222,217,217,222,222,217,212,208,208,215,222,225,220,215,87,44,39,40,89,225,233,233,233,230,230,228,228,228,222,212,209,212,215,222,233,241,241,243,246,243,238,233,225,215,209,207,209,215,217,217,212,215,215,212,212,209,207,202,202,207,212,212,202,196,196,199,202,204,209,215,215,215,215,217,225,228,228,225,217,215,215,222,228,230,235,235,238,241,241,243,241,241,238,238,238,238,238,238,238,238,238,238,238,238,235,235,233,228,222,215,212,209,207,207,204,202,199,199,196,196,196,194,191,189,186,186,0,0,3,7,11,13,7,5,5,3,0,0,0,0,0,1,7,17,41,55,65,75,108,124,142,157,178,194,194,194,189,186,0,170,157,142,126,126,126,126,126,126,126,142,142,150,152,144,129,121,118,87,87,87,87,87,87,81,75,69,69,69,65,69,73,73,73,79,91,131,139,137,129,89,87,81,81,81,77,69,57,31,19,17,17,21,25,27,27,27,35,59,103,139,170,191,199,196,181,170,150,150,163,165,165,163,152,144,137,121,111,105,100,92,85,85,95,121,0,0,0,0,0,0,108,87,69,56,48,43,46,53,69,85,61,35,17,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,0,69,0,0,0,0,0,0,0,0,0,0,118,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,121,0,255,255,126,69,7,0,0,0,0,0,0,0,72,30,30,0,0,0,0,0,0,0,59,74,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,113,173,173,157,155,165,202,241,251,255,251,215,181,137,59,0,0,0,0,0,0,0,0,25,108,126,126,137,157,176,194,212,222,217,178,124,59,23,0,0,0,0,0,0,17,63,150,183,170,121,9,0,0,15,89,165,196,215,212,196,170,99,71,59,73,144,199,194,129,29,0,0,0,0,0,0,7,67,134,178,183,150,93,75,69,75,77,81,93,134,95,99,85,73,81,87,97,170,163,109,109,152,152,109,109,113,113,109,97,93,96,111,163,168,194,204,202,202,196,189,173,119,119,165,125,117,111,111,113,168,178,178,168,119,121,168,181,181,181,176,121,119,170,189,181,115,110,115,170,181,183,189,199,202,202,202,199,199,199,194,147,25,25,27,99,139,144,93,83,69,55,65,51,37,45,124,134,150,163,163,131,56,56,89,183,97,63,63,71,99,168,186,191,191,199,207,207,202,202,204,204,204,196,196,194,196,199,194,178,129,176,178,181,183,183,181,176,131,125,127,176,181,189,181,178,173,173,178,183,189,196,199,199,196,186,186,183,181,176,176,176,181,189,194,194,194,191,191,191,196,202,204,196,189,194,202,202,186,176,170,170,168,160,113,105,89,77,70,75,147,178,178,168,168,111,71,51,55,75,89,103,111,155,160,160,160,176,194,191,178,174,181,189,176,155,114,115,163,170,163,160,152,160,157,157,157,157,157,163,165,155,105,97,103,99,83,71,67,69,75,85,95,109,157,170,183,191,178,163,119,117,123,170,176,173,173,173,189,202,202,191,170,170,181,168,115,106,113,170,183,170,117,111,111,111,107,111,183,209,220,209,202,215,222,228,230,238,241,241,241,230,222,212,202,194,186,183,131,115,109,107,109,111,107,103,89,83,83,83,97,103,103,97,89,71,63,63,69,77,77,77,83,97,111,165,183,191,191,202,209,222,230,238,246,238,212,191,191,191,183,111,85,67,61,73,89,99,155,173,183,186,202,222,212,189,186,173,163,150,147,109,103,93,83,67,41,33,33,41,51,45,31,25,25,35,67,99,157,170,170,160,160,160,170,170,170,183,189,194,202,212,222,222,225,233,0,0,0,0,0,0 +139,134,118,111,121,134,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,29,13,0,121,176,186,19,0,0,41,152,157,155,152,168,178,103,78,84,101,178,191,176,152,147,160,160,111,101,103,163,178,165,95,42,48,150,163,163,160,155,160,152,117,170,176,170,163,163,170,173,176,176,176,170,170,173,176,176,170,170,186,191,178,170,178,196,202,196,178,181,191,181,173,173,183,186,189,186,186,186,133,133,181,196,215,228,225,217,209,207,207,209,212,215,212,207,183,139,139,135,139,202,212,215,212,215,220,225,225,222,217,217,220,217,217,217,220,217,215,212,212,215,222,212,199,202,209,207,202,199,202,202,199,199,204,207,209,212,212,212,209,194,183,196,202,194,133,118,119,207,217,196,179,177,181,179,179,189,191,194,191,189,183,137,131,123,121,137,139,183,199,207,202,189,135,130,130,133,137,135,129,127,126,127,135,183,183,135,129,129,191,204,209,209,113,115,133,186,207,212,217,225,199,127,178,204,209,204,204,209,217,215,186,133,186,209,222,225,217,209,212,222,199,33,0,0,30,93,117,131,186,186,111,70,66,207,217,225,222,212,207,209,212,222,230,233,230,228,225,222,196,173,191,212,222,217,212,208,207,209,207,92,105,127,131,129,176,191,202,212,220,222,217,215,208,209,228,230,225,222,225,225,222,217,212,209,208,209,212,215,215,215,215,217,217,220,217,215,215,222,230,230,225,215,212,212,215,217,217,217,215,222,230,235,235,230,228,225,225,228,225,224,225,235,233,160,3,0,0,0,0,228,255,142,31,31,168,13,0,183,220,222,215,215,217,220,225,230,230,230,225,220,220,220,221,221,220,220,222,222,220,217,217,217,222,222,220,217,220,217,215,217,222,225,225,225,225,225,217,212,202,127,131,204,209,217,228,228,225,228,228,230,233,238,238,233,228,228,230,235,235,233,233,230,230,229,230,228,215,202,202,209,212,215,222,222,217,217,222,222,228,228,230,230,230,230,233,233,235,235,235,233,228,217,216,217,222,225,230,235,235,235,235,235,235,235,233,233,233,233,233,235,235,235,235,235,233,233,233,230,230,233,230,217,204,196,196,202,209,212,217,225,230,230,228,228,230,235,238,241,230,59,0,0,0,0,0,103,196,222,243,233,196,189,204,215,209,209,209,207,194,183,183,183,123,113,76,76,204,195,196,209,212,212,212,209,199,196,209,217,225,217,196,183,137,137,186,199,196,194,189,202,207,194,191,199,183,191,204,204,183,65,0,0,0,39,15,215,217,230,238,246,255,238,0,0,0,0,35,61,3,0,0,0,27,85,209,233,241,222,207,222,222,202,165,99,91,101,81,29,31,93,157,111,91,101,41,157,155,196,230,91,77,170,246,241,233,71,64,54,37,58,181,199,209,225,238,241,241,243,241,225,199,199,225,243,222,189,139,189,194,194,194,139,96,93,202,225,215,217,209,125,128,191,202,204,212,217,215,209,194,177,173,186,204,204,91,0,0,29,141,207,230,233,235,238,238,204,111,113,121,125,123,121,123,131,127,117,111,103,100,104,131,191,215,191,123,139,196,196,191,186,141,194,217,137,89,119,191,209,215,215,207,202,199,199,207,225,235,233,230,235,238,238,233,225,217,215,225,233,222,192,198,207,209,209,212,212,212,217,225,233,235,238,238,241,238,228,207,202,194,192,202,212,215,222,228,235,238,241,241,238,230,215,204,145,86,89,212,230,238,241,241,238,238,230,196,133,135,207,204,207,209,199,133,131,135,145,202,215,222,212,204,204,209,209,204,204,207,209,209,212,212,209,207,207,204,200,203,215,233,235,230,225,222,217,212,209,212,215,215,209,204,204,207,212,225,230,230,228,215,202,151,209,228,235,238,238,234,234,235,238,238,238,238,238,238,238,238,238,235,235,238,238,238,238,238,238,238,238,235,233,230,230,233,235,233,230,217,215,222,228,230,228,217,212,209,207,207,207,199,199,202,209,217,225,228,230,233,233,233,233,235,230,215,204,207,215,217,217,222,228,230,233,230,230,233,233,233,230,230,230,230,233,230,229,229,229,230,233,235,235,238,238,235,230,228,228,225,222,220,225,225,220,215,215,222,225,228,222,207,202,209,228,228,225,228,230,228,228,225,222,217,220,228,233,233,233,228,212,196,194,202,217,225,222,222,222,222,222,217,215,215,217,215,215,215,217,217,215,212,215,222,225,225,222,225,225,228,228,230,228,228,225,225,225,225,220,217,225,228,228,230,230,228,225,225,228,228,228,225,222,217,215,217,217,217,217,215,212,212,212,215,217,217,215,215,215,215,215,217,217,217,215,215,215,212,145,105,121,212,225,222,217,213,213,220,225,225,212,202,199,199,196,195,195,196,196,194,191,190,191,196,202,207,207,207,209,212,212,212,212,212,212,212,215,215,212,204,199,198,202,209,215,212,209,207,209,215,215,212,207,204,204,207,209,209,212,212,212,209,207,202,199,196,196,199,199,198,199,204,207,209,209,209,207,202,191,141,143,194,202,202,202,202,207,212,212,212,212,212,212,212,211,209,212,215,215,209,204,204,204,207,207,207,207,207,207,207,209,207,204,212,222,225,222,222,225,225,222,222,228,225,217,204,202,207,212,215,217,217,212,209,209,212,212,212,217,217,212,209,209,212,215,215,212,212,212,209,205,204,204,207,209,212,212,212,215,222,217,217,217,222,217,215,215,215,217,222,217,199,115,61,45,43,53,109,225,230,230,230,230,230,230,230,230,222,209,208,209,215,222,230,235,241,243,246,246,243,238,233,225,222,215,215,220,225,222,222,222,222,217,215,215,209,199,196,199,204,204,196,192,194,199,207,212,215,215,215,215,217,222,228,230,230,228,225,222,220,222,228,233,235,238,241,241,243,243,243,241,238,238,238,238,238,238,238,238,238,238,238,238,235,235,233,230,225,217,212,209,207,207,204,202,199,199,196,196,196,194,191,189,186,183,0,0,5,11,13,13,13,11,7,3,1,0,0,0,1,3,9,17,37,55,65,77,116,126,142,160,178,189,189,186,178,178,170,170,160,150,142,126,91,85,85,85,85,118,126,144,150,144,126,118,87,87,83,87,87,87,87,81,75,69,65,65,61,61,67,71,73,79,91,139,160,165,160,152,139,129,91,85,81,75,61,37,25,19,19,19,23,25,27,29,35,53,95,139,181,207,215,207,194,178,173,181,181,176,176,173,168,152,137,126,111,105,95,87,85,79,85,103,121,0,0,0,0,126,105,92,79,59,43,33,30,35,51,69,61,35,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,137,98,0,0,255,255,118,51,17,43,0,0,0,0,0,46,30,20,30,0,0,0,0,0,0,0,51,40,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,0,0,21,113,173,181,181,181,191,209,220,235,238,233,199,157,83,39,0,0,0,0,0,0,0,0,0,55,100,108,126,160,183,194,202,194,186,157,65,15,0,0,0,0,0,0,17,65,77,137,189,199,181,81,41,49,81,142,165,181,196,207,196,163,79,57,61,99,170,178,142,71,23,0,0,0,0,0,0,0,59,131,147,137,83,57,48,55,69,63,47,73,147,157,93,61,41,57,87,160,191,186,163,152,163,109,100,98,103,109,103,103,107,115,165,168,176,189,194,186,178,178,178,168,119,117,119,125,117,111,107,111,119,170,119,111,111,119,181,189,181,121,107,95,93,107,121,165,115,113,119,170,170,157,170,191,202,202,199,191,196,199,194,155,47,45,51,137,147,137,93,75,55,33,26,7,17,27,29,47,57,67,73,67,53,55,89,183,101,73,83,107,173,183,186,191,194,199,199,199,196,196,196,196,196,196,191,186,191,191,186,129,120,123,129,176,176,176,131,127,119,115,117,173,181,189,186,181,176,173,173,178,181,189,194,202,202,194,186,183,176,133,128,128,131,183,191,194,194,191,191,191,196,202,196,189,181,186,199,199,186,170,165,165,165,152,105,91,85,77,70,73,152,181,178,168,157,83,47,43,46,65,87,103,113,160,170,170,170,183,202,191,178,176,181,181,173,157,114,115,163,168,163,160,163,168,163,157,150,157,157,157,155,107,93,91,87,73,63,61,65,73,85,99,115,163,163,170,183,199,194,178,160,117,123,176,189,186,186,186,194,202,202,194,183,183,181,168,111,103,111,170,183,170,113,107,109,111,107,111,183,215,220,209,202,212,222,228,230,238,241,241,238,228,220,209,202,194,194,191,133,117,117,131,181,170,123,115,105,95,89,83,89,95,103,103,95,83,77,73,73,77,77,83,85,103,117,170,183,191,202,207,220,230,238,246,246,228,194,186,191,199,199,170,105,83,67,69,85,97,117,170,170,173,191,202,194,186,186,186,173,160,155,152,109,105,99,83,57,39,39,45,51,39,25,22,24,39,83,142,160,173,173,170,173,186,194,0,189,189,194,202,212,222,233,233,233,241,0,0,0,0,0,0 +134,129,126,126,137,142,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,189,189,61,173,176,181,47,0,27,134,157,165,173,176,178,176,91,36,79,147,181,189,173,105,99,107,107,100,99,105,178,191,178,79,0,0,77,155,160,163,160,168,77,39,65,155,165,165,168,176,178,178,176,173,173,173,176,178,174,178,178,181,189,186,176,181,194,204,204,183,181,191,186,186,186,194,194,191,183,183,183,181,183,194,207,217,222,217,209,209,207,209,212,215,217,215,209,199,191,137,125,127,191,209,209,207,209,217,222,222,220,217,217,222,220,217,222,225,225,217,215,213,217,225,220,209,207,209,204,204,204,207,204,199,198,199,202,207,215,215,220,215,117,103,194,217,215,194,127,123,199,209,194,177,186,207,179,183,183,132,135,196,196,191,183,131,117,112,114,118,123,189,209,207,194,139,132,131,132,133,133,135,135,131,129,133,135,131,127,133,191,204,207,209,220,115,123,176,186,202,204,204,196,186,189,204,209,207,204,204,209,217,215,183,127,129,194,212,215,209,204,209,220,220,202,21,55,109,121,131,186,199,204,204,121,60,181,215,222,222,225,225,222,217,222,225,228,225,225,233,235,113,73,125,207,212,212,209,209,207,209,209,93,183,202,176,125,131,199,212,215,217,222,222,212,204,204,217,228,228,225,225,222,215,212,212,212,212,209,212,215,217,222,222,225,225,225,220,217,217,225,233,233,225,212,211,212,217,222,225,225,225,228,228,228,225,225,225,228,230,230,230,225,224,228,235,241,186,15,0,0,0,220,255,254,65,0,67,0,0,168,212,217,215,217,220,222,228,230,233,230,225,222,220,221,222,222,221,220,222,225,225,222,222,222,225,225,225,225,225,222,217,215,217,217,217,217,222,225,217,212,204,139,141,209,209,217,228,228,228,228,228,233,233,235,235,235,233,233,235,238,235,233,230,230,229,229,230,230,222,202,202,209,217,222,225,228,225,222,222,222,225,225,225,228,230,230,233,235,235,235,235,233,222,216,215,217,225,230,235,241,238,235,235,235,235,235,235,233,235,235,235,235,238,238,238,235,233,233,233,233,233,233,228,217,204,199,196,204,215,228,230,230,225,222,222,222,228,230,230,230,204,55,0,35,83,57,115,228,241,238,238,233,230,222,215,209,204,204,207,199,178,128,129,129,111,105,77,88,230,217,209,228,228,241,222,183,139,139,189,207,212,207,202,194,183,121,116,129,196,199,189,199,204,186,132,176,196,207,212,202,67,0,0,0,31,163,168,238,235,235,241,243,251,225,0,0,0,0,0,0,0,0,0,0,0,0,178,209,228,212,222,238,241,238,246,255,251,238,255,233,33,57,105,21,0,0,0,160,117,117,97,73,95,207,241,235,225,123,212,212,189,181,189,199,207,228,241,238,238,241,241,235,209,196,202,209,113,74,94,135,194,194,113,88,74,199,222,235,243,228,191,122,128,183,199,209,215,207,194,194,202,189,183,196,212,217,103,0,0,53,129,137,212,228,230,235,233,108,69,107,189,135,127,123,125,127,125,117,98,96,107,127,131,131,115,107,127,202,202,186,194,186,139,137,202,196,99,128,194,207,215,217,209,202,194,190,196,222,235,233,229,230,233,233,233,225,217,217,228,230,217,204,204,212,220,222,222,217,209,212,222,230,235,238,238,233,222,204,187,196,202,204,209,215,222,233,233,233,235,235,235,235,233,228,199,117,56,65,196,228,235,238,238,241,238,215,139,138,209,238,230,212,204,145,134,134,147,209,225,225,212,196,147,196,209,217,220,215,209,209,215,220,215,207,209,215,212,203,203,212,228,230,225,217,215,212,208,205,209,220,222,212,204,202,202,204,215,225,233,233,225,202,149,204,230,238,238,238,235,235,235,238,238,238,238,238,238,238,238,235,235,235,235,238,238,238,238,238,238,238,235,233,233,230,233,233,235,233,222,215,217,225,228,225,215,209,209,207,204,204,151,145,145,207,217,222,225,230,233,233,230,233,233,225,212,202,204,212,222,225,230,235,235,233,230,228,230,230,230,228,228,228,230,233,233,230,230,230,230,233,233,235,235,235,235,233,233,228,220,212,212,217,222,217,212,212,217,225,222,212,202,199,204,222,225,225,228,228,225,225,225,225,222,225,233,235,235,238,235,225,202,196,204,217,225,222,217,215,215,215,215,213,215,217,222,217,215,215,212,211,215,222,225,225,225,225,228,230,228,228,230,230,228,225,225,225,225,222,217,222,225,228,230,230,228,225,225,228,228,228,225,220,215,213,215,217,220,217,212,211,212,215,215,215,215,215,215,217,217,217,217,217,215,215,217,222,215,119,87,127,233,225,217,217,215,215,222,228,228,217,207,204,202,199,195,195,196,196,194,191,191,196,202,204,207,209,209,209,212,212,212,212,212,212,215,217,217,212,204,199,198,199,207,209,209,207,207,207,209,212,209,207,204,204,207,209,212,212,212,212,209,207,202,199,196,196,196,199,198,199,204,207,209,209,209,207,199,143,138,139,191,202,204,202,204,209,215,217,217,217,217,217,212,211,211,211,212,212,207,204,204,207,204,202,202,204,207,207,204,207,204,204,209,222,225,222,222,225,225,225,225,228,228,217,204,199,204,222,225,217,215,215,215,215,215,212,215,222,222,215,209,211,212,215,212,215,217,217,212,207,207,207,212,212,215,212,212,215,217,217,217,217,217,217,215,217,222,222,217,207,133,91,93,103,115,109,123,215,228,228,228,228,225,225,228,228,220,209,208,209,215,225,230,235,241,243,243,246,243,241,238,233,228,225,222,225,228,225,225,228,225,222,222,222,212,202,195,196,199,196,194,192,194,199,207,215,215,215,215,217,222,228,230,230,230,228,228,225,222,225,228,233,235,238,243,243,246,246,246,243,241,241,238,238,238,238,238,238,238,238,235,235,235,235,233,233,228,225,215,209,207,204,204,202,199,196,196,194,194,194,191,189,186,183,0,0,5,11,13,13,13,13,7,3,1,1,1,3,5,9,11,19,37,53,65,79,118,126,139,155,173,183,189,178,173,170,160,160,160,152,152,144,91,85,79,73,73,79,85,121,129,129,118,87,79,79,81,83,83,83,85,81,77,71,71,65,64,62,67,67,67,79,93,150,165,170,170,163,160,152,142,134,124,118,77,55,37,27,25,21,21,23,25,29,33,43,67,131,178,209,217,199,181,173,173,181,181,181,176,176,173,165,144,129,113,100,87,85,61,59,51,79,95,113,0,0,0,126,108,100,90,64,43,33,30,30,51,69,69,35,4,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,144,66,53,87,0,0,0,0,61,0,0,20,0,0,0,0,0,0,0,0,77,51,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,13,7,43,144,178,196,207,209,209,202,194,194,191,189,173,142,73,17,0,0,0,0,0,0,0,0,55,98,100,100,118,155,173,178,173,165,168,163,47,0,0,0,0,0,0,0,134,202,181,170,191,207,204,93,69,83,139,155,142,163,186,196,189,137,58,52,85,160,170,142,91,65,23,0,0,0,0,0,0,0,75,134,131,89,67,44,42,55,67,45,29,43,160,189,67,27,26,41,101,183,186,191,186,176,170,109,97,97,103,103,102,105,117,165,163,163,173,176,168,109,97,103,117,125,117,111,117,119,117,107,105,107,113,165,115,103,103,117,181,181,121,99,85,79,79,87,107,113,113,113,117,115,111,107,111,170,191,183,176,160,173,173,168,139,53,53,69,139,147,129,87,69,47,31,22,0,18,37,26,47,49,49,55,67,57,63,85,139,75,79,103,173,183,176,183,199,207,207,199,191,189,189,191,196,196,194,189,186,186,186,178,121,119,120,127,173,176,129,127,119,107,101,107,125,178,181,181,181,178,176,173,173,176,181,189,196,202,199,194,186,183,176,128,127,129,183,191,191,191,191,191,189,191,196,189,181,181,186,194,199,186,168,157,157,152,109,95,89,85,79,70,73,152,178,168,157,109,67,44,42,47,73,97,113,152,170,178,178,176,183,191,191,183,181,176,173,173,163,155,152,163,168,163,163,168,168,165,150,113,157,157,155,107,95,79,73,69,63,58,59,67,83,95,109,163,165,165,170,178,199,199,178,121,116,117,165,178,189,194,196,196,196,202,194,186,183,181,168,109,102,109,170,183,170,115,110,111,115,111,115,191,215,215,202,199,215,228,230,238,238,241,241,238,228,220,212,207,202,199,194,181,121,131,199,207,202,183,170,117,101,95,89,89,95,103,103,95,89,87,83,77,77,77,83,95,115,168,183,191,199,207,220,228,238,246,254,246,220,190,186,190,199,199,189,117,81,63,63,77,91,109,163,168,163,168,183,183,183,194,194,183,170,170,160,152,150,142,89,71,57,49,49,49,37,25,23,25,57,134,157,168,168,170,183,191,202,209,0,196,194,199,209,222,230,238,238,241,241,0,0,0,0,0,0 +134,126,126,129,137,150,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,51,0,0,0,0,199,199,189,165,173,170,152,129,116,163,168,170,173,176,178,181,173,163,74,99,155,170,178,157,101,97,99,101,100,101,155,181,181,157,51,5,11,101,152,150,155,157,107,29,0,0,45,163,165,176,178,178,178,176,173,176,176,176,174,176,181,183,183,183,181,178,176,186,199,202,191,179,179,183,189,196,196,196,189,183,183,189,191,196,207,217,225,222,215,209,212,212,212,212,215,215,212,209,207,199,194,137,117,121,202,204,199,202,209,217,217,217,217,217,217,217,217,222,225,225,222,217,217,222,225,222,212,209,207,207,207,204,204,204,202,199,199,204,209,217,222,225,230,63,0,194,225,217,199,127,116,125,194,191,183,189,196,176,199,183,126,125,186,204,199,191,181,115,111,109,113,123,196,207,199,194,191,186,137,132,130,137,186,189,183,131,129,129,127,127,129,183,191,127,117,93,123,173,176,181,189,194,186,181,191,202,209,212,204,204,207,212,215,209,189,128,123,129,196,202,196,196,202,212,215,207,123,191,209,207,202,207,209,212,215,204,57,125,215,212,217,228,233,230,228,225,225,225,225,230,238,248,85,0,117,176,204,207,207,215,215,212,199,173,194,186,125,121,133,207,222,217,215,217,222,212,207,205,209,217,225,225,225,220,215,211,212,215,217,217,215,215,217,225,228,230,228,228,225,222,222,228,233,233,225,217,212,215,222,225,228,228,228,230,230,228,224,224,228,233,230,229,230,230,228,225,233,248,241,209,17,0,0,157,255,228,51,0,0,0,0,168,207,215,217,220,222,217,222,228,230,228,228,225,225,222,222,225,222,222,222,225,228,228,228,228,225,225,225,225,225,222,220,215,213,213,212,212,213,222,225,217,204,189,141,145,196,212,222,228,228,230,230,233,233,233,233,235,235,235,235,238,235,233,230,230,230,230,233,233,225,204,199,209,217,217,222,228,228,225,222,225,222,217,217,222,228,233,235,235,235,235,235,233,225,217,217,222,228,233,238,241,238,235,235,235,238,238,235,235,235,235,235,235,238,238,238,238,235,235,235,235,235,233,228,222,212,217,209,209,217,233,235,233,228,217,209,204,207,207,189,123,113,107,105,111,176,212,230,235,238,238,235,233,235,235,225,209,196,199,215,215,189,176,131,115,103,97,100,228,233,233,235,233,230,228,222,133,131,136,137,194,194,199,209,215,189,112,110,129,196,204,212,222,209,133,125,125,189,215,207,194,105,47,0,21,202,228,241,238,233,233,235,241,255,217,0,0,0,0,0,0,0,0,0,0,0,0,0,51,157,155,220,243,246,246,246,248,251,255,255,225,33,59,81,69,77,109,157,3,0,115,168,63,111,212,243,233,189,191,228,238,228,189,189,196,204,225,243,241,238,238,238,238,230,199,117,104,66,90,117,191,215,125,69,99,123,204,230,241,238,217,183,128,135,199,209,217,222,217,204,191,191,194,202,209,230,243,215,117,65,111,119,118,125,202,217,230,233,113,99,127,207,202,186,139,139,127,131,119,94,104,139,133,135,125,68,72,119,204,207,135,139,127,135,141,191,139,132,133,139,189,207,212,194,191,191,189,190,217,235,235,230,230,230,228,228,222,212,209,215,217,217,212,212,217,225,228,228,225,215,209,217,225,230,235,233,209,196,191,194,202,207,212,222,228,230,235,233,231,233,235,235,233,233,235,230,131,101,103,133,215,228,233,238,246,238,207,196,207,230,241,241,217,204,196,145,194,215,233,235,228,199,143,143,196,217,228,228,222,212,209,228,215,207,207,209,215,217,209,204,209,215,212,207,209,217,217,212,208,209,217,222,222,207,202,203,207,209,215,217,225,217,202,150,209,233,238,241,238,238,235,235,235,238,238,237,237,238,238,241,238,233,231,233,235,238,238,238,238,235,235,233,235,235,233,233,233,233,233,225,215,209,217,228,228,217,207,202,202,207,202,145,133,143,212,222,222,225,230,230,230,230,233,230,225,212,200,200,212,230,233,235,235,235,233,230,228,228,230,228,225,225,228,230,230,233,233,230,230,230,233,233,235,233,233,233,233,233,228,217,209,208,209,212,212,208,208,215,222,215,204,202,202,209,217,222,225,228,222,217,222,225,228,228,230,235,235,235,238,233,222,204,202,209,217,222,217,215,215,217,217,215,215,220,228,230,225,215,212,211,211,215,225,225,222,222,228,230,230,228,228,230,230,228,228,225,225,222,222,222,222,225,228,228,228,228,228,228,228,228,225,222,220,217,215,215,215,217,217,212,211,215,215,215,215,217,217,217,217,217,217,217,217,215,215,222,225,215,83,84,212,225,225,217,215,213,215,222,225,225,217,209,204,202,199,199,199,202,202,196,194,196,202,204,207,209,212,212,209,212,212,212,215,215,215,215,215,215,209,204,199,199,202,204,207,204,202,202,204,204,204,204,204,204,204,207,209,212,209,209,209,209,207,202,199,196,196,199,199,202,202,204,209,209,209,209,209,202,141,136,137,191,202,207,207,207,209,215,217,222,222,222,222,217,215,212,212,212,209,207,204,207,207,202,199,200,204,207,209,207,199,202,207,212,222,225,222,222,225,225,225,225,225,225,222,209,202,209,225,228,217,212,215,217,217,212,212,217,222,225,222,215,215,215,215,212,215,217,222,217,215,212,215,217,217,217,215,215,215,217,217,217,217,217,217,217,215,217,222,215,199,133,123,131,137,131,123,131,209,225,228,225,225,225,224,225,225,217,209,208,209,217,225,233,238,241,243,243,243,243,238,235,233,230,225,225,230,230,222,221,225,225,225,225,225,222,212,207,202,196,194,192,194,196,199,204,212,217,217,222,222,225,228,230,230,230,228,228,228,228,225,228,235,241,243,246,246,246,248,248,246,243,241,241,238,238,238,238,238,238,238,235,235,238,235,235,233,230,225,220,212,207,204,202,199,199,196,194,194,196,196,194,191,189,189,0,0,5,9,11,13,19,19,9,5,5,5,5,5,9,13,19,39,45,55,65,77,113,121,139,150,160,173,173,173,173,160,160,152,152,157,157,150,129,91,77,69,69,75,87,121,121,121,87,75,69,73,83,87,83,77,81,81,83,83,83,79,73,71,73,67,69,79,93,139,155,163,163,155,155,163,173,173,157,126,83,63,41,35,33,33,27,21,27,33,35,41,59,113,163,202,209,199,173,159,164,165,176,176,176,181,186,178,165,134,111,67,57,51,51,47,43,43,53,98,124,0,0,142,126,108,92,72,51,40,33,40,59,79,66,51,17,9,1,1,1,4,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,215,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,111,121,155,0,0,0,0,108,25,0,0,0,0,0,0,0,0,0,0,92,51,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,29,19,43,108,181,207,215,217,217,209,199,183,176,165,165,147,134,111,35,0,0,0,0,0,0,0,45,118,129,116,113,129,155,147,105,65,98,121,113,0,0,0,0,0,0,0,0,79,212,228,207,207,199,163,58,66,89,142,137,133,135,163,181,176,75,54,85,170,181,181,157,129,71,23,0,0,0,0,0,0,19,79,124,89,77,57,44,46,61,67,36,27,39,147,189,49,22,26,61,157,189,183,186,186,186,176,109,100,100,111,111,103,107,163,117,105,103,109,109,97,73,27,31,97,113,103,105,111,117,111,103,99,99,105,109,109,99,101,113,181,181,113,87,79,79,82,87,95,107,111,107,105,105,101,105,113,157,160,157,109,150,160,147,103,75,40,42,69,139,168,168,137,85,77,49,31,31,67,126,79,63,51,49,55,67,67,67,79,75,69,75,103,173,183,183,191,199,215,207,199,189,185,189,189,189,189,189,189,186,186,183,178,129,121,127,173,176,129,123,119,107,105,95,101,121,173,178,178,181,181,178,178,173,173,178,186,196,204,209,204,202,194,183,176,129,133,183,183,183,189,191,191,189,181,181,181,181,181,186,194,202,194,176,152,147,150,105,95,89,89,77,73,73,144,160,152,109,91,67,49,46,59,85,150,165,170,178,181,178,173,173,183,191,196,181,173,170,173,165,163,157,163,165,163,163,168,168,157,150,107,113,113,105,93,73,65,63,59,58,58,65,75,95,107,155,163,165,165,170,178,194,191,173,121,116,114,117,168,189,207,207,196,196,194,194,186,170,170,123,106,103,109,173,191,170,115,115,123,125,123,131,191,209,204,194,199,220,238,241,246,241,238,241,241,238,230,228,220,212,202,199,183,129,194,220,228,220,202,183,121,109,101,95,89,89,95,95,89,93,89,87,83,77,77,89,109,157,181,189,202,209,220,230,238,238,248,254,248,228,207,202,207,202,199,189,119,81,60,63,89,97,109,157,157,150,150,160,183,186,183,170,170,183,183,170,160,163,152,97,79,71,75,67,55,41,29,25,37,83,142,150,150,142,155,173,191,204,212,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +129,124,124,124,129,144,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,0,0,230,202,181,157,155,147,147,165,176,181,173,173,173,170,170,170,163,155,155,152,155,155,155,150,105,97,97,103,109,150,160,170,170,160,111,63,65,150,150,152,160,157,152,93,0,0,0,75,160,173,176,176,176,176,173,176,178,178,176,178,181,183,186,183,178,173,170,178,191,199,191,181,179,183,191,196,191,186,183,181,186,194,202,207,215,225,230,228,222,217,217,215,212,212,209,212,212,212,212,209,204,199,137,91,91,196,196,199,202,207,209,212,215,217,217,217,217,222,225,225,222,222,222,225,225,215,209,209,209,207,204,202,200,200,202,202,207,212,217,225,228,217,109,0,0,125,222,215,196,125,116,122,178,183,181,186,194,189,209,202,131,126,133,199,202,199,194,194,204,196,131,135,194,202,196,194,199,196,186,133,131,137,189,191,186,131,128,133,178,127,117,123,115,88,63,72,119,178,183,178,177,183,181,179,194,207,215,212,207,209,209,212,215,209,199,133,121,124,183,189,186,189,196,204,209,207,199,209,217,217,212,209,212,212,215,217,97,117,183,204,215,230,233,230,228,230,230,230,230,235,238,235,0,0,89,103,183,204,207,209,215,215,183,57,53,25,107,121,186,209,222,222,222,222,225,222,215,212,212,215,222,222,225,220,212,209,211,212,220,222,215,212,215,222,230,230,230,228,222,220,220,225,230,230,228,222,215,217,225,228,230,230,230,230,230,228,225,225,230,233,230,229,229,235,238,230,230,235,233,228,222,37,0,109,157,79,0,0,0,0,0,191,207,215,222,225,222,215,215,220,222,222,222,222,217,215,217,222,222,222,222,222,225,225,225,225,225,225,222,222,222,225,222,217,213,212,212,212,213,217,225,225,209,194,140,139,145,207,217,225,230,233,233,233,230,230,230,230,233,233,233,233,233,233,230,230,230,233,235,235,225,202,149,199,207,207,212,222,225,225,228,228,225,217,216,217,228,233,235,235,233,233,233,233,230,228,228,230,233,238,241,241,235,235,235,238,238,238,238,235,235,235,235,235,235,238,238,238,235,235,235,235,238,238,230,217,222,228,230,215,225,225,230,222,225,217,207,194,183,133,125,119,173,196,225,235,235,238,238,238,235,235,233,233,235,235,230,209,178,191,220,225,212,204,194,121,101,107,228,246,238,235,235,230,225,212,196,135,136,204,199,191,137,186,204,207,137,119,121,189,212,222,233,235,225,191,129,128,181,199,196,189,178,178,157,176,220,233,238,233,230,230,233,238,255,230,0,0,0,0,71,39,23,85,97,0,0,0,0,0,0,0,202,238,243,246,246,246,246,248,251,199,59,87,81,63,255,255,0,0,0,99,255,181,75,207,255,217,109,127,209,217,191,181,186,191,196,222,243,246,241,241,243,241,235,189,101,81,123,202,209,215,222,186,104,127,189,204,228,238,230,204,137,133,199,217,222,222,225,228,217,202,194,196,217,235,241,241,217,204,189,202,139,118,119,186,212,228,235,225,212,222,228,230,230,233,233,209,204,196,127,189,199,139,137,141,116,114,133,194,202,189,135,126,130,133,194,209,199,131,126,134,196,191,182,191,207,190,189,207,230,233,230,228,225,222,222,215,208,208,209,215,222,217,215,222,225,225,222,215,209,209,217,222,225,235,230,194,191,196,222,217,207,209,228,235,233,233,233,233,235,233,233,231,233,238,235,212,133,119,125,145,215,230,235,243,235,215,209,217,230,238,238,222,209,209,207,212,228,238,238,225,141,139,145,204,228,233,233,225,215,209,215,207,205,205,209,215,212,207,207,212,212,205,200,204,217,228,222,212,212,217,222,222,209,204,212,215,212,207,126,134,145,151,207,228,238,241,241,241,238,238,235,235,235,238,237,237,238,238,241,238,233,231,233,235,235,235,235,235,235,233,233,235,235,235,233,233,233,230,222,212,209,212,222,228,217,199,145,147,209,212,199,139,149,222,225,225,228,230,230,230,230,233,230,225,212,202,202,222,235,238,235,235,235,233,230,228,228,228,225,225,225,228,228,230,233,233,233,230,233,233,235,235,233,233,233,235,233,230,222,209,205,205,209,209,207,208,217,222,212,204,207,212,215,217,222,228,228,215,209,212,222,228,230,233,235,235,235,235,233,222,212,212,215,217,217,217,217,217,217,217,217,217,225,233,235,228,215,212,211,212,215,222,222,220,222,228,230,228,228,228,230,230,230,228,228,225,225,222,222,225,225,225,228,228,228,228,228,228,228,225,225,222,217,215,215,215,217,217,215,212,217,217,217,217,217,222,217,217,217,217,217,217,217,222,228,230,194,78,81,215,228,225,222,215,215,215,220,225,222,215,207,204,204,204,202,204,204,204,202,199,196,202,204,207,209,212,212,209,209,212,212,212,212,215,215,212,209,204,204,202,204,204,204,202,202,199,202,202,202,202,204,202,202,204,207,207,209,209,207,207,207,204,202,199,199,199,199,202,202,204,207,209,212,212,212,212,204,143,137,140,196,207,209,209,209,212,215,217,217,217,217,217,217,215,212,212,212,209,207,207,204,204,204,202,204,207,207,209,204,196,202,212,217,225,225,225,222,225,225,225,225,225,225,225,217,217,222,225,222,212,211,215,222,217,212,212,217,225,225,222,217,217,220,217,212,212,217,222,217,217,217,217,222,222,222,217,217,217,217,217,217,217,217,217,215,215,215,217,217,207,194,143,143,143,137,133,139,207,222,225,225,225,225,225,225,225,217,212,209,212,217,225,230,235,241,243,243,243,241,235,233,230,228,225,228,233,230,225,221,222,222,217,225,225,225,225,222,215,202,194,196,199,196,196,202,212,217,217,217,222,225,228,230,228,228,228,228,230,230,230,233,241,246,246,246,246,246,248,251,248,246,243,241,238,238,238,238,238,238,238,238,238,238,238,235,230,228,225,222,215,209,204,202,199,196,196,194,194,196,199,199,196,196,194,0,3,7,11,15,15,19,19,15,9,9,9,9,11,15,19,39,45,51,57,65,73,111,118,129,150,157,160,173,173,173,160,152,151,151,152,157,150,129,87,73,65,65,73,81,121,121,87,79,69,64,67,77,83,81,75,75,77,77,83,91,85,81,77,73,73,73,79,89,131,139,155,155,139,134,155,176,176,142,89,71,55,35,33,33,33,33,29,33,41,41,41,55,111,170,217,228,209,186,168,164,165,165,168,168,176,0,186,168,134,98,43,29,29,35,35,35,37,51,90,124,0,0,0,152,129,108,90,66,56,48,59,66,79,82,59,33,25,25,27,20,12,12,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,144,163,173,144,131,0,0,129,35,0,0,0,0,0,0,0,0,0,0,64,30,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,21,35,63,142,194,215,215,228,233,220,202,191,186,183,168,155,152,142,67,0,0,0,0,0,0,0,29,105,121,111,105,129,160,147,98,41,29,31,17,0,0,0,0,11,0,0,0,51,207,248,235,209,173,87,59,66,95,144,142,130,131,135,163,142,59,55,155,209,215,207,181,147,81,29,0,0,0,0,0,0,15,67,87,87,87,83,63,67,77,73,47,33,47,137,168,77,51,71,99,170,189,178,183,186,186,176,152,103,103,111,113,102,101,113,117,105,97,97,91,67,0,0,0,85,107,102,104,111,113,109,99,89,89,91,99,99,93,101,121,189,181,113,87,81,83,93,99,99,105,107,95,93,101,109,115,155,155,150,106,105,157,176,142,77,43,32,38,69,144,168,176,168,147,144,137,81,75,134,155,142,85,71,63,63,67,71,79,81,71,60,63,89,163,183,191,199,199,207,207,199,189,185,185,189,186,181,181,183,186,186,186,183,178,178,178,176,173,119,107,101,101,99,95,101,121,176,178,178,181,181,178,173,173,176,181,191,204,212,212,209,204,202,194,189,186,186,189,183,183,183,191,191,189,181,176,176,176,181,189,194,202,196,178,157,150,152,147,97,89,79,73,67,63,93,105,93,87,81,67,53,49,59,91,173,183,183,186,186,178,172,172,178,191,196,186,173,170,173,170,163,155,155,152,152,155,160,163,152,107,101,107,105,87,71,59,57,57,59,61,65,77,95,107,115,165,173,170,170,170,178,191,183,168,117,117,113,116,168,196,207,207,196,194,196,194,186,170,123,115,106,103,109,170,186,170,113,115,129,131,125,131,191,202,194,191,202,217,230,241,241,241,238,238,241,241,238,238,230,220,207,199,183,181,207,238,246,230,220,191,123,109,101,95,89,89,95,93,87,87,87,89,93,87,83,89,109,157,170,183,202,215,230,238,238,243,246,248,238,228,220,220,215,199,189,189,115,77,60,63,89,97,105,111,109,105,109,152,181,183,157,150,173,194,191,170,157,170,157,101,83,81,81,77,67,49,39,39,67,95,134,139,139,142,152,173,189,199,207,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +105,95,90,95,108,126,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,118,118,118,121,124,147,173,181,178,176,173,170,165,160,157,152,151,155,157,152,150,152,160,152,95,91,101,150,160,163,163,170,181,194,194,178,160,111,113,163,157,152,160,105,25,43,115,163,163,168,176,178,176,176,178,181,181,181,178,176,178,183,183,176,168,168,170,186,196,194,183,181,189,199,202,194,181,181,136,186,196,207,212,215,222,225,225,222,217,217,215,212,209,208,209,212,215,217,217,209,207,209,89,74,121,199,202,202,204,207,212,215,215,217,217,217,217,222,222,222,217,222,225,222,212,209,209,212,212,209,204,202,202,202,204,209,217,222,222,217,137,23,0,0,113,209,209,202,183,129,131,135,133,133,183,194,207,222,222,212,178,133,186,194,196,196,204,212,207,194,183,191,202,202,199,202,199,189,178,135,183,191,196,191,176,176,176,131,95,66,68,86,90,101,178,189,189,191,181,172,181,183,181,196,212,217,215,209,212,215,212,212,207,199,183,126,129,176,176,176,183,191,196,202,209,212,215,222,217,215,212,212,215,215,212,129,121,131,194,204,217,225,225,228,230,230,230,233,238,241,127,0,0,0,27,173,196,181,186,204,204,0,0,0,0,101,176,207,215,222,225,225,225,225,225,225,225,222,217,217,217,220,217,215,212,212,215,220,217,215,209,212,217,225,228,228,225,215,212,212,217,225,230,228,222,215,217,225,230,230,230,230,230,233,230,228,228,230,230,230,230,230,235,238,233,228,228,230,233,241,105,0,11,0,0,0,0,0,0,155,209,209,215,225,228,225,215,212,215,215,212,212,212,209,209,215,220,222,217,215,212,209,212,215,220,222,217,215,217,222,225,222,217,215,215,217,217,215,222,228,228,217,202,143,139,141,202,215,225,230,233,233,233,230,228,228,230,233,233,230,228,230,230,230,230,230,235,238,235,222,147,133,137,147,196,204,212,222,225,230,230,228,217,216,217,228,233,233,230,230,230,233,235,235,235,235,235,235,238,241,241,235,235,235,238,238,238,238,238,238,235,235,235,235,238,238,238,235,235,235,235,238,238,222,196,204,241,233,207,102,212,215,199,199,204,199,186,178,133,131,176,196,222,243,248,243,241,241,238,235,235,233,233,235,238,233,217,168,176,202,212,207,212,204,181,131,204,241,243,238,235,230,212,194,189,186,191,207,222,212,194,129,127,137,135,123,129,199,209,217,230,235,238,233,225,215,196,181,194,191,168,113,173,202,228,233,235,233,230,229,230,233,241,255,225,0,0,0,0,57,3,17,204,212,183,150,0,0,0,0,0,37,199,241,246,238,235,238,230,212,160,103,160,79,15,183,255,0,0,0,0,170,105,0,75,168,71,29,89,178,176,116,133,191,196,199,215,235,243,243,243,243,238,215,119,107,133,233,233,225,215,207,139,120,131,189,191,204,222,209,137,131,139,217,230,233,230,230,230,222,207,199,204,233,241,233,194,130,189,217,233,230,207,196,202,215,230,235,238,238,235,238,241,243,241,238,230,222,217,217,225,217,194,139,194,196,189,189,194,199,199,189,134,131,126,141,222,217,127,123,135,194,187,179,196,217,202,189,194,212,225,228,222,215,215,215,212,208,209,212,217,225,222,215,225,233,228,217,207,202,207,222,217,217,233,225,187,190,222,241,225,199,199,225,235,235,231,233,238,238,233,231,231,233,235,235,225,199,135,129,137,202,225,235,241,233,222,215,220,228,233,233,222,217,222,217,222,228,230,230,199,131,134,143,207,228,233,230,225,215,209,212,205,205,207,209,212,209,207,209,215,217,207,200,204,217,228,225,215,215,217,217,215,207,204,215,217,209,151,125,131,136,149,228,235,238,241,241,241,238,238,235,233,235,238,238,238,238,238,238,238,235,233,235,235,235,235,235,235,235,235,233,233,235,235,233,233,233,228,215,212,209,209,215,225,215,149,143,146,212,222,215,199,207,225,228,230,230,230,230,230,233,235,230,225,209,202,204,217,233,235,233,233,233,233,230,230,230,230,225,225,225,228,228,230,233,233,233,233,233,233,235,235,235,235,235,235,235,230,222,209,204,204,209,209,209,215,225,222,212,209,215,222,222,217,225,230,225,209,204,207,217,228,233,235,238,238,235,235,230,225,222,222,220,217,217,217,217,217,215,215,217,220,225,230,233,228,217,215,215,215,217,225,222,220,225,230,230,228,228,230,230,230,230,230,230,228,225,225,225,225,225,225,228,228,228,228,228,228,228,228,225,222,217,215,215,217,217,217,215,215,217,217,217,217,222,222,222,217,217,217,217,222,222,225,235,243,91,76,82,215,228,228,222,215,215,215,217,222,217,209,204,204,207,204,204,204,207,204,202,199,199,202,204,207,209,212,212,209,209,209,209,209,209,209,209,209,204,204,204,207,209,207,204,202,199,199,199,202,202,202,202,202,202,202,204,204,207,207,207,204,204,204,202,202,199,199,199,199,204,204,207,209,212,212,212,212,204,191,141,191,204,212,212,209,209,212,215,220,222,222,217,217,215,212,209,209,212,212,209,207,207,207,209,209,212,209,204,204,202,196,204,217,225,225,225,225,225,225,225,225,225,225,225,225,225,228,228,222,212,209,212,217,222,217,212,212,217,225,225,225,222,222,222,220,215,212,215,217,217,215,215,217,222,225,222,222,222,222,222,222,222,222,222,217,217,215,215,215,215,212,207,199,147,145,141,141,194,209,217,222,222,222,222,222,225,228,225,217,217,217,222,225,230,235,241,243,243,243,238,233,230,230,228,225,225,230,230,225,225,222,215,209,217,225,225,230,233,225,204,194,199,199,195,194,199,209,215,217,216,217,225,228,230,228,226,226,228,233,235,235,241,243,246,246,246,246,246,248,248,248,248,243,241,238,238,238,238,238,238,241,238,238,238,235,233,230,228,225,217,215,209,207,204,202,196,194,194,196,199,199,202,202,199,199,3,5,11,15,17,21,21,25,23,21,21,21,21,17,21,21,39,49,55,63,69,75,81,121,129,152,160,163,168,168,168,163,155,152,152,152,152,147,129,87,73,67,61,67,73,81,87,83,73,64,63,65,75,77,75,71,71,73,77,79,87,91,85,81,79,73,75,75,87,95,131,131,139,95,89,95,157,142,91,57,49,35,30,27,28,30,33,39,41,53,53,45,55,113,186,243,246,233,209,191,183,176,168,152,152,168,178,183,170,129,61,27,18,18,24,29,35,43,61,98,131,0,0,0,196,160,126,100,92,79,77,66,79,79,66,59,43,43,51,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,155,170,173,124,82,121,163,85,7,0,0,0,0,0,0,0,0,0,103,66,48,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,21,57,108,178,207,215,228,241,238,217,202,204,209,202,181,163,142,67,11,0,0,0,0,0,0,0,41,53,39,29,59,142,157,121,61,43,41,31,0,0,0,0,31,13,0,0,33,196,248,248,215,176,93,75,81,134,165,165,144,137,142,163,103,59,59,189,233,225,215,199,160,91,43,0,0,0,0,0,0,13,71,121,129,147,170,147,126,93,81,55,35,41,85,137,93,91,99,105,150,163,163,165,176,176,170,152,109,109,111,115,103,100,113,163,115,103,103,97,53,0,0,0,85,113,111,111,111,113,107,97,88,86,88,91,88,88,103,170,189,170,113,95,87,97,107,107,99,99,95,87,88,101,157,173,178,170,160,157,109,150,157,95,59,43,38,41,81,139,144,155,155,144,137,139,137,126,134,144,152,137,91,79,73,71,75,81,79,63,56,59,81,150,183,196,199,199,199,207,204,196,189,189,189,181,181,181,181,189,189,186,186,186,186,186,186,176,119,101,95,95,95,92,101,121,178,183,181,181,181,173,172,172,178,186,196,204,207,202,202,199,199,199,199,199,196,194,189,183,189,191,194,191,181,176,176,176,181,189,194,199,194,181,165,157,165,157,95,81,73,71,63,57,83,89,85,79,75,67,55,49,63,99,181,196,191,191,186,174,172,176,183,191,191,186,173,173,176,170,117,111,111,103,103,109,152,157,150,101,95,91,79,67,59,56,57,63,69,77,89,97,107,113,155,173,176,170,170,170,178,183,181,168,121,117,117,116,176,196,215,212,204,196,204,204,183,123,117,115,107,106,109,170,183,123,112,112,125,131,123,123,181,191,191,191,202,207,220,238,238,238,238,238,241,238,238,238,230,222,212,194,183,189,220,248,254,246,230,202,121,101,95,89,89,89,95,93,83,80,82,93,101,95,89,95,109,115,160,183,202,220,230,238,238,238,238,238,230,220,215,220,209,189,189,181,117,83,60,63,83,91,97,97,97,97,103,150,170,170,143,143,191,209,191,157,170,170,157,101,81,81,85,81,75,67,67,75,87,97,131,139,150,157,170,183,189,199,207,207,0,0,0,0,0,0,0,0,0,0,202,0,0,0,0,0 +92,79,75,82,100,116,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,105,157,176,178,181,181,178,176,168,163,155,153,153,163,168,152,109,157,168,150,93,91,99,155,165,160,157,170,191,196,199,194,176,97,95,115,115,155,165,176,181,189,194,178,117,163,176,181,181,178,181,181,183,183,178,173,173,178,181,176,169,166,170,189,199,196,183,181,194,212,217,207,183,181,126,181,199,212,215,212,215,215,212,212,215,215,212,209,209,209,215,215,215,217,225,212,207,215,199,85,87,186,199,204,204,209,212,212,215,215,215,215,217,217,217,217,215,222,225,222,215,212,212,215,212,212,212,209,207,204,204,209,215,215,207,199,186,67,15,20,115,186,204,204,186,133,178,178,133,134,181,194,217,228,228,225,196,135,135,178,137,135,189,204,204,194,182,183,202,207,204,199,194,189,189,191,202,207,209,207,186,178,176,125,92,63,60,83,125,212,215,204,199,196,189,183,186,183,189,199,209,217,217,217,215,212,207,204,202,196,186,178,181,176,172,172,181,186,189,196,207,215,215,215,217,215,212,215,217,215,202,181,117,109,113,108,186,194,209,217,217,217,222,235,243,217,1,0,0,0,0,168,176,111,168,202,189,0,0,0,0,133,207,225,225,222,225,225,222,222,225,225,225,225,222,217,215,215,215,217,222,222,222,222,217,215,209,209,217,222,225,225,222,209,207,207,209,217,225,225,222,217,217,225,228,228,228,230,233,235,235,230,228,225,228,230,233,230,230,228,228,228,228,228,230,228,178,0,0,0,0,0,0,0,101,209,215,212,215,228,230,228,222,215,212,212,209,208,208,208,208,212,217,220,215,209,208,205,207,209,215,217,215,215,215,225,225,222,217,212,215,217,222,220,220,222,225,222,209,194,141,141,199,212,225,233,235,235,235,230,222,221,228,230,228,222,222,228,230,233,233,233,235,238,235,225,135,117,121,141,196,199,202,215,225,230,230,225,217,216,217,228,230,228,228,228,230,233,238,238,238,238,238,235,235,235,235,235,235,235,238,238,238,235,238,238,235,235,235,235,238,241,238,238,235,235,238,235,225,145,133,141,238,217,194,38,67,63,66,78,93,115,131,183,196,207,212,209,228,241,241,235,235,238,238,238,235,235,235,238,241,238,228,178,170,169,165,165,170,176,178,191,212,233,233,233,233,222,202,186,183,189,202,207,196,202,199,135,121,121,120,118,131,207,207,209,225,233,233,235,238,235,217,179,196,196,114,94,112,209,230,235,233,230,230,229,230,233,246,255,181,0,0,0,0,0,0,0,137,181,181,176,37,0,0,63,0,0,1,51,61,59,75,77,69,51,89,204,215,85,0,0,0,0,0,0,0,13,0,0,0,0,0,0,11,119,125,129,204,222,222,209,204,217,238,241,241,241,238,189,85,99,243,235,230,215,202,191,135,125,121,120,116,117,129,133,129,131,183,202,225,233,233,230,225,212,199,191,190,215,225,204,131,118,125,207,225,225,222,222,222,228,233,235,238,241,241,241,243,243,238,233,233,230,230,235,238,230,209,191,196,196,194,194,196,202,202,202,199,194,128,135,209,217,139,135,141,194,191,187,194,212,212,190,190,202,215,217,212,209,212,215,212,209,212,217,222,228,222,213,228,241,235,217,202,198,199,215,215,215,225,212,186,194,235,238,212,190,190,212,233,233,233,233,235,238,238,233,233,233,235,235,225,202,145,139,143,196,209,228,233,230,222,220,222,225,233,230,222,222,225,225,225,225,222,209,141,130,134,143,202,222,228,222,215,212,212,212,212,209,207,209,212,209,209,212,217,225,222,212,207,212,217,217,215,215,215,209,204,202,203,207,212,204,149,139,137,136,143,233,238,238,241,241,238,238,235,233,233,235,238,238,238,235,235,235,235,235,235,235,235,235,234,234,235,235,235,235,233,235,233,233,233,233,225,209,207,209,209,215,222,217,204,148,151,212,220,217,209,212,222,230,233,233,233,233,233,235,235,233,225,212,202,200,212,228,233,233,233,233,233,230,230,230,230,228,225,225,228,228,230,230,233,233,233,230,233,235,235,238,235,233,233,233,228,222,212,207,207,212,212,212,222,228,222,212,212,217,222,217,215,225,228,217,205,204,207,217,228,233,235,238,238,238,235,230,225,222,225,222,215,217,222,222,217,215,212,215,215,215,217,225,225,225,225,222,217,222,225,228,228,230,233,233,228,228,228,230,230,230,230,228,228,225,225,225,225,225,228,228,228,226,226,228,228,228,228,225,225,220,217,217,220,220,217,217,217,217,220,217,222,222,222,222,220,222,222,222,222,225,230,243,254,77,77,91,217,230,228,222,217,215,215,217,222,217,209,204,207,207,207,207,207,207,204,202,199,202,204,207,209,212,212,209,209,207,207,207,207,207,207,207,204,204,204,207,209,212,209,207,202,199,199,199,202,202,202,202,204,204,204,204,204,207,207,204,204,204,204,204,202,202,199,199,199,202,204,207,209,209,209,209,209,204,196,194,202,212,215,212,207,207,212,217,222,225,225,222,217,212,209,207,209,212,212,212,209,209,212,215,215,215,209,202,202,199,194,204,222,225,222,225,228,225,225,225,225,225,225,225,228,228,230,230,222,212,211,215,222,222,220,215,215,217,222,225,225,222,222,222,222,217,215,215,217,215,215,215,217,222,225,225,225,225,225,225,225,222,222,222,222,222,222,215,212,209,212,204,196,194,145,143,194,207,215,217,217,215,212,212,215,222,228,228,225,222,225,228,230,233,238,241,243,246,243,238,233,233,233,230,225,225,225,225,222,222,222,212,208,215,217,222,228,230,222,204,196,199,199,195,194,196,207,215,217,217,222,228,230,230,230,228,226,230,235,241,243,246,248,248,246,243,243,243,243,246,248,246,243,241,238,238,238,238,238,238,238,238,238,235,233,233,230,228,225,217,215,209,207,207,202,199,194,194,196,196,199,199,202,202,199,3,7,11,17,21,21,23,25,37,37,37,29,25,25,25,37,47,55,63,69,73,75,79,113,131,147,155,160,163,163,163,160,155,152,147,147,147,131,118,79,69,63,57,55,61,69,75,75,71,65,62,63,71,75,71,71,71,67,71,77,85,91,91,87,79,75,75,75,75,81,89,89,95,89,83,91,126,91,71,43,31,30,30,30,28,31,33,41,45,53,53,53,59,116,207,255,255,255,235,217,202,189,170,152,152,152,165,168,155,129,61,27,18,19,24,35,47,61,95,108,131,202,0,0,243,204,147,116,100,98,90,85,79,66,59,51,43,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,170,155,160,157,124,90,87,79,43,0,0,0,0,0,0,0,0,0,0,0,74,56,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,35,131,194,207,217,241,248,241,235,233,241,243,207,163,79,35,5,0,0,0,0,0,0,15,41,35,23,10,29,105,131,121,98,69,95,73,0,0,0,0,0,13,0,0,59,178,230,235,215,194,163,97,95,134,155,165,165,168,168,178,157,67,67,194,225,207,199,191,165,131,69,1,0,0,0,0,0,23,79,131,142,176,202,191,147,93,77,55,39,55,81,137,93,79,71,67,79,105,107,107,109,150,152,152,152,109,115,163,113,109,163,173,163,111,111,109,71,0,0,23,109,121,121,117,117,115,111,105,97,91,91,93,85,85,107,181,189,168,119,111,107,107,111,105,93,91,90,86,88,105,170,194,199,194,191,181,147,103,95,71,53,49,51,57,81,93,95,137,144,129,93,124,131,126,87,87,129,134,126,85,83,81,79,79,71,63,59,62,87,163,189,202,199,196,191,207,207,199,189,189,189,181,181,174,177,181,186,186,186,186,186,191,191,183,127,109,95,95,94,94,101,123,178,186,189,181,178,172,172,173,181,186,196,202,199,189,187,187,194,196,202,202,199,199,191,189,191,194,196,191,183,181,176,176,181,183,186,194,194,181,165,157,160,152,95,79,73,69,59,53,77,87,81,77,77,73,63,59,71,107,181,196,196,196,181,173,172,176,191,191,191,181,176,173,176,165,111,105,105,97,97,103,109,109,101,89,71,65,61,57,57,57,65,85,103,105,109,115,152,117,157,173,176,170,170,170,173,178,178,165,121,117,117,121,176,199,215,212,204,204,204,204,170,117,115,115,111,109,115,125,170,123,112,113,123,129,123,115,123,131,183,191,199,207,217,228,230,230,230,235,238,238,238,235,235,228,212,194,189,194,220,246,254,248,235,199,119,101,95,95,89,95,99,95,83,78,82,89,99,99,89,95,109,109,157,183,199,222,238,238,238,230,228,228,225,220,212,209,196,189,189,189,157,89,63,63,77,83,83,83,83,83,97,150,168,157,139,143,199,209,183,150,157,165,150,87,65,65,81,87,83,85,91,101,139,131,95,134,157,181,189,189,186,189,202,202,199,0,0,0,0,0,0,0,0,0,194,0,0,0,0,0 +87,82,79,90,108,116,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,131,168,178,178,181,183,183,178,173,165,160,157,163,173,189,101,49,105,155,105,99,93,99,152,165,163,156,163,178,189,196,199,196,93,77,91,103,113,152,165,186,207,215,189,95,117,173,181,181,181,181,183,189,186,178,173,172,173,178,183,183,176,181,196,202,194,181,181,196,225,228,217,191,137,109,131,202,215,215,209,207,207,205,207,209,212,209,207,207,212,217,217,215,215,217,215,209,212,217,194,85,107,191,202,204,209,212,212,212,215,215,215,215,217,217,215,212,215,222,222,217,215,215,215,212,212,215,217,212,204,202,202,204,196,191,191,204,212,204,135,109,119,194,191,122,121,135,186,183,183,183,189,217,228,225,217,199,121,67,64,75,87,113,186,202,191,179,181,199,209,207,199,194,196,204,212,222,225,225,222,183,170,176,199,212,189,101,111,189,209,212,209,202,189,186,186,178,173,183,194,204,212,222,222,207,191,191,194,189,186,181,181,186,181,173,174,183,186,186,191,202,212,212,212,215,212,209,209,212,212,194,178,93,85,89,94,115,119,183,199,202,196,194,121,69,25,0,0,0,0,0,69,107,127,189,222,209,0,0,71,186,207,217,225,225,222,217,217,222,222,222,217,222,225,225,222,217,215,217,220,225,225,225,222,217,215,212,209,215,220,225,225,222,212,207,207,209,217,225,225,225,220,220,222,222,222,225,228,230,235,235,233,228,225,225,228,230,228,217,215,217,225,228,230,230,230,191,0,0,0,0,0,0,55,189,212,212,207,207,222,230,233,228,222,215,215,215,212,209,208,208,212,217,217,212,208,207,205,207,212,217,217,217,213,215,225,228,220,212,209,211,215,222,222,217,216,217,217,209,196,143,143,199,209,222,230,233,233,233,228,218,218,225,230,221,217,222,230,235,235,235,238,238,241,238,230,139,112,115,149,212,202,192,207,222,228,228,222,216,216,222,225,225,225,224,225,230,235,238,241,238,238,238,235,235,234,234,235,235,235,233,233,233,235,235,235,235,235,235,235,238,241,241,238,238,238,238,228,202,135,131,137,143,207,209,79,43,51,64,75,85,104,127,196,215,222,222,217,225,230,230,230,233,235,238,238,235,235,238,241,241,241,233,204,176,166,164,161,159,161,173,191,207,228,217,225,225,212,202,196,178,183,199,178,155,174,207,215,123,119,118,119,131,194,194,191,207,222,228,233,238,230,202,179,202,209,173,115,173,215,228,230,230,230,230,230,230,238,248,255,97,0,0,0,0,0,15,0,27,163,189,217,147,75,165,163,101,71,0,0,0,0,0,0,0,0,25,233,241,194,0,0,0,0,89,165,39,0,0,7,0,0,0,0,9,113,131,199,212,228,230,207,119,125,230,233,233,222,135,78,70,87,230,228,215,202,194,189,141,135,123,112,111,114,119,129,137,191,194,173,186,215,225,222,215,209,202,187,178,183,190,196,194,135,139,196,199,195,202,217,228,233,235,235,238,241,241,243,241,238,235,233,235,233,235,238,238,233,225,212,202,194,192,194,194,196,202,202,207,204,186,194,212,217,207,194,189,189,191,194,199,212,212,199,194,202,209,207,199,202,212,215,215,215,217,220,217,222,222,215,230,241,235,212,199,196,199,209,212,212,212,202,191,204,230,225,202,190,190,202,222,230,233,233,230,233,238,238,235,233,235,228,212,202,199,202,204,204,204,212,222,225,222,225,228,230,235,230,222,217,222,222,222,217,212,207,196,141,143,147,199,215,222,217,209,205,207,212,217,215,209,207,209,212,209,209,215,225,228,222,212,209,212,215,217,215,212,204,204,204,204,204,209,209,204,151,147,137,141,230,238,238,243,241,238,238,235,233,233,235,238,238,235,233,233,233,235,233,235,235,235,235,234,234,235,235,235,235,233,233,233,233,233,233,225,209,204,207,212,220,225,222,217,209,209,209,208,209,212,215,217,228,233,235,233,233,233,233,230,225,217,207,199,196,202,222,233,233,233,230,233,233,233,233,230,228,225,228,228,228,230,230,230,233,230,230,230,233,235,238,238,235,233,230,225,217,215,209,209,209,212,215,225,225,215,212,215,217,212,208,212,225,217,207,205,207,212,222,230,235,235,235,238,241,235,228,222,217,222,217,212,215,222,222,217,212,209,209,209,208,209,215,222,228,230,225,217,217,228,233,233,233,233,230,228,228,228,228,228,228,228,228,225,225,225,225,225,228,228,228,228,226,226,228,228,228,228,225,225,222,222,222,222,222,217,217,217,220,222,222,225,225,225,222,222,222,222,222,225,225,230,243,254,73,81,133,217,228,225,220,217,217,217,215,215,212,209,209,209,209,209,207,207,207,207,202,202,202,204,207,209,209,207,207,207,207,207,207,204,204,202,202,202,204,204,207,209,212,212,209,204,202,199,199,202,202,202,204,204,207,207,207,207,207,207,202,202,202,204,204,202,202,199,199,199,199,202,204,207,207,207,207,207,202,199,199,204,212,212,207,202,204,209,215,217,222,222,217,215,209,207,204,207,212,215,215,212,212,212,212,215,215,209,202,199,192,187,202,225,228,222,222,228,225,225,225,225,225,225,225,228,228,230,230,222,215,212,215,220,222,222,217,217,222,222,225,225,222,222,222,222,217,217,215,215,215,212,212,212,217,225,228,230,228,228,225,225,225,222,222,222,222,222,215,209,207,207,199,147,147,145,145,199,212,217,217,215,209,209,209,212,222,228,230,228,228,230,233,235,238,241,241,243,243,241,238,233,235,238,235,230,225,222,217,217,217,217,212,209,212,215,217,222,222,212,202,196,202,204,202,199,199,209,217,222,225,228,230,233,233,233,233,233,233,238,243,248,251,248,248,246,243,241,238,241,243,246,243,241,238,238,238,241,241,238,238,238,238,235,233,230,230,230,228,225,217,215,212,209,207,204,199,196,194,194,196,196,199,199,199,199,5,9,17,21,23,23,27,37,45,45,45,45,41,37,37,45,55,63,69,73,75,75,75,108,124,142,152,152,155,155,152,152,147,144,144,144,144,129,89,75,67,59,55,47,47,55,61,69,69,65,63,65,69,73,73,71,67,65,67,71,85,91,91,87,81,81,75,69,69,69,75,75,83,83,91,91,83,77,59,41,31,32,39,39,39,35,39,41,53,55,55,53,61,126,202,255,255,255,255,246,228,212,189,168,152,148,150,152,152,137,75,41,25,25,35,51,69,105,108,116,139,220,0,0,255,238,176,126,100,98,100,90,66,59,43,40,43,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,43,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,220,181,155,148,152,163,170,137,69,46,30,7,0,0,0,0,0,0,0,0,0,51,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,178,207,215,233,248,255,255,255,251,255,238,168,53,9,0,0,5,0,0,0,13,59,71,67,51,39,65,113,105,55,31,49,63,55,0,0,0,0,0,0,0,13,59,163,209,225,215,199,186,165,139,101,137,144,155,163,170,186,168,75,71,176,194,170,170,178,157,137,87,43,0,0,19,31,27,45,73,93,131,170,207,194,150,93,73,63,65,81,101,137,85,61,50,48,61,93,99,93,93,101,109,152,152,152,117,163,163,163,173,168,117,117,117,117,85,0,0,103,181,181,173,165,119,119,119,119,117,111,109,105,91,91,119,191,191,181,170,165,113,111,107,95,90,90,93,93,101,115,173,194,199,199,191,160,103,87,73,59,49,47,53,65,57,55,71,95,87,75,77,93,139,137,83,73,79,85,81,81,71,69,75,83,81,69,69,85,109,176,189,191,199,196,191,199,207,199,199,199,196,189,181,173,173,178,181,183,183,178,178,178,186,186,181,123,101,95,95,99,107,123,178,186,189,181,173,173,173,178,189,189,191,196,189,187,186,187,194,199,202,204,207,199,194,191,194,199,199,194,191,181,176,174,176,181,186,189,189,178,157,150,150,107,89,79,71,63,55,47,73,83,81,79,81,81,81,81,87,147,176,196,202,196,181,173,173,183,191,191,186,181,173,165,163,155,105,97,97,97,93,89,89,83,73,63,55,49,49,53,59,67,85,109,160,155,152,157,157,157,155,163,170,170,170,170,168,178,178,165,123,123,123,168,176,196,207,204,204,204,204,196,170,113,112,117,123,121,123,168,181,125,115,115,121,125,115,109,115,129,181,191,199,207,217,228,230,230,235,238,238,238,238,235,230,220,207,199,189,199,217,238,243,238,228,191,115,101,95,95,95,101,107,99,87,82,82,87,93,89,83,95,109,109,117,181,199,220,230,238,230,217,212,220,228,220,209,196,181,181,189,189,115,83,63,62,75,83,83,75,75,77,95,150,168,157,143,150,199,209,168,142,150,157,139,73,57,58,81,95,97,97,139,150,150,131,90,97,157,183,194,194,183,183,194,199,194,0,0,0,0,0,0,0,0,0,183,0,0,0,0,0 +82,87,85,92,113,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,51,17,0,0,0,0,0,0,0,0,0,0,0,0,0,61,168,170,173,178,178,176,178,178,173,165,157,152,152,160,168,173,53,8,29,75,81,97,71,79,101,155,157,157,160,168,178,186,196,202,99,73,76,79,85,95,115,186,220,222,85,16,101,165,173,173,178,176,178,189,186,183,176,173,173,181,194,202,199,199,202,202,191,179,181,196,225,228,215,194,181,114,134,207,215,212,209,207,205,205,205,209,217,209,205,205,209,217,222,217,217,215,217,215,212,215,212,89,83,139,199,204,209,209,207,209,215,215,215,215,215,215,212,209,209,215,222,220,217,215,215,212,212,215,215,209,202,194,186,137,135,137,181,194,207,207,191,107,108,186,186,123,123,191,202,199,196,189,186,202,222,222,215,204,85,55,62,82,99,123,191,207,202,183,183,196,207,212,209,204,204,215,225,228,228,228,215,170,166,196,220,222,215,199,186,189,196,199,202,189,71,77,129,128,125,173,186,196,207,209,209,189,176,181,181,127,125,176,183,194,194,191,189,191,189,186,189,199,207,212,209,207,204,199,196,196,199,183,129,91,95,127,121,111,113,125,181,191,196,189,67,0,0,0,0,0,0,0,0,79,199,215,241,243,37,19,194,207,215,217,222,222,217,216,217,222,225,222,216,217,225,228,228,225,222,222,220,217,217,217,220,220,217,212,209,212,217,222,225,225,217,212,209,215,222,228,228,225,222,222,220,217,217,217,222,228,230,233,233,230,228,222,222,217,215,212,209,212,217,225,233,235,230,176,0,0,0,0,0,0,99,207,217,215,204,199,212,225,233,233,225,220,217,222,220,215,209,209,209,212,212,209,209,209,209,212,215,217,217,215,213,215,222,222,217,215,212,215,225,230,230,222,217,217,217,212,199,147,147,199,207,217,228,230,230,233,228,220,220,228,230,222,220,228,233,238,238,238,238,238,238,238,230,196,115,113,202,230,212,183,198,215,225,225,222,217,222,225,228,225,224,224,228,233,238,241,241,241,241,238,238,235,234,234,235,235,235,233,233,233,233,235,235,235,235,235,235,238,241,241,241,241,238,233,217,199,139,135,136,136,191,230,199,123,123,204,194,135,135,199,215,225,222,217,217,222,228,228,230,233,235,235,238,235,238,238,238,238,235,230,207,186,178,196,207,173,169,196,207,209,217,125,204,212,209,204,181,102,119,189,177,163,174,215,225,133,123,127,131,183,194,191,179,189,207,215,225,228,209,183,181,207,217,178,121,160,204,225,228,230,233,233,233,235,241,243,228,41,0,0,0,0,0,0,0,0,142,207,233,220,222,235,248,251,246,186,51,0,0,0,0,0,0,0,101,233,255,113,65,49,61,222,255,117,53,176,255,204,119,89,71,87,119,178,189,186,209,228,181,46,53,186,215,217,129,77,72,83,139,212,209,199,189,189,194,194,194,141,120,121,125,129,141,204,209,202,168,176,194,207,209,212,215,222,220,191,187,189,199,209,204,202,204,202,194,195,212,230,235,235,235,235,241,241,238,233,233,235,235,238,235,235,238,238,235,235,233,222,209,199,196,191,190,199,199,204,202,202,217,217,217,207,194,189,187,189,196,209,215,212,204,202,204,199,143,139,194,212,217,215,215,222,217,212,215,217,222,233,235,225,207,199,199,204,209,209,207,207,196,194,207,217,212,204,198,196,202,212,217,222,222,217,222,230,235,235,230,222,204,196,196,204,212,215,209,204,207,215,217,222,233,238,241,238,228,215,212,215,217,217,215,207,204,207,202,199,196,199,212,217,217,207,204,204,205,217,222,212,207,209,212,209,209,212,217,225,222,212,208,212,222,222,217,212,207,209,215,215,209,215,225,222,209,202,147,151,228,238,241,241,238,238,235,235,233,233,233,235,238,235,233,233,233,233,233,233,235,235,235,235,235,235,235,235,235,233,233,233,235,235,233,225,212,204,204,212,222,225,228,225,222,217,209,204,207,209,212,212,222,233,235,235,235,233,233,225,209,204,202,198,195,199,215,233,235,233,230,230,233,233,230,228,228,228,228,228,228,228,230,230,230,228,225,228,230,235,238,238,238,235,230,225,217,215,212,209,212,215,217,225,225,222,217,217,215,209,207,209,222,212,204,207,212,217,228,233,235,235,235,238,238,235,228,217,216,217,215,212,215,217,222,217,215,212,209,208,207,208,212,217,225,230,225,217,217,225,233,235,235,233,230,228,228,226,228,228,228,228,225,225,225,225,225,228,228,228,228,228,228,228,228,228,228,228,225,225,225,225,228,225,222,217,217,217,217,222,222,225,228,228,222,222,222,222,222,225,225,228,238,248,74,99,199,217,225,222,217,220,222,217,209,202,202,209,215,212,212,212,212,212,209,209,204,202,199,199,202,204,207,204,202,204,204,204,204,202,202,202,202,202,202,204,204,207,209,212,209,204,202,199,199,202,202,202,204,204,209,209,209,209,209,204,199,198,202,204,202,202,199,199,199,199,199,202,202,204,207,207,207,204,202,202,202,204,209,209,204,196,196,202,207,212,215,212,209,204,202,202,202,207,212,215,217,215,212,207,207,212,215,212,207,207,182,181,202,228,228,222,220,222,222,225,225,225,225,225,225,228,230,230,230,225,215,209,208,212,220,222,222,222,222,222,225,225,228,225,225,222,217,217,215,215,212,212,211,212,220,228,230,230,230,228,225,225,225,222,222,222,222,217,215,212,209,207,199,147,147,147,194,204,212,217,215,212,212,209,209,212,220,228,230,228,228,230,233,238,241,241,241,243,243,241,235,235,238,241,238,230,225,217,215,209,209,209,212,209,209,212,217,217,212,204,199,196,202,207,209,207,207,209,215,217,220,225,230,233,238,238,238,238,238,241,243,248,251,248,248,246,243,241,238,238,241,241,241,238,238,238,238,241,241,241,238,238,238,233,230,229,230,230,230,225,222,215,212,209,207,204,199,196,194,194,194,194,194,196,199,196,5,9,17,27,27,27,27,37,45,49,49,47,45,45,47,53,61,69,100,105,105,77,73,77,116,131,131,144,144,134,131,131,131,131,131,131,131,124,87,73,61,55,53,47,41,41,49,57,61,65,69,73,73,73,73,73,71,66,66,67,79,87,93,93,87,89,81,75,65,66,66,69,71,71,77,83,77,65,59,53,41,43,53,63,67,61,55,55,59,61,61,65,100,139,199,255,255,255,255,255,248,230,212,196,168,150,150,155,168,147,113,59,41,41,51,67,108,116,116,116,150,230,255,255,255,255,194,137,103,98,100,90,66,46,34,31,34,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,38,30,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,189,148,146,168,225,246,202,92,66,61,46,0,0,0,0,0,0,0,0,0,59,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,155,196,207,230,255,255,255,255,255,255,254,194,59,3,0,0,5,1,0,0,27,71,111,113,121,152,170,155,59,0,0,0,23,11,19,77,105,0,0,0,0,0,9,79,189,215,207,202,202,199,183,165,144,142,105,103,157,178,157,77,71,157,170,147,160,165,147,131,91,65,33,29,65,144,134,79,67,69,81,139,181,181,160,131,83,81,87,101,147,139,85,61,50,48,61,89,95,89,90,95,109,165,165,163,115,115,163,163,173,168,165,163,165,113,85,41,65,189,199,189,181,168,168,168,176,181,189,181,170,121,113,113,176,191,199,191,189,170,119,113,107,95,91,93,101,113,157,170,178,183,183,183,178,160,107,77,53,47,46,46,57,75,59,53,65,87,71,62,68,87,139,137,85,71,71,73,67,63,51,50,63,79,83,81,83,109,181,194,191,191,202,196,191,199,199,199,204,207,202,194,181,174,174,181,181,181,178,178,172,170,178,186,186,176,119,101,101,117,119,127,173,183,183,181,173,173,176,181,189,189,191,191,189,189,191,194,199,202,204,207,207,202,196,194,194,199,202,199,191,183,176,174,176,181,178,186,186,173,155,111,107,95,85,69,65,55,43,39,59,75,79,81,83,91,99,99,109,157,176,189,191,186,181,178,176,183,186,186,186,181,165,115,113,105,95,91,97,97,91,79,73,65,59,51,48,47,49,59,69,85,99,152,160,115,152,157,157,157,155,163,165,170,170,168,168,173,176,170,165,123,168,168,176,189,191,189,189,194,204,194,123,110,112,125,181,168,123,168,168,123,115,115,121,121,109,102,111,121,129,183,199,209,220,235,235,235,235,238,238,243,238,230,220,209,207,202,199,202,217,230,230,230,217,189,113,101,103,107,107,109,113,101,89,87,87,87,83,77,77,83,101,107,155,170,194,212,230,230,230,212,209,212,220,220,204,181,157,165,181,165,101,75,62,62,75,89,83,75,69,75,91,150,163,157,144,157,199,199,157,101,142,144,95,65,54,60,87,139,142,139,144,152,150,97,87,92,150,181,194,194,183,183,189,194,183,0,0,0,202,0,0,0,0,0,194,0,0,0,0,0 +14,79,74,43,22,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,183,176,173,176,178,178,176,173,165,157,147,143,144,150,155,144,47,8,3,12,25,37,51,67,83,99,111,152,160,165,173,181,191,189,109,83,77,72,74,78,95,155,160,65,12,0,89,119,163,163,165,163,163,178,183,181,176,170,170,181,196,207,204,202,204,207,202,189,186,191,207,212,196,181,181,137,196,212,215,212,209,209,209,207,207,212,217,212,207,207,209,217,217,217,217,215,215,215,215,217,209,83,24,105,194,204,212,209,205,209,215,215,215,215,215,215,209,208,208,212,217,217,217,217,215,212,212,209,202,196,199,194,137,127,129,131,131,178,186,186,135,111,117,196,196,183,191,207,212,209,204,194,186,178,215,215,207,196,107,75,117,217,222,217,215,217,212,196,189,194,202,212,217,215,212,222,225,228,228,225,212,166,174,209,215,209,204,194,178,173,123,121,79,62,60,66,131,183,176,178,183,191,194,181,176,127,127,131,129,111,113,178,194,199,199,199,196,194,189,186,186,191,202,207,207,196,189,189,186,186,183,176,176,131,230,251,243,131,119,121,129,189,212,217,191,85,204,127,0,0,0,0,71,225,212,220,235,243,69,47,199,209,215,217,217,217,217,216,217,225,225,222,217,217,225,228,230,230,230,228,225,217,215,215,215,217,215,209,207,209,212,217,222,228,225,222,217,220,225,230,230,228,222,222,220,217,216,216,216,222,228,230,233,230,228,222,215,212,212,209,209,209,215,228,235,235,228,115,0,0,0,0,0,29,191,217,220,217,204,196,207,222,230,233,225,217,215,217,217,215,215,212,212,212,209,209,209,212,212,215,215,215,217,217,217,217,217,222,225,225,228,230,235,238,235,230,228,225,222,212,199,147,196,202,207,215,225,225,225,230,230,225,225,230,230,230,230,233,235,238,238,238,238,235,235,233,225,202,115,100,123,228,220,190,196,212,225,228,225,225,228,230,230,228,225,225,230,235,238,238,238,238,238,238,238,238,235,235,238,238,235,233,233,233,235,235,235,235,235,235,235,238,238,238,241,243,238,215,202,204,199,189,141,143,191,215,207,241,235,243,255,248,238,233,230,225,215,212,212,222,228,230,230,233,233,233,238,238,235,235,230,222,215,209,196,189,194,215,228,212,207,230,235,230,230,75,117,191,196,194,99,79,113,196,191,181,189,209,212,191,183,194,202,199,199,196,183,187,194,199,204,207,196,181,183,199,204,123,117,113,178,225,230,233,233,233,235,241,241,235,91,0,0,0,0,0,0,0,0,25,196,225,233,233,235,238,243,238,238,255,255,95,0,0,0,0,0,0,0,183,255,251,248,246,65,113,199,212,181,243,233,212,209,217,189,119,127,176,125,99,135,217,97,26,38,127,121,123,117,113,131,189,194,196,196,189,138,186,202,202,199,194,189,194,199,202,212,222,217,204,181,181,189,199,202,207,212,225,238,215,207,204,209,215,212,215,222,217,202,196,215,230,235,235,235,235,238,238,233,231,231,235,238,238,238,238,238,238,238,238,241,235,235,228,212,192,186,196,204,209,204,209,233,225,215,202,191,189,186,187,199,215,215,212,209,209,207,145,132,131,143,209,215,212,212,217,215,204,207,212,225,230,230,217,207,202,204,207,209,209,204,204,199,195,202,207,207,207,207,204,204,202,202,202,199,202,202,204,215,228,217,190,183,185,189,199,215,222,217,212,212,212,204,202,225,241,238,230,217,209,207,209,212,215,209,196,196,204,202,199,196,204,212,215,215,207,204,204,204,217,222,215,207,207,209,209,209,209,212,217,215,212,212,215,222,217,215,212,205,207,215,217,209,215,228,225,217,212,207,207,222,238,241,238,235,235,235,233,233,231,233,235,235,235,233,233,235,235,233,233,233,235,235,235,235,235,235,235,235,233,233,233,235,235,233,225,215,207,204,207,215,225,228,225,225,228,222,207,208,212,212,209,217,233,235,235,235,233,230,222,209,204,207,204,202,209,225,235,238,233,233,230,233,233,230,228,228,228,228,228,228,228,228,228,228,225,225,225,228,233,235,238,238,235,233,228,222,215,212,212,215,217,217,222,228,230,225,217,212,212,208,209,217,209,204,207,215,225,230,233,235,235,235,235,235,233,228,222,217,217,215,211,212,212,215,217,217,215,212,209,209,209,209,215,225,228,225,217,222,228,230,235,235,233,233,230,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,225,225,225,228,230,230,228,222,217,217,217,217,222,225,228,228,228,225,222,222,222,222,225,222,225,233,241,79,125,207,217,220,217,217,220,222,217,199,138,141,209,217,215,215,215,212,212,212,209,204,202,198,196,198,202,204,202,202,202,204,202,202,202,202,202,204,204,202,204,204,207,212,212,209,204,202,199,199,202,202,202,204,207,209,209,209,209,209,204,196,195,199,204,202,199,199,199,199,199,199,202,204,207,207,207,207,204,202,204,204,204,204,207,202,195,195,196,202,204,204,202,196,194,191,191,194,199,209,215,222,217,209,205,205,209,215,212,209,212,187,187,212,228,225,222,220,221,222,225,225,225,225,225,225,228,228,228,230,225,212,204,204,209,217,225,225,222,222,222,225,228,228,225,222,220,217,217,217,215,212,211,212,215,222,228,230,230,228,228,225,225,222,222,220,222,222,215,212,212,212,207,202,196,199,202,204,209,215,215,212,209,209,209,209,209,217,228,230,228,228,230,230,233,235,238,241,243,243,241,235,235,238,241,235,228,225,217,215,209,204,204,207,207,207,209,215,215,207,199,194,194,202,207,212,212,209,209,207,204,207,212,225,233,238,241,241,241,241,241,243,246,248,248,248,248,246,241,238,238,238,241,241,238,237,238,241,241,241,241,238,238,235,230,229,229,230,233,233,228,225,217,212,207,204,202,199,199,196,194,194,194,194,194,196,196,5,9,19,27,39,31,31,39,43,47,49,51,55,55,55,61,69,98,105,111,108,77,71,75,111,124,124,124,124,124,124,124,124,124,124,131,131,124,116,71,57,55,51,49,31,31,33,49,63,73,77,77,77,77,77,79,73,67,66,67,75,87,93,93,95,95,95,81,69,66,66,66,66,66,71,77,77,73,65,63,59,59,63,73,85,113,81,75,75,75,75,105,126,163,194,230,255,255,255,255,248,238,222,204,178,168,155,176,183,168,118,61,41,43,59,71,116,124,116,124,150,238,255,255,255,255,212,144,108,100,100,92,66,43,31,31,35,59,0,0,0,0,0,0,0,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,30,22,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,220,181,144,150,254,255,255,186,87,53,66,61,0,0,0,0,0,0,0,0,0,131,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,7,0,0,0,0,0,0,0,0,5,57,131,178,196,217,248,255,255,255,248,255,255,233,69,0,0,0,0,7,0,0,27,67,111,121,144,170,181,147,29,0,0,0,23,11,33,147,194,176,126,49,0,0,0,21,150,194,194,191,202,217,217,199,183,155,101,97,101,168,155,77,77,105,157,147,173,170,144,95,79,59,39,31,53,196,189,137,71,51,51,55,69,95,97,93,89,89,97,139,147,144,99,79,58,50,61,89,95,92,93,101,152,178,178,165,111,111,113,115,163,178,189,183,168,105,79,73,103,196,204,199,191,178,168,168,181,199,199,199,181,176,176,181,176,181,191,199,191,181,121,119,115,107,95,95,107,115,157,168,170,173,173,173,173,181,157,65,44,44,45,47,65,131,95,81,81,87,71,64,68,83,124,129,87,77,71,67,59,49,48,50,55,63,65,75,95,168,194,194,191,199,202,196,191,191,191,199,207,212,207,199,189,181,181,186,189,183,178,178,170,168,173,186,186,181,129,123,127,176,176,129,173,178,181,176,170,170,173,181,189,196,196,196,196,196,196,196,199,199,202,202,202,199,199,194,196,199,202,199,191,183,176,176,176,176,178,178,178,168,150,109,107,97,75,59,55,43,39,37,55,69,79,81,87,93,105,107,155,173,181,183,178,178,178,181,181,178,178,183,183,173,155,107,99,93,87,88,95,93,83,73,65,61,55,51,49,51,59,71,93,105,111,152,115,112,115,157,160,157,157,157,165,170,170,168,163,168,173,170,165,168,168,176,176,176,173,173,173,186,194,186,117,109,112,168,189,181,123,121,123,121,111,111,115,115,105,102,109,121,129,139,199,217,230,238,243,238,235,238,243,243,238,225,217,207,202,202,207,217,220,220,220,220,217,191,119,109,113,115,115,155,152,105,93,87,87,81,79,67,59,67,95,111,157,170,191,209,217,230,230,217,209,209,209,209,194,165,114,119,165,157,95,75,66,75,83,89,83,69,54,57,83,101,150,150,142,157,183,189,157,142,101,101,87,65,60,73,103,157,157,144,139,150,139,95,85,88,139,168,183,189,181,181,186,186,181,0,0,181,189,0,0,0,0,220,0,0,0,0,0,0 +0,12,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,163,168,168,168,170,176,176,173,165,157,147,143,144,147,147,71,43,17,0,4,26,29,71,79,87,95,103,111,152,160,165,176,181,170,115,107,101,71,75,77,91,109,97,7,0,0,75,111,117,115,115,111,108,121,170,170,168,165,168,178,191,199,196,191,199,215,222,207,191,186,189,191,134,132,137,199,212,212,212,209,212,212,212,209,209,212,212,209,208,209,212,215,212,215,217,215,212,209,215,222,204,63,0,38,131,196,212,212,207,212,215,215,215,215,215,212,209,209,209,212,217,217,215,215,215,209,204,194,137,181,196,204,189,128,128,129,131,183,186,135,127,119,183,202,202,199,204,212,215,217,212,204,194,150,194,199,186,131,121,93,186,215,217,215,215,217,209,196,189,189,196,209,217,215,215,225,228,228,228,228,220,174,189,207,209,204,196,129,109,107,107,109,65,60,68,113,207,225,222,204,191,196,186,99,107,111,107,121,121,109,114,194,199,194,191,194,194,186,183,181,183,183,189,196,196,189,181,181,183,183,178,174,199,217,233,235,241,233,181,123,123,176,196,207,209,217,230,238,45,0,0,21,228,212,215,212,215,225,101,89,207,212,215,217,217,217,217,217,222,228,225,222,217,222,222,225,225,230,233,233,230,222,215,212,212,212,215,209,207,209,212,217,222,225,228,228,225,225,225,228,228,225,222,222,222,220,216,216,216,220,228,230,230,228,225,217,212,211,212,212,209,209,220,233,238,233,225,81,0,0,13,105,0,77,209,217,215,215,205,202,215,222,228,228,220,212,207,207,207,207,217,217,217,215,212,209,209,212,215,212,212,215,220,225,228,228,225,225,228,230,230,230,233,235,235,233,230,230,225,212,196,145,196,202,204,209,215,220,222,228,228,230,230,230,230,235,238,235,235,235,235,235,233,228,228,225,217,202,105,79,86,209,225,207,199,209,222,230,233,233,233,233,233,230,225,225,228,233,235,235,235,238,241,238,235,238,238,238,238,238,235,235,235,235,235,238,235,235,238,238,238,238,238,238,241,246,235,143,141,212,215,199,191,194,202,212,238,238,241,243,246,243,241,238,230,215,207,207,212,225,233,235,235,235,238,238,238,238,233,225,207,186,181,181,183,186,183,196,212,207,212,233,241,254,255,73,87,121,181,189,113,92,199,204,196,196,196,207,207,204,204,212,217,209,204,199,196,194,189,186,189,194,189,181,178,181,168,117,176,168,183,225,233,235,233,233,241,248,243,222,49,0,0,0,0,0,0,0,0,150,230,230,228,235,235,235,233,238,243,251,255,204,0,0,0,0,0,0,0,178,243,248,251,248,170,111,109,222,225,238,241,228,222,217,199,176,178,191,103,77,89,97,22,0,29,131,123,119,121,135,189,186,142,186,189,141,135,189,212,204,196,196,196,204,212,215,225,230,225,204,189,189,194,194,194,191,194,196,204,204,215,222,225,222,217,225,228,225,204,194,204,225,233,233,238,238,235,233,233,233,233,235,241,238,238,238,238,238,238,237,238,238,243,243,233,204,187,196,215,225,212,215,235,228,222,209,199,191,186,187,199,207,207,207,212,217,212,139,129,129,145,215,212,207,207,212,209,202,202,209,215,222,217,209,207,204,204,207,209,207,202,207,204,199,199,199,202,207,212,209,207,196,145,144,142,145,145,143,196,212,204,174,179,182,186,194,215,228,228,225,222,215,192,182,191,217,217,209,209,203,202,203,209,215,209,196,195,196,194,191,196,209,222,217,212,205,207,212,207,217,222,215,209,209,209,212,215,212,212,212,212,212,215,215,212,209,212,215,204,204,209,212,209,212,217,217,215,215,209,205,212,235,241,238,235,235,235,233,233,231,233,235,238,235,235,235,235,235,235,233,233,233,235,235,235,235,235,235,235,233,233,233,235,235,233,225,215,209,204,153,207,225,228,225,225,233,238,225,217,217,212,208,215,230,235,235,233,233,225,215,207,207,209,212,215,217,228,235,235,233,230,230,230,230,228,228,228,228,228,228,225,225,225,228,228,225,225,225,228,230,233,235,235,235,233,230,225,217,212,215,220,217,212,215,225,233,228,215,212,215,212,212,217,212,205,209,217,225,230,233,233,235,235,235,233,233,230,228,222,217,215,211,211,212,212,217,222,217,215,212,212,212,212,215,222,225,220,217,225,230,230,233,238,238,235,233,230,228,228,228,230,230,230,228,228,228,228,228,230,230,230,230,228,228,228,228,228,225,225,225,228,230,233,228,222,220,217,220,222,222,225,228,230,228,225,222,222,222,225,222,222,217,222,228,85,141,207,212,215,217,217,220,222,215,141,132,135,209,222,215,215,215,212,212,209,209,204,199,196,196,198,202,204,202,202,204,204,202,202,202,202,204,207,207,204,204,207,212,215,215,212,207,202,199,199,202,202,202,204,207,209,209,209,209,207,202,195,194,202,204,202,199,199,199,199,199,202,202,204,207,207,209,207,207,204,204,204,204,204,204,202,196,196,199,204,204,204,202,196,191,144,143,143,191,202,215,222,217,209,204,205,207,212,212,212,215,204,202,222,225,222,220,220,222,222,225,225,225,225,225,225,228,228,228,230,228,212,204,205,215,222,222,222,225,225,225,225,228,228,225,222,217,217,220,222,217,211,211,212,217,225,228,228,228,228,228,225,225,225,222,222,222,222,215,212,212,212,207,202,202,204,209,215,215,215,217,212,207,204,204,204,207,215,225,228,228,228,228,225,225,228,233,238,241,241,238,234,235,238,238,233,225,222,222,215,209,204,202,202,202,202,204,209,209,202,196,147,147,202,207,209,209,212,209,199,195,196,204,220,233,241,243,243,241,241,241,243,246,246,246,246,248,246,243,241,238,241,241,241,238,238,238,241,241,241,241,238,238,235,233,229,229,230,235,233,228,225,220,215,209,204,202,199,199,196,196,194,192,194,194,196,196,5,11,19,27,39,39,31,31,39,39,43,47,55,55,61,63,71,100,108,116,111,77,71,71,77,108,116,111,83,81,83,113,116,116,124,131,134,124,116,75,57,51,49,45,31,29,31,47,63,73,79,79,77,77,79,79,73,67,66,69,75,81,89,129,139,155,142,89,77,71,71,71,71,71,77,91,129,129,93,85,87,79,73,81,124,139,131,124,124,116,116,126,0,173,0,212,246,255,248,238,230,222,222,215,186,178,178,0,204,181,124,61,41,41,59,75,121,131,124,124,160,238,255,255,255,255,225,157,121,111,103,100,74,53,35,33,38,64,0,0,0,0,0,0,0,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,35,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,202,181,155,220,255,255,255,129,43,0,43,69,0,0,0,0,0,0,0,0,0,215,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,15,51,61,17,0,0,0,0,0,0,0,0,51,113,155,181,207,235,243,251,241,241,255,255,235,63,0,0,0,0,0,0,0,37,71,111,121,131,147,163,129,19,0,0,0,45,17,15,63,165,202,220,176,49,0,0,9,87,170,170,163,181,207,220,217,202,165,102,97,100,168,168,91,77,99,144,160,181,173,139,81,65,55,35,17,15,155,181,157,79,55,46,33,20,35,55,73,87,97,139,160,163,147,99,79,60,53,67,93,99,95,97,109,173,186,186,165,111,109,109,113,163,196,212,204,168,99,75,85,121,196,204,207,204,189,178,168,178,189,199,199,181,168,181,181,168,168,189,196,191,181,170,170,170,115,105,101,101,109,113,157,160,168,173,173,178,181,157,59,43,44,46,49,59,81,95,81,71,75,75,69,70,81,83,83,83,81,67,63,57,49,51,79,79,51,46,63,109,181,194,194,194,199,202,196,191,191,191,196,207,212,207,196,189,189,189,189,189,186,186,178,178,173,178,186,186,186,183,183,183,191,183,173,173,176,181,176,169,169,173,178,189,199,199,196,196,196,196,194,191,191,191,191,194,194,194,191,194,199,202,194,183,183,178,181,181,181,181,178,170,160,111,107,107,93,71,57,49,43,40,37,55,73,83,81,87,91,99,107,155,181,189,181,170,170,178,178,176,168,170,178,181,168,113,99,93,93,89,91,91,85,79,73,69,65,65,63,61,65,75,93,111,152,160,160,152,113,115,157,165,165,157,119,163,170,170,163,161,168,170,176,168,168,168,176,176,165,165,125,125,173,183,170,115,109,113,170,189,181,123,121,113,113,107,107,109,107,102,102,107,121,129,189,204,225,238,243,243,238,235,238,243,243,235,217,209,204,204,204,217,225,225,217,209,217,217,199,178,121,165,165,155,155,115,101,87,81,79,75,69,55,49,59,87,111,165,181,191,199,212,228,228,228,207,199,199,194,181,157,114,115,155,113,95,83,83,89,89,89,75,54,52,54,69,89,101,101,142,150,168,170,163,150,101,93,81,69,69,89,155,181,165,147,139,139,131,93,87,90,131,157,181,181,170,181,183,183,181,0,181,181,183,191,0,0,235,230,212,191,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,113,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,116,137,147,155,163,168,165,173,176,173,165,160,160,163,163,160,34,49,55,81,165,183,183,202,189,176,150,105,109,113,150,160,163,163,115,115,168,157,89,91,91,101,109,105,85,65,58,59,83,105,109,108,106,105,105,104,111,117,119,127,173,178,183,183,173,178,215,233,217,196,183,134,134,134,132,183,207,215,209,209,212,217,220,217,212,209,209,209,208,208,212,215,212,212,215,220,222,212,209,212,217,207,97,0,32,115,183,199,207,212,217,217,217,215,217,217,215,212,212,209,212,212,212,212,209,204,199,189,65,59,83,183,209,204,135,128,126,128,178,189,181,116,125,181,199,207,209,215,217,225,225,222,212,194,166,181,189,131,131,178,181,194,212,217,215,215,215,202,191,189,191,199,207,212,212,215,222,228,230,230,230,222,204,196,202,202,194,115,103,105,99,62,69,71,71,170,194,222,225,228,212,212,212,189,69,63,93,50,65,119,178,194,209,204,183,183,191,186,183,183,181,181,133,131,181,186,186,183,133,133,194,199,163,207,222,228,230,235,230,199,119,117,125,183,207,220,225,235,241,194,91,53,63,199,212,212,202,196,178,88,88,196,217,222,215,213,215,215,217,222,228,225,217,216,222,225,222,222,225,230,233,230,222,215,212,212,212,212,209,207,212,217,220,222,225,228,228,228,225,225,222,222,222,217,222,225,222,220,217,217,222,228,230,230,228,225,217,215,212,215,215,215,217,230,235,238,230,222,27,0,93,0,0,0,173,215,215,212,209,209,209,217,222,222,217,209,207,207,207,205,205,212,220,222,217,215,212,212,212,215,212,211,212,225,233,235,230,225,225,225,222,220,217,222,225,230,233,230,230,228,217,202,145,147,194,196,202,207,212,222,228,230,230,230,230,233,235,238,238,235,230,228,225,220,215,215,217,225,222,115,43,75,207,230,230,215,196,217,233,241,241,241,238,235,228,217,217,222,225,230,238,238,241,241,235,233,241,241,238,238,235,235,235,235,235,238,238,235,235,238,238,238,237,238,238,241,248,215,117,127,212,215,196,191,196,202,207,241,243,238,235,238,235,241,238,230,207,181,204,212,225,233,238,238,238,238,241,241,238,238,212,160,170,176,174,181,181,165,161,163,178,212,230,241,255,255,59,47,129,194,207,217,204,207,202,196,204,204,204,204,204,207,215,217,215,207,202,196,191,183,182,186,191,191,183,176,170,125,110,176,225,160,217,230,235,222,233,248,254,251,85,0,0,0,0,0,0,0,0,0,157,235,230,230,233,233,235,233,233,238,241,233,241,113,0,0,25,189,57,0,209,233,243,246,243,235,204,194,217,233,241,241,233,222,207,199,202,215,230,209,121,111,83,25,47,215,217,217,215,209,204,196,143,140,139,143,143,129,143,212,199,194,194,199,207,215,215,212,222,215,183,185,194,202,199,127,123,125,135,186,196,225,238,235,233,230,222,207,207,196,189,199,225,233,235,238,238,235,233,233,235,235,238,238,238,235,235,238,238,237,237,237,241,243,243,235,215,194,199,215,225,217,217,230,230,225,217,212,209,191,189,199,204,207,205,209,217,209,136,133,139,202,222,209,202,207,207,204,204,202,207,209,209,204,204,204,207,207,207,207,204,202,209,215,212,204,199,199,202,207,215,215,202,191,145,143,144,145,191,202,207,196,190,191,194,191,199,222,230,228,228,228,225,202,186,190,196,199,199,207,204,200,202,212,228,230,215,207,199,191,189,194,209,225,228,215,205,207,217,225,222,215,215,212,209,212,215,217,215,215,212,212,215,215,209,202,149,199,215,209,205,207,212,215,215,212,212,217,217,207,202,205,230,241,238,238,238,235,233,233,233,235,235,235,235,233,233,233,235,235,233,230,230,233,233,235,235,235,235,235,233,233,233,235,235,230,222,212,207,153,151,153,215,228,225,225,230,235,230,225,222,215,212,222,228,233,233,230,228,222,209,205,205,209,215,222,225,228,233,235,233,230,230,230,230,228,225,225,228,228,225,224,221,224,228,228,228,228,228,230,230,233,233,233,233,233,235,230,217,215,217,222,212,208,211,222,225,217,209,209,209,212,215,222,215,209,209,215,225,230,230,230,233,235,235,235,233,230,228,225,222,215,212,212,212,215,217,217,217,217,215,212,212,217,225,225,217,205,202,222,230,233,235,238,238,238,235,230,228,226,226,228,230,230,230,230,230,230,230,230,230,230,230,228,228,228,228,230,228,228,228,230,233,233,228,225,225,222,222,225,225,225,228,228,228,228,225,222,222,222,217,215,212,212,209,202,199,204,209,215,215,215,217,220,204,135,133,194,209,215,215,212,212,212,209,209,209,204,199,199,199,202,204,202,199,202,204,204,204,204,204,202,204,207,204,204,207,209,212,215,215,212,207,202,198,199,202,204,204,207,209,212,209,209,209,207,202,196,196,204,207,204,202,202,202,199,199,199,202,204,207,209,209,207,207,202,202,204,207,207,207,204,202,204,207,209,212,212,209,204,202,196,145,142,143,196,212,222,217,209,207,207,207,209,212,217,217,217,215,222,222,222,222,222,222,222,225,225,228,228,228,228,228,228,230,230,228,222,215,217,225,225,218,218,222,225,228,228,228,228,225,222,217,217,222,222,220,212,212,217,217,220,225,228,228,228,228,228,228,228,228,225,222,222,215,209,209,209,207,202,200,207,209,212,215,215,215,212,207,202,199,202,207,215,222,225,225,225,225,217,213,217,230,235,241,241,235,233,235,238,235,230,225,225,222,215,212,207,204,199,198,198,202,204,202,196,147,147,196,202,202,202,204,207,207,199,195,196,207,225,235,241,243,241,241,238,238,241,243,246,246,243,243,243,243,243,243,241,241,241,238,241,241,243,243,241,238,238,238,238,235,230,230,233,235,233,228,225,222,217,212,207,202,199,196,196,194,194,192,194,196,196,196,11,13,19,29,39,43,39,29,29,29,39,43,51,57,61,71,98,105,111,116,111,105,75,71,71,75,75,71,65,65,71,81,116,124,126,134,131,124,116,75,61,51,49,43,35,31,31,43,57,73,83,85,77,74,75,79,75,69,67,73,81,81,93,139,163,170,157,97,77,71,71,71,77,91,97,144,168,168,170,160,147,121,87,124,139,163,160,150,142,134,0,0,0,0,0,0,209,222,220,212,204,204,215,215,196,186,0,0,0,189,137,69,41,41,59,83,131,139,139,142,173,241,255,255,255,255,248,194,152,126,118,113,105,85,61,53,56,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,191,230,255,255,255,255,64,0,0,0,53,0,0,0,0,0,0,0,0,0,0,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,27,69,85,3,0,0,0,0,0,0,0,39,103,147,173,189,209,233,241,243,251,255,255,209,57,0,0,0,0,0,0,0,21,53,71,103,113,129,155,142,45,0,0,3,31,0,0,25,71,157,186,157,69,13,0,9,79,152,152,103,139,183,217,228,209,183,165,111,109,176,186,103,83,77,144,178,181,170,91,67,69,71,45,17,17,59,139,157,137,93,87,50,28,43,63,83,97,139,160,176,181,157,93,63,58,61,87,101,101,91,95,109,173,186,178,117,111,109,109,115,173,204,225,204,119,91,91,107,178,199,207,215,209,199,178,168,165,176,186,191,181,165,168,168,165,176,191,199,181,170,181,176,165,119,117,113,109,113,150,155,157,168,173,183,183,181,139,59,47,49,51,57,65,71,71,68,64,75,87,87,85,75,67,55,59,73,63,51,63,63,73,134,103,57,43,47,101,181,194,194,194,191,191,191,196,199,191,191,199,204,194,181,181,186,189,189,189,189,189,186,183,178,183,186,186,189,189,191,191,191,183,183,178,181,181,176,173,170,173,181,191,196,199,196,196,196,196,186,183,186,186,186,186,189,186,186,191,199,196,183,173,173,183,183,189,189,181,173,165,152,107,99,99,91,75,61,57,55,51,51,63,77,83,81,80,87,101,144,160,181,194,181,160,160,160,160,115,115,163,170,168,160,113,103,103,103,99,97,91,85,85,83,83,77,77,81,81,87,99,113,163,168,168,163,160,117,117,157,165,157,119,115,119,170,170,163,161,160,165,176,176,168,168,165,168,165,121,120,119,125,119,114,112,113,115,168,189,189,170,121,107,107,109,113,107,103,102,102,107,121,181,199,217,228,238,238,238,238,238,238,243,238,217,212,217,217,212,209,217,228,217,207,204,209,220,217,204,189,178,165,155,115,107,93,85,75,67,59,51,45,45,55,81,107,165,186,199,199,207,217,228,222,207,196,186,181,168,160,119,155,113,107,101,95,93,89,87,83,61,54,57,57,69,83,101,101,101,142,152,168,160,150,95,83,73,65,65,89,155,189,181,155,131,95,95,93,93,93,142,160,165,165,165,168,181,181,170,181,181,181,183,191,207,220,230,230,212,199,199,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,27,61,113,142,144,116,77,43,0,0,0,0,0,0,0,0,0,0,0,0,13,95,121,134,144,155,165,165,160,163,170,176,176,170,168,170,168,160,55,83,91,150,186,199,204,209,209,196,160,107,109,111,109,115,152,152,114,155,170,160,103,99,95,101,155,165,173,178,173,71,89,101,109,165,199,189,111,103,107,113,117,123,127,129,170,170,123,123,189,212,209,196,183,132,132,135,181,207,217,217,208,209,215,222,225,225,217,215,209,209,208,209,215,217,212,212,217,222,217,209,208,215,225,222,125,14,58,117,133,186,196,209,217,222,222,217,222,222,217,215,212,212,212,212,209,207,199,135,107,49,53,61,87,121,204,215,202,133,127,128,131,181,189,181,186,189,199,209,215,217,225,228,228,222,209,191,177,185,189,133,178,191,191,196,207,217,217,215,209,199,194,194,199,204,204,204,202,204,215,225,225,225,225,217,202,189,191,186,109,95,100,125,129,85,107,97,121,181,199,212,222,222,215,217,225,186,47,38,46,51,75,186,209,225,225,209,185,183,186,183,186,189,183,176,129,124,125,131,189,186,127,125,191,207,170,204,222,228,230,235,233,217,119,106,119,183,209,225,228,225,233,225,220,204,105,103,181,212,186,178,123,79,87,212,222,222,215,215,215,215,217,222,228,225,216,216,222,228,225,222,225,225,228,228,222,215,215,215,215,212,207,207,215,222,222,220,222,228,230,228,225,220,215,212,212,215,217,222,222,222,222,222,222,225,228,230,230,228,225,225,222,222,222,225,230,235,241,241,230,204,61,57,0,0,0,25,228,222,215,212,209,212,217,222,217,209,199,195,202,212,212,209,209,215,217,222,217,215,212,212,215,217,215,212,212,222,233,233,228,217,215,217,220,217,216,217,217,225,228,228,230,230,225,209,147,145,147,194,196,199,204,215,225,228,230,233,233,235,235,238,235,230,222,212,209,207,207,212,225,233,233,143,65,93,222,238,235,215,127,209,238,246,243,246,241,228,209,199,196,204,212,225,238,241,235,230,233,238,241,241,238,235,235,235,235,235,235,235,235,233,235,238,238,238,237,238,241,246,235,135,119,123,139,189,191,191,191,189,191,233,238,235,233,230,230,235,235,225,189,161,183,207,217,230,235,235,238,238,241,243,241,235,157,103,170,183,181,176,202,181,148,155,176,209,222,233,238,251,0,41,127,217,228,225,204,207,212,215,215,204,196,195,196,204,209,212,209,204,199,191,182,179,182,191,199,194,183,178,170,119,107,113,114,94,109,163,186,209,222,251,255,147,25,33,33,57,29,0,0,0,3,19,186,228,230,229,230,233,235,233,228,230,230,233,255,243,67,0,0,83,21,45,217,235,238,235,238,243,238,225,228,233,238,238,230,215,199,196,209,230,235,233,194,191,199,189,217,243,241,238,235,230,225,215,202,143,141,143,141,128,141,209,196,191,189,196,204,209,209,194,186,185,182,189,204,209,207,131,126,127,133,133,191,233,241,238,241,235,209,139,143,143,143,199,222,235,241,241,238,235,233,233,235,235,235,235,235,235,235,235,238,238,238,241,241,241,238,233,212,139,186,212,217,207,202,212,217,217,225,222,222,207,199,202,207,209,207,207,209,202,138,138,196,215,228,207,196,204,202,199,202,204,209,209,207,204,203,204,207,209,209,207,202,202,212,225,228,217,207,192,192,199,222,233,222,202,194,144,194,202,204,209,204,196,196,204,204,196,204,225,233,230,228,230,230,228,215,209,202,196,199,212,209,204,207,225,241,241,235,225,209,194,191,196,209,225,230,222,207,205,212,220,217,212,212,212,212,212,215,215,215,215,215,215,215,212,204,196,146,144,148,209,209,209,215,217,217,215,217,222,220,209,203,209,233,241,241,238,238,235,235,235,235,238,238,235,233,233,233,233,235,235,233,230,230,230,233,235,235,235,233,233,235,235,235,238,238,230,217,212,207,202,151,153,215,225,225,225,228,228,225,222,222,217,217,222,228,230,230,225,217,215,212,212,209,215,220,222,225,228,233,235,233,230,230,230,230,228,225,225,225,228,225,224,221,225,228,230,230,230,230,230,230,230,230,230,228,230,233,228,217,215,217,222,211,208,209,215,215,209,207,209,209,212,217,222,215,209,208,209,225,230,230,229,230,233,233,233,233,230,228,225,222,215,215,215,215,217,217,217,217,217,215,211,212,222,230,228,209,196,189,217,230,233,235,238,238,238,235,230,228,226,226,228,228,228,228,230,230,230,230,230,230,230,230,228,228,228,230,230,230,228,228,230,230,230,228,225,228,228,225,225,225,225,225,228,228,228,225,217,209,207,209,209,207,204,204,204,207,209,212,215,215,217,215,209,145,137,139,204,215,217,215,212,212,212,212,209,209,207,204,202,204,207,207,204,196,194,196,199,202,207,212,207,207,204,202,204,207,207,209,212,212,209,204,202,198,199,204,207,207,207,209,212,212,209,207,207,204,202,204,207,204,202,202,202,199,196,194,196,199,202,204,207,207,204,204,202,202,204,207,209,209,207,207,209,212,215,215,215,215,212,207,202,194,144,145,199,215,225,217,212,207,207,207,209,209,215,222,222,220,220,222,222,222,222,222,222,225,225,228,228,228,228,228,226,228,230,228,225,225,228,228,225,217,217,220,228,228,228,228,228,225,222,217,217,222,222,222,215,215,220,220,222,225,228,230,230,230,230,230,233,230,228,225,217,215,209,207,207,204,202,202,204,207,207,212,215,215,212,204,202,199,202,207,212,222,225,228,225,217,211,209,215,228,235,241,238,235,234,235,238,233,228,225,228,225,217,215,212,207,202,198,198,199,202,196,147,146,194,196,199,147,146,196,204,204,199,199,202,212,228,238,243,243,241,238,237,238,241,243,246,246,243,243,243,243,243,243,243,241,241,241,243,243,243,243,243,241,241,241,241,238,233,230,233,233,230,228,225,222,217,215,209,204,199,199,196,196,194,194,196,196,196,196,11,15,19,25,41,45,41,29,29,29,41,47,55,61,63,71,100,108,111,111,111,108,77,73,71,71,65,57,51,51,63,79,116,124,134,134,126,124,116,79,63,55,53,51,43,33,33,33,51,67,79,85,79,75,75,79,75,73,69,75,81,81,93,142,173,176,165,134,91,77,71,71,85,99,160,178,196,196,207,189,170,137,124,131,150,173,181,173,168,0,0,0,0,0,0,0,189,196,0,0,0,194,212,215,204,199,0,0,0,186,137,69,41,41,59,83,139,150,150,157,202,255,255,255,255,255,255,225,186,155,142,144,137,124,116,111,95,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,220,255,255,255,255,255,56,0,0,0,0,0,0,0,0,0,0,0,0,0,233,139,35,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,27,3,0,0,0,0,0,0,0,1,63,144,170,189,207,230,248,255,255,248,230,168,43,0,0,0,0,0,0,7,17,29,45,55,71,108,105,65,29,0,0,0,0,0,0,17,49,116,152,89,13,0,0,0,67,137,137,96,98,170,207,228,222,209,202,194,186,181,168,103,83,67,105,181,181,147,87,79,81,71,35,7,7,31,79,131,131,131,139,160,160,163,147,139,139,160,176,183,183,168,99,71,61,73,93,99,95,85,85,95,109,165,165,111,103,109,115,115,173,204,228,209,165,105,109,178,199,212,215,215,215,199,178,160,159,165,170,176,168,119,119,121,121,181,191,191,176,170,181,181,157,113,115,155,157,155,155,157,168,178,183,194,183,139,59,46,49,59,71,75,77,75,71,65,65,81,137,155,139,77,51,47,51,71,63,45,45,42,55,152,165,71,42,42,79,168,194,194,191,191,191,191,199,199,191,191,196,191,181,129,173,186,189,189,194,194,191,186,186,186,186,186,186,194,194,196,194,189,183,183,183,181,181,178,176,173,181,189,196,199,199,199,196,202,196,181,179,183,194,199,196,186,183,186,191,194,189,176,170,173,183,189,189,189,181,168,160,152,107,97,97,87,75,67,69,69,65,65,69,75,83,81,83,91,144,157,173,181,189,173,111,101,103,107,107,111,163,176,168,160,115,113,107,105,105,97,95,93,97,95,95,91,95,101,107,105,155,165,178,178,168,168,160,117,117,157,157,119,117,115,118,165,168,163,161,160,165,176,176,168,165,176,176,173,125,120,119,125,115,112,112,115,121,168,181,189,181,117,104,105,113,121,113,107,103,107,113,129,189,207,225,235,238,238,238,238,238,238,235,228,217,212,220,228,220,217,225,225,217,204,204,217,235,235,233,212,196,165,113,105,93,85,75,67,55,49,45,41,41,49,75,101,155,181,199,199,199,207,217,217,202,189,178,168,163,165,165,157,113,107,107,101,87,81,75,69,57,57,75,81,81,89,101,101,101,142,152,165,157,142,89,75,69,61,60,81,139,165,181,155,131,93,93,95,129,131,150,165,160,157,152,157,160,160,165,168,181,183,183,191,202,217,220,228,220,220,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,59,87,155,176,194,168,178,181,170,9,0,0,0,0,0,0,21,21,45,0,113,137,139,144,157,165,168,163,160,163,168,170,163,152,155,160,163,155,101,101,99,155,183,196,204,207,215,194,93,99,105,107,109,115,160,163,163,170,173,155,107,95,88,91,155,176,181,183,178,119,111,107,109,176,215,207,170,109,111,115,119,123,123,125,129,129,122,121,127,191,204,202,189,131,131,183,196,217,222,217,212,212,215,222,225,228,225,217,212,209,208,209,215,217,215,212,217,217,215,208,208,215,220,215,109,14,65,113,123,129,137,194,215,222,222,222,217,217,212,212,207,209,212,209,204,199,183,123,95,52,62,107,117,127,199,217,212,189,135,135,133,181,202,209,209,199,202,209,212,215,222,225,225,212,202,189,183,191,191,135,178,189,194,196,204,209,212,207,202,202,199,202,207,207,199,191,186,183,194,204,207,212,215,207,183,125,181,178,100,94,183,228,212,97,115,127,196,173,183,209,220,217,215,217,215,99,39,40,71,127,207,222,228,233,228,212,196,189,186,183,189,191,178,129,126,127,127,176,196,194,127,123,133,194,181,199,212,222,228,233,235,235,113,55,100,191,217,228,225,222,225,228,235,255,186,67,103,168,127,170,173,117,176,220,220,217,217,222,222,222,222,225,228,225,216,216,225,230,228,225,222,222,222,225,222,220,222,225,220,212,204,204,209,215,215,215,217,225,228,225,217,212,207,204,207,212,215,215,217,222,222,222,222,222,225,225,228,230,233,233,233,233,230,230,230,235,238,241,233,196,53,73,0,0,47,191,230,225,217,212,212,217,222,225,222,204,189,187,196,215,217,215,215,220,222,222,217,215,212,215,217,217,215,212,212,217,228,225,217,211,212,217,222,222,222,217,215,215,217,222,228,230,228,209,194,144,145,147,194,194,202,209,217,225,230,235,235,235,233,233,230,222,204,198,196,199,207,217,230,238,238,228,104,147,238,243,238,212,110,202,233,222,133,121,79,95,141,143,139,133,109,103,207,233,228,228,233,241,241,241,241,238,238,235,235,235,233,231,231,233,235,238,238,238,237,238,241,251,135,110,119,125,131,139,194,196,186,176,170,212,228,230,228,228,225,225,225,217,189,166,178,202,212,225,230,235,235,235,233,238,248,230,71,55,157,194,199,191,209,209,178,163,178,207,207,117,55,51,0,81,222,230,225,202,174,186,212,225,222,204,195,195,199,209,212,209,204,202,199,189,183,182,194,209,209,199,189,183,176,123,117,117,111,90,82,155,176,191,181,181,155,11,35,202,230,255,235,89,0,0,103,142,212,230,233,233,233,233,235,233,226,226,226,230,248,255,243,53,0,0,0,95,235,241,238,233,235,243,246,233,225,230,235,235,230,209,199,186,131,204,215,215,202,204,225,233,238,241,241,241,241,238,235,233,228,217,209,204,199,135,140,194,189,141,138,189,196,202,196,186,183,187,196,215,222,225,222,199,137,135,137,130,194,230,235,238,241,235,143,129,130,132,139,202,225,235,241,241,238,235,233,235,235,235,235,235,233,233,235,238,238,238,238,241,238,238,238,230,202,123,125,199,204,196,189,135,106,86,83,199,217,212,204,207,212,212,209,204,204,196,139,141,196,209,217,202,194,196,196,194,199,212,217,217,215,212,204,203,203,207,212,209,199,199,215,235,238,233,222,183,187,199,228,233,225,209,199,191,202,212,209,202,196,196,199,204,141,141,212,230,233,228,228,230,235,238,235,222,204,196,199,209,209,209,217,233,243,246,241,230,215,202,196,199,207,217,225,217,209,205,205,209,215,215,212,212,212,215,215,215,212,215,215,215,212,209,207,207,149,143,144,204,209,209,209,212,212,215,222,222,217,212,209,217,233,241,241,238,238,238,235,238,238,241,241,235,235,235,235,235,233,233,233,230,230,233,233,235,235,235,233,233,235,238,238,241,238,230,217,212,209,204,153,204,217,225,225,222,222,222,215,215,217,222,222,222,228,233,230,215,199,202,215,217,220,222,222,220,217,225,230,233,233,230,230,233,233,230,228,224,225,225,225,224,224,228,230,230,230,230,230,230,230,230,230,228,226,228,230,225,215,213,215,222,215,212,212,212,209,205,205,207,209,212,222,225,217,209,207,208,222,230,233,229,229,229,230,233,230,225,222,222,222,217,217,215,215,217,217,217,222,222,217,212,212,225,230,230,222,204,199,220,230,233,235,235,235,235,233,233,230,228,228,228,228,225,225,228,230,230,230,230,230,230,230,230,230,230,230,230,230,228,228,228,230,230,228,228,228,228,228,225,225,222,225,225,228,225,222,212,196,191,196,204,204,202,204,209,212,212,212,215,217,217,215,202,143,143,199,215,222,220,215,212,212,212,212,212,212,207,202,202,204,207,212,209,196,143,143,191,196,204,212,207,199,199,204,204,204,207,209,209,209,209,204,202,199,204,209,209,207,205,207,212,212,209,207,207,209,209,207,204,204,202,202,199,196,194,191,194,196,199,202,204,204,202,202,202,202,207,209,209,209,209,209,212,212,215,215,215,212,212,209,202,196,194,194,204,217,222,215,202,196,202,207,207,207,212,217,222,222,220,222,222,222,222,225,225,225,225,225,228,228,228,228,226,226,228,228,228,228,228,228,225,218,217,222,228,230,228,228,225,225,222,217,217,222,222,222,217,217,225,225,228,228,230,230,230,230,233,233,233,233,228,225,217,215,212,207,202,202,204,207,204,203,203,207,215,215,212,204,202,199,202,204,212,222,225,228,225,217,211,209,217,230,233,235,238,235,235,238,238,233,225,225,228,228,225,220,217,212,207,202,199,199,199,194,146,146,147,194,194,144,144,194,202,199,196,202,207,215,228,241,246,246,243,238,237,238,241,243,243,243,241,241,241,243,241,241,241,243,243,243,246,246,246,246,246,243,243,241,241,238,233,233,235,233,230,225,222,222,217,215,209,207,204,202,199,199,199,199,202,202,199,199,13,15,19,25,33,41,41,29,29,33,43,49,57,63,69,71,100,103,108,108,103,100,73,73,71,67,59,47,35,43,57,73,111,126,134,134,126,124,118,79,63,59,59,59,51,45,29,30,45,61,81,87,81,75,73,75,81,75,75,81,81,81,89,134,165,176,176,157,97,85,77,71,79,99,160,189,207,215,215,202,173,147,137,147,173,194,199,199,194,0,0,0,0,0,0,0,176,176,0,0,0,0,204,215,215,199,0,0,0,178,129,65,41,41,61,89,142,157,173,183,220,255,255,255,255,255,255,233,204,186,183,178,178,165,178,178,131,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,230,255,255,255,255,255,56,0,0,0,0,0,0,0,0,0,0,0,0,170,196,251,191,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,121,170,196,215,235,251,255,255,230,178,116,13,0,0,0,0,5,43,51,45,29,29,41,55,67,47,17,9,0,0,0,0,3,43,67,69,124,155,126,7,0,0,0,73,137,103,96,98,165,196,217,228,228,228,222,212,191,168,103,77,49,93,165,147,97,95,95,91,59,7,0,0,5,25,53,55,55,69,139,196,207,181,147,142,163,183,191,181,168,103,77,65,73,79,81,77,77,75,79,91,105,111,97,94,105,109,109,163,194,220,212,189,178,189,204,222,222,222,217,215,199,178,168,165,168,168,165,113,109,111,119,121,181,191,189,165,119,170,170,113,103,103,113,115,111,109,150,160,178,194,194,168,69,39,39,51,69,83,89,85,77,71,70,70,87,147,178,168,85,51,47,50,67,45,15,6,36,45,97,142,51,39,42,83,176,194,194,194,194,191,191,199,196,191,191,196,183,127,126,131,189,196,196,196,196,196,194,186,183,178,183,186,194,196,202,194,183,181,181,181,178,178,181,181,181,181,189,196,199,202,202,204,204,196,181,179,186,196,204,202,186,178,186,189,183,176,170,170,173,173,176,176,170,170,160,160,152,109,97,97,87,77,71,75,79,73,69,65,69,77,93,105,150,168,176,176,176,163,105,83,79,83,95,103,115,170,178,173,160,155,115,111,105,97,97,97,101,103,103,101,101,107,115,157,157,165,178,189,181,176,168,157,117,115,117,119,119,119,119,118,160,168,168,168,165,170,176,170,168,165,176,176,173,125,120,119,125,117,112,115,123,121,168,181,189,181,113,104,104,121,170,129,113,109,113,121,178,199,217,228,235,235,238,243,243,238,228,228,225,217,217,228,235,228,225,225,225,217,207,212,235,248,251,243,228,204,178,113,99,85,75,67,59,51,45,43,40,40,45,59,87,113,181,189,191,189,199,207,207,199,186,168,165,168,178,181,168,115,107,107,101,81,65,65,57,57,71,89,95,89,89,95,101,101,139,155,155,147,101,81,75,73,65,59,65,85,147,157,155,131,95,129,131,131,139,147,155,150,142,139,139,142,147,150,160,170,181,191,199,204,209,209,215,209,209,228,238,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,121,183,181,178,178,183,189,199,157,0,0,0,0,0,100,155,176,233,168,155,147,139,150,165,176,170,155,152,160,163,152,138,134,138,147,157,157,150,107,95,105,155,163,176,183,186,79,63,89,105,109,113,160,176,183,183,183,173,113,107,97,90,94,168,181,181,176,173,168,165,115,103,105,178,189,176,165,121,117,117,121,121,125,173,173,125,122,123,178,204,212,202,128,130,191,209,217,215,215,215,215,215,215,220,225,225,222,217,215,209,209,212,212,209,212,215,217,215,209,209,212,212,199,91,12,63,101,111,117,125,181,209,222,225,217,212,207,199,196,191,196,204,207,199,186,135,131,135,181,186,189,186,186,202,217,215,196,181,178,181,186,202,215,209,202,204,207,209,209,215,222,222,212,199,189,189,199,194,135,132,131,186,199,199,196,194,191,186,189,191,196,204,202,178,115,109,131,178,186,194,202,202,181,121,117,170,176,109,111,233,222,88,62,44,95,173,113,94,199,204,207,204,199,131,95,71,107,230,241,243,233,230,230,217,204,199,191,191,191,189,189,181,176,178,189,194,199,204,199,183,131,133,186,189,194,204,215,225,230,235,238,111,25,85,199,225,228,225,222,217,225,233,238,209,17,0,121,125,127,119,123,202,222,220,217,222,228,230,228,225,228,228,222,215,216,225,230,228,225,220,217,217,222,222,225,230,230,225,215,204,202,202,203,207,212,215,217,222,220,212,203,202,203,209,217,217,215,215,217,222,222,222,222,222,225,228,233,235,238,238,235,233,230,228,228,230,233,230,39,0,29,0,0,109,220,230,222,215,215,217,222,228,230,228,212,191,189,199,212,215,215,222,228,230,225,222,217,215,217,217,217,215,212,212,217,222,222,213,211,212,217,228,228,228,222,217,213,213,215,222,228,217,202,145,145,147,194,194,194,199,207,212,215,225,230,230,228,228,228,222,207,196,194,195,199,209,225,235,238,241,238,204,222,238,238,230,145,101,147,207,117,78,68,21,72,137,147,145,137,94,78,88,139,209,225,230,235,238,241,241,241,238,238,238,235,233,231,231,235,238,238,238,238,238,238,235,202,90,90,111,127,137,199,212,207,186,174,172,204,220,222,217,222,225,222,222,222,189,169,189,199,207,217,228,233,233,233,231,238,255,178,0,0,0,65,199,204,209,238,255,176,160,186,121,41,0,0,97,207,230,225,191,178,172,176,204,222,222,209,196,196,209,222,222,209,204,204,207,199,196,204,222,230,225,207,196,189,186,183,196,189,123,117,111,157,189,39,33,19,0,0,97,235,241,251,238,176,0,0,35,152,209,230,235,235,235,235,233,230,226,226,228,233,238,246,254,230,0,0,0,109,243,243,241,238,233,241,246,228,194,212,230,233,225,204,202,127,66,86,108,199,209,222,233,238,238,238,238,238,237,238,238,241,241,235,233,233,230,202,189,141,138,138,138,143,196,196,187,185,196,217,228,235,235,235,233,212,191,141,186,139,196,215,222,228,233,215,132,129,128,128,135,209,230,235,238,238,235,235,235,235,235,235,233,233,233,233,235,238,241,238,238,238,238,241,235,222,186,121,125,191,204,207,204,194,107,69,35,113,204,209,207,209,215,217,215,212,212,204,145,141,143,191,204,202,195,195,195,194,204,228,230,228,225,220,209,203,202,204,212,209,199,199,217,238,243,241,233,196,196,215,230,225,209,204,202,191,215,222,209,194,190,192,199,136,109,115,222,230,230,228,230,235,238,241,235,209,192,192,196,199,204,212,225,235,243,246,241,230,215,209,204,202,204,209,215,212,209,207,205,209,217,217,215,215,215,217,215,212,212,212,212,212,212,209,212,217,209,149,196,212,212,208,208,209,209,212,215,215,212,212,212,222,230,238,241,241,238,238,238,241,241,241,241,238,235,235,235,233,230,228,228,230,233,233,235,235,235,235,235,235,238,238,238,241,241,233,222,212,209,204,202,207,215,217,217,222,217,215,213,213,215,217,217,225,230,235,230,199,142,144,209,222,222,222,217,215,215,222,230,233,233,230,230,233,233,230,228,225,225,225,225,225,225,228,230,230,230,230,230,230,230,230,230,230,230,230,228,222,213,212,215,222,225,225,222,215,209,207,205,207,207,212,225,230,228,222,215,209,217,228,233,230,230,230,230,230,225,222,217,217,222,222,217,215,212,215,217,222,225,225,225,220,220,225,230,233,230,225,222,228,230,230,233,233,233,235,233,233,230,230,230,228,225,224,224,228,230,230,230,230,230,230,230,230,230,230,230,230,230,228,228,228,230,230,228,228,230,230,228,225,225,222,222,225,225,222,217,207,192,189,191,196,202,207,209,215,215,215,215,215,215,217,215,202,191,199,215,220,222,222,215,212,212,212,215,215,212,199,143,191,196,207,212,209,199,143,142,143,189,196,199,145,139,191,204,207,204,204,207,209,209,209,207,204,204,207,209,209,207,205,207,212,212,209,207,207,207,207,204,202,202,204,204,202,196,191,190,191,194,196,202,204,204,204,202,202,204,207,209,209,209,212,212,212,212,212,212,212,212,212,209,202,199,196,199,204,215,215,204,145,145,199,207,207,207,209,217,222,220,220,222,222,222,222,225,225,225,225,225,225,228,228,228,228,228,228,228,228,225,225,225,222,220,220,222,228,228,228,225,225,225,222,222,222,222,222,222,220,222,225,230,230,230,230,230,233,233,233,235,235,233,228,222,217,217,217,209,204,204,209,209,204,203,203,207,215,217,212,207,202,199,199,204,212,217,222,222,228,225,217,217,228,230,230,230,233,235,238,241,238,233,228,225,230,230,228,225,222,217,209,204,202,204,202,199,194,147,147,147,147,145,145,147,196,196,196,199,204,212,225,238,246,248,246,243,243,243,243,243,241,238,235,235,241,243,241,241,241,243,246,246,248,248,248,248,248,246,246,243,241,238,235,233,235,233,230,228,225,217,215,212,212,209,209,207,204,202,202,204,204,204,199,199,13,15,17,21,29,41,41,33,41,45,49,57,63,65,69,95,95,95,100,100,100,73,67,67,67,61,51,31,27,31,47,63,108,118,126,126,126,118,116,79,63,61,61,61,57,45,31,30,45,69,113,121,87,73,69,69,75,75,75,77,77,75,77,95,155,176,186,176,144,97,85,73,79,85,137,178,207,215,217,199,178,150,150,165,186,207,220,220,0,0,0,0,0,0,0,0,165,157,0,0,0,191,204,215,207,186,0,0,0,170,124,59,41,47,75,131,170,183,183,191,220,255,255,255,255,255,235,212,204,204,204,207,207,207,215,215,165,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,121,79,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,255,255,255,255,220,53,0,0,0,0,0,0,0,0,0,116,212,163,79,225,255,248,0,0,0,22,0,0,0,0,0,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,111,170,207,233,243,251,255,246,196,142,51,0,0,0,0,0,19,67,103,75,53,31,31,43,61,45,9,0,0,0,0,0,0,121,183,170,168,194,194,131,0,0,53,137,163,152,101,103,160,183,199,217,228,228,230,222,204,186,157,63,31,85,144,89,89,101,157,144,79,17,0,1,5,6,6,5,3,1,27,95,170,147,131,131,150,181,181,170,147,93,73,65,69,71,69,67,70,73,77,79,91,97,97,94,97,109,109,115,168,196,209,204,204,212,222,233,225,217,217,209,199,189,186,181,181,178,121,107,102,104,113,168,189,196,181,119,116,118,119,113,103,103,105,107,101,99,101,105,150,173,183,160,71,36,39,71,87,97,131,85,75,71,75,77,87,144,181,168,83,51,48,53,69,57,28,19,37,45,79,83,47,41,45,101,186,194,194,194,194,191,202,199,191,191,196,191,173,122,121,131,189,196,196,196,196,196,191,186,178,176,178,186,194,199,202,194,183,176,176,176,176,178,181,181,181,181,189,194,196,202,204,207,204,196,186,181,186,194,194,186,168,170,183,186,181,168,168,168,170,165,115,101,99,111,147,152,152,99,97,97,91,79,75,75,79,73,65,60,61,79,142,163,170,183,183,173,155,99,77,69,69,81,95,109,157,178,183,173,160,155,155,111,97,95,97,101,103,103,103,103,109,157,165,173,168,173,189,199,186,181,176,168,117,115,116,119,157,163,163,160,160,163,168,176,176,176,170,164,161,161,165,173,173,125,117,119,123,123,115,123,121,121,121,170,189,181,113,104,105,129,189,183,127,119,121,127,181,199,217,228,228,235,243,246,243,235,225,217,220,225,225,235,243,238,228,228,228,225,217,225,243,254,254,243,222,204,186,155,107,91,75,65,55,49,43,41,40,40,41,53,81,107,178,189,189,183,189,199,207,199,189,178,168,181,186,196,186,157,107,101,87,75,65,65,69,69,81,101,101,95,89,95,95,103,147,155,155,139,89,81,79,85,79,61,59,79,137,150,147,137,131,147,150,147,142,147,147,139,124,121,121,131,134,142,150,165,181,196,209,215,215,209,204,191,191,209,238,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,126,181,183,178,181,183,189,199,207,27,0,0,47,100,142,155,163,173,212,204,129,73,87,155,173,170,147,144,150,150,142,139,139,144,152,157,163,157,109,93,105,150,150,155,160,113,66,62,107,157,113,152,165,181,191,189,183,168,109,109,111,105,117,178,183,176,170,170,173,173,163,103,101,111,163,168,173,125,113,110,113,117,125,178,181,173,125,125,178,207,217,209,126,129,186,202,212,207,207,212,215,212,212,215,217,222,222,220,215,209,204,204,204,207,212,215,215,212,209,209,212,212,209,125,33,65,95,109,119,131,183,196,212,217,209,199,189,135,133,133,181,189,191,186,137,133,181,191,194,194,199,202,199,202,215,217,194,178,177,181,183,189,199,202,202,207,209,207,209,215,222,222,215,202,189,194,204,196,181,131,127,178,194,191,186,186,181,133,125,129,186,202,199,173,99,86,173,181,183,186,189,178,127,123,115,93,107,125,215,235,117,73,62,34,45,103,119,92,101,123,191,186,121,111,119,207,225,228,230,235,233,230,230,215,189,181,186,196,199,191,181,133,178,196,207,209,209,209,207,199,189,176,178,186,186,194,204,215,222,230,230,131,42,103,217,228,228,225,222,215,225,233,230,222,9,0,0,29,10,0,55,204,217,220,220,228,233,233,230,228,230,230,220,215,216,222,228,228,225,217,215,217,220,222,228,233,233,225,215,207,202,200,202,204,209,212,215,217,217,207,200,199,204,217,228,222,215,212,215,217,222,222,225,225,225,228,230,233,235,235,233,230,228,222,222,222,225,225,43,0,0,0,7,196,225,225,222,215,215,220,225,230,233,233,228,209,202,209,212,212,215,230,235,235,230,225,222,217,217,217,217,215,215,215,222,222,222,217,215,217,222,228,230,230,225,217,213,212,215,217,217,209,194,145,147,199,199,196,194,199,202,204,204,207,212,215,217,217,222,222,207,199,199,204,209,215,225,233,238,241,235,215,217,225,215,202,124,101,194,202,127,101,85,35,125,207,209,215,238,207,87,88,100,125,209,228,235,238,241,243,243,241,241,238,235,233,233,233,238,241,241,238,238,235,233,225,105,86,88,110,129,194,209,209,194,181,181,191,207,212,212,209,212,228,222,186,138,118,142,207,202,207,212,225,233,235,238,238,251,255,113,0,0,0,0,0,71,191,241,241,77,0,0,0,0,65,27,117,251,248,174,148,174,178,196,222,228,225,212,191,194,212,230,228,212,207,212,222,215,204,204,222,233,228,212,199,191,194,202,215,199,165,181,189,196,251,0,0,0,0,0,35,212,233,246,222,202,71,0,17,150,207,230,235,235,238,235,233,228,226,226,233,238,235,243,254,243,53,0,43,196,235,246,241,233,233,241,255,191,64,83,209,222,215,196,199,130,70,90,115,209,228,233,235,238,238,238,238,238,238,238,238,241,241,238,235,241,241,228,204,141,137,138,141,196,202,194,186,187,207,225,233,235,235,235,233,212,141,139,143,191,199,207,207,204,196,135,131,133,133,132,141,215,233,235,238,238,235,235,235,238,235,235,233,233,233,233,235,238,241,238,235,235,241,241,228,191,125,122,139,194,207,222,233,243,238,100,49,109,202,209,215,222,225,228,225,228,228,222,202,145,140,141,202,207,199,196,199,204,222,238,238,233,230,225,215,204,202,203,207,209,199,199,217,235,241,238,233,217,204,215,225,215,204,196,145,137,220,235,225,202,192,194,194,129,110,117,209,225,228,230,235,238,238,238,228,194,189,192,199,195,199,215,230,238,241,241,235,222,212,215,215,207,202,204,207,212,215,209,207,212,220,222,217,217,222,220,217,212,209,207,209,215,217,215,217,222,215,207,212,228,220,208,208,212,215,212,209,209,209,212,212,217,230,238,241,241,241,241,241,241,238,238,238,235,235,235,235,228,220,220,222,230,233,235,238,238,238,235,238,238,238,235,235,238,238,233,225,212,209,209,207,209,212,217,217,222,217,215,215,215,215,215,215,217,228,233,228,149,140,143,209,222,222,217,215,215,215,222,228,230,230,230,230,233,233,233,230,228,228,228,225,225,225,228,230,230,230,230,230,230,230,230,230,233,233,233,230,225,215,213,215,222,228,230,225,215,209,209,209,207,207,212,228,235,235,233,225,215,215,222,230,235,235,233,230,228,222,215,212,215,217,222,217,212,211,212,215,222,228,230,230,230,230,228,228,230,233,233,233,230,233,233,233,233,233,233,233,233,233,233,233,230,225,224,225,228,230,230,230,230,230,230,230,230,233,233,233,230,230,228,228,228,230,230,228,228,230,230,228,225,222,222,222,222,222,217,212,207,202,194,191,192,202,209,212,215,215,215,213,213,215,217,212,204,199,209,222,222,222,222,217,215,212,209,212,215,209,143,134,136,141,199,209,207,196,189,143,142,143,194,194,136,133,141,207,209,207,204,204,207,209,209,207,209,209,209,207,207,207,207,209,209,209,209,207,207,202,200,199,200,204,207,207,204,196,191,190,191,194,199,202,207,207,207,207,204,207,209,209,209,209,209,212,212,212,212,212,212,212,212,209,204,204,202,202,204,209,204,145,137,143,202,209,207,207,209,217,220,220,220,222,222,222,222,225,225,225,225,225,225,228,228,230,228,228,228,228,228,225,222,217,217,217,217,222,225,225,225,225,225,225,225,225,225,225,225,225,222,225,228,230,233,233,230,233,233,235,235,235,235,233,228,222,217,225,225,217,209,212,215,215,207,203,203,209,215,217,215,207,199,198,199,204,209,212,212,215,222,228,228,230,233,230,226,226,230,233,235,241,241,238,233,230,233,230,225,225,222,217,212,207,207,209,209,207,202,196,147,147,147,194,147,147,194,202,202,199,202,209,217,233,243,248,246,243,246,246,243,241,238,235,234,234,241,243,241,241,243,243,246,248,251,251,251,251,248,248,246,243,241,238,235,233,233,233,230,228,225,217,215,212,212,215,212,209,207,204,204,204,204,204,202,199,13,17,17,21,25,31,33,41,41,49,49,57,63,63,71,71,67,67,71,71,71,67,65,61,61,53,31,23,23,27,37,53,73,105,113,118,121,121,113,77,65,61,61,61,59,49,33,37,63,85,129,129,87,69,59,59,67,67,69,75,71,69,69,83,139,176,196,189,168,105,93,79,73,79,93,160,191,207,207,196,178,165,165,181,199,220,233,238,230,0,0,0,0,0,0,0,165,152,0,0,157,178,186,199,199,157,139,0,0,178,129,59,45,61,89,157,191,202,191,191,209,246,255,255,255,251,225,199,199,204,212,225,215,225,225,215,165,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,118,105,79,27,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,209,230,241,241,220,160,61,0,0,0,0,0,0,0,100,144,196,228,176,157,255,255,92,0,0,0,82,0,0,0,0,0,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,0,0,0,0,0,0,0,59,160,207,238,251,255,251,241,207,131,33,0,0,0,0,0,29,65,65,71,65,45,47,51,67,71,39,0,0,0,0,0,0,124,191,191,194,220,225,178,71,65,93,163,170,163,152,160,170,178,191,209,217,222,225,222,212,209,183,34,29,103,165,80,87,139,178,189,157,85,59,53,37,17,9,9,6,3,21,61,87,89,93,101,142,160,170,168,105,93,79,73,79,79,73,71,71,75,83,83,85,91,97,97,97,109,115,109,109,165,196,212,215,222,225,222,215,207,209,207,207,207,199,199,199,191,127,105,98,101,113,176,199,204,191,121,118,119,170,176,173,155,113,105,97,89,83,83,93,109,160,157,89,43,49,150,157,150,142,89,71,71,87,87,81,129,155,137,75,51,49,63,85,134,176,165,49,63,81,79,51,44,49,95,186,202,199,194,194,202,202,202,191,191,191,191,178,122,122,133,189,196,196,196,189,189,186,178,178,178,183,186,196,202,202,194,181,170,170,176,176,178,181,183,183,181,181,189,191,196,204,204,204,196,191,189,189,186,176,164,161,170,191,196,189,173,165,157,111,95,81,71,71,77,87,97,97,97,97,97,91,79,75,75,71,69,61,59,61,87,160,181,183,183,178,150,91,75,68,66,71,91,111,157,170,183,183,168,155,155,115,107,97,95,97,103,103,101,103,103,115,157,168,168,164,170,189,199,199,186,181,170,157,115,115,119,157,163,165,165,160,163,168,176,176,176,168,164,161,163,165,168,125,121,119,119,170,170,123,125,168,121,121,127,181,178,115,105,107,178,196,191,129,121,121,127,183,199,215,228,228,233,235,241,241,233,217,215,225,228,235,241,243,243,233,225,225,217,217,228,241,246,235,222,207,204,194,178,157,105,81,65,53,45,41,41,41,40,41,49,81,107,168,189,183,181,181,191,204,204,194,186,181,186,189,194,189,163,105,87,75,61,65,75,81,81,89,95,99,95,89,89,95,139,155,165,160,139,95,81,89,93,85,71,64,85,137,147,147,137,147,157,163,150,137,131,129,95,89,83,83,89,129,142,147,160,186,204,217,228,225,217,199,181,164,181,228,255,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,139,176,186,186,183,181,186,202,215,90,0,85,103,118,134,152,163,155,207,202,124,39,37,43,139,163,150,150,144,142,142,147,157,170,173,170,168,160,109,99,155,155,150,113,157,155,85,88,189,183,152,152,165,176,183,178,170,163,155,160,160,119,160,173,176,176,176,176,181,183,176,117,109,111,113,115,170,125,113,109,111,115,125,178,186,183,173,129,181,209,222,217,189,133,134,135,191,196,202,207,209,212,209,212,215,217,220,217,212,207,203,203,203,207,212,215,215,212,209,207,209,212,212,189,41,56,99,133,209,220,199,121,115,129,178,181,133,126,127,130,131,135,137,135,131,129,135,186,194,196,204,209,199,194,202,209,199,189,183,186,183,182,189,196,204,209,209,212,215,222,225,222,215,199,186,191,199,196,186,134,133,178,183,181,183,186,178,123,97,109,176,194,194,176,98,82,131,191,194,183,178,127,125,176,121,33,67,202,233,215,94,97,176,127,57,101,121,84,61,127,186,181,119,113,131,215,225,222,222,225,228,228,230,215,183,127,133,194,204,194,133,119,121,199,212,209,209,209,207,202,189,127,109,133,133,178,191,199,202,209,212,202,113,220,230,230,228,225,217,215,225,230,228,230,51,0,0,11,7,0,59,196,209,215,217,228,230,228,225,228,230,230,222,216,216,220,225,228,222,215,213,215,217,222,228,230,228,222,215,212,207,204,204,207,209,209,215,220,220,209,200,199,207,222,228,225,217,212,212,215,217,225,228,228,225,225,228,228,225,225,228,228,225,217,217,217,225,228,113,53,13,5,33,194,233,238,228,222,217,222,225,228,230,230,230,220,215,215,212,211,217,230,235,235,233,230,228,222,215,215,215,215,217,222,225,228,228,228,225,222,225,225,228,228,225,220,215,215,217,220,212,202,147,145,196,207,207,199,196,196,199,196,192,192,194,199,207,217,225,228,217,215,215,222,222,217,225,233,238,233,228,209,207,204,194,140,129,123,222,222,209,194,137,97,212,230,230,233,243,238,212,196,109,107,121,222,241,241,241,243,243,241,238,235,235,235,235,238,241,241,238,238,235,230,222,209,137,121,123,131,183,194,196,183,172,173,194,207,212,207,204,196,199,215,199,153,118,101,137,202,204,204,209,222,233,241,243,243,238,181,5,0,0,0,0,0,0,105,225,235,75,0,0,0,15,103,109,248,248,222,215,139,166,183,209,233,233,220,202,176,177,204,230,230,212,204,217,230,222,194,186,196,217,222,212,202,196,196,199,215,207,125,99,29,35,196,0,9,25,5,0,0,0,53,150,99,157,209,196,196,196,220,235,235,233,235,235,230,230,228,228,233,235,235,238,248,246,196,9,101,230,230,246,235,230,235,243,248,79,24,67,194,199,191,134,178,181,133,207,222,230,238,238,235,238,241,238,237,238,241,238,238,241,238,235,235,235,238,235,217,141,136,136,139,204,202,191,189,194,199,207,228,233,233,235,233,212,138,137,141,194,202,204,202,194,131,129,135,189,199,196,196,209,225,233,238,238,235,235,235,238,238,235,233,230,233,233,238,241,241,238,235,235,235,233,137,119,119,125,194,202,207,222,238,248,251,217,95,135,209,215,222,230,233,233,230,233,238,235,222,204,145,143,202,207,204,196,202,215,228,235,235,235,233,228,222,215,209,207,204,204,199,202,212,228,233,230,225,209,181,185,209,217,212,199,123,86,141,233,233,217,204,196,194,143,137,143,196,204,217,228,233,233,230,233,222,190,187,194,199,199,204,215,230,238,238,238,233,212,204,215,222,207,200,202,207,212,217,215,212,215,217,217,217,222,225,222,217,215,209,204,204,222,228,225,222,217,209,209,225,235,228,212,212,217,217,215,209,208,212,212,212,215,228,238,241,241,241,241,241,241,238,235,235,235,233,233,233,225,217,217,222,230,235,235,235,235,235,235,235,238,238,235,234,234,235,233,225,215,215,217,215,212,215,222,225,225,217,212,215,217,217,215,213,215,225,230,228,207,149,204,225,228,222,217,215,217,217,225,230,230,228,228,228,230,230,230,230,230,228,228,225,225,228,228,228,230,230,230,230,230,230,230,230,230,230,230,228,222,217,217,215,217,225,228,222,212,209,212,215,212,212,215,228,235,235,233,228,217,213,217,228,235,235,233,230,225,217,212,212,212,217,222,217,212,211,212,217,225,230,233,235,235,235,233,233,233,233,235,235,235,233,233,233,233,233,233,233,233,235,235,233,230,228,228,230,230,230,230,230,230,230,230,230,230,233,233,233,233,230,230,228,228,230,230,228,228,228,228,225,225,222,217,217,217,217,215,212,209,212,204,192,192,202,209,212,212,215,215,215,215,215,215,212,207,204,212,222,222,222,222,222,217,212,209,212,215,207,141,133,136,141,199,207,204,194,143,143,143,194,207,202,138,135,191,212,212,207,204,204,207,209,209,209,212,212,209,207,205,207,209,209,209,207,207,207,207,202,200,199,200,204,209,207,204,199,194,191,191,196,199,204,207,209,209,207,204,207,209,209,207,204,207,209,212,212,212,212,212,212,209,209,209,209,207,204,207,207,194,129,123,137,199,207,207,209,212,217,217,220,220,222,222,222,225,225,225,225,225,224,225,225,228,230,230,228,228,228,228,225,217,212,208,209,215,217,222,225,225,225,225,228,228,228,228,228,228,228,225,225,225,230,233,233,230,233,233,233,233,233,233,230,225,222,220,228,228,217,212,215,217,215,209,207,209,215,217,222,217,212,204,199,199,202,204,207,207,207,212,217,225,233,235,230,226,226,228,233,235,238,241,238,235,233,230,228,222,217,217,215,209,204,204,207,209,209,207,199,194,147,147,196,194,147,196,207,209,204,204,209,220,230,238,241,241,241,243,243,241,238,238,235,235,235,241,243,243,243,246,246,248,248,251,251,251,251,248,248,246,246,243,241,235,233,230,230,230,230,228,222,215,212,215,217,215,212,209,207,204,204,204,204,202,199,17,15,15,17,23,31,31,33,43,47,49,53,57,59,63,63,65,65,65,67,65,59,57,53,51,37,23,19,21,23,29,45,57,67,77,111,113,113,113,79,65,57,59,59,61,53,53,59,0,131,152,137,116,69,57,57,61,61,63,71,69,65,65,77,137,178,196,196,189,160,99,85,79,73,87,139,181,199,207,199,186,176,181,191,204,220,238,248,238,0,0,0,0,0,0,0,176,152,134,134,139,152,173,178,170,139,124,131,168,168,124,59,45,63,121,170,202,209,209,202,220,255,255,255,255,255,233,207,199,204,212,215,215,225,215,196,157,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,87,61,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,207,183,163,139,82,0,0,0,0,0,87,126,152,241,255,235,150,178,255,255,0,0,0,0,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,189,134,15,0,0,0,0,0,39,144,209,241,251,255,255,251,238,170,45,0,0,0,0,0,39,37,0,25,51,47,59,67,121,150,118,21,0,0,0,0,0,83,165,176,189,220,212,170,95,89,99,152,163,163,163,173,183,183,186,204,217,217,222,212,212,209,173,21,49,165,165,83,87,142,189,199,191,168,147,137,81,59,47,61,75,75,81,87,81,89,134,142,147,150,165,160,105,93,93,99,105,105,99,89,75,83,89,89,85,91,105,111,101,109,125,115,109,119,194,212,212,212,215,212,204,199,199,207,209,207,204,199,196,181,119,104,99,102,117,176,199,207,191,170,165,170,181,199,199,181,155,109,103,95,82,80,81,95,142,147,83,51,71,157,170,150,139,87,71,71,87,81,62,69,93,81,59,53,73,137,155,191,204,199,186,142,87,67,47,46,51,91,186,202,202,202,202,202,202,202,191,187,191,191,183,131,129,181,189,196,189,189,186,181,178,178,178,178,186,186,194,199,202,191,176,166,168,170,176,178,181,181,181,181,178,181,181,191,196,202,202,196,196,196,191,183,168,159,163,176,202,209,202,183,155,95,79,68,64,62,62,65,69,77,87,89,91,97,91,79,69,67,65,65,61,59,69,103,178,183,178,176,157,91,75,69,68,69,89,113,163,168,176,183,178,165,155,113,109,103,97,97,105,109,103,99,103,107,157,165,165,164,164,170,189,199,191,186,178,170,157,117,117,119,157,163,170,170,163,163,168,176,176,176,170,164,165,165,165,165,125,125,121,165,183,173,170,168,168,121,117,121,181,178,119,109,115,178,196,196,178,123,123,127,178,196,215,225,228,233,235,235,233,225,215,215,228,241,246,251,251,246,233,215,209,209,215,225,235,235,222,204,196,194,194,186,176,111,87,65,49,41,41,43,45,41,41,51,81,107,165,181,165,165,165,186,196,202,196,189,186,181,181,186,178,155,99,85,65,60,65,83,89,89,89,95,95,89,89,89,101,147,165,181,165,142,131,95,93,95,93,79,83,129,147,147,142,131,137,155,155,137,93,93,95,93,87,75,73,79,121,139,155,168,196,215,228,233,233,225,199,168,159,164,217,255,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,160,181,194,191,189,186,189,196,194,85,29,85,139,131,134,147,160,156,168,173,157,47,39,36,39,85,89,147,103,101,107,150,165,181,186,186,176,160,109,105,157,157,150,111,160,163,105,103,183,181,163,157,157,155,160,107,103,155,165,173,173,163,163,165,173,181,186,186,186,189,186,176,163,117,110,109,121,165,121,115,117,121,129,178,186,183,176,131,181,204,222,222,209,194,137,132,183,191,196,196,202,207,209,212,212,212,212,212,209,207,204,204,204,209,212,215,212,207,204,204,207,207,199,125,44,53,119,207,220,225,207,108,103,110,125,181,133,124,126,131,133,135,137,133,128,125,127,135,183,191,202,207,191,183,189,194,194,204,199,196,191,189,196,204,207,209,212,212,217,225,228,222,207,194,183,186,191,191,196,186,181,181,178,178,183,186,133,107,84,101,129,178,176,127,104,88,103,196,196,181,170,125,119,127,119,23,87,209,209,95,81,113,241,251,111,119,119,76,59,127,183,181,129,127,183,209,217,222,222,222,222,225,228,222,191,121,126,178,204,204,178,107,89,194,199,199,202,204,202,196,176,92,78,127,129,176,186,189,186,191,196,196,202,222,228,230,230,225,216,216,217,225,228,230,212,33,109,204,196,81,83,183,209,215,217,222,222,215,217,225,228,228,222,217,216,217,225,225,225,217,215,215,217,222,225,228,225,217,215,217,215,209,207,207,209,209,215,222,222,215,207,204,209,217,222,222,217,215,212,212,217,222,228,228,225,225,225,222,215,212,217,222,222,217,217,225,230,235,255,95,0,0,55,217,238,235,233,228,225,225,225,225,222,222,222,222,220,217,212,212,217,228,230,230,230,230,230,225,215,213,215,215,217,225,228,228,228,228,225,222,217,222,222,225,222,217,217,217,225,222,209,196,145,147,199,207,207,202,196,199,202,196,192,190,189,191,199,215,228,230,228,225,228,225,222,216,222,233,235,228,217,202,199,199,191,141,143,207,235,230,222,202,137,137,217,235,235,233,235,233,233,235,204,119,121,212,241,243,241,243,241,238,235,233,233,235,238,241,241,238,235,235,230,222,207,202,212,225,222,217,207,191,178,176,172,165,183,207,212,204,199,176,125,191,196,207,209,173,172,191,199,196,199,215,233,241,235,220,204,41,0,0,0,0,0,0,0,27,178,246,87,0,0,21,181,212,207,209,235,233,233,151,168,178,196,222,220,204,194,174,161,181,222,225,204,194,207,222,204,186,183,191,209,209,204,199,199,194,191,202,204,125,13,0,0,0,7,160,207,209,103,0,0,0,0,0,0,165,228,230,220,220,230,233,230,228,230,230,228,228,230,230,233,233,235,238,243,228,105,113,230,233,241,233,230,238,238,230,76,31,81,181,131,128,128,134,194,212,228,235,241,241,238,238,241,241,241,238,241,241,238,238,241,241,238,235,235,234,235,225,191,137,136,137,191,199,199,196,196,192,194,215,230,230,235,235,225,140,139,189,196,199,202,204,202,137,131,141,204,217,209,191,194,204,215,225,233,235,235,238,238,238,233,230,233,233,235,238,238,238,235,230,228,228,209,119,116,122,137,199,202,194,207,228,238,241,228,199,209,217,215,220,230,233,235,235,235,238,241,235,220,196,143,196,202,207,194,195,212,217,225,233,233,230,228,228,230,228,215,202,196,199,202,207,217,225,222,212,194,165,169,202,225,225,207,102,75,111,207,217,212,204,199,199,202,202,196,194,191,145,204,225,228,228,228,215,187,189,196,202,207,209,215,225,230,230,230,228,207,199,209,217,202,199,202,207,215,217,217,215,215,215,217,222,228,228,222,222,220,212,203,200,215,225,217,212,207,204,209,228,235,228,215,215,222,220,212,209,209,217,217,209,209,225,235,238,238,235,238,238,238,238,235,235,238,235,235,235,228,218,220,228,233,233,233,235,235,233,233,233,235,235,234,234,234,235,230,222,215,217,222,222,212,212,222,230,225,215,212,215,222,220,217,215,217,225,228,225,215,212,217,228,228,222,215,217,222,225,225,228,228,225,225,225,228,230,230,230,230,230,228,228,228,228,228,228,230,230,230,230,230,230,230,230,230,230,228,225,217,215,215,212,212,217,222,215,209,212,217,222,222,215,215,222,228,228,228,225,217,215,217,225,230,230,228,228,225,217,212,212,212,215,217,217,215,215,217,225,228,233,235,238,238,238,235,235,235,235,238,238,238,235,235,233,233,235,235,235,235,235,235,235,233,233,233,235,233,233,230,230,230,230,230,230,230,230,233,233,233,233,230,230,230,230,230,228,228,228,228,225,225,222,217,217,217,217,215,212,212,212,207,196,194,202,209,212,212,212,215,215,215,215,215,212,207,209,212,217,222,222,220,222,217,215,209,209,212,207,194,141,145,196,202,207,204,196,191,191,196,207,215,209,143,141,202,215,215,209,207,207,209,209,212,212,212,212,209,207,207,209,212,209,207,205,205,207,207,207,207,204,204,207,209,207,204,199,194,194,196,199,202,204,207,207,207,204,204,207,209,207,204,203,204,207,209,209,212,212,212,212,209,209,209,212,212,209,209,204,139,114,110,129,196,202,202,209,215,215,217,220,220,222,222,222,222,225,225,225,225,224,224,225,228,230,228,228,228,228,228,225,217,209,207,209,215,217,222,228,228,228,228,230,230,230,230,230,230,230,228,225,225,230,233,230,230,230,233,233,233,233,233,230,225,217,217,225,222,212,209,212,215,212,209,212,215,222,222,222,222,217,212,204,199,199,199,202,204,207,207,209,215,225,235,233,226,226,228,233,235,238,238,238,238,233,228,222,215,215,212,209,204,199,199,199,202,202,202,196,194,147,147,194,196,194,199,209,212,212,209,215,225,230,235,235,235,235,238,241,238,238,235,235,238,238,241,241,243,246,246,248,248,248,251,251,251,251,248,248,246,246,243,241,235,230,228,228,230,233,230,222,215,212,215,217,217,212,209,207,204,204,202,202,202,199,17,15,14,17,21,29,31,35,43,43,47,51,51,55,59,61,59,59,61,61,59,55,53,49,37,27,19,17,19,23,27,29,45,55,67,75,105,113,111,79,65,59,55,55,61,59,61,75,0,0,163,152,116,71,61,57,57,57,63,71,71,67,66,79,137,178,196,204,189,170,107,93,87,75,81,101,170,191,199,199,191,186,186,194,204,220,238,248,248,0,0,0,0,0,0,0,191,157,129,118,124,137,147,147,137,113,83,116,129,124,75,47,44,53,81,147,191,217,222,230,246,255,255,255,255,255,251,241,225,225,212,207,207,215,207,178,139,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,51,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,147,129,129,98,53,0,0,0,0,48,116,207,255,248,129,26,92,255,176,0,0,0,0,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,40,15,0,0,0,0,66,191,255,255,183,49,0,0,0,0,39,152,217,238,248,255,255,255,255,228,126,0,0,0,0,0,29,0,0,0,45,51,65,103,144,165,150,111,0,0,0,0,31,87,144,144,155,183,189,168,139,101,105,107,157,170,181,186,189,183,183,202,212,217,215,212,209,196,81,10,97,170,111,89,94,160,191,196,189,178,173,168,144,99,99,147,170,191,191,170,131,134,160,170,163,163,170,160,101,93,99,147,157,163,150,101,83,83,89,91,91,105,117,163,111,115,125,125,119,178,196,204,204,207,212,207,204,199,199,202,207,199,189,181,176,121,107,103,105,113,119,165,181,199,199,181,170,170,183,199,191,168,115,115,150,105,93,83,87,95,103,99,65,53,73,134,147,131,85,77,75,75,83,69,54,56,69,63,47,45,73,168,186,204,204,170,186,103,73,55,47,49,69,111,194,202,202,202,202,202,209,207,196,187,187,191,196,189,183,181,189,189,189,181,181,131,129,129,170,173,178,178,186,186,183,181,168,166,166,170,176,178,181,181,178,173,168,168,173,181,189,199,204,202,196,196,191,186,173,166,170,186,202,212,202,173,95,73,66,64,64,63,64,65,67,70,79,81,89,93,91,77,67,64,64,65,63,65,83,160,178,168,157,152,105,77,69,71,77,89,111,170,178,176,176,178,176,160,115,107,99,99,101,111,113,111,103,101,105,115,165,173,165,160,164,173,189,191,186,176,170,165,160,157,119,119,119,163,170,170,168,163,168,173,176,176,170,168,176,168,165,119,119,117,125,170,186,183,170,181,178,121,117,120,181,186,127,119,121,186,196,186,127,119,119,127,178,196,204,217,233,233,233,225,222,217,215,217,233,251,255,251,251,251,228,207,200,200,209,225,241,241,222,204,196,194,186,183,163,111,87,65,47,40,40,45,49,49,47,53,81,99,150,155,113,113,155,178,189,196,196,189,186,176,163,155,115,107,99,87,73,64,73,83,81,81,89,89,89,89,89,89,95,147,155,165,147,139,131,95,93,93,89,85,93,142,150,147,137,129,95,129,129,89,79,85,95,129,89,75,67,67,83,131,165,191,209,225,233,233,233,225,209,168,159,164,228,255,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,168,183,202,204,196,189,183,181,144,82,92,95,134,142,150,157,165,168,168,173,168,150,147,57,31,20,10,30,63,85,99,144,165,181,191,191,183,160,109,109,152,150,111,111,152,155,101,97,115,173,178,181,111,97,93,86,81,101,163,176,176,168,163,165,173,186,189,186,186,189,186,181,176,125,115,111,115,170,178,170,168,129,170,178,183,181,131,127,130,196,212,217,209,207,207,194,191,189,189,189,194,202,209,212,209,207,204,204,207,209,207,207,207,209,209,209,207,204,203,204,207,204,191,101,57,69,178,202,196,202,199,117,105,113,178,202,189,125,128,135,183,191,194,183,128,122,127,135,133,178,186,189,182,182,186,185,152,202,202,199,202,202,209,212,209,207,209,212,222,228,228,217,202,194,183,183,183,191,204,196,186,186,183,183,183,181,123,103,94,125,186,178,173,131,127,107,102,194,194,178,176,127,93,63,5,3,107,178,113,86,81,183,228,228,225,228,225,103,109,119,178,176,176,183,202,212,215,215,217,217,217,222,228,225,196,117,127,133,196,202,121,5,0,33,95,133,189,186,186,189,129,70,73,129,133,186,196,196,189,186,183,181,194,207,217,230,233,222,216,217,217,222,230,230,228,215,215,225,238,202,101,133,212,215,217,217,212,204,204,212,222,222,222,222,217,217,222,225,225,225,222,222,220,222,225,228,222,215,217,222,217,209,203,204,207,212,217,222,225,222,217,215,215,215,215,215,215,215,212,212,215,222,228,228,225,225,222,217,211,209,212,215,217,220,222,228,233,235,230,83,0,31,217,238,238,235,235,233,230,228,225,222,217,215,215,220,222,220,217,215,217,222,222,222,225,228,228,225,217,213,215,217,222,228,230,230,228,228,222,217,215,215,217,217,217,215,215,217,222,217,207,194,145,147,194,202,204,199,199,207,209,207,204,194,190,190,196,209,225,230,228,228,228,225,216,216,225,233,233,222,212,199,199,202,196,191,199,217,230,225,222,147,136,147,225,235,235,231,231,233,235,235,235,215,199,212,233,241,241,243,241,238,233,231,231,235,238,241,241,238,233,230,225,209,196,196,212,225,228,230,225,189,176,181,183,148,146,157,199,199,186,96,109,176,189,202,209,186,194,204,186,178,183,202,222,220,176,91,0,0,0,0,0,0,0,0,0,0,55,111,0,0,43,176,225,230,222,207,225,230,212,181,191,189,186,202,204,196,202,191,144,166,202,207,189,182,186,196,189,187,194,209,212,207,199,196,196,196,194,191,181,111,11,0,0,0,189,235,233,246,255,212,37,0,0,0,0,51,217,228,209,196,207,225,228,226,228,228,228,228,233,233,230,233,235,234,235,233,215,199,222,235,233,233,228,233,230,222,121,75,129,176,134,130,137,202,217,228,233,241,241,235,235,238,235,235,238,241,241,241,238,238,238,238,238,238,241,235,235,228,202,143,139,139,141,204,207,202,199,194,194,204,225,230,235,238,230,191,143,191,196,196,194,202,215,204,137,143,212,222,196,131,135,141,141,139,217,228,230,235,235,235,233,230,230,233,235,235,235,233,228,217,212,212,202,122,123,141,194,202,113,106,120,196,212,222,222,220,228,228,212,212,228,235,238,238,235,235,241,238,230,204,140,142,196,215,191,189,204,209,212,228,225,222,222,230,235,235,217,202,194,196,202,207,215,225,217,207,202,173,177,215,230,230,209,100,90,129,196,202,199,198,198,204,209,207,199,199,145,132,131,212,225,228,225,212,190,191,202,207,215,215,212,212,215,215,222,217,204,198,202,209,199,198,204,209,215,217,215,215,215,215,217,225,230,228,225,225,225,215,203,199,202,204,202,196,149,199,209,225,228,225,222,220,220,215,209,207,212,225,222,208,207,222,233,233,230,230,235,238,238,238,238,238,241,238,241,238,233,228,228,233,233,233,233,233,233,231,231,231,233,235,235,235,235,235,230,217,212,213,217,215,205,205,212,225,222,212,211,215,222,222,217,217,217,222,225,222,217,215,215,217,225,220,215,215,222,225,225,225,225,225,225,225,228,228,228,228,228,228,228,228,228,230,230,230,230,228,228,230,233,230,230,230,228,228,225,220,215,212,207,207,207,215,217,215,212,215,222,225,225,217,215,217,217,217,217,217,215,213,215,222,225,225,224,225,225,217,215,212,215,215,217,217,222,225,228,230,233,233,235,238,238,241,238,233,233,235,238,241,238,238,235,235,235,235,238,238,235,235,238,235,235,235,238,238,235,233,230,230,230,233,233,233,230,230,230,233,233,230,230,230,230,230,230,228,225,225,225,225,225,222,217,217,217,217,212,209,209,204,202,199,199,204,212,215,215,215,215,215,217,217,217,215,212,212,212,215,222,217,215,217,217,215,212,209,209,207,204,199,202,204,204,209,209,204,199,199,204,209,215,204,145,145,204,215,215,212,207,207,207,209,212,212,209,212,212,209,209,212,212,209,207,205,205,207,209,212,212,212,207,207,209,207,202,199,196,196,199,199,202,204,204,204,204,204,207,209,209,207,204,203,204,207,207,209,212,212,212,212,209,209,209,212,212,212,209,202,131,109,109,135,196,199,202,212,217,215,217,217,217,220,222,222,222,225,228,228,225,224,224,225,228,230,228,225,225,228,230,225,215,208,208,212,217,222,228,230,230,230,230,230,233,233,233,233,233,230,228,225,222,230,233,230,229,230,233,230,228,230,233,230,222,217,217,222,217,209,208,212,215,215,212,217,222,225,225,225,225,225,217,209,204,199,198,199,204,207,209,209,209,215,230,230,228,228,228,233,235,233,235,238,238,233,228,222,215,212,212,207,202,199,194,194,196,196,194,147,145,145,194,196,196,199,202,207,212,212,209,215,225,230,230,233,233,235,238,238,235,235,235,235,238,238,238,241,243,246,248,248,248,248,248,251,251,251,248,248,246,246,246,241,235,230,228,228,230,230,228,222,215,215,217,217,217,215,212,207,204,202,202,202,202,199,19,19,15,19,23,29,33,33,35,43,43,47,49,51,51,51,53,53,53,55,53,53,47,35,29,21,15,15,19,23,25,29,33,47,53,67,103,113,113,75,61,53,53,53,61,61,67,0,0,165,170,152,116,71,57,57,57,57,69,77,77,71,71,79,137,168,196,196,189,170,147,101,87,81,75,87,150,181,191,199,191,191,186,186,191,209,230,248,248,0,0,0,0,0,0,0,204,165,129,112,113,129,139,131,113,79,81,83,83,73,63,47,44,45,67,131,181,217,238,248,255,255,255,255,255,255,255,255,255,241,225,207,207,207,196,157,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,61,20,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,111,111,121,124,82,46,7,0,7,38,121,235,255,144,66,0,38,126,0,0,0,0,0,255,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,66,59,25,1,1,39,134,228,255,255,248,137,29,0,0,0,55,173,217,233,241,255,255,255,255,255,196,0,0,0,0,0,27,0,0,0,65,65,73,105,121,121,116,118,47,0,0,0,31,121,160,144,135,140,168,178,170,160,157,163,176,191,194,194,191,181,181,194,209,212,222,222,209,176,49,9,186,165,99,101,165,191,196,189,173,170,173,178,173,157,147,160,189,207,207,183,137,147,176,183,183,194,194,173,99,93,101,147,150,157,150,109,95,89,89,91,103,117,168,173,168,168,173,173,186,196,204,204,204,204,207,207,207,202,202,199,199,186,170,127,117,107,102,103,121,168,119,118,170,191,199,191,181,181,183,183,170,111,109,157,157,150,105,99,97,99,95,81,45,51,65,75,85,83,73,75,87,87,87,65,53,55,77,71,47,31,35,43,41,47,45,27,31,43,55,63,67,83,113,186,199,207,207,202,202,202,207,207,202,187,187,191,199,196,191,191,189,189,186,181,176,131,125,121,121,121,125,170,170,173,173,173,168,168,168,176,176,181,178,176,173,165,163,121,165,173,189,199,204,199,189,183,183,183,178,176,176,186,196,202,186,152,83,70,70,73,79,83,81,77,71,77,79,81,83,87,85,75,67,65,65,67,67,73,95,170,168,142,101,101,91,77,75,85,103,113,160,170,173,168,170,178,176,160,113,103,98,99,105,117,165,160,109,105,115,165,181,181,168,161,165,178,189,186,181,170,168,165,165,165,119,119,121,163,170,170,168,168,168,168,170,170,170,168,165,123,113,107,105,111,125,170,183,181,170,181,178,121,117,120,183,186,178,119,121,178,186,183,127,119,119,119,178,189,204,217,225,233,225,222,215,209,209,215,235,251,255,251,251,243,225,202,199,202,215,233,246,246,233,215,202,194,176,163,111,99,83,65,45,41,40,47,53,53,49,57,79,93,101,105,101,105,113,155,178,183,189,189,189,176,155,107,99,97,97,93,85,75,79,83,73,73,73,75,81,87,87,87,95,131,139,139,131,95,95,95,87,85,85,89,129,139,144,139,131,91,81,81,81,73,73,83,129,129,93,73,55,55,69,93,165,204,225,233,235,233,228,225,217,196,181,189,243,255,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,165,181,202,196,194,183,176,163,152,152,150,124,139,147,157,165,173,176,176,173,170,165,160,142,81,57,16,0,2,79,99,144,163,176,186,183,168,113,108,111,111,107,105,113,160,107,93,95,113,168,183,189,101,76,85,91,93,101,117,168,173,168,165,170,178,186,189,189,183,181,181,181,183,178,165,117,121,186,196,189,181,176,176,181,183,183,178,116,104,186,212,209,207,212,215,209,196,189,187,191,196,202,207,212,209,204,202,202,207,209,207,205,205,207,209,209,207,203,203,207,212,215,204,178,133,121,127,133,183,191,181,133,181,194,202,202,194,131,129,181,191,204,204,196,191,191,186,135,131,133,181,183,186,191,196,191,166,199,189,191,212,212,212,212,207,205,205,212,222,228,228,222,204,191,186,182,182,191,196,196,194,199,204,202,181,65,60,111,186,209,217,209,189,181,189,207,178,178,186,191,194,194,75,0,0,8,125,121,85,85,107,191,212,217,222,228,228,217,196,183,181,183,186,196,207,215,215,212,215,215,215,217,225,222,181,127,128,183,191,183,113,0,0,0,93,129,181,181,178,178,127,108,112,123,176,191,204,204,199,191,133,133,186,196,212,225,228,222,217,220,228,228,230,230,217,215,220,217,209,191,176,189,209,217,217,217,207,189,187,196,207,215,217,222,222,222,222,225,228,230,228,225,222,222,225,228,222,215,215,222,222,212,203,202,204,212,220,225,225,228,225,222,215,212,212,208,209,212,212,211,212,222,228,230,228,225,220,215,212,212,215,212,215,222,225,225,228,215,121,0,0,107,241,241,238,238,238,235,230,230,228,225,217,213,213,217,220,220,217,217,220,222,217,217,217,217,222,222,222,217,217,222,225,228,230,233,230,225,220,215,213,215,217,217,217,215,215,215,215,209,202,147,145,147,194,202,202,198,198,222,225,225,222,212,199,192,194,202,212,222,225,225,228,222,217,222,230,230,225,215,204,196,196,202,196,144,191,207,212,209,204,145,143,207,230,235,233,231,231,233,233,235,241,235,220,215,222,228,233,243,241,241,238,231,235,235,238,241,241,235,230,225,215,199,186,186,207,209,215,209,199,177,173,191,202,196,178,196,212,209,191,111,97,119,176,178,129,129,196,204,170,168,181,183,168,163,117,37,0,0,0,0,0,0,0,0,0,0,0,0,0,117,199,228,235,235,225,215,215,215,139,148,215,204,191,189,191,217,228,222,164,166,183,189,183,181,183,189,199,204,212,217,222,215,204,196,194,196,199,194,178,103,39,9,0,0,230,228,233,246,255,254,212,11,0,0,0,55,199,222,183,183,202,225,230,228,228,230,233,233,233,233,233,235,235,234,235,235,222,212,230,241,235,230,225,222,215,209,204,204,202,196,212,209,209,220,230,235,238,238,235,235,233,233,233,233,235,238,238,238,238,238,238,238,238,238,238,238,235,230,215,199,143,139,191,196,194,202,204,209,202,202,209,228,235,235,230,209,191,191,194,194,190,192,212,199,130,136,202,133,121,124,129,131,127,124,131,137,217,225,230,230,233,230,230,233,228,225,228,225,199,137,143,191,194,196,196,189,189,196,104,101,115,130,143,209,222,228,233,228,212,205,215,233,238,233,233,235,235,238,235,233,142,142,147,212,212,185,212,212,202,199,202,204,215,225,228,222,207,199,194,199,204,207,217,230,225,209,204,202,212,228,238,241,230,145,133,145,199,199,199,202,207,212,215,212,209,215,209,139,136,202,222,225,220,207,202,204,204,212,225,215,207,207,207,209,212,215,209,202,202,200,199,204,212,212,212,215,217,217,217,215,217,222,225,228,222,228,228,222,215,209,204,204,199,139,138,147,202,209,209,217,222,222,215,207,200,202,212,225,228,204,204,228,230,228,226,229,233,235,238,238,238,241,241,241,243,241,238,235,233,235,233,233,233,233,231,231,231,233,233,235,235,238,238,235,228,217,212,213,215,207,204,203,205,215,212,209,211,215,222,217,216,217,222,225,222,217,217,215,212,207,207,212,212,215,217,217,217,222,225,225,225,225,225,225,225,228,228,228,226,228,230,233,233,233,233,225,224,228,233,230,228,228,228,222,217,217,217,212,205,204,205,217,225,222,225,225,222,225,222,217,215,215,215,215,215,217,213,212,215,217,220,225,225,225,228,222,215,215,215,215,215,217,225,230,235,238,235,230,230,235,238,241,238,233,233,235,238,241,238,238,235,235,238,238,238,238,238,235,235,235,235,235,238,238,235,233,230,230,230,233,233,235,233,230,230,230,228,228,228,228,228,228,228,228,225,225,225,225,225,225,222,222,222,217,212,207,202,196,196,202,204,209,212,215,215,215,215,217,217,215,215,215,215,212,212,215,215,215,212,215,215,215,212,209,207,207,204,204,204,204,204,207,209,207,204,202,204,207,209,202,191,191,202,209,215,212,209,207,207,207,209,209,209,209,212,212,212,212,212,207,207,207,207,209,212,212,212,209,207,207,207,207,204,202,199,196,196,196,199,202,204,204,204,204,207,209,209,207,207,204,204,204,207,209,212,212,212,212,209,209,209,212,215,215,212,202,139,128,133,141,194,202,207,215,217,220,220,222,217,217,222,222,222,225,228,228,228,225,224,225,228,230,228,225,225,228,233,228,215,207,208,215,225,225,230,233,233,230,230,230,233,233,235,235,233,230,228,222,225,230,233,229,229,230,230,228,226,228,233,233,225,215,212,215,215,212,212,215,217,217,217,222,225,225,225,225,228,228,222,217,212,204,199,199,202,209,212,212,209,209,212,220,225,230,230,233,233,230,230,233,235,233,233,228,222,217,215,209,204,202,194,194,194,194,141,133,135,143,147,199,202,202,202,204,207,207,207,212,217,222,228,233,233,235,238,238,235,235,235,235,235,238,238,238,241,243,248,248,248,248,248,248,251,251,248,248,246,246,243,241,235,230,228,225,225,225,222,217,215,217,217,217,215,212,212,209,204,204,204,204,202,199,19,19,21,23,27,29,33,33,33,33,35,45,45,35,35,45,47,45,45,47,55,47,33,27,23,17,13,15,17,19,23,29,33,35,43,57,75,111,105,67,59,51,45,45,59,67,73,0,144,165,165,142,116,65,54,54,56,63,71,83,85,85,79,79,99,160,189,196,191,170,147,107,95,87,81,89,101,163,194,199,196,191,182,179,179,196,222,238,255,255,0,0,0,0,0,0,204,168,129,113,113,124,131,124,111,81,82,113,113,81,69,67,61,61,73,126,181,222,246,255,255,255,255,255,255,255,255,255,255,248,225,207,196,196,178,147,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,17,0,9,25,17,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,163,152,118,77,0,129,129,98,64,35,20,27,79,163,217,215,150,100,35,30,30,0,0,0,0,0,0,4,1,233,255,0,0,152,255,27,0,0,0,0,0,0,0,0,0,0,0,0,69,77,61,33,39,87,126,165,238,255,255,176,116,19,0,11,63,170,217,230,235,251,255,255,255,255,233,35,0,0,0,0,37,43,23,45,61,67,108,121,113,67,57,65,53,0,0,0,0,163,191,168,155,160,168,181,181,173,170,181,189,199,202,199,194,189,189,194,202,209,222,225,204,103,37,51,204,99,94,160,212,189,160,160,173,173,173,181,173,139,81,67,87,168,170,91,67,101,181,199,204,212,212,181,103,95,101,103,103,107,115,165,163,109,101,103,115,176,178,178,178,176,173,178,196,212,212,204,204,212,212,212,215,207,207,199,181,129,119,119,113,107,104,109,176,176,118,116,170,199,207,207,202,202,191,173,115,107,105,109,150,150,109,109,103,101,81,37,27,43,51,45,51,73,81,77,83,93,87,62,58,69,152,165,71,0,0,0,0,0,39,0,15,45,65,79,97,165,189,186,194,209,209,202,198,202,202,207,202,191,190,191,191,191,191,191,189,189,181,181,181,178,131,121,120,121,127,170,170,176,178,178,168,168,173,176,183,181,173,165,160,160,117,117,160,170,186,194,194,189,178,163,160,170,173,170,170,176,178,173,157,103,95,99,101,101,111,155,101,87,79,81,87,81,81,79,75,73,67,67,67,65,65,79,103,160,147,89,86,89,91,99,107,155,157,155,160,165,160,152,168,178,176,157,107,99,98,99,111,165,178,176,115,115,163,178,191,186,176,170,173,178,183,181,176,176,170,170,168,165,121,121,163,165,170,168,168,168,166,170,170,170,163,165,121,113,99,96,98,111,123,170,173,125,123,178,178,127,119,125,186,189,178,119,119,127,181,183,127,115,115,119,178,196,204,215,222,225,222,215,207,207,209,217,235,243,246,243,241,235,222,215,202,204,215,233,241,243,241,225,209,186,163,105,97,85,77,59,47,43,43,53,65,57,57,65,83,93,93,91,91,93,101,111,157,178,186,194,196,186,165,107,93,91,93,93,91,93,87,85,79,63,57,58,67,85,93,91,85,91,93,91,87,93,129,97,85,79,91,95,91,93,129,126,93,79,73,71,63,63,63,79,85,87,81,69,55,47,55,75,147,196,225,243,243,233,225,217,225,225,217,225,254,255,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,165,176,178,176,64,69,157,173,170,165,157,150,152,163,173,178,181,178,176,170,170,173,168,170,176,142,41,61,163,168,165,165,165,168,168,157,111,109,111,111,105,103,113,160,107,95,99,111,160,168,170,168,157,170,173,170,165,160,160,160,160,165,176,183,186,186,189,183,181,181,183,186,181,168,123,165,186,196,196,194,189,181,178,183,191,199,127,115,176,199,202,207,212,217,212,204,196,191,194,202,204,209,209,207,202,200,202,207,209,209,207,205,207,209,212,209,203,203,207,215,225,215,191,178,131,135,181,189,189,117,104,181,196,199,181,129,123,126,183,191,196,199,196,196,196,189,135,127,131,178,183,191,204,215,217,202,191,183,186,204,215,215,212,207,205,207,212,217,217,217,212,202,189,189,189,183,183,189,199,207,207,209,212,176,49,47,129,212,228,230,225,209,199,196,194,183,173,173,186,204,204,79,0,15,103,196,181,115,101,105,111,129,209,217,209,209,215,209,194,189,189,191,202,207,212,212,212,212,212,212,217,225,215,135,129,181,202,209,204,181,19,0,25,183,191,191,186,189,191,181,120,116,121,133,178,186,199,199,189,133,131,176,189,209,217,222,222,217,225,230,233,233,222,194,194,209,202,183,173,176,191,207,215,222,222,209,186,183,189,204,209,215,217,217,217,222,225,228,230,228,228,225,228,230,230,225,215,215,217,220,215,207,204,204,212,215,220,225,225,225,222,217,215,209,208,208,212,215,212,215,222,228,228,228,225,217,215,215,215,215,215,217,222,222,217,204,178,95,83,107,209,233,238,238,238,235,233,230,230,230,225,217,212,212,215,217,217,217,217,220,222,217,217,217,215,215,217,222,225,225,228,225,225,230,233,230,225,217,215,215,215,217,217,220,217,215,212,209,204,194,143,143,147,196,202,202,196,198,228,233,233,230,222,207,196,194,196,202,207,212,215,217,215,212,222,228,225,215,207,196,194,196,204,199,144,143,191,194,145,144,145,204,228,233,233,233,233,233,233,233,235,241,241,230,212,209,215,225,230,238,241,243,238,235,238,238,238,235,228,222,212,196,178,176,177,181,166,163,168,172,170,172,215,225,215,202,209,225,230,222,189,75,95,170,173,127,127,121,105,103,125,186,176,110,112,163,176,53,0,0,0,0,0,0,0,0,0,0,0,23,225,230,235,235,233,222,215,215,212,130,111,194,222,194,183,194,225,233,235,207,179,186,191,191,189,191,204,217,222,222,225,225,217,207,196,189,183,183,196,194,123,81,69,89,67,238,228,228,238,248,243,225,173,87,75,87,181,194,181,170,186,217,228,230,228,230,235,235,235,235,235,235,235,235,235,235,238,230,204,212,246,243,225,215,209,107,75,121,212,230,243,238,230,228,230,235,238,238,233,233,231,231,231,233,235,235,238,235,235,235,235,235,235,235,235,235,235,233,228,215,202,147,143,191,194,192,196,202,207,204,204,209,215,225,233,230,209,191,189,194,194,191,196,222,215,145,191,141,124,122,127,137,135,131,133,139,107,106,125,204,217,228,228,225,225,215,209,217,212,141,129,135,139,194,212,212,189,141,191,134,139,191,133,134,212,230,230,225,215,205,204,207,222,230,230,233,233,233,233,238,243,202,147,145,199,207,202,217,222,204,191,190,194,209,222,215,191,187,191,196,207,209,207,215,228,228,220,217,215,222,233,241,241,225,145,139,191,196,196,204,215,225,225,222,217,217,222,222,204,194,207,225,230,222,196,202,217,212,204,204,202,202,204,209,209,209,212,212,209,207,204,204,212,222,217,212,212,217,220,222,222,225,225,222,222,225,233,228,222,230,228,222,215,202,136,135,141,149,199,204,212,217,222,215,202,196,199,212,225,222,199,200,228,230,228,228,230,235,238,238,238,241,241,241,241,241,241,238,238,235,233,233,233,233,233,233,233,233,233,235,235,235,235,235,233,228,222,217,217,217,209,207,207,207,212,212,211,212,217,222,217,217,222,225,225,222,222,222,217,207,196,190,199,209,215,217,217,215,217,222,225,228,228,228,225,224,225,228,228,226,228,230,233,235,235,233,225,224,225,230,230,228,228,222,212,204,204,212,215,207,202,202,217,233,235,233,225,215,212,215,215,215,215,215,215,217,222,217,213,215,217,217,225,228,228,225,222,215,215,215,217,217,217,228,233,238,238,233,225,228,233,238,241,238,233,233,238,241,238,238,235,235,235,238,241,241,238,238,235,235,235,235,235,235,235,235,233,230,229,230,230,233,235,233,230,230,230,228,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,217,209,204,194,191,194,204,212,212,212,212,212,215,215,217,215,215,212,212,215,215,215,212,212,212,212,212,215,215,212,209,207,204,202,202,202,202,204,207,207,207,204,199,195,196,204,204,202,199,202,207,212,212,209,207,207,207,207,209,209,212,215,215,215,215,212,209,207,209,209,212,212,209,207,207,207,207,207,207,207,204,199,196,192,192,194,199,202,204,207,207,209,209,209,209,207,207,204,207,207,209,209,209,209,209,209,209,209,212,215,217,215,207,196,145,143,145,196,204,212,217,222,222,222,222,222,222,222,222,225,228,228,230,230,228,225,225,228,230,228,225,225,228,233,230,217,209,212,217,228,230,233,235,235,233,230,230,233,233,235,235,233,228,222,220,222,230,233,229,229,230,230,228,228,228,233,230,225,215,211,211,212,215,217,222,225,225,222,222,225,222,222,222,228,230,225,222,217,212,204,202,204,209,212,215,215,209,205,207,217,228,233,233,230,225,225,230,233,233,238,235,230,230,225,215,209,204,202,196,194,143,133,122,125,141,194,202,204,202,202,202,202,202,204,209,215,217,225,230,233,235,238,235,235,235,235,235,238,238,241,241,241,243,248,251,251,251,248,248,248,248,248,246,246,243,241,238,235,230,228,225,225,222,217,217,215,215,217,217,215,215,212,209,204,207,209,209,204,202,19,21,23,23,27,29,33,33,33,29,29,33,33,33,33,33,35,33,33,45,51,35,27,23,19,13,13,13,13,12,15,23,29,29,29,49,65,75,73,59,51,47,33,35,61,67,69,0,155,173,163,139,83,63,54,54,57,63,73,85,91,85,79,79,93,147,170,191,181,170,163,147,101,95,89,95,101,150,183,194,189,182,183,181,183,202,222,248,255,0,0,0,0,0,0,0,0,0,0,124,124,131,131,129,118,113,108,113,113,108,108,116,81,75,83,131,181,222,248,255,255,255,255,255,255,255,255,0,255,241,225,215,196,178,157,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,40,0,0,0,0,9,0,0,0,0,0,0,30,38,0,0,0,0,0,0,0,0,0,0,163,137,95,0,0,0,139,121,77,48,38,56,108,157,176,168,0,0,74,85,100,0,0,0,0,0,0,118,69,163,255,0,0,0,255,74,0,0,0,0,0,0,0,0,0,0,0,0,61,77,77,64,64,82,90,87,100,255,255,225,178,108,29,37,83,178,217,233,243,255,254,252,255,255,238,73,0,0,0,0,25,37,13,13,41,65,121,121,105,53,39,51,59,1,0,0,0,181,199,176,160,160,160,170,178,178,178,189,196,199,199,199,196,194,194,196,202,209,215,222,196,81,3,21,160,87,88,111,181,160,105,160,181,181,181,191,183,89,31,19,31,71,67,23,1,59,160,194,212,230,220,204,168,109,103,99,97,99,109,170,191,186,165,117,165,183,183,178,178,178,176,178,196,212,212,212,209,212,212,215,215,212,207,199,176,129,129,170,170,129,127,181,191,181,119,118,181,204,217,225,217,209,202,183,160,111,109,109,150,150,150,150,109,101,81,39,31,39,43,41,49,71,75,67,69,77,77,65,73,150,196,204,165,0,0,0,0,0,91,26,25,34,45,77,155,189,194,189,194,209,217,202,200,202,207,207,202,199,191,191,190,190,190,191,189,186,178,178,181,178,170,127,121,127,170,170,176,176,178,176,119,117,163,173,181,181,168,119,117,115,117,160,165,173,181,189,186,170,115,105,113,160,160,155,157,113,97,91,97,111,155,165,165,152,144,152,144,93,83,81,81,81,79,77,75,71,65,63,63,61,59,67,89,107,101,88,88,93,111,150,163,173,173,155,155,155,155,151,163,178,176,115,99,96,98,105,117,170,181,176,160,160,165,183,186,186,176,170,178,178,181,181,176,176,176,173,173,165,163,121,163,170,170,168,168,168,173,176,176,170,168,125,119,105,96,95,99,111,123,168,168,122,121,178,183,178,127,176,189,189,178,119,117,119,178,181,125,115,117,127,186,204,215,215,215,215,209,207,207,209,215,215,225,235,235,235,233,225,215,215,215,220,220,225,233,243,243,235,215,183,115,91,79,69,59,53,49,45,49,65,73,77,77,85,91,91,85,79,79,85,91,105,155,165,178,186,196,196,178,113,89,89,89,93,101,147,107,93,81,63,55,55,63,81,91,91,82,85,87,87,91,137,139,126,81,79,91,93,81,79,85,85,85,73,53,53,51,47,47,53,67,67,55,55,47,47,47,69,139,189,225,254,254,243,228,228,235,246,246,246,255,255,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,160,139,118,57,0,0,74,176,176,173,170,157,163,173,178,181,181,181,178,170,173,176,176,183,202,207,183,170,178,183,173,163,160,159,163,157,152,113,113,109,103,99,103,105,95,93,99,109,115,117,160,170,181,186,189,189,183,168,157,112,111,115,165,178,183,186,189,186,183,186,191,189,178,170,168,170,186,196,199,199,196,186,178,178,189,207,186,124,130,186,196,204,212,215,215,212,207,202,202,204,207,207,207,204,202,202,207,209,209,209,209,209,209,209,212,209,207,207,209,222,230,222,194,183,186,196,199,202,199,110,85,178,199,194,130,126,122,123,178,186,186,183,183,186,183,135,125,115,113,111,109,131,209,228,230,209,51,95,181,204,217,215,212,209,207,209,215,212,209,204,202,189,181,194,199,191,183,183,199,217,222,215,207,178,64,67,194,217,228,228,222,217,209,194,125,117,127,129,170,207,209,129,113,194,233,241,212,117,93,82,74,86,176,202,194,192,204,207,196,186,181,189,202,212,212,211,212,212,211,215,222,222,202,128,128,183,207,217,217,204,131,119,199,207,199,194,194,199,202,196,181,120,119,127,178,181,189,191,181,131,131,133,133,199,212,225,225,225,228,230,230,228,204,122,126,189,189,176,172,174,186,194,202,217,225,215,196,189,199,209,212,215,215,215,217,222,225,228,228,228,228,230,233,235,235,228,217,215,217,217,217,212,209,209,212,212,217,222,222,225,225,222,217,215,209,212,217,220,217,217,222,225,228,228,225,220,217,217,222,217,217,220,225,228,215,189,121,99,103,135,207,225,233,238,235,230,228,225,225,228,225,217,213,213,215,217,217,217,217,217,220,222,225,222,215,213,215,222,228,228,225,217,217,222,228,225,217,215,215,217,217,217,220,222,222,222,217,215,204,145,140,141,147,194,199,199,196,196,222,230,230,225,212,204,199,196,196,194,194,194,196,199,202,202,209,217,212,204,204,199,195,196,207,204,191,144,145,144,141,141,194,225,233,233,230,230,230,233,233,233,235,238,235,233,215,202,202,215,228,238,241,243,246,235,235,233,230,215,212,209,204,189,177,176,177,174,166,165,172,181,178,181,220,230,222,207,209,228,235,233,191,35,65,178,178,181,186,95,62,97,121,183,181,119,168,238,255,246,15,0,0,0,0,0,0,0,0,0,0,109,243,241,235,230,228,207,209,222,230,179,134,173,215,194,183,194,222,233,238,222,183,183,194,196,199,204,215,228,230,225,225,222,215,202,191,181,170,168,189,202,176,109,111,204,207,233,228,230,238,243,243,235,230,222,215,225,230,121,44,78,123,220,230,233,230,233,233,235,235,233,233,233,233,235,235,235,238,230,189,83,75,63,17,13,23,22,22,93,215,235,243,243,238,235,235,238,241,238,235,233,231,231,231,233,235,235,238,235,235,235,235,235,235,235,235,233,233,230,228,215,204,194,191,196,202,202,202,199,204,207,207,202,191,202,217,212,196,187,187,191,194,199,217,235,238,233,230,199,133,127,139,145,143,145,204,204,111,105,104,97,115,196,204,207,204,199,199,207,209,196,135,135,139,199,217,215,133,137,209,212,228,222,138,139,230,235,228,217,207,204,204,207,212,220,225,228,233,233,233,238,243,209,143,139,139,196,202,215,233,228,194,185,187,207,222,212,189,186,191,204,217,222,209,209,222,230,233,230,215,215,230,238,230,207,139,137,141,141,135,194,215,222,217,215,215,212,207,212,209,207,212,225,230,222,134,137,220,212,196,194,195,198,204,212,212,212,215,215,215,215,212,209,217,225,217,212,212,215,217,225,228,233,235,233,225,228,233,215,209,235,235,235,233,215,140,138,145,196,202,209,217,222,217,215,207,200,202,217,228,217,198,198,222,233,230,230,235,238,238,238,238,241,243,243,241,238,238,238,235,233,230,233,233,233,233,233,233,233,235,235,233,233,230,230,230,228,225,225,225,225,217,215,212,212,215,215,215,215,222,222,222,222,222,225,225,225,225,228,225,212,196,191,200,215,217,217,215,212,212,217,222,228,230,230,225,224,224,228,228,226,228,230,233,235,235,235,230,225,225,228,230,228,225,215,202,147,146,202,215,212,203,202,212,228,228,215,212,209,207,208,209,212,215,215,215,217,225,225,215,217,217,217,228,228,225,217,215,215,212,215,222,222,222,228,235,238,235,228,224,225,233,238,238,238,233,233,238,238,238,238,235,235,235,238,241,241,238,235,235,235,235,235,235,235,235,235,233,230,230,229,230,233,233,233,230,230,228,228,225,225,225,225,225,225,225,228,228,228,228,225,228,228,225,215,209,204,199,194,190,192,204,215,212,212,212,212,215,215,215,215,212,212,209,209,212,215,212,211,211,212,215,215,215,212,212,209,204,202,199,196,196,202,204,209,209,207,199,192,194,199,204,207,207,207,207,209,209,209,207,207,207,209,212,215,215,215,215,215,215,215,215,212,212,212,212,209,209,207,205,205,207,207,209,207,204,199,194,192,191,194,199,204,207,209,209,209,209,209,209,209,209,207,207,209,209,209,209,209,209,212,212,215,215,215,215,215,212,207,199,145,145,196,207,215,222,222,225,225,225,222,222,225,225,228,228,230,230,230,228,225,225,228,230,230,228,225,228,230,230,225,217,217,225,230,233,235,238,235,230,230,230,233,233,235,235,230,228,222,220,222,230,233,230,230,233,233,233,230,233,233,230,225,215,211,211,215,222,222,225,228,228,225,225,225,222,217,217,225,230,228,228,228,222,215,207,207,207,212,220,222,212,204,203,209,225,233,233,230,222,217,225,230,235,241,241,238,238,233,225,215,209,204,199,147,141,127,120,121,139,196,204,204,204,202,202,200,200,204,212,215,217,225,230,233,235,235,235,235,238,238,238,238,241,241,241,241,246,248,251,254,251,248,248,248,248,248,246,243,243,241,238,235,233,230,228,225,225,222,217,215,215,215,217,217,215,212,209,207,207,209,212,209,204,21,21,25,25,29,29,31,33,33,29,29,29,29,29,31,33,31,29,31,45,45,33,25,19,17,15,17,17,13,11,12,19,25,25,29,37,57,63,61,49,45,37,31,33,53,61,63,0,155,173,163,134,83,67,59,59,63,65,71,79,85,85,79,73,87,101,163,181,181,170,163,163,150,109,101,97,103,150,173,183,183,183,186,194,202,220,248,255,255,255,0,0,0,0,0,243,0,0,0,139,137,139,134,129,124,113,79,81,105,105,116,124,116,75,75,118,160,207,238,255,248,238,225,230,243,255,255,0,0,233,225,215,196,165,139,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,48,25,0,0,0,0,0,0,0,0,0,0,0,17,22,0,0,0,0,0,0,0,0,0,0,165,139,95,0,0,0,139,121,77,48,38,61,95,121,113,90,0,0,77,124,142,0,0,0,0,0,0,228,87,69,59,0,0,0,255,0,0,0,0,0,0,0,0,0,0,0,0,0,43,77,77,77,72,74,49,29,0,202,246,196,168,108,37,39,116,186,230,248,255,255,255,254,255,255,217,83,0,0,0,0,0,13,0,0,7,49,116,121,73,27,0,21,67,59,0,0,85,194,202,168,160,160,160,163,170,178,183,194,202,207,199,194,194,196,202,202,202,202,207,207,191,73,0,9,157,94,90,105,111,105,111,181,199,194,191,199,191,89,31,9,0,0,0,0,0,0,67,142,186,220,222,212,196,173,107,98,97,101,109,176,204,204,186,178,186,186,186,186,186,178,174,178,189,204,212,212,212,212,212,215,207,207,199,189,178,176,181,191,196,199,199,199,199,191,170,170,191,212,225,228,225,217,209,202,194,178,168,168,160,157,160,155,105,99,89,57,38,39,41,43,53,65,57,54,57,71,77,87,144,196,212,222,248,194,0,0,0,33,183,142,35,31,29,67,176,186,181,189,194,212,209,202,202,202,209,202,202,191,191,191,191,191,191,191,189,178,176,176,178,178,178,170,170,170,170,170,176,176,176,123,104,104,107,168,181,181,168,117,105,105,115,165,173,181,189,189,189,117,91,85,97,103,105,103,95,79,66,69,91,155,168,165,155,101,95,97,99,93,87,81,79,79,81,83,83,75,63,59,57,53,52,59,77,95,105,101,109,152,165,173,173,173,165,152,152,152,152,157,168,176,170,113,96,96,99,111,157,170,178,176,168,168,173,183,181,181,170,170,178,178,178,176,176,176,176,173,173,165,163,163,163,170,170,168,168,173,176,176,176,173,165,121,113,105,98,98,107,115,125,125,123,122,123,178,191,189,183,189,194,186,178,119,117,119,178,178,125,117,119,129,196,209,215,215,202,194,189,194,207,215,215,215,222,233,235,233,225,222,215,215,222,225,225,222,225,230,241,241,215,183,105,79,59,53,49,49,49,49,53,73,85,91,99,105,142,99,85,76,76,79,91,105,163,168,178,178,186,194,186,152,93,85,89,99,147,165,155,93,85,71,58,58,63,79,87,85,81,81,87,126,139,152,144,91,71,71,87,91,71,63,79,93,85,73,47,41,35,31,27,35,43,47,47,47,47,47,55,73,139,189,225,254,255,254,235,235,254,255,255,255,255,255,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,163,116,79,69,17,9,72,160,173,170,165,165,170,178,183,183,181,183,183,176,176,178,173,173,186,194,181,165,165,178,168,160,160,160,165,168,168,160,150,107,99,95,91,86,83,85,99,107,106,107,155,176,186,191,191,194,189,165,160,114,110,112,119,168,178,183,186,186,189,191,191,183,170,168,170,173,186,196,202,199,199,191,181,176,183,202,191,129,128,131,183,196,202,207,212,215,212,207,207,207,207,207,204,202,204,207,209,209,212,212,212,212,209,209,209,212,212,212,212,215,225,215,183,183,199,209,209,209,204,129,100,191,209,202,189,189,135,129,181,191,186,181,181,181,178,133,127,115,106,95,90,102,202,225,228,89,0,0,111,222,217,212,209,207,202,204,209,207,202,196,191,178,177,194,202,194,183,178,189,209,222,212,199,189,186,191,204,212,220,222,217,215,209,186,110,102,121,125,67,59,91,173,186,207,225,228,196,113,91,88,93,95,125,189,194,192,192,199,196,179,174,179,204,217,217,215,215,215,212,217,225,217,194,127,127,133,189,207,212,209,212,225,225,209,196,189,196,204,207,204,194,133,116,123,189,186,183,181,133,131,178,181,101,107,199,228,228,230,225,217,215,212,181,117,122,129,181,181,178,183,183,182,186,196,209,209,207,207,217,217,215,215,213,213,215,222,225,225,225,225,228,233,235,235,235,230,225,222,220,220,217,217,215,215,212,215,217,222,222,225,225,228,225,222,217,220,225,225,220,217,217,222,225,225,225,222,222,225,225,222,222,225,230,233,204,95,93,101,105,121,204,222,228,230,230,225,224,221,224,225,225,222,222,222,222,222,222,217,217,217,217,225,228,225,215,213,215,222,225,222,215,211,212,217,222,217,212,209,212,217,217,217,220,225,228,228,228,222,207,143,138,139,147,194,204,207,199,198,212,215,212,207,199,196,196,199,196,191,144,143,144,194,196,194,196,199,194,194,207,212,202,199,207,212,204,199,199,196,145,144,207,233,233,233,230,230,230,230,230,233,233,230,225,228,225,196,183,202,225,233,241,243,243,230,207,65,73,186,194,199,196,191,183,181,183,181,191,215,222,230,230,212,215,222,215,207,209,225,233,228,81,55,107,129,122,123,176,121,94,107,170,189,202,230,248,248,248,228,11,0,0,0,0,0,0,0,0,0,0,186,230,238,233,222,212,196,204,228,238,241,191,173,176,183,183,186,207,233,233,191,127,123,117,115,183,202,217,228,230,228,228,225,212,199,189,183,170,169,189,199,178,123,176,209,222,228,228,235,238,243,241,238,233,215,208,220,230,103,25,71,100,194,222,230,230,233,233,233,233,230,228,228,230,233,235,235,238,233,199,1,0,0,0,0,2,22,93,204,228,235,238,238,235,235,235,238,241,241,238,235,233,233,233,233,235,235,235,235,235,235,235,235,235,235,235,235,235,233,228,217,204,196,191,196,209,217,215,207,204,204,202,186,179,185,194,189,186,186,187,189,194,209,225,230,235,243,241,228,199,191,202,202,191,194,209,215,215,194,105,77,113,141,139,143,194,199,196,191,199,204,199,139,191,204,204,114,86,95,209,228,235,230,189,194,233,238,230,217,207,205,209,212,212,215,217,217,228,233,235,238,241,212,131,132,136,143,139,194,235,235,212,183,186,202,217,212,196,189,191,207,225,230,217,209,217,235,241,225,202,202,225,233,225,199,137,136,137,132,127,133,196,199,194,204,209,200,191,196,207,212,212,212,217,212,126,125,199,207,198,196,196,198,204,209,212,215,220,225,225,225,222,215,215,220,215,212,211,212,215,222,233,241,243,246,238,238,233,141,101,131,228,241,243,238,202,145,196,202,209,217,228,225,212,207,207,209,217,230,235,230,202,200,217,233,238,238,241,241,241,241,241,243,243,243,241,238,237,238,235,230,229,230,235,235,235,235,235,235,235,235,233,230,229,230,230,230,230,230,228,230,228,222,215,215,217,222,222,222,225,225,225,225,225,225,225,225,228,230,230,222,207,202,212,215,215,217,215,211,211,212,217,225,230,230,228,224,222,228,228,228,228,228,230,233,235,235,233,230,228,230,230,228,217,212,204,147,144,149,217,217,205,203,209,217,207,149,204,212,208,207,208,212,217,217,217,222,228,225,215,215,215,217,222,215,204,202,209,212,212,217,228,230,225,228,233,235,233,225,222,225,233,238,238,235,233,233,235,238,238,238,235,235,235,238,241,241,238,235,235,235,235,235,235,235,235,235,233,230,230,230,230,230,230,230,230,230,228,228,228,225,225,225,225,225,225,225,228,228,228,228,228,225,212,202,196,149,149,199,192,191,202,209,212,212,215,217,215,215,215,215,212,209,207,202,204,212,212,211,211,212,212,212,212,212,212,209,204,202,196,195,195,199,204,209,209,207,202,195,195,196,202,207,209,209,209,209,209,207,207,207,209,212,215,215,215,215,215,215,215,215,215,215,212,212,212,209,209,207,205,205,207,209,209,209,204,199,196,194,196,199,202,204,207,209,209,209,209,209,212,212,209,209,209,212,212,212,212,212,212,215,215,215,215,215,215,215,212,207,196,144,144,196,207,215,222,222,225,225,225,225,225,225,228,230,230,230,230,230,230,228,228,228,230,230,225,224,225,228,230,228,225,222,225,230,235,235,235,233,230,230,230,233,235,235,233,230,228,222,220,222,230,233,230,230,233,235,235,235,235,233,230,228,222,215,217,222,228,228,228,228,225,222,222,225,222,217,216,217,225,228,230,230,228,222,215,209,209,212,222,225,215,205,203,207,217,228,230,228,217,215,217,230,238,243,246,243,243,238,230,217,212,207,199,194,141,125,119,121,137,196,204,207,207,204,204,204,207,212,217,217,217,225,230,230,230,230,233,235,238,238,241,241,241,241,241,241,243,248,251,251,251,248,248,248,248,248,246,246,243,241,238,235,233,233,230,230,228,222,217,213,213,215,217,217,217,215,212,209,209,209,209,209,204,25,21,21,25,25,27,29,31,31,29,27,25,25,27,29,29,27,25,29,35,35,27,21,17,17,17,17,21,13,10,11,17,21,25,25,31,45,53,51,37,35,35,31,35,53,51,53,0,155,173,160,126,79,71,65,71,71,67,67,73,79,79,73,75,81,95,147,163,170,173,163,173,163,165,109,103,103,150,165,176,183,189,194,202,215,238,255,255,255,255,255,0,0,0,0,243,233,215,178,168,155,147,137,124,116,79,69,67,67,69,105,108,75,61,61,69,124,176,220,241,241,221,215,217,233,251,251,0,0,0,0,225,207,165,121,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,33,17,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,152,111,0,0,0,118,118,87,53,33,48,72,79,64,38,0,0,61,105,95,0,0,0,0,255,255,254,74,1,0,0,0,0,238,0,0,0,0,0,0,0,0,0,0,0,0,0,43,77,85,79,79,79,74,29,1,55,92,31,19,5,0,15,75,194,254,255,255,255,255,255,255,251,194,71,0,0,0,0,0,0,0,0,0,25,75,116,69,0,0,0,65,118,121,152,194,217,207,176,168,176,176,168,170,173,183,196,204,207,199,191,191,196,204,209,204,202,194,196,186,97,0,7,101,99,95,105,105,111,181,207,215,207,207,207,196,95,45,15,0,0,0,0,0,0,0,61,150,204,222,215,212,186,150,101,107,152,176,191,204,204,194,186,194,196,196,194,186,176,174,178,189,196,204,212,212,212,212,207,199,189,178,131,178,186,191,199,207,207,207,204,199,191,191,191,207,217,225,217,215,209,209,209,209,202,202,194,183,160,157,150,101,89,89,71,47,43,43,47,59,57,52,52,59,81,129,150,189,209,207,204,238,199,59,0,0,55,103,139,57,34,30,79,186,181,173,186,194,204,202,194,194,202,202,194,183,183,191,191,191,191,196,191,189,178,176,176,178,181,178,178,181,181,176,176,176,176,170,111,102,101,107,168,181,181,168,107,98,100,107,160,178,196,199,196,186,99,73,73,83,91,97,89,73,65,62,67,91,150,157,147,95,89,89,91,93,93,89,87,81,81,81,87,85,75,67,59,53,50,50,59,83,144,160,168,168,176,183,181,176,168,157,113,113,152,155,157,168,168,160,109,96,98,105,119,170,178,176,176,170,170,173,173,173,173,170,170,178,178,178,176,176,176,176,173,173,165,163,163,163,170,168,168,168,165,165,170,170,125,125,119,109,105,101,107,117,125,168,168,123,123,127,183,199,202,202,199,196,186,178,127,119,119,176,178,121,119,119,178,196,209,215,199,135,117,117,135,202,222,222,215,225,235,235,235,225,222,215,213,222,225,225,220,215,215,220,220,202,163,91,65,53,48,47,49,53,53,57,79,91,105,142,144,152,144,91,79,76,79,91,111,165,178,168,168,178,186,194,178,105,93,89,99,152,178,165,99,87,77,67,63,63,73,83,83,80,83,91,137,152,163,144,79,50,53,79,81,63,63,85,129,129,79,47,33,27,21,19,23,31,47,55,59,55,55,67,87,147,186,225,251,255,251,243,241,251,255,255,251,254,255,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,134,113,87,103,111,103,108,147,170,176,170,173,181,183,183,181,181,186,186,181,178,178,170,166,169,176,170,101,97,155,157,160,163,160,165,173,176,170,155,109,101,95,91,86,82,85,105,107,103,102,113,173,181,183,186,186,170,111,116,176,176,168,165,165,165,170,181,186,189,191,186,173,123,123,168,173,181,194,202,202,202,196,178,176,183,196,194,178,130,127,129,181,189,196,204,207,207,207,207,209,209,207,204,202,204,209,212,212,212,215,215,212,209,209,209,209,212,209,204,204,209,202,121,125,199,212,212,204,196,189,133,191,209,212,209,212,191,178,186,196,194,186,183,183,183,189,196,199,189,111,99,107,191,209,209,75,0,0,35,225,215,204,202,196,191,194,199,202,199,191,183,176,177,191,194,189,181,129,121,181,194,191,181,181,189,199,204,204,209,215,212,209,202,183,113,103,110,115,61,24,60,183,196,209,204,186,181,183,204,225,230,209,196,199,204,202,196,199,202,183,174,177,199,217,220,217,217,215,215,217,220,212,191,131,129,128,129,183,199,209,225,230,222,207,191,187,199,212,212,204,199,191,120,125,183,181,178,178,133,176,186,186,92,93,114,215,225,225,209,202,202,196,178,123,127,127,133,181,183,191,191,183,183,186,191,196,202,212,222,222,217,215,215,215,217,222,225,222,222,222,225,228,230,228,225,225,225,228,228,225,222,222,217,215,215,215,217,222,222,222,222,228,228,228,225,225,225,225,222,217,220,222,220,217,220,222,225,225,222,222,225,228,230,222,73,60,73,105,109,137,215,217,217,222,225,225,225,224,224,225,228,228,230,228,228,225,225,222,222,220,222,225,228,225,217,213,217,222,222,215,212,211,215,222,222,217,209,208,209,215,217,217,217,222,228,230,233,228,209,141,136,137,143,199,212,217,212,207,212,202,195,196,195,195,196,199,199,194,144,144,145,196,202,199,194,192,190,192,207,212,202,199,207,215,212,209,209,209,202,199,217,233,233,233,233,235,235,233,233,230,230,228,216,217,222,196,182,191,215,230,246,238,215,123,43,0,29,181,191,191,191,194,194,191,189,191,207,228,233,233,230,212,212,217,212,207,212,228,235,225,49,73,212,176,117,117,125,194,181,121,176,196,215,233,238,225,204,65,27,99,209,194,111,189,191,0,0,0,59,209,225,233,225,209,202,196,207,225,233,233,209,183,176,181,183,181,181,212,215,181,125,115,96,86,109,189,215,225,230,230,230,225,217,207,202,207,202,194,202,199,183,176,191,215,230,228,228,233,235,238,235,233,230,220,209,212,217,196,93,107,117,176,204,225,230,230,233,230,230,228,226,226,228,230,235,235,235,241,233,2,0,12,115,115,19,41,220,228,233,238,235,234,235,234,235,238,241,241,241,241,238,238,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,233,222,207,199,194,183,196,215,220,215,207,202,191,182,181,186,189,185,185,189,189,187,191,204,209,145,191,225,230,222,207,207,220,220,202,194,202,212,222,207,101,79,135,143,135,141,204,222,207,117,116,186,202,207,215,225,212,111,82,88,143,222,233,222,121,135,230,238,233,222,209,207,215,225,222,217,215,212,217,228,228,230,230,215,125,126,147,196,117,121,228,228,209,189,191,202,209,212,204,191,186,199,222,230,222,215,222,233,235,215,198,200,228,235,225,204,143,143,191,137,130,137,199,195,191,202,209,200,192,196,209,215,209,204,205,212,139,130,145,204,207,202,199,199,204,209,215,217,225,228,230,230,222,212,212,215,212,212,212,212,215,222,230,241,246,243,246,248,241,135,39,35,133,233,243,246,222,199,199,204,217,230,233,228,215,202,149,202,225,235,243,241,209,205,215,230,241,243,241,241,241,243,243,243,243,243,241,238,237,238,235,230,229,233,235,235,235,235,235,235,235,235,233,230,230,233,235,235,235,230,217,225,228,228,225,222,217,225,228,228,228,228,228,225,225,222,225,228,228,228,228,225,215,212,212,211,211,215,217,212,211,209,212,222,228,230,228,224,224,228,230,230,228,228,230,230,235,235,235,233,230,233,230,222,212,209,212,204,149,199,217,217,207,203,207,209,196,143,202,215,212,212,212,217,225,225,225,228,230,225,213,213,217,217,212,143,134,143,204,212,215,222,233,233,230,228,230,233,233,228,225,228,235,238,238,235,233,233,235,238,238,238,235,235,235,238,241,241,238,235,235,233,233,233,233,233,233,233,233,230,230,230,230,230,230,230,230,230,228,228,228,228,228,228,228,228,225,225,225,225,225,228,228,217,199,144,143,143,147,204,199,196,202,207,209,212,217,217,217,217,217,217,212,202,194,191,196,207,212,212,211,212,212,212,212,212,212,209,204,202,196,194,195,196,204,209,212,209,204,199,196,199,202,207,212,212,209,209,207,207,205,207,209,212,215,215,215,213,213,213,213,215,217,215,212,212,209,212,212,209,207,205,207,209,209,209,204,199,199,199,202,204,207,209,209,212,212,209,212,212,212,212,212,212,212,215,215,215,215,215,215,215,215,215,215,215,217,217,212,207,196,145,147,199,209,217,222,222,222,222,225,225,225,228,230,233,233,233,230,230,230,230,230,228,228,228,225,224,225,228,230,230,230,228,228,233,235,235,233,230,230,230,233,235,238,235,235,233,228,222,222,225,230,233,233,233,233,235,235,238,238,235,233,230,228,222,225,228,230,230,228,228,225,222,220,222,225,217,215,215,217,225,230,233,230,225,217,212,209,215,222,222,217,209,205,207,212,222,230,228,217,212,215,225,233,241,243,246,243,241,233,222,215,209,204,149,135,122,120,125,139,147,199,207,207,207,204,209,215,220,222,217,215,222,228,228,228,228,230,233,235,238,238,238,238,238,238,241,243,246,251,251,251,248,248,251,251,248,248,246,243,241,238,235,233,233,230,230,228,225,217,215,215,215,217,217,217,215,215,212,209,209,209,207,204,23,21,23,23,25,25,25,29,29,29,25,25,25,25,29,29,21,21,23,29,29,21,19,21,17,17,17,19,15,12,12,15,21,23,25,29,35,47,37,35,29,29,29,35,47,35,35,0,0,165,144,121,79,71,71,79,79,71,67,65,73,73,73,73,75,87,107,150,163,163,163,173,183,173,115,109,109,152,165,183,194,196,199,199,212,238,255,255,255,255,255,255,0,255,255,251,238,217,196,178,176,155,139,116,73,63,59,61,61,61,61,63,49,43,39,49,98,142,199,230,230,222,215,217,233,251,255,0,0,0,0,0,215,165,113,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,25,17,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,144,118,85,0,95,118,118,113,69,25,25,53,69,64,48,0,0,74,95,43,0,0,0,0,255,255,235,85,0,0,0,0,0,255,0,0,0,0,0,0,0,0,0,0,0,0,0,59,85,87,85,87,95,90,49,27,1,0,0,0,0,0,0,51,202,255,255,255,255,255,255,255,235,168,61,5,0,0,0,0,0,0,0,3,29,67,113,69,0,0,0,51,116,147,189,220,241,217,191,186,196,199,186,170,170,178,189,196,199,191,186,190,196,204,209,204,196,191,196,199,183,0,0,55,89,99,109,170,189,207,225,228,225,225,228,199,93,31,13,0,0,0,0,0,0,0,3,91,207,230,220,217,194,168,152,168,191,204,212,209,204,196,191,186,186,186,186,186,176,178,189,189,189,196,209,212,212,207,199,181,127,115,116,181,199,204,207,204,199,191,191,191,191,199,207,215,215,209,202,191,191,202,209,217,217,209,202,173,109,109,150,99,77,63,55,49,51,49,57,67,57,53,54,71,129,160,194,202,207,196,196,207,144,91,0,0,47,81,95,83,75,71,111,189,181,176,186,186,194,191,186,186,194,194,181,173,173,183,191,199,199,199,199,189,181,176,178,181,186,181,181,186,181,176,176,176,176,165,119,105,107,117,173,181,181,168,107,97,97,101,115,176,196,196,178,103,71,65,71,81,87,85,79,65,64,66,75,91,97,91,79,73,83,91,91,89,89,93,95,93,83,79,77,75,73,69,63,57,53,57,75,144,170,181,189,186,183,183,181,173,157,115,113,113,117,160,163,163,157,115,107,99,103,115,165,178,181,181,178,178,176,173,170,168,168,170,170,178,178,178,176,176,176,176,173,173,163,163,163,163,170,168,168,121,121,121,123,123,119,119,113,105,105,105,113,125,170,181,170,168,168,178,191,204,215,215,202,196,186,178,127,119,121,168,178,121,119,127,178,196,204,199,178,107,95,101,121,196,222,222,222,233,241,241,241,235,225,222,213,213,220,225,220,204,199,202,196,183,111,85,59,49,49,49,49,57,57,65,73,85,99,105,144,152,150,99,85,85,91,105,152,176,178,168,165,165,186,196,196,178,144,99,99,152,178,168,137,91,77,71,63,55,67,77,83,83,91,126,134,152,152,134,71,47,48,71,71,51,63,129,152,144,85,47,27,19,13,12,15,29,53,79,79,69,67,87,105,165,196,225,243,243,243,233,235,243,254,251,246,243,243,235 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,118,113,118,129,124,121,139,163,173,181,183,186,189,186,183,183,186,183,177,177,178,173,165,166,170,168,79,73,91,113,157,163,160,163,170,176,173,163,115,105,97,95,93,87,91,107,111,104,104,117,163,165,170,173,170,118,105,110,176,186,186,178,123,118,121,168,178,186,189,178,123,120,121,127,173,181,191,196,196,202,199,178,173,178,191,194,194,186,130,129,135,181,186,196,202,202,204,207,209,209,209,204,204,207,209,212,209,212,215,212,212,207,207,207,207,209,204,196,195,196,181,91,99,194,209,209,194,186,189,186,135,183,202,207,199,133,132,183,189,189,183,181,186,196,209,217,217,225,222,194,183,191,202,204,199,57,0,31,207,209,202,194,191,186,189,194,199,196,191,183,177,177,189,189,183,181,123,111,123,131,119,68,65,109,196,199,194,199,204,204,202,196,186,129,111,108,113,115,75,95,181,186,176,170,176,189,207,222,228,225,222,215,212,212,212,209,212,212,207,186,181,189,202,209,215,215,215,215,215,212,204,189,131,129,126,126,131,191,207,222,225,215,204,189,187,202,212,212,204,199,202,186,133,121,117,127,135,133,129,178,186,131,119,119,194,209,202,181,189,194,194,186,183,186,131,131,133,135,186,194,196,199,196,183,137,191,209,217,220,217,217,222,222,222,222,222,217,217,217,217,222,225,220,216,217,222,228,230,230,228,228,222,215,212,212,215,217,215,215,217,225,228,228,225,225,225,225,222,222,222,222,217,216,216,222,225,222,215,215,220,222,204,72,45,57,135,204,207,212,215,215,217,222,225,228,230,228,228,228,230,230,230,230,228,225,225,225,228,225,222,225,225,222,217,217,220,220,217,212,212,217,225,228,225,220,215,209,209,212,217,217,220,222,225,230,235,233,217,147,137,137,143,196,209,217,212,209,215,202,195,196,196,196,196,199,199,196,191,144,145,199,207,204,199,196,194,196,199,196,194,199,209,212,209,212,212,209,204,207,222,233,235,235,235,238,238,235,233,230,230,228,222,222,217,202,186,194,209,225,238,125,19,0,0,0,115,217,209,199,196,199,202,196,189,189,196,217,230,228,196,125,199,217,215,212,217,233,243,217,15,41,233,230,233,204,123,191,183,125,168,183,204,215,217,207,183,75,99,248,251,238,235,255,251,107,0,0,105,220,230,233,222,204,194,199,209,222,228,230,215,204,207,196,181,135,93,85,199,202,202,202,121,102,115,181,199,222,230,233,230,228,222,222,225,228,230,225,215,202,183,181,202,222,233,230,228,230,233,235,235,233,230,225,217,212,209,199,125,173,170,178,204,225,230,230,230,230,230,228,228,228,230,233,235,235,235,238,243,91,33,133,202,255,43,43,215,230,235,238,235,235,235,235,235,238,238,238,241,241,241,241,238,235,235,235,235,235,235,235,235,235,235,235,235,235,238,238,238,228,209,202,199,191,199,207,204,204,204,199,191,185,189,199,199,191,189,191,191,189,191,199,145,130,131,191,209,212,205,205,217,220,209,202,207,217,228,207,105,93,127,139,139,196,222,241,230,110,108,125,194,215,230,238,243,230,125,122,191,209,215,89,33,65,233,235,230,222,212,212,225,233,233,230,225,213,215,215,209,199,196,196,119,128,246,243,113,107,209,209,202,194,202,207,207,209,212,199,186,196,212,222,217,215,222,228,225,212,202,209,235,238,225,202,145,196,209,209,199,209,217,207,196,202,209,207,202,207,215,215,207,198,198,217,215,145,196,207,209,207,202,202,207,212,217,222,225,228,230,230,222,209,209,212,212,217,222,222,217,217,225,235,243,243,246,248,251,248,61,22,58,202,228,241,228,209,204,212,230,238,235,228,217,202,138,137,217,235,243,243,215,208,215,230,241,243,241,241,243,243,246,243,243,243,241,238,238,238,238,233,230,235,238,238,238,238,238,238,238,235,233,233,233,235,238,238,233,212,136,147,217,233,238,230,222,228,230,233,230,230,228,228,222,222,225,228,225,222,222,222,217,212,212,209,211,217,225,217,211,209,211,217,225,230,230,228,225,228,230,230,230,230,228,230,230,233,233,233,233,230,225,212,207,207,215,212,204,204,212,212,205,205,207,202,137,135,204,222,222,220,222,225,228,228,228,230,233,228,217,222,228,225,215,138,129,141,204,215,222,228,233,233,230,228,230,233,233,233,230,230,235,235,238,235,230,230,235,238,238,235,235,235,235,238,241,241,238,235,233,233,233,233,233,233,233,230,230,230,230,230,230,228,228,228,228,228,228,228,228,228,228,228,228,228,228,225,225,225,225,228,225,209,147,142,142,143,145,202,204,204,207,209,209,209,212,215,215,222,225,222,209,192,187,189,194,207,212,215,212,212,212,215,215,212,212,209,204,202,196,195,196,199,204,209,212,209,204,202,199,202,207,212,215,215,212,209,207,205,205,207,209,215,215,215,215,213,213,213,213,215,217,215,212,209,209,212,215,212,209,207,207,209,209,207,204,202,199,202,204,207,209,212,215,215,215,212,212,212,215,215,215,215,215,215,215,215,215,215,215,215,215,212,215,217,222,222,215,209,202,199,202,209,215,217,220,217,217,222,222,225,225,228,230,233,233,233,230,230,233,233,233,230,228,225,225,225,228,230,233,233,233,230,230,233,235,235,233,230,230,233,235,238,241,238,238,235,233,228,228,230,233,235,235,233,233,230,233,235,235,235,233,230,228,225,225,228,230,230,230,230,228,222,217,220,225,222,216,215,217,225,228,230,230,228,222,215,212,217,222,222,220,215,212,207,207,217,230,230,222,209,209,217,228,235,241,241,241,241,238,228,217,215,212,149,123,118,121,137,147,149,196,204,207,207,204,209,217,222,222,215,212,217,225,225,225,225,228,230,233,235,235,238,238,238,238,238,243,246,248,251,248,248,251,251,251,251,248,246,243,241,238,235,233,230,228,228,225,225,217,217,215,215,217,215,215,215,212,212,209,207,207,204,204,23,23,23,23,23,23,25,25,27,27,25,25,25,25,27,25,19,17,19,21,21,17,17,21,19,14,14,15,15,13,13,15,17,21,25,27,31,31,31,27,25,25,27,35,35,29,30,65,134,144,134,87,73,66,71,79,79,73,65,63,63,67,73,73,75,89,101,109,115,115,165,173,194,183,165,117,111,117,165,183,202,202,196,191,194,222,251,255,255,255,255,255,255,255,255,254,238,225,207,196,189,170,139,108,61,43,43,49,49,43,43,43,39,38,38,43,85,124,176,212,220,222,218,222,241,251,255,0,0,0,0,0,0,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,25,14,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,118,95,0,111,118,129,121,72,17,0,35,95,118,98,0,0,126,118,25,0,0,0,0,255,255,246,121,27,0,0,0,0,255,0,0,0,0,0,0,0,0,0,0,0,0,0,59,85,95,85,87,98,98,87,47,0,0,0,0,0,0,0,7,191,255,255,255,255,255,255,255,235,176,69,25,0,0,0,0,0,0,0,9,41,73,113,65,7,0,0,21,49,67,152,215,228,217,207,199,220,225,202,178,170,173,186,194,199,191,189,190,191,202,204,202,194,190,196,222,212,0,0,11,87,111,176,202,215,225,233,233,228,233,238,228,93,21,9,19,21,0,0,0,0,0,0,63,196,230,230,220,209,194,194,199,207,220,220,209,204,196,196,186,183,178,176,176,174,178,196,194,178,189,204,212,212,207,196,178,117,112,115,189,207,207,199,191,181,170,169,176,191,199,207,207,199,189,178,173,183,199,209,215,217,209,194,113,94,101,150,93,55,46,46,55,57,59,67,77,71,63,71,85,142,183,199,194,183,178,189,196,168,147,0,0,43,71,83,89,144,147,155,170,170,176,181,186,186,183,173,181,186,186,170,168,170,183,191,202,204,199,199,189,183,178,181,189,196,189,189,189,181,170,170,178,178,170,121,119,119,163,173,176,176,168,107,98,100,101,107,160,178,160,83,46,49,65,75,81,87,85,75,67,69,75,85,85,79,72,71,71,83,91,85,82,84,95,144,99,87,71,67,67,67,71,71,69,63,69,97,165,178,186,191,191,183,183,181,173,155,114,114,152,160,160,163,117,109,109,107,107,109,119,170,181,186,186,186,183,178,170,165,165,168,170,178,178,178,178,176,176,176,176,173,173,163,163,163,163,170,168,163,121,119,121,121,119,119,113,111,107,105,107,113,125,183,186,183,181,181,186,196,215,225,222,207,194,186,178,127,125,125,125,127,121,117,125,178,189,194,181,117,95,92,97,121,194,212,215,222,230,238,241,238,233,230,222,213,209,215,225,220,199,186,183,183,165,105,83,65,53,53,53,53,57,65,65,65,79,91,97,105,144,144,105,97,97,105,144,155,176,178,165,164,164,178,202,207,194,165,144,105,152,178,178,144,91,77,63,53,47,55,73,83,87,93,126,129,134,137,126,77,49,48,51,51,48,67,139,176,160,91,43,23,15,12,11,13,27,47,71,79,79,87,101,163,186,204,225,228,225,222,217,225,241,251,251,235,228,225,213 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,113,126,139,144,134,126,139,152,165,178,186,189,189,189,189,186,183,181,177,177,181,176,168,166,170,173,97,64,62,99,109,111,155,160,163,168,173,170,155,103,93,93,99,97,99,107,113,113,117,160,160,119,163,165,163,163,119,121,170,178,181,173,122,118,119,123,165,178,183,176,125,122,123,168,178,183,189,186,125,178,189,178,173,173,178,181,194,199,189,181,183,181,181,191,202,204,204,207,207,209,209,207,207,209,209,209,209,212,212,212,209,207,207,207,209,209,207,202,204,202,111,29,81,183,202,202,178,123,183,186,117,105,127,189,135,126,128,133,181,181,181,181,191,209,222,225,222,225,225,212,204,199,199,202,225,209,85,87,189,202,199,189,186,186,186,191,194,191,186,183,177,177,189,194,194,196,181,119,115,113,100,66,63,105,189,194,186,183,186,191,196,196,194,189,178,117,117,125,127,115,79,35,49,109,186,204,215,222,225,222,220,222,217,217,215,215,217,222,222,207,194,186,186,194,202,207,209,209,209,202,194,183,129,128,127,126,131,191,207,215,217,217,202,189,187,196,209,209,207,202,202,202,189,119,114,116,125,129,127,131,189,204,215,183,181,181,121,114,183,196,194,191,191,186,135,133,135,131,128,137,204,217,225,137,127,139,204,212,215,222,225,225,228,225,222,217,217,215,215,217,222,225,217,215,215,217,225,230,235,235,233,225,217,212,209,209,212,209,209,212,222,228,228,228,228,225,222,222,222,225,225,222,217,217,222,222,217,212,211,212,207,111,46,40,81,225,235,228,222,215,213,217,225,222,225,228,230,230,230,230,228,230,228,225,225,225,228,228,225,222,222,220,217,217,220,222,217,212,212,215,222,228,228,222,217,217,212,209,212,217,222,225,222,225,230,235,238,228,204,143,141,147,199,207,209,205,207,222,209,202,202,199,199,196,196,199,199,196,144,144,196,204,207,204,204,207,204,196,187,187,196,204,204,202,207,207,202,204,212,225,230,233,233,233,235,235,235,233,230,230,230,233,233,225,196,129,131,199,202,89,27,0,0,0,0,220,235,233,222,215,217,215,204,186,129,127,196,215,207,111,100,119,215,215,215,225,235,243,170,0,19,222,238,241,215,113,168,186,170,127,181,199,207,215,217,204,202,220,246,243,241,241,251,243,209,0,0,85,225,233,233,217,196,189,204,212,225,230,228,202,196,209,202,131,113,59,67,186,212,204,209,215,215,207,191,191,209,225,230,230,225,222,228,233,235,238,233,220,199,179,179,207,225,233,233,230,230,235,238,238,235,233,233,225,217,204,127,63,186,191,196,209,228,235,233,230,230,233,233,230,230,233,233,235,235,233,233,241,183,105,135,178,207,45,47,196,233,238,238,238,238,238,238,238,235,235,235,238,241,241,238,235,235,235,235,235,235,235,235,235,235,235,235,235,238,238,241,241,228,207,199,202,212,209,199,192,196,202,202,191,187,194,207,209,204,194,191,189,187,191,202,194,135,134,145,204,209,207,207,212,212,209,207,212,228,235,215,117,125,143,189,189,194,209,233,228,116,115,127,189,215,230,238,243,243,222,199,204,215,207,62,20,59,222,225,225,225,222,228,233,238,241,238,235,228,222,217,204,143,138,139,116,204,246,248,121,89,147,199,196,202,212,215,212,209,212,207,199,202,207,209,215,217,222,220,209,202,196,212,233,233,217,196,143,196,215,225,228,230,228,212,202,202,207,209,212,215,215,212,207,196,192,212,225,209,207,212,212,212,207,207,209,215,217,225,228,230,233,230,222,207,207,209,212,225,230,233,228,217,222,233,241,243,243,246,251,255,235,61,65,137,199,228,225,212,215,225,238,243,238,225,212,149,139,140,222,235,238,235,217,212,222,233,241,241,241,241,243,246,246,243,241,241,241,241,241,241,238,235,235,238,238,238,238,238,238,238,238,238,235,235,235,235,238,235,228,141,128,141,222,235,241,235,228,228,233,235,233,230,230,225,217,215,222,225,225,222,222,222,217,215,215,212,212,222,225,222,215,212,215,220,225,228,230,230,230,228,230,233,233,230,228,228,228,228,230,230,230,222,207,202,207,212,217,212,203,202,204,209,209,215,215,145,120,123,202,228,230,230,228,228,228,228,228,228,230,228,222,230,235,233,225,151,140,149,207,222,228,230,230,230,230,230,230,233,235,235,233,230,233,233,235,233,230,230,233,235,235,235,235,235,235,238,241,241,238,235,233,233,233,233,233,233,230,230,229,229,230,230,230,230,228,228,228,228,228,228,228,228,228,228,228,225,225,225,225,225,225,228,222,207,147,143,145,147,147,196,204,209,209,209,209,209,212,212,215,217,222,217,207,192,187,191,196,204,212,215,215,215,215,215,215,212,209,207,204,202,202,199,199,202,204,209,209,209,207,204,204,207,212,215,217,217,215,209,207,205,205,207,212,215,217,217,217,215,215,215,215,217,217,215,209,204,207,212,217,217,212,209,207,207,207,207,204,202,199,199,202,207,209,212,217,217,217,212,212,212,215,215,215,215,215,215,215,215,215,215,215,215,215,212,215,215,220,222,217,212,209,209,212,215,217,222,222,217,217,217,222,222,225,228,230,233,233,233,230,230,233,233,233,230,225,225,228,228,233,233,235,233,233,235,235,235,235,235,233,233,235,235,238,243,243,241,241,238,238,235,235,235,235,235,235,233,228,225,225,228,230,230,230,228,225,224,225,225,228,228,228,228,228,222,215,216,225,228,222,220,225,228,230,230,228,228,225,222,220,222,225,225,225,222,215,207,205,212,228,233,225,212,207,212,222,230,235,238,238,241,241,235,228,228,225,204,120,117,127,196,202,199,196,202,204,204,202,204,212,215,212,207,205,212,220,222,222,225,225,228,228,230,233,233,235,238,238,241,243,248,251,251,248,248,248,248,248,248,248,246,243,241,238,235,230,228,225,222,222,222,222,217,217,217,215,212,209,209,209,209,209,207,204,204,204,27,23,23,23,23,23,23,23,23,27,27,27,27,27,27,23,19,15,17,19,15,15,19,27,23,15,13,15,19,19,19,19,17,19,23,23,23,23,23,23,23,23,27,33,37,28,27,59,118,134,126,85,71,66,67,81,81,75,65,62,62,65,67,75,75,89,103,109,109,109,115,173,194,194,176,117,117,117,168,186,199,199,191,178,176,191,215,233,251,255,255,255,255,255,255,254,233,217,207,199,189,170,139,105,53,37,33,39,43,37,37,39,43,39,43,43,82,108,150,194,212,222,225,233,243,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,59,40,25,14,9,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,113,118,118,111,69,4,0,33,160,204,173,0,0,0,137,30,0,0,0,0,255,255,255,126,25,0,0,0,215,144,0,0,0,0,0,0,0,0,0,0,0,0,0,25,69,77,79,87,103,105,98,87,33,0,0,0,0,0,0,0,77,255,255,255,255,255,255,254,255,202,113,51,25,0,0,0,0,0,0,0,25,111,144,79,39,0,0,0,0,0,25,173,191,202,207,202,222,243,212,189,170,170,181,189,199,194,191,190,191,196,202,202,194,191,196,212,119,0,0,53,160,189,215,225,225,225,228,228,233,233,230,217,144,55,31,53,61,37,0,0,0,0,0,43,186,230,230,228,228,228,220,209,212,212,204,199,196,196,196,186,186,178,176,174,172,189,204,196,173,173,196,212,215,207,199,181,129,116,127,199,212,207,199,191,170,164,163,170,181,191,191,189,173,168,121,173,183,202,209,209,209,202,183,113,94,99,105,75,46,45,48,57,65,57,69,85,89,83,89,97,147,173,183,170,157,155,168,181,191,170,0,0,57,73,75,87,147,147,105,111,157,176,176,183,186,178,173,181,191,186,170,168,176,191,199,204,199,196,191,191,189,181,186,196,204,199,194,189,178,168,170,178,183,176,165,165,163,163,163,173,176,173,155,103,107,152,109,107,99,71,44,40,49,75,81,81,85,89,81,75,75,75,79,79,73,73,73,79,85,85,82,79,85,144,157,147,89,71,65,65,67,73,77,79,75,81,144,170,178,181,194,191,183,179,181,173,157,155,160,170,165,160,157,109,99,101,107,107,113,119,170,178,178,178,186,183,176,165,160,160,165,176,183,183,181,178,176,176,176,173,173,173,165,163,163,165,170,168,163,121,121,121,119,119,119,115,113,109,105,107,117,170,186,194,194,189,191,196,199,215,233,225,207,194,183,183,176,125,125,125,125,117,117,125,176,186,176,125,105,94,95,111,127,194,207,212,215,225,238,238,238,233,225,217,213,213,225,225,215,191,181,183,183,165,111,87,73,65,57,57,57,57,65,65,65,73,91,97,97,97,97,97,105,144,144,152,160,165,178,178,164,164,178,204,207,194,181,163,152,152,178,178,144,87,69,55,46,45,49,69,83,83,91,93,91,91,126,126,91,73,51,51,48,45,69,144,183,181,126,45,25,15,12,12,19,25,35,47,71,87,99,152,178,204,215,225,215,204,196,196,212,233,241,243,235,225,216,208 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,90,131,134,137,129,125,134,150,160,173,183,186,189,191,194,191,186,181,178,181,186,181,170,168,170,178,191,62,49,79,83,72,111,155,157,163,173,173,160,101,83,79,97,105,107,109,115,160,168,165,157,115,117,117,157,170,176,170,170,168,168,165,163,123,123,122,121,170,186,181,173,170,170,173,178,183,186,123,52,55,170,176,176,173,127,122,173,194,191,189,186,133,133,189,204,207,207,204,207,209,209,212,212,212,212,212,212,212,212,209,207,207,207,207,209,212,212,212,217,217,87,0,69,129,183,183,115,109,129,178,111,90,101,181,133,128,129,132,183,186,183,189,202,222,228,225,222,222,217,215,215,209,199,198,215,212,207,133,133,191,183,135,181,189,191,189,181,135,135,178,178,178,191,204,212,215,215,207,119,93,93,135,189,178,183,191,183,179,181,189,199,204,207,204,194,178,121,117,127,123,61,22,173,202,217,215,215,222,225,222,222,222,225,222,215,213,215,225,225,217,204,189,182,183,186,194,196,196,196,186,183,137,131,131,133,131,135,194,207,209,215,225,199,187,186,196,207,212,212,207,199,202,199,183,119,114,117,127,135,135,183,194,202,186,133,123,113,106,181,196,189,186,186,135,135,181,189,135,117,120,196,225,233,123,115,137,202,209,212,222,228,230,230,228,225,217,215,215,215,220,228,230,225,216,216,217,222,228,238,241,238,228,217,209,208,208,209,208,208,209,217,228,230,230,228,225,217,217,217,222,228,228,225,222,220,222,217,215,215,217,222,199,73,77,199,225,230,228,225,222,215,215,222,222,217,222,228,230,230,228,228,228,228,228,225,225,228,228,225,220,217,217,215,212,215,215,209,204,207,212,217,225,222,217,217,217,215,212,215,220,225,228,225,225,230,235,241,233,215,196,147,196,209,212,209,205,207,225,215,204,199,202,202,199,196,199,204,204,196,191,194,199,199,196,202,207,209,202,189,187,189,194,194,196,199,199,199,204,222,228,228,230,228,228,230,233,233,233,230,228,230,238,238,230,119,65,68,178,194,41,23,0,0,0,49,230,238,241,235,233,233,230,215,189,108,114,124,133,123,105,99,107,204,207,215,228,235,238,95,0,0,121,228,230,186,106,107,194,191,189,209,215,212,222,235,235,235,225,230,238,243,238,241,238,230,121,0,69,225,230,228,212,191,185,215,222,233,233,181,60,67,93,189,123,55,41,77,137,194,163,165,202,222,222,204,194,194,207,222,225,217,215,222,230,233,235,233,222,199,177,178,207,228,230,235,233,233,238,235,235,235,235,238,235,228,207,111,43,204,207,207,209,225,238,238,235,233,233,233,233,233,233,235,235,233,233,235,238,109,73,121,178,42,44,57,129,230,241,238,238,238,238,238,235,235,233,233,235,235,235,235,235,235,235,235,238,235,235,235,235,235,235,235,238,238,241,243,243,230,204,195,198,209,207,199,192,196,204,204,194,189,194,204,212,212,194,186,187,186,194,209,215,207,202,207,215,215,217,217,220,217,215,209,209,217,215,119,102,222,228,204,139,139,189,209,212,127,123,131,141,225,235,238,241,238,225,212,217,230,230,196,63,81,129,204,230,230,233,235,238,241,241,241,238,235,230,228,212,196,143,194,128,212,222,222,111,68,133,199,196,207,222,225,215,204,202,204,207,209,209,207,212,225,228,217,199,183,183,196,217,222,209,194,143,194,215,230,235,235,225,209,204,204,207,209,212,215,212,212,212,203,194,207,225,222,217,215,215,217,215,209,207,209,217,225,233,235,235,233,222,207,205,207,209,225,235,238,230,217,215,228,238,241,241,243,246,246,241,199,139,135,147,212,215,212,215,225,235,241,241,225,148,144,148,207,225,233,233,228,217,217,230,238,241,241,238,238,241,246,243,238,233,238,241,243,243,241,238,238,238,238,238,241,241,241,241,238,238,238,235,235,235,235,235,233,222,149,137,225,238,235,235,233,230,230,233,233,233,233,230,222,212,212,217,222,225,228,228,228,222,217,217,212,212,217,222,222,222,217,217,222,222,225,230,230,230,228,230,233,233,230,228,225,222,222,228,230,225,207,147,147,207,222,222,212,203,202,204,212,222,225,228,139,118,122,212,230,235,233,230,230,230,228,228,230,230,222,217,233,238,238,230,215,202,204,212,225,233,230,229,229,229,233,233,235,238,238,233,228,225,230,233,233,230,230,233,235,235,235,235,235,235,238,241,241,238,235,233,233,233,233,233,233,233,230,230,230,230,230,230,230,230,228,228,228,228,228,228,228,228,225,225,225,225,225,225,225,228,225,217,204,147,145,149,196,196,199,207,212,209,209,212,212,212,215,215,215,215,215,207,196,194,196,202,207,212,215,217,217,215,215,212,209,209,207,204,202,202,202,202,204,207,207,207,207,207,207,207,209,212,215,215,217,215,209,207,207,209,209,212,215,217,217,217,217,217,217,217,217,217,215,207,202,204,212,217,217,215,209,209,209,207,207,204,204,202,199,202,204,209,215,217,217,215,212,209,212,212,215,215,215,215,212,212,212,212,212,215,215,215,212,212,212,215,217,215,212,207,209,215,217,217,222,222,220,217,217,217,217,222,225,228,230,233,233,233,233,233,235,233,228,225,228,230,233,235,235,235,233,235,238,238,235,235,235,235,235,238,238,241,243,243,243,241,241,241,241,241,238,238,238,235,230,225,217,215,217,222,225,228,230,228,225,225,225,225,225,225,225,225,217,215,215,222,228,228,228,230,230,230,228,228,228,228,225,225,225,228,230,230,225,215,207,205,207,222,230,228,212,207,209,217,225,233,235,238,238,241,235,233,233,233,217,127,122,143,209,212,204,199,199,202,202,200,200,202,207,207,204,204,209,217,217,222,222,225,225,228,228,230,230,233,238,241,241,243,248,251,251,251,248,248,248,248,248,248,246,243,241,238,235,233,228,225,222,222,222,222,222,220,217,215,209,207,207,207,207,207,207,204,204,204,27,27,25,25,25,23,23,23,23,23,27,27,27,27,25,23,19,15,15,15,13,12,17,27,27,19,15,19,27,29,27,23,19,17,17,17,17,17,19,19,19,23,25,31,33,28,28,51,81,121,91,81,69,64,66,75,83,75,63,62,63,65,67,69,77,83,97,103,109,109,115,165,183,183,176,165,117,117,168,183,186,183,178,168,157,157,178,191,217,235,255,255,255,255,255,251,228,215,199,199,189,170,137,108,53,33,30,32,37,37,43,43,49,49,49,49,82,103,134,163,194,212,233,243,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,74,51,46,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,118,111,95,85,69,0,0,0,0,0,0,0,0,0,0,43,14,0,0,0,255,0,255,103,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,59,77,98,113,108,98,105,95,47,0,0,0,0,0,0,0,163,233,254,255,255,248,255,255,251,155,75,43,0,0,0,0,0,0,0,0,134,183,165,118,51,17,0,0,0,0,85,147,183,194,194,209,230,209,173,107,105,152,176,191,194,191,191,187,194,196,196,194,191,191,176,0,0,0,178,207,217,233,233,225,217,217,225,225,217,207,183,163,101,81,75,79,61,27,1,0,0,0,59,183,230,238,241,246,238,233,220,212,204,196,191,186,186,186,186,186,186,178,172,170,189,204,196,128,124,178,202,207,207,207,196,181,176,181,199,207,204,199,191,181,170,170,176,181,170,170,121,119,119,119,173,194,202,202,202,191,178,173,160,109,105,97,51,45,51,81,75,71,67,75,95,101,95,95,131,147,160,168,155,148,148,153,173,204,160,53,51,105,99,99,93,101,95,95,103,165,189,189,186,191,186,176,173,186,186,176,181,186,191,202,202,199,191,183,183,189,189,189,199,204,204,204,194,181,168,170,178,183,176,170,170,170,163,163,168,173,173,163,107,152,157,105,93,75,51,40,43,75,99,85,77,81,91,85,79,75,72,71,72,81,91,95,89,89,84,82,82,99,160,165,152,93,77,67,67,71,81,85,85,77,85,144,170,173,178,194,191,183,183,181,176,163,163,170,178,165,117,109,99,89,95,107,109,113,119,165,170,178,177,186,183,178,165,160,160,163,176,183,183,181,178,176,176,170,170,173,173,168,163,163,165,168,168,163,121,121,121,119,119,119,115,111,105,105,107,115,170,183,199,202,196,196,199,202,215,233,230,212,194,183,181,176,125,125,117,117,115,117,125,176,176,125,113,103,97,105,117,181,194,199,204,212,225,233,238,233,230,222,215,213,222,230,230,207,183,179,183,194,183,115,97,85,77,65,57,57,57,65,65,65,77,91,97,93,91,91,97,105,144,150,152,160,178,178,178,165,164,178,194,202,186,178,163,152,163,178,178,144,83,69,55,47,46,53,77,83,83,83,83,77,77,89,134,142,124,73,51,46,45,69,144,183,189,134,45,25,21,19,21,21,23,25,35,57,87,107,163,186,212,222,212,202,194,191,191,202,215,230,235,241,241,230,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,40,87,124,126,129,131,139,157,170,181,183,183,189,194,194,189,183,181,186,189,183,176,173,178,189,199,62,61,91,75,64,113,152,151,157,168,176,165,111,97,61,74,105,111,117,160,168,170,163,119,111,109,111,157,168,176,173,163,120,123,165,168,176,173,123,122,170,191,202,191,181,176,176,181,181,170,63,0,42,127,173,183,178,123,118,123,183,186,181,176,122,99,191,209,215,212,212,209,209,209,212,215,215,212,215,215,215,209,207,209,212,209,207,204,207,207,209,212,121,13,0,0,31,117,119,110,111,127,127,91,81,94,115,178,178,135,183,191,186,183,196,217,228,225,225,222,217,215,213,215,215,207,199,202,212,196,103,109,123,121,111,113,199,209,196,178,128,129,135,181,186,199,212,217,217,225,225,204,80,84,212,228,196,183,191,186,183,189,199,209,215,215,212,202,189,181,119,89,95,23,31,183,217,228,222,217,225,225,222,222,225,225,222,215,215,217,222,225,217,212,199,186,182,183,186,186,183,135,131,129,129,131,186,196,194,189,194,202,207,212,209,191,185,186,199,209,215,217,212,199,199,202,194,135,123,125,133,181,133,121,127,135,127,122,131,135,131,183,189,129,93,94,125,135,186,194,194,133,128,183,217,228,106,114,186,204,215,217,225,230,233,228,225,225,217,213,215,217,225,228,230,228,225,225,225,225,228,235,241,241,230,217,212,208,209,209,209,212,212,217,222,228,230,230,225,216,215,216,222,230,228,225,218,218,222,222,222,222,225,228,225,215,207,207,217,225,225,225,222,215,212,215,217,217,222,225,228,230,228,228,225,228,228,228,228,228,228,222,217,217,217,209,151,147,151,153,202,204,209,212,217,222,220,222,225,222,215,215,222,228,228,228,228,230,235,238,235,222,202,194,199,209,217,215,207,212,215,209,199,192,196,204,204,199,202,209,212,207,199,143,142,189,135,127,141,204,215,194,187,189,189,191,196,199,199,199,212,228,230,230,228,226,226,226,228,230,230,230,228,228,233,241,217,117,99,93,207,220,181,0,17,69,0,61,238,243,241,235,235,235,230,222,215,122,115,119,125,119,109,107,107,176,191,204,228,241,209,0,0,0,41,127,176,123,123,202,217,222,225,228,228,230,235,238,241,238,230,228,233,235,235,235,233,225,196,95,79,125,215,222,202,186,189,209,225,233,230,73,38,55,119,207,204,129,40,95,181,183,169,172,212,228,225,212,194,186,186,199,207,204,207,217,225,230,233,228,220,204,179,179,204,217,228,230,233,235,235,235,238,238,238,235,235,235,230,101,18,113,99,99,178,233,238,238,238,235,235,235,235,233,235,235,235,233,235,238,241,102,69,121,199,39,0,101,191,222,243,241,235,235,235,233,233,233,233,233,230,230,230,230,233,233,235,238,238,235,238,238,238,238,238,238,238,241,241,243,246,238,209,195,195,199,202,199,196,195,202,204,199,199,199,202,204,202,191,189,191,194,202,212,222,228,228,230,228,228,228,230,230,230,228,222,212,207,123,101,101,233,230,196,110,123,139,202,209,209,135,123,194,228,241,238,238,233,204,204,225,233,238,230,209,123,129,217,228,233,233,235,238,238,238,241,238,235,235,230,222,212,204,199,196,209,145,95,86,93,194,199,195,209,233,233,212,191,191,199,204,212,212,204,212,228,230,222,207,178,177,196,215,217,207,199,194,202,215,228,230,228,215,207,207,209,212,209,209,209,209,212,217,209,207,212,222,225,222,215,215,217,217,212,205,207,215,228,233,235,233,228,217,209,205,204,207,215,228,233,228,215,215,225,230,233,233,233,233,230,217,202,147,143,149,207,212,212,212,222,230,238,238,209,130,136,199,209,212,222,225,222,222,225,233,241,243,241,235,235,238,241,235,229,228,233,241,243,243,241,241,241,241,238,235,235,238,241,241,238,235,235,235,235,235,235,235,233,228,222,225,233,238,238,235,233,230,228,228,230,230,230,225,215,209,212,217,222,225,228,230,230,228,225,222,215,215,215,204,204,217,215,212,215,217,222,225,230,233,230,230,230,230,228,225,222,220,218,225,228,215,202,143,143,202,212,217,215,209,209,209,209,215,217,217,130,121,204,230,233,233,233,233,230,230,230,230,230,225,217,217,230,238,241,233,220,207,207,217,230,233,230,230,229,229,230,233,235,238,238,230,220,217,222,228,230,230,233,233,233,233,233,233,233,235,238,238,238,238,235,235,235,235,235,235,235,233,235,233,233,233,233,230,230,230,228,228,228,228,228,228,228,225,225,225,225,225,225,225,225,225,225,217,202,145,144,145,149,202,204,207,212,212,212,212,212,212,215,215,215,215,212,204,199,196,199,202,207,212,217,217,217,215,212,207,204,207,207,204,202,202,204,204,204,207,207,204,204,204,207,204,207,212,215,215,215,215,212,212,215,215,212,212,212,215,215,217,217,217,217,217,217,217,215,204,199,200,207,215,215,212,209,209,212,209,207,207,207,207,202,199,204,209,215,217,215,212,209,209,209,209,212,215,212,209,209,209,209,212,215,217,217,217,209,199,202,204,207,212,202,196,207,212,215,217,222,225,222,217,216,216,217,222,225,228,228,230,233,233,233,235,235,230,228,225,230,233,233,235,235,233,233,235,238,238,235,238,238,238,238,238,238,238,241,243,243,243,243,243,241,241,241,235,235,235,230,217,213,212,213,215,222,228,233,235,233,228,228,228,230,228,225,217,216,216,216,220,225,228,230,233,230,230,228,228,228,228,225,225,225,228,230,230,228,222,212,207,209,215,225,222,212,207,207,212,222,228,233,235,238,235,233,233,235,233,212,143,141,202,217,222,212,202,199,204,204,200,199,202,207,207,207,207,212,217,220,222,222,225,228,230,230,233,233,233,235,238,241,243,248,251,251,251,248,248,248,251,251,251,248,243,241,238,238,233,230,225,222,222,222,222,222,222,217,215,209,207,207,207,207,207,207,207,207,207,31,27,27,27,27,27,23,21,21,23,23,27,27,27,27,23,19,17,15,13,13,13,15,19,23,23,23,27,33,37,31,29,25,19,16,15,15,15,15,16,17,19,23,29,31,31,33,49,69,87,87,81,67,63,64,73,81,73,63,65,75,75,67,67,69,83,97,103,109,109,111,117,165,176,183,176,117,117,168,176,176,170,165,119,113,111,111,113,170,199,230,255,255,255,255,243,217,207,199,189,181,157,131,108,63,37,29,30,43,53,79,79,85,90,90,90,100,111,129,152,176,207,233,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,129,100,61,46,53,0,0,0,0,0,233,0,0,0,85,48,0,0,0,0,255,0,196,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,87,137,155,137,108,113,129,113,55,0,0,0,0,0,0,41,163,215,241,248,248,255,255,255,217,150,57,0,0,0,0,0,0,0,1,147,207,196,163,121,71,29,0,0,0,57,95,165,183,183,189,199,194,105,73,73,99,176,194,199,199,196,187,190,202,194,189,191,178,107,0,0,202,215,225,228,233,228,225,215,215,217,215,209,199,186,173,150,101,87,81,67,37,15,0,0,0,59,168,220,248,255,246,238,230,230,230,220,204,196,186,182,185,186,186,178,172,172,178,189,196,189,129,123,127,189,204,207,207,199,189,189,189,189,181,181,189,191,199,199,191,181,121,116,117,119,168,119,119,168,183,194,194,178,159,155,159,168,160,157,105,47,51,89,99,91,91,97,144,152,142,97,92,131,147,168,178,170,155,153,168,183,189,95,53,79,155,155,99,87,95,95,92,99,165,189,189,194,194,186,169,166,173,186,186,194,194,191,199,202,199,191,183,181,181,189,189,196,196,199,204,196,186,170,170,176,178,176,170,176,183,178,168,173,168,168,157,103,101,99,87,71,65,65,65,81,103,105,87,77,81,85,81,75,73,73,72,75,91,144,147,97,89,89,97,144,163,170,163,142,93,77,71,77,81,85,87,85,79,81,107,160,163,178,189,191,186,183,181,173,168,173,178,173,117,95,91,89,89,101,107,113,115,121,165,170,178,181,191,194,183,165,160,160,163,173,181,189,183,176,168,168,160,160,165,173,173,163,163,165,168,163,121,117,117,121,119,119,115,111,105,101,105,113,125,170,183,199,204,204,199,196,202,215,225,220,212,196,183,176,176,176,125,109,106,109,117,176,183,176,125,109,105,103,109,123,186,204,212,204,212,220,233,238,238,233,220,213,215,220,230,230,204,183,182,194,207,191,115,97,97,91,77,57,57,57,65,73,77,81,85,89,91,91,91,97,105,144,144,152,160,186,186,178,178,178,178,186,178,163,155,152,144,147,163,163,144,85,73,69,61,61,69,83,87,77,73,69,67,69,89,142,150,142,116,61,47,47,61,126,183,183,91,33,23,21,21,21,21,21,27,45,71,91,105,163,194,222,222,212,202,194,194,192,194,207,217,230,243,255,251,241 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,134,152,144,126,126,152,170,176,176,173,176,181,186,183,181,181,186,189,186,181,178,183,191,199,61,63,103,91,89,157,155,151,157,160,160,160,160,113,46,59,75,93,163,173,173,168,157,117,111,105,111,157,168,173,168,121,119,121,165,173,186,183,178,173,173,183,189,181,173,176,183,189,186,170,87,32,56,121,170,186,186,170,123,131,186,178,108,92,131,176,194,207,217,222,220,215,212,212,212,215,212,212,212,215,215,209,207,209,212,212,207,202,202,199,194,189,131,75,43,39,33,43,113,115,117,125,129,111,97,115,125,189,199,199,199,194,186,182,194,222,228,228,225,217,213,212,213,215,215,212,207,202,121,68,68,111,133,118,95,98,183,212,215,204,178,130,131,135,189,207,217,217,217,222,228,228,77,79,204,217,209,194,191,189,191,196,204,209,212,212,209,204,199,196,125,73,53,0,0,75,207,230,228,225,228,228,222,222,225,225,222,220,217,217,217,217,217,212,207,196,189,191,194,186,137,129,127,125,121,127,186,204,196,181,135,191,207,209,204,189,183,186,199,209,215,215,212,202,199,202,196,186,178,135,135,131,118,114,119,127,119,117,135,204,212,212,204,129,88,88,96,133,183,194,196,191,183,191,199,117,105,117,194,212,225,222,225,233,233,228,222,222,215,213,215,222,225,228,228,228,228,228,230,233,233,235,241,241,230,222,215,215,217,217,217,217,217,222,222,222,225,228,225,216,215,217,225,228,228,225,218,218,222,228,225,228,228,225,222,209,199,202,212,222,222,217,215,212,212,215,217,222,222,222,225,225,228,228,228,225,228,228,230,230,225,220,217,217,215,153,138,134,140,149,204,209,209,215,220,225,225,225,228,225,217,217,222,225,225,228,230,235,238,241,238,225,204,191,194,209,215,207,199,204,209,204,194,190,191,199,202,199,199,204,209,202,191,140,140,143,131,124,128,191,194,189,196,202,194,191,199,202,202,207,215,228,235,235,233,228,226,226,228,230,230,228,226,226,230,233,204,121,119,199,235,235,95,0,85,125,0,79,246,243,241,235,235,233,230,225,222,212,127,124,131,115,102,109,121,121,125,131,196,191,41,0,0,0,0,0,75,125,186,212,230,233,230,230,233,235,238,238,235,235,233,230,230,233,233,233,225,215,212,209,186,186,199,196,183,178,183,209,215,212,199,71,58,181,207,230,241,238,61,113,191,199,207,222,230,228,225,215,199,183,181,183,183,181,186,207,217,228,230,225,212,202,194,191,196,204,222,230,233,235,235,233,235,235,235,235,235,241,235,109,24,21,22,4,103,233,241,241,238,238,235,235,235,233,235,235,235,233,233,233,238,115,101,238,248,57,20,119,196,222,238,241,238,235,235,233,233,233,233,230,228,228,228,228,230,233,233,235,235,235,238,238,238,241,238,238,241,241,239,241,246,238,217,202,199,204,204,204,202,202,204,207,209,207,202,199,199,196,196,199,207,212,217,225,230,235,238,235,235,233,230,233,233,235,235,235,230,119,93,97,107,212,220,212,121,119,129,199,209,189,77,87,228,238,238,238,233,222,113,141,217,230,235,241,230,209,209,225,233,233,233,233,233,235,235,235,235,235,235,233,228,222,217,209,207,209,91,85,99,199,207,199,195,202,243,246,143,134,143,202,202,199,199,196,212,228,228,222,217,215,207,222,230,228,209,204,207,215,222,225,225,217,207,204,207,209,212,212,209,207,207,212,225,228,215,209,215,222,222,215,213,215,222,217,212,209,215,228,233,230,225,222,215,207,205,205,205,205,209,217,215,213,217,225,225,225,222,222,225,222,217,212,204,199,199,204,207,207,209,215,222,230,235,217,140,142,204,207,205,207,215,222,225,230,235,238,241,241,235,234,235,235,230,226,226,233,241,243,243,241,241,241,238,233,228,225,228,235,238,238,235,233,233,235,235,235,235,233,230,230,233,235,238,238,235,233,230,225,222,222,222,217,215,211,209,212,222,225,228,230,233,233,230,228,225,222,222,215,199,195,199,202,204,209,212,212,217,225,228,230,230,228,228,228,225,222,220,220,222,222,212,202,145,144,147,202,209,212,215,225,222,204,145,139,141,134,133,217,230,230,230,233,233,230,230,230,230,228,225,217,222,230,235,238,233,220,209,209,222,230,233,233,233,230,230,230,233,233,233,233,228,222,218,222,225,228,230,233,233,233,233,233,233,233,235,235,238,238,238,235,235,235,235,235,235,235,235,235,235,235,233,233,233,230,230,230,230,228,228,228,228,228,225,225,225,225,225,225,225,225,225,225,215,196,145,147,147,147,202,207,209,212,212,212,212,212,215,217,217,217,215,209,202,199,199,199,204,209,217,220,217,215,212,209,204,202,204,204,202,202,204,207,207,209,209,207,203,203,204,203,202,203,209,215,215,212,212,212,215,217,215,215,212,212,212,215,217,217,217,217,217,220,217,212,202,198,198,204,212,212,212,209,212,212,209,207,207,207,207,202,199,202,209,215,217,215,212,209,209,209,209,209,212,212,209,209,209,209,212,215,217,222,222,209,133,133,141,139,133,133,194,207,215,217,217,222,225,222,217,216,217,222,225,228,228,228,230,233,233,233,233,233,230,225,225,233,235,235,235,235,235,235,235,238,238,238,238,241,241,238,238,238,238,241,243,243,243,243,241,241,241,241,235,230,228,225,217,215,213,213,217,225,233,238,241,238,235,233,233,235,233,225,217,216,217,220,222,225,225,230,233,230,230,228,228,228,228,225,225,225,228,230,230,228,222,215,212,212,215,220,220,212,202,199,204,209,222,233,235,235,233,231,233,233,228,209,147,147,207,222,225,222,212,209,209,209,207,207,209,209,212,212,212,215,217,222,222,222,222,228,230,235,235,238,238,235,238,238,241,243,248,248,251,248,248,248,251,254,254,248,243,241,238,238,235,230,228,225,222,221,221,222,222,217,215,212,207,207,204,204,204,204,204,204,204,29,29,27,29,29,27,23,21,20,21,23,25,25,25,27,23,19,19,17,15,13,12,13,15,19,23,27,33,41,49,49,49,41,33,21,16,16,16,16,16,19,23,25,27,33,33,35,49,65,81,87,81,67,63,64,73,75,69,67,75,83,83,69,65,69,77,89,103,111,111,111,111,117,176,186,176,168,117,168,176,165,119,117,113,111,105,101,101,107,170,202,230,255,255,255,238,207,189,181,181,170,150,131,108,63,39,32,32,49,79,87,87,90,95,92,100,108,121,134,152,163,189,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,124,124,0,0,0,0,0,0,0,137,121,87,35,4,17,0,0,0,0,255,215,0,0,0,72,69,0,0,0,0,255,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,103,168,196,181,155,147,157,155,105,19,0,0,0,0,0,37,121,181,215,233,241,255,255,255,255,233,163,67,45,17,0,0,0,3,79,173,202,204,170,144,131,121,71,53,59,69,93,163,176,168,160,165,150,67,53,73,152,189,202,202,207,207,199,196,202,196,183,181,157,85,0,0,215,228,225,225,225,217,217,215,215,215,215,209,202,191,183,176,147,105,93,79,43,15,0,0,0,11,89,196,238,246,238,225,220,228,230,230,220,204,196,194,194,196,196,194,189,189,189,196,204,196,189,129,129,196,199,199,199,199,196,189,181,129,119,119,129,191,199,207,204,181,119,113,115,119,170,121,117,121,168,173,173,168,157,155,155,168,173,178,147,47,55,89,95,89,91,144,176,186,160,101,92,101,150,173,194,194,178,178,189,178,165,81,55,71,101,93,67,71,97,113,101,101,117,189,196,196,186,178,169,168,181,191,191,194,194,191,191,199,202,199,191,183,181,183,183,178,178,181,189,189,181,170,170,170,170,165,165,176,194,186,173,163,152,152,109,89,77,69,65,63,67,79,93,99,105,99,87,81,79,75,73,71,75,81,81,89,144,165,157,103,103,144,163,173,176,170,150,89,81,79,81,87,91,91,91,87,79,79,97,152,160,170,186,183,183,183,178,168,163,165,170,160,103,88,86,88,99,107,115,119,119,163,170,173,181,191,194,194,183,165,160,160,163,173,183,189,183,173,163,121,117,121,160,173,165,163,119,160,163,163,121,117,117,117,115,115,111,111,107,105,111,125,170,186,189,202,209,209,204,196,196,215,220,220,212,194,181,176,176,183,176,117,106,106,117,178,183,176,125,117,113,109,109,123,186,204,212,212,212,220,238,241,241,233,220,215,215,230,238,230,212,194,189,202,217,199,115,103,103,97,77,65,65,67,71,77,77,77,71,71,77,85,91,97,142,150,152,152,173,186,194,178,178,178,178,163,152,144,144,139,105,137,144,152,137,89,77,69,69,77,87,124,121,83,69,61,61,69,83,129,142,142,134,79,53,51,61,118,176,176,75,25,15,15,17,17,19,23,35,67,85,91,105,163,202,222,222,212,212,202,196,192,192,194,207,217,241,254,251,241 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,196,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,160,147,125,124,152,170,168,165,165,165,168,170,173,173,173,178,183,186,183,183,186,189,183,46,55,111,109,111,163,168,163,155,111,111,155,165,165,103,77,77,89,165,181,178,173,165,157,109,103,105,119,165,170,168,160,120,163,168,173,183,186,186,186,178,176,173,168,165,173,186,202,207,212,189,87,60,83,129,189,186,183,181,189,196,183,95,58,131,183,191,204,217,225,225,217,212,212,212,209,207,207,209,212,212,209,209,209,215,215,209,202,196,186,181,183,194,215,235,212,43,40,105,119,121,127,131,127,127,186,189,207,215,215,209,204,191,183,194,222,230,228,225,222,215,213,217,222,215,215,217,212,86,49,59,129,207,202,135,104,178,202,217,222,196,131,128,127,181,207,215,215,217,225,230,238,75,77,196,215,217,207,196,194,196,199,199,199,202,204,207,202,202,212,228,119,19,0,0,59,202,230,228,225,228,228,222,216,222,225,225,222,222,217,216,216,217,217,212,207,204,204,199,189,135,129,131,131,121,117,127,107,89,111,123,191,212,209,202,194,187,191,204,212,212,212,209,202,202,202,194,189,186,183,135,121,116,115,121,127,119,118,199,233,228,222,217,209,133,97,96,123,135,189,196,199,204,212,212,121,116,131,186,207,217,217,222,233,233,228,217,215,215,213,217,222,225,228,225,225,225,230,233,235,233,235,238,238,233,225,225,225,225,222,220,217,220,222,222,221,222,225,222,217,217,222,225,225,228,225,222,222,225,228,225,222,217,212,125,87,99,186,212,222,217,212,211,212,215,217,222,222,222,217,217,217,222,225,225,225,225,225,228,225,222,215,215,215,215,204,143,138,143,202,212,215,215,217,222,225,225,225,228,225,217,217,222,222,222,225,230,235,238,241,238,225,204,190,190,202,204,194,191,198,209,207,199,194,192,196,199,198,195,196,199,199,194,143,189,189,133,126,129,191,194,194,215,225,209,143,105,5,61,202,228,233,238,241,233,230,228,228,230,230,230,228,226,228,230,230,215,107,103,204,230,228,186,91,89,83,9,209,235,241,238,235,235,235,230,225,225,222,194,181,135,104,96,121,199,178,109,80,129,183,35,0,0,0,0,0,53,194,209,222,230,230,230,230,230,233,235,235,233,230,230,230,222,217,222,217,209,204,220,233,228,209,202,189,176,129,170,196,196,189,181,119,186,230,233,238,248,255,111,133,189,202,212,225,230,228,220,207,186,178,177,174,170,169,172,177,196,215,228,217,199,194,196,194,189,189,212,228,233,235,235,233,233,233,233,233,235,243,246,183,57,29,25,0,67,228,238,241,238,238,238,235,235,233,233,235,233,233,233,238,238,102,97,235,243,75,61,117,186,225,235,241,238,235,233,233,235,235,235,230,228,228,228,228,230,233,233,235,235,235,235,238,241,241,241,241,241,241,239,241,241,235,220,209,209,212,209,209,212,207,207,215,225,222,209,202,199,199,204,215,225,230,230,233,235,238,238,238,235,233,230,230,230,233,235,241,243,135,93,105,133,189,196,204,135,117,122,196,204,79,54,77,225,233,230,235,228,194,74,117,217,233,235,241,222,212,228,230,235,233,233,231,233,233,235,235,235,235,235,233,230,228,228,222,215,209,88,86,194,222,209,199,202,215,248,246,136,135,196,215,212,196,189,187,204,225,222,217,217,222,212,217,228,225,209,212,222,230,230,230,225,212,204,203,204,207,207,207,207,204,204,212,233,241,222,207,207,217,222,215,212,215,225,230,225,222,225,230,230,222,217,212,209,207,207,209,209,204,205,209,215,217,222,225,225,222,222,225,228,230,228,222,212,204,204,207,204,204,204,209,215,222,230,225,207,207,215,209,204,204,212,225,233,233,235,238,241,238,235,235,238,235,230,229,230,238,241,243,246,243,241,241,235,222,159,159,215,230,238,238,235,233,233,233,235,235,235,235,235,235,235,238,241,241,238,235,230,225,212,204,204,209,212,211,211,215,225,228,230,230,233,235,230,228,225,225,228,222,202,195,198,199,202,207,209,209,209,217,225,228,228,225,225,225,225,225,222,222,222,215,207,147,144,147,149,199,207,215,222,233,233,196,132,134,141,149,212,225,228,228,230,233,233,233,230,230,228,225,222,217,217,225,230,233,230,222,212,215,225,233,235,235,235,235,235,233,233,230,230,230,233,230,228,222,222,225,230,233,235,233,233,233,233,233,235,235,238,238,235,235,233,233,235,235,233,233,235,235,238,235,235,233,233,233,230,230,230,230,230,228,228,228,228,225,225,225,225,225,225,225,225,222,215,149,145,202,196,146,196,209,212,212,212,212,212,212,215,217,217,217,215,207,202,202,204,204,207,212,217,217,217,215,215,212,204,202,202,202,202,204,207,212,212,212,209,207,203,203,204,204,204,204,209,212,215,212,212,212,215,215,215,212,211,212,215,217,222,222,220,220,220,220,217,212,202,198,198,202,209,212,212,209,212,209,207,207,207,207,207,202,202,204,209,215,217,217,215,212,212,209,209,209,212,209,208,209,209,212,212,215,220,222,225,215,111,103,103,97,101,119,196,215,222,222,217,222,225,222,217,217,222,225,225,228,228,228,228,230,233,233,230,228,228,225,228,233,235,235,235,235,235,235,238,238,238,238,238,241,243,241,241,238,238,241,243,243,243,243,241,241,241,241,238,230,222,222,225,225,222,222,228,233,238,241,241,241,238,235,235,235,233,225,217,216,217,222,225,225,228,228,230,230,230,228,228,230,230,228,225,225,228,228,225,225,222,217,215,215,215,217,215,207,151,149,151,202,212,228,235,235,233,233,233,230,222,204,149,199,212,225,228,228,225,220,217,217,217,217,215,215,215,215,215,215,217,220,222,220,222,225,230,235,238,238,238,235,235,235,238,241,243,246,248,248,248,251,251,254,254,248,243,241,238,238,235,233,228,225,222,222,221,222,222,217,215,212,207,204,204,204,204,204,204,204,204,29,29,29,33,33,31,25,23,21,23,25,25,25,27,29,27,25,25,23,21,17,15,17,21,21,25,29,39,55,61,65,67,67,57,35,29,25,21,21,21,23,25,27,29,33,35,39,49,65,81,87,83,73,67,67,71,75,67,69,83,95,89,77,69,77,83,91,103,111,117,117,117,117,176,186,176,129,117,168,178,168,117,117,113,107,101,98,98,100,107,173,212,243,255,255,228,199,181,170,157,157,150,134,108,61,43,37,43,49,79,82,85,92,90,85,82,92,111,137,144,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,124,118,108,82,85,0,0,0,0,0,0,129,111,77,30,0,0,0,0,0,0,251,215,0,0,0,0,98,0,0,0,0,248,0,0,0,0,0,59,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,124,196,246,246,209,189,189,183,139,53,0,0,0,0,0,23,67,137,181,202,217,238,255,255,255,255,241,191,176,69,25,1,7,53,129,183,207,204,170,144,160,176,165,131,89,83,99,163,168,150,91,83,63,22,25,73,163,196,207,207,209,212,204,202,194,183,157,97,75,13,0,0,207,225,225,215,209,215,215,215,215,215,215,215,207,199,191,183,170,163,144,97,65,25,0,0,0,0,63,186,222,228,209,202,194,199,212,220,220,212,204,209,204,204,204,204,204,204,204,212,212,212,202,189,196,212,207,196,189,189,189,186,131,119,109,109,119,181,196,204,204,191,170,117,117,168,173,168,119,113,113,119,168,178,183,183,178,183,183,191,168,49,55,77,81,75,81,103,173,186,176,147,97,97,137,160,194,202,194,194,191,178,144,87,63,57,67,53,43,59,107,181,157,105,115,183,196,194,178,170,169,178,194,199,194,194,194,194,191,202,209,204,196,189,183,181,168,121,117,123,173,178,170,160,160,165,165,157,159,176,183,176,152,103,95,91,95,83,69,63,61,65,77,93,99,99,99,93,83,83,75,71,66,67,79,91,103,147,168,173,168,160,157,165,173,183,170,160,95,78,78,83,91,91,91,91,91,87,77,77,89,103,111,160,178,183,183,183,178,163,157,157,155,111,89,86,87,95,105,115,165,165,163,165,170,178,186,196,194,186,173,165,160,161,165,181,189,189,181,168,160,117,115,117,121,168,163,115,111,117,160,123,121,121,117,117,115,115,115,115,113,113,119,170,191,194,194,199,209,215,207,202,196,202,212,212,204,191,176,176,181,186,183,125,109,106,117,178,183,165,125,125,123,111,109,119,181,204,212,212,212,220,233,238,241,238,220,215,215,230,238,235,220,202,196,207,217,199,160,109,109,103,83,65,65,77,77,77,77,63,55,51,63,71,83,97,142,160,160,176,176,186,189,183,176,176,163,152,105,97,97,97,93,97,137,137,97,91,77,69,69,83,124,134,134,89,73,61,61,69,83,116,124,142,142,124,73,53,51,77,157,152,59,19,13,13,14,15,17,25,45,79,91,91,105,178,202,212,212,222,222,212,202,194,192,194,199,209,228,241,241,231 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,220,212,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,139,147,142,129,129,150,160,160,160,160,160,157,157,160,163,163,170,181,186,186,186,186,183,163,34,50,109,109,107,115,168,160,111,103,107,152,165,170,173,173,155,115,168,181,183,183,178,163,105,99,100,109,160,170,170,165,160,168,173,176,181,181,186,189,181,176,168,165,168,170,173,189,212,225,222,202,81,89,186,191,186,191,199,204,204,199,108,82,118,131,189,196,212,222,225,215,209,209,209,204,202,202,204,204,207,209,212,212,212,207,199,194,189,179,178,191,209,228,241,238,186,99,103,113,121,129,133,133,181,204,209,217,222,217,217,222,207,191,199,222,230,228,225,225,222,222,228,228,222,217,217,222,183,89,97,183,204,212,212,181,178,178,186,204,194,178,131,128,178,199,207,209,215,225,230,228,68,74,204,217,225,217,204,199,199,196,191,186,186,194,202,204,204,212,233,123,2,2,41,103,204,225,228,228,230,228,225,217,217,222,225,222,222,217,216,216,222,222,217,215,209,202,194,183,137,137,186,194,135,115,105,65,56,85,107,191,215,207,209,204,202,204,212,215,212,209,209,204,204,199,191,191,194,191,178,127,125,119,121,125,123,133,222,230,228,222,222,228,230,212,131,123,133,183,191,196,212,230,241,225,199,139,137,141,194,204,217,228,230,225,215,215,215,215,217,222,225,225,224,224,224,228,233,233,230,230,233,235,233,230,233,230,228,222,217,217,217,222,222,222,225,225,225,222,222,225,228,224,225,225,225,225,228,230,228,215,209,137,5,0,0,83,215,222,217,212,209,211,215,222,222,222,217,215,209,209,212,217,222,222,222,220,217,215,215,212,215,215,215,212,204,204,209,217,222,222,217,215,217,217,220,222,225,222,217,217,222,222,222,222,228,233,235,238,235,222,202,190,190,199,202,195,195,207,222,222,215,207,199,199,202,199,195,195,199,207,212,212,204,194,135,130,137,194,204,212,228,238,235,131,0,0,0,119,235,233,233,238,235,233,230,230,233,233,230,228,226,228,233,235,233,80,45,101,204,199,127,63,57,6,25,230,233,238,235,235,238,235,230,225,222,217,212,202,181,99,97,207,225,225,101,69,178,241,196,7,0,0,0,0,89,217,225,225,225,225,225,228,228,233,233,233,230,228,230,222,207,202,204,204,200,207,225,233,230,225,215,194,176,131,129,129,127,125,131,191,222,233,238,238,243,246,196,189,183,181,181,207,222,220,209,194,179,176,177,174,172,173,172,173,181,204,217,207,189,186,191,186,181,181,202,217,225,233,235,233,233,230,230,228,233,243,248,189,61,53,28,0,29,209,233,238,241,241,238,235,233,233,233,233,233,230,233,241,238,99,95,199,199,105,105,119,135,230,235,238,238,235,235,235,235,238,235,233,228,228,228,230,230,233,235,235,235,235,235,238,241,241,243,243,241,241,241,241,238,230,215,207,209,215,212,212,212,207,209,228,238,235,217,204,199,202,209,222,230,233,233,233,235,235,235,238,238,235,233,233,230,229,230,238,246,246,137,139,141,139,136,189,189,126,129,204,207,91,81,129,202,207,212,225,217,99,69,111,222,235,230,207,121,145,230,235,233,233,233,233,233,233,235,235,235,235,233,230,230,230,233,230,228,212,115,117,202,209,204,202,207,212,199,136,135,141,202,212,212,204,190,183,191,222,228,217,212,212,209,209,209,207,207,222,233,238,238,235,228,215,204,204,207,207,204,204,204,204,204,212,228,235,215,205,205,209,215,215,215,217,228,233,235,230,230,228,225,217,215,209,207,207,212,217,217,209,207,212,217,220,212,212,222,222,228,233,241,243,238,217,202,199,202,204,204,204,204,209,212,217,222,222,217,228,228,217,209,207,217,230,235,235,235,235,238,238,238,241,241,238,233,233,238,241,243,246,246,246,241,238,233,159,156,157,212,228,235,238,235,233,233,233,233,235,235,238,238,238,241,241,241,241,241,238,233,222,202,195,198,209,217,212,211,217,228,228,228,230,235,238,235,230,228,228,228,228,215,204,204,202,204,209,209,207,207,212,222,225,225,222,222,222,225,222,222,222,215,209,149,137,140,199,207,204,209,217,228,233,225,139,131,135,145,212,230,230,228,230,233,235,235,235,233,230,225,222,217,215,215,217,225,228,228,222,217,222,228,233,235,235,235,235,235,238,235,230,230,233,238,238,235,222,217,222,230,235,235,235,235,235,235,235,235,235,238,238,235,233,233,233,233,233,233,233,233,235,238,235,235,233,233,233,233,230,230,230,230,230,228,228,228,228,225,225,225,225,225,225,225,222,212,149,149,207,202,146,196,212,215,212,212,211,212,212,215,217,215,212,212,209,207,207,209,209,209,209,212,215,217,217,215,209,204,202,202,202,207,209,215,215,215,212,212,207,204,204,209,212,212,209,212,215,215,212,212,212,215,215,215,212,211,212,215,222,222,222,222,222,222,220,217,212,202,199,199,204,212,212,212,209,209,207,207,207,207,209,209,204,202,204,209,215,217,217,215,215,215,212,209,209,209,209,208,209,209,212,215,217,220,225,225,220,97,77,72,75,97,125,202,220,225,225,222,222,225,222,217,222,225,225,225,225,225,225,225,228,228,228,225,225,225,228,230,235,238,238,238,238,238,235,238,238,238,238,241,243,243,243,241,241,241,241,243,243,243,241,241,241,241,241,241,233,222,221,225,228,228,228,233,238,243,241,241,238,238,238,238,235,230,225,216,216,217,222,225,225,228,228,230,230,230,228,228,230,230,230,228,228,225,225,225,222,222,222,222,217,215,215,212,204,149,145,147,151,207,222,233,235,235,235,233,228,217,204,199,207,222,228,228,228,230,228,222,225,228,225,222,217,217,217,215,215,215,217,217,222,222,225,230,230,233,235,235,235,235,234,234,235,241,243,246,248,248,251,251,254,254,248,243,238,238,238,235,233,230,228,222,222,221,222,222,217,215,212,207,204,204,204,204,204,204,204,204,29,29,29,33,33,33,27,23,21,23,25,25,25,27,29,29,29,29,29,25,21,21,25,25,25,27,33,39,57,65,71,103,103,71,57,49,39,35,33,29,27,25,27,29,33,35,41,53,69,81,89,89,83,75,75,77,77,69,75,89,97,95,89,85,89,91,99,111,111,117,117,117,129,176,186,176,178,129,178,178,129,129,121,119,111,105,100,98,98,101,152,196,230,246,246,220,189,170,150,150,150,142,134,113,63,49,49,53,79,82,69,82,90,90,66,59,66,90,113,126,137,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,124,48,0,0,0,0,0,0,0,0,0,0,0,0,131,131,126,113,77,56,66,0,0,0,0,0,0,129,111,77,43,4,0,0,0,0,0,255,233,183,0,0,0,124,126,0,0,163,0,0,0,0,0,100,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,137,220,255,255,251,230,222,202,165,105,43,15,0,0,0,13,39,67,121,157,181,202,243,255,255,255,255,204,183,108,51,39,39,61,129,189,215,204,170,160,183,204,191,163,129,95,147,168,168,147,83,65,29,0,4,29,93,181,207,215,215,207,189,178,183,155,61,19,9,0,0,39,189,215,217,215,207,207,209,209,215,215,217,220,217,202,194,191,181,170,168,147,79,31,7,0,0,0,59,178,204,196,186,176,163,165,183,204,212,212,204,204,212,212,212,212,212,209,212,212,222,220,209,204,212,230,215,189,178,181,181,131,121,119,111,107,113,127,176,181,191,181,170,119,119,121,170,121,113,103,99,102,115,183,202,202,194,191,191,194,168,49,51,65,63,63,69,83,134,157,173,157,134,77,81,137,183,202,194,183,183,176,147,139,81,57,55,47,43,69,152,191,178,117,117,183,196,189,178,173,176,186,194,202,194,194,191,189,191,202,209,209,199,191,189,181,123,116,116,121,168,168,160,113,113,157,160,165,165,176,165,95,83,83,79,78,85,89,75,65,65,77,89,95,93,93,91,85,83,83,75,67,65,67,81,103,165,176,176,173,170,176,176,173,178,173,165,103,89,78,79,89,95,91,91,91,97,91,77,76,85,95,103,152,178,183,191,191,181,168,157,155,113,103,89,88,91,101,109,157,173,176,173,170,170,178,186,186,183,178,170,165,161,165,170,178,189,189,178,168,160,115,115,113,121,121,119,105,101,107,117,123,123,121,121,119,115,119,117,119,123,125,170,186,194,199,194,199,199,215,215,207,202,202,199,204,199,191,183,183,183,194,183,165,109,106,117,176,176,163,163,176,176,115,109,115,176,194,204,204,204,212,220,233,238,233,220,215,215,220,230,230,215,202,202,207,217,207,181,160,115,109,89,77,77,77,77,71,67,55,47,47,51,63,77,97,150,173,178,181,181,191,194,183,183,178,163,142,97,97,93,91,91,91,91,97,97,91,77,61,61,79,124,137,137,124,79,67,67,77,83,83,83,134,150,142,85,61,45,67,134,126,45,19,14,14,14,15,19,27,53,85,91,91,97,163,194,202,212,230,230,225,215,202,192,194,199,209,222,235,235,229 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,217,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,165,163,147,142,137,134,137,142,150,157,163,163,157,155,152,155,157,168,178,183,183,181,178,170,115,50,75,101,99,98,103,115,113,105,103,107,160,178,176,170,176,178,176,173,178,186,191,186,170,111,101,102,115,168,178,176,165,119,168,176,178,181,181,183,186,186,178,168,165,176,173,113,125,207,217,225,217,183,115,181,194,191,199,212,212,209,209,191,123,118,123,183,186,202,215,217,212,207,204,204,204,202,202,204,203,204,209,212,209,204,189,135,181,181,179,183,202,212,222,233,238,230,186,111,113,123,131,178,186,194,212,222,225,222,217,222,228,212,194,196,217,228,228,225,225,225,228,230,233,230,222,209,196,183,133,133,194,204,209,209,199,178,108,105,129,189,191,189,181,181,186,194,199,209,215,215,125,56,73,215,225,228,222,215,207,204,196,186,182,182,186,196,204,204,207,222,125,6,51,173,176,189,204,217,228,230,228,228,222,217,217,222,217,217,217,217,217,222,225,225,217,207,194,183,181,189,196,207,217,212,119,85,71,67,89,91,105,204,209,215,215,212,215,217,215,212,209,207,207,207,202,196,199,207,204,194,191,189,121,97,111,135,202,225,225,225,222,222,225,230,230,217,186,181,137,181,189,207,230,238,235,215,194,183,139,139,141,202,212,225,222,215,215,217,217,222,225,225,225,224,224,225,228,230,230,225,222,225,228,230,230,235,235,230,222,215,217,220,222,225,225,228,228,225,225,228,228,228,224,225,228,228,230,233,235,230,222,196,51,0,0,0,0,199,220,217,212,211,212,215,222,222,217,215,212,209,208,209,215,217,220,217,212,209,207,209,215,220,220,215,209,209,215,225,230,230,228,220,215,213,213,215,220,225,225,222,225,228,228,225,225,225,225,230,238,235,217,199,191,194,199,202,199,202,212,222,222,217,212,202,199,202,204,199,204,212,217,225,228,217,204,143,139,143,191,209,225,235,241,241,191,0,0,0,113,225,228,228,233,235,233,233,233,233,233,233,228,226,228,238,241,230,73,41,99,212,173,0,0,69,57,79,215,233,238,235,235,235,235,230,228,225,222,225,228,212,105,103,215,228,202,102,94,246,255,255,77,0,0,0,19,186,222,228,222,215,220,222,225,225,230,230,230,230,228,225,212,199,198,200,202,202,217,228,230,230,230,225,204,189,196,204,125,113,103,109,209,225,233,235,235,235,230,204,191,181,99,104,127,202,199,181,179,181,181,189,191,196,215,207,186,186,196,204,199,186,185,186,183,181,181,191,204,215,228,233,233,233,233,230,225,228,241,241,107,29,41,24,3,39,207,222,233,241,241,238,235,233,230,230,233,230,228,228,235,233,123,123,186,181,131,131,127,133,235,238,235,235,235,235,235,238,238,235,233,230,228,230,230,233,233,233,235,235,235,235,238,241,241,241,241,241,241,243,241,235,222,207,202,202,204,212,217,215,204,207,225,235,230,215,202,198,202,209,222,228,228,230,230,230,230,230,235,235,235,233,233,230,230,230,238,243,246,220,199,191,186,136,186,199,189,189,212,215,127,125,139,139,183,194,196,191,91,90,127,204,217,109,68,93,191,225,238,235,233,233,233,233,235,235,238,238,235,233,230,230,233,235,238,235,225,147,145,202,204,200,207,209,145,133,132,139,196,199,199,199,202,202,191,199,225,233,225,209,212,215,209,202,196,209,230,235,238,238,235,230,217,207,204,209,215,207,202,207,209,209,212,217,215,209,207,207,208,212,215,217,222,225,230,233,233,230,225,217,217,217,212,207,207,215,225,225,217,209,212,217,215,191,189,212,225,233,235,243,246,238,207,190,192,196,202,204,207,209,212,212,215,212,211,215,230,233,225,215,217,228,235,238,238,235,235,235,238,238,241,241,238,235,238,243,243,243,243,241,238,238,238,230,159,159,215,225,230,233,235,235,233,233,233,235,235,238,241,241,241,241,241,241,241,241,238,233,222,202,195,200,212,217,215,212,222,228,228,228,230,235,241,241,235,230,222,220,222,217,212,209,207,209,212,209,207,205,207,212,222,222,222,222,222,222,222,222,217,212,204,144,136,140,207,215,209,215,225,228,225,151,135,134,133,135,204,233,233,230,235,235,235,238,235,233,228,225,222,222,215,215,215,217,222,222,222,222,225,230,233,233,233,230,230,233,235,233,230,230,233,235,238,233,217,216,222,230,235,235,233,235,235,235,235,235,235,235,235,235,233,233,233,233,233,233,233,233,235,238,235,235,233,233,233,233,233,233,230,230,230,230,228,228,228,228,225,225,225,225,225,225,222,212,199,199,207,199,147,202,215,217,215,212,211,212,215,217,217,209,207,209,215,212,207,204,204,202,199,207,215,220,212,204,196,196,199,202,204,209,215,217,217,215,212,212,207,204,207,209,212,212,209,209,212,212,212,212,212,215,215,215,212,212,212,215,222,222,222,222,222,222,220,217,215,207,200,200,204,212,215,215,209,207,207,207,209,212,212,209,207,204,207,209,215,217,217,217,217,217,212,209,209,209,209,209,209,212,212,215,217,222,225,222,212,76,70,70,81,115,135,202,220,228,228,225,225,225,222,217,217,225,225,224,224,225,222,217,222,225,225,225,225,225,230,235,238,238,241,241,238,235,235,235,235,238,238,241,243,246,246,243,241,241,241,243,243,241,241,241,241,238,235,238,235,228,222,222,228,230,233,235,241,241,241,238,238,238,238,238,235,230,225,217,216,217,222,225,228,228,228,230,230,230,228,228,228,230,233,230,230,228,228,228,228,228,228,228,225,220,217,212,204,149,144,145,151,202,212,225,233,238,238,233,225,215,207,207,215,230,233,230,230,233,230,225,228,230,230,225,222,222,222,217,217,215,217,217,222,225,228,228,230,233,233,235,235,235,234,234,235,241,243,246,248,248,251,251,254,254,248,243,238,238,238,238,235,230,228,225,222,222,222,222,217,215,212,207,207,207,207,207,207,207,207,204,29,27,27,29,33,33,29,25,23,23,25,25,25,27,29,29,31,33,33,29,25,25,25,29,31,33,35,39,55,65,71,73,103,103,71,67,67,67,65,51,33,29,29,29,33,39,57,69,83,89,95,95,89,89,85,89,89,83,83,95,101,101,103,105,105,105,111,111,117,129,129,129,176,178,178,178,178,178,178,178,178,173,170,129,119,113,107,105,101,101,109,189,217,238,238,220,189,157,142,139,139,139,139,124,90,61,79,85,85,82,64,64,82,82,59,51,51,59,72,92,92,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,157,95,22,0,0,0,0,0,0,0,0,0,0,131,124,113,113,82,48,25,51,0,0,0,0,0,0,129,111,0,53,27,20,0,0,0,0,255,251,173,0,0,0,118,95,85,85,90,126,0,0,0,0,85,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,134,207,255,255,255,248,241,225,183,139,63,43,21,5,1,7,21,41,59,75,121,165,202,243,255,255,241,163,121,67,45,39,45,73,155,196,207,186,170,183,212,228,209,181,157,152,168,183,183,168,147,91,69,0,0,16,61,163,215,225,209,173,109,155,183,155,7,0,0,0,0,81,189,202,207,207,207,207,202,207,209,215,225,225,220,212,202,191,181,170,176,160,87,31,11,0,0,5,59,144,186,176,163,147,142,147,170,196,204,202,186,186,196,212,228,225,212,204,204,212,212,212,204,204,215,238,225,196,178,178,131,119,113,117,109,105,111,113,113,113,121,170,170,119,118,119,119,115,109,99,96,96,103,157,183,191,183,183,183,191,168,51,51,55,53,53,55,67,85,137,152,152,101,63,63,81,155,191,183,168,157,155,155,155,99,55,47,53,57,85,152,183,181,173,176,183,189,189,189,186,186,186,186,191,194,194,191,189,191,202,209,209,202,191,191,183,168,117,117,168,178,173,157,111,111,155,165,170,176,165,91,57,61,79,83,83,89,95,83,71,73,87,99,99,91,93,89,85,87,87,81,71,67,73,89,160,186,194,186,173,170,176,176,173,173,165,150,93,83,78,83,93,95,95,97,107,144,97,79,77,87,97,107,155,181,191,202,199,189,176,157,115,111,101,91,95,103,109,109,121,173,181,176,170,173,178,178,176,170,170,165,165,165,165,170,178,183,183,178,168,160,115,109,109,113,113,105,95,93,103,117,121,165,165,123,119,119,121,123,170,173,173,183,186,191,194,191,191,196,209,215,215,207,202,196,199,199,194,186,186,194,191,178,163,109,106,117,163,123,117,165,183,178,115,109,111,125,181,191,191,186,194,204,220,222,230,220,212,211,220,220,215,212,202,202,207,212,212,199,181,173,115,101,87,83,77,67,63,55,47,43,41,49,61,77,97,150,173,181,181,191,194,194,194,194,183,165,142,99,97,91,85,85,85,85,85,91,89,73,51,51,73,89,126,129,124,85,77,77,83,113,79,77,124,150,142,121,69,44,51,83,77,33,21,17,19,19,19,21,31,53,79,87,85,93,152,186,186,212,241,248,241,230,215,202,194,194,207,222,241,251,243 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,207,194,157,147,139,133,133,137,144,155,163,163,160,155,150,150,155,160,165,168,165,160,157,150,99,87,99,101,97,98,105,103,91,28,38,103,168,183,178,170,176,183,186,168,165,181,191,194,183,170,165,176,189,191,191,183,119,106,119,170,178,178,178,183,189,189,178,125,165,183,181,97,87,194,212,222,217,202,168,127,194,196,207,217,215,212,215,207,181,125,133,183,176,186,199,204,202,196,194,196,202,204,204,207,204,207,209,207,199,189,134,131,134,183,189,199,212,217,222,230,233,225,194,127,125,131,135,191,212,212,222,222,222,217,217,222,222,207,189,189,204,215,217,222,217,222,228,230,230,228,215,202,186,178,132,133,194,209,209,207,207,196,109,104,121,189,202,202,191,179,177,179,189,196,202,196,101,59,87,217,225,228,228,225,217,209,202,191,185,183,186,191,194,199,209,217,207,101,127,178,131,125,123,194,222,228,228,228,225,220,217,215,215,213,215,220,217,222,228,230,222,202,191,186,189,207,217,225,230,222,125,84,85,119,181,93,97,204,212,217,217,217,217,215,212,207,207,207,209,209,207,204,207,215,212,202,196,191,95,75,95,204,222,228,225,222,220,220,222,233,235,230,209,186,132,132,183,202,215,225,222,209,196,194,191,139,135,131,199,217,225,217,222,222,222,225,228,228,228,228,228,228,230,233,230,225,220,221,222,225,228,230,230,225,215,209,212,217,222,225,228,228,225,225,228,228,228,225,225,225,225,228,233,238,238,233,222,196,194,209,109,5,9,105,209,212,212,212,212,215,215,215,215,215,215,212,208,208,212,217,217,215,212,205,205,207,217,228,225,217,212,212,225,233,235,233,230,222,215,215,215,215,222,228,228,228,233,238,235,230,228,225,222,228,233,230,212,194,191,194,199,202,202,199,204,204,204,209,212,207,202,202,202,204,212,225,228,228,230,230,225,212,202,194,194,212,228,233,233,225,212,135,196,121,131,215,228,228,230,230,233,235,235,235,235,233,230,228,230,241,238,196,84,87,217,241,204,19,0,15,19,85,212,230,235,235,233,235,235,230,228,228,230,230,238,243,186,119,199,215,123,111,121,254,255,248,43,0,0,0,73,204,217,225,217,212,217,220,222,222,228,228,228,228,228,222,207,199,200,209,215,217,225,230,233,233,230,228,217,209,212,217,121,91,67,71,196,222,230,233,230,225,215,191,183,189,110,105,118,183,189,178,178,183,196,204,209,222,230,222,207,196,194,196,194,191,194,191,186,183,182,186,194,204,217,222,225,230,230,228,225,228,238,238,91,12,65,101,183,194,207,212,228,235,238,238,235,233,230,230,230,228,226,230,238,233,181,129,173,176,173,178,133,133,235,238,238,238,238,235,235,235,238,235,233,230,230,230,230,230,230,233,233,233,233,235,235,238,238,238,238,238,241,243,241,230,212,199,196,196,199,207,215,212,202,199,209,215,212,204,199,199,202,209,215,225,228,230,230,230,229,229,233,235,235,233,233,233,233,235,238,241,238,230,212,196,194,186,194,207,202,199,212,215,139,133,135,134,135,189,137,131,101,127,186,189,101,33,25,111,220,228,238,238,235,233,233,235,235,238,238,238,235,233,230,233,235,238,241,241,235,202,196,207,207,204,209,212,134,135,139,194,202,204,195,190,192,209,212,220,233,233,225,209,209,215,209,195,192,212,230,238,238,238,235,230,215,204,203,209,225,207,199,207,215,217,215,212,208,208,209,212,209,209,215,222,217,215,215,225,228,225,222,217,222,222,215,207,209,220,230,230,222,212,209,215,209,186,182,209,233,238,238,238,241,235,209,191,192,196,202,209,215,217,215,215,215,212,208,209,225,230,220,215,228,235,241,238,235,233,233,235,238,238,238,241,238,235,238,241,243,243,235,220,215,230,235,233,225,228,235,235,235,233,233,233,233,233,233,235,238,241,241,241,243,243,241,241,238,238,235,230,217,207,204,209,212,212,212,217,225,228,228,228,230,235,241,241,238,230,215,209,212,212,209,207,207,209,212,212,209,205,203,205,217,222,225,225,225,225,222,217,215,212,204,149,145,199,212,212,215,217,228,228,215,143,137,141,133,133,202,233,235,235,235,235,235,235,235,230,222,217,222,222,222,217,215,215,215,215,215,217,228,230,230,230,230,230,230,233,233,230,229,229,230,233,233,228,216,215,222,233,235,233,233,235,235,235,235,235,235,235,235,235,233,233,233,235,235,233,233,235,235,238,235,235,233,233,233,233,233,233,233,230,230,230,230,228,228,228,228,228,228,228,228,225,217,207,202,204,204,199,196,207,215,215,215,212,212,212,215,215,212,202,200,204,212,212,199,194,194,194,196,207,217,217,196,137,139,191,199,204,207,212,215,217,215,215,212,212,209,204,204,207,207,207,204,204,207,209,209,212,215,217,217,215,212,212,215,217,222,222,222,220,220,220,220,217,215,207,202,202,207,212,217,215,212,209,209,209,212,215,212,212,207,207,207,209,215,217,217,217,217,217,212,209,209,212,212,209,212,212,215,215,217,222,225,217,196,70,70,95,127,133,139,202,217,225,228,225,225,225,222,215,217,225,225,224,224,225,222,217,217,222,222,222,222,225,230,235,235,235,238,238,238,235,235,234,235,235,235,238,243,243,246,243,241,241,243,243,243,241,241,241,238,233,230,230,233,230,222,220,225,230,233,238,238,238,238,238,241,241,241,238,235,230,228,225,222,225,228,228,228,228,228,230,230,228,225,225,228,230,233,233,233,233,233,233,233,233,235,235,230,225,217,215,207,151,145,145,149,199,204,217,230,235,235,230,222,215,212,215,225,233,235,233,230,233,230,228,230,233,230,228,228,228,225,222,217,217,217,222,225,228,228,228,230,233,235,238,238,238,238,238,238,241,243,246,248,248,251,251,254,254,248,243,238,238,238,238,235,233,230,228,222,222,222,222,217,215,212,209,209,209,209,209,209,209,209,207,31,27,27,27,31,35,35,31,27,27,27,27,27,27,31,31,31,33,31,27,24,24,27,31,35,37,41,41,51,59,67,73,75,75,75,105,116,121,121,81,59,41,37,41,43,57,67,79,89,97,101,103,103,101,97,101,101,97,99,109,111,111,115,165,117,117,117,129,129,176,178,186,186,178,178,178,189,189,189,181,181,189,189,189,181,178,170,123,115,101,107,173,204,222,230,220,196,170,142,133,133,142,142,131,105,87,82,85,90,82,64,59,66,66,59,46,43,43,43,46,46,43,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,157,124,0,0,0,0,0,0,0,0,0,0,129,124,87,69,56,38,0,0,30,111,0,0,0,0,0,0,118,0,61,40,40,0,0,0,0,255,243,150,98,0,0,85,51,30,25,25,51,74,0,0,69,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,134,207,255,255,255,255,241,228,194,150,108,57,37,29,21,23,33,33,35,37,49,108,168,217,254,255,189,73,41,25,5,1,45,147,196,199,173,147,155,186,217,241,225,199,183,181,186,194,194,191,189,189,186,99,63,59,91,189,225,220,181,85,89,155,194,176,5,0,19,19,31,111,189,189,183,189,199,199,199,202,209,217,228,235,228,228,220,209,189,181,168,144,73,21,5,3,5,11,39,85,152,163,150,139,142,152,178,196,196,178,164,164,178,209,230,230,212,204,196,204,204,204,204,204,212,225,222,199,181,176,129,117,109,107,97,97,107,113,110,109,113,170,181,173,170,121,121,121,119,111,105,103,103,109,155,157,160,173,178,191,168,63,67,71,57,52,52,57,83,134,152,144,91,63,61,71,142,173,168,150,147,155,155,144,77,39,33,43,67,97,152,173,173,178,189,189,189,194,196,202,202,186,182,186,194,194,194,194,194,202,209,204,202,191,191,189,181,168,168,173,181,178,163,111,111,111,155,155,111,97,61,46,51,89,101,95,101,107,91,75,77,99,160,160,107,99,93,91,93,91,83,75,81,87,105,176,199,202,186,173,168,168,165,163,165,160,144,93,83,83,87,93,95,99,150,160,165,147,87,85,95,111,152,160,186,196,207,209,199,181,157,113,105,97,97,103,111,111,109,113,165,173,173,165,170,178,176,163,161,168,170,168,165,168,170,170,173,173,168,168,160,117,109,107,99,95,89,86,89,99,117,163,165,165,165,121,119,125,173,183,191,191,186,183,183,189,191,191,196,204,215,217,212,204,199,194,196,194,194,194,191,183,163,117,109,109,119,119,109,115,176,194,178,115,109,109,115,123,173,125,125,173,181,194,209,220,220,212,211,212,212,212,209,204,202,207,212,217,217,199,191,160,109,97,83,71,55,51,47,43,39,41,49,55,71,89,142,160,178,181,183,183,183,183,186,183,176,144,103,91,85,79,79,77,77,77,85,77,65,47,47,61,73,81,81,116,81,81,81,116,111,77,77,116,142,137,118,71,44,45,71,53,31,25,25,25,23,23,25,31,53,73,85,87,93,111,163,178,222,251,255,248,248,230,212,194,194,204,228,251,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,212,207,173,152,142,134,134,137,139,147,157,163,160,155,150,144,147,147,109,105,103,103,105,101,87,87,99,109,103,105,111,103,45,0,0,93,170,178,170,165,168,178,178,113,109,168,186,196,189,181,181,189,196,196,191,183,117,104,109,165,176,178,178,181,183,181,170,124,165,181,176,85,39,71,194,209,217,212,191,115,173,191,204,212,212,217,217,209,189,181,189,194,181,121,76,125,181,135,135,183,196,204,207,207,207,212,212,202,189,137,134,134,181,186,194,209,222,225,222,225,225,212,189,178,135,135,183,207,222,225,225,217,217,222,222,222,217,204,186,178,186,196,202,207,209,212,217,217,209,191,183,186,189,183,133,132,186,202,207,209,217,225,191,119,133,199,209,209,199,179,174,178,186,189,189,186,121,97,135,212,220,225,228,228,220,212,207,202,196,191,189,186,186,194,207,215,215,196,194,186,127,116,111,118,207,222,225,228,225,222,217,215,213,213,215,222,222,222,228,230,217,196,189,191,196,215,225,228,228,217,189,115,125,215,222,183,133,204,215,217,217,220,217,212,209,207,207,209,209,209,207,209,212,217,212,204,191,186,105,84,117,222,230,230,230,228,222,222,230,235,235,228,212,183,130,131,181,194,202,204,202,196,189,191,191,194,191,127,194,222,230,228,228,228,225,225,228,230,230,230,230,230,233,233,230,225,220,220,222,222,222,225,225,215,207,205,208,212,220,225,225,225,222,222,225,228,228,225,225,224,222,225,233,238,235,228,220,204,207,238,246,135,111,121,194,207,209,212,212,212,212,212,212,215,217,215,209,208,209,215,215,215,212,207,207,212,225,235,233,225,222,225,230,235,233,230,230,228,222,222,222,222,225,230,230,233,238,243,238,228,222,220,217,222,225,217,202,144,143,191,196,199,194,191,196,199,202,212,222,217,209,202,200,202,212,225,230,230,230,230,230,228,222,207,204,209,209,212,204,194,207,230,243,215,202,215,230,233,230,230,233,235,235,235,238,235,230,225,225,230,225,133,115,191,230,243,246,91,0,0,0,31,215,230,238,235,233,233,233,230,230,230,233,233,238,243,199,133,181,186,111,123,183,233,243,217,9,0,0,0,105,204,212,217,212,212,215,217,220,222,225,228,228,228,228,217,204,202,209,222,228,225,225,230,233,233,230,230,230,228,215,117,91,57,55,66,97,209,228,225,215,204,194,186,183,194,209,131,131,189,199,196,191,194,202,209,222,230,225,215,204,196,194,196,196,199,204,204,194,183,182,183,189,199,204,204,209,220,225,225,228,233,241,241,89,11,119,199,194,183,87,111,230,238,238,238,235,230,230,228,228,228,228,233,241,233,199,173,173,186,125,176,181,181,230,238,241,241,241,238,235,235,238,235,235,233,230,230,230,230,230,233,233,233,233,233,235,235,235,235,235,235,241,243,238,225,204,195,196,202,202,199,204,204,196,194,199,204,202,198,199,204,207,209,212,217,222,228,230,230,229,229,230,235,235,233,233,233,233,235,238,238,235,230,217,194,186,186,196,199,204,209,215,202,135,137,183,135,139,209,189,139,135,194,199,194,87,26,33,204,230,233,238,238,235,233,233,233,235,235,238,238,235,230,230,233,235,235,238,241,235,207,202,209,212,215,222,217,136,141,145,147,199,207,196,189,192,209,217,228,233,230,217,207,199,202,196,192,190,209,230,238,238,238,235,228,215,203,202,207,215,198,194,202,215,222,215,212,209,209,215,217,215,212,212,215,212,208,208,215,220,222,222,225,225,222,215,207,209,225,235,233,222,215,212,215,217,202,198,230,241,243,241,238,238,233,217,199,199,204,212,222,228,228,225,222,222,222,211,211,222,225,212,211,228,241,243,238,233,230,233,235,238,238,238,238,238,235,235,241,243,241,220,137,136,209,233,238,238,238,241,238,235,233,233,233,231,233,235,238,241,241,241,241,243,243,241,238,238,235,235,230,215,207,209,212,212,208,209,217,225,228,230,230,230,233,233,230,230,222,209,207,209,212,207,205,207,209,217,222,220,212,203,203,212,222,225,228,228,225,215,212,212,217,215,207,204,209,209,212,215,225,230,228,217,199,149,199,147,149,220,235,238,235,235,233,233,233,230,222,215,215,217,225,222,217,215,212,212,212,212,215,225,228,228,230,233,230,233,235,233,230,229,229,230,233,233,228,216,215,220,233,235,233,231,233,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,238,235,233,233,233,233,233,233,233,233,233,230,230,230,230,228,228,228,228,228,228,228,222,204,142,145,202,202,199,204,209,215,215,215,212,215,215,217,212,202,198,198,204,212,207,194,191,194,199,204,215,217,207,137,129,134,145,202,207,212,215,215,215,215,215,215,212,209,204,202,204,204,204,203,202,203,207,209,212,215,217,217,215,215,215,217,217,217,217,217,217,217,217,220,217,215,207,202,202,204,212,217,217,215,212,212,215,217,215,212,209,207,207,207,209,215,217,220,220,220,217,212,209,209,212,212,212,212,215,215,217,220,222,225,217,127,79,93,137,194,194,191,202,215,222,225,228,228,225,217,213,215,225,225,224,224,228,225,217,215,217,217,217,215,217,225,228,228,230,233,238,238,238,235,235,234,234,235,238,241,243,243,243,243,243,243,243,243,241,241,238,238,233,228,225,228,230,228,222,225,230,235,238,235,235,238,241,243,243,241,238,233,233,233,233,233,233,233,230,228,228,230,230,230,228,225,224,225,228,230,230,233,233,233,235,235,238,238,238,233,228,222,217,209,199,147,145,147,151,204,217,230,233,230,228,225,222,222,225,230,233,233,233,230,228,228,230,230,233,230,230,230,233,230,225,222,217,217,217,222,225,225,228,230,233,238,241,241,241,241,241,243,246,246,246,248,248,251,251,254,254,248,243,241,238,238,238,235,233,230,228,222,222,222,222,217,215,212,209,209,209,209,209,209,209,209,209,35,31,26,26,29,35,35,35,29,27,27,27,29,29,31,31,31,31,31,29,25,24,27,31,35,35,37,41,43,57,63,69,73,75,105,116,129,137,137,129,87,73,67,63,63,67,75,89,101,139,142,147,150,150,111,111,111,111,115,165,168,165,168,176,176,176,176,176,186,186,196,196,186,189,178,178,189,189,189,189,194,196,202,207,207,202,199,183,123,105,103,160,199,209,215,217,204,181,150,133,134,139,142,0,116,92,79,82,90,90,66,51,51,53,53,51,48,43,35,27,18,20,46,95,0,0,0,0,0,207,191,165,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,131,116,85,0,0,0,0,0,0,0,0,0,118,111,56,22,4,0,0,0,0,66,0,0,0,0,0,0,0,0,87,61,59,0,0,0,0,255,225,150,90,0,77,59,12,0,0,0,0,9,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,85,152,209,255,255,255,254,241,233,202,173,139,105,59,43,39,41,41,33,19,9,9,47,157,212,233,202,121,23,0,0,0,0,11,152,196,181,147,137,155,181,207,228,228,207,194,194,194,191,183,183,189,199,204,204,189,170,181,209,225,199,88,46,89,168,189,165,23,0,37,73,97,173,181,160,111,160,189,199,199,202,207,217,235,238,243,246,246,235,215,191,163,93,41,1,0,0,0,0,5,39,97,150,142,139,147,170,186,194,186,172,164,169,178,196,209,212,204,196,194,196,196,196,196,199,207,207,207,199,186,178,131,121,111,97,91,94,113,170,119,117,170,191,202,191,191,181,178,183,178,170,160,155,113,109,109,109,150,150,155,173,168,81,89,97,81,55,55,63,81,101,144,142,101,81,71,81,103,157,157,150,147,155,147,87,47,30,27,30,67,103,113,113,168,178,189,194,194,196,196,196,204,194,186,186,194,199,194,194,194,202,204,199,191,191,191,189,183,173,168,173,178,173,168,160,157,155,103,91,79,67,49,45,53,101,107,95,95,97,89,79,87,155,183,183,173,107,99,99,99,93,87,91,99,105,152,181,202,199,178,168,157,147,147,152,155,163,155,101,93,93,95,99,109,150,163,165,165,109,87,87,105,152,152,160,178,191,207,209,199,176,155,105,97,92,97,107,115,115,115,113,160,121,119,121,170,181,176,163,157,168,173,173,168,168,168,165,165,163,168,168,168,121,113,101,93,85,81,84,89,103,119,168,165,168,165,121,121,125,170,191,202,204,194,186,183,194,199,204,199,196,215,222,220,212,199,194,191,183,183,191,183,173,115,109,109,115,119,109,103,109,183,191,176,115,105,103,105,111,111,111,109,109,117,176,194,209,212,212,215,212,212,212,212,215,212,212,212,217,217,207,189,157,109,95,83,63,51,47,43,39,38,39,49,55,71,83,103,150,173,181,181,181,176,176,176,176,163,150,103,91,77,73,73,71,65,65,71,69,53,47,43,43,51,53,61,67,75,81,111,111,81,75,75,111,124,124,116,75,49,44,57,51,37,31,31,33,27,25,27,37,51,69,85,91,97,103,109,176,230,255,255,255,255,248,222,204,196,207,228,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,209,217,189,157,144,139,137,131,129,137,147,157,160,157,150,142,142,105,95,87,89,95,101,101,87,85,91,155,152,109,113,109,44,0,24,170,181,183,168,115,113,117,155,105,103,155,176,191,183,176,176,181,183,183,181,176,163,107,113,165,176,178,176,176,176,168,125,165,173,183,176,81,38,47,125,189,222,217,204,19,91,176,191,199,212,222,217,207,196,196,202,207,202,77,10,57,125,123,125,135,191,199,204,207,207,212,209,196,181,135,183,191,189,186,191,209,228,228,222,217,212,204,189,183,183,183,191,212,217,222,225,216,217,225,225,217,217,212,194,178,178,181,183,191,199,199,204,202,135,107,108,119,131,178,135,133,181,191,202,215,222,235,222,178,183,202,209,212,209,191,183,194,196,189,181,137,135,135,194,199,207,217,225,225,217,212,212,209,204,196,186,181,176,181,204,215,222,196,186,181,129,118,109,112,176,209,217,222,222,217,220,217,215,213,215,222,222,217,222,225,209,183,181,191,191,202,209,215,215,212,209,215,228,235,230,212,194,196,212,222,222,220,217,212,207,207,209,209,209,209,212,215,217,217,215,202,129,186,186,178,199,217,228,230,230,230,228,230,233,233,233,225,207,181,131,132,135,137,181,186,186,181,131,131,181,209,254,194,199,225,233,235,235,233,230,228,228,228,230,230,230,230,230,230,230,225,221,222,222,222,222,225,222,212,207,205,207,212,217,222,222,221,220,222,225,228,228,228,225,224,221,224,228,233,228,215,204,209,225,243,254,254,194,125,186,202,209,212,212,212,212,212,211,212,215,215,212,209,208,209,212,217,217,212,212,217,230,238,238,233,228,230,233,235,233,233,230,228,228,230,230,230,230,230,230,235,241,241,235,225,217,217,217,217,212,204,147,142,142,144,191,145,141,140,191,199,204,217,228,228,217,204,200,202,212,222,230,230,230,230,225,225,228,222,207,199,189,185,185,185,192,225,235,230,212,209,222,228,230,233,233,233,233,238,241,238,230,215,202,199,194,129,127,191,207,241,209,13,0,0,17,53,207,230,238,235,233,233,233,230,230,233,233,233,235,230,196,133,125,98,91,176,194,215,235,202,23,173,209,53,117,199,209,212,209,215,217,217,217,217,222,228,228,230,230,215,202,204,217,228,228,228,228,230,233,230,230,230,233,235,246,97,89,58,59,103,99,225,222,217,202,133,178,186,186,194,196,189,186,194,199,202,202,202,207,212,228,230,215,204,199,194,199,204,202,199,204,207,194,183,183,183,186,191,194,189,194,209,217,228,230,238,241,235,83,9,109,123,37,30,3,56,238,241,241,235,233,230,228,228,228,228,230,233,235,235,230,215,212,246,121,173,194,186,225,235,241,241,241,238,238,238,238,238,238,235,233,230,230,233,233,235,235,233,233,233,233,235,233,233,233,235,238,238,233,215,196,194,199,207,207,195,194,196,195,194,196,204,199,199,204,207,207,207,207,212,212,222,228,233,230,230,230,235,235,233,231,231,233,235,238,235,233,228,217,186,176,183,202,191,196,209,207,119,116,186,194,139,194,233,225,204,199,202,212,215,127,44,86,228,233,238,238,238,235,233,233,233,233,235,235,235,235,230,230,230,233,233,235,235,228,209,204,207,212,225,233,230,215,202,147,144,196,207,204,195,199,209,212,222,228,217,209,204,196,194,192,195,194,209,225,235,238,235,233,228,215,204,203,204,202,192,191,199,215,220,217,215,212,212,215,222,222,222,217,215,209,208,208,209,215,222,228,230,225,220,212,204,209,228,235,230,215,215,212,212,222,217,222,241,243,246,243,241,238,235,225,209,212,217,228,233,235,235,233,230,230,230,225,222,225,222,209,208,225,241,243,238,231,230,233,238,241,237,237,238,241,235,235,241,241,235,151,125,123,149,230,241,243,241,238,235,235,233,233,233,233,233,235,238,241,241,241,241,241,243,241,238,238,235,235,228,212,205,205,209,209,208,208,212,220,228,230,230,230,230,225,217,215,215,208,207,212,217,212,207,209,215,225,233,235,225,207,204,212,220,225,225,225,222,215,211,211,225,225,215,212,212,212,217,225,230,233,233,230,222,215,212,212,222,230,235,238,235,233,233,230,228,222,217,213,213,217,225,222,217,212,212,212,212,212,217,225,228,228,230,235,235,238,238,238,235,233,230,233,235,235,230,217,215,217,233,235,233,231,233,235,235,235,235,235,235,235,235,235,235,235,238,238,238,235,235,235,235,235,233,233,233,233,233,233,233,233,233,233,230,230,230,230,228,228,228,228,228,228,215,143,132,138,196,202,204,209,212,212,215,215,215,217,217,217,209,199,198,200,209,215,209,199,194,204,209,215,217,215,199,135,129,136,196,207,212,215,217,215,215,215,215,215,215,207,202,200,202,207,207,204,203,204,209,212,212,217,220,217,217,217,217,220,222,217,217,217,217,217,217,220,217,215,207,202,202,204,209,215,217,217,217,217,217,220,217,212,207,207,207,209,209,212,217,220,222,217,217,212,209,212,215,215,212,212,215,217,220,222,225,225,217,117,111,133,194,204,207,204,207,215,222,228,228,228,225,217,213,215,225,228,228,228,230,225,217,212,215,215,212,209,212,212,215,215,222,228,233,238,238,238,235,235,234,235,238,241,243,243,243,243,243,243,243,243,241,238,238,241,235,228,222,225,228,228,225,225,230,235,238,235,235,238,241,243,241,238,233,230,230,235,238,241,241,238,235,230,230,230,230,230,228,225,225,228,228,230,230,230,230,233,235,235,238,238,238,235,228,222,217,212,202,149,145,147,196,209,222,230,230,228,225,228,228,230,233,233,233,233,230,228,226,228,230,230,230,229,229,233,233,230,228,225,217,216,216,222,225,225,228,230,233,235,238,238,241,243,243,246,246,248,248,248,248,251,251,254,254,251,246,243,241,241,238,235,233,233,230,225,222,222,217,217,215,212,212,209,209,209,209,209,209,209,209,37,31,27,27,29,33,37,35,31,29,29,29,29,31,31,33,33,35,33,31,27,27,29,31,33,35,35,41,43,51,59,69,73,75,108,124,131,139,139,139,131,124,89,83,75,75,83,95,142,152,152,165,173,168,165,117,111,117,168,176,183,176,176,176,186,191,186,191,196,199,202,202,196,186,186,186,189,194,194,194,196,207,209,217,220,220,209,202,173,109,103,115,176,194,207,212,212,191,157,142,134,139,142,134,0,90,69,82,92,98,82,53,48,48,53,59,59,51,35,20,17,20,46,0,0,0,0,0,194,178,165,147,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,100,95,85,77,0,0,0,0,0,0,0,118,111,87,35,0,0,0,0,0,14,40,0,0,0,0,0,0,0,0,0,87,69,0,0,0,0,212,204,165,121,0,74,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,178,230,255,255,255,248,235,225,209,194,178,157,118,51,41,45,45,33,9,0,0,25,152,209,199,155,53,0,0,0,0,0,0,57,131,147,142,160,178,186,204,228,228,199,194,196,194,173,147,99,147,168,186,189,178,178,194,215,225,181,74,17,101,183,183,101,21,0,39,105,168,178,170,111,105,108,181,191,199,199,207,215,230,243,255,255,255,255,233,207,168,79,27,0,0,0,0,0,0,0,57,97,139,142,152,178,186,183,176,176,178,178,178,178,178,178,178,178,186,189,196,196,196,199,199,199,189,181,176,176,178,131,117,95,91,95,170,196,196,191,199,199,202,199,191,191,191,191,183,173,173,157,115,106,106,109,150,109,103,107,107,78,89,101,91,77,71,75,83,97,134,139,144,134,83,77,97,150,157,157,157,147,101,51,31,29,29,37,93,107,113,113,157,178,186,194,202,202,195,195,204,204,194,186,191,199,199,194,202,202,202,191,191,189,189,189,181,168,164,168,173,173,168,168,173,160,91,63,53,51,47,47,65,95,101,85,81,78,78,85,107,173,183,181,165,152,107,105,105,99,93,99,147,147,152,176,191,186,168,144,103,97,103,155,165,170,165,155,144,144,144,109,152,160,163,157,150,97,86,86,95,111,111,113,168,183,202,207,194,173,115,103,93,91,92,103,115,157,117,121,160,117,116,119,170,178,176,163,161,168,173,173,173,170,170,165,163,160,163,168,165,121,109,97,87,84,81,85,93,109,160,165,165,165,123,119,121,173,183,194,204,209,202,191,186,191,204,209,204,196,207,220,220,220,204,194,189,181,183,183,178,123,111,101,97,107,107,95,89,107,181,191,170,111,103,95,95,103,103,103,95,95,103,115,176,194,209,212,217,217,217,220,220,220,220,217,212,212,217,207,181,157,103,93,83,63,51,43,41,38,38,41,49,61,71,83,95,142,157,173,173,160,160,155,160,163,160,150,142,89,79,75,71,65,59,59,65,61,51,45,43,39,39,39,39,45,59,75,81,81,77,75,75,81,111,81,81,71,49,44,59,69,59,49,49,49,37,31,31,43,51,69,83,93,95,95,103,163,228,255,255,255,255,254,235,220,212,220,238,255,255,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,181,225,178,157,147,139,129,111,108,121,137,152,163,160,147,137,137,105,87,76,85,95,109,113,103,97,105,160,163,152,152,157,157,113,163,186,194,191,176,152,105,105,105,101,101,109,160,176,173,165,160,163,176,176,173,170,160,107,113,168,176,181,176,170,123,111,117,183,189,191,196,194,191,105,115,183,202,217,217,9,7,125,170,181,212,215,204,202,191,204,212,222,235,107,0,38,119,121,129,178,189,194,194,199,202,202,199,189,135,135,186,194,194,189,189,209,228,228,225,217,207,199,194,186,186,191,199,207,209,215,217,217,222,225,222,217,217,222,215,191,177,177,178,183,183,183,191,196,178,115,112,118,124,131,133,133,135,189,207,217,228,238,222,181,183,194,202,207,207,196,209,204,199,194,134,133,134,183,191,194,199,209,220,222,217,212,209,212,207,194,183,176,174,176,194,212,217,178,129,131,176,178,133,122,122,131,194,207,207,215,222,222,217,217,217,222,222,217,220,217,204,178,177,183,183,186,194,196,199,202,207,215,222,228,228,207,186,191,209,222,228,222,217,215,207,207,209,209,205,217,215,215,222,225,215,181,107,119,183,202,212,217,222,225,228,230,230,230,233,233,228,217,196,181,132,132,133,129,122,123,131,131,129,129,181,207,228,212,202,220,228,238,243,241,238,233,228,225,225,225,228,228,228,228,225,222,222,225,225,225,225,225,222,217,212,209,209,212,217,222,222,220,221,222,225,228,230,230,228,225,225,225,225,141,61,105,123,217,233,241,251,238,139,137,194,207,215,215,212,212,215,212,212,211,212,212,212,212,208,208,212,217,220,217,212,222,233,238,235,230,230,230,230,233,233,230,228,228,228,228,230,230,230,228,230,233,235,233,228,222,217,222,225,217,199,194,144,142,145,194,191,143,139,137,207,209,209,212,222,225,222,207,200,202,209,217,228,228,228,228,228,225,228,225,212,199,191,190,189,189,192,209,225,215,196,196,202,209,228,228,228,228,228,235,243,241,215,199,190,191,186,131,127,113,107,69,43,0,0,11,113,178,204,233,235,233,233,233,233,233,233,233,233,230,230,228,215,183,100,84,88,191,196,199,209,209,204,238,255,235,111,183,207,207,209,217,225,225,222,222,225,228,233,233,230,212,202,207,220,228,228,225,225,230,233,230,230,230,233,238,248,103,95,91,93,233,233,235,215,112,108,119,131,181,133,181,191,191,189,191,191,194,199,204,209,212,215,215,209,199,194,196,204,209,202,196,194,191,191,189,191,191,186,183,183,182,186,196,212,225,230,238,241,230,85,125,209,127,37,18,12,42,186,238,235,230,228,228,225,225,225,230,230,235,235,235,235,222,235,243,196,107,115,101,212,235,238,243,238,238,238,238,238,241,241,241,235,233,233,233,238,238,235,233,231,233,233,233,233,233,233,235,235,233,225,207,194,194,196,202,204,199,195,199,202,199,196,199,202,207,209,209,207,204,204,204,204,209,225,233,235,230,230,235,235,235,233,233,233,235,235,235,235,230,222,196,186,204,207,190,194,207,119,82,75,183,202,204,209,222,225,215,207,212,228,225,196,85,131,225,238,238,238,238,235,233,233,233,233,233,233,235,235,235,233,233,233,233,235,235,228,149,149,204,215,235,241,235,230,222,207,196,196,202,202,196,199,207,209,209,207,196,199,215,207,194,192,199,209,212,217,225,228,228,228,225,222,212,207,204,199,195,196,209,222,222,215,212,212,212,215,222,230,233,230,222,212,209,212,209,209,222,230,228,222,215,209,204,212,230,233,220,212,212,209,212,215,217,233,243,246,243,241,241,241,238,228,215,215,228,233,235,241,238,235,233,233,230,230,228,228,228,211,212,230,241,241,238,233,233,238,241,241,238,237,241,238,235,235,238,233,215,147,140,143,159,230,241,241,241,238,235,235,235,238,238,238,235,235,238,241,241,241,239,241,241,241,241,238,238,235,230,209,204,207,209,209,209,209,209,212,217,225,228,228,228,217,207,209,217,212,208,212,215,212,209,215,222,230,238,238,230,217,209,212,217,222,222,225,222,217,217,215,222,225,222,217,222,225,230,233,233,233,235,238,233,228,228,230,230,233,235,238,235,233,233,233,222,215,215,213,213,217,225,225,217,215,212,215,217,222,225,228,228,228,233,235,238,241,241,238,238,235,233,235,238,238,233,217,215,222,230,235,233,231,233,235,235,235,235,235,235,235,235,234,235,235,238,238,238,235,235,233,233,233,233,233,233,233,233,233,233,233,233,233,233,230,230,230,228,228,228,228,228,225,212,149,141,142,196,204,212,215,212,212,215,215,217,222,222,215,204,199,204,209,215,217,212,202,204,209,217,220,217,212,199,141,137,199,209,215,217,217,217,215,215,215,215,217,215,207,200,200,204,207,207,204,204,207,212,215,217,217,217,217,217,217,220,222,222,217,217,217,217,217,220,222,217,215,209,204,202,204,209,217,222,222,220,217,220,217,215,212,207,204,207,209,209,212,215,220,222,217,215,212,212,215,215,215,215,212,215,222,225,225,225,228,222,127,127,141,199,207,209,209,209,215,225,228,228,225,222,215,213,215,225,230,230,230,228,225,215,212,212,209,207,207,209,209,207,207,212,217,228,233,235,235,233,235,235,238,241,243,243,243,243,243,243,243,243,241,238,238,235,238,235,228,222,220,222,220,217,217,225,230,235,238,238,238,241,238,238,233,230,229,230,235,241,246,243,241,238,233,230,230,233,230,230,230,230,228,228,228,228,228,230,233,235,238,238,238,238,235,228,217,212,209,204,151,145,147,196,207,220,228,228,225,225,225,230,233,235,235,235,233,228,226,226,228,228,230,229,229,229,230,233,233,230,228,225,217,216,217,225,228,228,230,233,235,235,235,238,241,243,243,243,248,251,248,248,251,251,254,254,251,248,248,246,243,238,235,233,235,233,228,222,217,217,217,217,215,215,215,212,212,212,212,212,209,209,41,37,35,31,33,35,35,35,33,31,31,31,31,31,33,35,35,35,33,31,29,31,31,33,31,33,37,43,53,53,57,67,71,77,111,126,134,139,139,139,142,142,134,95,85,85,97,144,165,168,176,183,191,189,178,165,119,119,168,186,196,196,191,191,199,199,199,204,204,209,209,204,196,196,191,196,196,202,202,202,202,209,217,225,225,225,220,207,181,115,109,115,160,183,204,212,220,209,183,157,142,134,134,126,108,87,82,0,0,0,0,72,53,47,49,59,66,53,35,27,20,27,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,186,139,0,0,0,0,43,0,0,0,0,0,0,0,0,0,103,77,61,0,0,0,0,0,0,0,0,144,131,131,129,113,72,27,0,0,0,0,48,56,51,0,0,0,0,0,0,0,0,0,0,0,77,0,0,0,155,170,0,0,0,90,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,199,230,248,255,255,255,235,225,204,0,0,194,170,98,45,45,45,33,7,0,0,35,65,139,147,98,41,5,0,0,0,0,0,0,0,57,118,168,189,189,204,238,228,191,183,194,191,165,97,90,92,137,178,177,157,170,194,209,215,189,64,34,155,194,183,89,0,0,65,168,186,186,181,160,110,111,170,199,199,199,204,207,225,241,255,255,255,246,217,202,183,101,45,17,21,0,0,0,0,0,0,59,101,165,178,173,165,150,150,168,178,173,163,111,109,109,109,117,173,194,202,196,199,199,199,199,181,165,161,172,183,181,119,101,99,107,176,204,207,207,199,191,189,183,189,191,194,191,173,168,157,155,150,109,109,160,183,155,103,93,83,76,79,91,99,103,137,137,137,101,89,89,134,101,53,55,83,142,173,173,168,147,75,31,27,30,37,49,93,109,113,157,178,189,189,194,194,196,196,196,196,194,186,181,186,199,194,194,202,209,202,191,189,189,189,181,168,163,164,173,181,181,178,165,178,186,63,38,43,47,51,63,81,95,95,85,79,72,76,97,163,176,176,173,168,160,150,150,150,99,99,105,105,105,152,173,186,178,155,95,90,93,103,165,176,183,173,163,155,144,144,152,160,160,150,107,107,97,85,83,91,111,111,109,152,176,191,202,191,173,113,105,97,92,97,103,115,121,121,160,165,119,119,163,170,170,168,163,163,168,170,168,173,170,170,170,163,160,163,168,165,117,107,95,89,87,93,97,109,117,121,121,121,121,117,119,125,186,194,202,204,202,202,194,194,191,196,204,207,202,207,212,220,220,212,194,183,181,191,191,173,117,101,83,77,77,83,77,83,101,176,183,160,101,87,77,79,89,95,91,83,83,85,97,117,183,204,212,220,220,220,220,220,220,220,220,212,212,199,191,176,113,97,83,79,71,55,47,41,39,41,45,49,63,71,75,89,142,155,157,160,157,153,153,156,160,176,176,157,103,93,89,81,69,63,63,67,61,51,51,45,43,39,33,29,33,49,69,75,105,75,105,105,75,71,67,67,59,45,49,67,81,75,75,75,71,51,43,43,51,67,75,81,93,93,92,95,176,222,254,255,255,255,254,238,230,222,230,248,255,255,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,116,126,152,152,142,124,109,107,113,129,144,157,155,142,131,101,103,91,79,85,97,160,163,155,109,109,152,155,115,152,165,173,170,181,194,196,191,176,152,103,101,101,101,100,101,111,155,160,155,115,119,168,170,168,168,119,105,106,119,170,176,168,163,116,112,123,189,194,199,207,209,207,191,186,191,196,207,194,0,0,25,117,173,194,194,181,131,183,207,222,230,235,191,35,107,125,123,133,194,196,178,123,181,191,194,191,183,178,178,186,191,194,191,189,204,222,228,225,209,196,191,194,191,194,202,204,207,207,209,215,215,222,225,225,220,222,225,222,191,178,178,181,181,178,178,183,189,183,129,125,178,181,181,135,133,178,194,212,225,228,228,209,189,183,186,194,204,202,186,196,196,191,189,135,134,137,194,204,202,202,209,215,217,215,209,209,212,207,194,181,176,173,178,199,215,215,129,117,117,176,194,202,194,178,135,181,183,189,202,215,217,217,220,222,222,220,217,215,212,196,179,178,183,137,135,181,183,186,189,196,204,207,209,204,186,178,189,212,225,228,225,225,217,209,207,207,207,207,212,209,215,225,228,217,105,91,107,181,207,217,222,217,217,222,228,230,230,230,228,222,212,196,178,130,131,133,129,122,122,127,131,129,135,194,189,65,189,186,207,220,235,243,243,243,238,228,224,224,225,225,228,225,222,222,222,222,225,225,225,225,225,225,225,217,215,212,212,217,222,222,222,222,222,228,230,230,233,230,224,225,230,225,57,0,0,115,215,238,238,243,241,189,186,204,215,217,217,215,217,217,215,212,211,211,212,215,215,212,209,212,217,215,215,215,225,230,233,233,230,228,228,228,230,230,228,226,226,226,228,230,230,228,225,225,228,230,228,225,222,225,228,228,217,196,145,144,143,194,196,191,189,142,143,225,225,212,207,204,207,207,202,202,207,212,215,222,225,228,230,230,228,228,225,215,204,204,209,207,196,194,199,207,207,196,194,194,199,209,209,212,209,212,222,225,196,191,196,199,212,212,196,186,117,83,0,0,0,0,39,109,178,212,230,233,230,230,233,233,235,235,233,230,228,228,230,225,207,127,101,191,204,207,204,196,202,225,246,255,101,81,117,209,212,215,217,225,228,228,228,228,230,233,233,225,209,207,212,222,225,225,225,225,230,233,233,233,233,230,230,241,113,101,109,181,235,241,233,135,109,111,126,135,123,110,115,183,194,196,191,189,189,191,199,202,202,194,191,196,194,191,196,202,207,199,194,191,190,194,199,204,199,191,189,183,182,182,191,204,212,215,225,233,230,176,196,243,238,191,178,173,178,207,217,228,225,225,225,225,225,225,228,230,235,235,230,217,121,228,222,178,27,17,23,183,233,241,246,241,238,235,235,235,238,241,241,238,233,233,233,238,241,238,233,233,233,233,233,233,233,235,235,233,225,212,199,194,194,196,194,190,199,207,215,217,209,196,196,202,207,212,212,209,204,202,202,196,202,217,230,233,233,233,235,238,235,233,233,235,235,238,238,235,233,225,209,207,215,209,195,212,222,133,94,82,135,209,222,220,204,204,215,222,228,235,230,204,127,199,225,235,238,235,235,235,235,233,230,230,230,230,230,235,238,238,235,235,235,238,235,222,139,143,207,225,238,241,241,238,233,225,212,202,199,194,191,194,204,207,202,191,189,199,217,217,202,196,207,215,215,215,220,217,220,222,222,217,215,215,212,204,202,209,222,230,228,217,215,215,215,215,225,235,241,241,233,215,215,217,217,217,225,228,220,215,215,209,202,209,222,225,215,209,207,204,207,209,212,230,238,241,241,241,241,241,241,235,225,217,228,233,235,235,235,233,230,230,230,230,230,230,228,215,220,233,241,241,238,235,238,241,241,241,241,243,241,235,233,235,233,222,209,155,155,212,228,235,241,241,238,238,238,238,238,241,241,241,238,238,238,241,241,241,239,239,241,241,238,238,238,235,228,207,205,212,215,215,209,208,209,209,209,215,222,228,228,217,204,204,217,220,212,212,212,212,212,215,222,230,235,233,230,222,217,217,217,217,222,228,230,225,225,222,220,222,222,225,228,233,235,238,235,233,235,238,235,230,230,233,233,233,235,238,238,233,230,225,212,209,215,215,217,225,228,222,217,215,217,222,228,230,233,230,230,230,233,235,238,238,238,238,235,235,235,235,238,241,235,225,222,228,235,238,235,235,235,235,235,235,235,235,235,235,235,235,235,235,235,238,235,235,235,233,233,233,233,233,233,233,233,233,233,233,233,233,233,230,230,230,230,228,222,217,217,217,215,209,204,204,207,215,217,217,215,212,215,215,215,217,217,209,202,202,212,215,217,217,209,198,199,209,215,217,215,212,204,199,202,209,215,217,217,217,217,215,215,215,215,217,217,212,202,200,204,207,207,207,207,209,212,217,217,217,217,217,217,220,222,222,222,217,217,217,217,220,222,222,217,212,207,202,199,202,209,217,225,222,222,217,217,217,215,212,207,202,204,204,207,212,217,220,217,212,212,212,212,215,215,215,215,212,215,222,222,222,225,225,217,137,137,145,196,202,202,202,207,212,222,228,225,225,222,215,213,222,228,233,233,230,225,217,212,212,212,209,204,204,207,209,207,207,209,215,220,225,228,228,230,233,235,238,241,243,246,246,246,243,243,243,243,241,235,233,230,230,228,222,217,215,215,212,212,212,217,225,233,238,241,241,241,238,238,235,233,230,233,235,243,246,246,243,241,235,230,230,233,233,230,230,230,228,225,225,228,228,230,233,235,238,238,235,235,235,230,222,215,209,204,149,143,145,196,204,215,220,222,222,222,225,230,233,233,233,235,233,228,228,228,228,228,230,230,230,230,233,233,233,233,230,228,225,222,225,228,228,225,228,233,235,235,235,238,241,241,241,243,246,248,251,251,251,251,251,251,251,251,248,246,243,238,233,233,233,233,228,222,220,217,220,220,217,217,215,215,212,212,212,212,212,209,43,43,43,39,39,37,37,37,37,35,33,33,33,33,35,37,37,37,37,35,35,35,35,37,35,37,43,53,53,44,53,65,69,79,111,126,134,137,137,139,144,144,142,131,91,95,137,152,176,183,189,196,207,207,196,189,178,176,181,196,207,212,209,209,209,212,215,217,217,217,217,212,204,202,204,207,207,207,207,207,209,217,220,228,228,228,220,212,191,170,121,115,152,173,186,202,209,209,202,173,142,134,126,126,111,0,0,0,0,0,0,0,82,49,47,51,59,51,43,35,35,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,243,194,147,0,0,0,61,27,4,0,0,0,0,0,0,0,0,100,69,0,0,0,0,0,0,0,0,212,155,126,131,157,150,90,40,20,0,0,30,90,0,0,0,0,0,0,0,0,0,0,0,0,0,59,85,111,95,111,126,0,0,0,113,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,0,0,0,202,209,222,230,241,243,233,209,202,0,0,196,178,129,59,45,43,31,7,0,3,0,0,0,45,47,43,47,35,0,0,0,0,0,0,0,29,139,173,183,196,215,209,181,173,183,183,165,134,97,101,168,196,204,170,168,181,207,207,163,72,79,168,194,183,57,0,0,81,163,191,204,204,189,181,181,191,207,207,199,199,207,217,228,246,255,255,225,190,194,207,170,57,39,45,13,0,0,0,0,0,29,89,173,183,152,105,99,103,111,115,111,103,91,91,91,97,109,173,194,202,204,207,204,204,199,189,178,172,176,181,121,107,109,111,119,181,199,207,199,191,183,178,178,189,194,194,173,155,115,157,173,160,155,160,191,199,183,142,89,76,76,83,103,152,163,186,196,176,95,53,53,97,101,52,52,75,142,183,183,168,101,69,45,43,49,57,79,107,168,178,181,189,189,189,189,194,196,194,189,178,168,165,176,186,194,189,194,207,217,209,196,191,191,189,173,168,164,168,183,186,186,181,173,181,165,41,35,40,51,63,85,103,142,103,91,79,76,85,152,173,173,160,160,165,165,152,150,105,99,99,107,105,103,152,168,173,157,97,92,90,95,150,173,183,176,168,155,144,107,144,152,160,152,109,97,97,97,86,86,91,107,107,103,109,168,186,202,191,163,109,99,97,97,99,111,157,168,168,165,168,163,163,170,170,165,123,160,163,168,165,165,173,181,176,170,121,117,119,160,117,107,101,95,93,95,101,107,113,117,115,115,115,119,119,119,173,194,202,204,204,191,194,194,189,189,191,199,202,202,207,212,215,212,204,189,178,178,191,183,160,107,87,61,53,55,61,67,77,97,160,170,107,87,71,63,67,77,83,83,80,78,80,89,107,176,199,209,217,217,220,217,217,220,220,220,220,212,199,191,176,115,103,89,83,81,71,53,47,45,49,55,63,69,69,75,81,95,142,150,157,170,170,170,173,176,183,183,176,157,147,142,131,81,75,69,69,69,61,51,45,45,39,33,29,33,41,59,69,73,75,73,69,67,51,49,45,41,39,49,75,118,118,87,118,85,71,59,59,69,75,81,89,95,95,95,103,181,222,248,248,248,255,248,238,238,230,238,255,255,255,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,152,147,134,121,113,121,134,142,144,137,131,134,134,101,93,85,89,103,168,168,157,115,111,107,97,93,105,170,183,186,189,194,191,183,170,115,99,99,101,101,101,103,107,113,115,111,107,111,155,157,157,157,115,106,104,107,119,121,115,117,119,121,173,186,191,196,207,209,209,212,207,202,202,202,178,0,0,0,69,121,127,127,129,173,186,204,222,233,228,194,58,125,176,125,178,217,212,118,106,119,135,186,189,186,183,181,181,186,191,191,186,194,209,217,212,194,183,183,191,194,199,207,207,207,204,207,212,212,217,222,225,222,222,228,225,189,135,181,183,181,135,135,133,135,178,135,181,212,209,199,181,133,178,199,215,225,225,215,199,189,182,181,186,207,207,183,186,186,183,181,137,181,189,204,215,215,209,209,212,212,209,208,208,212,207,194,183,176,174,183,204,215,217,129,105,98,107,191,212,209,194,186,178,133,129,181,199,209,212,217,217,217,212,209,204,199,189,181,179,181,133,127,127,131,131,133,135,129,135,137,181,178,177,186,209,222,225,225,225,215,207,207,204,202,207,204,199,207,222,228,217,83,97,117,186,207,217,220,217,215,213,217,225,228,225,215,209,207,204,186,131,133,178,133,125,123,127,129,123,127,133,72,29,105,133,194,209,230,241,243,243,235,228,225,225,225,225,225,225,222,222,222,222,225,225,225,225,222,225,225,217,215,209,212,215,222,217,217,216,222,228,230,233,230,228,225,230,238,235,87,30,39,129,135,207,228,238,230,199,202,212,222,222,217,217,222,222,217,215,212,212,215,217,217,215,215,217,215,213,215,217,228,230,230,233,230,228,225,228,228,230,228,228,228,228,228,230,230,228,225,224,225,225,225,225,225,228,228,228,217,202,147,191,194,202,199,194,194,196,207,228,225,209,199,190,189,190,194,202,209,212,212,212,217,228,230,228,230,228,222,204,200,207,217,217,204,196,196,204,204,202,194,189,194,202,202,204,196,191,191,97,77,123,199,217,228,230,217,215,215,121,0,0,0,0,27,51,109,220,228,228,226,228,230,233,235,235,235,230,228,228,233,230,215,189,135,207,212,217,207,133,194,243,243,233,85,79,98,131,209,217,225,228,228,230,230,233,230,230,225,215,212,215,222,228,228,225,228,228,230,233,233,233,230,222,209,123,115,133,212,212,212,230,222,189,129,194,209,212,181,107,103,125,191,202,196,190,189,191,196,196,191,135,131,181,186,186,189,196,204,199,196,194,191,194,202,204,196,191,191,186,182,183,194,199,196,183,170,125,204,207,235,243,243,230,233,246,222,212,215,225,225,225,228,228,225,225,228,228,228,230,235,230,41,189,189,186,67,13,2,47,209,243,243,243,238,235,234,235,235,238,238,238,235,233,233,238,241,238,235,233,233,231,231,233,235,235,233,225,217,209,199,196,202,199,189,187,204,225,238,233,212,194,196,199,194,194,202,207,207,204,199,187,191,209,225,235,235,238,238,238,235,233,233,235,238,238,241,238,235,222,202,202,209,209,215,230,220,133,115,111,194,215,228,220,131,133,217,233,238,238,233,215,207,222,228,235,238,235,235,235,235,230,229,229,229,228,229,233,238,241,241,241,241,241,238,222,138,143,217,233,235,238,241,241,241,235,228,212,202,194,190,192,202,207,199,187,187,199,209,212,207,207,212,217,217,215,215,215,215,215,212,212,212,215,215,209,207,217,233,238,233,225,220,222,222,222,228,235,243,243,238,225,217,222,225,222,225,225,215,212,212,200,196,207,215,215,212,204,195,194,204,209,212,225,233,235,238,238,241,243,246,238,225,217,230,235,233,233,230,229,229,229,229,230,230,230,225,222,228,238,238,238,238,238,241,241,241,241,243,246,241,233,222,217,222,222,222,222,225,230,235,238,238,238,238,238,238,241,241,243,243,241,241,238,241,241,241,241,239,239,241,241,238,238,238,235,225,205,209,217,222,217,212,209,212,212,209,209,215,225,228,217,203,202,212,217,212,209,212,212,212,215,222,228,228,228,225,225,222,222,222,220,222,230,233,230,228,225,222,217,222,228,233,235,235,238,235,233,233,235,235,233,230,233,233,230,230,233,233,230,225,212,204,204,212,215,222,228,228,217,215,215,222,228,233,238,238,235,233,230,230,233,235,235,235,235,233,233,233,235,238,238,235,230,228,233,238,241,238,235,235,235,233,233,233,233,233,233,235,235,235,235,238,235,235,235,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,230,230,230,230,228,217,207,207,212,215,220,217,215,215,220,222,217,215,215,212,212,209,209,209,204,202,204,215,217,217,215,202,194,195,209,215,215,212,212,209,212,212,215,215,217,217,217,217,215,215,212,212,212,215,215,207,202,202,207,207,207,207,209,215,217,220,217,217,217,217,220,222,222,222,217,216,217,217,220,222,222,217,207,202,196,196,199,207,217,225,222,220,217,217,217,215,209,204,202,200,200,207,215,222,217,212,209,209,209,212,212,215,215,215,215,215,217,217,217,217,222,215,191,145,191,194,194,194,196,199,204,212,217,222,222,217,215,215,225,233,233,233,228,222,215,212,215,215,212,207,204,204,207,209,209,212,215,215,217,217,220,225,230,233,238,241,241,243,243,243,243,243,243,241,238,233,228,225,225,217,215,212,212,212,209,209,209,215,222,230,235,238,241,241,238,238,238,235,233,233,238,241,243,243,241,238,233,228,230,233,233,230,230,228,225,224,224,228,230,233,235,238,238,238,235,233,233,233,228,222,212,204,149,143,141,149,202,207,212,217,222,222,222,228,230,230,233,235,233,230,230,228,228,228,230,230,233,233,233,233,230,230,233,230,230,228,228,228,225,224,225,233,238,238,241,241,243,241,241,241,243,246,248,248,248,248,248,248,248,246,246,243,241,235,230,230,230,233,230,225,222,222,222,222,222,220,217,215,215,215,215,215,212,212,45,45,45,43,43,43,39,37,37,33,33,32,32,33,33,35,35,37,37,37,37,37,37,37,39,39,45,57,53,42,44,57,65,75,111,118,129,134,134,137,144,144,142,137,134,142,152,170,178,189,189,199,212,217,215,207,199,191,199,209,217,228,225,225,225,225,225,228,228,228,228,217,217,215,217,217,215,209,209,212,220,228,220,220,220,220,220,217,209,191,176,163,157,157,173,183,191,202,202,183,152,134,0,0,0,0,0,0,0,0,0,0,118,61,48,48,53,51,46,46,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,176,0,0,0,0,61,27,4,0,0,0,0,0,0,0,0,116,90,0,0,0,0,0,0,0,0,251,173,139,155,215,225,150,64,38,22,22,48,82,0,0,0,0,0,0,0,0,0,0,0,0,0,56,77,87,79,69,79,0,0,163,121,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,0,0,0,191,199,199,199,207,225,215,204,202,0,0,194,178,144,100,51,43,23,5,7,1,0,0,0,0,9,41,61,61,41,0,0,0,0,0,0,0,51,116,142,160,178,165,144,152,168,176,160,144,131,150,183,202,204,189,174,181,202,183,85,77,165,191,204,202,5,0,0,97,168,191,204,207,199,191,199,207,207,199,191,189,191,199,207,225,235,246,215,183,190,215,181,61,57,67,27,0,0,0,0,0,23,77,163,168,142,99,95,97,97,97,91,88,87,87,91,99,109,127,186,202,204,199,199,199,199,202,207,202,191,129,106,103,119,129,170,181,199,199,191,181,173,173,181,191,194,183,157,107,106,157,183,173,168,183,194,183,157,103,89,79,81,99,152,186,202,212,217,209,150,52,52,139,97,51,52,77,137,168,147,93,63,49,49,57,65,81,103,165,191,191,191,189,189,189,189,189,189,189,176,117,107,105,115,178,191,191,194,209,217,207,199,191,191,183,181,173,173,183,191,186,178,181,181,173,105,41,38,47,63,75,87,103,142,142,95,85,85,95,152,163,152,139,105,152,157,152,107,105,99,101,150,105,103,150,157,152,99,93,92,95,103,160,176,176,165,147,99,95,99,111,155,152,109,97,97,97,97,91,87,95,105,103,103,109,168,183,191,178,155,99,91,93,101,103,117,170,178,176,165,173,173,173,176,170,123,117,119,160,163,165,168,176,181,170,163,111,109,109,109,103,101,101,95,95,99,105,107,109,109,109,108,115,123,125,168,176,191,202,202,194,191,191,189,183,183,183,191,202,207,212,212,212,204,191,178,170,176,183,173,115,101,71,51,49,51,55,67,77,95,107,111,95,75,63,62,63,71,83,83,80,80,80,89,107,176,199,209,217,217,217,209,209,209,209,217,217,217,209,199,181,163,115,109,103,95,81,69,55,55,63,69,75,75,75,69,75,89,101,142,157,181,189,189,186,183,186,189,183,181,181,173,157,131,81,75,73,75,69,51,45,39,33,29,29,33,37,43,49,59,59,59,49,49,41,37,33,31,33,45,75,121,131,126,131,121,81,75,81,89,89,93,95,101,101,97,109,183,222,246,248,248,248,248,238,230,230,238,255,255,255,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,147,144,137,129,134,139,139,129,124,126,142,142,103,97,95,97,101,157,155,113,111,105,97,90,88,101,170,186,189,191,189,181,173,165,115,99,99,105,109,111,111,113,111,109,103,98,100,109,115,115,117,115,109,107,107,109,107,104,115,163,168,176,181,186,194,204,204,207,215,215,212,212,212,204,89,0,0,7,77,123,127,176,189,189,186,209,233,228,189,65,117,133,125,181,228,225,123,110,121,129,181,186,189,189,183,179,181,183,183,178,186,196,199,194,181,179,181,189,194,202,209,209,207,204,207,209,209,215,220,222,222,222,228,222,133,125,135,178,178,135,133,129,129,131,127,129,225,225,212,191,178,181,196,209,215,212,204,194,183,178,176,183,209,212,183,181,183,137,136,137,186,191,204,215,217,215,212,209,209,209,208,209,212,209,199,189,183,183,191,207,222,225,129,100,94,96,178,207,204,194,189,186,133,118,120,135,191,202,209,207,202,196,189,181,137,137,186,189,183,133,122,122,124,125,123,118,92,111,125,181,181,178,189,209,222,225,225,222,209,203,204,204,196,199,196,194,199,212,230,217,63,91,113,178,196,209,215,215,215,213,215,222,225,222,209,199,194,204,202,189,183,181,133,127,123,121,121,120,121,121,66,113,109,129,186,207,230,241,241,241,235,230,228,225,225,222,225,225,225,222,222,222,225,225,222,222,222,222,217,215,209,209,209,215,217,217,215,215,217,228,233,233,230,228,230,233,230,225,209,204,212,137,129,127,233,238,215,191,199,217,225,225,217,217,222,222,217,217,215,215,215,217,217,215,217,217,215,215,215,220,225,228,230,230,228,225,225,228,230,230,230,233,233,230,233,233,230,228,225,225,225,228,228,228,228,228,225,222,217,207,196,199,209,215,207,202,204,209,212,215,209,202,194,189,187,187,191,204,212,209,204,204,212,225,228,228,228,228,217,198,196,202,215,215,207,199,199,204,207,204,191,139,189,199,199,199,189,137,103,58,64,135,220,228,230,230,228,230,238,238,29,0,0,0,0,5,81,225,230,228,226,228,230,230,235,235,235,228,228,230,233,233,222,199,186,199,209,215,186,109,120,233,230,228,207,199,105,97,189,215,225,230,230,230,230,230,225,217,212,215,217,222,228,230,228,228,230,228,230,233,233,230,228,217,202,109,114,215,220,207,191,202,207,209,217,228,228,238,254,123,93,109,178,199,199,194,194,196,199,204,194,132,128,133,183,181,181,199,207,202,204,202,191,191,196,194,186,186,189,183,181,186,196,196,65,25,22,26,105,207,235,243,241,230,222,233,225,217,217,225,228,228,228,228,228,225,225,228,225,230,238,235,12,41,0,176,209,173,7,0,65,243,243,241,241,235,235,235,235,235,235,238,235,233,233,235,238,241,238,235,233,231,231,233,235,235,230,217,212,209,202,202,209,202,182,194,215,235,246,238,199,183,191,199,129,107,121,199,209,207,194,185,189,202,209,225,233,238,238,238,235,235,235,235,235,235,235,235,228,141,123,127,141,202,225,228,191,127,133,204,222,225,222,189,102,125,228,238,238,238,230,217,217,230,230,235,238,235,235,238,235,233,230,230,230,229,229,233,235,238,241,241,243,243,235,209,140,147,228,235,235,238,241,238,241,241,235,228,212,202,194,194,199,207,199,189,190,199,196,194,199,207,215,222,222,217,217,215,209,207,204,204,207,212,212,209,209,222,235,241,235,228,225,230,230,230,233,238,241,243,241,235,228,225,225,222,225,225,222,215,202,179,179,207,212,209,209,195,191,191,207,217,217,225,230,230,233,238,241,243,241,215,194,212,230,235,235,233,230,230,230,230,230,233,233,222,215,220,230,238,238,238,238,241,243,241,238,238,238,241,238,215,133,135,212,230,233,230,230,233,235,235,235,238,241,241,241,241,243,243,243,241,241,241,241,241,241,241,241,241,241,241,238,238,238,235,225,207,209,215,217,217,215,212,217,215,209,209,212,217,225,217,204,203,207,204,202,207,209,212,212,215,220,225,222,217,215,222,225,225,225,222,222,228,233,230,228,225,217,217,217,228,233,235,235,238,235,235,235,235,235,228,212,217,222,215,209,207,212,217,215,204,200,200,204,209,217,228,225,215,215,217,228,233,238,241,241,238,233,230,229,230,233,233,233,233,230,233,233,235,238,238,235,228,228,233,238,241,238,235,235,233,233,233,233,233,233,233,235,235,235,238,238,235,235,233,233,233,233,233,233,233,233,233,233,235,233,233,233,233,233,230,230,230,230,228,212,202,202,207,215,222,222,217,217,222,222,217,215,215,212,209,207,207,207,204,204,207,212,217,217,209,199,195,198,209,215,212,212,212,212,215,217,215,215,217,217,217,217,215,215,212,209,208,212,215,209,202,196,199,204,209,212,215,215,217,217,217,217,217,217,220,222,222,222,217,217,217,217,220,220,220,215,204,195,194,195,202,209,217,222,222,217,217,217,217,215,209,204,200,199,202,209,220,225,217,207,205,207,207,209,212,215,215,215,215,215,215,212,212,215,215,212,202,199,199,196,194,196,196,196,196,202,209,215,217,222,217,217,228,233,235,233,228,222,215,215,217,222,217,209,203,203,204,207,212,215,217,217,215,215,215,217,225,228,233,235,238,238,238,238,241,241,241,238,235,233,228,225,225,222,217,215,215,212,209,209,209,212,217,225,230,233,235,235,235,238,238,238,235,235,235,238,241,238,235,235,230,228,228,233,233,233,230,228,225,225,225,228,233,235,238,241,241,238,235,233,235,235,233,225,212,202,149,143,141,149,202,202,207,217,225,222,222,225,228,230,230,233,235,233,230,228,226,226,228,230,235,235,235,233,230,230,230,230,230,228,228,230,228,225,225,233,235,238,241,241,241,241,238,241,241,243,246,246,246,246,243,243,243,243,243,243,241,235,233,230,230,230,230,228,225,222,225,225,225,222,220,217,215,215,215,215,215,212,53,53,53,53,45,45,43,39,37,33,33,32,32,33,33,33,33,35,37,43,43,43,39,39,43,43,53,59,53,41,41,45,63,71,111,118,129,134,134,137,142,142,137,142,152,165,168,176,178,176,178,189,204,212,217,215,207,199,207,215,228,235,235,228,233,233,233,228,228,228,228,228,225,228,228,233,228,220,215,215,228,228,220,217,215,215,217,217,212,204,191,176,163,157,163,173,183,191,191,183,160,142,0,0,0,0,0,0,0,0,0,0,150,98,59,53,59,59,61,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,9,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,212,173,173,212,225,150,74,48,48,56,48,48,48,0,0,0,0,0,0,0,0,0,0,0,0,51,59,69,53,46,35,43,108,147,116,4,0,0,0,0,0,0,251,74,38,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,61,100,0,170,191,199,199,199,202,209,209,209,0,0,0,191,178,157,116,85,45,21,0,0,0,0,0,0,0,0,47,111,103,61,35,17,27,0,0,0,0,7,43,57,73,118,81,71,89,160,165,144,87,75,69,75,83,103,178,178,189,196,105,72,81,186,207,217,209,0,0,0,109,178,189,189,186,186,191,207,207,191,178,173,173,178,181,191,199,217,230,217,191,191,196,160,75,95,139,61,13,0,0,0,0,19,61,97,139,142,103,99,95,90,90,90,91,90,90,99,109,109,109,127,173,186,189,186,181,189,207,225,225,199,121,104,103,129,181,176,181,191,196,189,170,170,181,191,191,191,170,113,106,106,160,178,168,173,191,173,99,75,83,89,91,95,139,163,196,220,212,204,204,173,53,52,95,69,48,52,77,95,87,44,38,44,46,49,65,65,87,157,178,186,186,186,186,189,186,186,178,183,183,176,115,97,96,103,165,186,194,202,209,209,199,189,191,191,189,183,183,189,191,191,181,173,173,173,157,85,49,45,63,75,77,77,81,91,97,95,89,85,91,97,97,89,87,87,93,101,99,101,105,99,99,103,99,97,99,103,103,99,97,95,97,111,165,176,173,155,101,92,92,94,99,147,147,109,97,97,97,97,87,86,91,97,103,103,109,168,183,183,168,113,91,89,90,103,113,163,183,186,176,168,173,181,181,178,170,119,117,117,160,168,173,173,181,181,165,111,103,103,103,100,101,101,107,101,101,101,101,103,105,109,109,108,115,165,170,173,186,186,191,191,191,185,186,183,183,182,182,191,199,209,212,212,204,194,181,170,166,176,176,115,95,83,59,49,48,51,59,71,77,87,101,101,95,77,67,67,71,83,95,95,95,89,89,101,115,181,199,209,209,209,209,204,204,204,209,217,220,228,212,199,191,181,173,160,115,107,95,75,69,69,75,81,81,89,81,73,69,81,95,142,157,183,199,199,199,191,186,189,189,189,189,189,181,150,124,75,69,69,59,45,33,29,29,27,27,29,31,31,41,49,59,49,43,41,37,31,29,27,31,45,77,124,131,131,131,121,85,85,93,139,142,101,101,101,101,101,109,186,228,246,248,238,238,238,230,220,220,220,238,255,255,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,144,142,137,134,137,134,129,122,122,134,144,139,139,107,103,90,101,109,109,105,99,96,97,107,160,176,189,194,191,183,173,170,168,155,107,107,115,157,160,157,115,111,107,100,96,97,107,115,155,157,115,109,107,109,113,111,107,119,163,165,170,178,186,202,209,207,209,215,215,217,222,225,228,228,95,0,17,47,178,189,194,194,170,103,111,228,230,217,105,125,125,124,178,209,215,194,176,183,181,181,178,181,191,191,183,183,186,181,177,183,189,183,181,179,181,183,191,194,202,209,207,204,207,209,209,209,212,215,215,212,215,217,207,119,117,125,133,178,181,178,131,131,129,120,118,215,225,225,207,186,181,191,199,202,199,199,196,186,177,177,183,199,194,133,135,183,181,137,183,191,191,196,204,209,212,212,209,208,209,209,212,212,212,204,199,196,199,202,212,222,225,115,101,101,121,178,186,186,186,191,191,178,115,116,121,135,191,196,194,186,181,123,119,120,129,196,209,204,189,124,123,125,127,129,119,89,110,133,204,199,181,186,209,225,228,225,217,204,203,207,207,199,194,191,189,194,212,248,204,28,77,103,131,189,202,209,215,217,217,217,217,217,215,202,181,129,183,196,194,186,178,131,125,123,121,127,199,215,204,131,255,117,123,133,207,230,238,241,238,235,230,228,222,217,215,217,225,228,225,222,222,220,220,220,220,217,217,215,212,209,209,212,217,225,222,217,216,220,228,233,233,230,228,228,217,207,202,204,215,225,212,186,73,113,87,63,121,199,222,230,230,222,217,222,222,217,217,217,217,217,215,215,215,217,222,217,217,217,215,212,217,228,228,225,225,225,230,233,233,235,235,235,233,233,230,228,225,222,225,228,230,233,233,230,228,222,215,215,209,202,207,222,225,217,212,215,217,212,199,194,194,194,194,191,191,196,204,209,207,199,199,207,217,225,225,225,225,217,207,200,204,212,212,204,202,202,204,204,202,189,137,139,191,196,194,191,139,75,53,77,228,233,230,228,230,233,233,238,235,53,0,0,0,0,3,103,233,235,233,230,228,230,230,233,235,233,228,226,230,235,235,228,204,183,183,196,196,133,109,109,121,204,215,228,255,196,106,183,209,215,228,228,228,225,217,212,211,212,222,225,225,228,230,228,228,230,230,230,230,230,230,230,222,209,186,117,199,189,186,189,191,194,209,222,228,228,238,251,178,94,111,131,191,194,194,196,199,202,207,202,178,131,181,191,186,181,199,202,189,204,212,199,189,186,189,185,185,186,182,182,194,209,217,48,0,16,29,111,204,230,238,238,225,196,225,222,209,209,225,230,230,230,228,228,225,225,225,230,238,238,233,27,35,0,163,235,241,111,0,0,79,235,241,241,238,235,235,235,235,235,238,238,235,235,238,238,241,241,238,233,231,233,233,235,233,225,209,207,202,194,194,204,196,179,202,230,241,238,222,189,125,123,191,111,102,111,191,207,207,199,194,194,196,191,196,204,228,233,230,233,235,233,228,225,222,217,212,196,125,118,122,131,196,222,209,135,131,189,225,233,230,222,96,87,186,235,238,235,235,228,212,209,225,230,238,235,235,241,241,238,235,233,235,235,235,233,233,235,238,238,241,241,241,235,153,143,204,230,235,235,238,238,238,238,241,238,233,222,209,204,199,199,199,191,189,199,207,194,190,191,202,215,222,222,222,222,220,212,204,200,202,204,207,207,207,212,222,235,238,235,230,230,235,238,238,238,241,243,246,243,241,233,225,222,222,225,228,222,215,200,176,181,212,207,200,204,199,196,202,230,235,230,230,230,229,233,238,238,225,143,121,119,202,225,238,238,238,235,233,235,233,233,238,238,207,151,209,228,238,238,238,238,241,243,241,238,233,233,230,222,139,124,132,228,235,235,233,230,233,238,241,241,241,241,241,241,241,243,243,243,241,243,241,235,235,241,241,241,241,238,238,238,238,238,235,228,212,207,207,207,209,215,217,217,207,204,207,212,212,217,225,217,212,204,192,191,199,209,209,209,212,215,215,212,209,212,217,225,228,228,222,217,222,228,230,228,222,217,216,217,228,230,233,235,238,235,235,235,235,230,209,109,107,118,137,143,145,151,209,212,203,200,202,204,207,215,217,215,215,222,228,233,238,241,241,241,241,235,230,229,230,230,230,230,230,230,230,233,233,235,235,230,225,225,230,235,238,238,238,235,233,233,233,233,233,233,235,235,235,238,238,238,235,235,233,233,233,233,233,233,233,233,233,233,235,233,233,233,233,233,230,230,230,230,222,207,200,200,207,215,222,222,222,222,222,222,217,217,215,209,207,207,207,207,207,207,207,209,215,215,207,198,199,204,209,212,212,212,212,215,215,215,215,215,217,217,217,217,215,215,215,209,208,209,215,212,202,194,147,199,207,215,217,215,215,215,215,217,217,217,220,222,222,222,222,222,222,220,217,217,217,212,202,195,194,196,207,217,222,220,217,217,215,215,215,212,209,202,199,200,204,212,220,222,215,209,205,207,207,209,212,215,215,217,217,215,212,212,212,212,212,212,209,207,204,202,202,207,207,202,196,199,204,209,217,225,222,217,228,233,233,233,233,228,225,222,222,222,217,212,204,203,203,207,215,220,222,222,220,217,215,217,222,225,228,230,233,233,233,233,235,238,238,238,238,235,233,230,230,228,225,222,217,215,212,209,209,212,215,222,225,230,230,233,235,238,241,241,238,238,238,238,238,235,233,233,228,225,228,233,235,235,233,230,228,228,230,233,235,238,241,241,241,241,238,235,235,235,230,217,204,199,149,143,141,149,199,199,202,215,228,228,225,225,225,228,230,233,233,233,230,230,228,228,230,233,235,238,235,233,230,228,228,228,228,225,228,230,228,225,228,233,235,235,238,238,238,238,238,238,238,241,243,243,243,243,243,242,242,242,243,243,243,238,235,233,233,233,230,228,225,225,225,225,225,222,222,217,217,217,217,217,215,215,61,61,59,59,53,53,53,43,37,35,33,33,33,33,33,33,33,35,39,43,45,45,43,43,45,53,57,61,45,41,40,45,59,71,79,118,126,129,129,134,137,142,142,144,152,168,176,176,174,172,174,189,196,212,215,217,207,207,209,217,235,235,235,235,235,235,235,228,228,228,226,228,228,235,243,246,243,235,228,220,228,228,217,215,213,215,215,217,217,212,199,183,173,173,163,173,173,176,183,183,183,173,0,0,0,0,0,0,0,0,0,0,0,118,85,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,22,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,241,183,137,103,90,79,72,72,82,82,64,38,30,0,0,0,0,0,0,0,0,0,0,0,0,0,43,43,27,1,0,0,4,87,72,0,0,0,0,0,255,255,254,92,56,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,82,111,144,173,196,204,207,202,207,212,212,212,0,0,202,191,176,170,142,113,82,37,0,0,0,0,0,0,0,0,118,199,173,113,61,90,103,49,0,0,0,27,41,43,57,67,57,43,55,129,134,91,73,58,36,8,1,43,150,178,178,170,81,68,103,191,207,199,109,0,0,71,173,189,178,174,178,189,199,204,191,165,157,157,160,170,178,181,189,194,207,212,207,191,176,139,139,191,199,142,61,0,0,0,1,21,43,65,81,97,107,101,91,91,95,103,109,105,103,111,163,113,107,109,117,127,173,178,178,189,207,225,225,199,129,111,113,129,168,121,168,181,189,181,170,170,181,191,183,173,155,111,109,150,170,173,160,173,183,147,66,58,67,89,89,89,101,157,194,212,202,181,173,95,47,46,55,55,49,57,83,89,63,38,31,49,63,87,93,87,103,186,191,181,179,186,189,189,178,168,166,173,176,176,117,105,97,97,103,125,173,186,202,199,183,183,189,196,191,189,189,191,191,178,163,157,147,105,91,73,53,53,67,77,77,76,79,89,97,97,91,85,83,85,83,81,80,81,83,83,83,93,99,91,91,93,88,91,91,91,99,147,150,101,97,103,157,168,165,147,101,94,92,94,99,109,109,99,97,97,97,87,86,86,87,95,103,107,113,168,183,183,165,107,91,89,97,111,119,170,186,186,176,165,173,181,183,178,165,117,113,117,160,170,173,178,181,170,121,105,100,103,103,100,101,115,117,115,109,101,101,99,103,109,111,117,121,165,170,173,176,183,183,183,186,185,186,183,183,182,182,191,202,215,215,212,199,191,176,166,170,173,160,95,71,67,53,49,49,59,77,83,79,83,95,101,97,83,83,83,95,107,115,121,115,107,103,107,123,181,191,191,199,209,209,204,204,204,209,217,228,217,204,191,183,191,191,191,181,157,99,79,75,79,89,89,89,89,81,69,65,75,89,101,150,181,199,209,209,199,191,191,191,189,189,189,181,157,124,75,59,59,49,33,29,27,25,23,23,27,27,27,31,43,49,49,43,41,37,31,27,27,29,41,75,126,134,139,139,131,91,93,139,157,150,142,105,101,101,97,109,191,228,248,241,238,230,220,212,204,204,204,220,248,255,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,139,142,134,127,127,129,134,129,122,124,134,147,155,155,107,76,87,103,111,115,115,115,157,168,178,186,191,194,191,178,168,168,168,155,111,113,157,168,170,165,155,113,115,111,101,101,109,115,155,157,109,99,101,113,165,170,121,160,163,165,170,181,196,207,212,212,215,215,215,222,222,222,230,230,207,121,123,101,189,202,207,202,109,96,97,186,225,230,204,196,176,131,181,191,196,194,191,196,196,189,168,168,194,199,194,194,194,186,178,183,183,181,183,189,191,191,191,191,196,204,204,204,207,209,212,209,209,212,209,205,205,209,209,129,121,125,133,181,186,183,178,135,129,119,118,189,212,222,212,194,186,191,196,196,194,194,196,191,182,181,183,183,133,129,135,191,194,194,199,204,199,196,196,202,204,207,209,209,215,215,215,215,215,212,207,207,207,209,217,215,204,105,107,131,181,133,127,128,178,191,194,183,123,120,125,131,181,189,189,186,183,123,118,118,121,191,215,212,202,181,129,129,135,186,183,117,125,191,209,199,177,178,204,222,225,217,212,204,203,209,209,202,194,186,181,183,209,254,101,0,42,83,119,135,191,202,212,217,217,212,207,204,199,186,126,119,122,133,183,183,181,129,125,129,183,202,228,235,233,246,186,119,109,103,199,225,230,233,233,230,228,225,217,212,208,209,222,228,228,222,217,215,215,217,220,217,215,215,215,215,215,217,225,228,228,228,225,225,228,230,230,225,225,217,204,189,101,71,117,220,225,97,8,34,9,0,24,204,222,233,233,228,222,222,225,225,222,220,217,217,215,215,217,222,222,217,217,215,207,202,205,217,222,225,225,228,233,235,235,235,235,235,233,230,228,225,221,220,222,228,230,235,238,235,230,222,215,215,215,209,212,225,225,222,222,222,222,212,194,192,192,196,202,204,204,202,204,204,204,199,199,202,209,217,225,222,217,215,209,204,202,207,207,204,204,207,202,199,202,191,137,135,139,191,196,209,207,99,72,133,228,233,233,233,233,235,238,238,235,103,0,0,0,0,21,196,235,238,235,233,230,230,233,235,235,235,230,233,235,238,241,233,204,135,128,134,183,189,181,112,111,189,212,222,235,225,186,131,113,106,131,199,215,215,212,211,212,225,230,225,224,224,228,228,228,228,230,233,233,233,233,233,225,212,202,181,194,131,127,189,186,189,204,212,222,230,235,228,181,122,123,133,183,189,194,199,196,194,196,196,186,181,194,207,196,178,129,117,107,129,207,199,186,186,189,186,186,186,182,189,217,233,246,125,53,103,113,170,199,222,235,235,215,111,225,225,199,181,225,235,238,235,230,228,225,224,224,233,243,246,243,35,23,0,117,81,85,176,109,0,0,79,235,235,235,235,238,238,235,235,238,238,238,238,238,241,241,241,238,235,233,235,235,233,225,212,202,202,196,186,183,191,191,185,202,233,235,212,196,183,109,61,101,103,109,123,183,196,199,199,204,202,202,194,189,186,194,207,215,222,222,217,215,209,207,199,191,186,135,127,131,141,202,209,196,139,139,194,222,230,233,230,86,75,189,238,238,235,235,230,204,195,215,230,235,235,235,241,241,238,235,235,238,238,238,238,233,233,235,235,238,238,241,235,212,146,209,230,235,238,238,238,237,237,237,238,235,225,209,204,202,199,191,189,190,202,209,202,192,192,199,212,217,217,217,222,222,212,202,202,204,207,204,203,207,209,217,228,230,228,228,230,235,241,241,241,243,243,246,246,243,235,228,222,220,225,222,207,209,212,207,212,215,202,199,202,209,217,230,246,246,238,233,230,230,233,233,220,143,127,117,119,194,228,238,241,241,238,235,235,235,235,241,241,145,134,202,225,235,238,238,241,241,241,238,235,233,225,159,143,140,145,225,235,238,238,238,238,238,241,243,243,243,241,241,241,238,241,241,241,238,241,238,230,228,233,238,238,238,235,233,235,238,238,235,228,215,204,202,202,153,209,222,215,199,200,207,212,212,217,228,230,222,207,191,190,196,207,209,207,207,207,207,205,205,209,217,228,228,225,212,204,215,228,230,228,217,216,217,222,228,230,233,233,235,235,235,235,235,233,215,108,103,116,137,145,149,202,215,217,209,209,212,209,202,204,209,212,225,233,235,238,241,241,241,241,241,238,233,230,230,230,230,230,230,230,230,233,233,233,230,228,225,228,233,235,238,241,238,235,235,235,235,235,235,235,235,235,235,235,235,238,235,235,235,235,235,235,235,235,235,235,235,235,235,235,233,233,233,233,230,230,230,225,215,204,202,204,212,217,222,222,222,222,220,217,217,215,212,209,209,209,209,207,207,209,207,204,209,212,204,199,204,209,207,207,209,215,215,217,215,215,215,215,217,217,217,217,215,215,217,212,209,209,215,212,199,143,143,199,209,215,217,215,215,215,215,215,217,217,220,222,222,222,225,222,222,220,217,217,215,209,204,199,199,207,217,225,225,220,217,217,215,215,215,212,209,204,200,202,207,209,215,217,215,209,207,207,209,209,212,215,215,217,217,215,212,212,212,212,212,209,209,212,209,204,204,209,215,209,204,202,207,209,217,225,225,222,225,228,233,235,238,235,233,230,225,222,217,215,212,207,207,209,215,222,228,228,225,222,222,225,225,228,228,230,230,230,230,233,233,235,238,241,241,241,238,238,235,233,230,228,222,217,212,208,208,209,212,215,222,225,228,230,233,235,241,241,241,238,241,241,238,233,230,230,228,225,228,233,235,235,235,235,233,233,233,235,235,235,238,241,241,241,238,235,235,235,228,209,196,149,147,141,139,145,196,196,199,212,228,230,225,224,225,230,230,230,230,233,233,233,233,233,233,235,238,238,233,230,228,228,230,228,225,225,225,230,230,228,230,233,233,233,233,233,233,233,235,238,238,238,241,243,243,243,243,243,243,243,243,246,243,241,238,233,233,233,230,228,225,225,225,225,225,225,222,222,217,217,220,220,217,215,65,65,61,61,61,59,57,53,43,37,35,35,35,35,37,37,37,37,39,43,53,53,53,53,53,53,53,61,53,41,40,45,59,69,77,85,124,126,126,129,134,142,144,152,152,165,168,176,174,174,178,194,207,222,222,215,207,207,209,225,235,243,241,235,241,241,235,235,228,228,228,228,233,243,254,255,254,251,238,228,225,228,220,220,220,220,220,220,220,217,209,196,183,173,173,173,173,157,157,173,183,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,0,0,0,0,0,0,0,0,0,35,27,43,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,241,248,255,251,178,38,0,0,61,90,105,108,105,74,56,38,0,0,0,0,0,0,0,0,0,0,0,0,0,43,33,1,0,0,0,0,1,1,0,0,0,0,0,255,255,235,118,72,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,64,105,134,152,178,0,0,0,0,207,0,222,225,212,209,199,183,168,157,150,137,105,49,0,0,0,0,0,0,0,0,134,255,254,217,189,176,157,113,43,37,71,116,108,65,65,67,47,26,41,53,57,61,67,69,57,24,11,50,150,168,168,139,78,72,170,191,199,107,0,0,0,155,186,183,176,178,191,209,209,189,165,111,111,113,160,170,178,181,181,173,181,191,194,178,144,139,160,183,191,170,101,39,13,23,23,33,43,47,65,89,107,103,91,95,101,152,173,117,109,115,178,163,109,103,109,119,173,178,178,189,196,212,217,207,183,173,178,178,119,114,115,165,170,168,170,170,181,170,119,111,105,107,115,170,173,168,157,168,168,99,64,60,67,73,63,55,81,139,163,173,163,150,131,67,45,45,63,75,69,89,103,101,89,51,46,147,178,191,181,165,176,196,196,191,191,194,196,189,178,166,160,166,168,168,168,163,111,103,95,95,99,113,168,173,163,173,189,191,189,181,181,181,168,107,93,87,81,81,77,73,69,73,77,79,85,91,103,142,142,101,91,89,85,83,83,83,85,87,87,82,80,83,89,87,87,88,87,88,88,91,103,160,168,147,96,101,150,160,157,147,101,99,95,94,97,99,99,97,96,97,97,87,87,91,91,95,107,113,152,168,183,183,165,107,91,91,103,117,160,173,183,183,170,160,168,181,183,176,163,115,113,117,160,170,173,173,173,168,119,107,102,103,105,103,111,160,165,160,113,101,99,98,99,105,111,121,123,165,170,173,176,173,174,183,186,186,191,189,183,183,183,196,207,215,220,212,199,191,181,170,170,173,107,71,63,61,57,51,55,83,95,87,83,87,101,107,107,95,95,103,115,170,176,181,173,115,111,115,123,176,181,181,183,199,209,209,209,209,217,228,228,209,183,173,173,191,199,209,196,170,101,81,75,85,95,95,89,81,75,61,61,69,81,95,139,170,191,209,204,191,181,181,181,176,170,170,157,147,124,73,51,45,39,29,27,25,23,21,21,23,25,27,31,37,43,43,43,39,33,29,27,27,27,37,67,121,139,142,142,134,126,134,157,157,144,101,99,99,97,97,109,191,230,248,238,230,230,212,204,183,183,183,204,220,238,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,142,142,131,127,126,127,134,134,124,121,129,160,170,165,155,82,89,103,157,178,186,181,176,178,183,186,189,189,186,173,165,168,170,155,111,111,155,168,170,165,117,113,157,160,117,113,111,109,111,113,99,92,97,117,176,181,170,163,165,168,176,186,202,207,212,215,217,217,217,222,217,217,225,217,178,127,189,189,189,196,209,209,176,109,99,99,113,220,217,215,199,189,186,181,181,186,189,194,202,194,168,165,191,202,202,204,202,189,133,133,181,186,199,207,202,194,189,183,189,199,202,202,204,209,212,212,209,209,207,204,204,209,212,189,125,125,131,183,191,191,186,183,178,129,131,181,191,204,202,191,189,199,207,204,196,189,189,191,183,183,183,133,129,131,186,204,207,209,217,217,212,204,199,199,199,204,209,217,220,217,215,215,215,215,215,212,212,212,212,199,181,111,119,183,181,130,126,127,131,183,191,191,183,135,131,129,129,135,183,189,194,133,125,123,122,133,199,199,194,183,133,131,137,191,191,181,137,189,196,183,172,176,196,212,215,212,207,207,207,212,212,204,196,186,181,179,194,212,47,0,10,43,95,113,123,181,202,209,204,199,196,199,199,191,129,122,124,127,133,191,194,176,127,133,194,204,212,222,225,238,109,117,84,79,186,212,217,222,225,228,225,222,217,209,207,208,217,228,228,225,217,215,213,215,220,222,217,217,217,222,217,222,222,228,230,228,228,225,225,225,222,222,222,212,191,135,83,55,63,69,67,41,17,63,47,9,0,53,215,228,233,230,222,222,228,228,225,222,222,215,213,213,215,217,217,215,215,215,207,199,203,217,225,225,228,233,235,238,235,235,233,233,230,230,228,225,221,220,220,225,230,238,241,238,230,217,213,215,217,209,204,209,209,212,217,215,215,215,202,199,196,196,202,207,207,199,196,196,199,199,196,191,196,209,215,209,207,207,204,196,196,202,204,204,207,207,196,143,191,143,131,127,127,139,209,225,228,207,183,199,217,230,238,238,235,235,241,241,241,176,0,0,0,0,39,230,235,238,238,235,233,233,233,235,238,241,238,238,235,238,241,235,207,134,128,133,137,189,191,133,131,202,222,228,233,230,196,88,83,84,113,135,199,212,215,217,225,233,230,225,224,224,225,228,228,230,233,235,235,233,233,228,212,199,189,196,204,133,112,127,183,194,204,212,228,235,235,222,178,129,131,135,183,196,209,209,196,178,176,189,189,186,196,204,191,131,123,115,107,126,186,182,182,191,199,194,191,183,179,194,233,238,235,212,181,209,194,183,186,196,230,215,113,34,202,225,181,73,209,228,238,235,233,230,230,228,230,233,241,248,209,0,0,0,47,0,0,165,215,79,0,2,95,123,212,233,241,241,238,235,238,238,241,241,241,241,241,241,238,235,235,235,235,228,212,199,196,199,196,187,185,189,191,190,202,215,199,131,127,115,49,2,59,97,119,131,137,186,191,194,199,202,207,212,207,186,185,189,199,199,194,194,199,202,199,191,186,189,194,191,186,194,202,199,189,186,189,189,209,230,233,222,92,55,105,233,235,238,241,235,199,189,209,225,233,235,235,238,235,235,233,233,235,238,238,235,235,233,235,235,235,238,241,238,225,142,151,230,238,241,238,238,238,237,237,238,238,225,207,199,202,202,194,189,191,199,204,202,194,192,199,212,217,215,212,215,215,209,202,204,207,207,207,204,207,207,212,217,222,222,225,230,235,238,241,241,241,241,241,241,243,238,230,215,213,222,212,143,145,217,233,225,209,202,202,202,212,230,241,248,246,243,241,235,233,233,220,141,133,133,125,113,129,212,230,235,238,238,238,238,238,238,241,241,128,116,153,228,235,238,241,241,241,238,238,235,230,217,153,144,157,238,243,238,241,241,243,243,243,243,243,243,243,243,241,238,238,238,235,235,235,235,230,217,216,228,233,235,235,233,231,233,238,241,238,233,217,202,202,153,149,153,217,212,199,200,209,215,209,212,225,228,222,215,202,196,204,207,207,209,207,205,205,205,207,215,222,228,225,217,149,141,204,225,230,225,216,216,222,228,230,230,230,233,233,233,235,235,233,243,243,135,121,139,151,202,207,217,228,228,222,225,225,207,139,143,204,215,230,238,241,241,243,243,241,241,241,238,235,233,233,233,233,230,230,230,233,233,233,230,228,225,222,228,233,235,238,238,238,235,235,238,238,238,238,238,238,238,235,235,235,235,238,235,235,235,235,235,235,235,235,235,235,235,235,235,233,233,233,233,233,230,228,222,209,204,204,215,222,222,222,222,222,222,217,217,217,215,215,209,209,212,209,207,204,207,202,194,199,207,207,204,209,209,204,204,209,215,217,217,217,215,215,215,217,217,217,217,217,215,217,215,215,212,212,204,143,136,145,202,212,215,215,212,212,215,215,217,217,217,222,222,222,222,222,222,222,220,217,217,215,209,202,202,209,215,222,225,222,220,217,217,215,215,215,212,209,204,204,204,204,202,204,209,212,212,209,209,209,212,215,215,215,217,217,215,215,215,215,215,212,209,209,212,212,199,196,204,215,217,212,209,209,212,217,225,225,220,220,225,233,241,243,243,241,235,230,225,222,222,222,215,212,212,217,225,228,228,225,228,230,235,233,233,233,235,235,235,233,233,235,238,241,243,246,243,243,241,241,238,235,230,228,222,215,209,209,209,209,212,217,222,225,228,230,233,238,238,238,238,241,241,238,233,228,225,220,215,217,225,230,235,238,238,238,235,238,235,233,233,235,238,238,238,235,235,235,235,225,207,196,149,145,139,137,141,145,147,149,207,222,230,228,225,225,230,233,230,229,230,233,233,235,235,235,235,235,235,230,230,230,230,233,230,228,225,228,230,230,228,228,230,233,230,230,228,228,228,233,235,238,238,241,243,243,243,243,246,246,246,246,246,246,241,238,235,233,233,230,228,225,224,225,225,225,225,225,222,222,222,222,222,217,217,69,69,69,65,61,61,61,59,45,43,39,37,37,39,43,43,39,37,39,43,45,53,59,59,53,49,53,59,53,42,41,45,59,65,77,85,118,126,126,126,129,139,152,152,152,152,165,176,178,178,189,204,222,225,225,215,212,207,215,225,241,243,243,243,248,251,243,243,235,235,228,228,235,243,255,255,255,255,246,238,228,230,235,235,235,235,235,235,235,228,217,204,191,176,163,157,157,157,157,173,183,183,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,103,59,0,0,0,0,0,0,0,0,12,20,46,82,98,98,0,0,0,0,0,0,0,0,0,0,0,220,209,181,202,248,233,129,0,0,0,87,137,129,121,121,105,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,43,4,0,0,0,0,0,0,0,0,0,0,0,255,255,183,100,64,27,0,0,0,0,0,0,0,0,0,0,0,0,0,5,46,79,118,139,152,178,0,0,0,0,0,0,0,212,207,199,183,168,147,129,126,126,108,55,11,0,0,0,0,0,0,0,0,178,228,241,215,199,176,126,98,105,152,176,160,126,111,71,43,27,45,41,35,36,55,81,131,131,131,155,176,178,173,160,84,78,152,196,199,47,0,0,47,173,189,183,183,186,202,204,196,170,110,108,111,113,160,160,170,173,170,160,160,160,109,101,101,105,147,147,139,101,87,37,27,61,69,71,73,67,75,89,142,150,101,95,101,152,178,163,104,105,168,168,113,101,101,115,176,189,189,189,189,199,212,212,199,191,191,189,168,115,115,121,168,168,168,170,165,113,97,87,87,101,113,157,168,157,150,150,105,89,75,73,75,61,49,49,65,89,95,91,91,85,77,63,50,52,83,89,89,147,155,150,155,144,155,199,225,212,191,181,181,186,191,191,191,194,189,189,178,176,168,166,160,160,168,183,178,163,97,84,83,89,101,105,101,107,160,170,157,107,105,105,93,71,57,57,63,75,85,87,97,103,99,91,97,105,142,142,101,97,95,95,95,95,93,93,95,95,95,89,83,87,89,87,91,99,99,99,97,97,105,157,160,103,96,101,150,160,157,152,109,101,99,95,94,99,97,95,96,97,97,97,99,105,95,105,111,152,160,168,178,178,165,107,99,99,111,160,163,170,176,176,160,121,165,181,183,170,163,114,113,117,123,163,159,159,165,163,163,119,111,111,105,109,115,168,173,165,113,105,99,98,98,99,105,115,121,123,173,186,186,186,183,191,194,191,194,194,194,189,191,199,215,222,220,212,204,191,186,178,178,170,101,71,63,67,67,61,73,95,101,95,87,95,150,152,113,107,107,160,173,181,191,191,181,123,115,115,123,173,181,181,181,191,199,199,209,209,217,217,209,191,123,113,123,183,209,217,209,181,111,87,81,93,101,99,87,81,69,57,57,69,81,93,101,150,181,191,186,160,147,142,142,142,139,139,137,131,89,69,49,39,33,29,27,27,25,21,20,21,25,25,27,27,27,31,31,31,29,27,27,25,25,27,49,113,134,142,139,131,126,139,157,142,95,89,89,95,97,103,150,199,235,248,238,230,220,212,191,176,168,176,191,212,230,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,144,144,137,134,129,129,134,137,127,126,142,176,176,170,173,147,99,103,168,186,191,189,183,183,183,182,183,186,183,170,166,173,176,160,109,108,115,160,168,160,111,107,115,160,157,117,109,101,103,109,99,93,105,160,173,178,173,165,165,170,178,191,202,204,207,215,217,217,220,222,216,217,225,207,113,99,109,199,189,189,199,204,212,220,113,90,90,199,217,217,207,194,186,178,176,178,181,186,189,189,176,174,194,196,196,204,196,183,125,124,131,189,209,209,202,191,183,179,181,194,196,199,202,207,212,212,209,209,207,204,205,209,212,183,120,121,129,189,196,199,199,196,196,207,207,189,172,176,186,186,194,209,217,215,204,183,179,183,181,181,181,127,127,133,191,209,215,217,225,225,222,215,207,202,199,204,215,225,225,222,217,215,215,215,215,212,212,209,202,181,133,127,131,181,178,133,131,131,130,130,181,194,194,186,135,121,115,121,133,186,189,137,181,183,133,135,189,189,181,181,135,131,133,183,189,186,181,186,186,179,176,181,191,199,209,209,207,209,212,215,212,209,204,196,186,179,181,135,37,14,51,95,109,113,115,127,189,196,194,194,199,209,215,220,217,212,196,135,176,209,222,191,133,183,202,207,204,204,202,133,101,87,80,75,189,212,215,217,222,225,222,222,217,212,209,209,217,225,228,225,222,217,215,217,222,222,217,222,222,222,217,217,217,217,222,225,222,222,217,217,215,215,212,199,133,137,199,199,125,40,44,69,119,194,215,230,9,6,202,222,230,228,222,225,230,233,230,228,225,217,213,213,215,215,215,213,215,217,212,203,209,222,228,228,230,233,238,238,235,233,233,233,230,230,230,228,225,222,220,222,230,241,243,238,230,217,212,213,215,204,194,191,141,191,204,202,204,212,207,209,202,195,199,204,204,196,191,189,194,199,194,183,185,199,204,196,194,196,196,189,189,196,207,207,204,202,191,137,139,135,127,123,122,131,209,225,230,233,225,212,215,230,238,238,235,233,238,235,222,99,23,13,0,0,61,243,241,238,238,238,235,235,235,238,241,241,238,238,234,234,238,238,217,191,199,199,137,111,113,196,220,225,228,233,233,233,204,86,97,189,137,183,199,212,228,233,233,230,228,224,224,225,228,228,230,233,235,238,235,233,228,212,191,137,139,204,199,127,86,114,191,202,207,215,228,235,233,220,129,124,131,181,189,207,230,228,199,131,127,183,183,181,189,191,176,125,189,209,209,207,186,170,177,204,209,204,194,181,176,189,225,228,228,209,183,209,222,212,186,165,199,109,34,0,75,183,61,0,152,191,220,228,230,233,233,233,238,238,235,222,85,0,0,99,11,19,53,168,183,81,0,0,0,8,99,209,235,243,241,238,238,238,241,241,243,243,241,238,238,235,233,233,230,217,204,194,191,196,202,196,189,191,196,196,204,139,97,97,99,47,0,0,47,99,125,131,135,139,189,194,194,194,204,215,217,191,186,187,189,141,135,135,143,196,202,196,194,196,199,194,186,191,194,183,139,191,194,186,204,228,233,202,107,41,88,217,233,241,241,238,196,187,209,222,228,230,235,233,233,230,230,230,233,235,235,233,235,235,235,234,234,238,241,238,215,118,125,222,238,241,241,241,241,237,237,241,241,230,212,199,199,204,199,196,199,199,194,194,194,194,202,215,217,209,209,209,207,202,202,204,207,207,207,207,207,209,215,217,222,225,228,233,235,238,241,238,233,228,225,228,238,238,228,209,209,215,209,136,135,207,228,209,199,204,207,202,209,233,243,246,246,243,246,243,241,235,196,127,132,194,135,49,65,109,147,215,230,235,238,243,241,238,238,233,120,109,202,230,235,238,238,241,238,238,235,233,225,217,217,222,230,238,241,241,241,243,243,243,243,243,243,246,243,243,241,238,235,235,235,233,233,233,228,216,213,217,230,235,235,233,233,235,241,243,241,238,225,200,207,209,147,151,217,209,203,205,215,217,209,209,212,215,217,220,217,212,212,209,209,212,212,209,205,207,212,217,225,225,217,202,136,134,196,222,228,225,216,216,222,230,230,230,230,230,230,230,235,233,230,243,246,204,145,149,204,209,215,225,230,230,228,233,228,141,122,128,153,222,235,241,241,241,241,243,241,241,241,238,235,235,235,235,233,233,233,233,233,233,230,228,222,217,222,228,233,235,235,238,235,234,235,238,238,238,238,238,238,238,235,235,235,235,238,238,235,235,235,235,235,235,235,235,235,235,233,235,233,233,233,233,233,230,225,217,209,207,212,222,228,225,222,225,225,222,222,222,222,217,215,212,212,212,209,204,204,204,196,190,192,204,207,207,209,207,204,207,212,217,217,217,217,217,217,217,217,217,220,217,217,215,215,215,215,209,204,147,135,130,196,209,215,215,212,212,212,215,217,217,217,220,222,222,225,222,222,222,222,220,217,215,212,204,194,202,212,220,220,217,217,217,217,215,215,215,217,215,209,207,207,207,202,200,202,207,212,212,212,212,212,215,215,215,215,215,217,217,215,217,222,217,212,207,204,209,207,196,194,196,209,215,212,212,212,212,215,222,222,220,220,225,235,243,246,246,243,241,235,230,230,230,230,225,220,217,222,225,228,225,222,225,233,241,241,238,241,241,241,241,241,238,241,243,243,246,248,246,246,243,243,241,238,235,233,230,222,217,215,212,212,212,215,217,217,222,228,230,233,235,235,238,238,238,235,228,222,217,209,204,204,209,222,228,233,238,238,238,238,233,230,230,233,235,235,235,235,235,235,235,228,209,199,196,145,137,133,135,139,143,145,199,217,230,230,225,228,233,233,230,229,230,233,233,235,235,235,235,233,230,230,230,230,233,233,233,230,230,230,230,228,225,228,230,233,233,228,225,225,225,230,235,238,238,241,241,243,243,243,243,243,246,246,246,243,241,235,233,233,233,230,228,225,225,225,225,225,225,222,222,222,222,222,222,220,217,71,71,71,69,65,61,61,61,53,45,43,43,43,43,43,43,43,39,39,39,43,53,59,61,53,49,53,57,53,44,44,53,57,65,71,85,118,91,91,91,91,134,144,152,144,144,152,170,178,189,196,207,225,225,222,215,212,215,222,233,243,251,251,251,255,255,255,254,248,243,241,235,241,248,255,255,255,255,254,246,238,238,243,248,254,248,243,243,241,235,228,212,199,183,163,152,150,150,150,150,160,173,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,116,53,17,0,0,0,0,0,0,0,12,0,0,27,72,95,85,66,0,0,0,0,0,0,0,0,0,0,215,170,126,126,170,160,79,0,0,46,131,0,129,137,0,0,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,1,0,0,0,0,0,0,0,0,0,0,0,255,194,116,51,22,0,0,0,0,0,0,0,0,0,0,0,0,0,7,43,69,90,108,129,142,168,0,0,0,0,0,0,0,199,189,183,173,155,129,87,87,90,87,51,19,0,0,0,0,0,0,0,0,0,85,113,134,137,118,105,100,126,165,186,183,160,124,65,27,25,59,71,55,41,47,79,134,160,176,194,186,181,194,194,137,80,88,189,196,0,0,47,105,173,183,194,194,191,186,178,163,111,109,110,111,111,107,103,107,113,160,165,160,105,84,83,95,99,95,91,81,69,45,1,0,59,75,93,101,97,93,103,160,176,150,95,95,109,165,115,100,100,109,123,109,95,92,107,173,194,194,181,178,196,215,222,204,199,199,199,186,168,117,165,170,170,170,168,113,99,77,63,63,79,101,109,147,155,150,105,89,83,83,81,75,53,49,50,63,65,55,65,67,55,63,71,71,75,85,83,81,101,142,150,168,168,173,199,225,199,155,157,176,178,186,181,181,181,181,178,189,189,189,173,160,160,168,191,194,181,113,86,81,86,89,89,81,75,83,89,81,71,73,77,67,49,48,55,69,93,144,147,160,165,144,103,103,103,97,89,83,85,95,101,101,101,139,103,99,99,101,105,99,93,89,91,103,163,168,163,150,105,107,150,150,101,97,103,150,160,157,147,111,109,101,99,99,99,99,97,97,107,107,107,113,113,105,105,152,155,152,163,176,176,165,113,105,109,117,165,170,170,168,163,118,116,165,176,181,170,163,117,117,119,123,160,156,155,160,168,170,165,119,111,103,103,115,165,168,157,109,105,101,98,98,98,101,107,121,165,178,189,194,194,191,202,204,202,199,202,202,196,196,204,215,222,220,212,204,191,186,183,178,173,107,79,77,83,83,83,87,97,101,95,91,101,160,160,152,115,160,173,181,191,196,199,191,173,117,115,123,173,176,181,181,191,194,199,199,199,199,194,191,125,110,108,113,183,209,217,209,189,113,95,87,95,101,101,87,79,69,57,57,69,81,95,99,134,150,160,155,134,89,88,89,93,93,93,124,121,85,69,49,37,33,29,29,29,27,21,20,21,25,27,25,25,25,25,25,25,25,27,27,27,25,25,37,77,121,131,131,121,118,131,139,89,75,69,75,89,101,109,163,204,235,248,238,230,220,212,191,176,168,168,183,204,220,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,147,147,144,144,139,142,157,152,137,139,157,170,173,173,170,160,103,93,152,181,189,186,183,186,186,183,183,189,183,170,170,178,178,163,111,108,111,155,163,155,107,104,107,111,113,111,105,99,103,113,117,113,113,119,163,168,165,163,165,163,173,186,196,202,207,215,217,217,220,217,217,222,222,207,105,98,102,181,189,186,189,199,212,217,207,125,100,113,202,209,202,194,183,178,176,173,131,129,127,131,176,186,196,194,190,191,189,133,122,121,127,181,191,191,179,183,181,178,178,183,189,194,199,207,212,212,208,209,209,207,207,209,212,204,112,97,133,196,207,209,212,209,209,217,217,204,153,163,176,186,194,204,215,215,202,181,179,181,181,133,97,95,109,131,181,199,215,222,228,225,225,217,212,209,207,212,222,225,225,222,222,222,217,215,215,212,209,207,196,178,135,178,181,183,181,178,181,178,130,129,181,194,191,186,133,113,109,115,129,135,178,181,189,194,196,199,202,199,183,186,181,133,133,181,183,181,181,183,186,181,191,196,181,186,199,209,209,202,212,217,204,209,207,207,189,183,181,73,27,42,111,113,117,125,178,191,199,196,191,191,204,217,225,228,225,217,204,199,207,222,225,202,186,194,212,212,204,196,181,115,70,61,89,181,196,212,222,225,225,217,217,217,217,215,215,215,220,225,225,225,225,225,225,222,222,222,222,225,228,222,215,212,209,209,215,215,212,215,215,212,207,202,191,123,127,196,215,222,215,196,202,209,209,212,230,238,97,4,123,225,230,222,220,225,233,233,230,230,225,217,213,215,217,217,215,215,217,225,225,222,222,225,230,233,228,230,233,235,235,233,233,233,233,233,233,233,230,228,225,222,230,243,246,243,238,228,215,222,217,204,194,143,135,133,139,186,194,202,209,207,202,196,202,207,204,199,189,141,186,191,191,182,186,196,186,137,186,191,143,137,133,143,217,215,194,191,189,189,191,141,133,129,129,135,191,207,233,241,235,220,212,225,235,235,235,233,228,212,176,95,202,243,121,51,123,243,243,238,238,241,241,238,238,241,243,241,238,235,235,234,235,230,217,207,215,255,96,89,94,207,222,230,233,230,235,235,225,204,209,228,215,209,202,199,217,230,230,228,225,224,224,225,228,230,230,233,238,238,233,230,217,135,131,135,183,204,209,186,77,119,191,212,215,222,228,228,228,217,125,121,133,196,199,202,220,222,194,129,178,183,178,177,181,178,127,133,204,225,230,228,209,177,177,189,217,209,189,179,181,189,199,209,204,189,181,186,228,212,103,68,105,44,0,3,48,49,0,0,0,11,173,215,230,235,235,235,233,255,91,0,0,73,168,255,0,55,189,191,168,0,0,11,27,0,8,115,202,235,238,235,233,238,241,238,241,243,241,238,235,228,217,215,209,202,194,191,189,194,199,196,191,189,194,199,199,103,61,73,87,14,0,0,69,109,125,129,131,139,189,191,194,191,196,207,209,199,187,187,189,189,137,133,137,194,202,204,202,199,194,191,186,186,183,126,135,243,202,189,194,212,222,217,194,102,90,111,217,233,233,225,199,196,215,222,222,222,228,230,230,228,228,230,233,233,233,231,235,235,234,234,235,238,241,235,147,87,111,215,233,238,238,241,238,238,238,238,241,238,225,204,196,199,204,207,209,204,196,196,196,204,217,212,199,204,212,209,202,200,202,207,207,207,207,207,207,212,222,228,228,230,233,235,235,235,238,235,230,221,216,213,228,235,222,205,207,217,209,134,138,143,145,196,204,209,209,204,209,228,241,241,241,241,243,243,243,233,196,135,196,212,202,123,27,0,0,23,209,228,238,241,241,241,235,209,121,127,217,230,233,233,235,235,235,235,235,235,230,230,233,233,235,238,238,238,238,241,241,241,243,243,246,246,243,241,238,238,238,238,235,235,233,233,230,222,216,217,228,235,238,238,238,238,241,243,243,243,238,198,212,217,207,204,215,212,207,209,215,225,217,212,209,207,215,220,222,225,222,215,212,212,212,209,207,209,215,222,225,217,209,141,133,136,204,222,228,228,222,216,217,228,233,230,229,229,229,230,230,230,235,243,241,225,147,147,207,220,225,228,230,228,225,233,230,151,134,138,209,230,238,238,238,241,241,243,241,241,238,238,235,235,235,235,235,235,235,235,235,235,230,225,215,213,217,228,233,235,235,235,235,235,238,238,238,238,238,238,238,238,235,235,235,235,238,238,235,233,233,233,233,233,233,233,233,233,233,233,235,233,233,233,233,228,222,215,215,215,217,222,225,225,225,225,225,225,222,222,222,217,215,212,212,209,207,207,207,204,196,191,191,199,202,202,204,204,202,204,209,215,217,217,222,222,222,217,217,222,222,217,217,215,215,212,209,204,194,138,134,136,202,212,215,215,215,212,212,215,217,220,222,222,225,225,225,222,222,222,220,217,217,215,202,190,179,196,215,217,217,217,217,215,215,215,217,217,222,217,212,207,207,207,204,202,204,209,212,212,212,215,215,217,217,217,217,215,217,217,217,217,222,217,212,209,204,202,202,202,199,196,196,194,139,204,215,217,215,217,222,222,222,228,235,243,248,248,246,241,238,238,238,238,235,235,233,230,230,230,228,222,220,222,233,241,241,241,241,243,246,246,246,246,246,246,246,246,246,246,246,246,246,243,238,238,241,238,233,228,225,222,217,217,217,217,217,222,225,228,230,233,233,233,235,235,230,225,215,209,202,151,149,199,207,215,225,233,238,238,238,233,229,230,233,235,235,235,235,235,233,233,228,212,204,199,143,133,129,131,135,139,143,149,212,228,233,230,230,230,233,233,233,233,233,233,233,235,235,233,230,230,233,233,230,230,233,233,230,230,233,230,228,225,225,230,233,233,230,228,225,225,230,233,235,238,241,241,241,243,243,243,243,243,246,246,241,238,235,233,233,233,233,230,228,228,228,228,228,225,222,222,225,225,225,225,222,220,75,75,75,69,69,65,61,59,53,53,45,53,45,43,43,39,39,39,39,43,43,45,53,59,57,53,53,53,53,57,61,61,57,59,71,79,118,91,89,85,91,97,134,142,144,152,165,176,178,189,196,204,212,222,222,215,215,222,225,235,243,251,255,255,255,255,255,255,255,254,248,243,248,254,255,255,255,255,255,254,246,246,254,255,255,254,248,243,235,233,228,217,209,202,183,157,142,134,126,134,142,160,160,160,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,48,17,0,0,0,0,0,0,0,0,0,0,12,0,0,95,0,0,0,0,0,0,0,0,0,0,0,194,150,100,59,100,129,108,17,0,38,111,126,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,0,0,0,46,0,0,0,0,0,0,0,0,0,0,0,0,217,124,64,22,0,0,0,0,0,0,0,0,0,0,9,40,40,35,53,69,87,103,118,129,131,150,0,0,0,0,0,0,0,189,181,181,173,155,111,72,41,41,43,37,9,0,0,0,0,0,0,0,0,0,33,77,40,24,33,55,95,124,165,183,202,194,137,51,7,3,39,59,65,118,129,121,129,150,165,178,160,176,202,202,165,83,88,189,97,0,0,173,173,165,183,183,181,176,160,111,110,110,155,157,157,109,97,88,91,103,157,160,147,101,91,85,87,85,81,79,69,59,27,0,0,0,39,81,101,103,101,139,165,181,163,97,92,103,115,115,104,101,103,105,99,90,89,97,127,186,189,176,178,196,215,222,207,199,199,191,178,127,117,117,165,168,168,165,107,87,67,57,53,58,77,95,109,157,168,144,95,83,75,65,55,53,53,63,63,51,47,52,55,55,69,81,89,89,93,81,79,82,89,103,150,147,107,150,181,176,147,147,170,178,176,170,170,170,168,178,189,194,196,189,166,165,176,186,191,186,176,160,97,89,93,91,77,59,56,59,53,47,49,57,53,49,57,81,93,107,155,165,165,155,103,97,97,95,85,77,76,79,91,95,101,139,152,139,95,93,105,152,101,89,88,95,157,181,186,173,155,105,105,150,150,103,97,103,111,150,152,113,111,111,111,107,107,109,109,109,109,111,111,109,147,113,95,105,152,152,109,109,157,168,168,157,119,119,160,170,170,163,163,121,117,116,119,176,181,170,163,119,119,123,163,160,159,159,165,170,170,163,117,105,99,97,103,117,160,157,113,105,105,103,103,99,105,115,165,178,189,194,196,196,202,204,204,202,199,202,202,204,204,207,215,215,215,212,199,186,177,178,178,176,115,101,91,95,95,87,83,87,97,95,95,101,150,160,160,173,173,173,163,176,191,199,183,173,121,115,111,107,115,123,176,191,199,199,194,183,173,173,125,113,110,110,123,191,209,209,199,178,157,101,87,85,87,87,87,75,69,57,57,61,81,95,93,93,99,137,131,89,86,86,88,89,91,89,85,89,116,75,51,39,33,29,33,33,29,23,20,21,23,27,27,31,27,21,17,18,19,27,33,31,27,25,31,67,113,121,118,83,81,91,93,75,59,49,73,89,103,150,183,209,228,238,238,230,220,212,191,176,168,168,176,191,212,220 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,142,147,150,152,157,165,170,160,147,147,155,168,173,176,170,160,101,93,103,163,178,181,181,186,189,189,189,191,186,176,173,173,168,152,111,109,109,113,115,111,105,107,109,107,103,99,97,99,111,165,176,163,155,155,157,157,157,119,157,107,115,168,183,202,212,217,217,215,217,217,217,215,204,181,111,107,121,176,178,181,189,196,209,215,207,181,121,129,189,196,194,186,181,178,176,131,125,117,113,119,125,176,191,196,194,194,199,194,129,124,126,131,178,181,181,191,191,183,179,178,183,196,202,209,217,215,208,208,212,212,209,209,207,199,124,118,194,207,217,217,215,212,212,217,222,209,155,170,191,191,189,191,202,212,207,186,186,191,189,131,80,52,183,183,131,137,207,222,230,225,222,217,215,215,215,217,222,222,225,225,222,222,217,215,212,212,212,212,202,178,127,183,191,199,189,181,181,178,133,135,186,189,181,135,121,102,102,115,127,126,127,135,189,196,202,204,209,212,207,196,191,186,183,181,137,137,181,183,183,181,191,196,179,183,199,207,202,127,102,85,83,194,199,194,186,189,194,119,77,111,121,119,123,135,194,204,212,215,186,183,199,215,217,215,215,207,191,199,212,217,212,189,181,199,209,217,212,186,123,115,101,93,191,207,196,209,228,225,217,211,212,217,217,217,217,217,220,222,225,225,225,225,222,217,215,215,225,230,230,225,215,212,208,208,208,208,209,212,209,196,186,183,123,115,131,204,217,228,230,225,222,222,217,217,230,235,129,35,97,222,228,225,222,228,233,230,230,230,225,217,213,215,220,217,217,217,225,228,228,228,225,228,233,235,233,230,230,230,233,233,233,235,235,235,235,238,238,238,233,228,230,241,246,246,243,233,217,220,215,202,194,141,133,133,135,141,191,199,204,204,202,202,209,212,209,199,141,138,139,141,186,191,204,202,139,133,139,186,111,111,117,139,215,202,182,186,194,207,215,209,196,189,141,137,119,88,111,233,238,217,204,215,228,230,230,228,212,199,181,117,248,254,222,194,220,235,241,241,241,241,241,241,241,243,243,241,238,238,238,238,235,228,212,204,215,246,113,111,129,215,225,230,230,230,235,238,233,217,222,233,233,207,107,104,137,212,225,228,228,225,225,228,228,228,230,233,233,238,238,222,127,121,133,196,209,222,230,235,120,127,196,217,225,225,217,215,225,215,129,126,133,196,199,199,207,199,127,123,131,181,179,181,194,189,127,123,189,230,238,235,217,183,179,182,199,196,186,189,194,189,189,194,194,123,107,123,178,95,91,95,93,75,61,93,186,111,1,0,0,0,0,194,225,233,233,233,202,93,0,0,0,176,255,207,23,147,191,196,183,23,7,65,115,101,99,115,115,186,230,225,225,230,230,228,230,238,235,228,215,202,191,145,191,191,145,189,143,189,194,194,191,191,194,194,135,83,55,62,73,45,15,43,97,115,125,127,131,137,186,186,186,194,204,207,202,194,189,187,191,196,191,137,137,186,194,202,204,202,194,186,141,189,131,123,129,183,103,113,189,209,209,209,225,222,141,131,137,139,186,196,196,209,228,228,222,221,225,225,228,230,230,230,233,233,231,233,235,235,234,234,235,238,241,241,225,111,118,209,230,238,238,238,238,238,238,238,241,241,225,196,191,196,202,212,222,217,204,199,202,212,217,202,191,196,209,209,204,200,202,207,209,212,212,207,204,215,228,230,233,235,235,235,235,233,233,233,233,228,220,220,230,238,225,207,208,222,217,147,145,137,132,202,222,212,207,207,209,222,230,233,233,238,241,241,241,228,202,194,209,217,207,191,33,0,0,0,57,204,238,241,241,235,230,207,141,199,228,225,230,233,233,233,235,235,238,238,235,238,238,238,238,238,238,235,238,238,241,241,243,243,246,243,241,235,235,235,238,238,238,235,235,235,235,233,228,228,230,235,238,241,241,241,241,241,241,243,238,196,212,217,209,207,212,215,215,215,217,228,225,215,209,202,204,215,225,230,230,225,217,215,215,212,209,215,222,225,222,209,143,135,133,139,209,225,230,230,228,217,217,228,233,230,229,229,230,230,230,230,235,241,241,225,142,143,207,228,230,230,228,220,215,228,228,209,149,153,225,238,241,238,238,241,243,243,241,238,238,238,235,235,235,238,238,238,238,238,235,235,230,225,215,213,215,225,233,235,235,235,235,235,238,238,238,238,238,238,238,238,235,235,235,235,238,238,235,233,233,233,233,233,233,233,233,233,233,233,233,230,233,233,233,228,222,217,217,217,222,225,225,225,228,228,225,225,222,222,217,217,215,212,209,209,207,207,207,204,199,194,192,192,194,196,202,204,202,202,204,212,215,217,217,217,222,222,222,217,215,215,215,212,212,209,204,199,145,139,139,147,207,215,215,217,217,215,215,215,217,222,222,225,225,225,225,222,222,222,220,217,217,215,202,191,189,202,215,217,215,217,222,217,220,220,222,222,225,217,209,205,207,209,209,209,209,209,209,212,215,217,217,222,222,217,217,217,217,217,217,217,217,209,207,212,209,204,207,209,204,141,122,116,127,194,215,220,217,222,225,225,228,230,235,243,246,246,243,243,241,243,246,243,243,243,241,238,235,233,230,222,220,221,228,235,238,238,238,241,243,248,251,251,248,248,246,246,246,243,243,243,243,241,241,241,246,248,243,238,233,230,228,225,222,222,222,222,225,228,228,228,228,230,230,230,225,217,212,207,199,149,145,147,151,202,212,222,230,235,238,235,231,231,233,238,238,238,238,235,233,230,225,215,207,199,143,133,128,129,135,143,147,202,215,230,233,233,230,230,233,235,233,233,233,233,233,235,235,235,233,230,233,233,230,230,230,230,230,233,233,230,228,225,225,228,233,235,233,228,224,225,230,233,235,238,238,241,241,243,243,241,241,243,243,243,241,238,235,235,235,235,235,233,230,230,230,230,230,228,225,225,225,228,228,225,225,222,77,77,75,71,69,69,61,61,53,53,53,53,53,45,43,39,39,43,43,43,45,53,53,57,59,53,53,53,53,61,65,63,57,59,65,77,85,85,85,85,85,91,99,105,152,165,168,176,178,183,189,196,207,212,215,222,222,225,225,233,243,251,255,255,254,254,255,255,255,255,254,251,251,254,255,255,255,255,255,255,254,254,254,254,254,248,243,238,233,228,228,220,217,204,183,157,142,126,118,118,126,142,152,152,152,152,142,126,0,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,66,27,33,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,85,40,51,126,142,77,27,38,61,69,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,0,0,0,46,0,0,0,0,0,0,0,0,0,0,0,0,0,139,90,38,0,0,0,0,0,0,0,0,0,0,25,0,0,0,0,87,95,103,118,129,129,139,168,0,0,0,0,0,0,181,181,181,173,155,111,45,29,29,27,5,0,0,0,0,0,0,0,0,0,0,1,51,41,40,77,111,121,137,163,191,233,217,160,55,0,0,0,0,15,73,129,118,81,79,71,69,83,176,220,209,173,91,150,204,178,0,0,178,183,173,181,173,168,160,155,117,157,157,168,170,163,109,95,87,88,97,107,109,105,105,101,93,81,71,67,68,71,75,45,0,0,0,3,39,87,137,103,101,142,176,181,107,101,107,109,115,115,109,107,107,101,92,89,97,127,178,176,170,170,189,212,215,207,199,196,178,125,115,114,116,117,119,113,109,99,85,73,62,57,63,85,101,150,157,155,139,93,79,69,53,49,50,53,63,54,50,50,57,65,77,97,139,139,142,137,95,89,83,83,93,99,94,89,97,107,147,157,170,178,168,155,155,117,119,168,176,189,196,204,196,178,176,186,194,186,186,181,168,107,99,105,107,99,85,81,81,77,53,47,47,49,61,93,147,157,147,155,155,103,87,77,85,97,97,91,79,76,79,85,95,101,139,152,103,93,93,105,152,99,86,86,95,157,178,186,173,152,104,107,157,155,113,101,101,103,113,113,113,113,111,111,111,152,152,152,147,109,109,107,107,147,105,95,97,152,152,93,87,101,157,176,173,168,165,170,170,170,170,163,121,118,116,119,173,181,170,163,163,123,163,168,168,165,165,173,170,170,119,107,97,94,95,101,115,160,157,113,105,107,111,109,109,115,123,176,189,194,194,194,196,194,202,199,194,194,194,199,196,202,204,207,209,212,207,194,181,177,178,189,189,173,107,101,95,91,83,80,87,101,95,83,83,101,150,160,173,173,160,115,117,173,181,173,117,115,107,101,97,101,113,123,181,191,191,183,133,123,123,123,113,110,113,173,199,212,209,191,178,113,95,81,75,75,75,75,69,61,57,57,65,81,87,83,87,93,95,95,93,89,89,93,93,89,87,81,81,81,79,59,45,33,33,33,33,29,23,21,21,25,27,31,31,27,19,17,18,23,31,39,29,25,25,37,75,113,113,77,71,75,85,87,69,49,49,75,95,142,160,183,204,217,222,230,230,220,212,204,191,183,176,176,183,204,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,147,150,150,157,170,178,168,152,147,147,155,168,176,178,170,155,99,93,96,109,163,173,176,178,183,189,189,183,176,170,165,160,113,105,109,111,109,107,107,105,107,157,165,111,95,92,93,97,107,163,178,176,168,168,168,165,160,157,93,7,35,113,173,194,209,217,217,212,212,215,212,191,119,109,121,168,170,121,116,125,183,196,207,209,202,183,178,181,181,183,183,181,178,178,178,131,123,113,109,111,117,125,186,199,202,202,209,209,191,178,133,176,181,189,199,207,204,196,186,179,181,196,204,209,217,215,212,215,217,209,199,178,123,176,178,181,204,220,225,222,217,215,215,222,222,207,176,191,196,189,178,129,127,178,135,183,199,207,204,191,115,96,212,199,129,130,202,225,230,225,217,217,217,217,217,217,216,217,222,222,222,217,215,215,212,212,215,215,202,131,87,191,209,215,204,183,135,133,135,191,202,189,133,129,117,101,104,135,178,126,126,131,181,189,196,202,207,212,215,207,196,191,186,137,133,131,131,135,181,183,196,209,202,202,209,212,199,113,94,81,82,199,194,186,183,191,199,189,135,178,129,123,125,178,191,199,204,207,135,135,194,207,207,199,196,189,185,191,202,202,189,125,117,173,196,204,199,181,131,173,181,176,235,220,81,79,199,212,215,211,212,215,217,217,217,217,216,217,217,222,222,222,220,215,213,213,225,233,233,228,217,215,209,208,207,207,212,222,217,189,101,73,3,63,137,207,217,225,230,230,225,225,222,222,230,233,196,61,83,204,220,222,222,228,230,230,230,230,225,215,213,215,220,222,222,225,228,230,230,228,225,228,233,238,233,230,230,228,233,233,233,233,233,235,238,243,243,243,238,228,228,233,238,241,241,230,121,119,123,131,135,133,133,141,194,196,194,196,194,196,196,202,212,217,209,194,140,139,139,140,186,199,212,204,189,135,121,85,93,105,123,202,225,212,187,191,199,209,222,225,225,212,191,127,79,59,79,194,225,209,196,207,212,217,217,212,202,199,202,212,248,251,233,212,215,222,230,238,241,241,241,238,238,241,243,241,241,241,241,238,235,225,204,186,189,194,189,209,222,225,225,222,217,222,233,238,230,215,215,228,230,100,61,68,117,202,212,222,225,230,233,230,228,226,230,233,230,225,217,202,125,122,196,215,222,228,235,241,196,133,191,199,215,215,212,212,222,217,176,131,186,196,194,202,212,178,112,123,176,191,194,204,217,212,109,45,91,215,235,235,228,202,189,183,183,183,189,209,217,196,183,186,183,115,89,101,101,95,165,189,103,101,113,202,228,196,97,59,25,0,7,165,189,212,207,144,49,0,0,0,0,173,196,1,79,168,183,194,199,170,113,99,181,238,196,176,87,68,194,199,199,202,204,199,141,139,143,143,191,142,140,141,143,189,189,143,141,143,189,194,194,194,191,189,183,121,83,79,97,119,127,121,117,121,127,129,133,139,186,185,185,199,217,215,204,196,189,187,191,199,196,189,141,139,186,194,202,207,202,141,137,196,127,124,135,119,80,99,199,217,191,177,222,238,233,194,139,133,125,123,143,212,233,235,230,228,230,230,233,233,235,235,233,231,231,233,235,235,235,235,235,238,243,246,246,147,133,151,228,235,238,238,235,238,238,243,241,233,215,199,191,194,204,215,228,225,207,199,199,212,209,194,191,194,202,207,204,202,204,207,212,225,222,207,204,215,230,233,233,235,238,238,235,231,230,231,238,238,235,233,238,241,235,215,215,225,225,212,209,141,135,217,230,212,207,207,209,215,222,225,230,233,235,235,233,222,204,202,212,217,212,207,137,0,0,0,0,95,241,241,238,215,204,204,207,222,230,228,230,233,233,235,235,238,238,238,241,241,241,241,238,238,235,235,235,238,241,243,243,246,243,241,235,234,234,235,238,241,241,238,238,241,241,241,235,235,235,238,241,241,238,238,238,238,238,241,238,199,209,215,212,212,222,222,225,225,230,230,217,202,204,199,198,207,222,230,230,228,222,217,215,215,215,220,225,225,217,202,138,136,139,199,215,225,228,230,230,225,225,230,235,233,230,230,233,233,233,233,235,241,235,222,138,141,209,233,235,233,225,209,204,215,217,212,207,215,230,238,238,238,238,241,241,243,241,238,238,238,235,235,235,235,235,238,238,238,235,235,233,228,217,215,220,228,233,235,235,235,235,235,238,238,238,238,238,238,238,238,235,235,235,235,238,238,235,233,233,233,233,233,233,233,233,233,233,233,230,230,233,233,230,225,222,220,215,215,222,225,225,225,228,228,228,225,222,217,217,215,215,212,209,207,207,207,207,207,204,199,194,191,191,196,204,204,202,200,202,207,215,217,217,217,222,222,217,204,202,207,209,209,209,207,202,199,147,147,196,207,212,215,217,217,217,217,217,217,217,222,222,225,225,225,225,222,217,220,220,217,217,215,209,202,202,209,215,215,215,217,222,225,225,225,225,228,225,217,207,204,209,212,215,217,212,207,209,215,217,217,222,222,222,222,222,222,220,217,217,217,209,139,139,209,212,212,215,217,209,143,122,115,129,194,212,215,215,220,225,228,230,233,238,241,243,243,243,243,243,248,248,246,246,248,246,241,238,235,233,228,222,222,228,233,233,233,233,233,238,241,248,251,251,248,248,246,243,243,243,243,243,241,241,243,248,251,248,243,238,235,233,230,228,225,222,222,222,225,225,225,222,222,222,222,217,212,209,207,202,149,145,143,145,147,199,204,212,222,235,241,235,233,235,238,241,241,241,235,233,230,228,220,212,202,145,135,128,128,135,145,199,207,217,228,233,230,228,228,230,233,233,233,233,233,235,235,238,238,235,233,233,233,230,230,233,233,233,233,233,230,228,225,225,228,230,233,233,225,221,224,228,233,235,238,238,241,241,243,243,241,241,241,243,243,243,241,241,238,238,238,235,233,233,233,233,233,233,230,228,225,228,228,228,228,225,225,85,83,77,75,71,69,69,61,59,57,59,59,53,53,43,43,43,43,43,45,45,53,53,57,57,53,53,53,53,59,61,57,49,49,65,71,79,85,85,85,89,91,97,142,152,168,176,176,173,173,178,189,196,207,212,215,222,225,230,233,241,251,251,251,251,251,255,255,255,255,255,255,254,254,254,255,255,255,255,255,255,255,254,246,243,241,235,233,228,228,220,220,217,204,181,157,142,126,83,75,108,118,126,134,134,142,142,126,100,85,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,33,25,33,35,25,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,108,42,46,126,170,152,98,72,61,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,121,0,0,48,12,0,0,0,0,0,0,0,0,0,0,0,0,0,165,124,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,124,137,131,131,150,176,0,0,0,0,196,181,179,183,181,170,126,47,29,29,11,0,0,0,0,0,0,0,0,0,0,0,0,21,47,95,160,186,181,165,173,199,233,220,183,113,25,0,0,0,0,13,51,49,47,41,26,33,67,191,230,209,170,137,178,222,204,0,0,103,183,181,181,176,170,168,168,168,173,176,176,173,168,157,103,93,89,89,93,105,157,155,103,87,73,71,71,75,87,137,91,9,0,0,0,19,65,93,95,89,101,165,183,165,147,113,115,115,160,163,163,163,111,97,95,107,176,186,176,165,165,181,204,212,207,199,196,178,119,114,115,168,168,115,105,99,93,87,85,81,81,91,107,155,157,152,105,89,75,69,63,53,50,50,53,55,54,55,65,73,81,131,163,176,157,142,131,95,93,89,89,95,99,93,89,99,107,111,157,176,168,152,109,107,109,111,119,176,196,204,209,202,189,186,194,202,194,181,173,163,113,109,160,168,168,163,168,160,113,71,45,43,45,67,105,157,147,144,144,103,87,67,61,73,89,103,99,89,79,79,83,95,101,101,97,89,87,89,101,105,93,86,86,93,152,168,173,168,152,105,147,157,160,152,103,99,101,113,157,155,113,111,111,155,160,157,152,152,147,109,107,107,109,105,91,95,111,103,83,69,77,109,176,181,181,173,170,165,170,170,168,168,121,121,165,173,181,170,163,163,123,168,168,170,168,168,173,170,165,119,105,94,94,97,109,157,165,160,115,107,111,113,117,119,121,165,178,189,189,189,194,194,191,194,194,191,186,183,183,183,191,199,202,202,202,202,191,186,181,183,194,196,176,115,103,101,87,80,80,95,101,95,77,71,83,95,107,160,160,115,107,107,160,160,115,107,107,101,97,96,96,107,115,125,133,178,133,123,117,117,123,123,113,123,181,199,212,209,191,173,113,87,73,63,61,61,69,61,61,61,61,69,81,81,80,87,93,95,129,129,129,139,139,129,121,81,78,78,81,81,69,49,43,39,33,31,29,23,21,21,25,31,29,27,23,21,19,19,29,41,39,27,24,24,39,77,113,79,67,59,67,77,79,59,43,57,81,101,150,160,183,194,199,204,212,212,220,220,212,212,202,191,183,173,173,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,152,152,152,160,178,181,150,139,139,139,152,165,168,163,152,107,99,97,101,111,157,163,163,155,160,173,170,163,155,152,115,109,101,97,103,109,107,103,102,102,111,168,176,103,88,90,95,95,97,105,168,173,176,178,178,173,165,119,43,0,0,109,165,176,191,209,212,207,199,194,189,176,115,106,168,181,181,120,110,116,178,196,202,202,186,176,183,186,183,181,178,178,178,181,181,178,131,121,113,110,110,115,176,194,196,194,196,202,194,189,186,186,191,204,212,212,207,202,196,186,181,189,199,207,215,217,217,217,215,202,117,87,85,125,178,181,194,225,225,217,217,222,222,222,217,204,194,194,181,129,129,124,119,122,133,196,212,215,204,189,133,135,209,202,135,133,204,225,228,222,217,217,217,217,217,216,216,216,217,217,217,215,215,212,212,212,215,212,202,181,80,209,217,222,215,191,135,133,178,202,217,204,181,135,133,125,133,186,183,133,129,129,131,137,189,194,199,199,204,204,196,186,137,135,132,129,126,132,186,194,207,222,225,217,215,212,199,121,115,181,199,212,204,189,183,189,194,189,186,183,135,129,129,135,178,129,125,129,133,181,196,207,202,194,191,189,189,186,181,181,181,125,114,114,178,173,173,176,176,183,228,225,222,202,35,19,123,207,212,215,212,212,212,215,217,217,216,215,215,216,217,220,217,215,215,215,225,230,230,225,222,217,215,212,209,209,215,228,230,204,49,0,0,0,131,215,222,222,225,225,222,222,225,228,233,235,215,93,101,137,196,215,222,225,228,230,230,228,225,215,213,215,222,225,225,228,230,230,230,228,225,228,233,230,217,222,228,233,238,235,233,233,235,238,243,243,243,243,238,228,225,225,228,235,238,228,107,113,123,129,131,133,186,207,215,204,183,181,179,186,191,199,209,212,207,194,186,189,189,186,191,199,202,196,199,196,101,52,99,204,225,228,238,241,225,204,196,196,207,222,225,204,135,123,109,103,133,194,202,196,194,195,199,204,209,204,196,204,222,235,246,248,233,209,196,204,220,230,238,241,238,235,235,238,241,241,243,241,238,238,235,222,189,123,121,129,212,233,238,230,225,211,208,215,233,233,215,194,196,207,212,103,78,99,209,209,207,215,222,230,235,233,228,228,230,230,222,139,137,189,127,122,204,222,228,230,233,235,217,123,183,133,183,207,209,207,225,225,178,133,186,191,183,194,212,110,91,119,202,217,222,222,228,212,29,0,0,85,196,222,217,196,189,181,178,183,196,222,233,212,186,181,183,168,93,107,103,160,228,207,117,111,160,199,212,194,163,163,176,69,95,163,157,105,31,0,0,0,0,0,0,0,21,81,99,165,173,191,212,230,241,101,107,196,204,212,91,45,83,133,183,191,194,186,132,130,132,133,143,141,140,143,196,199,194,189,143,141,186,189,191,191,189,189,186,137,127,115,117,133,139,135,131,131,133,135,137,183,186,186,186,199,212,217,209,199,189,186,191,199,196,194,189,186,141,191,202,209,207,139,135,135,128,128,204,186,94,110,209,225,178,168,204,238,235,212,204,202,132,122,141,209,228,238,238,233,233,235,235,235,238,238,233,231,231,233,235,235,235,235,238,238,241,246,251,243,141,146,225,233,235,235,235,235,238,243,238,222,212,207,141,191,204,215,222,217,207,202,199,209,207,194,192,192,194,199,204,207,207,204,209,225,228,209,202,215,230,235,233,233,238,238,238,233,231,233,238,243,241,238,238,243,243,233,228,225,222,217,215,212,209,217,222,212,209,209,209,212,215,220,225,228,225,222,222,217,209,207,212,217,222,222,222,109,81,0,0,21,228,235,233,181,178,204,222,228,230,233,235,235,235,238,238,238,238,238,238,241,241,241,241,238,238,235,235,238,243,243,246,243,241,238,235,234,234,235,238,241,241,241,241,243,243,243,241,238,241,243,241,241,238,238,238,238,238,238,235,200,204,212,217,225,233,233,233,238,238,233,143,130,199,209,196,199,215,228,228,225,222,217,215,215,217,222,225,222,212,202,145,147,207,217,215,207,209,217,230,230,230,233,235,235,233,235,235,235,233,233,235,235,230,212,139,142,217,235,238,233,222,204,202,204,207,209,215,225,235,238,238,235,235,235,235,238,238,238,241,238,238,235,234,234,233,234,235,238,235,235,235,230,225,222,225,230,233,235,235,235,235,238,238,238,238,238,238,238,238,238,235,235,235,235,238,238,235,233,233,233,233,233,233,233,233,233,233,233,230,230,233,230,222,215,217,217,212,212,217,225,225,228,228,230,228,225,222,217,215,215,215,212,209,207,207,204,204,204,204,204,196,191,191,199,204,204,200,199,202,207,215,215,215,217,217,215,202,129,126,145,204,209,212,209,204,202,199,199,204,212,215,217,217,217,217,217,217,217,217,220,222,222,225,225,222,220,217,217,220,217,217,217,215,212,212,212,215,215,217,217,222,225,228,228,228,228,225,215,207,204,209,215,217,217,212,205,207,215,222,222,222,225,225,225,225,225,225,225,222,215,194,99,99,199,215,217,217,222,217,207,143,133,143,202,209,212,212,217,225,230,233,235,238,238,241,241,241,243,243,0,248,246,246,246,246,241,238,238,235,233,228,225,228,228,228,228,228,228,228,230,235,243,248,248,246,243,243,241,241,241,243,243,243,243,246,248,246,243,241,241,238,233,230,225,222,217,222,222,222,222,217,217,215,215,212,209,207,207,202,149,143,141,141,145,147,147,196,204,222,235,238,235,235,238,241,241,238,235,233,233,230,228,217,207,194,137,129,128,129,141,196,204,212,222,228,230,228,228,228,230,230,233,233,233,235,238,238,238,238,235,235,233,233,235,235,238,235,235,233,230,228,225,225,225,230,233,230,225,221,221,228,233,235,238,238,241,243,243,243,243,241,241,243,246,243,243,241,241,238,238,238,235,235,235,235,235,233,230,228,228,228,228,228,228,228,228,89,83,81,81,75,75,69,69,61,61,61,61,61,53,53,45,43,45,45,53,53,53,57,57,57,53,53,53,53,53,53,45,45,47,59,65,71,77,77,83,91,95,101,142,152,165,176,176,165,165,168,178,194,202,212,215,225,225,233,233,241,248,251,251,251,251,255,255,255,255,255,255,255,251,254,254,255,255,255,255,255,255,254,243,235,225,220,220,217,217,220,228,220,204,181,152,142,126,83,69,69,98,108,118,134,142,142,134,111,85,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,9,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,69,48,116,170,176,152,142,111,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,105,0,0,48,14,0,0,0,0,0,0,51,0,0,0,0,207,0,0,204,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,144,157,150,144,147,168,183,194,0,0,196,186,181,189,189,173,144,82,41,27,3,0,0,0,0,0,0,0,0,0,0,0,0,0,21,82,152,183,189,189,199,199,209,194,173,155,113,53,37,7,0,0,0,1,31,43,29,43,75,199,230,199,170,160,194,222,212,69,0,57,181,189,191,191,181,183,183,183,183,176,168,165,170,170,163,109,93,82,83,157,183,176,107,85,75,83,93,93,139,168,157,65,17,3,3,25,47,65,73,75,89,107,170,181,176,170,163,163,170,176,183,165,107,95,101,113,176,186,178,170,165,186,207,215,207,199,199,191,168,119,168,189,189,165,103,97,93,99,101,103,107,152,170,176,170,144,93,75,67,63,63,61,53,53,53,55,67,75,79,79,83,134,173,183,150,79,63,71,81,89,101,147,157,152,152,170,176,152,103,99,105,109,105,99,99,105,111,168,189,204,212,204,196,194,209,212,194,176,168,163,163,163,173,178,183,183,183,183,168,81,44,42,46,69,105,144,105,99,91,79,65,59,59,71,89,99,99,91,85,83,89,97,97,87,83,77,83,89,101,105,93,86,86,99,152,163,168,163,157,150,113,157,155,113,101,99,103,150,157,163,155,111,109,155,160,160,152,152,150,150,107,107,105,95,87,87,95,89,69,60,65,95,168,181,181,173,160,160,163,170,176,176,170,165,168,173,176,165,163,163,163,168,176,176,173,173,173,170,163,113,101,94,96,103,115,157,157,157,113,111,111,117,160,163,168,165,176,189,186,186,189,194,191,191,194,191,186,173,129,129,178,186,196,196,196,196,191,191,186,189,194,191,173,115,107,101,87,80,80,95,101,91,77,69,71,81,95,107,150,107,105,107,160,160,115,107,103,101,101,96,96,101,115,123,133,133,123,115,115,115,123,173,173,176,191,209,212,209,199,178,113,87,65,57,55,57,65,69,69,65,69,75,81,87,87,87,93,95,131,131,139,150,157,147,131,87,80,80,113,113,81,69,49,41,33,29,25,23,21,21,27,27,23,19,19,23,25,29,37,39,35,27,24,24,35,73,108,75,65,57,57,65,65,47,41,57,87,139,155,157,173,181,183,186,189,202,209,217,217,217,217,209,189,173,157,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,157,152,155,165,181,173,125,126,131,125,139,157,160,144,96,96,103,152,168,168,165,163,115,101,101,111,115,109,101,101,101,99,93,92,97,103,105,103,102,103,115,173,163,87,83,92,101,97,89,91,107,155,165,173,178,178,155,69,53,0,79,178,163,117,121,183,196,194,181,166,169,178,181,173,178,183,189,186,125,125,183,199,199,191,170,168,178,189,186,183,178,176,176,181,186,189,183,176,121,111,108,111,125,131,131,131,127,176,183,189,191,194,196,207,209,207,202,204,204,191,178,181,186,196,207,212,212,209,194,101,51,67,109,176,176,131,176,212,222,217,217,222,217,215,209,202,202,196,133,128,133,127,122,126,189,204,209,207,191,135,129,133,204,202,183,133,189,209,217,225,222,222,222,222,222,217,217,217,217,215,215,215,212,212,212,212,212,215,209,196,77,207,217,217,217,202,189,181,181,196,212,204,194,191,196,204,196,135,132,133,135,135,135,135,181,183,189,189,186,191,189,181,135,133,133,133,133,191,202,204,204,212,217,215,204,191,181,133,194,225,222,215,207,189,183,186,186,189,189,189,191,186,181,178,129,123,122,126,181,189,202,209,207,199,196,194,194,183,176,178,196,202,183,127,117,113,111,103,97,101,241,230,199,196,45,0,45,196,204,212,217,215,215,217,222,225,222,216,215,216,217,220,222,217,215,215,220,225,225,222,220,222,222,220,217,215,217,222,228,212,47,0,0,0,133,222,228,228,228,228,228,225,225,224,228,235,233,196,113,89,53,119,222,228,230,228,228,228,222,215,213,217,225,228,230,230,230,230,230,228,228,228,228,212,198,204,225,235,241,238,233,235,238,243,246,243,241,238,235,230,225,222,222,230,233,222,113,202,225,204,186,141,196,215,217,199,177,177,178,186,189,196,204,204,199,194,194,196,194,191,199,199,191,194,209,215,139,91,212,235,238,235,241,243,233,209,189,137,189,202,143,119,122,199,235,248,248,217,207,204,199,196,196,199,204,199,196,204,228,235,241,243,233,207,181,133,196,222,235,241,238,235,233,238,241,241,243,241,235,238,235,217,123,100,109,117,238,241,241,233,228,211,209,215,225,222,202,186,139,183,129,107,109,222,233,207,194,202,215,225,230,233,230,230,228,222,196,134,135,139,120,112,199,225,228,228,230,228,196,67,102,117,181,202,196,125,209,222,133,123,133,176,133,189,212,110,92,129,225,233,233,230,228,202,0,0,0,0,117,186,117,80,89,125,181,194,204,222,230,215,178,125,123,75,61,105,81,81,109,101,85,93,111,186,207,199,186,191,220,209,209,215,222,89,0,0,0,0,0,0,0,0,0,87,152,160,157,191,212,225,233,113,107,113,194,222,204,79,83,127,183,199,204,191,137,137,186,196,196,189,143,194,204,209,204,199,191,186,140,141,186,189,186,186,189,183,183,137,131,139,189,186,189,189,189,189,186,183,186,189,189,194,204,215,212,199,189,189,202,207,204,199,199,194,189,191,199,209,204,141,139,125,133,189,225,230,189,186,204,215,181,177,202,230,230,215,222,241,233,199,199,209,222,235,243,238,231,233,235,235,238,238,233,231,231,233,235,235,235,235,238,238,241,243,246,246,144,145,215,230,235,235,235,235,235,235,235,225,209,196,112,137,204,212,209,204,202,204,207,215,212,202,196,194,194,196,204,212,212,203,202,215,222,207,199,212,230,235,235,235,238,241,238,238,238,238,241,238,235,233,235,241,241,238,230,225,222,217,222,225,217,217,217,217,217,212,204,204,209,217,228,225,217,212,215,222,215,209,217,228,230,233,238,222,207,101,0,37,225,230,209,181,179,215,230,230,230,238,238,238,241,241,241,238,238,235,238,238,241,241,241,241,241,241,238,241,243,243,246,243,241,238,238,235,235,238,241,241,241,241,241,241,241,241,238,241,243,243,241,241,238,238,238,238,238,238,233,199,200,207,225,235,241,241,241,241,233,215,127,123,147,215,204,204,212,217,225,222,217,215,209,212,215,220,222,217,209,204,202,204,222,225,149,133,135,196,225,230,230,233,235,235,235,235,235,235,233,233,233,233,225,204,142,146,222,235,238,235,225,209,203,203,204,209,217,230,238,238,235,235,234,233,233,234,238,241,241,241,238,235,234,234,234,234,238,238,238,238,238,235,230,228,228,230,233,235,235,235,235,238,238,238,238,238,238,238,238,238,235,235,235,235,238,238,235,233,233,233,233,233,233,233,233,233,233,233,233,233,230,228,212,207,212,212,211,212,217,225,228,228,230,230,228,225,222,217,215,215,215,212,209,207,204,204,202,202,204,204,199,194,194,202,207,204,202,200,202,207,209,207,209,212,212,204,133,111,111,131,204,215,215,215,212,209,207,204,207,212,215,215,217,217,217,217,215,215,217,217,222,222,222,222,222,217,217,217,217,217,217,220,217,215,212,209,212,217,217,220,222,225,225,225,228,228,225,217,209,207,212,217,222,217,209,205,209,217,222,222,225,225,225,225,222,225,225,228,222,209,125,74,77,141,212,217,217,217,217,212,204,196,196,204,209,212,212,217,228,233,235,235,238,238,238,241,241,241,243,246,246,246,246,246,246,241,238,238,238,235,233,230,228,225,222,222,225,225,225,225,228,233,241,243,241,238,238,238,238,241,243,243,243,243,246,246,246,243,243,243,241,238,233,225,222,217,222,222,222,217,217,215,215,212,209,207,204,207,204,196,145,141,140,143,145,147,147,194,202,217,235,238,235,238,238,238,235,235,235,235,235,233,225,212,196,141,133,128,128,135,143,196,202,212,225,230,230,228,228,228,230,233,233,233,235,238,241,243,241,238,235,235,235,238,238,238,238,235,233,230,228,225,225,225,228,230,230,228,224,224,228,235,238,238,241,241,243,243,243,243,243,243,246,246,246,243,241,238,235,235,235,235,238,238,238,238,235,230,230,228,228,228,228,228,228,228,89,87,87,83,81,75,73,69,67,63,67,67,63,59,55,53,45,53,53,53,53,57,59,59,55,53,53,53,53,53,45,45,41,41,47,57,63,69,75,77,83,89,97,103,152,165,176,165,155,119,168,176,189,202,212,222,225,233,233,238,241,241,248,251,251,251,255,255,255,255,255,255,255,254,251,251,255,255,255,255,255,255,254,233,220,209,207,207,209,209,217,220,220,209,181,157,142,134,118,75,66,66,90,108,126,134,134,126,108,92,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,160,160,144,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,79,0,0,48,22,14,0,0,0,0,33,59,90,0,0,255,255,255,255,251,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,144,163,163,160,155,147,157,176,186,196,0,189,186,186,186,186,178,152,103,61,27,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,31,92,150,181,189,189,181,150,139,157,155,121,108,57,0,0,0,0,39,67,47,25,59,189,209,199,183,176,194,212,212,165,0,0,163,181,186,191,181,176,176,183,181,168,155,155,165,183,183,168,95,76,75,163,191,186,157,93,83,93,103,137,147,165,147,85,65,53,43,53,61,65,61,57,59,73,101,181,191,181,176,176,181,183,176,111,93,88,93,107,125,176,176,170,174,189,212,220,212,204,204,196,189,178,189,204,202,170,107,99,99,105,105,111,155,157,168,181,170,139,91,73,67,63,63,67,50,48,55,69,67,73,83,83,83,95,152,155,87,47,45,51,71,89,144,173,183,183,191,199,212,176,61,55,75,103,103,95,92,95,103,111,168,189,196,196,194,194,209,212,194,176,173,173,176,176,176,183,183,178,176,183,181,93,53,51,67,89,144,144,105,85,63,55,55,59,69,85,91,95,97,95,95,95,101,139,97,83,75,76,85,99,142,107,99,89,91,105,157,163,163,163,157,152,150,113,113,103,99,99,103,157,165,168,157,147,111,150,155,152,157,160,160,157,150,107,97,91,81,81,85,79,63,58,61,89,165,176,173,163,117,119,160,173,178,183,183,173,173,173,173,165,163,163,163,173,176,176,173,173,173,170,163,113,105,99,103,111,117,157,117,113,113,115,115,117,160,163,163,165,165,176,186,186,186,189,191,191,194,191,186,170,126,126,128,178,186,194,196,196,199,199,191,183,178,173,117,115,115,107,87,81,83,95,101,95,83,71,69,70,83,101,107,111,111,160,181,181,160,111,107,107,107,101,101,107,115,133,181,176,123,115,115,115,131,181,189,191,199,209,217,209,199,189,157,95,69,57,57,61,73,79,75,63,63,73,81,87,87,89,93,95,131,139,147,170,178,170,147,131,87,113,124,121,111,73,59,43,33,29,23,21,19,23,27,27,19,17,19,25,39,47,47,39,35,31,27,25,27,49,73,73,65,65,57,49,47,39,39,57,87,139,150,150,157,160,173,178,186,202,209,217,217,217,217,209,189,173,157,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,155,157,165,173,160,121,122,125,120,118,147,176,173,139,101,152,176,181,178,176,165,113,100,100,103,105,99,93,92,92,92,91,91,93,99,103,105,107,113,163,181,176,103,93,103,103,91,79,79,91,101,111,160,168,115,0,0,0,0,103,186,117,105,103,113,178,186,173,159,160,178,194,194,189,186,189,191,181,178,194,204,199,186,170,168,170,178,181,181,176,173,176,181,189,191,189,181,131,119,110,113,121,123,122,122,122,127,131,178,189,194,196,202,204,204,204,207,209,196,135,131,178,181,181,186,199,202,83,0,0,31,178,183,173,130,173,196,212,209,209,212,207,204,204,207,212,212,196,186,186,178,133,181,189,199,202,196,178,120,121,131,199,199,183,128,128,137,199,217,222,222,222,222,222,222,217,215,215,212,212,212,212,212,212,212,212,217,215,129,57,95,202,212,217,215,207,196,186,133,123,133,194,196,204,212,202,133,130,135,189,196,199,191,137,135,137,181,133,131,135,137,135,131,135,191,204,212,215,209,183,131,194,196,120,117,129,186,209,222,222,212,196,183,183,186,189,191,196,202,207,207,194,135,124,122,127,186,191,191,196,204,202,202,199,199,194,186,179,186,209,222,217,209,117,114,112,96,93,105,241,81,69,97,27,0,0,55,189,212,225,225,222,225,230,233,228,225,217,220,222,225,225,220,215,213,217,220,220,217,215,217,222,222,222,222,217,215,217,212,133,53,0,71,215,228,230,230,230,230,228,225,224,222,224,233,235,225,99,32,2,45,215,230,233,230,228,228,225,217,215,222,230,233,233,233,233,233,230,230,230,230,225,204,194,200,222,233,238,238,235,235,241,243,243,241,235,235,233,230,225,217,217,225,225,199,111,215,241,217,194,189,199,209,212,194,182,191,204,207,199,194,196,196,194,191,194,199,196,194,196,194,191,196,209,207,141,137,225,230,233,235,238,238,235,225,196,131,130,135,129,119,131,230,241,243,241,230,225,217,207,196,191,194,199,196,191,202,225,233,238,238,230,212,183,120,122,209,228,235,235,233,235,238,241,241,241,238,233,235,233,217,113,93,104,111,238,238,235,238,235,222,215,212,207,199,191,183,133,123,107,101,102,196,228,204,181,178,207,222,228,233,233,228,217,204,183,137,181,133,119,118,215,230,228,222,222,215,113,33,64,107,199,204,109,88,121,189,91,69,109,123,131,194,215,181,118,202,230,235,235,235,233,217,19,0,0,17,186,199,99,65,80,119,183,196,204,212,215,196,121,105,3,0,0,0,0,0,63,67,63,79,105,173,199,196,189,194,202,217,217,220,255,204,0,0,0,0,0,0,0,0,0,165,165,152,147,178,191,189,202,199,186,107,186,209,217,209,127,133,196,217,209,186,186,204,222,228,212,196,189,191,202,209,212,209,196,186,140,140,141,186,189,191,196,194,194,194,189,189,194,194,194,202,204,202,194,189,191,196,196,196,207,215,215,199,186,186,199,209,207,199,194,191,186,189,199,215,207,194,196,126,189,209,230,238,222,202,202,204,183,186,191,215,217,209,215,230,225,212,212,212,209,225,243,238,233,233,235,235,238,235,235,233,233,233,235,235,235,238,238,241,241,241,241,235,153,146,207,225,233,233,235,238,235,233,235,238,209,107,105,133,207,209,202,192,194,202,209,212,212,207,207,207,209,209,212,215,215,204,202,207,212,202,151,209,228,235,235,238,238,238,241,241,241,241,238,235,233,230,233,238,238,238,233,230,225,222,225,217,209,217,225,228,228,215,202,202,209,228,235,233,225,215,212,215,212,209,222,233,238,241,251,238,220,147,119,127,225,217,202,200,209,230,235,233,230,233,238,241,241,243,243,241,238,235,235,238,238,241,243,243,243,243,241,241,243,243,243,243,241,241,241,238,238,238,241,241,241,238,241,241,238,238,238,241,243,243,241,241,238,238,238,238,238,238,233,204,202,209,230,241,243,243,241,220,141,134,128,127,145,207,209,209,212,212,215,217,215,212,208,209,212,215,215,215,209,207,204,209,225,225,135,129,133,143,217,228,230,233,233,233,235,233,233,233,230,230,230,228,217,199,145,149,222,235,235,235,230,215,207,203,204,212,225,235,238,238,235,235,234,234,233,234,235,241,241,241,238,238,238,238,238,241,241,241,238,238,238,235,233,230,230,233,235,235,235,235,235,238,238,238,238,238,238,238,238,238,235,235,235,235,238,238,235,233,233,235,235,235,235,235,235,233,233,235,233,230,225,217,208,205,209,212,212,215,222,228,228,228,230,228,228,225,222,217,217,215,215,212,209,207,204,202,202,202,202,202,202,199,202,204,207,204,204,202,204,204,202,198,199,207,212,202,127,112,112,137,212,222,222,222,217,217,212,207,207,212,215,217,217,217,217,217,215,215,217,217,220,222,222,222,222,217,217,217,217,217,217,222,217,209,204,204,209,217,222,222,222,222,222,225,225,228,225,220,215,215,217,222,222,212,207,207,215,225,225,222,225,225,222,222,217,222,225,225,212,135,77,66,70,107,202,215,217,215,215,212,209,204,202,207,212,217,222,228,230,233,235,235,238,238,238,241,241,241,243,246,248,246,246,246,246,241,238,238,238,235,235,233,230,225,220,221,225,225,222,217,222,228,233,233,230,230,230,233,235,238,241,243,243,246,246,246,248,248,246,246,243,241,235,228,222,217,222,222,222,217,217,215,215,212,209,207,204,207,207,199,147,141,140,141,147,194,147,145,145,194,225,233,233,235,238,235,235,235,238,238,238,235,228,212,196,143,137,129,128,133,139,143,149,204,222,230,233,233,230,230,230,233,233,233,235,241,243,246,243,241,238,235,238,238,238,238,235,233,233,230,228,225,225,225,225,228,230,230,228,230,230,233,235,238,241,241,241,241,241,241,241,243,246,246,246,241,238,235,235,235,238,238,238,241,241,241,235,233,230,228,230,230,230,230,228,228,93,93,89,87,83,81,75,73,69,67,69,67,67,63,59,57,53,53,53,55,57,59,59,59,53,53,53,53,53,45,43,39,39,41,45,55,63,63,69,75,83,87,95,101,107,150,165,165,117,117,165,176,194,204,215,225,230,233,233,238,241,241,241,248,251,251,251,255,255,255,255,255,255,255,254,251,254,255,255,255,255,255,246,228,209,199,194,194,191,196,209,220,228,212,191,157,144,142,126,108,69,66,90,100,118,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,129,144,134,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,72,0,0,0,40,30,17,0,0,0,0,33,0,0,0,255,255,255,255,215,0,0,11,33,43,35,0,0,0,0,0,0,0,5,48,72,100,134,144,144,157,155,147,139,157,183,196,0,186,0,0,0,0,170,152,111,69,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,118,137,147,121,85,63,121,155,160,165,124,0,0,0,0,1,25,1,0,0,144,191,199,191,176,189,209,222,209,0,0,105,170,181,181,173,166,166,170,176,165,109,107,155,176,183,165,93,78,77,107,178,183,168,105,93,89,97,137,137,137,91,71,75,91,91,91,91,87,71,43,28,31,65,147,173,181,181,183,191,183,176,107,91,88,94,109,125,176,176,176,181,196,220,220,207,196,196,196,196,189,196,204,196,168,111,107,109,107,107,111,155,155,155,168,157,139,97,87,73,63,63,67,45,44,61,73,61,66,93,95,89,95,129,87,51,45,44,51,69,93,150,173,178,170,176,191,207,165,52,49,61,99,103,94,91,92,95,103,117,168,189,194,186,186,194,202,194,181,181,186,186,173,163,173,183,183,173,173,168,101,81,83,93,105,147,147,93,65,55,53,56,77,99,97,89,89,91,97,103,142,155,152,101,83,75,77,95,157,168,160,107,101,105,165,173,173,157,152,150,150,107,105,103,101,101,103,150,160,173,173,168,157,155,155,155,157,160,160,160,160,157,147,97,87,81,79,79,75,65,60,67,101,165,173,163,119,114,117,160,178,186,194,191,181,176,173,173,163,163,163,168,176,176,176,170,168,173,170,165,119,107,105,111,119,121,117,113,113,119,121,119,117,117,119,121,117,121,165,170,173,173,176,176,183,186,183,183,170,127,126,128,129,181,194,199,204,212,212,194,173,117,113,111,115,160,107,87,83,87,95,95,95,87,77,69,69,77,101,150,152,160,181,199,199,181,123,117,123,117,115,107,115,125,183,191,183,133,123,123,133,181,194,202,209,217,217,217,217,209,204,178,105,79,61,65,75,81,85,75,63,63,69,75,81,87,93,95,95,131,137,147,178,186,178,168,147,126,121,121,113,81,73,65,47,35,27,21,17,17,21,25,23,19,17,19,25,41,57,49,39,37,37,35,25,25,37,57,65,69,73,65,47,38,37,37,57,87,134,139,139,142,150,160,173,189,202,209,217,217,217,217,202,189,173,157,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,155,155,155,160,157,131,126,131,126,120,142,178,186,170,163,170,178,178,181,178,170,152,105,101,103,103,99,93,91,91,91,91,92,95,99,101,105,113,157,170,186,196,199,183,103,85,77,75,76,85,93,105,160,163,51,0,0,0,0,0,93,101,100,99,111,176,191,186,165,164,176,194,199,196,186,181,183,178,178,189,196,189,178,176,170,169,169,170,170,170,170,176,181,186,186,181,176,176,129,121,119,123,125,122,122,125,125,124,127,181,191,196,202,207,209,207,209,212,202,129,113,123,125,127,133,194,209,83,0,0,0,73,131,131,173,176,183,183,176,183,191,191,194,204,212,222,222,215,207,196,183,181,183,186,189,189,186,125,109,112,121,189,194,183,128,128,135,186,204,209,212,215,222,222,215,212,209,209,209,209,212,212,209,209,209,212,212,204,97,54,87,129,196,212,217,215,207,196,117,106,116,191,199,199,196,189,181,137,181,189,199,202,194,181,133,130,129,127,126,128,133,133,131,135,194,209,215,220,215,127,117,135,183,117,117,137,204,212,217,215,207,186,183,186,191,194,199,204,212,215,217,204,135,123,124,186,209,202,191,189,191,194,196,196,194,194,191,189,196,215,225,222,215,209,207,212,129,117,127,215,0,0,0,0,0,0,0,0,176,225,233,235,238,238,235,235,233,230,228,230,230,230,225,217,215,217,220,220,215,212,212,215,215,215,215,209,204,204,199,181,121,111,222,230,230,230,230,230,230,228,225,225,225,225,230,235,228,105,41,13,46,202,228,235,233,230,230,228,222,220,225,230,233,233,233,233,233,230,230,230,233,230,215,202,209,225,230,235,235,235,235,235,235,233,233,230,230,230,225,215,209,212,217,207,117,95,113,186,189,139,137,186,199,199,183,189,209,230,222,207,196,194,194,191,191,194,196,199,199,191,191,191,194,199,186,135,139,220,228,230,233,235,235,238,235,215,137,128,131,141,194,215,233,238,235,235,230,228,217,199,190,190,191,196,191,183,191,212,228,233,230,212,202,196,129,121,189,212,225,228,228,233,235,238,238,235,230,225,225,225,215,135,105,106,115,230,233,233,235,235,230,222,207,191,183,183,183,133,121,115,104,102,183,230,228,192,183,204,215,228,230,230,222,207,191,135,181,181,135,129,135,215,225,222,215,209,199,133,75,83,129,199,199,108,94,119,107,24,14,50,97,129,189,199,186,178,199,222,230,233,235,238,235,113,0,0,115,222,228,196,97,109,127,178,189,189,194,191,170,119,115,0,0,0,0,0,0,55,55,65,95,152,168,178,173,163,157,139,170,176,105,163,183,11,0,0,0,0,0,0,0,0,173,186,165,150,155,170,183,191,196,191,91,165,194,202,207,183,178,189,207,123,73,117,209,228,233,222,204,191,191,196,204,209,209,194,186,140,140,141,189,194,202,207,204,202,204,204,204,202,196,196,209,222,215,202,196,199,204,204,204,212,225,228,209,129,105,115,202,204,189,133,131,135,141,204,228,215,202,199,189,189,207,222,230,228,215,209,202,137,183,183,199,204,199,199,199,202,209,225,222,131,107,215,238,238,238,238,235,238,238,238,238,238,235,235,235,235,238,241,241,241,241,238,235,217,151,202,222,230,233,235,241,235,233,238,241,202,108,116,194,212,207,196,192,196,202,199,199,207,212,217,228,230,228,225,225,225,215,209,209,207,149,149,207,225,235,238,241,238,238,238,235,235,235,235,235,230,229,230,235,238,238,238,235,228,215,207,141,129,207,230,235,233,217,202,199,215,235,243,241,235,225,212,207,202,207,228,238,241,243,248,238,212,147,147,127,194,207,207,215,228,233,235,233,228,225,233,238,241,243,243,243,241,238,235,235,238,241,243,243,243,243,243,241,241,241,241,241,241,241,241,238,238,238,238,241,238,238,238,238,238,238,241,241,241,241,241,241,241,241,241,241,241,241,235,217,212,215,228,235,238,238,230,143,127,131,135,143,202,209,215,217,217,215,212,212,212,209,208,208,209,212,215,215,215,212,204,207,220,212,135,134,143,143,209,225,228,230,233,233,233,230,230,228,228,228,228,225,215,199,147,202,225,233,233,235,230,215,207,204,207,215,230,238,238,235,233,235,238,238,235,235,238,241,241,241,241,241,241,241,243,243,243,243,241,241,238,238,235,233,233,235,235,235,233,235,235,238,238,238,238,238,238,238,238,238,235,235,235,235,238,238,235,235,235,235,235,235,235,235,235,235,235,233,230,222,215,212,208,208,215,217,222,222,225,228,228,228,228,228,225,225,222,222,217,217,215,212,209,207,204,202,202,202,199,199,202,204,204,204,207,207,207,202,202,202,199,196,196,204,215,204,139,124,129,202,217,225,222,222,222,217,212,209,209,215,217,217,217,220,220,217,217,217,215,217,217,222,222,222,220,220,217,217,216,216,217,222,215,204,202,204,212,217,220,222,220,217,220,222,225,225,222,220,217,217,220,222,217,207,204,209,217,225,225,225,222,222,217,217,215,215,220,215,141,79,69,67,73,105,194,209,212,209,207,207,212,212,209,209,215,222,228,230,230,233,233,235,238,238,241,241,241,241,243,246,248,246,246,246,246,241,238,238,235,235,235,235,233,228,222,222,222,222,215,212,217,225,225,225,225,225,228,233,235,238,238,241,241,243,243,246,248,248,246,246,243,241,235,230,222,217,217,217,217,217,215,215,215,215,212,207,204,207,207,202,196,145,140,141,143,147,145,143,141,145,209,225,230,233,235,233,233,235,238,238,238,235,228,209,194,141,137,133,129,133,137,139,145,202,217,230,235,235,233,230,230,230,233,233,235,241,243,246,246,243,241,238,238,241,241,238,235,233,233,230,228,225,225,224,225,225,228,230,233,233,230,230,230,235,238,238,238,235,235,238,241,243,246,246,243,238,235,235,235,238,238,238,241,241,243,241,235,233,230,230,230,233,233,230,230,228,95,93,93,89,87,83,81,75,73,73,73,73,69,67,63,59,57,55,53,55,59,59,59,59,53,53,53,53,53,43,37,35,36,37,41,47,57,63,69,69,75,83,89,95,103,109,150,152,111,117,168,178,196,207,222,225,233,233,233,233,241,241,241,241,248,243,243,248,254,255,255,255,255,255,254,251,251,255,255,255,255,255,246,225,202,194,183,181,133,181,199,217,228,217,196,170,150,142,142,126,108,90,90,100,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,100,116,111,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,72,0,0,0,0,48,30,0,0,0,0,33,0,12,150,255,255,255,255,51,0,0,48,113,147,95,0,0,0,0,0,0,0,7,40,59,85,100,100,113,147,165,142,121,129,163,183,183,0,0,0,0,0,0,142,108,69,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,69,47,47,45,23,9,33,87,121,165,157,51,0,0,0,0,0,0,0,0,144,194,204,199,189,199,215,222,225,0,0,150,178,196,196,181,166,161,168,170,155,105,101,107,165,168,109,93,87,90,109,168,168,157,109,99,89,85,97,103,93,63,35,57,97,157,157,147,139,95,61,29,24,31,81,147,168,183,191,199,194,181,123,101,95,107,125,173,176,186,186,186,196,215,220,204,189,189,196,196,196,196,196,189,168,117,119,155,115,109,152,168,165,147,142,105,101,99,93,77,53,51,53,48,47,53,67,69,93,147,142,134,131,81,48,43,44,49,61,71,95,155,170,157,147,147,147,157,103,58,54,77,107,109,103,97,97,103,107,117,168,178,186,176,176,186,191,186,186,186,194,186,115,101,111,176,183,170,160,147,99,93,99,99,105,147,105,83,63,57,61,79,103,105,87,81,81,85,95,139,152,155,142,97,79,73,83,142,176,181,176,160,155,165,178,186,178,157,103,100,100,103,103,101,105,150,157,160,170,173,176,173,173,165,165,163,160,160,160,160,157,157,150,105,91,85,81,79,75,69,69,87,115,176,173,163,116,114,115,160,178,194,202,202,191,181,173,168,163,163,163,168,176,176,170,165,165,173,173,170,119,111,111,111,119,117,115,113,121,163,170,163,113,110,110,113,107,107,113,119,119,121,123,123,125,125,170,170,129,170,129,178,181,186,196,207,212,220,215,191,115,101,101,107,160,173,103,80,80,95,95,95,91,87,83,71,70,83,107,160,170,173,191,209,204,189,173,173,176,173,173,123,131,181,191,199,191,181,135,181,191,199,209,217,220,228,220,217,217,217,215,196,113,91,81,81,93,101,95,75,69,71,75,75,81,87,93,95,95,129,131,147,178,186,181,170,155,131,121,113,81,69,69,59,49,37,25,21,14,13,17,21,23,21,19,21,25,35,57,57,47,43,39,35,25,25,31,39,49,65,69,65,43,37,37,41,47,79,93,95,95,101,147,160,181,189,209,217,217,220,228,217,202,181,173,173,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,147,144,152,160,155,147,152,157,144,139,139,147,163,168,173,176,176,178,181,173,155,105,101,101,103,103,101,97,95,95,95,93,95,97,97,105,152,163,173,186,194,207,199,83,67,73,77,78,87,93,107,173,183,168,103,95,47,0,0,89,105,101,99,117,181,202,207,196,181,181,189,196,194,178,173,173,173,170,168,127,127,168,176,176,169,168,169,170,170,176,178,181,181,178,173,172,176,176,129,123,125,127,123,123,129,129,122,121,129,189,199,207,212,209,207,207,215,209,113,72,67,113,129,178,199,228,222,63,0,0,0,105,129,178,176,176,57,65,109,173,181,189,204,215,222,217,212,207,191,181,178,178,181,133,123,129,123,108,109,112,137,189,191,183,183,189,189,194,196,199,207,212,209,207,202,196,196,202,204,204,204,204,204,202,199,196,191,109,90,105,121,127,191,207,204,202,196,118,104,123,191,196,189,133,135,191,189,137,135,131,129,133,135,133,130,127,125,127,129,130,131,133,135,186,199,209,215,217,129,113,128,137,129,183,220,217,217,222,209,194,183,189,196,199,199,199,204,212,217,222,215,183,125,127,196,215,212,196,186,186,189,191,191,189,189,189,189,196,212,222,217,215,217,222,230,207,119,83,79,0,0,0,19,95,9,0,0,39,225,241,246,243,241,238,235,235,233,235,238,238,235,230,222,217,220,222,217,212,211,211,212,209,207,199,191,186,135,113,94,91,207,230,233,230,230,230,228,228,228,225,228,228,228,230,235,233,209,183,91,109,199,215,230,233,233,233,230,225,225,228,230,230,230,230,233,230,230,230,230,233,235,228,217,228,233,230,233,235,233,230,228,225,225,225,225,228,230,222,212,207,209,212,196,106,72,74,78,86,99,108,121,133,125,122,135,199,228,215,207,202,199,194,191,191,194,194,196,204,191,191,189,186,186,136,135,191,217,230,233,233,233,235,241,235,215,191,137,143,202,217,230,233,233,235,235,230,228,222,207,196,191,191,191,189,181,183,202,209,212,204,85,82,194,191,122,121,194,209,212,212,217,225,228,228,228,217,209,207,207,207,199,186,125,131,228,233,235,233,228,225,217,204,186,137,139,186,139,133,139,196,204,215,233,233,212,202,202,209,222,225,217,207,196,183,131,181,189,186,135,131,191,207,209,204,191,181,189,199,189,183,194,199,191,191,207,79,0,0,24,81,129,186,191,186,183,194,209,217,228,233,235,235,202,71,73,191,217,228,225,209,189,173,176,176,170,170,127,119,119,209,81,0,33,41,19,23,33,39,43,87,152,165,165,157,152,151,157,168,170,103,39,5,0,0,0,0,0,0,0,0,0,233,230,228,178,103,157,199,186,115,99,70,105,173,176,178,183,186,178,178,60,34,81,202,217,228,222,209,202,196,196,199,202,202,189,141,141,141,189,196,199,204,207,207,209,215,222,225,215,202,202,222,233,222,204,196,202,204,207,209,217,233,238,228,102,55,84,141,199,137,126,126,131,186,209,230,217,202,191,204,132,189,209,222,225,228,222,204,130,136,191,199,194,190,191,194,202,217,233,230,93,19,87,222,238,241,238,238,238,238,241,241,238,235,235,235,235,238,241,241,241,241,243,241,233,204,202,217,225,233,235,238,238,238,238,225,196,130,133,202,207,199,194,199,212,215,141,141,207,225,230,235,238,233,233,233,233,230,225,215,204,147,149,204,222,233,238,241,241,238,235,230,228,228,230,235,233,230,230,235,238,241,243,238,215,137,106,110,115,129,217,233,235,225,202,196,209,233,241,241,235,228,212,199,195,207,235,243,243,243,241,233,202,147,202,120,141,212,217,225,225,228,228,225,224,225,230,235,241,243,246,243,241,238,235,235,238,241,243,243,243,243,243,243,241,241,241,241,241,241,238,238,237,238,238,241,238,238,237,237,238,241,243,243,241,238,238,238,241,241,241,241,241,241,235,225,222,215,222,222,222,225,215,141,128,143,209,217,228,225,225,228,225,217,212,212,212,212,209,209,209,212,212,217,222,217,203,204,212,196,135,147,199,143,204,222,228,228,230,230,233,228,225,225,225,225,225,217,212,204,199,207,225,230,230,230,225,212,207,207,209,222,235,241,238,233,231,235,241,243,241,241,238,241,241,241,241,241,241,241,241,241,243,243,241,241,238,238,235,235,235,235,233,233,233,235,235,238,238,238,238,238,238,238,235,235,235,235,235,235,238,238,235,235,235,235,235,235,235,235,238,235,233,230,222,212,207,209,212,215,217,222,225,228,228,228,228,228,228,225,225,225,222,222,217,217,215,209,207,207,204,202,202,202,202,199,199,202,204,202,204,207,207,199,198,202,202,198,198,204,212,207,194,141,194,209,217,217,217,217,217,217,212,209,212,217,220,222,222,222,222,222,220,217,215,215,217,217,217,217,217,217,220,217,216,216,217,220,212,203,202,207,215,217,217,220,217,217,220,222,225,225,222,217,217,217,217,222,212,203,203,212,222,225,225,225,222,222,217,215,215,215,212,202,111,73,71,79,109,135,194,204,207,199,196,199,207,215,217,215,217,225,228,230,233,233,233,235,235,238,241,241,241,241,241,243,246,246,246,246,243,241,238,235,235,235,235,235,233,230,225,225,225,217,212,207,209,217,222,222,222,222,228,233,238,238,235,0,235,238,241,243,246,246,246,243,241,235,233,228,222,217,217,217,215,215,215,215,215,215,212,207,204,207,207,204,196,191,143,141,141,140,140,141,143,191,199,212,222,230,233,233,235,235,238,235,235,235,228,207,145,139,137,133,133,135,137,139,143,196,217,230,238,238,235,233,230,230,233,235,238,241,243,246,248,246,246,243,243,243,241,238,235,235,233,233,228,225,225,225,225,225,228,230,233,230,229,229,230,233,238,238,235,234,234,235,241,243,246,246,243,238,238,238,241,241,238,238,241,241,243,241,238,233,230,230,233,233,233,230,230,230,95,95,95,95,89,89,87,83,75,75,75,75,75,73,69,63,59,55,52,52,57,59,59,57,51,51,51,51,45,43,37,35,35,39,39,43,55,61,63,69,73,77,83,89,97,103,109,111,111,117,168,183,196,212,215,225,225,230,233,233,233,241,241,241,241,238,235,241,243,254,255,255,255,255,254,248,248,254,255,255,255,255,246,220,202,189,139,131,123,131,191,212,228,220,204,181,157,150,150,134,118,108,98,100,108,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,111,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,79,0,0,0,0,56,35,0,0,0,0,116,82,0,163,255,255,255,61,0,0,0,48,134,178,116,0,0,0,0,0,0,0,17,38,56,74,85,87,113,152,170,147,105,101,131,157,176,176,0,0,0,0,0,134,92,66,33,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,45,69,31,9,3,0,0,0,0,0,55,157,108,19,0,0,0,0,0,0,65,196,212,212,207,209,222,217,217,209,0,0,165,196,217,225,199,173,170,173,173,155,105,99,101,107,105,97,95,101,109,155,165,155,109,105,105,99,89,85,89,83,35,0,25,97,178,178,157,139,144,105,69,29,27,65,99,160,183,196,199,196,194,181,113,107,123,168,173,173,176,176,178,194,209,212,204,186,186,196,196,204,204,196,189,178,168,178,178,170,152,155,176,170,144,93,91,91,91,85,71,51,47,48,67,63,50,61,142,191,178,150,142,131,73,45,42,48,73,69,75,99,157,170,157,147,103,89,95,99,91,93,109,155,165,155,152,115,117,165,178,183,183,178,168,165,165,173,173,176,191,194,173,95,86,92,160,176,160,147,105,95,93,93,93,95,144,97,85,79,85,99,142,103,91,81,79,79,81,89,101,139,139,101,87,77,75,87,157,181,183,176,170,165,173,181,186,181,163,103,99,99,100,101,105,152,160,165,170,173,176,176,181,181,173,170,170,168,163,160,157,150,157,157,107,95,91,85,79,75,79,87,109,168,183,173,163,157,117,119,160,178,199,207,202,191,181,168,163,163,119,119,163,173,176,170,165,165,173,176,170,121,111,108,111,115,115,115,117,165,176,181,165,113,110,110,111,107,105,107,109,113,113,117,117,119,123,125,170,170,173,183,189,186,189,194,207,215,220,220,191,107,94,98,115,173,173,101,77,80,95,101,87,87,83,77,71,77,87,107,160,170,173,191,204,209,191,181,181,191,191,191,181,183,191,199,199,194,191,194,202,212,217,217,228,230,235,228,217,217,217,217,196,157,99,93,95,107,147,101,87,81,87,87,85,81,87,93,93,129,129,131,144,168,178,178,170,155,131,113,73,57,43,49,49,43,37,25,19,14,13,15,21,23,23,25,25,29,35,47,57,61,57,39,29,24,24,29,31,35,47,61,57,43,37,37,39,47,73,79,85,87,101,150,173,181,202,209,217,217,228,228,217,202,189,181,181,173 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,134,142,150,157,163,157,163,163,155,142,125,113,135,163,168,170,168,170,173,176,150,93,95,97,101,107,107,105,105,99,95,95,95,95,99,109,160,173,178,183,194,196,194,103,68,81,113,97,95,105,163,178,183,181,170,157,119,111,107,111,117,119,115,119,178,204,217,212,194,183,181,178,170,123,121,125,127,119,119,119,123,170,178,176,170,170,173,176,178,183,186,183,178,176,173,173,176,173,131,127,121,125,123,123,173,189,131,120,124,189,204,212,212,209,207,209,222,228,178,56,25,129,133,181,209,225,235,233,59,0,67,107,123,178,186,176,0,18,119,176,181,186,207,217,217,215,204,131,118,123,133,178,181,135,133,181,186,178,123,121,131,183,191,189,189,191,196,196,191,189,194,199,191,191,191,183,137,183,189,189,191,196,196,186,135,115,109,115,123,127,131,178,183,181,181,183,183,135,137,189,183,133,133,128,133,196,186,137,129,126,124,124,128,137,139,139,196,199,191,139,137,137,139,183,191,199,204,199,183,127,127,135,186,209,217,215,217,215,186,181,183,196,207,209,204,196,199,212,215,215,212,202,178,135,199,215,212,202,186,181,189,199,196,183,178,176,176,194,212,222,222,217,222,230,230,220,107,0,0,0,51,65,202,233,215,101,9,0,79,255,241,238,241,238,238,238,233,238,243,243,241,233,225,217,222,225,222,222,217,215,212,207,199,135,117,111,105,97,53,52,212,230,235,230,228,228,225,225,225,230,228,228,228,228,230,233,222,209,220,217,204,212,228,233,233,233,230,228,228,228,225,225,225,228,230,230,228,228,230,233,235,215,207,225,235,235,233,233,230,228,225,222,221,222,222,222,225,222,215,207,207,204,191,135,121,82,82,97,100,110,196,131,122,122,125,194,192,191,215,212,207,202,191,189,196,196,191,191,191,194,189,137,137,134,139,204,222,230,235,233,231,235,241,238,228,202,139,143,207,222,230,233,235,235,235,235,233,230,225,209,196,139,135,183,189,196,199,191,97,60,25,83,204,204,135,125,183,204,196,183,185,189,194,209,209,202,196,196,194,196,202,204,189,127,191,222,235,228,222,217,209,199,186,135,137,189,186,181,189,209,222,222,230,241,212,202,194,189,202,204,196,186,181,137,129,183,209,202,116,119,183,191,194,191,179,177,189,199,194,191,194,199,207,220,207,77,61,73,121,119,131,183,189,189,189,189,194,199,212,225,233,228,196,131,173,196,217,228,228,215,194,181,176,170,123,112,113,113,93,77,37,73,87,220,196,21,29,69,34,38,47,41,34,36,152,160,199,209,212,215,157,15,0,0,0,0,0,0,0,0,0,241,241,251,168,45,69,168,91,52,93,93,115,117,170,183,194,207,207,178,56,44,111,186,199,202,204,204,202,196,194,196,196,194,189,141,141,189,194,199,202,199,198,209,225,228,233,235,230,209,207,222,228,212,202,199,202,202,207,215,228,235,238,230,139,99,113,139,196,141,130,131,137,191,209,222,212,191,141,141,129,135,196,209,222,225,222,138,133,137,196,207,194,190,194,204,209,217,238,233,103,0,5,127,251,238,238,241,241,238,238,238,238,235,235,235,235,238,238,241,241,241,243,241,233,215,212,215,217,220,228,235,241,241,233,222,209,194,145,194,204,194,135,212,251,222,128,129,215,233,235,238,238,235,235,238,238,235,233,222,204,147,148,199,212,228,238,241,238,238,235,230,226,226,230,238,238,238,235,235,238,241,246,238,199,120,116,124,120,120,207,228,228,220,202,143,141,220,230,230,230,212,209,196,196,199,228,251,241,241,238,196,142,146,194,143,147,222,230,228,222,222,225,225,225,228,233,235,238,241,243,243,238,233,229,233,238,241,241,241,239,241,241,243,241,241,241,241,241,241,241,241,238,238,241,241,241,238,237,237,238,238,241,241,241,238,238,238,238,238,241,241,241,241,238,228,217,215,215,212,209,207,207,202,202,212,228,235,235,235,235,235,230,209,215,215,215,215,209,209,209,209,212,217,225,225,212,204,207,143,141,199,147,149,209,225,230,228,228,233,233,228,217,217,217,225,217,209,212,215,212,209,215,225,228,222,215,212,209,212,215,225,235,241,238,233,231,233,238,243,243,243,241,241,241,241,241,241,241,243,241,241,241,241,241,241,238,235,235,238,235,233,228,228,233,235,238,235,235,235,235,235,235,235,235,233,233,233,233,235,235,238,238,238,238,235,233,233,235,238,238,235,230,222,212,205,204,207,217,220,217,220,225,228,228,228,228,228,225,225,225,225,222,217,217,217,215,207,202,204,204,202,199,202,202,202,199,199,199,199,199,202,204,202,198,199,199,199,198,199,207,207,204,202,204,207,212,215,212,215,215,215,215,212,212,215,220,225,225,222,222,222,222,217,215,215,215,217,217,217,217,217,220,217,216,216,217,217,212,204,204,212,217,222,220,217,217,217,217,222,225,225,222,217,217,217,215,215,207,203,205,222,228,225,225,222,217,217,217,217,215,217,217,143,95,99,99,109,189,189,189,191,194,194,191,194,204,215,217,222,222,225,230,233,233,233,233,235,235,235,238,238,241,241,241,241,243,243,243,243,243,241,238,235,233,233,235,233,233,228,228,225,225,222,212,204,207,212,215,217,217,222,225,230,233,235,230,230,230,235,241,243,243,243,243,241,235,230,228,225,225,222,217,215,215,215,215,215,215,212,212,209,207,204,202,202,196,191,145,143,141,138,138,141,191,191,194,202,215,225,230,233,233,235,238,235,233,233,225,204,143,137,135,135,135,135,137,141,143,149,217,230,238,238,235,233,233,233,233,235,238,241,243,243,246,248,248,246,243,241,241,238,238,238,235,233,230,228,228,228,228,230,230,230,230,230,230,230,233,235,238,238,235,234,234,238,243,248,248,248,246,243,241,243,243,243,241,241,241,243,243,241,238,235,233,233,233,233,230,230,230,230,101,101,101,97,95,95,91,89,83,75,77,83,83,77,75,69,63,55,52,52,55,55,55,51,51,51,51,43,43,37,37,36,37,43,45,51,55,61,63,67,67,75,81,89,95,101,103,107,111,117,168,189,196,207,212,212,222,225,225,225,233,233,241,241,241,233,233,235,241,251,255,255,255,255,251,246,246,251,254,255,255,255,246,228,209,194,131,121,119,123,183,209,220,228,212,191,173,157,150,134,118,108,108,108,118,126,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,22,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,108,0,0,0,0,0,0,235,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,38,0,0,30,0,0,186,0,0,255,255,152,0,0,0,0,56,124,152,105,0,0,0,0,0,0,0,15,35,56,64,66,92,134,155,168,0,129,103,116,139,155,157,150,142,134,126,121,100,82,59,31,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,31,59,77,79,9,0,0,0,0,0,0,0,69,98,35,0,0,0,1,49,57,150,181,196,212,215,217,222,217,209,168,0,0,105,199,222,220,196,181,178,178,170,117,109,107,95,95,95,92,97,152,155,155,165,155,103,109,165,157,91,65,41,51,0,0,17,152,178,181,155,147,176,194,173,85,61,71,95,160,189,191,196,196,196,194,181,168,168,173,168,165,165,173,176,186,202,209,209,196,186,186,196,204,204,204,196,189,178,178,189,178,165,152,155,155,107,93,87,85,71,53,61,53,46,51,55,46,61,124,168,199,178,147,129,79,61,55,67,73,73,73,93,150,157,168,170,152,93,78,92,144,147,155,178,181,178,178,168,168,168,189,196,196,183,176,165,163,115,115,160,163,173,176,160,93,84,88,107,113,97,89,89,89,89,89,89,93,93,93,93,99,103,142,144,103,91,91,89,83,81,85,91,101,101,89,77,76,83,101,173,183,176,165,165,165,165,157,163,173,168,155,105,103,103,105,150,160,165,165,165,176,181,181,183,181,181,170,170,168,165,160,150,150,152,152,107,91,91,85,79,75,83,101,157,176,183,181,173,173,173,170,170,181,202,215,202,186,173,121,119,119,113,111,117,163,176,170,165,123,168,181,176,121,108,107,111,119,117,117,160,173,173,173,165,117,117,117,115,115,107,107,109,113,113,117,123,123,125,170,173,181,181,183,189,186,181,181,196,212,220,212,186,105,91,98,157,181,170,95,80,83,101,101,89,81,75,73,73,81,89,101,107,150,163,181,199,209,199,191,191,191,204,209,199,199,209,209,196,196,202,217,228,228,228,228,235,246,246,230,217,207,207,199,181,113,101,101,113,157,160,147,99,95,97,95,87,81,81,81,85,91,93,129,131,139,147,155,155,147,121,73,43,27,25,33,37,37,31,25,21,15,15,19,21,21,23,29,35,41,41,47,67,95,57,41,25,22,23,25,25,25,29,41,47,41,37,39,39,47,65,73,75,87,139,170,181,189,194,209,220,225,228,235,228,209,202,189,181,181 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,144,152,157,163,165,168,165,160,155,134,126,135,147,152,155,157,163,165,152,91,89,93,93,97,107,109,105,105,105,101,97,95,97,103,152,170,181,181,183,186,191,186,160,97,107,155,115,113,163,173,176,168,163,157,115,109,109,115,119,160,160,119,121,176,199,212,207,189,173,165,123,121,119,119,123,121,109,113,117,127,178,186,183,178,176,178,181,181,186,189,183,181,178,176,176,173,170,131,127,123,121,119,123,173,183,176,122,123,181,207,215,212,212,212,215,228,235,189,53,51,178,133,176,191,209,233,230,115,75,127,173,131,181,204,209,25,10,125,181,178,189,207,215,212,202,189,131,119,119,127,181,191,194,199,207,207,204,199,189,135,137,183,186,186,191,196,196,194,191,186,133,124,139,191,183,131,133,131,127,135,191,196,191,137,119,113,119,131,181,194,202,194,131,125,128,137,186,189,186,133,127,128,128,129,181,129,129,131,129,128,131,186,204,207,204,207,209,209,207,202,199,194,191,191,194,191,186,135,129,129,181,191,202,207,202,204,191,131,135,186,196,207,212,209,194,191,202,204,209,212,204,186,183,199,212,207,196,183,178,191,209,202,181,131,127,117,186,225,225,225,230,230,222,194,111,0,0,29,202,222,228,233,230,238,255,101,0,0,123,233,230,233,233,238,238,238,241,243,246,243,233,225,225,225,225,228,230,228,222,215,207,194,129,105,101,103,119,73,65,212,230,235,230,228,224,221,220,225,230,228,225,226,230,230,225,215,217,228,225,202,207,228,235,235,230,228,225,222,222,222,222,222,228,230,228,226,226,228,228,209,141,139,153,228,235,233,230,230,228,225,222,221,222,222,222,220,225,222,215,209,196,131,119,123,113,115,123,123,189,217,191,127,122,121,204,191,190,209,215,212,204,189,186,196,199,194,191,196,199,194,137,134,133,141,212,225,233,233,233,231,233,238,241,233,191,115,109,131,209,230,238,235,235,235,235,238,238,235,222,194,130,129,135,191,204,202,121,103,81,60,204,230,186,117,131,181,191,185,179,182,183,186,199,196,192,192,194,191,191,194,191,191,139,191,204,222,215,207,204,202,199,189,137,131,133,137,181,183,199,204,209,215,217,194,191,183,130,135,186,137,125,120,123,178,196,207,183,105,114,181,181,181,183,179,181,196,202,196,194,191,191,194,196,199,194,196,225,230,204,186,181,186,194,199,199,191,189,189,204,222,228,194,131,178,199,217,225,225,215,202,189,181,121,107,105,113,119,93,79,85,123,189,238,181,19,53,165,89,83,61,13,12,0,63,181,207,225,233,241,241,176,7,0,0,0,0,0,0,0,147,246,243,228,87,56,83,103,64,38,77,103,163,173,186,199,222,233,238,235,127,93,186,183,139,135,139,189,191,191,191,194,196,196,194,191,191,191,196,202,202,202,204,217,233,238,238,238,230,212,204,207,209,204,199,199,199,199,202,215,230,235,235,225,202,135,133,139,191,186,139,137,139,191,202,209,202,189,140,139,134,138,186,196,207,207,204,186,139,186,191,199,194,194,204,212,209,217,235,241,65,0,37,199,233,238,238,241,238,235,235,238,235,233,233,235,235,238,238,241,241,241,241,241,238,228,222,217,212,209,212,228,235,235,225,217,215,207,126,129,207,207,131,196,238,220,108,111,204,233,235,235,235,235,238,238,238,241,241,233,207,147,146,149,204,222,233,238,235,235,235,233,229,230,235,241,241,241,241,241,238,241,243,238,207,131,147,228,212,149,209,222,225,217,194,123,93,94,95,121,194,194,204,225,230,139,110,145,225,233,222,145,141,145,196,199,209,230,233,228,222,220,222,222,228,233,235,235,238,241,241,241,235,229,226,230,235,238,241,241,239,241,243,243,243,243,243,241,241,241,241,241,241,241,241,241,241,241,238,237,238,238,238,238,238,238,235,235,238,238,238,238,238,238,235,228,222,217,217,212,209,207,207,207,212,225,235,241,238,235,235,235,225,202,212,217,217,212,209,209,209,209,212,217,225,225,212,204,215,209,199,149,147,212,225,230,230,228,230,233,230,222,215,215,215,217,209,199,207,215,215,209,209,212,217,217,215,215,212,212,215,225,235,241,241,235,233,233,238,241,241,241,241,241,243,241,241,241,243,243,241,241,239,241,241,241,235,235,235,238,235,230,224,224,230,235,238,235,233,233,233,233,233,233,233,231,231,233,233,233,235,235,235,235,235,235,233,233,235,238,235,230,215,207,207,205,205,212,222,222,216,217,222,228,230,230,230,228,228,225,225,225,222,215,215,215,209,202,196,196,199,199,199,199,202,202,199,198,198,199,199,199,202,202,198,198,198,198,199,202,204,207,207,207,204,204,207,209,209,212,215,215,212,212,209,212,217,222,225,222,222,225,222,217,215,215,215,215,215,215,217,217,220,217,216,216,217,217,212,207,209,215,220,222,220,217,217,217,217,222,222,222,217,217,217,215,209,205,204,204,209,225,228,225,222,222,217,215,215,215,215,217,222,209,133,125,121,123,139,143,139,137,139,143,191,196,202,212,222,225,225,225,228,233,235,235,233,233,233,235,235,238,238,238,238,241,241,243,243,243,243,241,238,235,233,233,233,233,230,228,222,222,225,222,212,204,204,207,209,212,215,217,222,225,228,228,228,225,228,233,238,241,241,241,238,235,233,228,225,225,225,225,217,215,212,212,215,212,209,209,209,212,207,202,199,199,196,194,145,189,141,139,139,189,191,189,189,194,207,217,225,230,233,235,235,233,230,228,222,204,143,137,135,137,137,137,141,145,147,196,215,230,235,238,235,235,233,235,235,238,241,241,241,241,243,246,248,246,241,241,238,238,238,238,238,235,233,230,230,230,233,233,233,230,230,230,230,233,235,238,238,235,235,235,235,241,246,248,251,251,251,248,246,246,246,248,246,243,243,246,246,243,243,241,238,233,233,230,230,230,230,233,103,103,103,101,101,97,97,91,85,83,83,83,83,83,77,75,67,61,55,52,55,55,55,51,51,51,51,43,43,43,37,37,43,43,51,51,59,63,63,67,69,75,81,87,93,97,101,105,107,115,168,183,196,202,204,207,212,215,215,225,225,233,233,238,233,233,233,233,241,243,254,254,254,251,251,246,243,243,251,254,255,255,254,243,220,194,131,119,119,123,183,212,230,230,212,196,181,173,150,134,118,108,108,118,118,126,134,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,129,82,0,0,0,0,0,168,157,255,255,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,40,12,0,0,74,0,0,0,0,255,255,255,0,0,0,113,126,118,126,92,40,1,0,0,0,0,0,0,17,35,40,46,85,134,155,165,0,0,137,129,137,137,131,124,105,98,92,90,92,82,66,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,31,74,95,72,0,0,0,0,0,0,0,0,35,43,13,0,0,0,0,0,0,57,144,194,215,207,207,212,209,168,55,0,69,178,202,204,189,189,181,168,115,107,117,117,99,93,92,94,101,107,107,155,165,155,107,160,183,173,91,41,19,7,0,0,35,142,176,176,157,155,189,215,212,178,97,75,83,113,186,199,191,190,191,196,191,183,183,183,183,176,173,173,170,173,191,209,217,202,186,186,186,204,209,209,202,189,178,168,178,173,152,111,111,107,99,99,93,79,53,49,53,53,48,48,48,46,73,147,170,170,137,87,73,53,42,45,67,75,68,73,137,170,170,165,170,152,90,81,97,152,155,176,189,186,178,168,173,176,176,189,196,196,196,191,186,176,163,115,113,109,109,109,107,99,92,95,101,81,58,61,67,77,89,95,99,91,89,91,99,105,142,144,144,142,103,103,103,91,85,82,83,89,89,77,75,76,87,155,183,189,181,155,150,150,105,103,105,155,163,163,155,150,105,113,152,165,165,165,165,176,183,181,181,181,173,168,163,165,160,160,152,152,150,150,107,95,91,83,75,75,83,113,176,191,191,189,183,191,189,178,173,181,202,217,202,186,173,165,121,119,113,111,110,119,168,168,121,121,165,176,173,119,108,107,117,160,160,160,165,168,165,165,163,160,119,123,119,115,115,117,115,115,121,168,176,176,173,183,183,186,183,183,189,183,179,179,189,207,212,207,186,109,94,101,160,178,168,101,87,93,103,103,93,75,71,65,71,75,83,87,95,107,160,181,199,209,209,191,187,196,212,217,212,209,212,209,202,202,217,235,246,238,230,235,246,246,238,228,207,189,178,173,119,105,101,107,160,178,181,170,139,101,99,87,75,61,51,61,69,73,73,81,81,87,121,131,131,126,79,49,27,19,15,21,23,25,23,21,19,17,19,21,21,21,23,29,41,47,57,57,67,71,57,41,25,24,25,29,25,24,25,35,41,47,41,43,43,47,57,65,67,87,147,181,202,189,189,202,220,230,230,235,228,217,209,202,189,181 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,150,160,160,163,168,168,163,163,160,147,137,142,139,137,137,101,142,144,88,84,91,95,95,99,105,105,95,95,107,111,103,99,99,105,155,170,181,183,183,183,183,178,163,115,115,157,163,165,176,181,173,155,107,101,95,92,101,113,119,119,119,117,121,170,183,191,183,170,123,119,118,119,123,165,165,121,103,109,119,168,183,191,191,186,183,181,181,181,186,189,186,183,181,176,173,170,127,127,127,125,119,109,117,125,131,133,127,127,181,202,212,212,215,215,212,222,235,191,56,52,115,123,129,178,194,217,212,199,191,186,178,176,183,220,228,35,0,25,34,41,173,189,199,199,176,133,181,176,126,133,186,199,207,212,217,217,215,215,209,189,181,181,183,186,189,191,194,194,194,183,120,118,133,189,137,119,121,115,113,131,196,207,209,202,186,127,123,129,183,196,204,202,133,124,127,181,191,194,186,127,125,129,129,131,133,127,128,186,191,196,202,212,222,222,212,209,212,217,217,217,217,212,202,194,189,183,135,131,129,133,183,189,194,194,194,191,135,130,135,189,194,202,209,209,194,181,186,196,204,212,207,191,189,199,202,196,194,183,133,131,178,129,121,119,98,56,88,230,230,225,230,225,215,107,0,0,97,204,215,225,230,228,225,230,246,191,0,0,0,31,75,183,212,217,222,235,241,246,248,248,235,225,222,222,222,228,233,233,228,215,209,212,196,89,89,99,230,121,91,207,228,233,230,228,225,222,224,228,228,228,226,228,230,230,215,202,207,215,202,189,207,230,238,233,230,225,217,215,215,217,222,225,228,230,228,226,226,228,228,202,139,137,146,222,233,233,233,233,230,228,225,222,222,222,222,220,222,222,215,204,139,113,108,112,123,129,131,133,186,212,199,133,123,117,209,196,194,207,217,215,202,183,138,189,199,204,204,202,202,196,137,133,132,141,217,230,235,235,233,233,235,241,243,243,137,89,89,108,212,233,238,235,235,235,233,235,241,241,230,199,128,127,133,194,212,209,96,97,186,196,209,194,111,106,135,186,191,189,186,191,186,183,191,196,191,192,194,191,190,189,186,191,194,194,186,196,199,194,196,207,212,207,189,127,119,125,137,137,202,196,186,182,183,186,194,196,133,133,131,127,122,114,108,112,127,189,117,87,100,176,183,181,183,186,196,209,207,196,189,178,128,120,117,176,207,233,243,238,225,199,186,189,204,212,212,204,189,170,178,199,225,129,109,186,202,215,222,217,209,204,194,181,112,106,109,178,191,121,103,109,123,168,173,41,7,65,163,95,95,85,27,95,32,63,178,199,220,233,241,254,255,5,0,0,0,33,53,0,0,155,230,238,215,94,95,160,160,93,65,91,181,186,191,191,202,230,238,243,243,230,212,215,183,133,129,133,139,186,186,186,194,199,204,204,202,199,199,199,202,204,207,212,222,230,235,241,238,228,209,199,196,196,199,199,199,199,196,196,199,209,220,225,222,215,207,191,141,189,191,191,189,186,189,191,196,202,196,194,186,186,196,189,194,196,192,196,196,202,202,196,196,196,199,204,207,207,217,235,228,33,0,53,212,230,241,241,241,235,234,235,238,235,230,233,235,235,235,238,241,241,241,241,241,241,235,230,222,212,209,211,215,225,225,215,212,209,194,113,119,222,225,93,81,129,191,104,104,141,228,233,235,235,238,241,238,241,243,243,238,215,149,146,148,202,215,228,233,233,230,233,233,233,235,235,238,238,238,241,243,241,241,241,235,217,199,209,230,222,209,217,228,230,228,143,115,86,86,69,86,127,141,143,230,241,133,66,66,129,215,225,204,147,196,204,209,217,230,230,225,222,222,221,222,228,235,235,235,238,241,241,238,233,228,226,230,235,238,241,241,241,243,246,246,246,246,243,243,243,243,241,241,241,241,243,243,243,243,241,238,238,238,238,238,235,235,235,235,235,238,238,238,238,238,235,230,222,222,220,215,212,212,212,212,217,230,238,241,235,233,233,233,217,149,209,222,217,215,212,212,209,209,215,217,217,212,204,200,215,217,209,202,199,228,233,230,230,230,230,222,207,151,202,209,212,209,147,141,151,212,217,215,208,207,208,215,217,215,215,212,215,222,233,241,241,238,235,238,238,238,241,241,241,241,243,241,241,241,243,243,241,241,241,241,241,241,238,235,238,238,235,228,221,222,228,235,238,238,233,233,233,233,233,233,233,231,231,233,233,233,233,233,235,235,235,235,233,235,238,238,233,225,205,203,207,215,217,222,225,222,216,217,222,225,228,230,230,230,228,225,222,222,217,215,212,212,207,202,195,194,195,199,199,199,199,199,199,199,199,199,199,199,202,202,199,198,198,198,202,204,204,207,207,207,204,204,204,207,207,209,212,212,212,209,209,209,215,220,222,222,222,225,222,217,215,215,212,212,212,215,217,220,222,217,215,215,217,222,215,207,207,212,215,217,217,217,217,220,222,222,222,217,215,217,220,217,207,203,203,207,217,225,225,222,222,220,217,215,212,212,215,217,222,217,194,135,131,135,139,141,137,135,135,139,191,199,202,207,217,222,222,217,222,228,235,235,230,228,230,233,235,238,238,238,238,241,241,243,243,243,243,241,238,235,233,233,233,233,230,228,222,221,222,217,212,204,204,204,204,207,209,215,217,220,222,222,225,225,228,230,235,238,241,238,235,235,233,230,228,228,228,225,215,212,212,215,212,209,207,205,209,212,207,202,196,196,196,194,191,189,143,140,143,191,194,186,185,189,199,209,217,225,230,233,233,230,228,225,217,204,145,137,133,135,137,139,143,145,147,196,215,228,233,235,235,235,235,235,238,241,243,243,241,238,238,241,243,241,238,238,238,238,235,235,235,235,235,233,233,233,233,235,233,233,233,233,233,235,235,235,235,233,233,235,238,243,246,248,251,251,251,248,246,246,248,248,248,248,248,248,248,246,246,243,238,233,230,230,233,235,235,233,107,109,107,107,103,103,103,97,95,89,89,89,89,83,77,75,69,63,55,55,55,59,59,55,51,48,51,53,51,51,43,43,43,51,51,53,59,63,63,65,69,75,77,83,89,97,101,101,107,115,165,178,189,196,196,202,207,212,215,222,225,230,233,233,233,228,228,233,235,241,246,251,251,246,243,241,241,238,238,243,255,255,255,254,228,194,123,119,119,173,199,220,238,230,217,199,191,181,150,134,118,118,118,118,118,118,134,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,116,66,38,0,0,0,209,116,118,215,215,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,56,48,20,0,0,22,168,0,0,228,217,255,255,66,0,0,0,254,108,82,56,17,0,0,0,0,0,0,0,0,0,21,46,72,124,152,160,0,0,0,155,137,126,105,95,90,79,79,82,82,90,74,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,59,95,100,0,0,0,0,0,0,0,0,17,67,116,75,13,0,0,0,0,3,53,157,189,194,196,207,204,183,95,0,17,103,183,189,189,194,181,117,95,99,117,117,103,94,94,105,107,101,101,152,165,165,165,178,194,183,103,61,29,7,0,7,63,97,155,155,103,105,181,215,222,202,160,81,74,99,186,207,194,190,191,199,191,191,191,194,196,191,183,173,168,168,181,199,202,194,186,176,183,196,204,204,196,178,165,117,155,152,105,105,105,99,93,93,93,73,52,52,53,53,53,53,51,53,87,150,150,131,73,55,53,43,39,40,55,69,67,81,147,178,173,170,170,155,97,90,99,142,144,168,181,176,163,155,165,168,165,168,189,202,204,204,202,194,176,160,109,103,100,100,107,107,107,107,99,65,55,58,63,69,87,99,105,99,91,91,99,103,105,144,155,155,142,105,142,103,95,83,80,81,83,77,76,79,95,165,189,191,176,150,101,99,93,91,93,103,152,155,150,103,99,97,103,155,160,165,173,176,173,173,173,173,170,165,163,160,160,160,157,152,150,109,107,95,93,83,75,79,93,168,189,204,202,191,191,191,189,181,173,186,202,220,207,191,181,173,125,121,113,111,110,117,123,117,115,113,123,170,168,119,108,107,160,170,170,165,168,165,160,163,163,165,123,119,115,115,121,121,119,119,125,186,191,191,186,173,173,186,189,189,191,186,181,181,189,202,204,199,186,115,99,101,155,170,160,107,101,101,107,107,95,81,65,59,59,71,75,77,83,101,152,181,199,209,199,191,186,191,212,217,217,217,217,217,212,217,235,246,248,238,230,230,235,235,228,209,191,173,121,113,107,101,101,111,168,181,186,178,150,101,87,73,53,37,37,37,41,41,41,45,51,69,73,73,79,79,73,45,27,15,14,15,17,19,19,19,17,17,19,21,21,21,25,35,47,57,67,67,67,67,57,41,29,29,35,41,35,25,24,29,41,47,47,47,47,49,57,61,71,89,150,186,202,189,189,202,220,230,230,228,228,228,217,209,189,181 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,157,163,160,160,160,163,163,165,163,152,147,150,142,134,103,92,93,103,89,84,88,91,97,107,103,91,81,78,95,111,105,103,99,101,111,163,176,183,186,183,181,173,168,165,160,165,176,178,181,181,170,117,105,95,91,89,95,107,111,111,115,119,160,168,176,173,165,119,117,116,117,121,168,173,173,123,101,105,117,170,186,194,194,189,189,186,186,183,186,189,189,186,183,176,129,129,127,125,125,127,121,81,85,113,117,127,131,133,183,199,204,215,217,215,207,207,204,101,51,46,69,89,123,131,176,186,191,202,199,173,125,131,181,215,217,31,0,19,26,31,115,129,181,129,115,118,181,189,183,181,186,202,209,215,217,217,217,217,215,202,189,186,189,186,181,181,186,189,191,189,124,121,125,127,114,108,111,108,108,181,207,215,217,215,207,186,127,125,133,183,191,191,181,133,137,186,191,191,186,126,126,135,139,183,186,183,189,202,207,209,215,222,228,225,215,209,212,215,217,222,228,225,212,194,186,137,131,129,129,133,137,181,183,189,189,186,137,133,137,186,191,199,207,207,191,177,178,189,202,209,204,196,191,191,187,187,196,196,135,113,106,108,113,127,97,56,85,217,230,228,222,204,55,7,41,111,255,222,217,225,228,225,218,218,230,225,183,0,0,0,0,0,9,77,209,212,238,241,243,243,235,222,209,202,204,215,228,233,225,207,196,230,207,75,69,69,209,129,99,199,225,233,233,230,228,228,230,230,228,230,230,230,230,228,209,189,186,135,125,135,212,230,233,230,228,225,217,215,213,215,222,230,233,230,228,226,228,230,233,225,202,147,209,228,233,235,238,238,235,233,228,225,225,222,222,217,217,212,207,199,139,121,117,186,212,204,189,133,131,186,196,186,129,121,191,199,199,204,209,209,194,138,136,141,196,204,207,202,199,191,137,133,132,141,212,233,238,238,235,235,241,246,246,243,209,95,91,106,217,233,235,235,235,233,231,233,238,238,233,222,133,132,191,209,222,212,96,75,189,220,202,117,113,181,212,202,196,191,194,196,189,183,189,204,194,196,202,194,190,191,194,199,196,189,134,139,186,191,202,222,230,233,222,137,113,109,117,107,207,194,181,178,186,204,212,222,215,196,125,122,131,123,106,107,119,186,183,100,107,178,189,194,191,191,204,212,204,191,183,173,126,118,116,173,215,233,238,238,230,204,186,191,212,225,222,222,215,178,178,117,109,89,89,176,199,215,217,212,199,191,183,129,113,119,202,220,217,204,191,127,119,107,93,33,23,111,176,117,160,107,79,207,186,178,191,199,215,230,238,243,246,0,0,0,81,95,103,79,75,0,196,209,212,194,181,176,170,163,109,181,212,207,202,191,202,222,233,238,238,233,230,230,129,125,129,135,141,189,189,191,196,202,207,207,207,207,204,202,202,204,209,212,215,215,222,230,230,222,209,199,194,194,196,202,199,199,204,202,190,185,191,215,228,228,225,209,194,194,199,207,209,196,189,186,189,204,209,207,194,199,209,202,196,194,192,202,209,217,222,212,202,196,196,199,199,207,225,246,139,3,0,0,93,222,243,241,238,238,235,235,233,230,229,233,235,235,235,238,241,241,241,241,241,241,238,233,225,217,215,212,211,212,215,209,202,145,127,115,120,222,228,76,53,83,189,130,118,191,228,233,235,235,241,241,241,238,241,241,233,222,204,151,199,204,209,217,228,230,230,230,233,235,235,233,233,233,235,241,243,243,241,241,238,225,209,209,212,204,207,222,235,238,235,228,209,103,113,91,127,141,145,191,217,233,228,81,61,113,225,238,235,222,212,215,217,225,228,228,225,222,222,225,225,230,235,235,235,238,241,241,238,230,226,226,233,238,241,243,243,243,246,248,248,248,246,246,246,246,243,241,241,241,243,243,246,246,243,241,241,241,238,238,235,235,233,233,233,235,238,238,238,235,235,235,228,222,217,217,217,217,217,222,225,228,230,235,235,233,230,230,228,209,147,212,225,225,217,215,215,212,212,215,215,209,204,200,202,215,217,215,212,215,228,230,228,228,228,220,199,140,136,146,204,212,204,142,135,147,217,228,225,212,207,207,212,215,212,215,212,212,222,233,241,241,241,241,241,238,238,238,238,241,241,243,241,241,241,243,243,241,241,241,241,241,241,238,238,238,235,233,225,221,224,230,235,238,238,235,235,235,235,235,235,233,233,233,233,235,235,235,235,235,235,233,233,235,235,238,235,230,220,205,203,209,225,230,228,228,222,220,222,225,228,228,228,228,228,225,222,217,215,215,209,207,207,207,204,199,195,196,204,204,202,199,199,199,199,202,202,199,199,199,202,202,202,199,199,202,204,202,202,204,204,204,204,207,207,207,207,209,212,212,209,209,209,212,217,217,217,217,222,222,217,215,215,212,211,212,215,217,222,222,217,216,216,220,222,212,199,198,202,209,215,217,217,217,217,220,220,217,213,213,215,222,222,212,205,204,212,222,225,222,222,220,217,217,212,208,208,212,215,217,217,189,117,125,137,141,189,141,137,136,137,189,194,199,204,215,217,215,215,215,222,230,230,228,222,225,230,235,238,235,238,238,241,241,243,243,243,243,241,241,238,235,235,235,235,233,230,225,222,222,215,212,207,207,207,204,204,207,209,212,215,217,222,225,228,230,233,235,238,238,238,238,235,235,233,230,228,228,225,215,212,212,215,215,209,205,204,207,212,209,204,199,199,196,194,191,191,143,143,191,196,194,186,185,189,196,202,209,215,222,228,228,228,225,228,222,209,191,135,128,129,135,139,143,145,147,196,212,225,233,238,238,233,230,233,238,243,246,246,241,238,237,237,238,238,235,235,238,238,235,233,233,235,238,235,235,233,235,233,233,233,233,233,235,235,238,235,233,231,233,235,241,243,246,248,251,254,254,251,248,248,248,251,251,251,251,251,248,248,246,243,241,235,230,230,233,238,238,235,113,113,113,109,109,109,109,103,101,97,95,95,89,83,83,75,75,67,61,59,61,63,63,59,51,51,53,53,53,53,53,53,51,51,51,53,59,63,63,65,65,67,73,81,89,89,97,101,107,115,117,168,178,189,189,196,204,212,215,225,225,225,225,225,225,222,222,222,228,235,241,243,241,241,241,238,233,228,225,230,243,255,255,255,238,202,131,119,121,181,207,230,238,233,212,204,202,181,157,142,126,126,118,118,118,118,126,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,95,53,14,12,0,0,217,160,168,212,173,53,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,64,53,20,0,0,27,134,243,0,238,199,246,255,238,0,0,0,215,72,33,0,0,0,0,0,0,0,0,0,0,0,7,46,64,100,144,160,160,0,0,0,0,126,105,95,79,77,77,79,82,90,82,64,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,48,74,56,0,0,0,0,0,0,0,0,49,137,183,176,108,19,0,0,3,15,43,87,163,173,186,196,199,199,181,0,0,77,168,186,194,194,181,113,95,97,107,115,115,99,99,117,109,98,100,155,168,173,183,199,209,202,168,99,67,21,0,63,77,79,93,89,85,99,170,212,230,220,189,97,75,87,178,212,204,199,204,199,196,191,191,199,202,191,183,173,168,168,176,194,194,186,176,170,176,186,202,202,189,176,117,111,111,109,104,102,105,99,89,88,91,73,59,65,65,53,61,73,71,73,124,144,131,73,53,47,47,43,40,42,55,69,73,95,155,173,170,170,170,157,137,99,105,99,99,147,168,152,148,152,152,107,101,109,176,202,209,212,212,202,194,173,115,103,98,101,113,163,113,105,93,75,64,69,71,73,83,99,105,99,91,97,105,142,142,144,157,157,142,103,142,144,103,89,81,83,85,85,85,89,101,168,183,183,173,107,99,91,89,89,91,97,103,107,103,93,87,85,91,101,155,165,170,165,152,152,155,165,173,170,163,160,163,168,168,160,150,107,97,95,95,85,77,83,152,183,194,204,202,202,191,191,186,181,173,181,202,220,215,202,191,181,173,125,117,111,110,111,115,109,107,107,115,121,121,113,109,111,163,181,186,176,173,165,159,160,165,170,163,117,114,115,121,121,119,121,168,186,191,194,186,172,172,181,189,191,191,191,183,181,189,196,202,196,186,157,101,101,107,113,113,107,105,103,107,147,107,87,71,59,58,65,69,69,77,95,115,178,194,204,199,191,186,191,209,217,217,217,228,230,230,238,246,254,246,230,217,217,217,217,207,196,183,131,117,107,101,101,101,107,113,157,168,173,150,93,73,53,41,35,29,29,27,25,23,27,33,41,45,49,59,67,67,49,33,21,15,17,19,19,19,17,15,17,19,21,21,23,29,39,57,67,73,73,67,57,47,41,35,39,47,57,47,35,29,29,39,41,47,47,49,57,57,65,75,93,147,178,189,189,189,204,220,225,220,228,228,228,228,217,202,181 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,152,160,160,155,152,160,168,173,165,150,150,155,147,139,137,91,90,107,105,89,87,87,101,160,103,86,78,75,83,95,99,101,97,95,105,155,168,176,178,173,170,163,165,173,168,168,181,183,178,173,165,157,111,101,94,92,97,105,109,113,119,160,165,173,176,168,121,117,117,117,118,123,170,178,178,165,99,103,115,170,186,194,194,194,194,194,191,189,189,186,183,183,181,176,129,129,170,170,129,178,173,60,41,83,93,119,133,176,183,194,202,215,212,202,194,186,119,73,46,95,86,91,133,181,176,183,191,202,202,126,119,126,176,199,199,55,43,178,173,127,127,176,183,126,116,121,181,189,186,189,194,207,212,212,212,215,217,217,212,207,202,196,191,183,134,134,137,183,191,194,191,137,125,114,109,109,114,109,108,189,212,215,215,215,209,194,133,127,129,133,137,183,186,186,189,189,189,189,186,131,135,191,194,196,202,207,209,207,207,209,212,222,228,225,217,215,215,215,217,222,225,222,207,186,183,139,133,131,131,131,131,133,181,191,189,189,189,181,181,186,191,196,204,204,189,176,177,183,189,196,199,196,194,189,185,186,202,212,199,119,110,116,183,207,194,127,131,176,191,199,75,27,0,5,191,255,246,225,225,228,228,222,217,217,233,241,225,0,0,3,39,29,0,0,0,43,107,212,233,233,204,75,41,61,87,133,212,225,209,135,109,121,119,72,64,54,111,115,97,123,215,233,235,233,230,230,233,233,230,230,233,233,235,228,191,129,125,119,117,131,209,225,225,228,228,228,222,217,215,217,225,233,233,233,230,230,230,233,238,238,230,225,230,233,235,238,243,243,243,238,230,228,225,222,222,217,215,209,207,202,189,139,194,217,230,225,215,191,131,181,204,199,183,133,137,196,199,196,191,186,139,138,139,186,194,199,199,196,194,191,143,137,136,143,204,230,238,238,238,241,248,248,243,233,235,220,111,113,199,228,233,233,235,233,233,233,238,235,233,225,186,186,212,225,228,222,186,117,189,212,191,105,123,230,233,225,207,196,194,196,191,189,194,194,191,202,209,199,191,202,212,207,186,135,133,137,186,199,215,228,235,241,241,222,121,93,79,74,111,183,189,199,217,228,228,230,235,233,125,118,133,186,181,176,131,194,207,173,119,129,178,199,189,183,196,204,196,189,183,181,176,129,176,204,222,230,235,241,238,209,185,194,217,228,228,228,238,233,215,71,43,58,99,123,189,212,217,207,186,173,129,127,117,178,222,230,228,220,215,207,186,127,125,121,125,189,194,220,255,230,168,186,202,207,212,209,204,235,248,233,95,0,0,0,41,51,95,79,73,0,196,202,222,228,215,191,178,170,173,212,228,230,215,202,207,207,225,235,233,233,238,235,117,119,123,133,189,202,204,202,202,202,202,204,207,209,209,204,204,207,212,212,207,204,204,209,215,209,204,202,196,194,199,202,199,202,209,209,191,185,192,217,233,235,230,220,204,202,207,222,230,209,189,185,186,202,209,204,141,196,209,209,202,196,199,215,225,233,235,225,207,199,196,194,196,212,235,243,196,47,0,0,33,63,121,222,230,235,235,233,230,230,230,233,235,235,235,238,241,241,241,241,238,238,238,230,217,212,215,212,211,215,222,207,143,137,133,125,127,204,215,101,74,119,228,228,145,207,230,235,235,233,235,238,238,235,233,228,225,220,215,207,204,204,204,209,222,230,235,233,235,235,235,231,231,233,235,238,241,243,243,243,238,228,212,207,204,203,207,217,230,238,241,251,243,129,145,199,220,199,194,199,207,215,220,108,86,139,230,238,238,233,228,225,230,233,233,230,225,221,225,230,233,235,235,235,235,238,238,238,235,230,228,228,233,241,241,246,246,248,248,248,248,248,248,248,246,246,243,241,241,241,243,243,246,246,246,243,241,241,241,238,235,233,233,233,233,235,235,235,235,235,235,233,225,217,215,215,215,217,225,233,235,233,233,233,233,233,230,230,222,199,145,217,230,228,225,217,215,212,215,215,209,204,202,204,209,217,222,215,209,212,225,228,225,225,222,212,150,141,138,147,207,212,207,147,143,207,225,230,228,215,208,208,212,212,212,212,211,212,222,235,241,241,243,243,243,241,238,238,238,241,243,243,241,241,241,243,243,241,241,241,241,241,241,241,241,238,235,230,224,221,228,235,238,235,235,235,238,238,238,238,238,238,238,238,238,238,238,238,238,235,235,235,233,235,235,238,235,230,217,207,204,212,228,233,230,228,225,225,228,228,228,228,228,225,225,222,215,212,212,212,209,204,204,204,207,204,202,204,209,209,202,202,199,199,199,202,202,202,199,199,204,207,207,202,202,202,199,198,199,202,204,207,207,209,207,205,205,207,209,212,212,209,209,212,215,215,215,217,217,217,215,215,215,212,211,212,215,217,220,220,217,217,217,222,220,209,198,196,199,209,215,217,217,215,215,217,217,215,213,212,215,220,225,217,207,205,212,222,225,222,225,222,217,215,209,208,208,209,215,217,215,141,76,77,111,135,194,194,189,139,136,137,143,194,202,209,215,213,213,215,217,225,225,222,215,217,228,233,235,235,238,238,241,241,243,243,243,243,243,243,241,238,238,238,238,235,233,228,225,222,215,212,212,215,212,207,204,204,207,209,215,217,222,225,230,233,235,238,238,238,241,241,241,238,233,230,228,228,222,215,212,212,212,212,209,205,204,207,212,212,207,202,199,196,196,194,191,189,189,194,196,191,186,186,189,194,199,204,207,215,220,222,225,228,228,228,215,191,131,125,127,133,139,143,194,196,199,209,225,235,238,235,230,225,225,235,243,246,246,241,238,235,237,238,238,235,235,238,235,233,233,233,235,238,238,238,235,233,230,228,228,230,233,235,238,238,235,233,233,235,241,243,246,248,251,254,255,255,255,254,254,254,254,254,254,254,254,251,248,248,246,243,235,230,230,235,238,241,238,125,125,125,115,115,115,113,109,103,101,101,97,95,89,83,83,75,73,63,63,65,69,67,63,59,57,59,61,61,61,61,57,51,51,51,53,59,63,63,63,63,63,69,75,83,89,95,101,107,109,117,117,168,176,183,189,196,207,215,225,225,225,225,225,215,215,215,217,222,233,235,238,233,233,233,233,228,217,215,215,228,251,255,255,235,202,133,123,123,181,212,235,238,230,212,204,202,191,173,150,142,134,134,126,118,118,126,142,160,176,176,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,40,0,0,0,0,0,61,53,46,27,22,0,0,241,233,235,255,212,103,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,72,51,27,12,38,126,246,0,255,255,255,0,255,0,0,139,56,46,15,0,0,0,0,0,0,0,0,0,0,0,0,5,35,0,0,152,155,0,0,0,0,0,124,98,87,79,79,79,79,82,82,64,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,21,0,0,0,0,0,0,0,0,0,57,157,202,209,176,137,116,126,91,65,59,79,131,155,168,186,194,207,202,13,0,69,168,194,194,189,181,155,97,97,99,107,117,107,103,115,103,97,107,163,173,183,194,217,228,217,194,160,83,23,0,75,75,59,69,65,73,95,168,204,228,228,204,160,79,75,109,194,204,204,207,199,191,191,191,196,191,183,173,176,183,183,194,199,194,186,174,170,176,186,194,196,186,176,163,117,115,109,104,104,109,105,91,89,93,73,61,67,65,52,53,69,69,81,137,147,124,55,45,47,47,49,55,67,69,75,83,129,144,150,147,155,157,152,144,144,144,99,98,144,152,148,151,152,109,94,89,97,168,196,204,204,204,202,202,186,163,107,101,107,163,168,113,95,87,83,83,87,87,87,93,107,144,99,93,103,155,157,155,155,157,155,105,101,105,155,107,95,89,91,95,95,89,95,105,160,176,176,173,150,99,91,89,89,91,97,103,105,99,91,83,83,85,97,155,173,165,147,97,97,101,165,181,181,170,160,165,170,170,160,150,107,97,95,89,79,75,89,157,186,194,194,191,191,191,183,181,178,173,181,202,220,215,212,199,189,181,125,117,113,111,111,111,109,107,107,109,113,115,111,111,117,168,186,186,183,178,173,163,160,165,170,163,117,114,115,121,117,113,115,125,176,191,191,186,172,172,186,194,199,196,186,181,181,189,194,194,191,181,119,101,95,95,99,101,101,95,95,103,147,147,97,75,59,58,59,65,61,69,83,107,173,191,199,199,199,191,191,199,209,209,217,230,235,238,246,254,254,246,230,217,228,217,207,202,194,183,131,115,113,107,101,101,101,101,101,107,150,105,81,53,37,35,33,29,25,19,17,17,19,25,29,29,31,35,45,59,59,49,33,23,23,25,25,23,19,17,15,17,19,21,25,35,47,67,73,103,73,63,47,41,41,41,41,47,57,57,47,41,39,35,35,35,39,43,49,57,65,79,93,142,155,173,181,189,209,220,220,217,220,228,235,235,228,202,181 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,142,152,155,152,150,160,176,181,170,147,139,147,144,137,99,87,87,103,144,99,91,97,178,199,163,105,99,89,87,88,93,95,91,91,105,157,165,163,157,113,111,113,160,176,173,168,178,183,173,157,117,155,117,111,105,101,103,109,115,119,121,121,163,173,176,170,123,119,119,163,165,165,176,183,178,165,97,105,119,170,183,189,191,194,196,199,196,191,189,183,178,177,178,178,178,176,178,183,186,194,194,67,39,50,73,113,131,131,133,183,196,204,189,118,119,123,119,101,103,255,212,204,217,217,204,202,204,209,212,196,127,131,176,189,191,196,215,212,196,209,186,183,183,181,181,191,191,183,183,194,207,209,212,212,212,215,215,215,212,209,207,204,196,189,137,135,135,137,186,194,202,202,137,119,119,196,202,131,121,189,209,215,215,212,209,196,181,133,133,131,133,183,186,189,189,191,191,191,189,186,196,204,204,204,207,212,215,209,207,207,207,212,222,225,222,217,220,222,225,228,228,215,196,138,183,183,135,133,133,131,133,181,191,199,199,199,202,194,186,186,189,194,202,204,189,178,178,178,178,183,196,196,194,191,189,194,207,212,209,202,196,204,212,217,217,217,204,125,107,71,0,0,15,121,230,246,241,233,230,228,225,220,220,221,225,235,246,67,29,235,251,246,135,99,73,25,37,55,67,67,39,25,23,42,51,59,67,67,63,57,55,79,115,117,103,75,109,127,111,89,178,228,235,235,233,233,233,233,235,233,233,235,243,202,56,75,111,117,119,131,194,212,225,228,228,225,222,217,217,222,225,230,233,233,230,230,233,235,238,238,235,235,235,235,235,238,246,246,243,238,233,228,225,225,225,222,217,215,215,207,191,186,196,215,228,230,230,212,181,186,207,199,191,183,133,191,191,191,186,138,138,139,141,141,186,191,194,196,196,199,202,191,143,191,202,225,233,238,243,248,248,243,230,222,230,225,143,135,204,217,225,230,233,235,235,235,238,233,225,209,191,196,222,230,230,228,235,238,209,191,41,38,127,230,220,222,207,199,196,194,186,181,133,97,129,191,202,196,191,202,212,207,130,132,135,186,196,212,230,233,233,235,238,233,215,127,99,81,55,103,202,225,233,233,230,233,238,241,178,114,119,191,209,194,178,196,209,127,112,116,129,189,181,179,183,189,189,186,186,186,183,181,191,215,225,230,235,241,238,215,191,204,225,230,233,235,243,238,228,73,21,51,107,127,186,202,204,189,173,131,176,178,123,183,225,233,230,228,222,217,212,209,202,183,168,119,99,176,209,189,95,80,194,209,215,204,55,109,246,209,0,0,0,0,0,0,59,142,87,160,194,199,215,238,238,228,194,168,191,238,238,241,228,209,202,127,176,235,233,235,241,235,119,120,121,123,141,204,212,212,207,202,200,202,207,212,212,207,204,209,217,222,215,205,203,205,209,209,204,202,196,194,196,199,202,204,207,204,196,194,207,225,230,230,228,212,202,202,209,228,235,212,191,187,189,196,196,138,132,189,204,209,204,199,202,228,233,238,238,225,209,204,202,194,196,212,230,238,243,107,27,31,11,0,1,189,209,228,233,230,230,230,233,233,235,235,235,238,241,241,241,238,235,235,235,225,204,196,204,212,217,230,228,147,129,135,143,141,139,194,204,202,191,209,230,222,194,204,225,230,233,230,228,228,228,225,222,215,212,217,220,212,204,203,204,207,215,228,235,238,238,238,235,233,233,235,238,238,241,243,246,243,238,225,212,207,204,207,209,215,222,233,243,251,251,207,202,202,204,199,196,202,204,145,117,110,117,145,207,217,230,233,230,230,235,238,233,230,222,220,225,233,238,238,238,235,235,235,235,235,235,230,229,229,235,241,241,243,246,248,248,248,248,248,248,246,246,246,243,243,243,243,243,246,246,246,246,243,241,241,241,238,235,233,233,231,233,233,235,235,235,235,233,230,222,215,215,212,212,217,228,238,241,238,233,233,233,233,233,230,215,147,144,228,233,230,228,225,215,212,217,217,204,199,204,209,215,225,228,207,192,194,215,228,228,222,217,212,209,207,202,204,209,212,212,207,207,215,222,225,222,215,209,212,215,215,212,212,211,212,225,235,241,241,243,243,243,241,238,238,241,241,243,243,241,241,241,243,243,241,241,241,241,241,241,241,243,241,238,233,225,225,233,238,238,235,235,238,241,241,241,241,241,241,238,238,241,241,238,238,238,238,235,235,233,235,235,235,233,228,217,209,204,209,228,233,230,230,228,230,230,230,228,228,225,225,225,222,212,211,211,212,209,204,204,204,204,202,202,207,209,209,204,204,202,199,199,202,202,202,199,202,204,207,209,207,204,202,199,196,198,202,207,209,209,212,209,207,207,209,212,212,212,212,212,212,215,217,215,215,217,217,215,215,215,212,212,212,215,217,217,217,217,217,217,220,217,209,202,199,207,215,220,220,217,213,213,215,215,215,215,213,215,222,222,217,207,205,209,217,225,225,228,225,217,212,209,208,208,212,215,217,222,209,73,65,75,113,196,202,196,141,135,134,137,191,202,212,215,215,215,217,222,222,225,222,213,212,222,230,233,235,238,238,241,241,243,243,243,243,243,243,241,238,238,238,238,235,233,228,225,222,217,217,222,222,217,207,204,204,204,209,212,217,222,228,230,233,235,235,238,238,241,243,241,235,233,230,228,225,222,215,209,209,212,209,207,205,204,207,212,212,204,199,196,196,196,194,191,191,191,194,194,189,186,186,191,194,199,202,202,207,209,212,217,222,228,228,217,194,129,124,126,135,141,191,199,204,207,209,222,230,235,233,225,220,222,235,246,248,246,243,238,238,238,238,241,241,238,235,233,230,230,233,235,235,238,238,235,230,225,222,222,228,230,235,238,238,238,238,238,241,246,248,251,251,254,255,255,255,255,255,255,255,255,255,255,255,255,254,251,251,248,246,241,233,233,233,238,241,241,131,131,127,127,165,163,160,113,103,101,101,99,97,95,89,89,83,75,69,67,69,73,73,67,67,63,61,61,61,61,61,61,51,51,51,53,59,63,63,63,63,67,69,77,83,89,95,101,107,109,109,115,117,165,176,183,194,202,212,222,225,225,222,215,212,212,212,212,217,225,233,233,228,228,228,228,225,209,199,196,207,225,241,243,235,215,194,170,123,181,209,228,230,217,204,196,196,191,181,173,150,150,142,134,126,126,134,142,160,173,160,142,124,116,0,0,0,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,46,46,53,53,0,0,147,199,204,209,255,241,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,82,103,64,20,20,90,243,0,0,255,255,255,255,66,0,0,7,38,48,0,0,0,0,0,0,0,27,53,0,0,0,0,0,0,0,0,134,0,0,0,0,0,131,116,95,87,79,79,77,72,72,64,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,137,199,217,204,176,152,150,152,124,81,91,97,99,155,173,189,207,202,23,0,83,176,194,194,186,183,168,105,95,95,105,163,157,107,100,97,99,152,176,181,189,207,228,238,235,217,186,93,21,0,41,55,46,47,53,65,89,139,178,204,220,212,181,83,66,79,160,191,199,194,189,181,186,191,191,189,173,166,176,191,207,215,217,209,194,186,176,176,186,186,186,186,178,173,165,117,109,104,105,109,103,97,99,97,77,61,59,53,53,52,49,49,77,144,157,131,49,43,45,47,61,81,89,75,73,83,95,131,129,129,139,147,147,144,165,168,144,139,152,165,152,155,165,109,93,89,96,165,186,186,186,194,202,202,194,173,113,103,101,113,163,111,95,89,87,89,87,89,99,144,168,157,97,91,103,160,170,165,160,165,157,105,101,103,107,107,101,101,101,103,97,93,95,99,107,160,173,173,152,99,91,89,89,91,93,99,150,105,91,83,83,85,101,155,173,165,111,97,95,101,173,189,189,173,168,168,173,170,152,142,107,91,85,75,69,69,87,152,183,189,186,191,191,189,183,173,178,178,181,202,215,220,215,212,199,181,125,117,117,117,117,115,115,115,109,107,107,107,113,117,119,173,186,186,183,183,183,173,163,165,165,123,119,115,115,115,115,107,113,119,173,186,191,183,172,172,186,199,202,196,181,178,178,183,189,186,186,173,111,91,84,87,87,87,87,85,87,93,147,147,107,81,65,59,59,63,59,67,79,101,152,181,191,199,199,196,194,199,204,209,212,228,228,230,241,246,246,246,235,235,238,230,209,202,196,189,173,119,113,113,107,107,107,101,93,93,99,91,69,43,35,37,37,31,27,19,17,17,19,25,27,27,23,25,31,43,59,59,43,37,37,43,47,37,27,19,15,13,15,19,29,47,63,73,103,103,73,57,41,39,41,41,41,47,57,57,57,47,41,35,25,25,25,35,43,49,65,81,93,134,139,150,157,181,202,217,217,217,225,228,235,235,228,209,189 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,139,147,150,150,150,163,178,181,168,139,130,134,137,129,95,86,89,99,103,101,105,194,207,212,202,189,194,194,150,93,89,89,86,87,107,165,168,157,113,111,107,109,160,176,178,176,181,178,160,115,115,155,160,157,117,115,113,113,119,121,118,117,118,165,173,173,165,123,163,170,170,170,178,183,176,115,90,103,117,127,176,183,189,194,196,196,191,191,194,191,183,178,178,183,186,186,186,191,194,196,199,131,73,66,89,103,109,115,123,176,194,202,183,116,116,131,189,204,235,233,222,217,222,225,222,215,212,215,217,220,202,191,186,189,189,189,202,196,191,202,186,177,178,183,186,191,189,178,133,186,202,207,212,215,215,212,212,215,209,207,204,204,199,196,194,191,181,135,181,191,204,209,194,181,196,217,222,207,183,186,202,209,212,209,204,196,189,183,181,135,135,186,189,189,191,196,199,196,194,196,204,209,207,207,207,212,212,207,207,207,207,209,215,217,217,217,222,228,230,235,233,217,194,136,139,183,133,132,133,137,183,196,199,207,209,212,212,204,191,186,183,189,196,199,189,181,181,181,179,186,199,199,191,191,196,204,207,209,209,212,212,212,215,217,222,228,230,204,107,47,0,0,105,217,238,243,238,233,230,230,222,222,228,228,222,228,255,97,63,230,243,254,255,255,238,191,97,45,35,33,36,51,123,215,212,191,121,105,107,125,133,121,202,238,238,194,183,215,186,82,123,215,235,238,238,235,233,230,230,222,215,225,212,83,52,79,121,131,131,135,183,199,222,228,225,222,217,217,222,222,225,228,228,230,230,233,233,233,233,235,235,235,235,235,235,238,243,243,241,235,230,228,225,225,228,228,225,225,228,217,194,185,196,222,230,233,233,215,189,189,194,194,194,194,183,186,140,183,191,186,141,189,186,139,140,191,196,199,202,209,217,199,194,194,199,212,228,235,243,248,243,222,196,202,199,199,204,212,215,212,215,225,233,235,238,238,235,225,209,194,194,204,217,228,225,225,238,238,222,131,17,33,109,183,181,137,186,194,194,183,123,85,66,69,123,129,117,131,191,202,207,199,119,131,183,194,209,230,233,233,233,230,233,235,238,241,238,93,21,89,212,230,233,230,230,230,233,233,178,116,120,194,207,186,173,191,202,115,109,117,181,186,182,182,186,183,181,183,186,189,189,186,196,212,225,230,235,235,235,207,191,209,225,230,235,238,241,235,225,89,9,48,111,129,181,189,186,176,130,178,191,186,127,194,228,233,230,228,225,222,222,217,209,196,119,82,74,72,65,53,31,42,157,194,207,109,23,41,93,77,0,0,0,49,53,23,107,255,228,217,191,178,168,228,235,233,207,73,170,233,225,222,207,191,123,119,131,222,230,233,230,220,181,131,122,122,137,199,209,207,204,202,200,202,209,215,212,207,204,212,225,230,230,217,207,207,215,212,202,199,194,192,196,202,204,202,199,199,199,202,209,217,222,222,217,204,196,198,204,217,222,194,187,196,202,202,199,134,132,143,202,212,209,202,199,228,235,238,233,217,209,209,204,194,194,209,222,235,230,69,19,45,31,0,15,133,194,215,228,233,233,233,233,233,235,235,235,238,241,241,241,241,233,230,228,212,147,144,196,212,225,228,209,126,126,137,145,191,191,196,202,202,202,209,215,199,187,194,207,212,217,222,217,212,209,209,209,207,207,215,217,209,202,203,207,209,207,212,230,235,238,241,238,238,238,238,238,238,238,241,243,243,235,222,207,199,149,199,204,207,215,230,241,246,254,222,202,194,147,147,194,196,207,194,110,117,137,137,141,202,220,230,233,233,235,235,233,228,222,222,228,233,235,238,241,238,235,233,233,233,233,233,230,229,235,238,238,241,243,243,246,248,248,246,246,246,246,243,243,243,246,246,246,246,246,246,243,241,241,241,241,238,235,235,233,233,233,233,235,235,235,235,233,230,222,215,212,212,212,215,228,235,238,238,235,235,233,235,238,230,207,143,142,233,233,230,230,228,207,205,215,212,141,137,196,207,217,228,225,204,190,190,199,228,230,225,217,222,228,225,215,209,215,215,217,215,212,212,215,215,212,209,209,212,215,215,215,212,209,211,228,238,241,241,241,243,243,241,241,241,241,243,243,243,241,241,241,243,243,241,241,241,238,238,241,243,246,243,241,238,228,225,233,241,238,238,238,238,241,241,241,241,241,241,241,241,241,241,238,238,238,235,235,235,233,233,235,235,233,228,222,212,205,212,230,235,233,230,230,230,230,230,228,228,225,225,225,222,212,211,212,212,212,209,207,207,202,200,202,204,207,207,207,207,204,199,199,199,202,202,199,202,202,204,207,209,209,204,199,198,198,204,209,212,212,212,212,212,212,212,215,215,212,212,212,215,217,220,217,217,217,217,215,215,215,215,215,215,215,215,215,215,215,217,217,215,215,215,209,209,215,220,222,222,217,215,215,215,217,217,220,220,222,222,222,215,207,205,209,217,225,228,228,225,217,212,208,208,209,215,217,222,225,225,109,70,83,123,196,204,199,143,136,135,141,196,207,215,217,217,217,217,222,225,225,222,212,211,215,228,233,235,238,241,241,241,243,243,243,243,241,241,241,238,238,238,238,235,230,228,228,225,222,222,225,222,212,204,203,204,207,209,212,215,222,225,230,235,235,235,235,238,241,241,238,233,228,225,225,225,222,215,209,209,209,209,209,207,205,207,209,207,196,191,191,194,196,191,191,191,191,191,189,186,186,186,191,194,199,199,202,202,204,204,207,212,217,225,217,196,131,125,128,137,143,194,202,207,209,209,215,225,228,228,222,218,222,235,246,248,246,243,243,241,243,243,246,246,243,235,228,228,230,233,233,233,235,238,235,228,215,213,215,222,228,233,238,238,238,241,241,243,246,248,251,254,254,255,255,255,255,255,255,255,255,255,255,255,255,254,251,248,248,246,243,238,235,233,235,241,243,133,133,173,173,165,165,163,115,103,99,99,99,99,97,95,89,89,83,75,69,75,75,75,73,69,67,67,67,65,61,61,53,51,51,51,53,59,63,63,65,67,75,77,83,89,97,101,107,109,109,109,109,115,117,168,178,189,196,209,222,225,225,215,212,207,207,204,207,212,222,225,225,222,222,228,228,217,204,191,181,181,194,209,225,230,220,202,181,170,181,207,217,212,204,196,191,191,181,181,181,173,157,150,142,134,126,134,152,160,160,160,142,124,116,108,108,92,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,51,53,53,53,64,77,95,103,129,186,186,139,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,87,111,61,12,0,20,124,251,255,196,116,142,157,56,0,0,0,40,111,87,0,0,0,0,0,56,157,118,0,0,0,0,3,0,0,82,111,0,0,0,0,0,144,131,116,95,87,79,72,72,69,56,29,13,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,95,163,202,217,194,152,131,139,142,126,131,97,96,99,163,181,202,189,13,0,101,183,191,186,186,186,168,101,92,93,105,163,173,117,90,90,103,173,191,189,191,207,233,248,254,235,202,99,27,0,21,55,52,52,57,71,83,91,107,183,204,212,186,89,63,65,95,176,181,173,170,173,181,191,196,191,178,166,166,183,209,228,228,217,202,194,186,186,186,186,186,186,186,178,173,152,109,104,105,109,103,91,97,85,73,65,59,61,61,53,49,49,85,147,155,129,43,40,43,47,65,81,81,73,69,75,89,95,89,93,134,139,142,147,168,176,155,147,155,155,152,163,163,150,103,97,105,165,178,176,176,181,194,202,194,173,109,99,95,95,101,105,105,101,97,91,87,93,105,157,160,144,97,91,99,155,170,170,170,176,165,109,103,103,101,101,101,103,107,107,101,101,95,94,95,105,157,165,152,99,91,89,89,91,93,99,150,107,93,83,82,85,101,155,165,165,147,101,100,152,178,196,196,181,168,168,173,168,152,99,85,71,63,59,63,69,89,152,178,186,186,183,191,191,183,173,178,178,181,199,215,220,222,217,199,181,125,117,119,123,123,123,125,121,113,104,102,105,113,121,123,176,186,186,183,196,196,181,170,165,163,123,123,123,115,111,107,107,109,119,173,183,191,186,172,183,191,202,202,191,178,165,165,178,189,183,176,160,103,83,83,85,87,87,84,81,83,87,103,142,107,87,65,57,57,59,59,67,77,91,107,163,181,194,199,199,199,212,212,204,199,209,217,228,235,238,238,238,238,246,246,235,217,207,209,207,189,131,113,113,113,113,113,111,101,95,95,91,73,51,43,47,41,35,29,23,18,18,21,25,27,23,22,23,25,39,59,67,59,49,59,73,73,67,37,21,15,12,13,17,35,57,73,103,108,103,67,47,37,35,37,41,41,41,47,61,61,55,41,29,21,19,17,25,39,47,65,83,93,95,131,134,142,150,173,204,217,220,228,228,235,235,228,209,189 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,144,147,147,144,142,155,168,168,160,137,129,131,131,129,97,93,137,137,101,100,147,207,209,209,207,202,204,204,173,99,93,89,86,87,107,165,168,155,113,111,107,107,152,170,176,176,176,165,117,114,116,163,168,168,165,165,157,117,121,121,118,116,119,163,170,170,165,123,123,165,168,170,178,181,125,97,76,96,115,123,170,178,181,183,189,189,186,191,199,202,196,186,183,183,186,189,186,186,183,181,189,199,209,225,202,82,62,72,115,183,204,209,209,199,202,215,212,212,217,222,222,217,215,217,225,220,217,217,215,225,215,209,204,199,191,99,113,191,191,191,177,174,178,183,181,181,183,178,133,178,186,196,209,215,215,209,212,212,209,199,196,194,194,196,199,196,183,135,181,191,204,209,199,186,196,209,217,209,191,137,186,202,202,196,194,191,189,189,186,183,183,186,189,191,194,199,202,199,196,199,204,209,209,209,209,215,212,207,207,205,205,209,215,217,217,217,222,228,233,235,235,225,204,137,139,139,132,131,135,186,196,207,204,209,215,217,217,207,196,183,137,137,186,194,189,183,186,194,194,199,207,199,190,191,199,204,204,207,209,212,215,215,212,211,212,222,235,230,107,39,4,123,225,230,233,235,241,233,233,230,228,225,225,225,225,230,235,50,41,137,230,251,251,255,251,251,251,230,191,196,220,230,233,228,225,217,209,204,204,215,228,233,235,243,241,217,189,230,181,105,178,215,230,238,235,233,228,222,194,103,95,93,67,61,107,207,222,209,194,183,137,186,215,228,225,217,215,217,222,222,220,222,225,228,228,230,233,230,230,233,235,235,235,235,235,235,235,235,233,230,228,225,228,228,230,230,230,233,235,228,196,189,209,222,228,228,222,202,181,186,191,196,202,202,194,183,135,136,196,189,186,194,191,140,141,191,196,202,207,215,225,199,194,194,196,202,212,225,235,238,222,139,130,137,137,145,222,235,225,212,212,222,233,235,238,235,225,209,189,141,202,209,212,215,212,212,230,238,238,212,59,75,41,23,83,123,181,196,196,186,121,83,65,73,137,121,88,108,202,209,204,191,112,131,189,204,222,235,230,229,230,230,230,235,241,241,238,69,9,115,225,230,233,230,228,225,225,217,121,118,196,204,196,178,125,173,178,117,115,170,186,194,196,202,196,178,170,176,183,194,196,191,196,212,225,230,235,238,235,191,125,194,215,228,235,235,238,243,230,87,0,42,117,121,131,181,186,183,176,183,191,178,129,209,233,233,230,230,228,228,225,217,215,215,199,93,85,69,64,58,35,74,163,183,199,95,38,53,31,0,0,21,51,39,53,105,230,241,254,238,215,105,105,217,217,222,202,27,97,173,113,83,93,111,102,186,207,204,217,225,207,194,186,186,131,129,141,199,207,204,204,204,204,204,209,212,212,207,207,215,230,235,235,230,215,212,217,215,199,194,192,192,196,204,204,196,194,199,202,202,202,207,212,217,215,207,198,198,204,207,194,178,179,212,225,222,225,138,137,194,207,222,222,207,196,215,233,235,222,204,202,207,204,194,191,207,215,212,95,71,67,217,235,199,131,129,141,207,228,235,238,235,233,233,235,235,235,238,238,241,243,241,230,217,212,199,145,144,196,204,212,207,128,123,129,143,145,191,196,202,199,196,196,204,207,194,189,194,196,194,199,204,207,204,202,202,204,204,207,215,217,207,200,203,212,212,151,149,215,233,238,241,241,241,241,241,241,241,238,238,241,241,233,220,207,148,142,143,148,202,209,222,230,238,235,147,143,145,145,144,142,143,202,202,117,131,139,125,124,196,217,230,233,233,233,233,230,228,222,222,228,230,233,238,241,238,233,231,231,233,235,235,233,230,235,238,238,241,241,241,243,246,246,246,243,243,243,243,243,246,246,246,246,243,243,243,243,241,241,241,241,241,238,235,235,233,233,233,233,233,233,233,233,230,225,217,215,212,212,215,225,233,235,238,238,238,235,238,241,235,149,138,141,233,233,229,230,222,202,200,207,199,113,109,129,196,217,225,217,204,198,195,192,225,233,228,222,225,230,225,208,209,217,225,225,217,209,209,209,212,209,208,209,212,212,215,217,215,211,212,228,238,241,238,241,241,241,243,243,243,243,243,243,243,241,241,241,243,243,241,241,238,238,238,241,243,246,246,243,241,230,228,233,238,238,238,238,238,238,241,241,241,238,238,238,238,238,238,238,238,238,235,235,235,233,233,230,230,230,225,217,215,212,217,233,235,233,230,230,233,230,228,228,228,228,228,225,222,215,212,212,215,217,215,215,209,202,199,200,204,207,207,209,207,204,199,198,199,202,199,199,199,202,204,204,207,209,207,202,198,199,204,209,212,212,212,215,215,215,215,215,215,212,211,212,217,222,222,217,217,222,222,217,215,215,215,215,215,215,215,212,212,212,212,212,212,215,217,215,215,215,217,222,222,220,220,220,217,217,222,225,225,225,225,222,215,209,207,209,217,225,228,225,225,217,209,208,209,215,215,215,215,217,225,196,117,137,194,204,204,199,143,137,139,191,204,212,217,217,217,215,215,217,222,225,222,213,212,217,228,233,235,241,241,241,241,243,243,243,243,241,241,238,235,235,235,235,233,230,228,230,230,228,225,222,215,207,203,203,204,207,209,212,215,217,225,230,235,235,235,235,238,241,238,233,228,222,222,222,225,222,217,215,212,212,212,212,209,207,207,207,202,189,183,186,191,194,191,189,191,191,189,186,186,183,183,186,191,196,199,199,202,202,202,202,204,209,215,212,196,135,129,133,141,145,191,196,202,204,204,209,212,217,222,222,220,222,235,243,246,246,243,243,246,246,246,248,251,246,235,228,222,225,230,230,233,235,238,235,228,215,213,213,217,228,233,235,238,238,238,238,238,241,246,248,251,254,255,255,255,255,255,255,255,255,255,255,255,254,251,248,246,246,248,246,243,238,235,235,238,243,133,181,181,173,173,173,165,115,107,101,101,101,101,101,99,97,95,83,79,75,79,83,81,75,73,73,73,67,61,61,53,53,43,43,51,51,57,59,63,65,73,77,83,89,97,103,139,142,109,109,109,109,115,163,173,178,189,196,207,222,230,225,215,207,204,204,204,204,207,215,222,217,217,217,225,228,225,204,186,129,121,123,178,202,215,220,207,183,170,181,199,207,199,189,189,191,181,181,191,191,181,173,157,142,134,134,134,152,152,160,152,142,126,124,116,108,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,53,46,35,35,46,46,48,53,69,103,103,79,53,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,72,64,38,9,0,0,0,82,215,165,64,46,79,113,82,13,0,43,139,124,0,0,0,0,0,181,207,90,0,0,0,0,30,66,64,59,0,0,0,0,0,0,0,0,137,116,95,79,69,72,64,46,23,23,25,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,55,113,176,209,202,163,131,139,150,147,147,142,97,97,152,181,196,178,0,0,103,183,183,183,186,189,168,97,91,94,115,170,186,160,87,87,117,181,196,189,191,204,225,248,251,235,204,99,25,0,23,81,91,87,87,93,89,85,97,163,196,204,183,95,65,62,83,160,170,163,164,166,181,189,199,199,191,170,160,166,196,217,228,217,207,194,191,186,186,176,176,176,178,178,168,152,109,105,109,109,95,79,75,63,65,71,67,71,77,73,77,77,131,144,139,87,42,40,42,53,67,69,67,65,63,69,89,89,87,93,134,137,131,99,142,155,152,147,144,105,105,150,152,152,163,152,152,165,165,165,163,168,181,186,186,163,103,91,83,83,89,101,160,170,160,111,99,99,99,105,105,97,91,89,97,142,157,157,165,170,176,165,144,101,96,96,101,107,107,101,107,107,95,92,92,99,105,150,107,99,93,91,91,91,91,97,150,103,91,83,82,85,97,152,165,165,160,152,152,165,181,196,196,183,168,168,168,160,142,87,69,53,47,49,57,75,95,160,178,176,176,191,199,191,183,173,173,173,178,194,215,220,225,222,199,176,125,125,125,123,123,125,170,165,113,104,102,105,119,163,165,173,186,186,189,199,199,186,170,163,163,123,163,123,115,107,107,107,109,115,163,176,186,186,183,186,194,202,202,189,168,161,161,176,189,186,176,117,97,82,84,95,95,93,84,82,83,87,93,101,101,87,65,57,57,59,59,67,71,83,101,160,181,191,199,199,212,228,217,199,191,191,207,228,235,235,235,230,230,235,238,230,217,217,225,225,209,186,121,113,113,168,181,176,155,105,99,99,87,69,61,61,51,37,29,23,18,17,19,23,25,23,25,25,29,39,59,67,67,67,73,113,118,79,57,27,17,13,13,17,35,67,79,113,113,103,67,47,35,29,35,35,35,35,47,61,57,47,39,27,19,15,13,19,35,57,73,85,91,93,93,95,95,95,150,181,209,217,228,228,228,235,228,209,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,150,150,142,131,124,121,129,139,142,134,131,137,129,129,129,99,139,144,105,105,165,199,207,207,204,202,204,196,176,147,101,99,101,103,109,155,152,107,105,103,103,105,115,163,170,170,163,117,115,114,117,163,170,173,168,165,163,121,121,121,160,163,168,168,161,165,123,117,115,113,123,165,173,173,123,103,97,111,165,176,69,69,119,170,178,181,183,186,196,202,196,189,183,181,181,183,176,129,123,123,173,191,209,228,202,76,69,111,189,199,209,215,217,222,222,222,215,212,212,212,212,212,215,215,217,217,215,215,215,217,217,217,217,215,207,100,97,105,133,183,181,177,183,186,178,176,178,176,133,133,135,181,196,209,204,199,202,209,204,194,186,183,183,186,183,181,137,131,137,189,204,209,191,133,133,183,202,199,186,136,135,181,181,181,183,186,189,189,189,189,191,191,194,194,194,194,196,199,199,202,207,209,212,215,217,220,217,212,209,205,205,209,215,217,217,217,217,225,230,233,233,222,207,189,183,139,135,133,137,189,202,209,212,215,215,217,217,207,194,183,135,135,181,186,186,183,189,199,204,207,202,196,191,191,194,194,199,202,204,209,212,212,211,211,211,215,222,217,212,51,41,207,228,233,228,230,235,235,235,235,228,222,218,218,225,230,233,45,41,137,233,238,246,248,251,251,246,238,233,233,233,233,233,225,222,217,215,215,217,225,233,235,238,238,233,109,97,101,183,137,135,194,225,230,230,228,204,186,52,99,83,69,27,30,207,233,233,230,220,225,137,43,202,225,217,215,217,217,222,217,212,216,222,225,225,228,228,225,222,228,233,233,233,233,233,233,230,228,225,225,225,225,228,230,233,230,230,233,243,212,137,123,215,222,225,222,209,129,119,137,212,215,212,212,209,191,136,137,186,186,191,194,191,189,191,194,194,199,207,202,194,196,189,139,145,194,196,207,207,135,130,133,139,141,143,199,222,238,235,225,215,217,230,235,241,235,209,189,134,138,209,217,209,204,202,209,225,235,241,235,119,79,0,12,105,191,209,215,212,207,196,121,82,117,204,117,81,115,230,222,204,186,106,124,194,217,228,233,230,229,229,230,233,235,235,228,75,44,87,123,209,228,228,225,222,212,209,204,110,110,191,194,186,176,121,123,127,125,127,176,186,199,212,225,196,125,119,119,178,186,189,178,183,204,215,222,233,238,189,100,91,170,212,222,230,235,241,243,238,178,0,41,113,117,121,173,191,209,209,189,186,181,183,209,230,235,233,230,228,225,222,217,222,228,225,209,191,199,212,207,181,123,168,181,183,157,97,71,17,0,35,109,170,87,55,83,194,235,241,202,194,99,98,207,207,183,22,0,0,0,0,11,69,103,173,202,228,115,113,111,110,115,131,183,186,186,196,212,222,217,209,204,207,207,207,209,207,204,207,217,230,238,238,238,225,212,215,212,194,194,196,204,204,196,143,141,143,199,204,202,199,200,207,217,222,212,204,204,207,202,189,186,202,225,235,238,230,191,139,199,222,235,230,215,198,187,207,225,209,199,199,202,202,196,135,141,207,191,119,97,105,212,248,228,128,126,128,194,225,235,238,238,235,233,235,235,233,235,241,238,241,238,225,209,199,196,199,147,145,194,209,207,127,127,143,191,191,194,202,204,196,199,196,196,199,192,194,199,199,196,199,204,204,202,202,207,202,207,212,222,222,209,199,203,215,207,103,95,141,230,238,241,241,241,241,241,241,241,238,238,241,241,233,222,212,151,142,142,147,199,204,212,225,230,217,146,144,144,145,145,144,145,194,194,143,145,145,139,149,225,230,230,228,228,230,233,233,230,228,225,225,230,233,235,238,238,235,231,231,235,235,235,235,238,238,238,241,241,238,238,241,243,246,243,241,241,243,246,246,243,246,243,243,241,241,241,243,241,241,241,243,243,241,238,238,238,235,233,230,228,228,228,230,233,225,217,217,215,212,215,225,233,235,238,238,235,238,241,243,246,127,128,215,233,235,233,230,222,202,202,209,209,147,119,99,103,135,212,215,207,204,204,207,225,233,230,225,225,225,212,205,209,217,222,222,217,215,209,209,209,209,209,209,209,212,217,222,215,211,215,228,235,238,238,241,241,241,243,243,243,243,241,241,241,241,241,241,241,241,238,238,238,241,241,241,241,241,243,241,235,230,230,233,238,241,241,238,238,238,238,238,238,238,238,238,238,238,238,237,241,238,238,235,233,230,228,228,228,225,217,213,215,220,228,233,235,233,230,233,235,233,228,225,230,230,225,222,217,215,212,215,217,222,225,222,215,207,200,202,204,209,209,209,207,202,198,198,199,202,199,196,196,202,204,202,204,207,207,199,198,198,204,209,212,215,212,215,217,215,215,212,212,212,212,215,217,222,222,217,217,220,222,220,215,215,215,215,215,215,215,212,209,209,208,208,212,217,215,209,209,212,215,220,222,222,222,222,220,222,222,225,225,225,225,222,217,209,207,209,215,217,222,225,222,215,208,208,212,217,215,212,209,212,215,215,202,194,199,207,207,199,143,143,191,194,202,212,217,217,217,212,208,212,217,217,217,215,217,225,230,233,238,241,241,241,241,241,241,243,243,243,241,238,238,238,238,235,233,230,228,230,230,228,228,225,217,209,207,207,209,212,212,215,217,222,228,0,0,0,235,238,241,241,238,233,225,217,217,222,217,215,217,217,215,212,209,212,209,207,207,204,196,186,183,186,189,189,189,189,189,189,189,186,183,183,139,183,189,191,194,199,202,202,202,199,202,207,212,207,194,139,135,137,139,143,145,194,196,199,199,204,204,207,217,222,220,220,230,238,243,243,243,243,246,246,246,246,248,248,241,228,217,217,222,225,230,233,238,235,230,222,213,213,217,225,233,235,235,235,230,230,230,233,241,246,251,254,254,255,255,255,255,255,254,255,255,255,255,254,251,246,244,244,248,248,246,243,241,238,238,241,181,183,183,183,181,181,173,163,115,107,103,103,107,107,103,101,95,89,85,83,85,85,83,81,75,73,73,67,61,53,41,41,38,38,41,41,51,55,59,61,69,77,87,95,101,103,139,107,107,109,109,115,163,165,173,181,189,196,204,222,233,230,215,207,196,196,196,199,204,207,212,212,207,215,222,233,228,215,181,119,105,105,113,170,194,202,199,189,181,173,183,194,189,176,181,189,181,181,181,191,191,183,157,150,150,142,142,142,152,152,142,134,134,126,118,111,108,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,59,43,27,20,17,20,20,20,17,12,27,27,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,61,25,0,0,0,0,0,0,168,139,53,0,40,124,131,61,13,35,79,79,0,0,0,0,0,165,176,11,0,0,0,0,3,69,64,0,0,0,0,152,163,0,0,0,0,126,103,87,77,69,69,46,13,11,23,23,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,39,47,103,160,186,186,178,152,150,150,152,155,152,101,97,147,168,181,163,0,0,81,168,178,183,191,186,165,103,97,97,119,178,189,170,90,95,160,189,196,189,189,199,220,235,235,225,207,189,1,0,47,101,139,152,160,144,95,89,93,142,168,170,168,103,73,63,72,109,168,165,168,173,181,191,199,207,199,183,165,166,191,215,217,215,202,194,186,186,186,173,163,163,165,165,163,115,111,150,152,107,89,71,65,54,53,61,71,73,77,85,129,134,137,139,129,81,53,43,45,55,67,65,58,58,61,75,93,89,81,87,93,85,63,54,73,91,93,93,85,81,91,105,150,165,173,168,163,150,147,150,160,150,150,150,150,107,93,81,80,83,101,147,173,191,183,170,157,101,94,94,95,91,89,88,91,103,105,99,97,109,165,170,165,101,94,97,109,152,107,101,101,101,95,94,95,105,107,105,105,107,107,115,103,93,93,99,105,99,91,84,85,95,103,150,160,165,165,163,168,173,181,189,189,178,165,160,160,144,93,71,57,0,37,43,57,79,103,152,160,168,176,191,202,202,183,170,170,165,170,189,215,217,217,217,199,176,165,173,170,119,119,168,168,123,115,107,104,107,121,170,168,173,186,189,196,196,196,181,168,163,165,170,168,123,111,105,105,107,109,113,117,123,173,186,191,194,194,199,199,189,165,160,160,165,189,196,186,117,91,84,95,107,107,101,95,93,87,87,93,93,93,81,71,59,57,59,59,67,71,83,97,117,181,194,199,209,217,228,217,199,181,135,189,209,230,235,230,228,228,230,235,228,235,238,246,246,228,207,186,168,121,178,196,196,178,111,105,105,93,73,69,65,51,37,29,23,17,17,18,23,23,25,31,39,43,49,67,73,77,79,113,121,129,121,77,45,25,15,13,15,29,63,113,121,129,116,73,47,27,21,23,27,27,33,45,57,57,55,47,33,19,12,12,17,33,67,77,85,87,87,87,87,83,89,95,150,170,189,199,217,228,228,217,209,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,142,139,137,131,121,114,116,126,131,130,130,134,127,129,131,137,142,139,101,103,168,194,202,202,199,199,196,191,173,152,109,109,113,111,109,109,101,97,97,98,99,101,111,157,163,163,155,117,117,117,163,173,178,176,165,165,168,165,160,121,163,176,181,170,161,163,117,113,111,110,119,165,170,170,173,173,173,178,189,199,75,72,99,119,170,176,176,181,186,189,183,178,178,176,176,173,129,121,116,114,117,129,189,209,207,176,127,196,204,207,209,212,217,225,225,222,215,209,207,202,204,207,212,215,217,215,215,212,207,207,212,222,225,222,215,103,94,92,106,183,186,181,183,189,181,131,128,128,129,133,133,125,73,59,111,178,181,191,202,196,186,182,183,183,133,124,122,127,135,183,189,194,183,125,121,124,189,194,189,137,135,136,135,135,137,186,186,186,186,189,194,199,202,202,199,196,194,196,202,207,209,215,217,222,225,225,225,225,215,209,205,207,212,217,217,217,217,222,225,230,228,217,207,191,189,186,183,137,135,183,194,209,217,222,220,217,215,204,191,181,135,135,137,181,181,183,189,196,202,202,194,189,189,189,186,183,189,196,202,207,212,212,212,212,212,215,217,215,212,65,59,207,225,230,225,228,230,233,238,235,228,222,217,217,222,225,217,57,63,215,233,235,241,243,241,238,235,233,233,235,235,230,225,215,212,212,212,212,215,228,233,235,233,235,233,101,95,103,194,189,133,181,202,196,115,105,93,38,44,101,101,63,0,26,222,230,235,233,230,225,119,0,0,79,143,212,217,222,217,216,217,216,222,222,222,222,222,218,216,220,228,228,228,228,230,228,225,225,224,224,224,225,228,230,233,235,233,233,196,51,33,32,109,202,217,215,125,113,123,196,217,225,222,217,215,207,191,183,141,141,191,194,191,191,189,189,191,196,196,137,134,133,123,120,135,145,145,143,135,131,134,204,225,233,212,207,217,235,238,233,217,209,222,235,241,233,194,130,133,191,222,225,212,199,191,196,209,228,225,241,123,14,0,43,212,225,233,235,233,230,225,209,189,194,209,181,115,204,228,212,194,186,52,120,199,217,230,233,230,230,233,233,233,233,230,196,63,97,115,125,191,209,212,209,202,196,194,127,110,115,183,181,125,118,117,120,127,170,176,178,183,204,228,241,101,0,49,115,165,113,121,121,168,189,196,202,202,189,125,109,117,183,196,215,225,228,235,241,243,199,20,58,113,119,121,125,178,199,202,189,186,186,189,209,228,233,230,230,228,225,222,222,225,230,230,225,215,212,217,217,204,189,183,178,170,163,109,45,3,57,186,181,183,176,111,79,85,199,183,78,87,105,176,189,173,63,0,0,0,4,33,103,202,215,209,194,133,109,111,111,108,109,127,186,191,196,209,228,233,228,215,209,212,215,209,207,202,200,204,215,233,238,241,241,233,215,209,204,194,194,212,222,212,196,137,135,141,196,204,202,199,199,202,215,217,212,209,209,207,202,194,199,215,228,233,238,230,189,138,196,225,235,238,235,207,165,166,196,202,200,200,204,207,191,131,134,196,207,186,119,117,135,189,129,118,112,133,202,209,215,230,235,235,238,235,233,233,238,241,233,233,228,217,215,209,209,209,145,137,143,209,217,212,204,199,196,196,202,209,209,202,202,202,199,194,194,196,204,207,209,212,209,204,202,204,209,204,204,209,222,217,204,200,207,217,215,126,112,132,233,241,241,241,241,238,238,241,241,241,241,243,241,233,225,217,217,209,199,196,199,207,215,225,230,230,215,202,194,147,194,196,199,202,199,202,209,209,212,225,230,233,230,225,225,228,233,233,233,228,225,225,228,233,235,238,235,235,233,233,235,238,238,238,235,235,238,241,241,238,237,238,243,246,243,238,238,243,246,243,243,243,241,241,238,238,238,241,241,241,241,243,243,241,241,241,241,238,233,228,226,225,226,228,233,228,222,222,217,215,215,225,233,238,238,235,233,235,243,246,241,121,122,222,235,238,235,230,217,204,207,228,228,215,139,101,97,109,199,212,209,209,209,212,225,233,233,228,228,225,212,207,212,220,220,217,217,217,215,212,209,209,209,212,215,222,222,217,212,211,215,225,233,235,238,241,239,241,243,246,246,243,241,241,241,241,241,241,241,241,238,238,238,238,241,238,238,238,235,235,233,230,230,235,238,241,241,238,238,238,238,238,238,238,238,238,238,238,238,238,238,233,233,233,230,228,225,228,228,225,217,215,217,228,233,235,235,233,233,233,235,233,228,225,230,230,225,222,217,215,215,217,222,225,225,222,215,209,204,204,207,209,209,209,207,204,199,198,202,204,202,198,196,199,204,202,199,204,204,199,198,198,202,209,212,212,212,215,215,212,209,209,212,215,217,217,217,222,220,215,215,217,217,217,215,215,215,215,215,215,212,209,209,209,208,208,212,215,209,204,204,207,212,217,222,225,225,222,222,222,222,225,225,225,225,222,217,209,207,209,212,215,217,222,222,217,209,209,215,217,212,212,209,209,209,212,204,194,194,199,202,199,194,191,194,191,196,209,217,222,225,215,207,208,212,215,215,217,225,228,230,233,235,238,241,238,238,241,241,243,243,243,241,238,238,235,235,235,233,230,230,230,230,230,230,230,228,225,217,215,215,215,215,217,222,225,228,0,0,0,0,0,0,243,241,235,228,217,217,217,215,212,215,217,215,209,209,209,207,204,207,202,194,189,186,183,186,183,183,183,189,191,189,186,183,181,137,139,183,186,191,194,199,204,204,199,199,204,209,204,194,186,139,141,141,141,145,194,194,194,199,202,199,202,215,225,221,221,230,235,241,243,243,243,246,246,246,246,248,248,243,230,222,215,217,222,225,230,235,238,235,228,215,213,215,225,233,235,235,230,225,222,225,230,238,246,251,254,254,255,255,255,255,255,255,254,255,254,254,251,251,248,246,246,248,248,248,246,243,238,238,243,139,183,194,194,194,183,176,173,163,115,107,107,107,107,107,103,101,95,93,89,89,89,87,83,81,73,73,67,61,53,41,39,38,38,39,41,51,51,55,61,69,75,83,89,95,101,101,101,103,103,109,152,165,173,176,186,186,194,202,215,225,225,215,202,194,194,194,196,204,204,207,204,204,207,217,233,233,215,181,111,99,93,99,113,168,189,189,189,181,170,170,181,173,160,160,173,173,173,181,191,191,181,173,150,142,134,134,134,142,142,134,134,126,118,116,116,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,43,25,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,46,0,0,0,0,0,0,0,103,131,79,40,44,124,165,155,108,35,19,9,0,0,0,0,0,15,0,0,0,0,0,0,0,53,53,0,0,0,0,144,157,163,0,0,152,134,113,95,77,61,53,29,5,0,5,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,85,59,67,126,168,183,183,178,168,163,163,163,160,142,97,99,101,87,61,11,5,67,111,181,191,183,168,117,113,113,115,160,178,186,168,95,100,168,189,196,196,196,204,225,233,228,215,199,103,0,0,61,87,87,142,160,152,97,91,93,99,103,105,111,111,95,72,77,109,170,181,181,186,189,194,199,199,199,191,183,183,196,207,215,209,194,189,183,186,181,173,173,163,163,163,163,152,163,165,165,142,89,71,65,54,53,54,61,65,71,85,129,134,126,121,118,81,67,55,61,63,63,63,61,61,63,75,93,89,75,67,69,67,51,47,55,63,53,48,49,67,91,105,144,152,165,163,152,144,144,150,150,105,97,95,95,93,83,77,77,87,107,160,173,189,183,173,157,99,92,93,97,93,89,88,91,97,103,93,90,92,103,144,155,103,97,109,163,155,107,101,101,101,99,95,99,107,107,105,107,115,165,170,152,99,97,103,105,99,93,91,97,103,113,113,113,147,150,163,168,176,181,191,196,189,160,147,97,87,69,53,45,37,37,43,59,75,89,107,150,157,176,183,191,191,183,173,178,160,160,176,196,207,217,217,199,176,170,178,170,117,117,123,125,121,115,107,107,113,165,178,178,186,186,199,196,186,178,173,163,163,170,178,178,168,115,107,104,105,106,113,112,117,163,183,191,191,191,194,191,189,168,161,161,178,194,202,191,160,103,95,107,157,155,107,101,99,95,89,89,87,81,75,65,59,57,59,61,67,71,83,95,115,181,199,209,212,220,228,217,199,178,131,137,202,220,230,230,228,228,228,238,246,248,254,255,254,246,225,207,181,168,178,196,209,189,157,111,107,93,73,61,51,47,35,29,23,19,19,23,27,29,35,49,67,71,77,83,87,121,121,121,129,137,129,113,67,35,23,15,17,29,57,113,129,137,129,79,55,27,19,19,23,23,23,41,57,71,67,57,41,21,13,12,15,33,59,79,87,89,87,81,75,75,75,81,95,137,150,181,199,217,228,228,228,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,137,137,139,139,131,121,124,131,134,131,131,134,129,129,129,137,144,144,103,101,157,186,194,194,191,191,189,181,163,150,109,111,113,111,107,103,100,97,98,100,99,100,109,155,155,155,117,155,157,165,181,194,194,183,160,117,160,168,163,121,165,181,186,170,165,165,117,113,113,111,115,165,168,170,181,189,191,196,202,209,98,90,103,115,125,173,176,176,176,176,170,168,170,173,173,176,173,125,117,114,115,121,176,194,204,207,209,212,209,207,207,209,212,215,215,215,209,204,196,194,196,204,212,217,217,215,212,204,198,196,204,215,215,212,204,176,117,107,123,186,183,178,189,194,189,133,128,126,128,131,178,127,38,7,42,119,119,123,199,199,189,186,191,191,181,122,118,125,135,137,136,183,181,125,120,122,183,194,191,183,137,181,137,135,137,186,189,186,186,191,199,204,207,207,209,202,194,194,202,209,215,220,225,225,228,228,230,230,225,215,209,209,212,215,217,217,215,215,222,225,222,215,204,196,194,191,183,137,137,183,191,207,217,225,225,222,212,202,189,137,136,135,136,137,137,181,186,189,191,191,189,186,189,189,186,181,183,191,199,207,215,217,217,215,215,217,217,217,217,89,93,194,217,225,222,222,225,228,230,233,228,220,217,217,220,215,194,101,191,238,235,235,238,235,228,228,228,225,228,230,230,228,217,211,211,212,211,209,212,225,235,233,228,233,230,103,98,135,212,215,183,127,90,95,98,99,78,34,87,133,215,107,0,32,207,233,233,233,233,230,119,0,0,0,63,204,212,222,222,222,222,225,225,228,228,228,225,220,217,220,225,228,228,228,230,230,228,225,225,224,224,225,228,233,235,235,230,196,23,0,0,10,53,103,107,93,95,113,204,228,230,228,222,217,217,215,209,194,139,139,189,191,191,189,186,185,189,196,189,135,134,133,122,119,139,194,191,137,132,132,199,233,241,241,222,207,212,230,238,233,217,194,199,228,233,225,131,107,139,217,230,230,217,199,137,131,137,137,129,137,51,0,0,41,220,233,238,235,233,230,228,222,212,199,189,181,189,215,217,204,196,204,0,78,202,215,228,233,235,233,233,233,233,238,235,125,48,131,119,113,129,186,189,191,189,189,186,122,117,129,183,176,119,116,117,123,170,178,183,189,191,228,230,222,0,0,19,101,73,89,107,117,168,183,191,196,194,176,125,121,209,199,168,204,215,222,228,228,215,127,37,95,127,129,125,123,127,178,186,189,196,196,199,212,228,230,230,230,230,228,228,230,230,230,233,233,230,225,225,225,217,212,204,186,170,165,103,0,0,51,183,173,178,255,220,103,103,165,176,91,72,69,81,111,117,99,61,111,103,111,199,233,235,230,217,191,129,125,135,125,107,107,137,196,196,199,215,233,238,228,215,215,225,228,217,207,200,199,202,215,233,238,241,241,235,215,202,194,191,196,217,225,222,209,140,136,189,199,204,202,200,200,202,209,209,209,207,204,204,199,199,207,215,212,209,222,217,141,135,194,230,233,233,228,199,172,176,199,204,202,200,207,209,140,134,139,207,225,217,202,189,141,137,127,122,122,215,209,113,109,131,217,230,230,230,235,235,238,230,199,207,207,209,222,228,228,228,202,136,142,204,222,228,222,204,196,202,209,215,225,215,207,204,202,199,196,199,204,212,222,222,209,196,196,199,204,202,202,207,212,212,203,203,209,220,222,209,135,143,233,241,241,241,241,238,238,238,238,238,241,246,243,233,225,217,215,212,207,204,204,215,228,233,235,238,235,217,204,202,199,202,209,212,215,222,233,230,230,233,233,233,228,222,225,230,235,238,235,230,228,225,228,230,230,233,233,233,233,233,235,238,238,235,233,230,233,238,241,238,237,238,241,243,241,238,238,241,243,243,241,241,238,238,235,235,235,238,241,241,241,241,241,241,241,241,241,238,233,230,228,226,228,230,233,228,222,222,222,215,217,228,233,235,233,230,228,233,241,241,228,126,127,222,238,238,235,225,207,204,212,230,235,233,215,135,107,129,204,212,209,207,207,207,222,233,235,233,233,230,217,209,217,222,222,217,217,217,217,215,209,209,209,215,222,222,220,215,211,211,215,225,233,235,241,241,239,239,241,243,246,243,243,241,241,241,241,243,241,241,238,238,238,238,238,238,235,233,230,228,225,225,230,235,241,243,241,238,238,238,238,238,238,238,238,238,235,238,241,238,233,228,225,228,228,225,225,225,228,228,225,222,228,233,235,238,235,233,233,233,233,230,228,225,228,228,222,222,217,217,217,222,225,225,222,217,215,209,207,207,209,212,212,209,209,209,207,202,202,204,207,202,198,199,202,199,199,204,207,204,199,199,202,207,209,212,215,215,212,209,208,209,215,222,220,217,217,217,217,215,215,215,215,212,212,212,212,215,215,212,212,209,212,212,209,212,215,212,204,199,202,207,212,217,222,225,225,222,222,222,222,225,225,225,225,222,215,209,207,207,209,209,212,215,217,217,217,215,217,215,212,212,212,209,207,207,199,191,190,194,196,199,196,194,191,189,191,209,217,225,228,217,207,207,209,212,212,215,222,228,230,233,235,235,238,238,238,238,241,243,243,243,241,238,238,235,233,231,233,233,233,230,230,233,235,238,238,235,230,225,217,215,215,217,222,225,225,230,230,0,0,0,0,241,243,241,233,222,215,212,212,212,215,215,212,209,209,209,207,204,204,202,194,189,186,183,181,137,137,181,186,189,189,186,181,137,137,181,181,183,186,191,199,202,202,199,198,202,207,202,194,186,143,143,143,143,191,196,196,196,199,199,198,202,215,225,225,225,230,235,241,243,243,246,246,248,246,246,248,251,246,233,222,217,215,215,217,225,235,241,238,230,217,213,215,225,230,230,225,222,217,217,222,228,235,243,248,254,254,255,255,255,255,255,255,254,254,251,251,254,254,251,248,246,248,248,246,246,243,241,241,243,139,181,194,199,199,194,181,173,163,117,115,115,115,150,109,107,107,101,95,95,95,95,93,87,81,81,73,67,61,53,51,41,39,39,41,41,51,51,55,61,67,75,81,89,89,95,95,95,97,103,107,150,165,173,181,186,186,186,196,204,215,222,209,196,194,191,191,194,196,199,199,199,196,199,207,222,222,209,181,111,95,87,87,95,107,168,178,181,181,170,155,155,155,150,113,150,157,173,191,191,191,181,173,157,142,134,126,134,134,142,134,126,118,118,118,124,126,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,22,17,9,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,43,0,0,0,0,0,0,20,92,173,194,121,87,131,183,212,220,19,0,0,0,0,0,0,0,0,0,0,0,0,0,1,27,33,43,0,0,0,126,131,152,157,157,160,152,134,100,77,61,33,21,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,118,105,69,111,157,178,186,191,183,176,176,173,168,160,142,95,71,19,15,31,47,69,99,181,186,176,160,117,113,113,113,115,160,170,160,95,101,170,189,204,204,207,217,228,225,215,199,160,3,0,25,73,73,73,93,134,99,93,91,95,93,91,95,111,168,157,97,97,157,181,183,189,194,196,196,189,186,191,199,189,191,199,207,207,204,202,194,191,183,173,170,173,173,163,157,163,165,165,176,176,150,91,71,69,63,57,54,54,54,61,85,129,129,121,85,79,73,67,63,69,75,79,75,61,53,53,67,83,93,81,65,67,81,71,52,67,67,48,45,47,77,99,103,105,144,152,165,152,147,147,150,109,97,85,81,83,85,81,77,79,95,147,163,165,170,170,160,105,94,92,99,105,105,97,91,91,97,99,94,91,92,95,97,97,97,107,163,168,109,101,101,107,107,101,95,101,107,107,103,105,115,165,170,157,103,97,99,103,99,99,103,113,155,152,103,98,98,109,152,173,183,189,194,196,189,160,99,73,53,41,31,31,31,35,47,59,69,83,93,111,157,168,173,176,173,183,189,186,170,117,121,178,196,215,222,202,181,170,170,125,111,109,115,123,121,117,113,113,121,176,191,199,199,199,189,183,178,173,163,163,165,178,183,191,178,163,115,104,103,109,113,115,117,119,170,183,183,183,183,189,183,178,165,181,194,202,204,194,176,115,107,113,160,160,111,105,101,101,93,89,87,75,65,59,57,57,59,61,67,69,77,87,115,181,199,209,212,217,217,209,191,133,123,137,202,217,235,230,228,226,235,246,254,255,255,255,255,254,246,225,196,173,176,196,209,196,178,168,147,93,73,61,47,37,29,27,25,27,29,35,39,45,49,71,79,87,121,129,134,137,131,129,137,137,129,121,73,47,29,19,21,35,57,79,129,144,137,118,67,33,19,19,21,21,21,27,63,108,113,73,47,23,15,14,17,27,47,77,121,124,121,81,73,71,71,73,81,124,139,157,189,209,228,235,246,246 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,116,131,137,139,139,139,144,142,137,139,139,139,131,126,92,92,139,155,147,99,103,168,181,181,178,178,176,165,152,111,107,103,105,103,101,101,105,150,160,152,105,105,111,152,115,115,115,117,157,168,189,202,199,189,163,111,117,163,163,160,170,181,186,176,170,165,115,114,117,115,115,121,165,173,181,186,191,194,199,196,176,123,117,115,119,176,183,178,173,168,125,125,127,127,129,178,181,176,125,119,119,127,178,194,204,209,212,212,209,207,209,209,207,207,207,207,202,194,191,191,196,204,212,215,215,212,209,202,196,198,202,202,196,191,194,199,202,178,178,181,133,176,194,202,199,194,183,176,131,135,183,189,54,21,48,131,123,119,194,196,194,196,204,207,199,137,125,135,183,181,137,181,137,125,122,125,183,191,191,186,183,189,186,181,181,186,191,191,194,199,204,204,202,207,212,204,191,191,204,217,222,225,228,228,228,228,228,230,228,222,215,212,215,215,217,217,215,215,217,217,215,207,199,194,191,189,139,137,183,189,196,202,212,225,228,222,212,202,191,183,137,137,137,181,183,183,186,185,185,186,186,189,191,194,191,181,181,186,194,204,215,222,222,217,217,222,222,225,225,121,125,183,207,220,222,222,222,222,225,228,225,222,222,225,225,209,137,131,225,238,235,235,235,228,221,221,221,222,225,228,228,222,215,211,212,215,212,211,212,225,230,230,225,222,222,101,129,217,228,228,207,127,61,91,183,215,81,74,209,204,225,191,4,48,133,233,238,235,235,243,127,0,0,0,9,133,207,222,228,225,225,228,230,233,233,235,235,230,228,225,228,230,230,230,230,230,228,228,228,225,225,228,230,233,235,238,235,41,0,17,30,67,89,87,71,66,91,209,230,235,235,228,222,215,215,217,215,196,135,133,139,143,189,191,187,186,191,199,196,145,202,204,137,135,199,202,191,137,133,135,204,230,238,235,222,209,215,230,233,228,209,140,140,196,209,209,115,105,209,230,235,233,228,207,125,116,119,129,137,135,47,0,0,41,220,235,235,230,228,225,222,225,222,202,179,178,196,207,204,204,215,248,0,73,186,209,220,228,238,230,228,228,230,241,248,105,42,95,79,75,109,127,176,181,181,181,183,125,129,207,207,207,196,170,168,170,168,173,189,199,207,220,228,209,0,0,0,41,43,89,109,121,178,194,204,212,204,186,173,178,209,189,160,173,191,207,209,202,178,107,62,186,194,183,131,121,117,125,176,189,209,207,207,217,228,230,230,233,233,233,235,235,233,230,233,233,233,228,228,225,225,225,222,209,196,191,176,9,0,41,119,160,170,251,222,117,117,176,217,230,82,64,54,111,163,165,125,123,170,228,235,238,238,230,212,191,181,199,202,131,103,105,202,212,202,199,212,230,233,222,209,217,230,233,222,209,202,200,204,217,233,238,235,238,233,212,191,189,191,194,202,209,217,217,204,191,191,194,202,202,204,207,209,215,215,207,202,196,196,199,204,212,212,196,192,204,207,138,132,139,225,228,222,209,198,192,204,217,217,207,200,207,209,132,141,209,228,233,230,228,225,212,194,139,135,194,217,199,110,108,109,115,191,199,212,228,228,204,177,172,189,196,195,215,233,238,238,228,204,196,204,217,228,225,209,202,204,207,204,222,222,202,196,202,202,199,199,204,209,217,217,202,145,146,194,196,199,204,207,212,209,207,209,215,217,222,220,204,212,235,241,243,241,241,238,238,238,238,235,241,243,241,230,222,212,204,204,207,212,222,230,235,238,238,241,235,217,209,209,199,143,135,207,225,233,238,238,235,235,233,230,225,222,222,230,235,238,235,233,230,228,225,225,225,225,228,230,230,233,235,235,235,233,230,229,233,241,241,238,237,238,241,241,241,238,238,241,241,241,241,238,238,235,235,234,235,241,243,243,241,241,241,241,243,243,238,235,233,233,230,230,233,235,235,228,222,222,222,217,217,225,230,228,222,217,222,228,230,225,151,136,140,215,233,238,235,222,203,204,215,228,233,233,225,212,204,209,215,215,207,204,202,202,217,233,235,235,235,233,225,217,222,225,217,217,217,217,217,215,212,209,212,215,217,217,212,211,211,215,222,230,235,238,241,241,239,239,241,243,243,243,243,243,243,243,243,243,243,241,241,238,238,238,238,235,235,233,228,222,218,220,228,235,243,243,243,241,238,238,238,238,238,238,238,238,235,238,238,233,230,222,220,220,222,225,225,228,230,230,230,230,233,235,235,235,235,233,233,230,228,228,225,222,225,222,220,220,217,222,225,225,225,217,212,212,212,212,209,209,209,212,212,209,209,212,212,207,202,204,207,204,199,199,199,198,199,204,209,207,204,202,204,207,209,212,215,215,215,209,209,212,220,225,222,215,212,215,217,217,217,217,215,212,212,212,212,212,215,212,212,209,212,212,215,215,215,209,199,196,199,204,209,215,217,222,225,222,222,222,222,225,225,222,222,217,215,212,207,204,207,207,207,207,207,217,222,217,217,215,212,212,212,207,204,202,199,194,191,191,191,196,196,194,189,187,191,209,217,225,228,222,208,208,209,209,209,215,222,225,228,230,233,235,235,235,238,238,241,243,243,243,238,238,235,233,231,231,233,235,233,233,230,233,235,238,241,238,233,222,215,213,215,217,217,222,225,225,225,225,228,0,0,235,241,243,235,222,212,211,212,212,215,212,212,209,209,207,204,202,199,194,189,186,183,181,137,135,135,137,183,186,186,183,181,137,137,181,181,181,183,189,194,199,199,198,198,202,204,199,191,186,186,143,143,189,194,199,202,199,199,199,199,207,225,230,228,228,230,235,238,243,246,246,248,248,248,251,251,251,246,233,222,215,212,209,209,217,233,241,241,233,222,215,217,228,225,212,159,209,217,217,222,228,235,243,251,254,255,255,255,255,255,255,255,255,254,251,254,255,255,254,248,246,246,243,241,243,243,241,241,243,131,133,191,199,199,199,191,181,170,163,117,117,160,160,150,150,147,107,101,101,101,101,99,93,87,79,79,73,67,61,53,51,41,41,41,51,51,51,55,59,67,73,81,89,89,95,95,95,95,97,103,109,163,170,176,181,181,178,186,196,204,209,204,196,189,189,189,191,191,191,191,189,186,191,199,207,215,202,178,111,93,81,73,79,93,105,119,170,181,170,113,113,155,113,107,107,150,173,181,191,191,191,183,157,142,126,126,126,134,142,134,134,124,118,126,134,142,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,43,27,1,1,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,51,7,0,0,9,27,64,87,147,255,255,212,116,111,144,173,144,0,0,0,0,0,0,0,0,0,0,0,0,0,51,165,134,0,15,0,0,0,98,111,139,150,150,150,142,124,85,56,27,21,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,144,144,105,113,155,178,191,202,191,183,183,183,181,176,160,97,59,4,12,53,53,67,101,176,176,165,160,160,157,113,108,109,157,168,119,95,113,178,194,212,217,222,230,228,217,204,178,85,0,0,61,85,75,68,69,75,81,83,91,95,91,89,99,155,178,178,157,163,178,186,183,186,196,204,196,181,173,181,194,189,189,191,199,204,207,207,204,196,181,168,168,176,176,163,156,163,165,165,170,173,150,91,71,71,71,65,57,53,53,65,91,144,144,129,85,69,55,51,53,73,129,144,124,49,33,35,47,75,93,91,81,85,129,97,81,85,87,67,49,61,89,97,91,91,103,152,173,170,165,150,109,103,91,77,71,81,89,89,83,89,111,170,170,160,160,160,147,99,94,95,144,160,157,144,99,93,97,97,97,97,103,95,87,86,91,152,173,157,97,93,101,152,157,107,99,101,107,107,103,105,107,152,165,157,103,93,93,97,97,99,105,155,160,155,101,97,98,147,163,181,189,189,189,189,178,152,81,51,31,0,0,24,27,37,49,63,69,79,89,103,109,150,109,109,113,163,189,186,170,111,111,168,191,215,222,202,181,165,125,117,111,105,115,123,165,165,165,125,170,189,204,207,202,199,186,178,173,173,168,163,170,178,191,191,191,173,121,107,107,113,119,119,113,117,121,163,163,163,170,181,183,181,181,196,202,207,204,194,181,163,117,157,168,168,150,107,107,101,93,87,81,71,61,57,53,53,57,59,59,59,67,83,103,173,199,209,212,217,212,199,133,115,115,137,207,230,238,238,235,228,238,254,254,255,255,255,255,255,251,233,202,181,183,196,209,196,181,168,144,91,73,59,41,33,29,27,29,39,51,67,73,73,73,79,121,129,137,137,144,137,137,137,137,129,121,79,67,47,35,25,29,35,57,77,124,142,144,131,81,45,23,21,21,19,18,23,61,118,126,111,55,33,21,17,17,23,39,71,118,126,121,85,79,73,70,72,81,93,139,155,178,207,225,0,0,251 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,72,82,108,131,142,144,137,118,134,144,144,134,124,88,84,95,150,144,94,94,144,160,160,160,163,160,155,144,109,107,101,99,97,96,99,150,181,191,183,160,113,115,115,114,114,115,115,117,157,178,194,191,183,163,116,117,160,163,163,170,176,181,178,173,123,113,114,123,119,111,109,163,178,181,181,183,189,189,189,183,178,165,119,123,181,189,181,176,170,127,125,124,123,123,170,178,176,131,127,131,178,191,204,207,207,207,207,209,212,212,215,209,202,199,199,196,191,190,194,202,207,209,212,209,209,207,209,209,207,199,186,178,181,191,202,191,107,112,123,127,181,196,204,207,207,202,194,186,183,189,204,196,121,135,204,191,137,189,194,196,202,209,215,209,202,191,194,194,194,191,189,135,124,124,131,139,186,189,186,186,189,189,186,186,189,191,196,202,207,207,199,191,202,207,202,189,187,207,225,230,230,228,228,225,224,224,228,228,228,225,220,217,215,215,217,215,215,215,215,209,202,191,189,189,186,183,183,189,194,194,194,202,212,217,217,207,199,191,189,183,181,181,183,186,189,189,186,185,186,189,194,196,199,196,189,183,181,183,196,209,222,222,222,222,222,222,222,222,133,133,183,202,215,222,228,225,222,222,222,222,225,228,228,225,204,133,139,225,230,230,235,235,228,222,222,222,222,222,225,225,217,212,215,217,222,222,217,217,220,222,222,220,212,209,88,212,228,230,225,217,204,84,199,235,241,101,83,207,194,135,123,37,46,61,183,235,235,238,243,115,9,47,41,15,85,222,225,222,225,228,228,230,233,235,238,238,235,233,230,230,230,230,230,228,228,228,230,230,230,228,228,228,230,230,233,238,0,0,115,189,202,137,85,73,74,199,235,235,235,235,230,225,217,215,217,212,186,121,129,135,141,191,202,202,202,207,212,215,217,225,225,212,207,212,204,143,135,135,139,194,217,233,233,225,222,222,225,217,209,196,141,139,138,194,199,113,113,222,233,235,233,230,215,119,113,116,196,220,222,127,63,33,101,222,235,233,228,225,225,222,228,230,215,186,186,199,199,194,202,228,251,83,128,186,199,207,217,222,225,222,222,225,235,243,77,41,71,67,65,103,131,183,183,173,178,176,119,186,230,230,230,225,212,194,176,123,122,178,199,204,204,202,113,13,0,0,0,27,103,115,165,186,204,222,230,215,191,173,181,189,173,164,165,168,183,189,183,173,123,121,217,212,196,127,107,98,107,129,189,215,215,217,225,230,230,233,235,235,235,235,235,235,233,233,230,230,230,230,228,228,228,228,225,225,230,230,207,81,87,165,176,183,189,170,79,102,230,235,233,220,183,101,194,196,183,165,168,207,233,238,238,238,233,212,194,191,202,194,111,101,107,215,217,202,196,202,212,215,207,202,209,225,228,217,207,204,202,207,215,230,233,233,233,230,215,191,190,194,145,133,139,204,204,196,191,185,186,196,202,207,209,212,230,230,209,199,191,194,202,215,225,217,194,191,202,207,141,132,136,204,222,222,215,207,204,212,228,228,212,202,204,194,115,204,228,230,230,230,233,233,225,212,196,191,196,207,191,125,125,117,116,129,143,196,204,191,181,172,172,194,196,191,202,228,235,235,225,215,207,212,217,225,230,228,222,215,194,131,134,199,191,187,189,194,199,202,202,207,215,212,199,145,146,147,147,204,212,212,212,207,209,212,217,217,222,217,212,225,238,241,243,241,241,241,241,238,235,235,235,238,233,225,217,212,205,204,209,230,238,238,238,241,241,238,230,212,212,222,134,106,93,135,222,230,235,238,238,235,233,230,222,220,222,228,230,230,233,233,230,228,228,225,225,225,228,230,233,233,233,233,233,230,229,229,233,241,243,241,238,241,241,238,238,235,235,238,238,241,241,241,241,238,235,235,238,241,243,243,241,241,241,241,243,241,238,238,235,235,233,233,235,235,233,228,222,217,217,217,222,225,225,217,212,212,217,222,217,202,143,143,151,212,228,238,238,225,205,207,217,228,228,222,215,212,215,217,222,217,209,203,200,200,217,233,238,238,238,235,230,225,222,222,217,215,215,215,215,212,212,212,215,215,215,215,212,211,215,222,230,238,238,241,241,241,239,239,241,241,243,243,243,243,243,243,243,243,243,241,241,241,241,238,238,238,238,233,228,220,218,220,230,238,243,243,243,241,241,238,235,238,238,241,238,238,238,235,233,230,228,222,218,218,222,225,225,228,230,230,233,233,233,235,233,233,233,233,230,228,225,225,217,215,217,217,217,220,217,225,228,225,215,207,207,209,212,212,212,212,212,215,212,209,209,212,212,209,204,204,207,204,199,198,198,196,199,204,209,207,204,204,204,207,209,212,215,215,215,215,215,217,222,225,220,212,209,212,215,217,217,220,217,215,215,215,212,215,215,215,212,212,212,215,217,217,215,207,198,196,199,207,209,212,217,220,222,222,222,222,222,222,222,222,220,217,215,212,207,204,204,204,202,194,194,209,217,217,215,212,209,212,209,204,202,199,196,191,191,191,194,196,196,191,190,190,196,212,222,225,225,217,212,212,212,209,209,215,222,225,228,230,233,235,233,235,235,241,241,243,243,241,238,235,235,233,231,231,233,235,235,233,0,233,238,241,241,235,228,217,213,212,213,215,215,217,222,222,222,222,225,225,0,233,238,241,235,222,211,211,212,215,212,209,207,207,204,202,199,194,191,186,181,181,137,135,133,133,133,133,135,178,181,178,178,135,135,137,137,181,183,186,191,196,199,198,198,199,199,196,189,186,141,143,143,189,196,202,204,202,199,199,202,212,230,235,230,228,230,233,238,241,246,248,248,251,251,251,251,251,243,228,212,207,157,155,155,209,228,238,241,235,228,217,222,228,217,151,151,159,217,225,225,230,241,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,246,241,238,237,238,241,241,241,241,125,127,181,194,202,199,191,186,181,170,165,165,170,170,163,163,152,147,107,107,139,139,137,95,89,87,79,77,71,65,61,53,51,51,51,51,51,51,55,55,67,73,81,89,95,95,95,95,97,101,103,109,152,165,173,173,173,173,176,186,196,202,196,189,183,183,183,183,183,178,178,178,176,178,186,196,199,191,170,107,93,79,67,67,73,87,101,113,168,170,113,113,113,113,107,101,107,157,181,191,191,191,181,157,142,126,126,126,134,142,142,134,126,126,134,142,144,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,59,33,0,0,7,43,85,111,155,255,255,202,103,69,53,17,0,0,0,0,0,0,0,0,0,40,0,0,0,22,126,241,165,0,0,0,0,87,56,66,98,118,121,126,124,100,66,31,19,9,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,155,108,108,160,186,202,202,191,186,183,189,189,183,176,150,79,23,39,51,25,47,155,181,173,119,113,113,157,121,113,160,176,183,176,113,176,202,212,222,230,233,233,225,212,196,168,49,0,0,65,85,85,73,62,65,67,73,89,93,89,93,144,176,181,178,178,189,194,186,178,181,196,204,196,181,169,181,189,189,189,191,196,199,199,199,204,199,189,173,176,186,186,173,163,163,163,160,163,163,144,91,79,77,79,77,63,53,55,73,129,155,155,139,87,67,47,41,41,61,87,134,71,31,25,26,39,79,126,129,129,93,87,81,85,93,134,91,71,73,91,93,81,85,97,144,152,150,147,107,101,85,73,67,69,85,101,107,107,147,173,183,183,170,160,160,111,105,101,111,168,178,163,111,111,103,97,95,97,105,109,95,84,82,89,111,163,107,92,90,101,168,173,152,101,101,109,115,107,107,107,115,157,155,103,93,92,92,93,97,105,155,160,155,105,101,109,155,173,183,183,181,181,170,155,87,57,33,0,0,0,0,31,43,59,67,69,69,79,89,93,87,81,77,87,107,163,173,160,111,107,121,186,215,212,199,181,125,117,111,105,105,115,125,173,173,173,176,183,202,209,202,189,186,186,183,178,183,176,170,173,178,191,191,191,176,165,115,113,119,119,115,111,111,113,117,115,115,121,168,183,186,191,199,207,207,202,191,186,176,163,157,173,173,160,150,107,101,89,87,81,71,61,57,53,53,53,55,57,57,59,71,95,160,191,209,212,217,209,191,121,109,110,137,217,238,248,248,246,238,246,246,251,251,255,255,255,255,251,225,202,194,196,209,209,186,168,111,93,73,67,63,51,41,33,33,41,59,83,93,126,121,121,121,129,137,147,155,147,147,137,137,129,85,73,67,47,41,41,35,41,47,65,77,118,137,144,144,126,71,39,33,27,21,17,19,53,118,131,111,65,39,23,21,21,23,33,61,85,121,121,121,85,75,72,75,85,129,144,155,178,199,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,56,66,66,79,111,134,137,27,0,100,142,150,142,129,92,90,95,139,137,94,94,139,150,147,144,147,147,144,109,144,111,107,101,97,95,97,157,191,202,196,176,160,152,152,115,115,117,115,115,155,170,178,178,173,160,117,117,121,165,170,168,164,161,168,168,123,119,123,168,121,103,97,111,173,176,176,176,181,183,186,183,178,170,168,173,181,186,181,178,176,170,127,124,122,122,125,129,129,131,176,186,196,207,209,207,205,207,207,209,212,212,212,209,202,199,199,199,194,194,202,207,207,207,207,207,207,212,217,217,209,191,177,174,181,194,196,131,97,104,109,114,194,204,207,209,209,207,204,199,194,196,207,212,194,183,191,191,189,189,191,196,204,209,212,212,209,204,204,204,204,207,204,189,133,133,137,139,139,186,186,186,189,189,189,189,189,194,199,204,207,204,194,187,196,202,196,189,189,215,230,233,233,230,228,225,224,224,225,228,230,228,225,217,215,215,215,215,215,217,215,209,196,189,187,189,191,191,191,194,194,186,183,186,194,204,204,199,194,189,186,186,183,181,181,186,189,189,186,185,186,191,199,204,207,204,194,186,181,181,191,207,215,217,217,217,222,222,222,217,135,135,181,194,204,217,230,230,225,222,220,222,225,225,228,225,204,132,139,215,222,228,233,233,230,228,222,217,215,217,217,217,212,209,217,222,225,225,222,217,215,215,212,215,199,141,83,212,228,228,222,222,220,204,220,222,217,194,204,209,133,105,103,57,25,5,52,204,228,228,217,107,87,248,243,81,111,228,225,222,228,228,230,230,233,235,238,238,235,235,233,230,230,233,230,228,228,228,233,233,233,230,228,226,226,226,228,225,0,0,135,191,194,133,77,82,135,222,235,238,235,238,233,228,225,222,220,207,127,104,125,139,191,202,215,222,225,228,228,230,230,233,230,230,230,230,217,194,143,141,141,191,207,217,222,217,217,215,209,202,199,196,191,143,139,189,191,121,128,225,233,233,233,230,212,121,115,119,217,228,243,248,95,75,199,217,233,230,225,225,228,228,230,233,225,202,191,191,186,186,199,217,225,215,228,215,202,196,199,209,217,215,212,209,212,209,65,49,103,74,74,131,196,207,199,121,129,107,100,129,217,233,233,228,225,199,170,120,119,168,189,194,186,95,41,33,11,0,0,29,111,117,165,189,209,228,233,204,117,121,178,178,170,168,170,178,186,186,176,127,123,170,212,215,202,123,96,90,101,125,183,209,215,222,230,233,230,233,235,235,233,233,233,233,233,233,230,230,230,230,230,228,225,225,225,228,235,235,235,202,165,196,220,215,186,73,63,107,233,235,235,235,228,202,183,202,212,173,204,235,235,235,235,241,238,225,204,199,194,137,113,107,125,204,209,199,196,196,199,202,198,196,202,215,215,209,204,202,204,207,212,222,230,230,230,230,222,199,194,199,139,125,136,196,185,182,185,179,187,199,202,202,196,196,217,225,207,199,191,189,199,215,222,212,194,192,207,212,196,137,141,204,222,228,228,222,220,225,230,230,212,202,204,138,115,207,228,230,230,230,230,233,233,228,215,202,199,199,133,97,103,123,129,135,189,199,199,191,190,191,191,199,196,194,199,217,228,222,204,207,209,217,225,230,238,243,238,233,215,132,128,141,191,187,183,185,196,202,202,207,215,215,207,194,146,145,143,207,217,215,209,198,199,212,222,222,217,212,209,222,235,238,241,241,241,241,241,241,238,235,235,235,230,217,215,212,209,207,217,238,246,241,241,243,241,235,228,207,212,243,137,105,104,204,230,230,230,233,235,235,233,230,225,222,225,230,230,228,228,230,228,230,230,230,228,228,228,233,235,235,235,233,230,230,230,230,235,241,243,241,241,241,241,238,235,235,235,235,238,241,243,243,241,241,238,238,238,241,243,241,241,241,241,241,241,241,241,238,238,235,235,233,233,233,233,228,222,217,217,222,222,222,222,212,211,211,217,222,212,202,149,212,225,225,230,238,238,228,212,209,215,222,228,217,211,212,220,225,228,228,217,209,204,203,222,233,238,238,238,235,233,228,222,217,215,212,215,215,212,211,212,212,215,217,217,217,215,212,215,228,238,243,243,243,243,241,241,241,241,241,243,243,243,243,243,243,243,243,243,243,241,241,241,238,238,238,241,235,228,222,222,228,235,241,243,243,243,243,241,238,235,235,241,241,238,238,235,233,228,225,225,222,220,220,225,230,230,228,230,230,233,235,235,233,230,230,230,230,230,228,228,222,215,211,215,217,220,222,222,222,222,212,207,202,204,209,212,215,215,215,215,215,215,212,209,212,212,209,207,207,207,204,202,198,196,196,199,204,207,207,207,204,204,207,209,212,215,215,215,215,217,222,222,222,215,209,208,212,215,217,220,222,222,217,215,215,215,217,217,215,215,212,212,215,217,217,215,207,198,196,202,207,209,212,215,217,217,220,220,222,222,222,222,220,217,217,217,215,204,199,199,202,194,139,139,204,215,215,215,212,207,207,204,204,202,199,191,186,141,186,194,202,199,196,194,196,204,217,225,222,217,215,212,215,217,212,212,215,222,228,230,233,233,235,233,235,238,241,241,241,241,238,235,235,235,235,233,233,235,238,238,0,0,238,241,241,241,235,225,215,215,215,215,215,212,212,217,217,217,220,222,222,225,228,230,233,230,217,212,212,215,215,212,207,204,202,202,196,191,189,183,181,135,135,133,133,131,129,129,129,131,133,133,133,133,133,133,133,135,137,181,183,191,196,199,198,198,199,196,191,186,141,141,141,143,189,196,204,207,202,196,196,199,215,233,235,230,228,230,233,235,241,246,248,251,251,251,248,248,248,238,222,207,155,153,151,151,204,217,233,238,238,233,225,228,228,209,149,150,212,225,228,230,235,243,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,246,238,235,235,238,241,243,241,238,110,115,131,191,199,199,191,186,186,181,173,173,181,181,170,170,163,160,147,147,150,150,139,101,93,89,87,79,73,67,61,61,57,53,53,53,51,51,55,55,61,67,75,89,95,131,131,101,101,103,103,142,150,152,165,165,165,165,165,173,186,194,189,189,183,178,178,178,176,176,170,170,165,165,178,186,191,186,168,107,93,73,61,61,61,73,81,95,113,155,152,107,107,107,101,99,103,150,173,181,191,181,173,157,142,134,126,134,134,142,134,134,134,134,142,150,152,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,66,43,0,0,7,43,69,77,108,194,220,173,105,64,33,0,0,0,0,0,0,0,0,0,25,69,131,90,22,9,74,134,0,0,0,0,61,53,39,43,64,74,85,90,90,82,66,51,25,19,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,108,111,53,63,147,183,202,194,189,182,186,191,191,183,176,157,85,57,59,39,11,29,157,191,181,119,107,106,113,168,183,191,199,202,199,178,204,230,233,230,230,233,230,212,204,194,168,0,0,13,63,79,99,131,79,68,66,70,81,89,83,95,160,181,181,177,186,194,196,178,163,170,186,196,196,183,176,170,181,189,191,191,191,191,191,189,191,204,199,194,194,202,202,191,181,173,163,147,109,147,144,101,91,91,97,91,71,59,65,85,137,144,147,137,118,67,51,43,41,39,31,26,26,26,25,27,41,81,131,137,137,93,81,77,87,137,142,93,81,85,93,89,79,85,95,97,95,85,83,83,79,67,60,61,71,93,150,163,163,173,183,183,183,178,178,160,147,111,111,160,178,173,157,107,109,111,109,99,97,103,105,89,81,83,91,107,109,95,89,91,109,176,176,155,101,101,115,155,155,160,115,107,117,155,105,97,93,92,92,97,105,160,165,160,152,155,155,165,173,181,181,173,170,155,87,53,35,0,26,27,33,41,47,59,69,75,69,68,75,83,81,73,68,68,71,81,105,117,113,103,107,121,191,215,204,189,173,119,111,105,105,105,115,168,176,183,181,181,191,202,202,189,186,186,186,183,183,183,181,181,181,178,183,183,178,176,165,121,121,119,113,105,97,97,99,105,107,105,115,123,181,189,196,199,199,196,194,186,181,176,163,160,173,173,168,155,147,101,89,87,81,71,63,57,53,53,53,53,52,55,57,71,87,115,181,199,212,217,209,189,117,109,109,189,228,246,254,254,254,246,246,254,248,247,251,255,255,255,248,215,196,196,209,212,196,178,107,89,69,57,63,73,79,71,59,45,59,79,129,137,137,137,137,137,144,155,168,168,168,155,144,137,121,73,47,41,41,47,55,57,61,65,75,85,126,137,144,152,144,118,71,55,39,23,17,17,37,105,118,105,65,39,27,23,23,23,31,45,71,83,116,118,85,73,70,73,85,131,152,170,176,186,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,147,126,85,72,61,39,41,0,0,0,124,152,147,137,129,126,131,137,129,93,95,139,144,142,139,139,142,142,109,144,147,107,101,97,96,99,165,199,204,196,181,165,160,160,160,160,157,157,157,157,165,168,160,157,117,111,111,119,173,181,173,161,157,163,165,165,170,176,178,168,111,99,95,97,119,125,168,173,181,183,178,170,168,170,176,178,178,173,170,173,168,127,125,125,127,127,127,127,173,183,199,209,215,212,207,209,212,207,207,207,204,207,207,207,207,209,209,207,207,209,209,207,205,205,207,212,215,222,217,204,186,179,183,194,199,196,186,125,119,102,96,204,212,209,212,212,209,209,207,202,199,199,196,183,133,135,181,186,191,194,199,204,207,209,212,212,209,207,209,209,212,215,207,194,186,183,139,134,135,139,186,186,186,191,191,191,191,194,199,199,196,189,186,196,194,191,189,191,222,233,233,233,233,230,228,225,225,228,230,230,228,222,215,212,212,212,212,215,220,217,212,199,187,187,191,194,191,191,194,189,181,136,136,181,189,194,191,186,183,183,189,189,181,178,179,186,194,191,186,186,191,199,202,204,204,196,189,181,181,189,204,212,215,215,215,217,217,222,222,181,137,181,183,189,204,225,230,228,225,222,222,225,222,222,222,207,133,137,212,222,225,228,228,233,230,222,215,209,209,212,212,209,209,215,225,225,222,217,213,213,215,215,204,135,107,98,207,222,222,222,228,222,212,209,199,191,202,241,215,181,113,115,117,38,9,55,189,215,215,139,123,202,254,241,207,207,212,207,215,228,228,233,233,233,238,238,238,235,235,233,230,233,235,235,233,230,233,233,233,233,233,233,228,226,228,228,209,22,30,125,131,129,129,77,111,204,225,235,238,238,238,235,230,228,230,228,204,103,86,117,189,207,217,228,233,233,235,233,233,235,235,233,235,238,238,235,222,207,199,191,194,199,202,202,202,202,202,196,195,196,202,199,194,191,194,191,135,139,222,233,235,230,225,204,129,121,137,215,230,243,251,189,123,207,225,230,225,221,222,225,230,230,228,222,207,189,134,133,181,194,204,202,215,233,233,215,199,191,199,204,204,202,194,186,129,68,73,178,121,121,186,196,207,207,125,109,86,94,121,189,222,228,225,217,186,123,119,121,173,194,199,117,71,65,107,45,0,3,101,109,113,121,186,207,217,217,107,85,123,181,178,165,121,176,204,212,199,127,120,119,122,183,204,204,183,117,101,111,123,173,199,212,217,228,230,230,233,235,233,230,230,230,230,233,233,233,230,230,230,230,230,228,228,225,228,235,235,235,215,191,202,225,225,176,74,95,228,228,233,241,243,235,215,119,121,194,115,183,225,238,235,235,238,241,235,222,207,194,183,135,137,183,191,196,202,202,199,198,198,198,198,202,209,212,207,202,202,204,204,209,215,225,230,230,230,225,202,143,145,141,134,145,207,189,185,187,189,209,217,212,199,185,179,190,207,204,202,196,187,189,199,204,202,194,196,209,217,207,196,199,212,225,233,233,233,235,235,233,230,212,196,209,140,132,202,222,230,230,233,233,235,238,235,222,202,199,196,109,57,54,94,139,196,207,209,207,204,215,225,202,196,199,204,204,209,222,215,198,202,212,228,233,235,243,246,243,241,241,220,140,191,199,199,185,185,196,202,204,209,217,225,215,202,147,144,135,212,222,215,202,189,192,207,222,220,215,212,209,217,230,233,235,235,238,238,241,241,241,241,241,238,230,215,207,204,204,209,225,238,243,241,241,243,241,238,230,194,199,241,209,145,215,233,235,233,230,230,230,230,233,233,230,228,230,235,233,228,228,228,228,230,233,233,233,230,230,233,238,238,233,230,229,230,233,233,235,241,243,241,241,243,241,235,234,234,234,234,235,241,243,243,243,241,238,238,241,241,241,241,241,243,243,241,241,241,241,241,238,238,235,233,233,233,233,230,225,217,217,222,225,222,215,212,211,212,217,217,215,215,222,235,235,235,235,238,235,230,215,202,148,202,222,217,212,217,225,230,235,235,228,222,215,215,225,233,235,238,235,233,233,230,225,217,212,209,209,212,212,212,212,212,215,222,225,222,212,207,209,228,241,246,246,246,243,241,241,241,241,241,241,243,243,243,243,243,246,246,243,243,241,241,241,238,238,238,241,238,230,225,228,235,238,241,241,241,243,243,243,238,235,235,241,241,238,235,235,233,228,225,217,222,222,225,230,233,233,230,230,230,233,235,235,233,230,230,230,233,230,230,230,225,211,209,215,222,225,228,225,215,207,199,199,204,209,212,215,215,217,217,217,217,215,215,212,212,209,207,205,207,207,207,204,202,199,199,204,207,207,207,207,207,207,209,209,212,212,212,209,212,217,222,217,215,212,209,209,212,217,217,222,222,222,220,217,217,217,217,217,217,215,215,212,212,215,217,215,207,199,199,204,209,212,212,212,215,217,217,217,222,222,222,222,217,217,217,217,212,202,191,194,199,143,131,135,204,215,215,215,209,204,202,202,204,204,199,189,139,138,141,196,207,207,202,202,202,207,215,217,217,217,215,212,217,222,217,215,217,225,228,230,233,235,235,233,235,238,241,241,241,238,238,235,235,235,235,238,238,235,235,235,0,0,0,243,243,241,235,225,220,225,225,220,215,211,211,217,217,215,217,222,222,222,222,225,225,222,215,212,215,217,217,215,209,204,204,199,194,189,186,183,137,135,133,133,131,131,129,128,129,131,133,135,133,133,131,131,133,133,133,137,183,191,196,202,199,198,199,194,189,141,140,140,141,143,189,196,204,204,202,196,194,199,212,233,235,233,230,233,233,235,241,246,251,251,251,248,248,248,246,235,217,157,153,151,149,149,153,209,225,233,235,235,230,230,225,209,155,158,225,230,230,230,235,243,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,238,234,234,238,243,243,241,235,106,109,123,137,191,191,183,178,189,189,183,178,183,183,178,170,168,160,160,157,160,157,144,103,97,91,85,81,71,71,65,59,59,57,57,57,55,53,51,50,53,59,67,79,89,95,131,134,134,103,139,142,142,109,150,152,163,152,152,165,176,181,189,183,178,178,176,176,170,165,165,121,119,119,165,178,178,178,157,107,93,73,61,49,51,61,65,73,95,147,147,101,95,95,95,95,101,107,157,173,181,181,173,157,142,134,126,126,126,126,126,126,126,134,134,142,152,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,66,59,0,0,7,43,59,0,79,126,152,137,108,69,19,0,0,82,48,0,0,0,0,0,0,61,183,147,17,0,0,0,0,0,0,11,33,43,56,0,61,64,66,72,82,72,64,59,51,31,9,0,0,0,0,0,9,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,100,57,44,59,147,183,194,191,183,183,186,189,183,170,152,95,77,59,47,21,18,71,163,196,196,173,112,107,121,183,202,215,217,217,209,194,222,246,251,243,243,230,212,186,170,155,95,0,0,53,71,69,89,155,150,89,71,70,79,77,77,93,165,176,178,178,183,186,186,170,157,163,178,189,196,191,183,170,168,181,181,181,181,183,181,179,189,207,215,207,209,202,202,199,194,186,163,109,107,109,150,144,142,150,152,134,79,69,77,93,134,137,137,129,85,67,53,55,51,35,26,25,27,28,29,35,49,85,139,144,137,93,93,97,137,147,134,87,85,95,95,79,65,73,83,85,77,61,47,41,43,61,69,71,85,101,163,168,163,163,160,160,160,183,191,178,147,105,105,111,168,163,111,107,109,155,157,155,105,103,103,91,86,91,101,103,101,92,90,101,173,183,181,157,101,105,117,165,170,170,155,107,107,115,105,99,99,97,93,99,113,160,170,170,165,165,165,165,163,168,165,163,144,83,47,0,0,33,0,0,65,71,71,75,83,79,75,69,75,83,83,70,66,66,69,77,85,97,103,103,107,168,196,215,196,181,163,113,105,101,105,109,115,168,173,183,181,176,181,183,189,183,186,186,199,196,196,183,181,181,181,178,178,173,170,168,165,121,121,113,101,93,85,81,87,97,99,103,109,121,181,191,196,196,189,189,189,183,176,173,159,159,173,181,173,160,150,101,87,83,81,75,71,59,57,53,53,53,52,55,59,71,87,107,173,199,209,217,212,199,133,112,115,189,217,246,254,254,254,248,254,255,255,251,251,254,255,254,238,209,196,196,209,209,194,168,99,79,57,55,63,87,93,93,79,67,73,93,131,137,137,137,147,147,152,168,176,186,176,155,144,129,81,57,38,35,41,57,71,77,85,91,91,126,137,144,144,152,152,137,85,71,55,27,17,16,27,65,77,71,61,39,23,23,23,27,31,39,47,71,81,87,81,73,70,73,87,139,157,170,168,170,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,152,150,131,66,0,0,0,0,0,0,95,144,144,139,137,137,137,137,97,88,88,97,103,139,105,105,105,105,107,109,107,103,97,97,97,103,170,202,202,191,176,163,160,168,173,168,163,160,160,160,163,157,111,109,109,109,109,115,173,181,176,168,168,170,173,173,176,178,183,186,183,163,87,76,89,111,121,168,176,176,170,165,125,165,165,168,170,119,119,121,121,123,127,173,181,178,176,173,181,191,204,212,215,209,209,215,215,204,203,203,203,204,207,209,212,217,222,222,217,217,212,207,205,207,212,215,217,215,209,202,191,196,212,215,207,202,202,204,217,103,89,202,209,215,215,212,212,212,212,207,199,189,133,132,133,135,137,183,189,196,202,204,207,209,212,215,209,209,212,209,209,215,215,204,196,194,139,130,130,133,137,183,186,191,194,191,189,189,189,189,191,189,186,191,187,186,187,189,215,228,230,230,230,230,230,230,230,230,233,230,228,217,212,212,212,211,211,215,222,225,215,202,191,187,189,189,186,183,186,183,137,137,136,136,181,186,186,183,183,183,191,196,189,179,179,189,199,199,191,189,191,191,189,189,189,189,186,181,138,186,196,204,207,209,212,215,217,217,225,189,186,181,136,136,186,209,225,225,228,225,225,225,221,220,222,212,137,133,209,222,222,222,225,235,230,222,212,208,208,209,209,209,209,215,222,225,220,213,212,213,222,228,191,109,93,135,215,225,220,220,225,222,212,209,196,137,181,199,196,189,181,183,196,183,127,196,207,217,212,133,186,230,230,235,225,215,204,141,131,204,228,230,233,235,238,241,235,233,233,228,228,230,235,235,235,235,235,231,231,233,235,235,233,230,230,233,186,113,113,105,105,105,131,135,191,215,230,235,235,235,233,233,230,230,238,235,199,93,72,107,202,222,228,230,233,235,235,233,233,235,235,233,233,233,235,235,230,217,207,199,199,196,194,194,195,196,196,196,195,196,202,202,199,204,202,196,189,191,217,233,233,228,215,202,137,133,189,207,230,233,235,228,186,191,233,233,228,224,224,228,230,230,228,225,212,137,123,125,135,191,194,189,212,230,233,225,238,199,189,191,194,196,178,127,117,83,125,173,127,129,176,129,181,196,176,127,95,170,176,168,183,202,207,207,170,121,122,165,183,209,220,181,65,69,222,109,19,87,111,113,113,119,181,199,204,191,80,78,191,194,189,105,67,109,212,225,212,125,120,120,122,170,199,212,222,238,215,181,125,127,191,204,212,228,230,230,233,233,230,230,230,230,230,230,230,233,233,233,230,230,233,233,235,233,233,233,235,235,222,196,176,107,103,97,113,238,235,233,233,235,241,238,228,202,107,112,108,105,215,233,235,233,233,238,241,235,212,196,189,191,196,191,186,194,215,222,207,202,202,207,207,209,215,217,212,204,202,204,204,207,212,222,230,230,230,225,191,123,131,191,194,207,222,225,215,209,220,235,241,230,209,186,178,189,202,207,212,207,191,185,186,189,191,194,194,207,215,209,207,209,215,225,235,238,241,238,235,233,230,217,196,225,191,141,194,209,222,230,235,238,238,238,233,209,190,195,207,191,87,70,98,209,222,225,225,217,207,209,215,194,144,199,215,207,203,222,222,200,203,222,233,235,238,241,241,241,241,238,233,207,199,202,209,196,199,207,207,204,207,217,228,217,204,196,194,133,217,222,212,199,186,191,212,225,217,212,212,209,215,225,230,233,233,235,235,238,238,241,243,243,241,230,215,204,199,199,209,230,241,243,241,241,241,243,238,230,174,170,212,215,217,230,233,230,230,233,230,229,230,233,233,230,230,233,235,233,228,228,230,230,233,233,235,233,233,230,233,235,235,233,230,229,230,233,235,238,241,241,241,241,243,241,235,234,235,235,234,235,241,241,243,243,243,241,241,241,241,241,241,241,243,243,243,241,241,241,241,241,241,238,238,235,235,235,230,225,217,217,222,225,222,212,211,212,215,217,217,217,225,230,233,233,235,238,233,225,228,222,151,138,143,207,212,212,222,230,233,235,235,233,228,225,225,228,233,235,235,233,230,230,230,228,217,212,208,209,209,212,215,215,215,215,222,225,217,207,203,207,228,241,246,248,246,246,243,243,243,243,241,241,241,243,243,243,246,246,246,243,243,241,241,238,238,237,238,241,238,230,228,230,235,238,238,238,241,243,246,243,238,235,235,238,241,235,233,233,233,228,222,215,222,225,230,235,235,233,230,230,230,233,235,235,233,230,230,233,233,233,233,233,225,209,208,217,228,230,230,225,207,149,148,151,207,212,215,215,217,222,222,222,217,217,217,215,212,207,205,207,209,212,209,209,207,204,207,209,209,209,209,207,207,209,209,212,212,212,209,207,209,215,220,217,212,209,209,209,212,215,217,220,222,222,222,220,217,217,217,217,217,215,215,212,212,215,217,215,207,202,204,209,212,212,212,209,212,215,215,217,220,222,222,222,217,217,215,215,209,199,145,145,145,135,129,137,204,215,212,212,207,199,196,196,202,202,199,191,141,138,139,194,207,209,207,207,204,204,209,215,215,217,215,212,217,225,225,222,222,225,228,233,235,235,235,233,233,235,238,238,235,235,235,235,235,235,238,241,241,238,233,233,0,0,0,243,243,241,233,228,228,230,230,225,215,211,211,215,215,215,217,217,217,217,217,215,215,215,212,215,217,222,222,217,212,209,207,204,196,191,189,183,137,135,133,133,133,131,129,129,129,133,135,178,135,133,131,129,131,131,133,135,183,194,202,204,202,202,199,194,189,141,141,141,186,143,143,191,199,202,199,196,194,196,209,230,235,235,235,235,235,235,241,246,251,251,251,251,248,248,246,235,220,207,155,151,149,148,151,204,215,228,233,230,230,230,225,217,217,228,233,233,230,233,235,243,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,241,235,237,241,246,246,241,235,105,106,113,131,137,178,178,178,191,191,191,191,191,191,191,181,176,168,163,160,160,160,147,105,99,93,91,85,79,71,67,65,61,59,57,57,57,57,53,50,47,53,59,67,81,89,95,131,137,139,139,139,139,107,107,109,150,150,152,163,176,178,183,178,176,170,165,165,165,117,117,117,117,117,152,165,178,178,155,107,91,71,59,43,45,47,47,59,73,95,101,95,89,89,95,95,101,107,157,173,181,173,157,150,142,134,126,118,116,116,111,116,124,126,134,137,150,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,20,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,56,66,0,0,14,53,74,85,108,77,69,77,61,35,0,0,0,241,157,0,0,0,0,0,0,0,170,98,0,0,0,0,35,0,0,0,1,40,77,0,79,69,72,74,74,72,64,64,59,48,7,0,0,0,0,0,19,11,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,100,53,53,116,176,191,191,191,191,191,194,189,181,165,150,77,57,43,27,18,43,168,176,196,207,196,181,163,165,183,209,228,230,209,199,186,228,251,246,243,243,230,194,150,85,67,35,0,29,89,85,67,71,137,160,139,91,87,85,74,71,83,160,176,176,183,186,183,173,160,117,109,121,176,189,196,186,170,125,125,123,123,165,173,181,181,189,199,207,207,199,191,189,194,194,191,168,109,103,107,150,150,150,165,163,137,83,71,85,124,129,129,126,87,71,51,53,71,71,53,49,65,79,53,41,41,53,77,142,152,134,93,126,139,139,134,85,73,83,95,85,59,53,56,67,73,75,61,41,35,33,87,101,103,107,150,163,147,105,99,95,99,147,183,199,186,105,85,81,91,111,157,155,147,147,111,165,170,155,109,105,103,101,107,107,103,101,95,95,155,191,194,181,155,105,107,160,173,173,173,160,115,115,115,105,103,103,103,103,105,113,160,176,178,170,165,155,150,152,155,152,144,89,51,0,0,29,53,87,0,93,97,91,91,95,95,83,79,83,101,93,77,71,73,77,81,81,85,97,97,103,121,191,202,191,173,119,107,103,103,107,117,123,168,173,178,173,173,172,176,183,189,186,199,202,202,196,183,176,181,181,178,170,163,123,121,121,121,117,105,93,83,79,79,81,91,97,103,111,163,183,196,196,189,186,183,183,183,178,173,163,160,173,181,173,160,150,101,87,83,83,81,75,71,63,59,57,55,55,57,59,77,89,107,173,191,209,217,217,209,181,123,115,131,202,228,248,254,254,254,254,255,255,255,254,254,251,246,233,209,194,194,196,196,186,157,99,75,57,57,67,93,137,99,87,73,79,129,137,137,137,137,142,144,155,168,186,186,176,155,137,93,75,47,35,35,47,73,91,126,129,137,144,147,147,144,152,152,152,137,118,77,55,27,17,16,19,39,55,55,45,33,23,23,27,33,33,37,39,55,73,83,81,77,73,79,91,139,155,157,152,152,168,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,152,157,155,137,35,0,0,0,0,0,0,0,124,150,142,144,150,150,150,137,82,81,92,95,99,137,139,103,101,101,103,101,97,97,99,101,105,152,183,196,173,148,140,152,176,178,170,165,163,160,160,160,119,111,106,105,106,109,119,168,170,170,176,186,186,183,178,178,181,183,183,183,178,113,87,87,105,123,170,170,170,168,165,125,123,121,125,168,119,112,112,115,119,127,183,191,194,186,189,194,194,202,209,209,207,209,215,212,204,202,202,207,209,209,212,217,222,228,228,225,222,217,212,209,212,215,215,209,204,199,196,199,207,217,222,222,212,209,215,222,202,189,199,212,215,215,212,209,212,212,207,199,183,131,130,133,137,135,181,194,202,204,204,207,209,215,215,212,212,212,209,209,212,215,215,215,212,191,134,132,133,134,135,139,189,191,189,183,139,183,183,186,194,194,191,187,187,187,194,212,222,222,217,222,225,230,230,230,233,235,233,228,222,215,212,212,211,211,212,222,225,217,204,196,194,191,186,183,139,138,139,183,189,183,137,136,137,181,186,189,189,194,199,199,189,183,189,196,196,191,186,181,137,135,136,137,139,139,138,138,181,189,191,196,202,207,209,207,204,199,191,183,183,137,133,133,194,212,217,222,228,228,225,225,222,225,220,139,133,199,212,215,222,230,235,235,228,215,209,209,212,215,215,217,220,225,225,222,217,215,222,225,222,202,111,86,228,228,228,222,221,222,217,217,217,228,186,75,81,123,186,212,228,228,228,225,228,228,228,228,222,225,230,230,230,225,225,222,194,95,91,202,228,230,233,243,241,233,230,225,224,224,228,230,233,235,235,235,233,231,233,238,241,238,233,233,230,123,85,102,113,100,109,181,186,196,215,230,235,233,233,230,230,228,228,235,241,115,91,100,204,212,222,228,230,233,233,233,230,230,230,233,233,233,230,230,233,230,222,207,199,199,196,195,194,195,199,202,204,204,204,204,204,204,207,207,204,196,194,204,222,228,215,204,204,194,139,186,204,222,233,230,202,177,181,222,233,228,225,228,230,230,230,228,225,209,181,119,117,134,189,186,186,207,225,228,233,238,207,189,183,189,191,115,115,119,117,123,119,116,117,112,118,173,186,183,183,191,196,181,127,127,178,196,186,123,125,168,173,178,165,163,168,63,51,220,238,117,115,165,178,186,176,173,189,191,99,60,75,191,199,194,67,26,90,212,225,225,191,181,194,181,178,215,222,233,233,225,204,173,127,181,191,204,222,233,233,233,230,228,228,228,228,228,230,230,230,230,230,233,233,235,238,235,235,235,233,235,235,230,215,109,72,87,115,186,233,235,235,235,238,235,235,235,230,202,123,114,117,129,222,230,230,235,235,241,251,225,204,194,196,199,196,194,204,230,230,207,200,209,215,215,215,225,230,225,209,204,204,204,204,207,220,228,230,233,225,123,112,119,191,209,225,230,233,230,220,225,241,246,241,225,202,191,196,204,215,220,212,199,187,187,191,189,141,127,129,143,215,215,215,217,225,233,238,241,238,235,235,233,217,196,191,143,143,189,196,212,225,233,235,235,233,225,199,187,191,255,209,129,137,204,225,230,230,228,222,212,133,144,139,143,204,212,200,199,228,230,207,207,230,235,235,238,241,241,238,235,233,230,215,204,204,212,220,215,222,217,207,204,209,215,215,204,202,204,215,212,212,209,202,199,209,225,228,222,212,209,212,217,225,230,233,233,233,233,235,238,238,238,243,238,233,225,207,199,202,199,222,238,241,238,238,238,243,241,225,200,203,215,222,228,233,233,230,230,233,233,233,235,235,233,233,233,233,233,230,228,228,230,233,233,233,235,235,233,230,230,233,233,233,233,230,233,235,238,241,241,243,243,243,243,241,238,235,235,235,235,238,241,243,243,246,246,246,243,243,241,241,241,241,241,243,243,241,241,241,241,241,241,241,241,241,238,238,233,222,212,209,215,222,222,212,211,212,217,222,217,217,228,230,229,229,233,235,225,204,194,222,207,147,146,199,212,215,222,230,233,235,235,238,235,228,217,225,230,235,235,230,225,225,230,230,222,212,208,209,209,212,217,222,222,222,225,225,215,205,204,222,233,241,246,246,246,246,243,243,243,243,243,243,243,243,243,246,246,243,243,243,241,241,238,238,238,238,238,238,238,233,230,233,235,238,238,241,241,243,246,241,235,235,235,238,238,233,233,233,230,217,215,215,228,233,235,235,233,230,230,233,235,235,235,235,233,233,233,233,233,233,235,233,222,205,205,225,235,233,233,225,199,145,146,151,207,215,222,222,222,222,225,222,222,222,220,217,212,207,207,209,212,212,212,212,209,209,209,209,209,209,209,207,207,209,212,212,212,212,209,208,209,215,217,217,215,209,207,204,207,212,215,217,222,222,222,222,217,217,217,217,217,215,215,215,212,215,215,212,209,209,209,212,215,212,209,209,209,212,215,215,217,220,222,222,217,215,215,212,209,202,196,141,133,130,133,143,202,209,207,202,199,194,191,196,199,199,196,194,191,141,139,194,202,207,209,212,209,207,207,209,215,217,217,217,217,222,222,225,222,217,225,230,235,233,230,230,233,233,233,230,230,233,235,235,235,235,238,241,241,235,230,228,0,0,0,0,243,238,235,230,233,233,233,228,217,212,211,211,212,215,217,215,212,212,212,209,209,209,209,212,215,217,217,217,215,212,212,209,202,194,189,183,137,135,135,135,135,133,131,131,133,133,176,178,135,133,131,129,129,131,133,137,186,196,202,207,209,209,204,196,191,189,189,189,189,143,141,141,145,194,194,194,194,194,202,222,235,238,238,241,238,241,241,243,248,251,254,254,251,248,241,230,217,207,155,153,149,148,149,155,209,217,225,225,222,225,230,235,235,235,238,235,233,233,235,243,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,246,241,241,243,243,241,238,235,106,109,113,123,123,123,131,178,191,199,207,199,194,199,199,191,191,178,170,163,170,168,160,144,101,99,93,87,81,81,73,67,65,57,57,57,61,61,57,51,51,51,57,61,71,81,87,95,131,137,139,139,139,139,107,107,109,109,150,163,165,176,176,165,152,152,152,152,152,111,109,109,111,152,152,165,178,168,155,107,91,69,47,43,43,43,41,41,49,71,83,87,89,93,95,101,147,155,170,181,181,178,157,150,150,142,131,111,76,99,100,108,118,124,124,134,142,152,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,27,25,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,20,17,17,20,14,25,40,25,14,40,82,137,191,183,13,0,0,0,0,0,0,5,254,129,0,0,0,0,0,0,0,0,0,0,0,0,0,108,0,0,0,0,0,61,95,87,82,82,87,82,72,64,64,64,51,9,0,0,0,0,9,19,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,47,59,118,170,191,202,199,199,199,209,209,199,183,178,176,165,43,21,27,18,95,196,189,199,207,209,209,196,173,181,215,241,220,186,170,179,230,251,243,243,243,222,189,97,57,15,0,0,23,81,85,71,71,93,152,152,157,157,137,75,67,79,155,181,183,186,186,183,178,168,111,91,91,109,178,186,178,176,178,170,111,101,105,123,173,183,191,191,199,196,173,160,163,181,186,186,163,107,103,103,139,103,103,144,137,91,71,77,91,91,91,83,81,79,45,32,45,85,79,69,65,85,139,139,85,49,39,53,81,129,129,93,87,93,93,73,69,70,73,81,73,57,53,56,59,61,73,83,69,41,41,147,181,186,173,163,163,107,89,77,71,87,147,186,199,183,85,47,53,75,97,157,170,165,111,109,157,170,165,157,155,155,109,109,109,107,107,109,160,181,194,194,178,160,115,115,163,176,178,178,173,173,173,163,113,113,117,115,115,115,115,155,170,178,173,165,109,101,111,147,99,87,67,41,33,35,57,97,163,163,150,142,105,142,155,150,103,89,93,109,150,101,93,87,89,85,80,85,97,97,96,109,183,196,181,165,113,105,105,111,119,123,125,168,173,178,173,169,170,178,189,191,189,199,199,199,196,178,173,176,176,170,123,119,117,111,115,117,113,103,93,87,81,81,81,87,97,111,123,181,189,196,196,189,186,181,183,191,191,186,181,173,173,173,178,173,150,95,87,87,87,87,81,75,71,71,65,61,59,59,63,73,93,107,160,181,196,209,217,209,189,119,112,112,131,209,246,255,255,255,255,255,255,255,255,254,246,243,228,212,196,186,186,186,178,119,99,79,65,65,77,97,137,99,79,73,87,129,142,137,134,129,137,137,144,168,186,186,168,131,91,83,73,49,41,49,67,85,129,129,137,155,168,168,155,147,152,152,142,129,118,83,59,27,17,16,19,27,37,39,33,27,23,23,27,37,43,45,45,55,65,73,81,85,83,87,91,129,137,137,142,144,150,168,194,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,157,152,116,79,0,0,0,0,0,0,0,0,121,150,150,155,160,163,160,155,142,131,95,93,94,101,105,97,91,89,93,93,95,97,99,99,99,101,109,155,155,148,143,152,170,173,170,170,168,157,155,160,170,168,111,103,103,107,117,163,168,170,178,189,191,189,183,181,181,181,178,176,170,163,117,113,119,163,168,165,165,168,168,165,123,119,121,123,113,110,111,117,123,173,189,199,204,199,199,199,194,196,204,207,207,207,207,209,207,203,204,209,217,212,212,217,222,225,225,222,217,217,215,215,215,215,209,199,191,189,189,196,204,215,222,222,215,207,209,212,199,196,204,215,215,212,209,209,209,209,207,199,183,131,130,133,137,135,183,199,204,204,204,207,212,215,215,215,212,212,212,212,212,215,222,225,225,207,189,139,137,137,137,139,186,189,186,139,138,138,139,189,199,202,196,194,196,191,189,196,212,217,217,217,222,225,228,230,233,233,233,230,225,217,215,212,211,211,212,217,222,215,207,199,196,189,183,139,183,186,183,186,191,191,183,137,137,186,194,199,196,194,199,202,196,183,182,183,186,186,137,133,132,134,137,139,139,139,139,138,139,183,135,131,189,196,194,137,181,189,183,135,137,186,134,119,186,204,204,207,222,228,228,230,230,230,228,141,127,189,207,215,228,235,238,235,230,217,212,215,217,222,222,222,225,225,228,225,225,225,228,228,222,196,111,92,238,235,230,225,225,222,220,222,230,233,199,33,0,69,199,233,241,235,233,233,233,235,233,230,230,230,230,228,225,225,228,230,217,105,86,84,127,225,225,233,241,233,228,225,224,225,228,228,233,235,235,233,233,235,235,235,238,238,235,225,135,107,77,94,135,196,207,202,194,186,194,217,228,228,225,228,225,225,222,215,204,111,103,143,209,215,217,225,230,233,233,230,230,228,228,230,233,233,230,230,233,230,217,204,199,199,199,196,196,196,202,207,212,212,207,202,202,204,204,207,204,196,191,196,204,209,199,194,199,196,186,189,202,215,228,222,186,173,178,215,225,222,222,228,230,230,230,228,217,204,194,181,135,189,186,182,186,202,212,209,217,217,196,186,181,181,109,95,109,119,123,121,113,113,116,114,123,178,181,181,191,196,199,186,127,170,186,199,191,125,165,178,183,178,160,121,121,52,43,181,241,202,163,173,222,215,178,160,176,196,117,57,58,103,178,204,191,97,170,186,209,217,194,191,202,202,209,222,225,228,230,228,217,186,176,186,191,202,220,230,230,230,228,228,228,228,228,230,230,230,228,225,228,230,233,235,235,235,233,233,233,233,233,233,233,191,93,101,183,196,230,233,235,238,241,233,231,235,235,225,202,186,181,181,196,222,230,235,235,238,241,230,209,199,196,199,199,199,207,228,228,204,198,202,212,215,217,225,228,228,220,209,204,204,203,203,215,228,230,233,225,133,119,131,215,228,235,235,235,228,212,222,238,243,238,215,199,199,209,215,217,217,207,199,207,228,217,189,126,123,127,141,209,215,222,228,233,233,233,238,238,238,238,235,225,196,145,143,145,191,194,204,212,225,230,230,228,217,202,190,194,230,139,126,139,209,230,233,230,230,225,204,129,139,141,196,212,209,192,190,220,230,220,222,233,235,235,235,241,241,238,235,233,225,207,202,207,215,225,238,233,222,207,203,204,209,209,207,204,207,212,207,207,207,207,212,228,235,230,207,203,209,217,222,225,228,233,233,233,233,235,238,235,230,233,235,233,230,217,207,136,121,123,204,228,233,233,233,235,235,230,222,228,230,228,230,233,233,233,233,235,238,238,238,235,233,233,233,233,233,228,226,228,230,230,230,233,235,235,233,233,230,230,233,233,235,235,235,238,241,241,241,243,243,243,243,243,241,241,238,238,241,241,243,243,243,246,246,246,246,243,243,243,241,241,241,243,243,241,241,241,241,241,241,241,241,241,238,235,233,222,207,155,207,217,222,212,211,215,222,228,222,222,230,233,230,233,235,230,209,191,179,215,212,204,202,209,217,220,222,228,233,235,238,238,235,228,216,217,228,233,235,228,224,225,230,230,222,212,209,209,209,215,222,225,230,233,233,230,222,209,209,230,238,241,243,243,243,241,241,243,243,243,243,243,243,246,246,246,243,243,243,243,241,238,238,238,241,241,238,238,238,233,230,233,238,238,238,238,241,241,241,235,233,233,233,235,238,235,233,233,222,208,209,215,233,238,241,238,233,230,233,235,238,238,235,235,233,233,233,233,233,235,235,230,212,204,207,228,235,233,230,222,151,145,147,199,209,217,222,222,222,222,222,222,222,217,215,215,212,209,207,209,212,215,215,212,209,209,209,209,207,207,207,207,207,209,212,212,215,212,209,208,209,215,222,217,215,209,204,203,204,209,215,217,220,222,222,222,220,217,217,217,217,215,215,212,212,212,212,212,212,212,212,212,215,212,207,207,209,212,212,215,217,217,222,222,217,215,215,212,209,207,202,145,134,133,139,191,199,202,199,196,194,189,186,191,196,196,191,191,189,139,139,194,202,204,207,209,209,207,207,212,217,222,222,222,217,217,222,222,217,217,222,228,230,230,230,228,230,230,230,228,228,230,235,238,238,238,241,241,241,235,230,228,228,0,0,0,243,241,235,235,0,238,235,230,225,217,212,211,212,215,215,212,209,209,209,209,208,209,209,209,209,212,212,212,212,209,209,207,204,196,191,186,181,178,135,178,178,176,133,133,133,176,176,178,176,133,131,129,129,129,133,137,189,196,202,207,212,212,209,202,196,196,196,191,189,143,141,139,139,143,191,194,199,199,204,217,233,235,238,241,241,241,241,243,246,251,254,254,251,248,241,230,217,207,153,151,149,148,149,153,207,209,215,217,222,228,235,241,241,241,238,235,235,235,238,243,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,246,243,243,243,241,238,238,235,108,110,113,123,118,118,123,131,191,207,217,207,207,207,207,199,191,178,170,170,170,170,160,147,103,99,95,93,87,81,75,73,65,57,57,57,61,65,57,55,51,53,57,61,67,73,81,87,93,131,131,134,134,103,103,103,103,103,109,147,150,160,152,113,109,105,109,109,109,109,105,105,111,111,152,165,178,168,152,103,85,63,45,41,41,41,37,33,35,47,69,87,93,101,107,147,157,170,181,189,189,181,157,150,150,150,131,83,73,74,100,108,116,124,124,134,142,150,157,155,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,25,25,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,38,22,0,0,25,56,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,53,22,9,9,9,4,4,22,30,30,59,168,255,255,222,0,0,0,0,0,0,0,0,191,92,0,0,0,176,160,0,0,0,0,0,0,0,0,72,72,0,0,0,0,33,85,95,87,87,87,79,64,53,48,53,40,17,0,0,0,0,0,7,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,59,170,196,199,204,199,192,199,207,209,202,191,194,199,183,21,27,51,39,85,183,204,209,215,215,225,215,181,176,199,217,202,179,178,199,230,251,251,251,230,217,204,155,35,0,0,0,35,83,79,59,59,79,129,165,178,181,163,93,77,91,163,183,186,189,191,194,186,181,117,84,79,87,109,170,178,183,196,189,119,100,101,113,165,173,181,183,183,170,113,110,160,176,176,163,150,107,103,103,103,101,97,134,97,83,71,77,91,91,79,71,65,51,32,27,35,69,73,61,36,35,87,152,126,33,22,35,47,67,79,79,79,87,93,81,73,73,81,81,73,67,59,59,59,57,67,95,103,89,91,150,186,191,183,173,173,147,89,65,65,79,103,181,199,157,38,34,41,75,105,160,178,170,155,109,109,157,165,160,155,155,155,117,117,155,155,168,176,183,189,189,181,173,160,117,157,173,181,186,186,191,189,178,163,160,163,160,163,160,115,160,173,178,173,155,111,95,94,99,95,79,51,37,39,59,93,168,181,178,160,150,142,147,163,163,147,97,103,150,163,157,150,109,109,99,91,89,103,103,101,115,183,191,173,115,107,105,111,119,168,168,168,170,173,178,173,170,172,178,191,199,186,186,186,183,183,173,168,170,170,125,119,117,109,104,107,115,113,105,99,93,93,85,81,85,95,115,168,183,186,189,189,186,181,186,194,207,212,207,191,181,178,178,178,173,150,101,87,87,87,87,81,75,71,71,71,67,63,63,63,73,89,107,157,170,181,196,204,199,181,119,112,112,131,207,246,255,255,255,255,255,255,255,255,251,243,233,217,209,196,181,178,178,168,107,91,85,81,85,85,97,137,101,85,73,85,129,144,137,129,129,127,129,137,168,176,168,129,79,71,73,65,61,65,73,85,129,99,131,144,155,168,168,157,155,144,144,137,129,129,89,65,33,19,17,19,23,27,27,27,23,23,23,27,39,45,45,53,55,55,65,77,85,85,85,85,91,91,121,126,129,134,144,173,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,157,155,105,0,0,0,0,0,0,0,0,29,155,160,157,155,163,168,163,150,147,142,131,94,95,103,103,89,80,81,85,89,89,89,91,93,93,95,97,105,155,163,160,165,170,170,170,173,170,157,153,165,191,202,181,107,101,105,113,119,163,176,186,194,194,189,186,183,183,181,173,170,170,170,168,163,165,168,165,123,123,125,168,165,123,117,115,115,112,111,115,125,173,183,194,202,207,204,199,194,191,191,194,202,202,199,199,204,209,212,212,215,217,212,215,222,222,222,225,222,217,217,215,209,207,204,196,189,181,181,183,191,202,212,217,215,204,194,191,191,189,196,207,212,212,209,208,208,209,207,202,194,183,133,133,183,186,183,191,204,204,204,204,207,212,215,215,212,212,212,212,212,212,215,220,225,225,212,199,191,189,186,183,183,189,191,189,183,138,139,186,191,199,199,194,194,199,191,138,139,202,215,222,217,217,222,228,228,230,230,230,230,228,222,217,212,211,211,212,215,215,209,204,202,194,183,138,139,186,191,189,183,189,191,186,137,181,194,207,209,204,194,191,196,194,183,181,182,182,186,139,132,131,139,189,189,189,186,183,139,139,135,115,108,115,117,106,93,101,131,129,121,129,189,132,108,204,207,196,189,209,225,230,235,230,222,204,115,113,139,207,220,228,233,235,235,230,222,217,220,225,225,225,225,225,228,228,228,228,228,230,230,222,191,117,101,243,238,230,228,228,225,220,225,233,233,222,17,0,69,215,233,241,238,233,230,230,233,233,230,228,225,225,225,224,224,228,230,230,204,89,77,83,125,147,215,238,233,225,225,230,233,230,230,230,235,235,233,235,238,241,235,228,212,133,103,119,127,115,123,196,215,217,209,207,113,81,117,204,212,209,209,212,215,209,194,133,117,121,212,212,212,215,222,230,233,233,233,230,228,228,228,230,230,230,230,233,228,215,202,199,199,202,199,199,199,199,204,209,207,202,196,194,194,196,202,202,196,191,194,196,199,196,191,191,191,189,189,202,212,222,212,181,174,181,215,215,212,215,225,230,233,233,225,207,196,196,199,196,194,191,185,186,194,199,199,202,202,189,183,186,178,77,80,95,115,173,131,123,131,178,123,178,181,174,176,194,196,196,181,127,173,186,191,178,165,173,186,194,199,183,170,168,67,53,105,85,57,41,111,204,207,170,111,160,194,186,89,92,163,176,212,238,230,212,173,181,196,178,178,191,204,217,225,225,222,222,225,225,204,191,191,194,204,217,225,228,228,228,228,228,230,230,233,233,228,225,224,225,228,230,230,233,230,230,230,233,233,233,233,238,228,176,176,191,123,181,222,230,235,238,235,231,235,235,235,228,215,204,191,105,109,199,225,235,238,238,238,222,202,196,196,199,199,204,215,212,202,198,200,207,209,209,212,222,230,228,212,204,207,207,207,212,217,225,228,215,191,141,209,233,235,235,238,238,225,189,196,225,230,222,199,195,204,225,225,204,196,196,207,228,238,228,202,133,126,133,189,209,217,228,233,235,233,230,235,238,238,238,241,230,204,194,194,199,202,199,199,202,209,217,217,215,212,204,194,194,204,186,133,194,215,228,233,230,235,233,209,189,145,194,207,220,209,190,187,212,230,230,230,235,238,235,238,241,241,238,235,235,225,199,143,202,212,225,241,241,225,207,203,204,207,207,207,202,202,204,204,204,207,207,212,225,233,220,196,196,212,228,222,222,228,233,233,231,231,233,235,235,230,225,217,225,233,233,230,143,122,122,139,207,222,222,217,225,233,230,228,228,230,230,233,235,235,233,233,238,241,241,238,235,233,233,233,233,233,228,226,226,230,230,230,233,235,235,233,230,230,230,230,233,235,235,235,235,238,241,241,241,241,241,241,243,243,243,241,241,243,243,243,246,246,246,246,246,246,246,243,243,241,241,241,243,243,241,241,241,241,241,241,241,241,241,241,238,233,222,155,152,154,215,222,217,215,215,222,222,215,217,230,235,238,241,238,230,209,196,190,209,215,217,222,225,225,222,222,228,233,235,238,238,235,228,217,217,225,230,233,228,224,225,230,230,225,215,212,209,212,217,225,228,233,238,238,233,222,212,215,230,238,238,241,241,238,238,238,241,241,243,243,243,243,246,246,246,243,243,243,243,243,241,238,238,241,241,238,238,235,233,230,233,238,238,238,238,238,235,233,230,228,230,233,238,241,238,238,233,212,204,208,222,235,241,241,238,233,233,233,235,235,235,235,233,233,233,233,233,233,235,233,228,207,204,212,228,233,230,228,222,202,148,150,204,212,217,222,222,217,217,220,222,222,215,209,207,209,209,205,207,212,217,215,212,209,209,209,209,205,205,207,207,207,209,212,212,215,215,212,209,212,217,222,222,215,209,204,203,204,209,215,217,220,222,222,222,220,217,217,217,217,215,215,212,212,212,212,215,215,215,215,215,215,209,207,205,209,212,212,215,217,217,217,215,215,212,212,209,204,204,204,196,143,141,191,194,194,194,191,191,191,186,139,141,191,194,191,141,139,138,139,196,202,202,202,204,207,207,209,212,217,222,222,222,217,222,217,217,216,217,222,225,230,230,230,228,228,230,228,228,230,233,235,238,241,241,241,241,241,238,233,230,230,0,0,0,243,241,241,238,0,241,238,235,228,222,215,211,212,212,212,209,207,207,207,209,209,209,207,207,207,207,207,207,204,202,202,204,202,199,194,189,183,178,135,135,178,176,176,176,176,176,178,178,178,176,133,129,129,129,131,135,186,194,202,207,212,215,212,207,204,204,202,196,191,189,143,139,137,139,143,196,204,207,212,225,233,235,238,241,241,243,243,243,246,251,254,254,251,248,241,230,217,204,151,149,148,148,149,153,155,204,209,217,225,233,241,243,243,243,241,241,238,241,241,246,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,246,243,241,241,241,241,238,238,235,110,113,123,125,123,118,118,125,181,207,225,217,217,217,207,199,191,178,173,170,170,170,160,147,105,101,99,95,87,87,81,73,67,57,56,57,61,65,57,55,51,53,57,65,71,71,73,81,87,93,95,95,95,101,101,101,99,101,103,103,107,103,103,99,97,103,103,105,105,105,103,103,103,144,144,155,168,165,147,97,79,59,41,35,41,41,35,27,31,41,65,87,101,147,147,150,157,181,189,199,199,181,168,150,147,150,131,83,76,76,108,108,116,116,124,134,142,142,142,142,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,64,30,12,25,46,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,64,35,14,7,4,0,0,7,20,33,77,238,255,255,51,0,0,0,0,0,0,0,212,178,85,0,0,0,0,255,0,0,0,0,0,0,0,27,72,40,0,25,11,0,15,66,85,87,87,79,72,53,29,23,23,25,9,0,0,0,0,0,0,7,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,178,199,199,196,196,199,199,199,204,199,202,202,207,191,0,51,77,75,89,178,212,212,215,215,222,217,181,121,173,183,181,183,207,228,243,251,255,255,209,199,209,176,21,0,0,0,23,65,65,45,33,53,85,150,165,165,163,152,142,157,176,181,181,183,186,191,194,194,173,89,79,81,95,121,183,196,196,191,119,99,99,109,123,165,173,181,173,157,109,110,163,181,173,160,109,107,107,107,103,97,93,97,91,79,69,73,83,79,69,61,53,39,32,32,47,69,65,45,31,33,61,55,10,8,17,27,35,43,55,69,81,129,137,91,85,91,97,91,81,67,55,54,61,59,65,95,150,109,107,160,186,189,186,183,183,163,95,59,57,69,91,165,186,95,28,30,39,85,113,165,170,170,157,109,101,103,155,111,103,101,109,155,160,168,178,181,176,176,176,181,189,183,173,117,117,170,181,183,181,191,199,194,181,181,181,173,170,168,160,165,170,173,165,155,147,101,93,95,95,71,47,41,53,93,178,189,186,178,176,160,147,147,163,170,160,103,103,150,168,168,160,165,163,157,111,111,113,111,115,176,202,191,160,107,102,105,119,170,173,170,168,170,173,178,173,173,172,178,189,189,181,176,176,178,178,173,165,125,125,125,119,117,105,104,103,111,113,105,101,101,97,91,85,85,89,109,123,181,181,181,168,165,178,189,207,220,222,220,202,189,181,181,181,173,155,101,89,87,87,87,81,75,71,65,65,65,63,63,67,73,87,107,115,160,178,189,196,196,181,131,119,123,189,217,254,255,255,255,255,255,255,255,255,251,228,215,196,189,178,129,129,173,168,111,97,91,95,91,87,91,97,97,91,85,93,134,144,137,137,129,127,127,137,168,176,144,79,61,61,65,65,73,85,99,137,139,137,137,144,155,168,168,157,152,144,137,134,137,137,129,73,45,27,19,19,23,27,23,23,23,23,23,27,39,45,55,55,55,65,69,75,77,77,77,77,81,85,87,89,126,126,137,168,194 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,144,90,0,0,0,0,0,0,0,0,55,173,163,155,155,155,163,152,134,139,137,97,95,101,139,101,83,78,80,85,89,88,87,87,88,91,93,95,105,163,176,173,173,176,176,176,173,165,155,155,168,194,207,199,176,106,107,111,111,119,176,191,196,191,189,186,186,183,178,173,173,176,173,165,163,165,168,163,119,117,119,123,123,119,113,112,112,113,115,123,173,181,191,202,204,204,202,183,178,186,181,178,191,196,196,196,204,209,212,212,215,215,209,215,222,225,222,217,215,215,215,204,191,183,181,183,178,134,135,181,189,199,207,209,202,186,178,178,178,181,194,207,212,209,209,208,208,209,207,196,189,183,183,191,202,199,194,196,204,204,202,204,207,212,215,215,212,212,212,212,215,215,215,217,222,220,212,204,199,194,191,189,189,194,196,194,189,189,191,194,196,194,189,139,137,186,141,138,138,194,212,222,225,222,222,225,225,225,228,230,230,228,225,222,215,212,212,212,209,207,202,202,202,194,186,139,139,189,191,186,181,181,183,137,134,181,199,212,215,209,196,189,189,194,191,194,194,189,194,191,136,136,191,196,196,194,189,186,183,183,137,114,107,112,113,100,89,98,129,129,119,137,191,139,122,209,215,207,191,186,209,222,228,215,189,125,95,101,139,209,222,228,228,230,233,230,222,217,222,228,228,225,225,225,225,228,228,228,228,230,233,222,199,135,131,243,235,230,230,228,225,220,225,233,233,225,9,0,107,217,230,238,238,230,226,228,230,233,228,224,224,224,225,225,225,225,228,235,233,147,95,97,103,119,119,49,57,212,228,235,238,233,228,225,230,233,233,235,238,241,238,204,87,72,70,107,194,217,209,196,194,202,204,204,79,53,62,127,199,202,198,199,204,196,139,131,129,141,209,212,209,212,222,230,235,235,235,233,230,228,228,228,228,228,228,230,228,215,204,202,207,204,199,199,199,199,199,196,194,191,191,189,186,186,194,199,196,194,191,194,196,194,191,191,191,189,187,194,207,209,196,178,177,186,204,209,209,212,222,228,228,228,220,189,183,191,199,196,194,191,191,191,194,196,191,191,189,181,183,194,189,82,81,93,123,186,191,196,202,191,122,176,178,173,176,191,183,181,170,126,168,173,168,123,165,176,181,196,230,230,191,181,61,41,37,0,0,0,59,165,115,91,90,109,178,191,199,212,196,173,183,199,194,178,113,81,84,113,168,183,202,215,222,225,217,217,225,225,209,194,189,191,199,215,225,228,228,228,230,233,233,230,230,230,228,224,224,225,228,228,230,230,230,230,230,233,233,231,233,238,235,207,194,181,0,0,189,228,233,238,238,233,233,233,235,235,233,225,209,67,30,57,127,209,230,230,235,225,204,196,199,202,199,199,204,207,209,207,207,207,207,204,204,212,225,222,204,203,207,212,207,202,207,215,215,209,202,209,233,235,233,233,241,241,225,119,116,199,207,202,194,196,217,235,233,196,189,194,217,230,217,207,215,215,189,141,191,215,228,233,233,230,230,233,233,235,235,238,235,225,207,199,202,204,204,202,198,196,199,207,204,204,204,202,196,195,204,204,204,212,222,230,233,233,238,235,209,204,204,204,207,217,212,196,195,222,235,235,235,238,235,235,235,238,241,238,238,235,228,199,51,53,202,233,238,238,217,204,203,204,207,207,207,200,199,202,204,207,207,203,203,207,215,207,198,200,225,230,222,220,228,233,233,231,230,233,235,238,235,225,113,113,217,233,233,228,209,145,137,137,145,147,141,204,228,228,221,220,224,228,233,235,238,235,235,238,238,238,235,235,233,230,230,230,230,228,228,230,233,233,230,230,233,233,233,230,228,228,230,233,233,233,233,233,235,238,241,241,239,239,239,243,243,243,243,243,243,243,246,246,246,246,244,244,246,246,246,243,241,241,241,243,243,241,241,241,241,241,241,241,241,241,241,241,235,217,154,151,155,217,225,225,222,222,217,215,211,212,230,238,243,243,238,228,215,207,205,209,217,225,228,228,225,222,222,225,230,233,238,238,235,230,222,217,222,225,230,228,225,225,228,230,225,217,215,212,212,222,228,228,230,235,233,228,215,208,212,228,235,238,238,238,238,241,241,241,241,241,243,243,243,246,246,243,243,243,243,243,243,241,238,238,241,241,238,238,235,233,230,233,235,238,238,238,238,235,230,224,221,228,238,243,243,238,235,233,212,208,212,230,238,241,241,235,235,235,235,235,235,235,233,233,233,233,233,233,233,233,233,225,207,207,222,230,230,230,225,217,204,151,202,209,212,215,217,217,215,215,217,222,225,217,207,202,205,207,204,204,212,222,217,215,209,208,209,209,207,205,207,207,207,207,209,212,212,215,215,212,212,217,220,217,215,209,204,204,207,212,215,217,220,222,222,222,222,220,217,217,217,217,215,215,212,215,215,215,215,215,215,215,212,207,205,205,207,209,209,212,215,215,212,209,209,209,204,199,199,202,204,204,196,194,196,196,194,191,191,194,194,141,133,135,141,189,189,186,139,138,139,194,199,202,199,202,204,207,209,209,212,215,217,217,217,222,222,217,216,217,222,228,230,233,230,228,228,228,228,228,230,233,238,241,241,243,241,238,238,238,235,233,230,230,0,0,243,243,241,238,0,238,238,235,230,222,215,212,212,209,209,207,207,207,207,209,209,209,207,207,207,204,204,202,199,196,196,196,196,196,194,189,183,178,135,176,176,176,176,133,133,176,176,176,176,176,135,133,131,131,133,137,186,194,202,209,212,215,212,209,207,207,204,199,194,191,191,141,137,137,141,196,207,215,220,230,235,238,238,241,243,243,246,246,246,248,251,251,248,243,235,225,212,155,151,149,149,151,151,149,149,153,207,222,233,238,243,246,246,246,243,243,243,243,243,246,248,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,241,238,238,238,238,238,238,238,238,113,123,131,131,131,123,118,118,178,207,225,228,225,217,217,199,191,183,173,173,173,173,170,147,107,105,101,99,93,87,83,81,67,57,57,57,61,65,61,57,51,55,57,65,67,71,67,71,81,87,89,93,95,97,101,101,101,101,101,103,101,97,96,94,95,97,97,103,103,103,99,99,97,99,105,152,165,165,147,97,77,55,41,35,37,37,33,25,27,37,61,87,105,147,147,147,155,181,202,209,202,181,170,150,142,139,131,124,83,83,108,108,108,116,124,134,137,134,129,126,121,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,100,64,46,51,64,92,126,0,0,0,0,0,0,0,0,126,111,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,72,40,17,9,4,4,4,4,12,22,77,207,255,152,0,0,0,0,0,0,0,163,202,170,74,0,0,0,189,170,0,0,0,0,0,0,0,43,64,11,9,48,48,13,23,51,66,69,69,69,61,46,23,17,5,17,7,0,0,0,0,0,0,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,57,160,186,196,196,204,207,207,207,199,199,199,207,207,189,0,49,67,81,105,186,215,215,212,207,212,207,173,103,103,115,176,207,243,255,255,255,255,248,194,176,176,147,33,0,0,0,0,29,49,23,5,13,57,83,91,87,97,152,173,183,183,170,163,163,173,181,189,194,189,160,93,86,91,121,189,196,196,178,103,95,98,105,121,170,173,181,183,170,113,113,163,178,173,160,150,160,163,150,139,95,87,89,83,71,67,69,71,65,51,51,51,43,41,59,79,71,63,45,39,51,121,31,0,6,25,31,33,37,49,79,131,152,152,93,93,137,142,97,73,51,49,54,67,67,71,99,150,109,105,163,191,194,194,191,189,176,105,59,52,56,79,113,157,67,28,32,49,91,157,157,155,155,111,103,98,100,111,109,87,86,97,109,160,176,183,183,181,176,174,181,194,196,183,163,117,173,181,178,173,181,196,204,204,204,202,186,178,178,176,170,168,165,155,147,150,111,111,95,83,63,51,53,77,160,194,199,191,186,178,168,147,147,163,178,170,144,103,150,168,168,165,173,181,176,163,160,160,160,168,194,207,186,113,101,102,111,163,173,178,176,170,176,173,173,176,176,176,178,183,181,178,176,176,183,183,173,165,123,125,125,123,119,113,104,103,111,113,113,113,111,111,99,91,85,87,101,117,165,168,121,113,113,119,183,207,230,233,222,202,181,181,181,186,181,155,101,87,87,87,87,81,75,65,59,59,61,63,63,67,73,87,101,109,157,170,181,191,196,191,186,186,189,209,235,254,255,255,255,255,255,255,255,255,243,215,189,133,121,111,111,119,178,186,170,111,101,97,95,86,86,91,101,101,99,137,137,137,142,144,144,144,137,144,168,173,144,85,67,65,73,79,85,99,144,155,155,144,144,144,155,168,168,168,155,144,137,137,137,137,129,83,63,45,25,21,23,27,23,21,21,22,23,27,39,45,55,55,65,71,77,77,77,71,65,71,77,89,126,134,134,134,142,168,194 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,147,43,0,0,0,0,0,0,0,0,47,131,69,111,160,157,150,75,55,77,87,87,91,101,134,97,85,82,85,91,93,93,89,88,89,91,93,97,105,157,168,168,168,176,178,176,168,163,155,153,157,181,199,196,181,119,115,113,110,115,178,194,194,189,186,186,186,183,181,178,178,181,176,165,123,123,163,121,116,114,116,119,121,117,115,112,113,115,119,125,173,181,194,204,207,202,194,125,123,178,173,165,170,186,194,199,204,207,207,207,209,212,209,212,217,215,209,202,194,204,204,194,135,129,129,133,135,134,178,186,191,196,202,196,181,123,121,127,131,135,189,204,209,212,212,209,209,212,207,196,189,186,189,196,204,199,191,194,202,202,202,202,207,212,215,215,212,212,212,215,215,215,215,217,217,217,215,209,204,196,194,191,194,196,196,196,196,199,204,207,202,194,141,134,132,134,139,143,189,189,202,217,228,228,228,225,225,225,225,225,228,225,225,225,222,215,212,212,207,199,196,199,199,199,196,191,183,183,183,139,135,133,135,135,133,135,196,209,209,204,196,189,189,194,202,207,204,196,196,196,191,194,199,199,196,194,191,191,189,191,196,194,191,189,183,129,123,183,204,202,189,194,202,207,183,194,212,217,189,61,97,95,93,87,80,81,80,109,139,202,217,228,230,233,233,230,222,222,225,228,228,228,225,225,225,225,225,228,228,230,233,228,209,202,212,241,235,230,233,230,220,217,222,238,230,119,0,0,127,222,230,238,238,230,225,226,230,233,230,225,224,225,230,233,230,228,230,238,238,233,228,215,117,115,45,0,0,24,207,238,241,233,217,212,217,225,228,228,235,238,222,103,84,86,121,129,194,215,207,135,83,70,77,131,80,58,62,121,194,202,199,198,199,191,137,137,143,196,207,209,208,212,225,233,235,238,238,235,233,230,228,230,230,228,228,230,230,217,209,209,215,209,199,196,202,204,196,189,186,189,194,191,182,183,189,194,191,190,189,190,191,194,196,196,196,194,187,185,199,202,181,177,181,189,191,204,209,215,222,222,215,207,199,179,179,186,196,191,186,191,199,202,199,196,183,178,176,176,183,191,189,183,103,103,173,189,199,209,209,194,119,131,176,176,181,178,129,129,129,127,168,168,168,165,123,115,113,168,228,230,178,189,17,0,6,0,0,0,160,181,88,72,82,111,168,186,207,215,191,117,117,160,165,165,119,57,51,111,176,186,199,204,212,215,215,215,217,212,189,178,181,186,194,209,222,228,230,228,230,233,233,230,228,228,225,225,225,228,230,230,230,230,230,233,233,233,233,233,233,235,235,225,212,176,0,0,51,202,228,238,241,235,230,226,228,235,238,241,238,93,22,49,109,119,135,196,209,207,199,199,204,207,202,199,202,209,217,222,212,207,204,204,204,207,209,204,200,202,207,209,202,196,199,207,207,204,207,228,238,235,233,235,238,235,209,114,112,133,191,196,199,209,233,241,238,228,196,191,207,199,133,141,209,217,202,194,199,228,235,235,230,229,230,233,233,235,238,233,222,209,207,207,209,207,204,202,199,198,199,202,199,198,198,199,202,202,207,212,222,230,233,230,235,238,235,220,191,212,215,212,204,209,209,207,217,238,243,241,238,235,235,234,235,235,235,235,235,235,233,222,27,0,61,230,233,222,207,203,204,207,209,212,212,207,202,207,207,207,204,200,200,204,207,207,205,212,228,230,225,217,225,233,235,233,233,235,238,241,241,228,109,105,133,202,209,225,235,228,132,116,120,129,128,125,215,228,221,220,225,228,230,235,238,241,238,235,235,235,235,235,230,228,226,228,230,230,230,233,235,233,230,230,230,233,230,228,228,226,228,230,230,230,230,230,233,238,241,241,239,239,239,241,243,241,241,241,241,243,243,246,246,246,244,244,246,246,246,243,241,241,241,243,243,241,241,241,241,241,241,241,241,241,241,238,233,222,157,207,222,225,217,212,217,222,222,217,212,212,228,238,241,241,233,225,215,209,208,209,215,222,222,220,217,222,225,225,225,230,235,238,235,233,228,222,217,222,225,228,225,225,228,228,225,222,215,212,212,222,228,225,225,228,222,215,208,207,209,225,233,238,238,241,241,241,241,238,238,241,241,243,243,246,246,243,243,241,243,243,243,241,238,238,241,241,238,238,238,233,230,230,233,238,238,241,241,238,230,220,218,230,243,246,241,230,228,225,215,215,228,238,241,241,238,235,233,235,238,235,235,233,233,233,233,233,233,233,233,233,230,222,209,212,230,233,230,228,220,209,202,199,202,209,212,215,215,217,215,215,215,222,225,222,212,202,205,207,205,205,212,222,222,215,209,208,209,209,209,207,207,209,207,207,209,209,207,209,212,209,212,215,215,215,212,209,204,204,207,212,217,220,220,222,222,222,222,222,220,220,217,217,217,217,215,215,215,215,215,215,215,215,209,207,205,207,207,207,207,207,209,212,207,204,202,202,199,196,196,199,207,209,207,202,199,199,199,196,199,199,196,139,129,129,133,139,189,191,186,139,139,191,196,199,199,202,204,207,207,207,209,212,212,215,217,225,225,222,217,217,222,230,233,233,230,228,228,228,228,228,230,233,238,238,241,241,238,238,238,238,238,235,233,233,235,238,243,243,243,241,0,241,238,235,230,225,217,215,212,209,209,207,207,207,207,207,209,209,209,207,207,207,207,204,199,194,191,194,194,191,191,186,183,178,176,133,133,133,133,129,131,133,133,131,131,133,176,178,178,178,178,183,189,194,202,209,212,215,212,209,209,207,204,199,194,191,191,189,139,135,137,145,207,217,225,233,238,241,243,243,243,246,246,243,246,248,251,251,246,235,228,217,209,155,151,151,153,153,149,144,144,149,209,225,235,243,246,248,248,246,246,246,246,246,246,246,248,248,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,251,238,235,235,235,235,238,238,238,238,123,125,131,131,131,123,118,118,131,207,225,225,225,225,217,207,199,189,178,178,178,178,170,160,147,107,107,101,99,93,87,81,71,65,61,61,65,67,65,57,57,57,57,65,65,65,61,65,73,83,89,93,95,131,134,134,139,139,139,139,103,101,96,94,94,97,97,97,99,97,91,91,91,97,103,144,165,168,163,134,83,55,41,35,35,35,31,25,25,33,49,81,105,147,107,105,147,181,202,217,204,189,170,150,139,134,139,134,124,83,75,75,100,111,124,134,134,126,118,108,103,100,0,0,0,0,0,0,0,243,0,0,0,0,0,0,0,0,0,0,0,43,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,129,105,85,72,85,100,124,134,134,0,0,0,0,0,0,0,121,111,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,69,43,17,9,9,12,20,20,12,14,59,144,170,126,33,0,0,0,0,0,0,131,137,126,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,27,74,74,59,59,51,51,59,61,61,53,46,19,0,0,0,0,0,0,0,7,0,0,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,39,63,155,186,199,204,204,204,207,204,199,204,204,207,217,199,0,0,0,43,87,178,209,220,215,204,204,196,170,100,98,103,189,228,251,255,255,255,255,230,199,152,93,81,55,17,0,0,0,3,31,15,0,0,13,47,57,59,73,99,165,181,173,142,101,105,109,160,176,189,194,186,119,91,91,119,194,204,194,176,103,97,101,119,163,168,170,178,189,189,165,113,113,163,163,163,163,173,176,163,139,95,83,81,77,69,67,69,69,59,48,48,59,59,51,49,49,51,59,53,49,85,152,61,24,27,39,35,31,31,45,93,155,176,155,99,134,150,144,91,61,50,49,71,89,77,77,105,163,160,147,173,186,194,196,191,183,173,111,75,52,53,77,99,93,53,34,39,65,91,103,105,105,103,100,101,100,103,157,109,86,82,89,103,117,165,176,176,181,176,176,181,194,202,191,176,165,178,183,178,169,173,189,204,204,204,204,196,186,189,189,186,170,160,155,147,147,163,163,99,71,61,61,71,95,165,189,196,191,186,178,168,150,150,173,186,173,147,103,109,152,157,165,173,183,183,173,178,173,170,176,194,202,173,107,100,102,119,170,178,178,176,173,176,173,173,178,181,181,178,178,173,178,176,186,196,186,176,165,125,125,165,170,163,117,109,107,115,113,115,119,121,117,111,97,91,87,95,107,119,165,121,107,105,113,176,207,230,233,222,199,177,176,181,191,181,155,95,84,87,93,89,81,75,65,57,57,59,63,63,69,73,83,93,107,115,170,178,191,199,204,209,209,217,225,246,255,255,255,255,255,255,255,255,254,233,207,137,115,107,101,105,119,186,196,194,170,107,101,97,86,86,97,144,147,155,144,137,134,137,152,168,176,168,152,165,168,168,137,91,85,89,91,91,101,144,168,168,168,155,152,155,168,178,178,168,152,144,137,137,137,126,83,77,67,37,25,27,33,27,21,20,23,27,33,39,45,55,55,65,77,116,85,77,65,55,61,77,91,134,142,147,142,147,168,194 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,212,35,7,0,21,173,170,139,0,0,41,57,0,0,43,51,0,0,0,59,85,87,87,91,97,95,91,89,93,93,95,97,93,89,89,91,91,97,107,155,157,152,152,163,168,165,165,168,160,153,153,168,186,183,165,117,115,113,113,121,183,194,194,191,186,183,183,183,183,183,183,183,183,178,168,123,119,117,116,115,117,119,119,117,117,117,117,119,121,125,168,173,186,199,199,194,178,113,114,173,170,163,165,176,186,194,202,202,199,199,204,207,207,207,204,194,189,181,128,183,191,183,131,125,127,133,181,189,196,199,199,199,199,191,133,119,117,121,129,176,186,199,207,215,212,209,212,215,212,202,191,186,189,194,196,189,181,186,199,202,202,202,207,209,212,212,212,212,212,215,215,215,215,215,217,222,222,215,204,196,194,194,196,196,196,199,199,207,215,215,209,202,191,135,132,135,141,189,191,127,125,191,217,228,228,228,228,225,225,225,225,225,228,228,225,217,215,212,202,196,194,194,196,202,202,194,139,131,133,133,133,135,137,135,134,137,189,199,196,191,191,191,189,191,199,204,202,199,199,199,207,209,207,202,196,194,194,191,189,191,204,212,222,225,222,217,217,225,225,217,207,199,202,202,186,135,202,191,41,0,32,54,87,111,135,207,209,191,189,194,207,228,235,235,235,233,225,222,225,230,230,230,228,228,228,228,228,225,228,230,233,228,215,212,222,235,235,233,233,228,215,209,217,238,228,5,0,0,196,233,233,233,230,228,226,230,233,233,230,228,225,228,233,235,235,233,233,238,238,238,241,241,248,243,202,87,0,0,25,121,139,194,145,137,137,141,141,135,209,202,78,59,80,191,230,196,137,137,137,129,87,60,62,133,133,131,131,137,191,199,202,202,199,191,139,143,199,209,209,209,209,215,225,230,233,235,238,235,233,230,230,233,233,233,233,233,230,215,204,207,215,207,191,189,196,202,196,189,186,189,196,194,183,185,194,191,190,190,190,191,191,194,196,196,199,199,187,186,204,209,189,179,189,191,189,202,209,217,217,209,196,189,186,186,186,191,191,183,181,196,209,204,199,191,176,173,176,176,183,186,186,191,115,91,117,178,199,209,204,191,125,173,178,178,181,129,127,129,173,170,127,168,196,189,91,68,82,99,107,109,89,25,0,0,0,27,33,61,183,176,97,86,163,183,181,186,202,209,115,89,97,115,168,189,215,108,90,170,176,176,183,183,196,204,204,202,189,137,131,161,178,183,191,204,217,228,230,228,228,230,230,225,225,225,228,230,230,230,233,230,230,230,233,233,233,230,230,235,233,233,233,233,233,225,0,0,0,17,194,235,241,238,230,226,228,233,238,243,248,246,66,76,101,67,45,75,113,137,191,204,212,212,204,199,202,209,217,215,204,199,202,209,212,207,203,202,202,204,207,204,198,196,198,204,204,202,207,225,230,230,230,235,230,217,196,121,121,128,141,199,212,222,233,238,241,241,207,127,115,117,127,135,194,199,202,209,222,238,241,238,235,235,233,230,233,235,233,215,199,204,215,217,217,212,207,207,207,204,204,204,202,199,202,204,209,209,207,215,230,243,243,133,81,87,119,121,125,217,222,215,204,199,202,212,230,243,248,243,238,235,234,234,234,234,234,235,235,241,243,254,47,0,0,49,117,204,207,209,212,217,220,225,228,228,222,217,215,209,204,202,204,212,212,212,212,220,225,225,222,217,222,230,235,238,238,238,241,241,241,233,132,124,133,139,143,196,230,235,133,114,120,133,135,128,225,233,228,225,230,233,233,233,238,241,241,238,235,235,235,233,228,228,226,228,228,233,235,235,235,233,229,229,230,233,230,230,228,228,228,230,230,230,230,230,233,238,241,241,241,241,239,241,241,241,239,239,241,241,243,243,246,246,246,246,246,246,243,243,241,241,241,243,243,241,241,241,241,241,241,241,241,241,241,241,238,230,225,230,235,225,146,139,147,209,217,217,212,209,217,230,233,230,228,225,222,215,209,209,212,217,215,215,215,222,225,225,225,228,235,238,238,235,230,222,215,215,222,228,225,225,225,228,225,222,217,215,215,217,225,222,222,217,215,212,209,209,215,225,233,238,241,241,241,238,235,235,235,238,241,243,243,246,246,243,241,241,243,243,243,241,238,238,238,238,238,238,238,235,230,230,233,235,238,241,241,241,233,217,217,235,248,246,235,217,215,212,212,225,233,243,243,238,233,230,233,235,238,238,235,233,233,233,233,233,233,233,233,233,228,217,212,222,233,233,230,225,215,204,199,199,204,209,212,215,217,217,217,215,215,215,217,222,217,209,212,215,209,207,209,215,215,212,208,208,209,212,212,209,212,212,209,207,209,207,202,202,204,207,209,209,209,209,209,207,207,207,209,215,217,220,220,222,222,222,222,222,222,220,220,217,217,217,217,217,217,215,215,215,215,212,207,205,207,209,209,207,205,205,209,207,199,194,196,199,199,196,196,199,209,215,212,207,202,202,202,202,204,204,199,139,128,127,128,133,141,191,191,186,141,189,191,194,199,202,204,207,207,205,207,209,209,212,217,222,225,225,222,222,225,230,233,233,230,228,228,230,228,228,230,233,235,238,238,238,238,238,241,241,241,238,235,235,235,241,243,243,243,241,0,0,241,238,235,230,225,217,215,209,207,207,207,207,207,207,207,207,209,209,207,207,207,204,199,194,191,191,189,189,186,183,181,178,133,129,129,129,129,127,127,127,125,123,125,131,176,181,181,183,186,189,194,196,202,209,212,215,215,212,209,207,204,202,194,189,189,145,139,133,133,139,202,217,228,235,241,243,246,246,246,246,243,243,243,248,251,248,241,230,222,215,207,155,151,151,151,151,145,142,142,149,209,225,238,246,246,248,248,248,248,248,248,248,246,246,246,243,243,246,254,255,255,255,255,255,255,255,255,255,255,255,255,248,238,233,233,233,235,235,238,238,241,125,131,131,131,131,131,118,118,131,199,217,217,217,217,217,207,199,191,183,178,178,178,170,163,113,147,107,105,101,95,93,87,79,71,67,67,71,73,71,65,61,61,57,57,57,57,57,61,73,81,83,89,93,129,134,139,142,147,147,147,142,139,103,97,97,97,97,97,95,91,85,85,89,91,99,144,168,183,183,165,95,69,39,35,31,33,31,25,24,25,39,69,99,147,105,101,105,170,199,209,202,181,170,157,139,139,142,142,131,83,75,75,75,108,116,124,118,111,100,92,92,92,85,85,0,0,0,0,225,233,0,0,0,0,0,0,0,0,0,0,100,51,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,20,20,27,0,0,0,0,0,0,0,108,95,85,74,85,95,113,134,134,126,126,0,0,0,0,0,0,0,134,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,69,43,20,9,12,27,46,64,46,22,46,113,155,152,126,105,48,0,0,0,207,118,82,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,116,90,74,66,49,51,59,66,61,51,46,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,49,92,168,202,207,204,202,196,196,194,199,204,207,204,204,204,23,0,0,0,45,160,196,220,212,194,189,196,186,119,107,119,209,248,254,255,255,255,243,217,202,160,73,65,67,49,5,0,0,0,23,13,0,0,0,19,37,53,69,93,150,157,139,95,89,89,93,101,155,176,189,186,160,93,90,111,191,202,204,189,121,109,121,176,170,160,113,160,181,191,173,113,113,113,147,147,163,173,173,160,137,95,89,83,81,79,79,83,83,67,50,47,59,71,47,27,24,36,53,46,53,87,137,55,31,33,41,37,31,33,49,131,165,165,144,137,142,144,101,81,65,55,67,97,91,70,71,105,176,186,186,181,181,183,191,189,176,163,113,97,61,59,81,93,85,61,45,61,79,87,93,99,103,98,97,103,109,155,165,111,91,87,95,103,107,109,117,165,176,183,183,183,191,199,196,186,183,189,189,181,169,170,181,194,189,189,189,186,186,191,196,194,178,170,160,147,147,152,152,89,65,63,81,99,152,168,183,194,191,186,178,168,155,157,181,186,173,152,103,102,109,150,157,168,181,181,178,178,178,178,178,186,183,121,103,100,107,121,173,178,178,173,176,176,173,173,178,186,191,178,176,173,173,176,181,186,186,183,173,125,125,165,165,123,119,115,111,115,117,119,163,173,170,119,111,95,89,91,101,115,121,115,107,104,107,168,202,222,233,222,202,176,169,178,189,181,150,95,84,95,101,101,87,75,65,57,55,57,61,63,69,73,81,87,101,107,157,178,196,209,217,225,228,225,228,246,251,255,255,255,255,255,255,255,243,217,191,131,113,101,99,105,119,186,196,194,178,155,107,101,91,97,144,155,155,144,137,97,93,137,152,176,183,183,168,152,152,152,144,137,129,99,99,99,137,155,168,178,178,170,168,155,168,186,186,178,157,152,142,137,134,91,83,79,77,45,33,39,53,39,23,20,23,31,39,45,45,45,55,65,77,118,118,75,55,50,55,71,87,129,142,152,152,152,168,183 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,212,72,22,0,181,212,215,241,0,0,33,63,7,0,0,0,0,0,29,155,150,95,89,91,97,97,93,93,93,93,91,91,85,83,85,85,85,93,105,150,150,107,105,109,111,115,160,170,168,157,153,160,173,170,157,115,113,113,115,165,183,194,196,194,186,176,176,181,186,186,183,186,189,189,176,163,119,119,119,119,121,119,117,117,121,123,123,123,123,125,125,127,173,183,181,173,117,108,112,170,170,166,168,169,176,186,194,196,189,186,191,194,194,189,131,125,176,133,126,129,178,178,129,125,127,176,189,202,209,209,204,204,207,202,189,133,121,123,133,181,186,194,202,209,209,207,209,217,215,204,191,183,186,189,189,137,132,137,194,199,202,202,204,207,212,212,212,212,212,215,217,215,215,215,217,222,225,217,204,194,191,196,199,199,202,204,207,212,215,217,215,209,204,191,139,143,189,139,129,102,97,101,194,217,222,222,225,225,225,225,228,228,228,228,225,222,215,209,199,194,191,191,189,194,194,186,130,127,130,133,137,181,183,183,183,186,189,191,189,185,186,189,189,186,189,191,199,207,204,204,212,222,215,204,196,191,189,187,186,187,202,212,225,230,228,225,225,228,230,225,215,204,199,139,131,113,119,53,25,55,135,199,217,230,225,222,217,215,207,196,202,217,230,233,235,233,228,222,222,228,230,230,230,230,230,230,230,228,228,230,233,228,217,212,222,233,235,233,233,228,215,207,207,217,217,0,0,73,215,233,233,228,225,228,228,230,233,233,230,228,228,228,230,233,238,235,235,238,235,235,238,229,238,241,243,255,89,0,0,31,73,101,98,80,59,46,42,78,109,105,55,45,76,194,209,196,133,128,129,135,181,117,131,212,215,220,212,196,186,189,196,204,202,194,189,191,204,212,212,212,215,222,228,230,228,230,233,230,225,228,230,235,235,235,235,235,228,207,191,194,202,196,139,139,189,196,202,199,194,196,199,196,187,196,207,194,190,196,202,202,194,191,194,196,204,207,194,196,217,225,202,186,186,191,194,199,204,207,202,186,135,181,191,204,196,191,186,178,181,199,212,204,202,194,176,176,181,176,178,183,183,178,115,74,73,117,194,196,189,183,129,173,178,178,131,127,128,173,176,129,105,102,212,202,91,69,87,93,83,75,59,0,0,17,51,157,115,183,183,168,173,194,207,207,202,194,183,111,82,81,86,111,183,209,228,241,207,165,119,117,160,173,181,189,194,196,183,133,130,164,183,189,196,207,217,228,230,230,228,225,225,224,225,228,230,233,233,233,233,230,230,230,233,235,235,233,230,233,233,230,230,233,241,248,97,0,0,0,71,207,230,233,230,228,230,233,235,243,248,248,115,89,87,49,27,47,97,135,194,207,212,207,199,199,204,207,202,196,195,195,202,212,222,212,204,203,204,207,207,202,199,199,204,209,204,200,204,215,212,209,217,222,212,209,204,139,129,131,143,209,225,222,217,228,241,238,189,119,112,118,132,141,189,189,199,225,235,243,243,243,241,238,233,230,233,230,207,139,143,207,228,230,228,215,207,209,209,209,209,207,207,204,204,209,212,212,207,217,235,243,238,62,13,23,83,109,123,207,212,207,196,191,191,202,225,241,248,246,241,235,235,235,235,235,234,235,235,241,246,251,45,0,0,0,63,204,217,230,233,230,230,233,235,233,230,233,228,222,212,209,217,225,225,222,222,222,222,217,216,216,217,225,230,233,233,230,233,238,241,235,202,147,202,149,145,147,212,225,199,132,141,209,217,225,233,235,233,233,235,235,235,235,235,238,238,238,235,233,230,225,225,228,230,228,228,233,235,233,233,230,229,229,233,235,235,233,230,230,230,233,233,233,230,230,230,235,241,243,243,243,241,241,241,241,239,239,241,241,243,243,243,246,246,246,246,243,243,243,241,241,241,243,243,241,241,241,241,241,241,241,241,241,241,241,241,235,233,241,243,225,142,136,145,209,222,222,212,209,212,228,225,215,215,222,225,217,212,209,212,215,217,215,215,222,225,228,225,225,233,238,238,233,228,217,215,215,222,225,225,222,222,225,225,217,217,217,215,215,217,217,215,215,215,215,217,217,217,222,228,235,238,241,241,238,235,235,235,238,241,243,243,246,246,243,241,241,243,243,243,241,238,235,235,235,235,238,238,235,230,230,230,233,233,235,238,241,233,217,217,241,248,241,222,209,208,209,215,230,235,241,243,235,228,225,230,235,238,238,235,235,235,235,235,235,233,233,233,233,228,217,222,228,230,230,228,217,212,207,204,207,207,209,215,217,217,222,222,217,212,209,209,217,225,222,222,222,215,209,207,207,209,209,208,208,212,215,217,215,215,212,209,209,209,207,199,198,200,204,207,204,204,204,207,207,207,207,212,215,217,220,222,222,222,222,222,222,222,222,220,217,217,217,217,217,217,217,217,215,215,212,207,205,207,212,209,205,205,207,209,204,145,141,191,202,202,199,199,202,207,215,215,209,204,202,204,204,204,204,199,186,131,128,128,131,141,191,194,191,189,189,189,189,194,202,207,209,209,209,209,209,209,212,215,222,225,225,225,225,225,225,225,228,228,228,230,230,228,228,228,230,235,238,238,235,238,241,243,243,243,241,238,238,238,241,241,241,241,241,243,0,243,241,238,233,228,225,217,212,209,209,209,207,207,207,207,207,207,207,207,207,204,204,199,196,191,191,189,186,181,178,178,178,133,129,127,125,125,123,123,121,119,117,119,127,133,178,181,183,189,194,196,202,204,209,212,215,217,217,212,207,204,202,189,137,141,143,139,131,127,133,196,215,228,235,238,241,246,246,246,246,243,242,243,248,251,246,238,228,222,215,209,155,151,149,149,147,144,143,145,153,212,225,238,246,246,248,248,248,248,248,248,248,246,243,241,238,238,241,251,255,255,255,255,255,255,255,255,255,255,255,255,248,238,231,231,231,233,235,235,238,241,131,131,128,131,131,131,125,123,131,191,207,207,207,217,217,207,199,191,183,183,183,178,173,170,160,113,147,107,105,99,93,93,85,79,73,73,79,81,79,71,67,65,57,55,53,51,53,57,65,73,75,81,89,93,129,134,142,147,150,152,150,147,142,134,134,101,97,97,91,85,79,79,79,83,85,99,152,183,191,183,144,83,45,35,31,31,31,27,24,24,33,59,87,99,99,93,95,147,189,209,199,181,170,157,157,147,142,139,95,77,75,75,108,108,116,116,108,100,90,85,85,85,85,82,92,0,0,0,0,225,0,0,0,0,0,0,0,0,0,111,66,33,1,0,0,0,0,0,0,0,0,0,0,0,0,0,20,43,53,35,12,3,12,22,35,46,61,69,74,61,56,61,72,90,113,124,124,105,111,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,72,51,25,7,12,27,0,103,85,56,72,142,225,212,168,176,0,0,0,255,255,142,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,124,72,56,59,59,61,79,77,69,61,43,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,57,108,176,196,202,204,204,196,186,186,189,199,199,186,181,163,45,0,0,0,35,115,191,207,194,170,168,196,204,189,181,196,225,248,255,255,255,255,228,207,199,168,77,61,61,43,5,0,0,1,17,13,0,0,0,3,31,71,93,137,150,152,103,93,87,84,86,93,107,163,176,181,165,97,90,103,183,207,209,204,178,170,181,186,176,111,107,110,170,186,181,165,160,147,101,95,101,147,160,147,103,99,97,89,89,89,89,126,93,79,61,57,59,71,51,25,24,37,47,44,47,73,67,29,26,31,43,45,43,49,85,147,155,142,97,93,95,97,91,77,73,79,97,107,75,61,67,147,186,194,199,194,183,183,189,183,163,111,107,99,81,81,89,93,93,85,77,81,91,93,99,105,113,105,101,111,165,165,155,109,103,103,109,109,101,99,95,101,119,176,183,183,183,191,191,199,199,199,191,181,166,166,170,178,176,168,163,160,160,176,191,194,186,173,168,155,147,101,81,67,63,73,99,163,170,173,183,189,189,181,178,168,165,173,189,186,173,152,107,102,105,111,152,165,181,181,173,178,178,178,176,170,157,109,102,102,113,165,176,173,172,173,176,176,170,173,181,191,191,178,176,173,168,165,165,170,178,183,176,125,121,119,117,117,117,115,115,115,117,121,173,186,186,165,117,107,95,89,97,113,121,121,109,107,109,168,202,222,238,230,212,186,177,178,181,173,150,101,89,101,107,107,99,81,67,57,55,57,61,63,69,73,81,83,87,97,109,170,191,215,225,235,238,235,235,238,246,254,255,255,255,255,255,251,233,209,143,131,113,101,93,97,111,178,194,189,176,168,113,105,97,105,147,144,137,93,85,79,83,126,144,165,173,176,152,137,137,126,91,95,97,93,91,99,137,157,178,186,186,186,178,168,178,194,199,186,168,152,144,142,137,91,79,75,75,55,39,55,71,55,25,21,22,31,45,45,45,45,45,55,71,85,85,75,65,50,50,55,71,87,134,147,152,155,168,181 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,165,147,90,173,191,196,204,168,0,0,0,129,199,131,81,83,0,0,129,157,144,131,97,99,101,101,97,93,95,95,91,85,77,75,77,77,75,83,95,107,107,101,98,98,98,103,155,163,165,157,155,157,163,160,119,119,117,113,117,165,178,186,189,191,181,172,172,178,186,186,183,186,189,183,173,163,123,121,121,123,123,121,117,117,123,165,168,168,168,165,125,124,127,170,125,117,110,108,113,170,173,170,173,170,173,178,186,186,178,127,124,129,173,127,119,119,173,183,131,129,131,131,127,124,127,178,194,209,215,209,204,204,209,207,199,189,131,129,176,181,181,183,191,202,202,202,207,215,215,204,191,178,178,183,181,135,132,133,183,194,196,199,202,207,209,209,209,209,212,215,215,215,215,215,217,217,222,212,196,186,186,196,202,204,209,215,215,215,212,212,212,215,212,204,199,202,194,127,103,99,95,97,139,202,204,209,217,225,225,225,228,230,230,228,225,220,212,204,196,194,194,191,186,183,183,135,129,128,133,183,189,189,189,189,189,191,191,189,186,185,185,186,189,186,185,189,199,207,204,204,209,217,212,202,191,189,189,187,185,186,199,209,217,225,225,225,224,225,230,230,225,215,204,127,117,58,45,36,93,189,220,215,217,225,228,225,225,228,222,212,204,207,212,222,233,230,225,221,221,225,228,230,230,230,230,233,233,233,233,233,233,230,217,212,222,235,241,238,230,225,217,209,194,196,202,0,0,107,209,228,233,225,224,225,225,230,230,228,225,222,222,225,228,230,235,235,235,238,238,233,233,235,230,228,225,215,131,87,119,111,202,233,220,95,59,36,22,82,113,127,105,93,133,209,212,202,189,139,131,137,196,207,230,233,228,225,222,204,185,183,191,199,202,199,196,196,207,215,217,217,222,225,230,228,225,225,228,224,221,224,230,235,235,235,235,233,225,196,139,139,143,137,133,139,143,194,209,217,217,212,207,202,194,209,222,196,191,209,217,207,194,190,191,196,212,222,209,204,215,222,207,181,134,181,194,199,196,189,133,119,123,186,204,196,186,183,183,178,178,186,194,204,209,202,186,186,186,123,107,183,173,125,121,76,60,105,178,183,176,176,127,133,183,186,178,128,173,178,131,105,65,62,191,199,183,165,173,113,79,73,55,9,103,209,189,189,176,199,157,170,191,196,194,202,215,196,119,69,76,83,89,157,202,215,220,220,212,95,103,111,117,178,173,178,189,215,233,215,191,191,191,202,204,209,220,230,233,233,230,224,221,224,228,230,233,233,233,233,233,230,228,230,233,233,233,230,225,230,230,225,225,228,235,238,186,31,0,0,49,95,196,212,217,225,230,233,235,243,251,248,238,103,93,85,51,89,183,194,207,215,209,198,195,199,209,204,194,192,195,202,207,217,228,225,207,203,204,207,204,204,207,207,209,212,204,200,204,212,199,194,194,196,199,215,233,207,141,135,189,212,225,212,196,204,233,233,189,130,135,194,191,189,143,141,199,222,235,243,243,241,238,235,230,230,233,209,116,119,143,209,228,225,222,212,204,204,204,204,204,202,202,202,204,207,209,212,212,222,230,233,217,56,8,58,191,189,191,202,204,202,199,191,187,190,212,235,246,246,241,235,235,238,238,235,235,238,238,238,238,143,0,0,0,0,117,217,235,243,241,235,235,235,233,230,233,235,235,230,225,222,228,230,230,230,228,228,225,217,216,217,222,217,217,225,225,217,212,230,238,230,196,202,235,228,207,199,207,212,202,147,204,225,233,235,233,233,238,243,241,238,238,235,234,235,235,235,233,225,224,221,225,230,233,230,230,230,233,230,230,229,229,230,235,238,238,235,233,233,233,235,235,235,233,229,230,235,241,243,243,243,243,241,241,241,241,241,241,241,243,243,243,246,246,246,246,243,243,243,241,241,241,243,243,241,241,241,241,241,241,241,241,243,241,241,238,233,228,235,241,230,155,147,209,225,228,228,217,212,222,228,217,211,211,215,225,222,212,209,209,215,217,217,220,222,225,228,225,225,233,238,235,228,217,215,212,215,225,228,225,220,221,225,222,220,217,217,215,215,215,215,213,213,215,222,228,228,222,212,215,228,235,241,241,238,235,235,235,238,241,243,243,246,243,243,241,241,243,243,243,241,238,235,235,235,235,238,238,235,230,230,230,230,230,233,235,235,228,217,220,241,246,230,209,207,208,209,222,235,235,241,241,235,221,222,230,235,238,238,235,235,235,235,235,235,235,233,233,230,225,216,228,230,225,225,225,217,212,212,215,215,215,215,217,217,222,222,225,217,209,205,207,215,225,228,225,222,222,215,207,205,205,209,209,209,212,217,220,217,217,215,209,209,209,207,200,199,200,204,204,204,204,204,207,207,209,209,212,217,222,222,222,222,222,222,222,222,222,220,217,217,215,215,215,215,217,217,217,217,215,209,205,205,209,212,212,207,207,209,209,199,137,133,143,204,209,207,202,199,204,212,215,209,204,204,204,204,204,204,202,189,135,133,133,137,186,191,194,196,196,194,191,189,191,196,204,209,212,212,215,212,212,209,212,217,222,225,228,228,225,222,217,222,225,228,230,230,228,228,228,230,233,238,238,235,238,243,248,246,243,241,238,238,238,241,241,241,241,241,243,0,0,243,241,235,230,225,217,212,209,209,209,207,207,207,207,207,207,207,204,204,202,202,199,196,194,191,189,186,181,178,176,176,176,131,127,125,123,121,121,119,116,116,117,123,129,131,135,183,191,196,199,204,207,207,212,215,217,217,215,212,207,202,139,132,135,141,139,129,125,127,145,209,225,230,235,238,243,246,246,246,242,242,243,248,248,246,238,230,225,220,212,204,151,149,149,145,145,147,153,207,215,225,235,241,246,246,248,248,248,248,246,243,243,241,235,233,233,238,248,255,255,255,255,255,255,255,255,255,255,255,255,246,238,231,231,231,233,235,235,241,243,135,131,131,131,139,139,137,131,131,139,196,199,199,207,217,217,207,196,189,183,189,183,178,170,163,160,157,147,107,105,99,93,91,85,81,81,85,85,85,79,71,65,55,51,43,43,51,53,59,65,69,77,81,89,91,124,134,142,147,150,150,150,147,142,139,134,131,97,93,85,79,77,71,69,69,79,134,168,191,189,152,87,53,35,31,31,31,31,25,25,33,49,79,93,89,83,89,107,181,189,189,181,173,173,173,160,147,139,91,83,77,83,108,108,108,108,103,100,90,90,92,90,85,74,85,111,0,0,0,0,0,0,0,0,0,0,0,0,126,82,33,7,0,0,0,0,0,0,0,0,0,0,0,0,0,9,51,69,69,53,7,0,0,0,14,40,53,61,61,53,46,53,66,85,98,108,98,90,100,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,59,33,0,0,0,0,0,0,103,134,254,255,255,199,0,0,0,0,255,255,150,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,79,79,35,38,56,74,105,105,85,77,69,51,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,90,131,168,183,186,202,204,196,186,183,186,189,181,165,144,79,21,0,33,59,67,157,186,191,168,97,117,196,215,196,194,212,225,248,255,255,255,254,228,189,181,168,93,69,51,19,0,15,27,27,17,7,3,0,0,0,35,124,163,168,160,150,139,99,91,84,84,87,99,152,165,173,170,117,97,103,178,202,209,202,191,183,186,189,176,111,107,110,160,176,181,178,165,111,93,81,85,97,139,139,137,137,134,95,91,89,83,89,89,79,69,69,51,59,65,39,39,65,59,51,53,53,43,28,26,41,65,79,81,129,152,165,144,97,83,67,73,83,85,79,79,91,103,103,72,62,75,173,194,194,202,202,199,191,183,173,113,99,93,89,91,103,99,85,91,105,103,99,105,111,155,165,178,170,160,165,170,160,109,103,111,170,176,119,101,93,92,95,109,173,181,178,178,183,191,199,207,199,194,181,166,164,169,173,170,163,115,101,99,105,176,189,186,176,168,155,99,75,55,54,69,95,155,170,183,186,189,189,186,178,168,165,165,176,191,186,170,155,147,105,105,111,152,165,176,176,173,178,178,178,168,157,109,103,103,107,119,170,176,173,173,173,176,170,170,173,181,191,194,183,178,178,168,164,161,163,173,183,181,125,115,111,111,109,113,113,115,117,121,165,176,186,186,170,123,113,103,91,95,107,119,121,113,107,113,168,202,222,238,230,215,199,183,181,173,173,155,109,107,147,157,157,107,95,75,59,57,59,63,63,69,71,73,73,77,83,101,119,189,204,215,225,235,235,235,235,235,248,255,255,255,255,255,251,233,215,196,137,115,99,85,85,101,168,186,186,176,170,157,107,97,105,139,97,79,67,59,59,73,85,129,137,144,144,137,95,85,71,65,71,81,79,79,91,144,170,186,194,199,194,186,178,186,199,207,204,186,163,144,144,144,129,83,75,69,55,45,65,77,65,31,21,25,39,45,45,45,43,39,45,65,75,77,77,69,55,50,50,55,73,93,142,155,168,178,183 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,150,157,176,202,191,186,66,0,0,0,116,181,155,144,160,150,134,126,87,89,134,134,134,134,101,99,99,101,103,99,89,75,71,67,65,69,77,89,99,103,101,99,98,97,98,107,115,111,113,155,157,157,157,157,160,117,113,119,165,173,176,181,183,178,172,173,178,186,189,191,189,183,168,123,123,163,163,163,123,123,121,121,121,165,170,173,170,170,168,125,125,168,168,125,119,115,115,121,170,176,176,176,176,176,178,181,189,194,176,120,121,124,123,120,123,189,199,189,131,129,129,125,124,125,176,191,209,212,207,202,204,207,204,196,186,176,133,178,178,133,176,189,196,196,199,204,209,207,199,189,183,177,178,178,137,183,137,133,137,186,194,202,207,209,209,209,209,209,212,215,215,217,217,217,215,212,207,189,179,182,191,202,212,217,222,222,217,212,209,209,215,215,212,212,215,209,135,100,100,119,139,139,139,139,196,215,228,225,225,228,230,228,225,222,215,202,194,191,196,199,196,186,139,139,135,135,135,183,189,194,191,189,186,189,191,189,183,182,185,189,186,186,189,186,186,191,196,194,196,202,204,196,189,189,196,199,202,189,189,204,209,222,225,225,225,225,225,228,230,228,222,207,129,103,97,81,77,135,207,225,222,215,222,228,228,225,225,222,220,212,207,204,207,222,225,225,222,220,222,225,230,233,230,230,233,235,238,238,235,230,225,207,204,222,225,235,233,222,212,217,199,66,56,67,105,127,191,212,228,233,228,225,225,225,228,230,228,222,218,218,222,228,233,235,238,238,238,233,230,230,230,215,196,141,141,147,207,222,228,238,243,243,241,225,194,123,191,207,225,233,235,233,230,225,209,191,139,137,183,196,215,228,233,228,222,212,196,185,183,186,196,199,196,196,202,212,217,217,222,225,228,230,230,228,228,225,224,221,225,230,235,235,235,233,233,225,191,137,139,135,132,137,196,191,194,217,228,225,225,217,209,202,209,209,194,194,212,222,207,194,191,194,202,217,230,228,209,204,209,207,134,128,137,199,196,186,133,118,111,116,191,199,186,174,174,178,181,177,177,183,199,217,202,194,196,173,88,54,97,99,107,95,79,84,127,173,127,123,118,117,121,191,207,202,189,191,196,189,87,56,64,125,191,178,178,178,173,95,103,107,170,207,212,191,178,176,119,77,109,178,173,170,178,148,157,170,105,97,91,91,178,207,204,207,194,157,0,0,107,119,170,178,176,189,225,228,233,233,217,204,217,215,181,220,233,235,233,233,225,221,225,230,233,230,230,230,233,233,230,228,228,230,233,230,225,222,222,222,215,213,217,225,225,199,121,67,0,49,71,103,183,202,215,228,233,235,241,243,246,243,204,107,103,109,125,191,207,222,225,215,198,195,199,209,204,195,194,202,204,207,215,230,228,209,203,207,212,209,212,217,222,220,215,207,204,217,225,207,192,189,192,209,230,243,241,207,143,191,202,209,199,139,141,212,212,189,143,202,204,196,143,137,131,143,209,222,238,238,238,235,230,222,215,137,107,111,135,196,209,212,209,204,204,199,195,195,196,196,196,199,202,204,204,207,215,215,215,209,189,71,60,67,196,196,191,189,194,204,209,207,199,191,191,209,233,243,246,243,238,238,238,238,235,238,238,235,235,212,31,0,0,0,73,225,235,241,243,241,238,238,235,235,233,233,235,235,233,230,230,233,230,230,230,230,230,228,225,222,225,228,215,129,81,65,54,42,89,225,222,191,199,225,228,217,212,212,209,146,142,212,230,238,238,235,235,241,243,243,238,235,235,234,234,235,235,228,224,221,225,230,235,235,233,230,230,229,228,228,230,233,235,238,238,235,235,235,235,235,235,235,235,233,230,230,233,238,241,243,243,243,243,243,241,241,243,243,243,243,243,246,246,246,243,243,243,243,243,241,241,241,243,243,241,241,241,241,241,241,243,243,243,243,241,235,225,220,222,225,225,217,215,222,233,235,233,228,225,228,228,217,212,212,222,228,225,217,212,209,212,215,217,222,222,222,217,217,225,230,235,233,222,209,209,211,217,225,228,222,220,220,222,225,222,222,217,217,217,217,215,213,213,217,225,230,228,217,153,204,217,230,235,238,241,238,235,235,238,241,243,246,246,243,243,241,241,243,243,243,241,238,235,235,235,238,238,235,233,230,230,229,229,230,233,235,230,224,218,225,241,235,212,205,207,212,209,225,235,238,238,241,230,220,222,230,235,235,238,235,235,235,235,235,235,235,233,233,230,228,225,230,230,212,207,215,217,215,212,217,222,220,222,222,222,220,222,225,215,207,205,207,215,225,228,228,225,225,222,217,209,207,209,212,212,215,217,217,217,217,212,209,209,209,209,207,209,209,204,207,209,209,209,209,207,207,209,212,217,222,222,222,222,222,222,222,222,222,220,217,215,213,213,215,217,217,217,217,217,212,207,205,207,212,215,215,212,209,209,209,194,132,129,135,202,215,212,204,202,204,209,212,212,209,207,204,204,204,207,204,194,139,137,141,189,191,194,194,196,199,199,196,194,189,189,199,207,212,217,217,215,209,209,212,215,222,225,225,225,222,217,217,222,225,228,228,228,225,228,230,230,233,233,235,235,241,246,246,246,243,241,238,238,238,238,241,241,241,241,241,0,0,0,243,238,233,228,220,215,209,209,209,207,207,204,204,207,209,209,207,204,202,199,199,199,196,194,191,186,181,176,176,176,176,176,131,127,123,121,119,119,117,117,119,121,123,125,129,137,189,194,199,202,204,207,209,215,215,217,217,215,209,199,132,129,133,141,137,129,126,126,137,199,212,225,230,235,241,243,246,246,242,242,246,248,248,246,241,235,230,222,215,204,153,151,151,149,149,153,204,212,217,225,230,235,241,246,248,248,248,246,238,235,235,235,231,230,233,243,254,255,255,255,255,255,255,255,255,255,255,255,254,246,238,233,233,233,233,235,238,241,246,139,139,147,147,199,199,191,137,131,131,137,191,199,207,207,217,207,199,191,189,189,189,178,170,170,163,163,160,147,107,101,99,93,87,85,85,85,87,85,79,71,61,51,41,41,43,51,53,53,59,65,73,81,81,81,87,121,129,134,142,147,147,147,142,139,134,131,97,95,91,83,73,65,59,57,63,79,134,168,176,144,83,45,33,31,35,31,27,27,31,39,59,75,85,81,79,85,97,150,173,181,181,178,181,189,178,157,139,97,89,89,89,83,108,108,100,100,100,90,92,98,92,85,85,85,111,137,0,0,0,0,0,0,0,0,0,0,121,92,40,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,43,59,53,43,3,0,0,0,3,27,35,46,53,59,46,53,74,85,85,85,74,79,98,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,255,255,217,0,0,0,0,251,144,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,7,9,15,15,21,35,0,0,0,113,82,77,66,59,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,105,139,170,183,186,194,194,194,186,183,178,178,170,163,101,45,0,0,53,103,109,157,183,170,69,77,160,204,215,181,170,204,225,248,255,255,255,255,228,142,150,163,134,129,67,0,0,31,49,43,17,5,0,0,0,0,49,147,178,178,168,155,150,150,99,91,86,87,93,101,115,117,176,176,119,107,165,194,209,207,202,194,183,178,176,163,111,157,163,168,173,160,105,95,87,75,73,81,101,139,142,142,142,95,95,77,49,51,63,63,61,57,42,41,59,118,129,85,71,65,59,53,45,45,61,79,129,139,137,144,152,144,129,91,79,65,67,75,79,77,79,91,97,91,83,81,101,173,194,194,194,202,202,191,160,107,107,99,81,78,87,157,111,65,63,91,157,157,157,160,165,181,186,186,181,178,176,165,109,109,160,183,186,160,101,93,93,101,119,168,173,170,173,181,191,199,207,199,194,181,176,176,178,178,173,170,157,99,95,101,160,186,186,176,160,111,81,53,50,55,83,157,173,189,194,194,191,189,191,186,168,163,165,181,196,186,170,155,152,111,105,109,157,173,173,173,170,178,178,178,168,117,109,109,113,121,168,170,176,178,178,176,170,168,168,178,191,204,202,189,178,170,168,168,168,166,173,186,186,125,111,105,105,105,113,115,115,121,123,170,186,186,186,173,165,119,109,95,95,107,113,115,107,107,107,121,196,222,230,222,215,199,183,176,173,160,155,150,157,170,178,170,157,101,81,71,65,65,63,61,63,69,69,67,66,69,87,109,173,186,196,204,222,241,238,228,228,238,251,255,255,255,255,255,246,233,225,202,129,101,83,80,91,113,176,178,176,176,176,111,97,97,91,77,61,49,45,45,67,79,83,85,124,134,91,77,61,47,41,41,47,59,73,91,147,178,194,204,204,204,199,194,194,204,212,212,204,183,163,150,150,137,89,75,69,63,55,65,71,69,39,25,25,43,45,43,45,39,29,31,55,71,77,77,71,65,55,50,55,65,87,137,155,173,183,189 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,152,241,204,173,126,0,0,0,92,150,173,160,147,150,147,139,124,81,81,137,139,134,98,97,98,101,139,150,152,93,79,65,57,55,65,79,87,91,97,97,99,99,99,103,111,111,108,109,115,155,155,157,160,157,115,111,115,160,168,173,178,181,178,174,176,183,189,191,194,189,178,123,121,163,170,170,165,123,121,123,165,170,173,176,176,173,173,170,168,170,178,178,170,127,127,170,173,178,181,183,183,181,183,181,181,189,196,189,127,124,125,125,127,186,215,212,194,178,131,129,125,124,124,129,178,196,204,207,204,202,202,196,191,181,176,178,178,133,132,181,196,191,189,194,196,196,194,189,189,189,181,178,181,191,202,194,137,133,137,186,199,207,209,209,209,207,207,209,212,215,215,215,215,209,202,194,186,182,183,191,204,217,222,222,222,217,212,209,212,212,215,215,215,217,217,207,143,143,189,141,121,82,77,103,209,222,228,230,228,225,222,215,207,199,191,189,191,196,204,204,189,137,135,135,137,139,186,191,191,189,186,186,189,194,189,183,181,186,194,194,191,191,185,183,186,189,189,189,196,199,194,186,189,204,209,212,204,204,212,217,225,228,228,228,228,228,228,228,228,222,207,183,129,139,133,117,137,204,222,217,215,222,230,230,228,222,222,222,217,209,202,200,207,217,225,225,220,220,225,230,233,233,230,230,230,238,238,233,222,202,141,137,199,199,212,204,189,143,133,87,45,50,87,135,196,199,215,230,233,230,228,228,228,228,228,225,221,218,218,222,228,235,241,241,235,230,225,222,217,204,147,141,143,196,212,222,230,233,238,241,241,241,238,230,220,217,228,233,235,235,235,233,228,215,189,139,183,186,194,207,222,228,215,191,189,194,191,189,191,196,196,192,194,207,217,222,217,222,225,230,233,230,228,228,228,225,225,225,230,233,235,233,233,233,225,141,133,135,135,135,191,209,199,191,212,222,225,228,228,217,202,199,196,191,196,207,209,207,199,191,191,199,215,230,228,207,196,199,199,137,134,189,196,186,135,133,125,119,129,186,194,189,173,170,176,189,186,178,181,194,207,202,194,194,183,119,103,91,71,74,89,101,129,186,131,119,118,115,115,176,225,230,222,215,212,215,215,204,125,121,123,111,87,183,183,183,181,173,117,178,194,186,170,176,186,160,72,85,109,157,163,170,156,165,189,204,183,103,88,157,196,191,199,202,157,0,0,67,163,178,181,178,181,207,222,230,225,222,215,215,199,95,199,230,235,233,233,228,225,228,230,230,228,228,230,233,233,230,228,228,230,230,228,225,220,217,215,215,213,215,220,220,196,176,129,107,117,101,111,183,191,202,217,230,235,235,235,238,241,225,129,117,119,133,202,217,228,228,217,204,199,199,202,195,195,196,199,199,202,209,217,212,207,207,212,222,228,230,230,230,228,222,212,209,217,222,207,196,192,202,225,238,248,246,225,202,194,189,139,139,137,141,194,189,142,191,207,207,199,143,135,130,139,194,141,199,217,230,225,209,199,143,119,108,113,194,204,204,202,196,194,196,196,194,194,195,199,202,207,209,209,207,204,209,215,209,133,60,57,79,204,204,202,194,185,185,199,215,215,207,199,199,209,225,235,241,243,241,235,238,238,235,235,238,233,222,83,0,0,0,41,202,238,241,241,241,238,238,238,235,235,233,233,235,233,230,230,233,233,230,228,228,230,230,230,230,228,233,230,212,97,51,38,23,3,59,113,202,194,195,204,217,222,225,225,215,149,151,230,235,238,238,235,235,238,241,241,238,238,238,235,235,235,233,225,224,225,233,235,235,235,235,233,230,229,228,229,230,235,238,238,235,235,235,235,235,235,233,233,235,233,230,233,235,238,243,246,246,246,246,246,243,243,243,243,241,243,243,246,246,243,241,241,241,243,246,243,241,241,243,243,241,241,241,241,241,241,243,243,246,246,241,235,225,213,212,212,217,222,222,228,235,241,238,235,233,230,230,222,215,217,228,233,230,222,215,212,212,212,215,217,222,222,213,215,225,230,233,230,222,212,211,209,212,222,228,225,220,220,222,225,225,222,222,222,225,225,222,215,213,220,228,230,225,209,153,153,209,222,230,238,241,241,238,238,238,241,243,246,246,243,243,241,241,241,243,243,241,238,238,235,238,238,238,235,230,229,230,230,229,230,235,235,228,221,220,228,238,230,209,205,208,217,222,230,238,238,238,233,225,218,225,233,235,238,238,238,235,235,235,235,235,235,233,233,230,228,230,233,222,143,140,202,215,217,217,222,225,225,225,225,222,222,222,222,215,209,207,207,209,222,228,228,228,228,225,222,215,212,212,212,215,217,217,217,217,217,215,212,209,209,212,212,215,215,212,212,215,215,212,209,207,207,209,215,222,222,222,222,222,222,222,222,222,222,220,217,215,213,215,215,217,217,217,217,215,212,207,207,212,215,217,215,215,212,212,209,199,133,126,127,143,209,212,207,204,204,212,215,215,209,202,199,199,202,207,207,199,189,186,191,196,196,194,194,196,196,199,199,194,189,189,196,207,215,222,217,215,209,209,212,215,217,222,225,222,217,217,217,217,222,225,225,225,225,228,233,233,230,233,235,238,241,243,246,243,241,235,234,235,238,241,241,241,238,238,241,241,243,0,246,241,235,230,225,215,212,212,209,209,207,204,204,207,209,209,207,202,199,199,199,199,196,194,191,186,181,178,176,176,176,176,173,129,125,121,119,121,121,121,121,119,119,121,127,135,183,191,194,199,202,207,209,212,215,215,215,215,207,196,139,133,135,139,137,131,127,127,137,147,202,209,225,233,238,241,246,248,243,241,243,248,251,248,243,238,233,228,217,209,155,153,153,153,153,155,207,212,215,220,225,230,238,243,248,248,248,243,231,229,230,233,231,233,238,246,254,255,255,255,255,255,255,255,255,255,255,255,255,251,243,238,235,235,235,235,238,243,246,147,147,199,207,217,217,207,191,137,131,137,191,196,199,207,207,207,199,191,189,189,191,178,178,170,170,168,168,160,144,105,99,93,87,85,85,87,91,85,79,71,59,49,41,41,41,51,49,53,55,61,67,75,75,75,77,83,89,121,131,134,139,139,139,134,131,126,95,95,89,83,69,63,49,43,43,57,77,126,134,91,69,43,35,35,37,33,31,31,33,43,59,75,79,79,75,83,91,107,155,181,181,189,191,196,191,178,157,139,101,95,89,83,83,77,103,103,103,100,100,100,92,85,85,92,111,118,134,0,0,0,0,0,0,0,0,0,87,51,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,3,3,0,0,0,0,0,20,35,0,0,0,69,95,105,103,90,53,56,66,79,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,235,233,194,155,0,61,95,105,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,13,53,72,0,0,0,0,95,82,66,51,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,105,165,191,191,183,183,191,194,186,178,176,176,178,178,152,49,0,0,53,113,165,176,183,157,41,52,178,212,186,111,157,204,238,248,255,255,255,255,222,85,85,95,91,144,126,13,3,25,45,43,21,11,3,0,0,0,11,91,176,186,178,163,150,147,105,99,97,97,95,95,99,152,181,186,170,155,168,183,194,202,202,194,178,170,168,157,157,168,170,176,168,105,91,85,85,71,65,73,91,101,137,137,131,95,89,49,36,36,41,44,49,43,39,39,45,73,83,73,65,65,61,59,63,71,85,129,139,147,137,87,71,71,71,71,59,49,55,73,77,79,83,91,91,91,91,99,147,163,186,199,202,199,194,160,84,83,97,97,79,74,83,105,79,55,57,77,105,160,160,157,165,181,186,181,178,186,178,176,165,160,170,186,191,173,117,101,109,119,168,173,168,168,173,181,191,199,199,199,199,189,186,189,189,189,189,178,163,105,105,115,165,176,178,176,170,111,71,52,52,73,147,173,189,196,204,196,186,186,186,186,168,163,165,181,191,183,160,152,152,109,101,109,157,173,168,163,165,170,170,170,163,117,115,115,121,168,173,170,176,178,181,176,168,165,166,183,204,207,202,183,176,170,170,176,176,170,173,186,186,125,111,103,102,105,117,123,121,121,123,173,186,186,186,176,170,123,111,101,95,101,107,109,101,101,99,117,194,220,222,220,215,194,178,157,113,109,150,160,173,178,181,181,168,139,87,75,69,65,61,59,63,65,69,66,66,69,79,103,119,170,173,178,199,228,235,217,217,228,235,246,254,255,255,255,255,251,243,217,137,105,83,78,85,111,176,178,176,176,170,105,85,81,75,57,45,39,35,39,49,67,71,79,85,89,77,57,47,41,38,35,38,49,73,99,144,168,186,194,204,204,204,204,207,212,215,222,215,199,178,165,163,144,95,79,73,69,65,69,71,65,39,25,31,45,39,39,39,31,28,31,55,71,77,77,71,71,65,65,65,69,83,95,147,168,186,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,157,134,189,131,0,0,15,157,160,165,176,170,144,137,142,142,126,75,75,139,144,137,98,96,98,98,101,147,157,93,79,51,51,51,57,75,83,87,89,89,91,97,103,113,160,155,111,111,115,115,115,115,115,113,109,105,109,117,163,168,173,176,176,176,178,181,183,186,189,183,173,163,123,168,176,178,170,123,121,165,176,181,181,183,186,183,183,178,176,178,183,183,178,170,170,176,178,181,183,186,186,186,189,186,178,178,183,176,125,125,127,129,176,196,215,209,191,178,176,131,127,124,124,124,124,178,196,204,204,199,194,191,186,183,178,178,176,133,178,191,199,183,178,178,178,178,135,135,181,189,186,178,183,199,207,204,186,133,133,181,191,199,207,207,207,207,207,209,212,212,212,212,207,202,191,186,189,191,191,196,207,217,217,215,212,212,209,209,212,212,215,215,212,213,217,217,212,207,204,196,137,85,73,78,98,191,220,230,225,212,207,202,194,191,189,191,191,196,204,202,139,129,131,135,139,186,189,191,189,186,186,189,196,202,199,191,186,191,202,202,196,191,186,185,191,196,191,191,196,202,199,189,186,199,207,209,207,207,212,222,228,228,228,228,228,228,228,228,225,215,204,194,189,199,196,129,131,199,212,215,215,222,230,230,228,222,222,222,222,215,202,199,199,212,222,222,220,220,225,230,230,228,228,228,233,238,238,228,199,132,129,127,128,129,143,143,125,121,121,111,105,129,186,189,194,204,217,233,235,233,230,230,230,228,228,225,222,222,222,225,230,233,238,235,222,209,204,202,149,147,145,147,202,217,230,233,230,233,233,233,233,235,238,233,225,222,228,230,230,230,233,233,228,215,189,186,191,191,191,199,209,212,189,125,128,196,202,196,202,204,199,192,194,209,222,225,215,215,225,233,233,230,228,228,228,228,228,228,230,233,233,233,233,235,225,135,129,133,139,189,202,209,202,139,191,212,217,222,225,215,194,139,137,183,189,194,194,202,199,196,194,196,207,217,215,202,189,189,191,186,191,199,196,181,131,137,199,204,181,98,98,196,178,166,172,199,196,186,183,186,191,199,196,199,207,212,215,129,71,70,83,121,217,207,102,114,119,119,125,220,238,235,230,225,225,222,225,235,243,220,176,97,56,189,186,183,178,123,111,111,116,117,121,181,215,215,157,97,157,165,168,170,165,183,215,222,209,160,85,91,165,186,207,225,103,0,11,173,181,186,191,189,194,202,170,176,209,209,53,55,0,0,69,225,233,233,233,230,228,228,230,228,228,228,228,230,233,230,228,228,230,230,228,222,215,215,215,217,215,217,222,217,176,128,178,194,225,215,204,194,189,189,202,225,235,235,234,235,241,228,181,121,121,135,204,217,222,222,217,212,209,207,202,194,195,196,194,195,204,207,204,199,202,209,217,230,238,241,238,235,233,225,215,209,202,196,199,204,204,212,230,238,246,241,225,202,191,131,125,130,191,196,191,142,141,189,199,202,202,199,191,138,139,137,123,113,106,141,207,191,143,139,127,118,137,209,215,202,194,148,148,199,199,196,196,202,207,215,222,222,217,212,209,207,215,207,133,66,67,215,217,204,207,202,186,186,202,222,222,207,199,199,199,189,207,230,235,238,235,235,238,238,238,238,230,204,81,15,1,19,129,241,238,238,238,238,238,235,235,233,233,233,233,235,233,233,230,230,230,230,228,226,228,230,233,235,235,235,233,235,228,139,127,113,67,65,113,202,196,196,204,215,228,233,233,222,212,222,238,241,238,238,235,233,235,238,238,238,238,241,238,238,238,233,228,225,228,235,238,235,235,235,235,230,229,230,230,235,238,241,241,235,235,235,238,235,235,233,233,235,233,233,235,238,243,246,248,248,248,248,246,246,243,243,241,241,241,243,246,246,243,241,241,241,246,246,246,243,243,243,243,243,243,241,241,241,241,241,243,243,243,243,235,228,213,211,212,217,225,225,230,235,241,243,241,238,235,230,225,217,222,228,230,228,222,217,215,212,209,212,217,222,217,212,215,225,230,230,230,228,225,212,208,209,215,228,230,225,220,222,222,222,222,222,225,230,233,228,217,215,222,228,228,215,155,152,151,153,212,228,235,241,241,238,235,235,238,241,243,243,243,243,241,238,241,241,243,243,241,238,238,238,238,238,233,229,229,230,230,230,233,235,235,230,224,224,230,235,230,215,209,215,225,230,233,238,241,238,230,221,220,228,235,238,238,238,238,235,235,233,233,233,233,233,233,230,230,230,228,204,131,130,147,215,225,225,225,225,228,225,222,217,217,222,225,217,212,209,207,207,215,222,228,228,228,225,222,217,215,215,215,217,217,222,220,217,217,217,215,215,212,215,215,217,217,215,217,217,217,215,209,209,209,212,215,222,222,222,222,222,222,222,222,222,222,222,217,217,215,215,215,217,217,217,217,215,212,212,212,215,217,217,217,215,215,215,215,207,143,127,126,135,204,209,207,204,207,212,215,212,207,196,195,196,199,202,204,199,194,191,196,202,202,199,196,194,194,196,196,194,191,191,202,209,217,222,220,215,212,212,212,217,222,222,222,217,217,217,217,217,217,222,222,222,222,228,233,233,233,233,235,238,241,243,246,243,238,233,233,235,238,241,241,238,238,238,238,241,243,246,0,243,241,233,228,222,215,212,212,209,207,204,204,207,209,207,204,202,199,196,196,196,196,194,189,183,181,178,176,133,133,133,173,129,127,125,125,125,125,125,123,119,119,121,125,133,137,186,189,194,199,204,209,212,215,215,215,209,204,199,196,145,141,139,135,131,127,127,135,143,147,199,212,225,233,238,246,248,243,242,243,248,251,248,246,241,235,230,225,215,209,204,204,155,204,204,207,209,212,215,217,225,233,243,248,248,246,238,230,228,231,235,238,238,243,251,254,255,255,255,255,255,255,255,255,255,255,255,255,254,248,241,241,241,238,238,241,243,246,147,147,199,207,225,225,217,204,191,191,191,191,199,199,199,202,199,196,189,183,189,189,178,170,170,170,170,168,163,147,107,101,97,91,87,87,91,91,85,79,71,59,49,41,41,41,43,43,43,45,55,61,65,67,69,69,75,77,83,87,124,124,124,126,126,124,89,85,83,79,73,65,59,49,41,37,37,47,65,71,69,55,39,41,41,41,37,33,33,35,43,61,73,79,81,73,73,85,101,150,181,189,204,209,215,207,191,176,157,139,131,95,85,83,108,108,108,108,108,108,100,85,85,85,92,92,85,85,0,0,0,0,0,0,0,0,0,53,33,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,121,35,38,48,59,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,165,176,157,98,17,0,9,25,17,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,118,0,0,0,0,0,0,0,66,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,181,209,199,178,176,183,183,183,173,170,178,186,189,165,65,3,0,35,101,176,183,176,93,21,44,191,202,115,97,168,215,238,246,255,255,255,254,212,147,79,53,17,47,85,53,25,25,35,41,27,15,11,11,0,0,5,69,150,178,183,173,155,139,105,107,152,152,103,93,93,152,183,191,181,168,168,173,176,186,194,186,173,157,157,155,155,168,178,181,168,103,83,82,87,73,61,61,75,87,89,89,89,89,89,55,37,37,41,43,45,43,42,43,51,59,53,51,59,67,73,79,81,121,129,129,129,139,137,79,64,64,69,63,43,38,43,67,83,91,97,101,91,89,97,109,163,168,186,199,209,202,191,105,77,76,89,101,91,81,91,93,70,58,65,99,109,157,160,160,170,181,181,176,170,170,176,178,176,176,178,186,186,178,168,168,176,183,183,173,168,168,173,181,189,199,199,199,199,194,191,191,196,202,194,173,155,160,168,170,176,176,176,183,183,150,71,59,75,152,173,181,181,196,199,186,168,163,168,168,168,165,168,181,189,178,152,103,103,95,93,101,157,168,168,163,163,165,170,170,160,117,117,157,165,173,173,170,176,178,181,176,168,164,166,186,204,207,194,178,170,170,178,176,176,176,173,183,183,173,119,105,105,109,123,168,168,123,123,170,186,186,186,183,170,165,115,101,95,95,97,95,93,93,95,113,189,215,220,220,212,191,173,109,95,95,103,157,178,178,178,170,157,101,81,71,65,59,59,61,67,71,73,71,69,69,79,99,109,113,115,119,178,207,217,207,207,217,228,235,251,255,255,255,255,255,254,233,194,113,91,85,91,111,168,176,168,168,155,91,71,65,61,45,37,35,35,34,41,49,57,71,77,75,59,47,47,49,55,41,41,65,81,99,144,155,178,186,194,204,204,207,212,222,222,222,222,204,191,178,173,155,129,83,75,73,71,71,71,55,39,31,39,45,43,39,39,31,26,28,55,75,77,77,71,71,71,77,77,77,75,87,103,165,194,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,183,155,155,144,46,0,0,85,147,157,163,170,168,126,121,139,144,131,69,69,134,139,137,99,99,101,99,97,105,152,103,83,49,55,53,26,65,85,89,89,88,89,95,105,152,165,165,155,155,155,115,111,109,109,105,101,101,105,113,119,163,168,168,170,176,176,173,170,170,170,168,168,165,165,168,173,173,168,163,163,168,181,183,181,186,194,191,189,181,176,178,183,183,178,170,165,165,170,176,178,181,181,183,183,178,170,127,125,119,115,117,125,170,178,189,196,196,186,178,176,173,129,127,127,124,123,127,186,199,196,191,183,183,183,183,178,173,133,133,181,191,194,183,131,125,124,124,125,125,127,178,181,129,135,191,199,202,191,133,131,137,186,191,196,199,202,204,207,209,207,207,207,204,202,196,189,183,194,202,196,199,212,217,215,208,207,205,205,208,212,215,217,215,212,212,213,217,217,217,215,212,215,207,103,80,76,103,135,212,212,199,191,189,189,189,191,194,194,194,199,191,123,121,125,137,189,194,194,191,186,183,183,189,199,207,207,199,194,196,202,202,196,194,194,199,207,212,207,202,202,202,199,191,186,189,196,199,196,194,202,215,228,230,228,228,228,228,228,225,222,215,207,199,194,196,194,133,133,194,207,212,215,225,230,230,228,225,225,222,222,217,209,200,200,207,217,222,222,222,228,230,228,222,225,230,233,238,233,212,139,141,139,133,130,133,202,207,189,139,196,212,228,228,215,204,204,212,222,233,235,235,233,233,233,233,230,230,230,230,230,233,233,233,230,215,196,147,147,149,149,204,207,209,215,225,233,233,230,230,228,226,228,233,233,225,218,218,222,228,228,228,230,230,222,202,191,194,196,189,186,189,191,186,132,124,128,202,202,194,204,212,204,194,196,209,225,222,212,211,217,230,230,228,228,228,230,233,230,230,230,230,233,233,235,235,222,139,131,135,191,199,204,207,196,135,137,202,212,217,220,209,141,132,133,135,135,137,186,194,196,199,202,202,202,204,199,194,183,181,186,189,202,212,207,194,128,135,204,217,178,75,88,204,199,169,166,191,199,194,191,183,181,196,196,202,222,225,228,225,127,83,85,119,238,217,75,105,178,194,207,230,235,230,230,228,228,225,225,233,241,238,217,129,52,176,186,181,103,110,111,106,110,114,160,209,233,238,235,194,189,178,165,163,163,181,215,220,212,178,97,101,119,181,207,183,3,0,23,194,189,183,189,204,215,220,91,41,49,49,0,0,0,0,0,93,225,230,230,228,228,228,228,228,228,225,225,228,230,230,228,230,233,230,228,220,213,213,217,222,225,222,225,215,124,124,181,215,238,238,233,209,191,181,183,204,230,235,238,241,238,209,127,116,117,133,196,207,209,212,215,222,225,222,212,204,199,194,192,196,212,209,196,194,195,207,222,235,241,241,235,235,235,225,212,207,195,191,195,209,212,215,228,235,235,228,209,199,191,129,125,131,202,204,196,143,142,189,194,196,204,217,225,225,139,133,127,113,63,74,194,191,191,191,143,145,202,215,215,199,148,147,149,202,207,207,209,212,222,230,233,230,225,222,215,212,217,217,212,103,95,215,196,139,199,204,196,191,202,217,217,199,191,189,133,113,121,215,228,233,233,235,238,238,238,233,209,143,133,131,133,141,222,238,238,235,235,235,235,235,233,233,231,231,233,235,235,233,230,230,230,230,230,226,226,228,233,238,241,238,235,241,246,235,235,241,220,209,222,207,141,202,209,225,235,238,233,225,222,233,241,241,241,238,235,233,233,233,233,235,238,238,238,238,238,235,230,225,228,233,235,235,235,235,235,233,230,233,235,238,241,241,241,235,235,235,238,238,235,235,235,233,233,235,238,241,243,246,248,248,248,248,246,246,243,243,241,241,241,243,246,246,243,241,241,241,246,246,246,246,246,246,243,243,243,243,241,241,241,241,241,243,243,241,235,228,217,215,222,228,230,225,228,235,241,243,243,241,238,233,225,222,217,222,222,217,217,215,215,212,209,212,215,217,215,212,213,222,225,225,228,230,228,215,209,209,220,233,233,228,222,222,222,222,222,222,225,230,233,230,225,222,222,225,217,207,153,152,152,155,212,225,230,233,235,235,233,231,233,235,241,241,241,241,238,238,238,241,243,243,243,241,238,238,238,235,233,230,229,230,233,233,235,235,235,230,228,228,233,235,233,228,222,228,230,230,233,235,241,235,225,220,221,230,235,238,238,238,238,238,235,233,233,233,233,230,230,228,228,225,215,143,128,129,202,228,230,228,225,225,228,225,216,216,217,222,225,222,215,212,209,207,209,217,225,228,228,225,220,217,220,217,217,222,222,222,222,222,222,222,222,217,215,215,215,217,217,217,217,217,217,215,212,212,212,215,217,220,222,222,222,222,222,222,222,222,222,222,220,217,217,217,217,217,217,217,217,215,215,215,215,215,217,217,217,217,215,215,215,212,202,137,132,143,207,209,209,207,207,209,209,207,202,196,196,196,195,196,199,199,196,194,196,204,207,204,199,196,194,196,196,196,194,196,204,212,215,217,217,215,212,212,215,217,222,222,222,217,217,217,217,217,222,217,217,217,222,228,233,233,235,235,235,238,241,246,246,243,238,234,234,235,238,241,241,241,238,238,238,241,243,246,0,246,243,238,233,225,217,215,212,209,207,204,204,207,207,204,202,199,194,194,194,194,194,191,186,183,181,178,176,131,129,131,131,129,129,127,129,129,129,129,127,125,123,123,125,131,135,139,189,194,199,204,209,212,215,215,215,212,207,204,202,196,145,139,133,129,127,127,133,139,147,202,212,222,230,235,241,243,243,243,246,248,248,251,246,243,238,235,230,225,217,212,207,207,207,207,207,207,207,209,212,217,230,238,243,246,243,238,233,235,243,248,246,246,248,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,251,246,246,243,241,241,241,243,248,147,147,153,215,225,233,225,215,207,199,199,199,196,196,196,196,196,191,189,183,189,189,178,170,170,170,170,170,160,147,107,105,99,97,91,91,91,91,85,77,71,61,49,43,41,41,41,37,37,39,43,53,55,59,61,63,67,69,75,75,77,81,81,81,89,85,75,71,69,69,63,57,57,47,41,37,37,37,41,45,45,45,39,41,45,45,41,37,37,41,49,61,73,79,81,72,72,79,93,150,181,202,217,228,230,225,209,196,181,157,142,131,89,83,83,108,108,108,108,108,100,85,66,61,66,59,46,35,53,0,0,0,0,0,0,0,0,35,17,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,0,0,0,0,0,0,0,178,31,23,27,40,59,0,0,0,0,0,0,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,82,111,131,118,53,0,0,0,0,17,87,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,87,142,144,0,0,0,0,0,0,74,31,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,173,202,194,173,168,168,176,176,168,168,178,186,186,152,71,23,3,23,85,178,191,165,51,19,53,186,178,99,97,186,220,222,235,246,255,255,241,199,163,73,17,0,0,39,47,33,19,31,43,33,17,11,19,27,21,43,75,126,160,178,181,170,150,139,107,155,163,152,97,90,107,173,191,183,170,155,155,155,168,176,176,165,155,150,148,150,168,178,170,147,97,85,83,85,75,59,47,59,67,75,81,83,95,131,89,67,61,57,45,45,51,73,118,83,59,46,46,59,79,87,121,129,139,144,139,137,144,144,129,81,91,134,83,41,36,41,79,101,142,144,101,86,86,99,163,186,186,186,194,207,209,196,163,95,84,88,101,157,113,105,93,85,97,176,176,160,160,165,165,178,181,181,176,168,164,168,176,176,176,176,176,176,165,165,176,186,189,183,173,168,173,176,181,186,191,199,199,199,202,199,196,204,207,194,160,146,163,176,178,178,186,191,191,183,109,71,75,150,189,183,173,178,189,186,168,152,101,101,111,160,165,165,176,181,170,107,89,85,83,79,87,107,157,163,168,170,173,178,173,163,157,157,165,173,176,173,170,176,178,181,176,170,168,170,183,191,191,191,176,170,178,178,176,176,176,173,183,183,181,125,111,107,113,125,176,176,165,123,170,186,189,189,183,176,170,119,109,101,93,91,91,93,93,93,111,186,212,220,220,212,191,160,103,92,92,95,109,157,160,157,147,107,95,75,65,57,55,59,63,71,77,81,81,73,73,79,93,107,109,113,113,131,189,191,191,191,207,225,243,254,255,255,255,255,255,254,235,207,135,111,97,97,111,119,119,119,119,111,91,71,71,65,41,35,35,35,34,39,39,49,65,71,65,47,47,57,79,91,77,71,73,85,91,99,144,168,186,199,199,204,207,215,220,220,220,212,207,194,181,173,152,134,85,75,75,75,75,69,59,37,35,43,51,43,37,37,31,28,31,53,75,75,73,70,70,83,89,95,87,79,79,87,150,194,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,142,144,142,152,124,47,95,124,144,150,121,70,68,116,142,150,137,68,67,89,131,134,101,137,142,105,99,103,155,160,142,89,77,61,0,22,95,89,93,93,95,103,111,152,157,157,155,157,157,115,109,109,107,103,99,98,101,107,115,157,163,163,170,178,176,165,119,115,115,113,115,160,165,163,163,163,163,165,168,176,183,181,176,178,186,189,183,176,174,174,178,181,178,168,121,115,117,165,173,176,173,170,168,121,115,111,111,109,109,115,123,168,173,181,186,183,178,170,170,173,170,170,170,129,125,125,176,186,181,173,173,176,178,176,173,173,131,131,176,186,191,191,181,129,123,122,122,122,123,127,131,125,127,133,178,186,186,133,131,135,181,186,189,189,191,196,199,199,194,194,196,196,196,196,189,183,191,202,196,199,215,222,215,208,207,205,205,208,212,217,222,222,217,215,215,215,215,222,222,220,222,230,228,133,89,99,95,95,127,141,186,186,189,189,189,189,191,196,199,183,120,120,125,139,191,194,191,189,186,182,181,183,194,204,204,199,194,194,196,196,191,194,204,222,228,230,225,212,204,199,194,189,183,139,186,189,186,137,183,209,228,230,230,230,230,230,228,225,217,212,207,199,139,131,131,131,137,191,204,209,215,228,230,230,228,228,225,222,222,222,217,209,204,207,217,225,228,230,233,235,228,220,222,228,230,230,225,209,194,196,207,199,145,204,230,235,225,212,212,212,222,230,228,222,217,220,228,233,235,235,233,235,235,235,235,233,235,241,241,238,233,230,207,143,143,145,199,209,222,228,228,222,215,215,222,228,230,228,226,226,228,233,230,225,220,220,225,230,230,230,228,222,207,190,191,196,189,138,139,186,189,183,139,133,141,199,191,190,204,212,204,194,196,209,225,225,212,209,215,228,228,225,225,228,230,233,233,230,230,233,233,233,233,233,222,196,143,194,202,207,207,207,199,135,134,191,209,222,225,209,186,135,135,133,126,128,186,191,194,199,202,199,199,196,191,183,136,136,137,189,209,228,225,222,135,133,181,199,199,100,124,215,228,189,166,174,191,194,194,183,176,186,183,186,207,217,230,233,217,119,101,123,230,212,82,113,207,215,222,233,230,229,230,233,233,230,230,233,238,241,241,204,62,78,178,181,101,165,199,202,170,160,183,230,235,233,228,209,186,163,115,160,160,119,119,194,189,168,117,115,113,93,43,1,0,0,0,51,186,183,199,217,228,238,220,27,0,0,0,0,0,0,0,0,178,225,215,225,230,230,228,228,228,225,221,224,228,228,228,230,235,233,228,217,213,213,217,228,228,228,228,220,131,176,209,233,241,238,235,228,207,183,131,178,209,230,235,235,207,127,117,116,121,133,186,191,199,207,215,225,230,233,230,220,207,195,194,199,207,207,196,192,192,202,222,235,238,235,233,233,230,217,209,207,199,195,204,209,209,209,215,225,222,204,194,204,199,135,128,131,191,196,194,189,189,191,189,189,204,225,233,238,191,143,191,137,64,71,196,204,207,202,199,202,207,212,209,199,149,149,196,209,217,222,225,228,233,235,233,230,225,225,222,217,225,228,228,95,78,131,133,126,141,204,202,194,196,204,204,191,187,189,127,109,114,207,222,230,233,238,238,238,233,215,130,131,147,199,204,222,233,235,238,235,235,235,235,235,233,231,231,233,233,233,235,235,233,230,230,233,233,230,228,228,230,235,241,241,235,235,235,222,207,204,207,225,233,116,75,147,217,233,243,243,222,212,222,238,243,241,241,238,235,233,228,228,228,230,233,233,238,241,241,238,233,228,225,228,233,235,235,233,233,233,235,238,238,238,241,241,241,235,235,235,235,238,238,235,230,228,228,233,235,241,243,246,248,248,248,246,246,243,243,243,243,241,241,243,246,246,243,241,241,241,243,246,246,246,246,246,243,243,243,243,243,241,241,238,241,241,243,243,235,228,225,228,230,230,228,217,222,233,238,243,243,241,241,235,230,225,217,212,212,212,212,212,209,209,209,212,215,215,215,213,215,217,217,222,225,228,225,215,211,215,228,235,235,228,222,222,222,222,222,220,222,225,230,230,230,228,225,222,217,212,209,207,207,212,222,228,228,228,230,233,231,231,233,235,238,241,241,241,238,237,238,241,241,243,243,241,238,235,235,235,233,230,230,233,235,235,238,238,235,233,230,230,233,235,235,235,233,233,233,230,230,235,241,235,222,218,220,228,233,235,238,238,238,238,235,235,233,233,230,230,228,225,222,222,209,142,134,139,222,233,230,230,228,225,228,225,217,216,217,225,225,222,220,217,215,209,212,217,225,228,228,222,222,222,225,222,222,225,225,225,222,222,222,225,222,220,217,215,217,217,217,217,217,217,215,212,212,212,215,217,217,217,220,222,222,222,220,222,222,222,222,220,220,222,222,220,217,217,217,215,215,215,215,215,215,217,217,217,217,217,217,215,215,215,204,194,191,202,212,212,209,209,209,207,207,204,202,202,202,199,195,194,195,196,196,192,194,202,207,207,202,199,196,199,199,199,199,202,207,209,212,215,215,215,212,212,215,217,217,222,222,222,217,222,222,222,222,217,215,215,222,228,230,233,235,238,238,238,243,246,246,243,241,238,235,238,238,238,241,241,241,241,241,241,243,246,0,0,246,241,235,228,222,217,215,209,207,207,204,204,204,202,199,194,191,189,189,191,191,189,186,183,181,178,176,131,129,129,129,129,129,129,129,129,129,129,131,131,129,129,129,133,137,183,189,196,202,204,209,217,220,222,222,217,212,204,196,191,143,139,129,126,127,127,129,137,199,209,215,222,233,235,230,228,230,238,246,248,251,251,248,243,241,238,235,230,225,217,212,212,209,207,207,204,204,204,207,212,225,233,238,241,238,238,238,243,248,251,251,251,254,255,254,254,255,255,255,255,255,255,255,255,255,255,255,254,251,248,248,248,246,243,243,246,248,151,151,207,215,233,235,230,225,215,215,207,207,199,196,196,191,189,189,183,189,189,183,173,168,168,176,178,170,168,157,144,105,103,99,93,91,91,91,85,77,71,65,53,49,43,41,37,33,33,35,39,39,43,47,55,57,61,61,63,67,67,67,67,69,75,69,63,57,57,57,49,47,47,47,41,37,37,37,37,37,37,39,39,45,45,47,45,45,43,45,49,61,73,79,79,72,70,73,89,113,181,209,233,246,246,243,233,217,196,181,160,139,91,83,83,77,100,92,90,100,100,85,59,48,43,30,12,10,22,38,46,53,0,0,0,0,0,0,12,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,0,0,0,0,0,0,186,186,35,21,27,40,64,0,0,126,131,126,105,90,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,53,53,69,59,9,0,0,0,0,0,87,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,129,137,124,121,131,139,131,0,82,66,46,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,113,165,191,183,173,155,157,155,160,168,173,186,196,176,101,65,43,39,59,115,191,181,113,50,44,115,181,115,100,107,194,217,212,212,225,246,246,222,189,155,83,45,0,0,0,7,7,3,25,57,61,27,10,15,33,67,87,124,134,160,178,186,181,163,105,105,150,163,163,105,93,93,152,181,186,163,107,105,152,155,155,155,160,155,153,148,155,168,163,109,97,93,89,83,75,67,45,41,45,61,79,87,95,131,152,152,139,124,71,43,43,67,126,134,83,51,45,51,75,87,121,129,139,155,176,181,170,152,152,142,134,152,178,142,53,40,59,105,170,170,147,89,79,84,105,186,202,199,186,183,191,199,191,191,196,113,86,91,178,181,160,105,113,181,189,181,173,178,178,178,178,181,186,176,168,164,168,176,176,163,117,107,103,107,117,168,176,181,173,168,170,176,181,183,183,189,191,199,202,204,202,199,204,209,199,170,152,160,163,168,178,196,202,191,160,75,61,81,168,189,173,164,173,181,178,168,152,97,93,96,109,160,165,168,170,163,97,81,73,65,61,69,83,107,155,168,178,186,186,178,168,157,157,165,178,181,176,170,176,178,181,176,173,170,176,173,178,181,181,178,178,178,178,173,170,176,178,183,186,181,170,119,111,117,168,191,181,123,122,168,186,189,194,186,183,170,121,115,101,93,91,91,95,93,101,115,189,215,220,220,212,194,173,113,101,94,95,101,107,109,107,101,95,87,75,59,53,53,57,67,73,81,83,83,81,73,77,93,103,109,113,121,173,183,186,186,191,202,217,238,254,255,255,255,255,255,254,235,207,186,121,107,105,111,119,119,111,111,111,93,85,91,85,49,39,39,45,45,39,39,43,57,65,65,57,57,71,126,142,126,83,73,79,85,99,137,168,194,204,204,204,207,215,220,220,220,212,204,194,181,170,152,134,87,79,75,75,75,75,67,51,43,53,53,53,43,37,31,30,37,55,75,83,75,73,75,89,134,139,101,87,79,87,107,183,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,121,142,147,147,147,95,92,118,129,116,68,63,69,134,147,152,147,77,74,87,95,99,101,139,144,139,101,103,150,157,160,165,160,65,0,0,35,77,91,97,103,113,152,152,152,150,152,157,155,111,107,107,107,107,101,99,100,107,113,117,157,160,176,186,181,163,113,107,103,97,91,109,119,117,115,119,123,168,176,183,186,181,168,168,173,181,181,178,174,176,178,178,178,170,117,109,109,117,165,168,165,125,119,113,105,99,98,99,105,115,121,125,170,176,176,173,168,125,125,127,170,170,129,127,127,129,173,173,129,126,126,129,131,129,129,131,131,131,131,181,194,202,202,194,178,125,123,123,127,133,178,129,128,129,125,125,131,129,131,135,181,186,186,186,183,181,181,135,127,131,181,186,191,194,186,131,135,194,191,196,215,225,217,212,209,209,209,212,217,222,222,225,222,222,217,215,215,222,225,222,222,230,235,228,196,137,91,81,93,131,141,189,191,191,187,189,196,204,207,196,129,125,133,186,191,191,191,191,191,186,182,182,186,196,199,196,194,194,194,194,191,191,207,228,233,235,235,225,209,196,191,189,183,137,137,137,133,130,131,204,228,230,230,230,230,230,228,225,217,209,199,191,131,126,126,129,139,189,196,202,212,228,230,230,228,228,225,222,222,225,225,222,215,212,217,225,228,230,235,235,233,225,222,222,222,217,209,196,139,131,147,202,202,217,235,241,238,230,215,191,189,217,228,228,225,225,228,233,235,235,233,235,238,238,235,238,241,246,243,233,217,151,140,139,145,215,228,233,235,233,233,225,212,211,215,230,233,230,226,226,228,230,228,225,225,222,225,230,230,230,225,209,194,189,191,196,141,135,139,194,199,199,209,207,204,202,191,190,199,202,194,191,196,212,228,228,215,211,215,225,225,225,228,228,228,230,233,233,233,235,235,233,233,233,222,207,202,202,204,204,207,207,207,139,134,137,199,225,225,204,191,186,139,131,122,123,186,189,189,191,191,191,194,196,194,139,134,134,137,186,209,230,230,217,199,189,181,194,222,207,199,217,238,217,174,174,186,194,194,181,131,121,107,113,173,202,228,228,215,121,103,176,209,194,116,196,217,222,225,230,230,230,233,235,233,233,235,235,235,238,235,215,77,70,89,181,178,199,222,233,222,186,191,228,230,230,228,209,160,113,113,178,178,113,86,116,170,176,173,119,83,53,5,3,0,0,0,0,23,79,209,222,230,241,243,49,0,0,0,0,0,0,0,0,35,165,189,209,228,230,228,228,228,225,224,224,228,228,228,230,235,233,225,215,213,215,222,228,228,228,225,212,186,207,228,238,235,235,235,238,228,196,129,125,181,207,215,191,115,114,119,125,133,139,183,186,194,204,212,225,230,235,233,228,212,202,196,195,195,199,196,192,192,199,215,228,230,230,230,228,222,212,207,204,204,207,207,204,202,202,204,209,204,191,190,207,204,143,130,130,135,143,194,196,202,196,137,132,191,215,225,215,196,196,204,204,107,113,209,215,215,209,207,209,212,215,215,212,207,204,207,222,228,230,233,235,235,233,230,228,225,225,222,222,225,228,230,111,79,125,135,133,191,209,209,196,192,196,204,202,202,204,141,115,115,191,215,225,228,235,238,238,230,202,126,132,199,204,209,228,235,235,238,235,235,235,235,233,233,233,233,235,233,233,235,235,235,233,233,235,235,233,230,228,230,235,238,238,235,235,230,212,97,74,76,131,125,78,52,139,230,241,246,238,137,145,222,243,248,243,238,238,235,233,228,225,225,226,228,230,235,241,241,238,235,230,225,225,230,233,235,233,233,233,235,238,238,238,238,241,238,238,235,235,235,238,235,230,228,225,225,230,235,241,243,243,246,246,246,246,246,243,243,243,243,241,241,243,246,246,243,241,241,241,243,246,246,246,246,243,243,243,243,243,243,241,238,238,238,241,241,243,235,228,225,230,233,230,222,216,220,230,238,241,241,241,241,241,238,230,222,212,209,209,209,209,208,209,209,212,212,215,215,215,215,215,215,217,225,225,222,215,215,225,233,238,233,225,222,222,222,225,222,222,222,222,225,228,230,230,228,228,225,225,225,222,215,215,225,228,225,225,230,233,233,233,235,238,241,241,241,241,238,237,238,241,241,241,241,241,238,233,233,233,233,233,233,235,235,238,238,238,235,233,230,230,233,235,238,235,233,230,228,222,225,233,238,233,225,221,225,228,230,233,235,235,238,238,235,233,233,230,230,228,225,222,222,222,212,151,147,209,230,233,228,228,228,228,228,225,222,222,222,222,225,222,222,225,222,215,215,217,222,225,225,225,225,225,225,225,225,225,225,225,225,222,222,225,222,217,215,215,215,217,222,222,222,217,215,212,212,212,217,220,217,217,217,220,222,220,220,222,222,220,217,217,217,222,222,222,220,217,215,215,215,215,215,215,215,215,217,217,217,217,217,217,215,209,196,191,196,207,212,212,215,212,212,209,207,207,204,207,207,202,195,194,195,196,196,192,192,199,204,207,204,199,199,199,199,199,202,204,207,207,209,212,212,212,212,212,215,215,217,222,222,222,222,222,222,225,225,217,215,215,222,228,230,233,235,235,238,238,241,243,243,241,238,238,238,238,238,238,238,241,243,243,241,241,243,246,0,0,246,243,238,230,222,217,212,209,207,207,207,204,202,199,196,191,189,186,183,186,189,186,186,183,181,178,133,129,129,129,129,129,129,127,127,127,129,129,133,135,135,135,137,139,186,189,194,199,204,209,217,225,228,228,230,228,217,207,194,145,143,139,129,126,127,127,127,133,196,209,215,225,233,230,215,207,209,230,243,251,254,254,251,246,241,238,235,233,228,222,217,212,209,207,204,204,204,155,204,209,215,225,230,230,230,230,230,230,235,243,251,254,255,255,254,254,255,255,255,255,255,255,255,255,255,255,255,254,251,251,251,251,248,246,248,251,254,207,207,215,225,235,241,233,225,225,215,215,207,207,199,196,191,189,183,183,189,189,183,168,164,168,176,178,178,168,160,147,144,105,103,97,93,93,91,85,77,71,65,57,49,49,41,37,33,31,33,33,33,37,39,47,53,53,57,57,61,61,61,57,57,61,55,43,41,41,43,45,43,41,41,41,41,37,37,37,35,35,35,39,45,45,47,55,55,57,47,59,65,73,79,79,73,70,73,89,113,181,217,246,255,255,255,251,235,217,191,173,150,131,124,116,79,69,63,55,82,92,85,59,43,35,22,12,9,12,12,7,7,20,0,0,0,0,0,12,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,0,0,0,0,0,0,131,129,118,35,30,46,66,87,100,116,116,105,95,72,59,72,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,92,77,72,69,0,0,0,0,0,0,0,100,61,33,14,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,59,77,108,118,118,124,139,147,131,105,82,82,66,31,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,77,134,152,163,170,176,181,173,155,151,147,151,160,173,194,202,176,83,49,51,77,178,215,207,173,93,75,83,173,168,109,109,165,194,212,212,204,209,217,225,215,194,173,157,126,29,0,0,0,0,0,7,65,113,75,33,21,33,73,124,147,152,168,186,194,186,168,105,100,105,160,170,163,101,90,101,176,183,157,100,101,107,107,103,109,160,165,155,155,157,163,144,93,84,85,89,79,67,47,39,39,45,73,95,137,139,139,160,160,150,131,75,43,41,63,118,85,57,43,44,67,129,137,137,137,147,170,189,196,191,168,152,137,99,142,163,144,77,55,71,150,186,178,109,89,84,93,160,194,209,207,189,176,173,176,176,199,217,189,89,91,173,186,173,157,160,181,173,166,181,189,186,178,170,176,181,178,176,170,176,178,176,119,102,97,97,101,117,165,168,165,165,165,173,181,183,183,183,183,189,194,196,199,196,189,196,204,204,194,178,163,152,155,176,191,191,168,89,52,52,75,152,170,165,163,173,183,186,183,168,109,93,93,99,157,155,157,163,152,95,77,63,55,47,47,61,79,99,155,178,186,186,178,163,117,157,165,178,181,176,170,173,178,181,176,173,170,170,170,170,173,176,178,181,178,173,129,170,176,183,186,186,181,170,119,117,123,173,191,176,122,122,165,186,194,194,191,183,173,168,121,107,95,91,95,101,107,107,163,196,220,222,220,215,199,183,160,109,103,99,101,101,101,95,87,87,87,75,59,53,52,55,63,73,77,77,81,73,71,73,89,101,113,119,173,186,196,202,202,202,202,217,235,254,255,255,255,255,255,254,243,215,189,129,113,111,113,119,121,119,111,111,97,97,147,144,77,49,49,59,63,49,43,43,57,65,65,57,57,77,124,134,126,79,71,71,81,91,137,168,194,212,204,204,207,212,220,220,220,212,204,194,183,173,163,142,97,81,75,69,69,75,75,69,63,63,63,63,53,43,37,37,43,63,83,83,79,75,83,95,142,150,139,95,87,87,101,170,194 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,137,131,144,134,86,82,118,118,103,76,77,126,139,142,147,150,93,85,93,99,101,101,103,137,103,101,105,144,152,163,173,181,97,0,0,24,77,95,101,107,150,155,152,150,113,113,152,115,107,106,107,109,109,105,101,105,113,117,117,117,157,178,194,189,165,111,103,99,90,81,87,109,109,109,115,119,165,176,181,181,170,163,123,168,178,181,183,183,186,183,181,181,176,121,108,106,111,121,125,125,123,121,119,113,101,96,96,99,111,117,123,168,168,125,123,123,122,122,125,168,168,125,125,168,176,176,170,126,125,127,129,129,125,119,119,125,129,131,181,194,202,204,204,199,186,176,135,178,183,186,181,135,133,125,117,121,125,129,135,186,191,194,191,186,137,133,126,122,123,131,183,189,189,137,120,120,139,186,194,212,222,215,215,215,215,215,217,222,217,217,222,225,222,217,217,217,217,222,225,225,228,233,230,222,212,123,91,103,131,141,191,194,194,189,191,204,212,212,204,186,137,139,189,194,194,196,202,207,202,191,186,186,191,196,194,194,196,202,204,196,190,202,217,225,230,233,225,209,199,194,191,186,137,135,131,130,129,130,204,222,228,230,233,233,230,228,222,217,212,196,189,137,130,129,130,135,135,139,191,204,217,225,225,225,225,228,228,228,230,233,230,222,215,215,217,217,222,228,230,228,228,217,212,204,145,129,120,118,125,143,209,212,230,235,241,246,248,230,139,125,139,212,228,230,230,230,230,233,233,233,233,238,238,238,238,243,243,233,207,143,139,139,142,204,233,241,241,235,233,233,225,213,213,225,233,235,230,228,228,228,225,217,215,217,222,228,230,230,228,217,202,190,189,194,196,189,140,191,204,209,215,222,225,217,212,207,199,191,141,140,143,196,215,228,228,217,215,225,228,225,225,228,228,225,230,230,233,235,235,235,233,233,230,212,204,204,199,194,196,202,207,212,202,139,136,186,212,209,194,194,191,139,131,126,127,186,189,186,186,186,186,194,204,207,194,136,136,181,186,199,215,212,202,196,191,189,194,217,212,196,199,209,204,194,191,196,199,199,189,173,93,93,105,117,131,191,199,194,68,52,119,204,196,191,209,222,225,225,228,230,230,228,228,225,228,230,233,233,233,230,228,183,78,84,178,186,178,215,222,222,186,163,199,225,233,238,199,115,113,119,189,194,165,98,118,183,199,204,119,61,65,75,176,155,79,19,0,0,0,152,209,220,220,196,53,0,0,0,0,0,7,87,63,25,17,5,57,170,217,225,228,230,228,225,228,230,230,230,230,233,230,222,215,215,222,228,228,225,225,220,189,174,215,228,233,231,233,238,241,235,209,131,121,127,183,186,114,109,113,135,183,186,189,186,189,194,202,209,222,228,230,230,225,212,204,199,195,195,196,196,194,196,207,209,209,215,222,225,222,215,209,204,207,215,217,207,199,199,196,196,199,194,190,194,207,212,202,141,137,139,189,199,212,222,209,132,127,135,204,209,196,194,196,199,204,199,202,212,215,217,215,215,228,228,225,228,230,228,222,222,228,233,233,235,235,235,233,230,228,228,228,225,222,222,225,228,209,135,137,143,191,199,212,215,199,190,192,212,217,222,212,143,118,117,131,209,212,194,204,228,233,225,202,139,145,202,209,215,228,238,238,235,235,235,235,235,233,233,233,235,235,235,233,235,238,238,238,235,235,238,235,235,233,233,235,235,235,235,238,233,215,77,45,54,117,110,88,82,202,230,238,230,141,93,133,235,243,243,241,238,235,235,233,230,226,226,228,230,233,238,241,241,241,241,235,233,230,230,233,235,235,233,233,235,235,235,235,235,238,238,238,235,235,235,235,233,230,228,226,228,233,238,241,243,243,246,246,246,248,248,246,243,243,241,241,241,243,243,243,243,241,241,241,243,243,246,246,243,241,241,241,243,243,243,241,238,238,238,238,241,241,235,228,225,228,230,230,222,216,217,230,235,241,241,241,241,243,241,235,228,215,209,209,212,209,209,209,209,212,215,217,222,222,220,217,215,217,225,225,222,217,217,225,233,235,230,222,217,217,222,225,225,225,222,222,225,228,228,230,230,230,230,228,225,212,155,204,217,228,225,225,228,230,233,233,238,241,243,243,241,241,238,238,238,241,241,238,238,238,235,233,231,231,235,235,238,238,238,241,241,238,235,233,230,230,230,235,235,233,228,220,218,218,222,230,233,233,230,230,230,230,230,233,233,235,235,233,233,230,230,230,228,228,225,222,225,225,215,209,212,225,233,230,228,228,228,228,225,225,225,228,225,222,217,215,217,225,222,217,215,217,217,222,222,225,228,228,228,228,228,228,228,228,225,222,222,222,220,217,215,215,215,217,222,225,222,217,215,212,215,217,222,222,222,217,217,220,222,220,217,217,217,217,215,215,217,220,222,222,222,217,215,215,212,212,212,212,212,212,215,215,217,220,222,220,215,202,142,141,194,207,212,212,215,215,215,215,212,209,209,209,209,204,199,199,202,202,199,194,194,199,207,209,207,202,199,199,196,196,202,204,204,204,207,209,209,209,209,212,212,215,215,217,217,217,217,222,222,225,225,217,215,215,222,225,228,230,233,235,235,235,238,241,238,235,233,233,235,235,238,238,241,241,243,243,243,243,243,246,0,0,246,243,238,230,222,217,212,209,207,207,207,204,202,196,194,189,186,181,181,183,186,186,186,183,181,176,133,129,129,129,129,127,127,127,127,129,131,133,135,135,135,181,183,189,191,194,199,204,209,217,228,233,233,233,235,233,228,215,207,199,147,139,133,127,126,126,127,129,135,147,209,225,230,222,207,204,209,228,243,251,255,255,251,246,243,241,238,235,230,228,222,215,209,207,207,207,204,155,155,204,209,217,220,217,212,157,149,147,159,233,248,254,254,254,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,251,251,248,251,254,255,215,215,222,233,243,243,233,225,225,225,225,215,207,207,199,196,189,183,183,189,189,183,168,164,168,178,178,178,170,160,150,144,147,105,99,97,93,91,85,77,71,65,57,53,49,41,35,31,31,29,27,29,31,35,39,43,47,53,57,57,57,55,55,47,45,41,31,31,35,41,41,43,43,43,45,43,41,39,37,34,34,35,39,41,45,47,55,59,59,59,59,65,73,79,79,79,73,73,89,113,186,217,246,255,255,255,255,254,235,209,183,170,150,139,124,83,69,51,45,45,82,85,61,51,43,35,27,22,17,0,0,0,12,0,0,0,0,0,0,9,17,17,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,35,0,0,0,92,95,85,53,43,35,64,95,98,92,95,100,95,90,77,56,22,12,12,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,79,64,51,46,38,38,0,0,0,0,108,95,51,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,48,77,113,121,118,124,131,129,103,72,64,64,56,31,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,90,142,178,181,176,170,170,173,168,165,155,151,155,165,173,194,202,176,73,29,37,99,228,251,215,176,155,103,89,103,103,109,168,186,194,204,204,204,204,209,212,215,215,212,204,178,51,0,0,0,0,0,0,23,113,131,113,65,61,67,87,134,147,160,178,194,189,170,103,97,101,163,178,178,152,93,99,165,181,163,101,99,103,100,98,103,165,176,168,160,157,144,99,85,79,80,85,79,65,44,39,40,61,95,147,147,139,139,160,152,139,91,57,31,33,45,69,67,46,43,47,77,129,144,144,144,155,170,181,189,181,176,152,134,91,91,91,91,79,69,77,103,165,165,103,97,109,160,181,194,202,202,189,173,168,168,176,196,207,199,160,157,183,191,181,97,81,111,176,181,189,196,189,170,165,168,170,176,176,170,176,178,176,119,102,99,100,109,165,168,165,160,160,168,181,191,191,183,182,182,186,189,191,189,181,178,178,181,189,196,189,170,160,155,160,160,150,91,67,51,55,75,101,157,165,165,170,183,194,202,194,168,96,93,99,150,147,150,155,150,89,71,57,43,37,37,43,57,73,91,155,170,170,160,115,109,115,165,178,181,173,170,170,178,181,176,168,168,127,127,170,173,181,178,178,178,129,126,129,178,189,196,186,176,125,119,117,125,178,178,173,122,122,165,178,194,194,191,186,183,173,125,115,101,95,101,109,113,119,178,209,222,222,220,215,212,191,176,155,109,109,107,107,97,87,82,87,93,87,71,53,51,52,57,63,69,65,65,69,69,73,87,99,109,119,178,189,207,217,217,209,207,217,243,255,255,255,255,255,255,255,251,225,194,135,121,113,119,119,121,119,113,111,105,105,170,176,103,77,71,79,79,65,49,49,49,55,47,47,57,71,85,91,85,77,69,71,79,91,137,168,194,204,207,204,204,207,212,217,220,212,202,194,189,176,170,165,139,89,75,61,61,75,89,83,69,63,69,69,63,53,43,43,53,69,83,89,83,83,89,134,142,150,150,139,101,95,99,150,173 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,98,118,118,62,62,124,121,118,168,155,142,139,124,126,147,129,91,99,101,101,101,101,101,101,101,107,147,152,157,160,181,186,183,61,103,150,157,150,111,147,150,150,150,113,113,113,111,107,106,109,109,105,103,105,115,160,160,117,113,115,173,189,183,160,109,101,99,97,75,81,105,109,109,113,117,121,165,165,123,121,121,123,165,170,176,183,191,194,191,186,186,183,125,110,108,111,119,125,125,123,125,173,176,125,103,99,103,107,113,125,168,125,113,115,123,165,165,168,173,168,125,125,170,183,183,173,127,127,170,173,170,125,111,106,114,125,131,173,183,194,202,207,207,204,202,196,189,183,181,178,133,135,129,113,120,125,133,183,194,202,204,202,199,191,183,129,124,126,137,189,191,186,135,113,112,131,183,194,209,215,212,212,215,222,222,222,220,215,217,222,222,220,217,217,222,217,220,222,225,228,228,228,228,225,212,191,133,133,141,191,194,194,191,196,207,209,207,199,189,139,139,191,196,199,204,212,217,215,204,194,189,191,194,194,194,199,207,212,202,190,191,204,207,212,215,215,204,199,196,194,189,183,139,133,133,131,135,202,217,225,230,233,230,230,228,222,217,212,186,139,186,139,133,130,130,130,133,139,191,207,209,209,215,222,225,228,228,228,230,228,217,207,204,204,202,202,207,212,212,199,124,118,124,129,126,124,129,143,217,233,230,235,235,238,246,248,243,207,123,127,202,225,233,233,230,230,230,233,233,235,241,241,238,235,235,230,212,143,133,144,147,151,207,228,241,241,235,235,235,233,228,228,235,238,235,230,228,230,230,222,213,212,213,225,233,233,230,222,209,196,190,190,194,199,199,196,202,207,209,215,222,228,228,228,228,209,141,136,137,141,199,215,225,225,222,225,228,228,222,222,225,225,225,228,233,235,235,235,235,233,230,225,202,194,194,143,141,189,196,204,215,217,202,139,186,199,192,190,196,194,183,137,137,139,186,186,189,191,189,189,202,215,217,209,189,186,189,186,189,191,186,183,137,181,189,189,194,199,183,133,127,186,207,212,212,209,207,209,196,85,90,111,111,97,81,127,131,40,6,71,212,202,202,209,220,225,225,224,224,225,224,224,224,225,228,230,230,230,233,235,228,107,93,170,178,89,199,202,199,85,43,115,225,228,215,160,111,119,160,176,189,186,181,183,191,194,194,85,54,83,155,204,191,43,15,0,63,152,165,176,196,170,93,21,0,0,0,0,0,97,235,191,75,0,0,0,55,186,215,222,228,230,230,230,233,233,230,228,228,225,222,220,222,225,230,228,225,220,212,166,165,215,228,233,231,231,235,243,241,217,131,117,123,133,133,113,110,119,189,194,194,194,191,194,194,196,204,212,222,225,222,215,209,204,199,199,199,199,196,196,209,215,204,194,196,207,212,209,207,207,204,204,228,233,212,199,199,196,192,194,194,191,199,207,225,225,207,199,199,196,204,222,233,230,139,130,137,196,194,189,189,191,191,199,202,207,207,207,215,222,230,241,238,233,235,238,235,230,228,230,230,230,233,235,235,233,230,233,233,230,228,225,222,222,222,215,199,189,194,194,199,209,209,196,187,187,204,217,217,202,137,121,119,135,217,137,100,104,199,222,217,207,199,196,204,222,230,233,238,241,235,235,238,235,233,233,233,235,238,238,235,233,235,238,241,241,238,238,238,238,238,235,235,235,235,235,238,238,238,238,125,85,147,147,127,141,204,217,222,212,117,92,76,139,254,241,235,238,238,238,238,235,233,230,230,233,235,235,241,241,241,241,241,241,238,235,233,233,235,235,235,233,233,235,235,235,235,238,238,238,238,238,235,235,235,233,235,235,235,235,238,241,243,243,246,246,246,248,248,248,246,243,241,239,239,241,243,241,241,241,241,243,243,243,243,243,243,241,241,241,243,243,243,241,238,235,235,238,238,238,233,225,222,225,230,233,230,217,220,228,235,241,241,241,241,241,241,238,228,217,212,212,212,212,212,212,212,212,215,222,225,222,222,222,217,217,222,225,225,225,222,225,228,230,228,222,217,217,222,225,228,228,225,225,225,228,228,228,230,230,228,225,212,145,142,146,209,228,228,222,222,228,230,233,238,241,243,241,241,241,241,241,238,238,238,237,237,238,235,233,231,233,238,241,241,238,238,238,241,238,235,233,230,228,230,233,230,228,222,217,217,220,228,230,230,230,230,233,233,230,230,233,233,233,233,230,230,228,228,228,228,228,228,225,225,225,222,222,228,230,233,230,230,228,228,225,222,222,225,228,225,217,215,212,212,222,222,217,215,217,217,217,220,225,230,230,228,228,228,228,228,228,225,225,225,222,217,215,213,213,215,217,222,222,222,220,217,217,222,225,228,225,222,217,217,220,222,222,220,220,217,215,215,215,217,220,222,222,222,217,215,212,212,212,209,209,209,212,215,215,217,222,220,217,215,196,135,134,145,207,212,212,212,215,215,215,212,212,209,209,207,204,204,204,209,209,204,202,202,207,209,215,212,207,202,199,194,194,196,202,202,202,204,207,209,209,209,212,212,215,215,215,217,217,217,217,222,222,222,217,215,215,222,225,225,228,233,233,233,233,233,233,233,230,230,230,230,235,241,241,241,241,241,246,243,243,243,246,246,0,246,243,238,230,225,217,212,209,204,204,204,202,199,196,194,189,183,137,137,137,183,186,186,183,181,178,133,131,129,129,129,127,125,125,127,133,176,178,178,135,135,137,186,191,194,199,204,207,209,222,230,235,235,238,241,238,233,230,230,222,202,143,135,129,126,127,129,131,129,137,204,225,225,212,207,208,222,235,246,251,255,255,254,248,243,241,238,238,233,228,222,215,209,207,207,207,204,155,153,155,209,215,215,209,155,139,135,137,147,233,251,254,250,251,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,251,254,255,255,215,215,225,233,235,235,225,225,225,225,225,215,215,207,199,196,189,178,189,191,196,189,170,164,170,178,178,178,170,168,157,150,144,105,103,99,95,93,87,77,73,67,59,57,49,41,35,31,31,27,25,25,27,31,35,39,41,47,55,57,55,55,45,45,41,33,28,27,31,41,45,49,49,55,57,57,47,41,37,34,35,37,39,43,45,47,55,59,63,65,65,67,75,81,85,81,79,85,95,113,186,217,251,255,255,255,255,255,246,220,196,181,170,157,139,124,77,51,45,45,45,51,77,77,66,56,46,46,30,4,0,0,7,48,0,0,0,0,0,0,33,43,33,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,3,0,1,27,74,92,108,92,69,43,17,14,23,103,131,116,92,72,72,72,72,64,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,90,51,38,30,30,30,43,0,0,0,108,77,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,98,126,126,113,111,116,100,79,53,35,29,29,17,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,66,108,142,157,163,165,163,163,163,168,173,173,173,173,173,176,194,199,165,69,22,25,89,225,246,215,196,189,163,73,67,79,103,173,191,191,194,194,202,204,212,212,222,238,243,233,204,63,0,0,0,0,0,0,0,13,111,131,131,121,69,67,73,83,124,157,178,186,170,137,99,101,160,178,178,163,99,93,115,178,173,107,99,100,98,95,100,165,183,178,165,155,103,95,85,80,79,85,85,77,59,47,59,93,160,170,147,139,147,170,160,131,61,24,16,17,31,49,59,49,46,53,73,91,137,139,139,144,157,176,181,176,170,152,134,91,75,65,67,77,91,91,97,109,109,97,103,168,186,191,194,194,189,183,176,173,176,191,199,204,207,207,207,207,199,165,47,42,103,207,212,202,196,189,170,164,164,170,170,170,164,168,170,170,119,117,109,119,173,181,176,168,160,160,170,183,191,191,189,183,183,183,183,181,178,173,168,163,160,163,173,176,163,150,150,105,95,81,67,59,55,59,75,93,147,165,163,170,189,199,212,212,186,107,95,98,109,111,150,155,111,89,69,55,39,33,31,35,41,49,71,91,111,111,103,101,103,111,165,178,181,173,163,165,173,178,170,125,123,122,127,173,176,181,178,178,173,129,125,129,176,189,196,183,173,127,125,125,168,178,178,173,123,122,168,186,196,196,194,191,186,173,125,115,107,103,109,115,121,165,189,215,222,220,212,212,207,191,181,160,115,115,150,107,95,82,82,87,101,101,83,59,51,51,53,59,59,55,55,59,63,73,87,99,109,119,173,186,196,212,217,212,212,225,251,255,255,255,255,255,255,255,255,233,207,189,131,121,119,111,111,111,111,111,107,111,176,183,152,89,79,85,85,71,49,43,41,37,31,37,41,57,71,77,77,73,71,71,79,91,99,150,176,194,204,204,199,204,209,215,220,212,202,194,191,183,178,176,152,97,77,59,53,69,89,89,75,63,69,69,63,53,53,53,63,69,83,83,83,83,91,134,150,150,150,144,107,101,97,107,155 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,46,108,144,95,34,92,131,142,155,152,150,144,66,57,155,89,79,99,134,101,100,101,101,100,100,105,147,152,152,147,163,194,189,181,202,209,202,186,168,155,150,113,150,152,113,109,109,111,111,111,107,103,101,107,115,157,155,113,107,109,117,163,163,119,109,103,103,111,119,111,109,115,115,115,119,121,123,121,119,119,123,165,165,168,173,181,191,194,189,186,186,181,121,111,111,115,119,123,123,121,165,176,181,181,178,168,117,107,107,117,165,121,109,110,125,170,170,173,170,165,170,178,178,183,186,181,176,176,176,173,173,170,116,107,111,119,123,125,176,183,196,207,209,209,209,207,196,183,133,132,132,135,135,125,133,189,194,199,207,212,212,209,207,204,194,135,131,181,189,189,189,183,181,137,131,129,135,191,207,215,212,212,217,222,222,215,215,215,215,217,217,217,215,215,215,215,215,215,220,222,222,222,222,225,222,207,139,135,189,194,186,189,194,199,204,207,202,196,189,137,136,181,189,196,207,215,222,215,207,196,189,189,194,194,194,196,204,204,196,190,190,191,196,196,199,199,196,196,196,194,194,196,202,196,183,137,139,199,215,225,230,233,230,225,228,225,215,207,125,125,191,194,137,133,139,139,189,141,186,189,121,131,196,215,204,212,212,131,135,202,196,147,141,133,119,117,125,131,130,119,113,116,131,207,220,215,209,215,228,235,238,235,238,238,238,238,241,230,105,99,145,225,235,233,235,233,230,233,233,238,241,241,233,212,151,199,204,204,207,212,209,209,212,228,235,238,235,235,238,235,235,235,241,241,238,233,230,230,228,222,213,212,213,228,233,235,228,212,196,194,194,199,207,207,207,207,207,204,199,204,217,228,228,230,228,212,141,138,139,145,199,212,222,225,228,228,228,222,220,220,222,225,225,225,233,235,235,233,233,230,225,207,194,139,131,130,141,196,196,202,212,217,207,196,194,194,191,191,196,194,186,189,199,191,137,186,202,202,191,194,204,215,215,204,189,186,189,189,191,191,183,135,129,135,183,186,183,133,117,50,31,69,222,230,222,215,212,217,238,129,106,117,127,85,73,119,191,107,42,58,131,191,191,209,220,225,225,224,224,225,225,225,225,225,228,230,230,233,233,235,230,119,72,119,125,114,116,117,117,71,29,32,168,202,178,93,109,160,170,168,164,170,186,186,186,181,54,27,53,111,181,220,181,81,89,57,212,225,196,101,87,99,105,47,33,15,0,0,0,57,230,183,101,0,0,77,103,111,173,207,220,225,225,230,228,228,228,225,222,222,222,225,228,228,230,230,228,217,196,172,173,217,230,233,235,233,238,243,246,220,111,107,123,181,186,127,115,119,133,191,199,202,199,196,194,194,196,202,209,212,209,209,212,209,204,202,202,204,202,202,212,217,207,191,190,194,199,199,199,207,202,93,121,228,217,209,204,196,191,194,202,199,189,189,212,212,204,207,209,204,204,215,225,207,134,134,191,194,189,189,189,191,194,196,199,207,209,212,225,230,235,241,238,235,235,238,238,235,233,230,230,233,235,235,235,233,233,233,233,233,230,228,222,220,220,215,212,204,194,192,196,207,209,204,196,186,187,202,202,194,189,137,139,202,217,137,76,67,115,215,217,212,209,215,222,230,233,235,238,238,235,238,238,235,235,233,233,233,235,235,235,235,235,235,238,238,241,241,241,241,241,238,238,238,238,235,235,238,235,233,225,199,202,199,196,196,209,225,225,125,55,59,99,235,248,243,235,235,238,241,241,238,235,233,233,235,238,241,243,243,241,241,241,241,238,235,233,233,233,233,233,233,233,235,235,235,235,238,241,238,238,235,238,238,238,241,241,238,238,235,235,238,241,243,243,243,246,248,248,248,246,243,241,241,241,241,241,238,238,238,241,243,243,241,241,241,241,241,241,241,243,243,241,238,235,233,233,235,235,238,233,217,212,222,230,235,233,217,215,225,233,235,238,238,238,241,241,233,222,212,215,217,215,215,222,225,217,212,215,222,225,222,222,222,217,216,216,222,225,228,225,222,225,228,225,222,217,217,220,225,225,225,225,225,225,228,225,225,225,225,222,222,217,145,142,147,209,222,225,222,222,225,228,230,235,241,243,241,241,241,243,241,238,238,237,238,238,238,238,235,235,238,241,243,241,238,235,235,238,238,235,230,228,228,233,230,228,230,225,220,225,228,230,228,225,228,233,235,233,230,230,233,235,233,233,230,228,228,225,222,222,225,228,228,228,228,228,230,233,233,233,233,233,230,228,228,228,222,222,225,222,217,212,208,208,215,225,222,215,213,217,222,222,225,230,233,230,230,230,228,228,228,225,225,225,225,222,215,213,213,215,222,225,222,222,217,222,222,225,228,228,228,225,222,220,220,222,222,222,222,217,215,215,217,220,220,222,222,222,220,215,212,209,209,207,202,207,212,215,217,222,222,217,217,217,194,130,132,191,209,212,209,209,209,209,207,207,207,207,207,204,204,204,209,212,212,207,207,207,209,215,220,222,215,204,199,194,192,194,196,199,202,204,207,212,212,212,212,215,217,217,217,217,216,217,217,222,222,217,212,215,217,222,222,222,228,230,233,233,233,230,228,225,225,228,228,230,235,243,243,243,241,241,243,243,243,243,246,246,243,243,243,238,233,225,222,215,209,202,199,202,199,199,196,196,191,183,137,136,137,181,183,183,183,181,178,176,133,131,129,127,127,125,125,127,133,181,181,178,135,135,137,183,191,194,202,207,204,204,209,225,233,235,238,241,241,238,235,233,228,215,199,139,131,129,129,131,135,133,139,151,212,217,215,215,222,230,238,246,251,255,255,255,251,246,243,241,241,238,233,225,215,212,209,207,207,204,153,151,153,209,215,212,157,151,132,135,145,225,248,255,254,250,250,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,254,255,255,220,222,222,222,225,225,222,222,225,225,222,215,215,204,196,189,136,178,189,196,196,189,176,168,168,178,178,178,176,168,165,160,144,142,137,99,97,91,85,79,71,65,59,51,43,43,37,33,31,27,25,23,23,24,27,31,35,39,55,59,55,53,45,43,39,29,25,26,35,49,61,61,63,65,65,63,59,49,41,41,41,41,41,47,47,51,57,61,63,71,71,79,81,85,89,87,89,95,107,155,181,215,251,255,255,255,255,255,254,230,209,191,170,160,150,131,83,63,49,45,45,49,85,98,98,79,56,46,35,12,0,0,1,38,69,0,0,0,0,0,0,53,35,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,13,7,9,27,61,72,92,92,64,29,17,14,21,118,147,129,85,46,46,53,56,46,1,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,48,38,29,30,30,43,0,0,0,98,64,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,77,108,111,111,103,87,79,69,69,61,35,27,21,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,72,105,121,105,131,152,163,163,160,163,181,191,191,181,183,189,199,194,157,69,24,37,109,202,212,202,207,215,189,79,45,87,87,113,183,176,157,160,170,222,238,238,238,254,246,235,204,0,0,0,0,0,0,0,0,0,0,21,121,152,81,58,51,61,75,124,152,176,176,160,103,103,150,160,173,170,103,85,93,178,178,107,100,101,105,101,99,155,194,183,144,101,91,91,91,91,87,91,97,97,87,99,160,183,194,191,168,147,157,183,183,89,25,16,16,21,24,39,51,49,46,51,71,93,134,137,131,129,139,155,168,165,152,142,137,91,59,47,59,83,144,109,97,96,97,101,150,173,186,186,186,181,176,176,181,183,183,199,207,207,207,215,217,222,194,73,44,47,168,222,233,212,202,189,181,178,181,178,178,170,170,170,170,170,165,165,168,173,176,176,176,168,165,165,173,183,191,199,199,191,183,178,170,168,176,173,176,178,170,152,115,115,103,93,89,85,75,67,59,55,51,55,63,79,95,109,155,170,189,204,212,212,194,165,107,98,109,155,152,147,111,89,67,47,37,31,30,31,35,39,53,73,89,89,87,89,101,115,165,173,176,168,122,123,165,170,125,123,125,125,123,127,173,170,170,170,173,129,126,126,170,178,183,183,176,173,173,173,181,181,181,178,168,168,176,196,207,204,194,194,186,170,117,111,109,111,115,121,121,178,196,215,215,212,196,191,191,191,183,160,115,115,150,103,83,80,83,95,142,160,139,83,59,53,55,57,55,50,50,55,57,69,79,99,115,173,178,178,186,199,207,209,209,225,251,255,255,255,255,255,255,255,255,243,225,194,135,129,119,111,105,100,100,111,155,165,178,178,152,91,71,71,77,65,47,31,23,19,19,25,31,41,57,61,65,65,71,79,79,79,85,97,152,176,183,183,183,194,204,212,215,212,202,191,189,183,181,173,152,97,81,61,49,56,81,87,75,69,69,63,53,53,61,69,69,69,75,75,75,77,89,134,150,152,142,142,142,107,103,109,150 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,11,116,142,95,60,116,134,137,142,144,147,139,68,52,95,91,69,71,137,139,137,101,99,99,100,107,155,163,155,96,94,168,181,183,196,207,212,204,183,163,152,113,113,152,150,111,111,113,113,113,109,103,101,103,105,109,109,105,103,101,103,105,111,113,111,109,111,157,121,117,115,117,111,109,117,160,160,121,119,123,165,168,165,163,168,178,186,189,183,181,178,170,113,109,111,115,117,119,119,119,123,168,176,178,176,168,121,109,106,111,121,119,112,112,121,168,170,168,123,117,165,181,181,183,186,189,191,183,176,173,176,176,173,173,173,127,125,129,173,131,183,204,212,209,209,209,199,181,133,133,135,186,186,183,191,196,202,207,212,217,215,209,204,204,196,183,181,186,189,186,186,183,181,137,133,129,127,181,204,212,215,217,222,217,212,207,207,212,212,212,212,212,212,212,212,211,211,212,215,217,217,217,217,222,225,217,191,141,199,207,194,189,189,194,202,207,204,199,189,137,136,137,183,194,202,209,212,207,202,196,191,191,196,196,192,192,199,199,191,190,190,191,194,196,196,195,194,194,196,196,202,209,217,212,196,183,186,204,222,228,230,230,228,222,222,225,215,121,111,114,196,204,191,141,189,191,199,207,196,112,105,119,123,92,84,90,96,88,97,133,141,141,136,125,111,112,125,137,149,202,141,141,204,225,230,228,225,222,225,233,238,241,241,235,228,222,207,103,53,62,194,233,235,233,230,233,235,235,235,238,238,230,148,138,142,199,217,225,228,228,228,225,225,225,230,233,235,235,235,233,233,235,238,238,238,235,233,230,230,225,217,215,215,228,233,230,217,207,202,202,204,212,228,225,225,212,204,196,192,198,215,228,230,228,222,207,194,189,143,145,196,209,222,228,233,230,228,225,222,220,222,222,222,225,230,235,233,230,228,217,207,196,143,128,110,108,133,199,199,199,204,209,204,196,196,202,202,194,196,196,194,194,199,194,186,194,204,202,194,191,196,196,196,186,137,137,186,196,207,209,199,183,127,131,135,183,183,178,129,38,15,27,109,228,228,215,209,225,230,183,123,173,191,125,113,123,243,243,105,69,83,113,189,209,222,225,228,228,228,228,228,228,228,228,228,230,230,230,230,230,215,173,101,127,125,123,168,165,115,65,15,26,160,168,93,50,97,176,181,178,173,176,183,189,194,199,181,77,73,111,181,196,181,103,93,168,225,230,215,86,75,95,176,189,183,103,0,0,0,0,89,152,157,0,63,107,107,93,97,178,196,196,170,173,191,215,217,220,217,217,222,228,230,230,230,235,233,209,189,176,186,230,238,238,241,241,241,241,235,181,91,99,129,186,189,181,125,121,131,191,204,209,207,202,196,194,196,199,204,207,207,209,215,212,207,204,204,204,204,202,212,225,217,196,192,192,196,202,204,204,75,13,34,196,222,217,207,194,192,204,217,207,141,137,143,191,199,209,215,215,209,207,207,194,135,139,194,196,191,191,189,189,202,204,204,209,212,225,235,233,230,235,235,233,233,238,241,241,238,233,233,235,238,235,233,230,228,230,233,233,230,228,222,215,215,215,217,212,194,186,189,212,217,217,207,196,192,196,199,199,199,199,202,215,225,217,112,108,191,212,215,217,228,230,233,233,233,233,235,238,235,235,233,235,235,235,233,230,230,233,233,233,233,233,235,238,238,241,241,241,241,241,241,241,241,235,234,235,235,230,212,144,194,199,202,202,207,217,215,139,99,99,199,235,243,238,235,238,241,241,241,238,235,233,233,238,241,241,243,243,243,241,241,238,235,233,230,230,230,233,233,235,235,235,235,235,235,238,241,241,238,235,235,238,241,241,241,238,235,235,235,238,241,243,243,243,243,246,246,246,246,246,243,243,243,243,238,237,237,238,241,243,243,241,241,241,243,243,243,243,243,243,241,238,235,233,233,231,233,235,228,155,143,155,228,233,225,213,212,215,225,230,233,235,235,235,233,225,212,211,212,217,217,217,222,222,217,215,217,217,217,217,222,225,225,220,217,222,225,225,222,222,222,225,225,222,217,216,217,222,225,225,225,225,228,228,225,225,225,220,217,222,217,155,149,155,215,222,222,225,225,225,225,228,233,238,241,241,241,241,241,241,238,238,238,238,241,241,238,238,238,241,243,241,241,238,233,233,235,238,233,230,228,230,233,230,228,230,228,228,230,233,233,228,225,225,230,230,230,233,233,233,235,233,233,230,228,228,225,217,217,222,225,225,228,230,233,233,235,235,235,235,233,230,233,233,230,225,222,222,215,209,208,209,209,217,225,228,222,217,222,222,222,225,230,233,230,230,230,230,230,228,228,228,228,230,225,217,215,217,222,225,225,222,220,217,222,225,228,228,228,228,225,225,222,222,222,222,225,222,217,217,217,217,222,222,220,217,217,217,217,215,209,207,202,199,202,209,212,217,222,225,220,217,215,194,132,134,196,209,209,207,207,209,207,202,199,202,204,204,204,204,204,209,215,212,207,207,209,215,217,222,225,217,209,202,194,192,192,194,194,199,202,207,212,212,212,215,217,217,217,217,217,217,220,222,222,217,212,211,215,217,222,221,222,225,230,233,230,230,230,228,224,225,228,228,230,238,246,248,246,243,241,243,243,243,243,246,243,243,243,243,238,233,228,222,217,209,202,199,199,199,196,196,196,194,186,137,136,137,181,183,183,181,181,181,178,176,133,129,127,127,125,125,125,131,178,183,181,181,181,183,191,194,199,204,207,204,203,209,225,233,235,238,241,243,241,235,230,228,222,209,147,137,131,131,133,133,133,137,147,204,212,222,228,233,238,243,248,254,255,255,255,251,248,243,243,243,241,235,228,222,215,209,207,155,153,151,150,153,207,207,155,155,155,153,157,225,243,255,255,255,254,251,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,255,255,255,220,222,222,222,222,222,222,222,225,222,222,215,215,204,196,189,137,137,189,196,196,189,176,168,168,176,178,178,178,176,168,160,155,144,105,103,97,93,85,79,73,67,63,55,45,37,35,33,31,27,24,23,23,23,25,27,27,35,43,55,55,51,45,45,39,31,27,28,37,55,63,69,75,75,75,73,69,63,57,49,49,49,51,57,59,59,63,63,71,73,79,81,85,89,91,91,95,101,113,155,181,207,246,255,255,255,255,255,255,238,212,191,170,157,150,139,124,81,63,49,43,49,90,98,90,64,43,34,35,35,20,4,4,27,53,0,0,0,0,0,46,46,35,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,13,13,9,13,19,27,33,59,69,51,23,19,19,51,147,163,124,64,35,35,35,35,17,0,0,0,0,0,0,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,56,38,33,29,38,48,0,0,0,72,46,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,74,118,111,101,101,111,103,77,69,69,72,53,27,17,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,9,47,79,49,37,105,150,170,170,165,165,183,196,191,183,189,196,207,194,163,75,29,31,99,186,202,199,202,209,194,83,43,77,67,81,113,113,75,81,168,222,243,246,248,255,248,238,212,0,0,0,0,0,0,0,0,0,0,0,47,129,111,61,58,65,75,83,134,173,181,168,160,160,160,160,170,173,113,85,90,168,178,152,105,107,157,152,109,155,173,155,91,81,75,83,91,97,97,97,97,134,157,181,189,199,199,181,160,147,163,199,199,131,31,21,29,55,37,45,61,57,49,61,79,126,137,137,95,85,85,129,137,134,137,144,137,83,47,43,59,97,144,103,96,94,101,150,173,186,181,173,168,173,176,181,183,183,183,191,199,207,202,199,199,191,85,46,46,75,186,233,235,215,202,189,189,191,194,194,186,178,178,176,170,168,123,123,165,168,170,170,168,127,123,165,173,183,191,199,199,189,181,165,117,117,165,181,196,202,194,173,163,157,97,79,63,59,59,59,55,55,51,51,57,67,77,87,101,170,196,204,202,202,194,173,150,107,150,157,152,111,103,87,67,49,41,33,30,30,31,37,45,59,71,79,83,97,115,168,168,173,181,173,123,122,125,165,125,125,168,127,121,121,127,129,170,170,178,173,126,126,129,173,176,183,183,183,183,181,181,181,178,178,178,170,176,196,207,204,194,194,186,125,117,111,115,115,121,121,123,178,196,209,212,202,183,178,181,183,176,117,109,115,109,95,83,83,95,103,150,173,163,101,77,65,59,59,55,50,49,51,55,57,75,95,119,178,178,173,178,189,199,207,217,230,251,255,255,255,255,255,255,255,255,254,235,215,189,135,131,117,105,97,97,101,113,170,178,183,155,87,67,57,61,57,37,23,11,7,9,17,27,35,47,47,47,47,65,71,79,77,77,83,97,137,152,165,176,176,183,191,204,212,202,191,189,183,181,170,147,97,83,63,49,52,75,83,81,77,75,69,53,57,69,75,75,69,65,61,61,71,87,101,142,142,142,142,109,109,109,147,155 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,51,0,0,0,0,0,0,0,0,0,48,131,111,88,111,131,129,131,137,131,118,76,72,139,173,69,43,144,152,150,142,103,103,147,160,168,170,165,97,90,101,163,173,183,194,209,207,186,160,113,109,111,150,155,157,155,152,115,115,113,109,103,97,93,93,95,99,99,99,98,98,101,109,115,115,113,117,115,112,115,113,103,98,109,119,119,115,115,121,165,168,163,163,165,173,178,178,173,170,165,115,107,107,109,111,113,117,117,117,121,123,163,123,123,119,115,111,106,106,111,115,113,113,115,121,163,163,117,112,115,168,176,181,186,191,194,176,168,168,173,178,178,181,181,176,181,189,178,117,123,189,204,204,204,204,196,178,133,135,181,189,189,186,191,196,199,204,209,212,212,204,202,202,196,189,186,189,191,191,189,183,131,129,131,127,123,131,202,212,215,222,222,215,207,205,207,209,209,209,208,208,209,212,212,211,211,211,212,212,215,215,217,222,228,225,202,189,202,209,199,189,187,189,196,204,204,194,186,139,137,181,186,191,199,202,202,199,196,194,194,196,199,196,194,194,202,202,194,191,191,191,196,199,199,196,195,195,199,199,202,217,225,217,199,189,191,209,225,233,230,228,225,215,212,212,204,123,111,112,186,202,194,191,196,202,207,225,228,118,118,143,107,87,87,101,125,121,135,199,196,149,149,145,141,149,220,233,235,233,215,207,212,222,225,225,225,222,222,228,235,241,241,230,199,123,123,115,87,96,228,238,233,225,196,222,233,235,235,228,217,196,139,136,147,225,233,233,233,233,235,233,230,225,225,230,235,235,233,230,228,228,230,233,235,233,233,230,230,228,225,222,222,228,233,228,204,194,204,215,217,228,235,235,233,217,204,196,194,202,215,228,228,217,207,204,204,202,194,191,196,209,225,230,230,230,228,225,225,222,222,217,217,222,228,230,230,225,215,204,194,191,141,128,107,104,133,199,199,196,199,204,204,199,199,209,217,194,194,199,199,196,194,189,191,204,207,199,194,191,189,186,183,137,135,134,181,204,217,225,217,196,125,123,127,181,194,207,209,202,63,49,91,204,217,215,209,217,209,186,125,123,121,119,115,127,233,241,215,129,97,107,194,215,222,225,230,230,233,233,230,230,230,230,230,230,230,230,230,225,204,176,121,123,119,170,202,204,194,103,3,0,33,67,83,93,178,186,173,168,170,178,186,202,215,225,233,220,165,165,189,196,189,115,77,202,222,233,230,107,70,105,207,235,233,209,7,0,0,0,57,113,157,0,83,183,170,86,81,111,183,168,29,37,47,91,121,209,212,215,215,222,230,230,225,235,243,189,176,189,202,225,235,228,241,243,238,233,204,101,91,109,183,194,194,189,135,127,131,189,204,212,209,204,204,204,204,204,204,204,209,212,212,209,207,207,204,204,204,204,212,225,220,199,194,199,204,217,217,143,39,8,41,194,215,217,207,194,194,207,215,204,141,129,126,129,194,212,225,228,222,209,199,141,137,143,199,202,196,189,140,141,212,225,222,215,212,230,243,238,230,230,235,233,233,238,241,241,238,235,235,238,235,230,228,225,225,228,230,233,233,230,225,215,212,213,225,222,194,160,153,212,222,222,209,204,202,202,204,207,202,204,215,230,235,228,202,202,215,215,212,220,230,235,235,233,230,230,233,235,235,230,230,235,238,238,233,230,229,229,230,230,230,233,235,238,238,241,241,241,241,241,243,243,243,241,235,235,235,228,145,132,138,199,202,192,192,204,204,143,137,204,225,233,235,235,238,238,241,241,238,238,235,235,235,238,241,241,243,243,243,241,241,235,233,230,230,230,233,233,235,235,238,235,235,235,235,238,241,238,238,235,235,238,238,238,238,238,238,235,235,238,241,243,243,241,241,243,243,246,246,246,246,246,246,243,241,237,237,238,241,241,241,243,243,243,243,246,246,246,246,243,241,241,238,235,233,231,231,233,228,145,134,141,225,228,215,211,212,215,217,225,228,230,228,228,225,217,211,211,212,215,215,215,215,215,215,215,217,215,213,215,225,230,230,228,225,222,222,222,222,220,222,222,225,222,217,216,217,217,222,222,225,225,228,228,225,225,222,217,217,217,217,209,204,209,215,217,222,225,225,225,225,228,233,238,241,241,241,241,241,241,238,238,238,238,241,241,238,238,241,243,241,238,238,235,233,233,235,235,230,228,230,233,235,230,230,230,230,230,233,233,230,228,228,225,225,225,230,233,235,235,233,233,230,230,228,228,220,213,213,215,222,225,228,230,235,235,238,238,238,238,235,233,233,230,225,222,228,225,212,203,204,209,215,222,225,228,225,222,225,225,222,222,230,233,233,230,230,230,230,230,228,228,230,230,228,222,217,222,222,225,222,222,217,217,222,225,230,230,230,228,228,225,225,222,222,225,225,222,220,217,217,220,222,222,217,217,217,217,217,217,212,207,202,199,202,207,215,217,225,225,220,217,212,147,137,140,204,212,209,204,207,207,202,196,194,196,199,202,204,204,207,209,212,209,204,204,209,215,217,222,222,217,212,204,196,192,192,194,194,196,199,207,212,212,212,212,217,217,217,217,220,222,222,222,217,212,211,212,215,220,222,221,222,225,230,230,230,230,230,228,225,225,228,228,233,241,246,248,248,243,243,243,243,243,243,246,246,243,243,243,238,233,228,225,217,209,204,202,202,199,196,196,199,196,191,183,137,137,137,181,181,181,181,181,178,176,133,129,129,127,127,125,125,129,135,181,183,183,186,191,196,204,209,215,215,215,212,217,228,233,235,238,243,243,243,238,230,228,225,217,202,143,135,135,133,133,133,137,147,202,212,225,235,241,246,248,251,254,255,255,255,251,248,243,243,243,241,238,233,225,217,212,207,153,151,151,151,155,204,154,152,154,209,217,225,233,243,254,255,255,255,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,222,220,222,222,222,225,225,225,222,222,215,215,215,204,204,194,137,135,183,194,194,183,176,127,168,168,176,178,178,176,176,165,157,144,144,137,99,93,85,79,79,71,65,59,45,37,33,31,29,27,25,25,25,25,25,25,27,31,35,43,51,55,53,45,43,37,35,35,39,47,63,75,81,85,89,85,83,79,71,69,65,65,65,69,69,71,71,71,75,77,81,85,87,91,95,95,99,101,113,155,181,204,238,255,255,255,255,255,255,246,220,191,170,150,147,147,142,129,77,49,37,37,49,79,64,48,26,23,35,51,61,35,12,12,17,0,0,0,0,0,27,17,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,19,23,19,19,19,19,17,17,27,33,29,23,27,33,82,163,163,111,56,35,30,27,17,1,0,0,0,0,0,35,61,90,113,124,126,142,0,0,0,0,0,0,0,0,0,0,100,61,43,35,35,35,0,0,0,0,64,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,142,152,134,111,129,137,121,98,77,77,69,35,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,38,17,0,0,0,0,0,0,0,35,35,21,29,98,152,168,178,173,173,181,189,186,183,189,196,207,196,173,87,0,0,55,176,196,202,202,207,196,99,39,39,21,20,49,53,35,8,183,220,243,246,251,251,246,238,212,37,0,0,0,0,0,0,0,0,0,0,0,73,131,131,131,131,91,85,129,163,176,173,168,168,165,160,165,178,168,90,90,152,168,152,107,101,150,157,157,152,89,73,63,51,59,73,83,93,97,97,99,144,168,183,189,189,183,170,150,147,181,191,181,126,55,47,75,124,75,69,77,69,65,73,91,134,142,137,91,75,74,79,81,81,99,163,97,39,33,39,59,97,101,97,94,97,113,173,186,194,181,165,164,165,176,183,176,168,168,181,191,191,191,189,181,111,43,42,47,97,196,233,235,222,189,186,189,194,194,191,189,186,178,173,168,121,120,120,120,123,127,127,119,117,109,117,173,183,191,194,191,183,173,117,112,111,163,189,204,204,196,189,181,157,89,65,49,43,43,47,49,49,55,57,59,63,67,77,99,178,196,204,196,194,186,176,160,155,157,163,150,103,89,83,73,59,49,39,31,31,35,39,45,53,63,71,89,117,176,183,183,178,181,181,170,125,125,165,168,173,176,127,121,118,121,125,170,178,189,178,129,125,126,170,173,183,196,196,196,196,183,181,178,178,178,178,178,199,215,204,194,189,176,125,117,111,117,123,168,168,165,178,186,196,212,202,183,160,160,176,160,113,109,109,109,101,95,103,109,109,150,160,170,150,95,83,73,69,59,50,50,51,51,55,65,87,113,173,173,121,129,181,196,209,222,235,254,255,255,255,255,255,255,255,255,255,251,228,204,194,186,176,115,100,97,100,113,170,194,194,155,81,49,43,43,41,29,15,4,2,7,17,27,35,47,47,44,45,55,65,77,79,77,77,83,89,103,142,152,152,155,168,186,202,191,189,183,183,178,165,142,97,83,71,53,53,75,89,89,87,83,75,65,69,79,85,81,71,57,51,55,63,81,95,103,103,107,142,152,152,152,165,168 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,35,0,0,0,0,0,0,0,0,0,56,163,150,100,91,121,131,131,131,79,66,70,93,155,173,55,0,67,152,155,147,144,152,168,178,173,165,173,163,98,99,144,160,168,176,196,199,170,111,107,107,107,150,155,160,163,160,155,155,157,155,111,97,86,85,87,95,99,101,97,96,99,111,117,117,112,110,109,111,113,111,99,89,87,111,109,105,104,111,121,163,161,163,165,168,170,168,163,123,119,111,107,107,109,108,108,111,115,117,121,119,117,117,115,115,113,113,109,106,106,109,113,111,111,117,123,163,117,113,114,121,170,178,186,189,168,99,113,127,125,129,170,176,176,174,189,209,199,110,117,131,191,191,191,194,191,178,133,135,178,183,183,179,186,194,199,202,204,207,207,204,202,202,196,185,182,189,196,196,191,135,119,119,125,125,121,129,202,212,217,222,217,212,207,207,209,212,209,208,208,208,209,215,215,215,212,212,212,211,212,215,217,222,228,222,202,189,194,199,191,186,187,191,194,194,189,183,183,186,186,183,183,189,191,194,194,194,191,191,196,204,209,202,194,202,212,212,202,196,194,194,196,199,199,199,199,199,199,196,196,207,212,204,194,189,194,204,215,225,225,228,222,196,129,137,186,139,118,118,139,196,196,196,204,209,207,212,215,199,196,194,96,97,111,222,251,246,235,230,222,215,222,225,228,233,238,241,238,235,225,215,212,215,215,217,222,220,217,225,233,241,241,228,196,135,137,196,202,215,233,238,238,139,94,204,222,222,222,149,147,149,147,151,215,228,233,233,233,233,233,233,228,225,225,230,235,235,233,228,226,226,228,230,230,230,228,228,228,228,228,228,228,228,233,222,139,133,202,225,233,235,235,235,233,225,209,202,202,209,225,228,217,207,203,207,215,215,202,191,196,212,225,225,225,225,222,222,217,217,217,215,215,222,225,225,222,212,204,196,191,145,145,141,131,130,191,199,196,194,194,199,207,207,202,207,212,192,194,199,199,194,189,186,186,199,204,199,194,191,189,183,183,183,137,134,136,204,222,228,222,196,120,118,119,133,199,222,233,235,204,105,107,183,204,212,215,209,194,191,173,112,98,107,110,125,189,204,207,204,178,131,199,215,225,225,230,235,235,233,230,230,230,230,230,230,230,230,230,225,129,107,109,109,103,181,220,228,230,225,20,0,19,45,97,176,183,163,131,131,147,163,189,209,228,233,233,228,204,194,207,212,209,183,77,196,215,230,230,207,72,101,196,230,230,235,83,0,0,0,91,113,157,93,85,196,204,94,80,113,230,194,25,0,0,0,0,7,41,109,189,212,222,228,217,235,233,115,176,196,202,207,217,186,233,241,238,186,99,91,107,191,204,207,207,196,186,137,137,191,204,212,212,207,207,209,207,204,202,204,207,212,207,205,207,207,204,203,207,209,212,212,204,145,191,207,225,235,238,199,61,57,125,145,199,207,204,202,199,199,196,191,143,129,121,124,199,217,230,238,238,222,199,136,135,191,202,204,199,141,138,141,222,235,233,217,194,204,241,241,233,230,233,233,233,235,238,238,238,235,235,233,230,225,222,220,222,225,230,233,235,233,230,222,213,215,230,228,196,147,137,202,212,215,202,204,202,204,209,207,195,196,215,235,238,217,207,212,225,225,217,220,228,233,233,230,230,230,230,233,233,230,230,235,238,238,235,230,229,230,230,230,233,233,235,238,241,241,241,241,241,241,243,243,243,241,238,238,235,228,149,133,138,207,202,190,190,202,204,199,199,217,230,233,233,233,235,235,235,238,238,235,235,235,238,238,238,241,241,243,243,243,238,235,233,230,230,233,233,233,235,235,235,235,235,235,235,238,238,238,238,238,238,238,238,238,241,241,238,238,238,241,243,243,241,241,241,243,243,246,246,246,246,246,246,243,241,238,238,238,241,241,241,243,246,246,246,246,248,248,246,243,243,243,241,238,235,231,231,233,233,159,138,145,222,228,217,213,215,217,217,222,225,225,225,222,222,217,215,212,215,217,217,217,215,215,215,215,215,213,213,217,228,233,235,233,228,222,217,217,217,217,217,222,222,222,217,217,217,220,222,222,222,225,228,225,225,225,222,220,217,217,215,209,207,212,217,220,222,228,228,228,225,228,230,235,238,238,241,241,238,235,238,238,235,235,238,238,238,238,241,243,241,238,235,235,233,233,233,230,228,225,230,233,233,230,230,230,230,233,233,230,228,228,228,225,224,225,230,235,235,233,233,230,230,230,230,228,217,213,212,215,222,225,228,233,235,238,238,238,238,238,238,238,230,209,147,204,225,225,212,203,204,209,217,222,225,225,225,225,225,225,222,222,228,233,233,230,230,230,230,228,228,228,228,228,225,222,222,222,222,217,217,217,216,217,222,225,230,230,230,228,228,228,225,225,225,225,222,222,217,217,217,220,222,222,220,217,215,212,212,212,209,204,200,204,207,212,215,222,222,222,217,217,212,196,143,194,212,215,209,204,204,204,199,192,191,194,199,202,204,207,209,212,212,207,202,203,209,217,217,222,222,217,212,204,199,196,196,196,196,196,199,204,209,209,209,209,215,215,215,217,217,217,217,217,215,212,212,217,222,225,225,222,225,228,230,230,228,228,228,228,225,225,225,228,233,241,246,248,248,246,246,246,243,243,246,246,246,243,241,241,238,233,230,228,222,217,212,209,204,199,196,196,196,196,191,186,181,137,136,178,178,181,181,181,178,176,133,131,129,129,129,127,127,131,178,181,183,186,189,194,199,207,215,225,228,228,228,228,230,235,235,238,243,246,246,241,235,230,230,228,215,149,139,135,135,137,141,145,199,209,215,228,235,243,248,251,251,254,254,255,254,251,246,243,243,243,243,241,235,230,222,215,207,153,150,151,153,204,204,155,153,204,215,222,228,230,238,246,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,220,217,222,222,225,233,233,233,225,222,215,215,215,204,204,196,137,135,178,189,189,178,129,127,165,168,176,178,178,178,176,168,160,155,144,137,99,93,85,85,79,73,67,59,45,37,33,31,31,31,31,31,31,27,25,25,27,27,29,37,51,57,51,53,45,45,47,45,45,47,61,75,89,118,124,124,124,91,89,85,83,79,79,79,83,83,83,85,81,85,85,87,87,91,95,95,99,101,107,155,181,199,228,254,255,255,255,255,255,248,220,191,170,150,143,150,160,155,121,59,33,31,33,37,33,33,43,43,48,0,85,61,22,4,0,12,0,0,0,27,12,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,46,46,35,35,33,25,23,23,25,25,29,39,59,82,103,139,131,92,56,38,35,25,22,7,0,0,0,0,0,51,72,95,98,98,103,124,150,0,0,0,0,0,0,0,0,0,105,61,43,35,35,40,0,0,0,0,56,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,168,181,152,129,134,144,137,116,85,82,69,31,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,53,53,38,0,0,0,0,0,0,0,0,0,27,105,152,170,176,178,178,181,189,181,181,189,202,207,202,181,113,0,0,31,176,207,202,202,207,194,105,33,15,8,6,25,33,9,0,207,222,243,254,251,251,246,238,212,152,13,0,0,0,0,0,0,0,0,0,0,41,176,207,209,199,170,147,147,157,163,157,163,168,168,165,165,178,183,99,91,103,150,107,99,87,89,97,99,71,13,19,39,41,51,63,75,85,93,97,139,147,163,173,181,183,181,170,160,170,196,181,129,73,67,75,89,89,81,81,79,69,69,79,91,129,142,137,91,75,72,74,74,74,91,165,43,3,11,39,63,85,95,97,97,109,173,191,199,194,186,168,164,165,181,183,168,153,163,176,183,183,183,191,183,105,42,43,57,101,189,222,233,225,189,186,194,196,194,189,189,186,178,125,121,120,120,127,127,127,119,119,109,101,100,105,165,189,199,199,194,183,173,117,112,117,170,191,196,189,189,189,168,91,69,55,45,39,37,37,39,43,47,55,59,63,67,79,111,191,212,207,196,191,186,183,176,165,168,165,111,89,83,79,73,63,57,45,39,37,39,41,47,55,63,75,101,168,194,196,186,181,183,183,181,170,125,124,173,183,183,170,121,117,121,125,170,178,189,178,129,125,126,129,173,183,196,199,196,196,194,183,178,178,178,178,178,199,215,204,196,189,173,125,117,117,123,168,168,170,181,168,178,194,207,202,181,157,156,160,119,109,107,109,109,105,103,109,109,106,142,150,160,150,139,101,93,81,63,55,51,51,51,51,57,81,107,121,121,119,121,133,189,209,225,243,255,255,255,255,255,255,255,255,255,255,255,243,217,207,204,194,178,119,107,111,155,178,196,196,147,67,39,31,27,27,23,11,4,1,11,23,35,47,55,55,47,44,47,65,77,89,89,85,83,85,97,142,152,144,105,142,165,183,183,181,176,176,170,152,134,97,89,87,67,59,75,89,97,97,89,81,75,79,85,87,87,75,57,51,55,65,81,95,101,103,103,147,165,165,170,173,178 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,152,202,202,124,85,126,142,142,137,77,59,58,137,152,155,53,3,56,142,147,139,142,155,170,178,165,155,168,170,152,107,109,150,155,163,178,178,150,102,102,105,107,111,113,155,163,160,150,150,160,168,160,103,86,83,87,97,101,101,98,97,103,115,160,157,113,112,112,113,115,113,103,87,71,107,107,104,104,111,123,163,161,168,170,168,163,121,119,119,117,113,109,111,111,109,108,109,111,115,119,117,115,115,117,119,117,117,115,109,107,109,113,113,111,115,123,123,119,115,115,121,168,178,186,183,115,92,100,115,117,119,127,176,176,172,186,217,217,123,124,178,191,186,185,186,186,178,133,133,135,181,181,181,191,202,202,199,199,199,202,204,207,207,194,177,174,186,196,194,178,125,113,113,121,123,121,127,196,212,217,220,215,212,209,212,212,212,212,209,209,209,212,215,217,217,217,217,215,212,212,215,217,225,225,217,202,191,191,191,187,187,194,199,194,182,179,182,191,196,191,186,186,189,189,189,189,191,191,191,196,212,217,204,194,199,215,217,209,202,194,194,199,199,196,194,196,199,196,191,189,189,191,189,189,191,196,196,194,199,209,222,204,104,97,112,183,139,123,122,139,196,199,202,212,222,215,204,199,202,196,125,99,191,212,233,241,241,238,235,233,233,235,235,235,235,238,241,238,233,228,222,222,222,222,222,225,217,217,225,233,238,241,235,215,204,204,209,204,212,228,230,225,101,80,143,204,149,147,143,147,217,225,222,222,225,228,233,233,233,230,228,225,225,228,233,235,238,235,230,226,226,228,230,230,228,226,226,228,228,230,230,230,228,222,194,127,129,204,233,238,238,235,233,235,230,207,196,196,204,222,225,212,204,207,217,228,225,204,190,194,209,222,222,217,217,215,212,212,212,215,215,217,222,222,217,209,199,195,196,199,194,145,191,196,196,199,199,194,192,192,199,215,215,207,202,199,192,196,196,191,186,186,183,140,191,202,202,194,194,194,189,189,191,189,137,137,202,217,225,222,189,118,117,118,127,189,212,225,212,207,199,191,191,196,204,207,196,129,194,204,199,112,112,113,125,181,186,194,199,191,189,204,215,222,225,230,235,235,233,230,230,233,233,230,230,230,230,228,222,89,73,89,101,103,199,222,233,235,238,105,65,103,103,165,183,181,163,147,142,146,152,163,199,220,228,225,215,194,191,217,228,230,222,189,191,212,233,230,217,72,91,178,220,228,243,186,73,3,101,107,103,163,202,165,209,225,173,109,189,255,255,168,0,0,0,0,0,0,0,0,49,29,39,87,117,73,55,173,199,196,173,119,85,103,107,91,55,71,95,127,204,217,222,217,196,194,194,191,194,202,209,207,202,202,204,204,202,202,204,207,207,205,204,207,207,204,204,207,212,204,196,145,142,144,215,238,243,246,238,204,141,135,137,143,199,204,207,202,196,194,191,191,139,127,135,217,233,238,243,243,235,202,134,134,196,207,204,196,140,140,194,217,230,225,196,90,93,199,233,233,230,229,230,233,235,238,238,235,235,233,230,228,221,218,218,222,228,233,235,238,235,233,228,217,217,233,230,199,165,143,199,207,209,200,200,200,204,209,204,192,191,204,228,228,207,204,217,228,222,212,215,222,228,230,230,230,230,230,230,230,230,233,235,238,238,235,233,233,233,235,235,235,235,238,241,241,243,243,243,241,241,241,241,241,238,238,241,238,230,215,145,194,209,204,194,194,202,207,209,215,225,233,235,235,235,235,235,235,238,235,235,235,238,238,238,238,238,241,243,243,241,238,235,233,233,233,233,233,230,230,230,230,233,233,235,235,235,235,235,238,238,235,235,238,238,238,238,238,238,238,241,243,243,241,241,241,241,243,243,246,246,246,246,246,243,241,238,238,241,241,241,241,243,246,246,248,248,248,248,246,246,246,246,246,243,238,233,231,235,238,230,209,209,217,225,225,222,222,225,222,222,225,228,222,217,217,222,225,228,228,228,228,225,222,222,222,217,215,215,215,222,228,235,238,235,228,217,216,216,217,217,217,217,215,217,217,217,222,222,220,217,222,225,228,228,228,225,222,222,222,217,215,212,212,217,228,225,225,230,230,228,225,225,228,230,235,235,235,235,233,230,233,235,235,235,235,235,235,235,238,241,241,238,238,235,233,233,230,228,225,225,228,233,228,225,228,230,233,233,233,228,224,225,228,228,225,228,233,235,233,233,233,230,230,233,230,228,217,213,213,215,222,228,230,233,235,238,238,238,238,238,238,241,233,145,109,115,145,209,215,209,208,212,217,222,222,220,217,222,222,222,222,225,228,230,230,230,230,230,230,230,230,230,230,228,225,222,217,217,217,216,216,216,216,217,222,225,230,230,230,228,228,228,228,228,225,225,222,222,217,217,217,220,222,222,217,217,212,209,207,207,204,202,202,207,209,212,217,222,222,217,217,217,215,204,199,209,217,217,212,207,204,202,196,192,191,194,199,202,207,207,209,215,212,204,202,203,209,215,217,217,217,215,209,204,202,202,202,202,202,199,199,202,207,207,207,207,212,212,212,215,215,215,215,215,215,212,215,222,228,228,228,225,228,230,230,228,225,225,225,225,225,225,228,233,238,241,243,246,248,248,248,248,246,246,246,246,246,243,241,238,235,233,230,228,225,222,217,215,209,202,196,194,191,191,191,189,183,137,136,136,178,178,178,178,178,176,133,133,131,131,131,133,133,178,183,186,186,186,189,191,196,207,217,228,230,233,233,233,233,235,235,241,243,246,248,246,243,238,235,235,222,202,141,135,137,143,149,199,204,209,215,225,233,241,246,248,251,251,251,254,254,248,246,243,243,243,243,241,235,233,228,222,212,204,151,150,151,202,204,204,204,207,212,215,222,228,235,243,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,217,217,222,225,230,233,241,238,230,222,222,215,215,204,196,189,137,135,178,183,183,178,129,127,165,165,168,178,183,183,178,173,163,157,144,144,103,97,91,85,79,73,67,57,45,37,33,31,33,35,35,35,35,31,25,25,27,23,21,31,43,51,51,45,45,55,61,61,55,55,61,77,89,124,126,131,131,134,129,129,124,93,93,93,93,93,91,91,87,87,87,87,91,95,95,95,99,101,107,155,178,194,207,238,255,255,255,255,255,255,230,202,173,150,143,150,181,181,147,105,49,33,25,19,19,25,43,59,66,0,0,69,38,17,4,0,0,0,0,35,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,51,51,56,56,39,33,35,59,39,33,39,82,100,100,100,100,92,66,56,43,33,25,30,35,7,0,0,0,25,56,82,95,103,108,108,116,129,139,0,0,0,0,0,0,0,0,0,56,43,40,43,48,0,0,0,0,56,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,23,72,157,176,160,134,129,126,118,111,103,103,85,61,21,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,82,98,85,56,7,0,0,0,0,0,0,0,27,108,150,168,176,176,178,178,178,178,186,194,207,207,207,191,170,0,0,53,196,209,194,189,194,183,105,45,19,15,12,45,59,1,0,191,220,251,255,255,246,243,238,220,194,69,0,0,0,0,0,0,0,0,0,0,3,181,217,243,241,212,191,176,163,157,155,157,176,176,173,178,191,194,150,93,92,95,99,87,71,71,73,61,13,0,0,23,35,39,57,75,95,134,137,137,139,144,157,173,183,181,170,160,160,181,147,73,57,61,69,75,67,65,67,67,65,69,79,85,91,137,142,129,85,81,85,81,77,79,71,9,1,13,47,67,83,91,95,103,163,191,202,209,202,194,176,168,173,186,183,163,153,160,181,183,182,191,207,207,173,63,57,69,91,168,207,230,225,202,196,204,204,196,191,194,194,178,168,121,120,120,127,168,127,109,109,107,100,98,101,165,191,207,209,199,189,181,168,163,168,181,194,194,189,189,176,91,43,35,39,43,41,36,34,34,39,41,47,59,67,73,89,157,199,217,212,196,194,194,189,183,176,168,165,111,87,77,75,75,67,59,53,49,45,45,47,55,67,79,89,113,176,194,202,186,181,189,189,181,170,125,127,176,183,183,176,121,117,121,125,170,178,181,178,129,126,129,173,176,183,196,199,199,196,194,194,194,191,178,178,178,199,215,204,196,186,173,125,119,123,168,170,170,170,168,165,165,186,204,202,183,160,157,160,119,109,107,109,109,109,150,150,106,105,109,150,150,144,147,150,107,89,73,59,55,51,49,47,49,69,93,113,117,117,121,133,189,209,230,251,255,255,255,255,255,255,255,255,255,255,255,243,225,222,217,215,196,178,170,170,178,186,196,178,97,49,33,23,21,21,19,11,7,5,21,35,47,65,65,65,47,44,47,65,83,126,97,91,89,89,134,144,152,144,103,97,142,163,165,163,152,152,147,139,93,89,97,99,77,61,69,89,134,134,93,85,81,85,89,93,87,77,61,55,61,71,85,93,97,97,103,152,173,181,181,183,189 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,111,170,209,212,160,113,147,155,150,147,134,62,56,137,147,152,142,79,144,155,150,101,105,150,163,170,157,150,157,165,165,157,152,150,150,157,165,163,109,102,102,103,103,103,109,152,157,155,109,109,150,163,157,107,89,85,91,101,103,101,99,103,113,163,170,168,163,160,160,160,157,117,115,103,84,103,109,113,160,176,186,181,173,173,173,168,123,119,119,119,115,111,109,113,117,115,115,115,115,115,117,117,117,117,119,119,117,115,115,113,109,111,113,113,111,113,117,115,113,113,115,115,163,181,183,178,123,98,97,105,115,119,125,178,186,189,207,225,222,204,191,196,202,194,185,185,186,181,133,131,132,181,189,189,199,212,209,204,198,198,199,202,207,212,202,177,174,186,196,183,125,119,113,112,115,119,119,123,137,207,215,217,215,209,209,212,215,215,215,215,215,215,215,217,217,220,222,222,217,212,209,209,215,220,222,217,207,196,194,194,191,194,204,209,199,181,179,189,204,202,194,189,189,194,194,191,191,194,194,191,199,212,217,204,189,191,207,212,207,204,199,199,199,199,191,186,186,189,189,186,183,182,183,186,191,196,196,189,137,133,125,113,107,103,105,137,199,191,131,127,137,189,194,199,212,225,230,207,139,189,143,131,191,217,228,230,233,233,233,233,233,235,235,235,235,235,238,238,238,233,230,228,225,225,225,225,222,212,212,222,228,233,235,235,217,202,209,217,144,141,209,215,199,127,75,73,82,109,149,207,222,230,233,230,228,228,233,233,233,233,233,228,225,228,230,233,235,238,235,233,230,228,230,233,230,228,226,226,228,230,233,235,233,225,196,130,126,133,209,228,230,233,235,235,238,230,139,131,129,139,202,212,212,212,222,228,233,230,204,189,190,204,215,222,222,215,212,209,209,211,215,220,222,222,222,215,207,195,194,202,209,202,145,189,194,199,199,199,196,192,192,204,222,225,209,199,194,194,196,191,139,138,140,183,140,189,202,204,202,204,207,204,199,196,191,186,189,202,212,220,215,181,120,121,123,129,181,194,199,186,191,199,199,194,194,196,194,105,74,88,204,222,207,183,127,176,186,181,179,191,194,194,204,212,217,225,230,235,235,233,230,230,233,233,230,230,233,233,228,209,93,81,94,103,99,194,212,225,222,220,202,207,222,199,189,178,170,178,217,230,163,152,156,173,191,212,217,194,98,103,209,217,225,217,202,181,207,233,233,222,86,99,183,215,215,212,105,111,183,181,113,88,101,81,52,207,212,155,101,111,163,170,155,0,0,0,0,0,0,0,0,0,0,0,0,11,49,79,117,196,103,2,0,24,59,65,40,40,81,119,131,191,212,215,202,189,196,202,196,194,196,199,199,199,199,199,199,202,204,207,209,209,207,205,207,207,207,209,209,204,191,189,145,143,191,217,238,246,246,238,222,202,143,139,145,202,209,209,209,207,209,207,199,194,194,215,235,241,241,243,246,238,209,137,137,204,212,204,191,138,140,196,212,225,217,141,84,85,121,220,233,233,230,230,233,235,235,235,238,238,235,233,228,222,220,222,225,233,235,238,235,235,235,233,225,225,230,225,199,189,179,202,207,207,202,200,200,204,212,207,195,192,196,207,207,202,202,215,217,202,194,202,215,225,230,230,233,233,233,233,230,233,233,235,235,235,235,235,238,238,241,241,238,238,241,241,243,243,243,243,243,241,241,241,238,238,241,241,235,230,215,196,196,204,207,207,202,137,137,204,222,230,238,238,238,235,235,235,238,238,235,234,235,241,241,241,238,238,241,241,241,241,238,235,233,235,235,233,230,228,228,226,226,230,233,235,235,235,235,235,235,235,235,235,235,235,238,235,235,235,235,238,241,243,243,241,241,241,241,243,243,246,246,248,246,243,238,238,238,241,241,241,241,243,246,246,246,248,248,248,246,246,246,246,248,246,241,238,235,235,241,241,233,225,217,222,225,225,228,228,225,225,228,230,225,217,217,225,233,238,238,238,238,233,230,228,225,217,215,217,222,225,228,230,233,233,225,217,216,216,217,217,217,215,212,212,215,217,217,220,217,217,222,225,230,230,230,225,222,222,222,222,217,215,215,225,230,225,225,228,228,225,225,224,225,228,233,233,233,230,226,225,230,235,238,238,238,235,234,235,238,241,241,241,238,235,233,230,230,225,220,222,228,228,217,217,225,228,230,233,230,225,222,224,228,230,230,233,235,235,233,233,233,233,230,230,230,228,222,215,215,217,228,230,230,233,235,235,238,238,238,238,238,241,235,143,101,99,105,135,222,225,217,215,215,217,217,215,212,212,215,217,222,225,228,230,230,230,230,230,233,233,233,233,233,230,225,222,222,222,217,217,216,217,217,217,222,225,230,230,230,228,228,230,228,228,228,225,225,222,217,217,217,220,222,222,217,215,212,209,207,207,207,204,207,209,209,209,215,222,222,220,217,217,215,209,209,217,222,217,215,209,204,199,194,192,194,196,202,204,209,212,212,215,212,207,202,203,209,212,215,215,215,209,204,199,202,202,204,207,207,204,202,202,207,207,207,207,212,212,212,212,212,211,211,212,212,212,215,217,222,225,225,228,230,230,230,225,224,224,224,225,230,230,233,238,241,241,243,243,246,248,251,248,246,246,246,248,246,243,241,235,233,233,230,228,225,225,222,217,209,202,196,194,189,189,189,186,183,137,136,136,178,178,178,178,178,176,176,133,133,133,133,135,178,183,191,191,189,186,186,191,199,209,222,230,230,233,235,238,235,233,238,241,241,243,246,248,248,243,241,235,228,207,143,135,137,143,147,149,149,153,209,222,233,241,246,248,248,248,251,254,254,248,246,243,243,243,243,241,238,235,235,228,217,207,153,150,150,151,202,204,207,207,209,212,217,230,241,246,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,217,217,222,225,233,241,241,241,238,230,222,215,204,204,196,189,137,129,135,135,176,176,129,127,123,165,168,178,183,183,183,178,168,160,157,144,103,97,91,85,77,71,65,57,45,37,33,33,35,35,35,35,33,29,25,25,25,15,9,21,35,43,43,45,45,57,67,69,67,63,67,75,83,91,124,131,131,137,137,137,134,134,134,129,129,97,97,93,93,91,91,91,93,95,95,95,99,99,105,150,178,189,199,209,238,254,255,255,255,255,238,209,181,150,143,155,181,191,176,139,105,49,25,15,13,13,19,43,66,0,0,0,0,0,0,0,0,0,30,35,27,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,23,33,39,39,39,39,59,92,82,64,82,100,116,111,100,82,64,59,59,51,38,30,35,48,38,27,33,43,51,59,72,87,105,121,124,121,124,131,0,0,0,0,0,0,0,0,0,61,51,56,61,0,0,0,0,0,53,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,61,21,15,29,64,142,170,160,142,134,126,108,105,105,118,118,87,59,27,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,95,118,90,46,0,0,0,0,0,0,0,0,47,129,157,168,170,170,176,178,178,189,194,204,204,207,207,196,173,0,0,29,170,183,176,170,176,173,157,75,51,45,23,53,59,5,0,83,202,251,255,255,251,246,238,235,212,134,9,0,0,0,0,0,0,0,0,0,0,67,183,228,238,230,220,204,183,165,157,168,178,183,186,186,196,194,160,97,91,90,93,87,67,61,61,49,17,0,0,11,23,33,57,89,155,165,147,129,93,126,139,157,157,160,137,93,93,93,87,69,55,49,55,61,57,39,41,51,63,71,83,85,91,137,152,144,137,137,134,93,83,69,33,10,12,51,69,79,91,89,91,101,163,194,209,209,209,194,186,183,186,191,183,168,153,160,183,189,189,199,215,215,183,99,85,85,87,107,186,222,225,204,196,196,196,194,194,199,199,191,181,176,168,127,127,127,119,109,109,117,107,100,105,170,199,215,215,207,199,189,183,181,181,191,199,204,207,199,155,45,26,25,31,41,43,36,34,36,41,43,47,61,73,83,99,165,196,215,209,196,194,194,189,183,176,165,157,111,85,75,74,75,69,59,55,59,59,59,61,73,91,105,152,163,181,194,194,186,186,191,189,170,125,125,170,176,183,178,129,121,118,121,125,170,170,170,129,127,129,176,178,183,186,196,204,204,199,194,194,194,191,181,178,178,199,215,204,196,189,176,165,125,125,168,181,168,168,123,123,165,178,194,194,183,176,176,176,160,113,109,109,111,150,160,160,109,107,150,160,160,107,107,150,150,101,81,71,59,53,47,45,45,53,79,103,113,121,133,178,186,207,225,248,255,255,255,255,255,255,255,255,255,255,255,251,238,233,233,222,207,186,178,178,178,178,178,155,87,49,33,29,23,21,17,15,11,11,25,41,57,65,65,65,55,55,59,71,89,126,126,97,97,97,134,150,152,144,103,97,97,103,103,103,101,99,97,89,77,73,89,99,81,51,61,83,134,142,97,89,89,93,97,97,93,85,71,65,67,75,87,93,93,93,103,152,178,189,191,196,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,168,168,181,204,202,173,152,157,163,157,150,144,61,60,134,144,155,165,176,178,178,168,101,105,147,150,155,109,107,107,152,168,168,157,152,152,155,157,155,147,107,105,103,100,99,109,155,152,109,103,103,105,109,111,107,97,93,99,105,107,107,111,155,165,173,176,176,173,168,165,168,165,121,119,115,105,107,115,163,176,189,196,191,181,173,173,170,165,123,123,121,117,108,108,115,123,163,165,160,119,119,121,121,119,119,121,119,117,115,117,115,115,113,113,111,111,111,111,109,109,115,111,103,107,176,178,170,119,103,100,107,121,125,168,181,191,202,212,215,209,202,191,196,209,204,194,191,194,189,178,133,176,189,194,194,204,217,217,207,199,198,198,199,204,209,202,185,182,199,204,186,123,115,113,112,112,113,117,117,121,186,207,215,212,208,208,209,212,215,215,220,222,222,217,215,215,217,225,225,217,209,204,204,209,212,215,217,209,199,196,199,199,199,209,217,212,194,186,196,204,199,194,191,196,204,204,199,194,196,196,194,199,207,209,202,189,186,194,199,204,209,207,202,199,196,186,183,185,189,189,183,182,182,189,196,202,199,194,139,131,127,117,108,107,113,196,222,217,204,186,137,141,189,189,191,202,207,207,141,112,123,189,194,212,222,228,228,225,230,233,233,231,231,233,233,235,235,235,235,233,233,228,225,222,222,222,222,215,211,211,215,222,225,225,222,204,194,202,202,126,123,204,225,217,147,84,65,72,121,225,233,235,233,230,230,233,235,235,233,233,235,233,230,228,230,233,233,235,235,235,235,233,233,233,233,233,228,226,226,228,230,235,238,235,215,141,131,133,194,204,209,215,225,230,235,235,225,124,125,127,129,139,196,207,217,228,230,233,228,199,187,189,204,217,225,228,222,215,211,212,215,222,225,222,217,215,212,204,196,195,202,212,204,145,143,191,199,207,207,202,194,194,207,217,217,204,194,189,194,194,189,140,139,140,141,186,191,199,204,209,222,225,222,212,202,194,196,199,202,207,209,202,129,120,133,135,135,135,178,176,127,125,176,189,187,191,199,196,89,64,60,89,186,196,183,181,196,199,183,178,186,191,191,196,209,217,228,233,235,235,233,233,233,230,230,233,233,233,233,233,217,178,99,111,123,101,194,202,194,165,170,194,215,222,207,191,117,115,121,217,233,199,163,163,173,178,194,202,119,95,101,170,178,186,191,186,170,178,209,222,202,165,165,186,199,194,101,61,84,191,183,111,95,89,16,0,53,75,53,12,7,12,21,15,0,0,0,0,0,0,0,0,0,0,0,0,13,105,194,99,83,51,0,0,27,53,83,73,63,117,129,133,178,189,196,191,181,194,202,196,191,191,191,191,199,202,198,198,199,207,212,215,217,217,215,209,207,212,217,215,194,186,189,199,199,199,217,238,246,243,235,222,204,194,194,199,212,225,225,222,225,233,228,207,189,209,230,238,241,243,243,243,235,212,139,137,199,204,199,143,135,138,191,212,228,230,220,110,104,135,209,230,235,233,230,230,233,233,233,235,241,238,235,230,225,225,228,233,235,238,235,233,233,233,233,230,225,222,212,199,192,192,202,204,204,202,200,202,209,217,215,204,195,195,196,199,199,199,207,209,194,189,194,212,228,233,233,233,233,235,235,235,233,233,233,235,235,235,235,238,241,243,241,241,241,241,241,243,243,243,241,241,241,241,241,241,238,238,238,235,230,209,148,194,202,207,212,199,101,103,196,217,233,238,238,238,238,235,238,238,238,235,234,235,241,243,241,238,238,241,241,238,238,235,235,235,235,235,235,233,230,226,226,226,228,233,235,235,233,233,235,235,234,234,235,235,238,238,235,235,234,235,238,241,243,243,243,241,241,243,243,243,246,246,246,246,241,238,237,238,241,241,241,241,243,243,246,246,246,246,246,246,243,243,246,246,246,243,241,238,241,243,241,235,230,225,220,225,225,230,228,222,222,228,228,222,217,220,228,238,241,241,241,241,238,233,230,228,222,217,222,225,222,222,225,228,228,225,217,216,217,220,222,217,212,211,211,212,215,215,217,217,217,225,230,235,235,233,228,222,222,225,225,217,215,215,222,228,222,217,222,228,228,228,225,228,230,233,233,233,228,222,222,230,238,241,241,243,238,235,235,235,238,238,238,238,235,233,230,228,222,216,217,225,222,212,213,222,228,230,230,228,224,224,225,228,233,235,238,235,235,235,235,235,233,230,228,225,225,220,215,215,222,228,230,230,230,233,235,235,235,235,235,238,241,235,139,102,100,104,121,220,225,220,215,215,215,215,209,207,204,207,215,225,228,230,230,230,230,230,230,233,233,233,235,233,233,228,222,222,222,220,217,217,217,217,217,222,225,228,228,228,228,228,230,230,230,228,225,225,222,220,217,217,220,222,220,215,212,209,209,212,212,212,212,215,212,208,208,215,222,225,222,222,217,212,212,215,225,222,217,217,212,204,199,194,196,199,202,204,209,212,215,215,215,215,207,203,203,207,209,212,212,212,207,198,196,198,202,204,207,209,207,204,204,207,209,209,209,212,215,212,212,211,211,212,212,212,212,209,212,215,217,222,228,230,233,230,228,225,224,224,228,233,235,238,243,246,243,243,246,246,248,248,248,246,246,246,248,248,246,241,238,235,233,230,228,225,222,220,215,207,202,196,194,189,186,186,183,181,137,136,178,178,178,178,178,178,178,176,176,133,176,135,178,181,189,199,199,194,189,189,194,202,212,228,230,233,233,238,238,233,233,238,241,241,241,243,248,248,243,238,235,228,212,147,137,135,137,139,137,139,149,212,228,235,243,246,248,248,248,248,251,251,248,246,246,246,246,246,243,243,243,241,235,225,209,153,151,150,151,153,202,204,204,207,209,222,233,243,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,217,217,222,230,241,241,254,254,241,233,225,215,204,196,189,137,135,129,129,129,129,129,129,127,123,123,168,178,183,189,183,178,168,160,157,144,137,99,91,85,77,71,63,57,51,43,37,37,37,37,37,35,35,31,25,23,15,3,2,9,27,35,39,45,47,57,67,77,77,75,75,75,81,85,91,124,131,137,137,137,142,142,137,137,134,129,99,97,93,93,93,93,93,95,95,95,99,99,101,113,173,189,189,189,202,228,255,255,255,255,246,217,183,157,143,155,181,199,0,0,134,87,33,15,9,7,3,3,43,0,0,0,0,0,0,0,0,0,12,25,35,30,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,23,33,35,35,39,72,100,100,100,111,118,118,124,126,111,82,66,72,82,59,43,51,66,87,87,82,82,82,72,61,87,105,131,139,139,131,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,74,14,7,29,79,150,170,157,150,160,144,111,95,87,108,116,100,69,33,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,69,25,0,0,0,0,0,0,0,0,3,67,147,165,165,170,176,178,181,186,194,204,207,220,207,207,196,170,0,0,0,69,113,157,157,160,160,165,111,83,79,31,35,39,17,9,25,168,0,0,255,255,251,243,238,230,163,31,0,0,0,0,0,0,0,0,0,0,0,126,207,238,230,230,228,199,178,165,165,178,183,183,186,194,186,163,105,93,91,97,97,85,73,69,49,29,25,15,15,27,43,71,131,163,165,142,93,87,91,93,126,91,85,79,69,67,61,63,61,57,49,49,55,47,30,33,45,63,79,89,91,91,142,163,168,165,155,152,103,85,73,43,35,53,83,97,103,103,91,91,99,115,186,202,202,194,186,186,194,202,199,191,183,170,160,181,191,191,207,225,207,160,99,99,97,91,97,170,212,225,204,191,185,185,194,204,212,209,199,191,183,176,176,176,176,127,117,119,170,165,117,119,181,207,215,215,207,199,194,194,196,196,202,204,209,209,186,73,31,25,25,31,41,45,41,41,45,59,63,63,73,89,101,155,173,194,204,202,194,186,186,181,173,165,157,155,147,85,75,74,75,69,59,55,63,71,79,85,91,109,155,170,178,189,199,196,191,191,199,183,125,122,125,170,176,176,176,127,121,121,127,125,127,125,125,123,127,170,186,189,186,196,204,207,204,204,194,194,181,181,178,178,178,199,209,204,196,194,186,170,170,170,183,170,168,121,113,121,165,178,186,194,194,183,183,183,176,117,109,115,115,150,160,173,160,150,152,163,160,107,106,150,157,107,95,81,67,55,47,43,42,47,69,95,113,173,181,183,186,196,222,243,254,255,255,255,255,255,255,255,255,255,255,255,251,238,233,222,199,178,170,168,178,173,170,155,93,67,49,43,33,27,21,17,15,17,29,41,47,55,65,65,69,73,83,91,134,134,134,126,97,99,134,134,142,142,103,97,89,89,87,87,83,83,81,73,61,53,67,83,67,35,41,77,139,152,134,97,134,139,139,134,101,93,77,71,73,81,89,89,87,87,99,152,183,199,202,209,209 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,48,118,170,178,181,183,183,168,157,155,157,155,144,131,61,72,147,147,157,168,176,181,186,181,97,105,142,101,97,87,93,93,105,165,165,152,150,155,157,157,155,152,147,109,105,99,96,111,157,111,101,101,101,100,101,105,109,105,105,111,113,113,152,160,168,170,170,170,170,173,173,173,178,178,163,117,111,109,113,121,168,178,183,183,176,170,170,173,173,170,168,168,165,121,111,111,121,168,170,170,165,121,121,160,163,160,160,163,163,160,121,119,119,119,119,117,113,110,111,111,110,113,121,113,95,93,117,168,163,109,102,104,119,176,176,183,194,196,196,191,191,196,183,127,176,202,202,196,199,202,199,191,183,186,194,196,194,199,215,217,212,202,199,199,199,202,199,196,189,191,207,209,189,125,113,112,112,112,113,119,117,114,121,191,209,212,208,208,209,215,215,217,222,225,222,215,213,213,215,222,222,215,207,203,203,204,207,209,212,207,196,194,202,204,202,207,222,222,207,194,191,191,189,189,191,202,209,209,204,196,196,194,194,196,202,204,199,189,185,187,194,202,212,215,204,196,191,185,183,186,194,194,189,183,183,196,209,212,204,191,137,131,129,131,131,127,135,207,228,228,207,191,191,202,204,194,189,191,196,189,121,101,121,238,225,217,222,228,225,225,230,235,235,233,233,233,233,233,233,233,233,233,230,228,222,215,215,215,215,212,211,211,217,222,217,215,207,191,145,144,138,126,138,230,235,228,143,127,103,135,222,233,235,233,233,230,233,235,235,233,233,238,238,233,230,228,230,233,233,235,238,238,235,233,233,233,233,233,230,228,228,228,230,235,241,235,207,145,141,196,202,199,196,202,207,215,228,225,209,122,126,129,129,131,139,204,217,225,225,225,212,194,189,194,207,220,228,230,228,220,217,217,222,225,222,217,209,207,204,202,196,194,196,204,199,191,189,194,207,225,225,207,194,194,202,207,202,191,186,186,189,189,191,191,189,141,186,189,191,189,194,209,230,233,228,222,204,199,204,204,199,199,199,186,121,119,178,181,181,135,133,130,128,128,178,189,187,189,199,196,186,80,58,78,99,131,133,181,202,209,196,186,183,182,182,191,207,222,230,235,235,235,235,233,230,230,230,230,233,233,235,238,241,199,105,117,207,199,207,189,144,130,125,173,217,217,202,163,119,118,160,199,217,194,170,173,181,178,176,165,99,99,111,115,115,165,181,183,173,117,107,113,157,173,176,178,181,173,86,46,69,155,178,107,113,103,49,5,6,63,53,4,4,23,45,27,29,9,0,0,0,0,0,0,0,0,0,3,87,113,183,69,50,101,101,27,59,49,109,129,119,125,173,176,133,133,183,199,178,191,202,196,191,191,189,189,204,207,199,198,202,204,209,217,228,230,225,209,204,215,228,225,194,186,191,212,215,204,212,235,243,243,235,215,202,199,202,207,222,235,238,233,235,243,238,217,172,204,225,230,235,241,238,235,225,204,139,135,143,196,196,191,136,136,143,212,230,241,246,215,143,191,207,228,238,235,230,228,230,230,230,235,238,238,238,233,230,230,233,235,238,238,235,233,233,233,235,235,225,209,202,196,194,196,202,199,199,202,202,209,222,228,222,209,199,195,196,199,202,196,196,202,196,191,194,212,228,233,233,233,233,238,241,238,233,230,230,233,235,235,235,235,241,243,241,241,241,238,238,241,241,241,241,241,241,241,241,241,238,235,235,235,230,207,149,202,207,212,215,145,96,102,212,228,233,235,235,238,238,238,235,235,238,235,235,238,241,243,241,238,238,238,238,235,235,235,235,235,238,241,238,235,230,228,228,228,230,233,235,235,233,233,233,235,234,234,235,238,238,238,238,235,234,234,235,241,241,243,243,243,243,246,246,246,246,246,246,243,238,237,237,238,241,241,241,241,243,243,246,246,246,246,246,243,243,243,243,243,241,241,241,241,243,243,238,230,230,225,222,225,228,230,228,222,222,225,222,217,220,225,233,241,243,241,238,238,241,235,233,228,225,222,225,225,217,216,217,222,225,222,217,217,222,222,222,217,215,211,211,212,212,215,215,217,222,228,235,241,241,235,228,222,222,225,225,217,213,213,217,222,215,212,217,228,230,230,230,230,233,235,235,235,230,225,225,233,238,241,243,243,241,235,235,235,238,238,238,235,235,230,228,225,220,216,217,222,217,211,213,222,225,228,230,228,225,228,228,230,235,238,238,233,233,235,235,235,233,228,225,224,225,222,217,217,222,228,230,230,230,233,233,235,235,235,235,238,238,230,123,105,107,117,131,212,222,217,215,215,215,212,207,204,203,204,212,225,230,230,230,228,228,230,230,230,233,233,233,233,233,228,222,217,217,217,217,215,215,212,215,222,228,230,228,228,228,230,230,230,230,228,228,225,222,220,217,217,222,222,220,215,207,207,209,212,215,215,217,217,215,209,209,215,222,225,225,222,215,212,212,217,225,222,217,222,215,204,194,194,199,202,204,207,212,215,215,215,217,217,209,204,204,207,207,209,212,212,207,198,196,198,199,202,207,209,209,204,207,209,212,209,212,212,215,215,212,212,212,212,212,212,209,208,208,209,212,222,228,233,235,235,233,233,228,225,228,233,235,238,243,246,246,246,246,248,248,248,246,246,246,246,246,246,246,243,241,238,235,233,228,222,217,217,212,207,199,196,194,186,183,183,139,181,137,137,178,181,181,178,178,178,178,178,178,178,178,178,178,183,191,199,199,194,189,191,194,202,212,225,230,230,233,235,235,233,233,238,241,241,241,243,243,246,241,238,235,228,215,199,141,137,135,134,133,135,151,222,230,238,243,248,248,248,248,248,251,251,248,246,246,246,248,248,248,248,248,243,238,228,212,202,151,151,151,199,199,202,204,207,212,225,238,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,217,222,225,233,241,254,255,255,241,233,222,215,204,196,189,137,135,129,129,129,127,127,127,123,121,123,165,176,183,183,183,178,168,168,160,144,137,99,91,85,73,67,63,57,53,51,45,43,43,43,41,39,35,31,27,19,7,0,0,5,25,35,37,43,47,57,69,81,83,83,81,77,81,85,89,91,95,129,137,142,144,144,142,142,142,137,134,99,97,93,91,91,91,91,91,95,95,95,99,113,168,181,181,181,189,209,246,255,255,255,254,220,189,157,150,155,178,191,0,0,139,67,37,19,13,3,0,0,3,38,69,85,103,0,0,0,0,0,7,17,35,38,27,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,39,39,39,64,87,103,111,118,129,134,134,144,157,163,126,100,100,100,92,64,59,111,152,152,126,113,113,100,72,87,113,144,163,157,147,0,0,0,0,0,0,0,0,124,103,0,0,0,0,0,0,0,0,0,48,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,7,0,35,113,157,168,157,168,191,160,118,85,66,74,85,74,39,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,147,170,173,178,183,189,189,194,194,207,220,220,207,204,202,173,27,0,0,19,87,115,157,157,153,165,115,105,160,51,39,45,39,24,16,95,0,0,0,255,254,246,241,233,183,53,0,0,0,0,0,0,0,0,0,0,0,79,207,228,220,228,228,207,181,165,165,176,183,181,181,186,178,168,160,105,97,105,107,97,150,97,53,39,49,49,51,75,83,95,131,97,89,89,85,87,87,85,77,75,71,73,67,55,50,50,53,57,57,55,47,35,25,30,49,71,85,91,91,93,134,152,168,168,165,152,99,85,83,97,152,103,97,109,163,109,97,93,101,115,173,186,191,185,183,186,202,209,209,199,191,183,160,170,183,196,207,212,181,97,87,93,99,93,93,165,204,220,204,186,182,185,204,222,228,220,202,194,186,183,183,186,191,183,168,176,178,178,176,181,191,207,212,209,207,199,199,202,204,207,209,207,204,194,97,41,27,26,29,35,43,43,43,45,59,77,89,91,95,113,168,173,181,189,196,194,189,186,183,176,165,157,157,155,147,87,75,75,77,73,59,55,63,79,99,107,111,152,163,178,186,199,202,202,191,191,199,183,125,122,125,173,176,176,176,170,127,127,127,125,125,120,119,123,176,186,199,202,196,199,215,215,204,196,181,181,178,178,181,178,191,196,207,199,196,189,186,186,183,183,183,168,121,115,111,113,121,178,186,194,194,194,194,191,178,160,117,152,111,109,150,173,173,160,157,160,160,107,104,107,157,142,95,85,71,55,47,43,42,47,69,93,113,173,189,189,186,196,215,243,251,255,255,255,255,255,255,255,255,255,255,255,254,243,230,217,194,170,111,119,165,168,168,155,137,87,71,57,43,33,23,17,15,17,31,41,47,55,65,69,79,116,134,142,142,142,134,134,134,134,97,91,97,134,142,134,89,77,73,71,67,67,63,53,39,35,41,61,45,23,33,67,101,163,147,142,147,152,152,152,142,101,81,77,81,89,93,89,85,84,93,152,183,202,209,217,217 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,69,90,178,160,155,157,163,155,144,142,144,144,134,116,79,91,139,147,155,165,170,176,183,196,0,97,101,99,87,83,87,93,99,147,152,108,109,163,155,157,160,155,152,150,147,107,102,109,111,103,100,101,102,100,101,105,111,113,150,155,157,157,165,176,176,170,165,160,165,181,183,189,202,199,178,111,104,109,115,160,173,178,173,163,121,160,173,176,176,176,173,173,168,163,119,119,165,170,170,168,163,160,160,163,163,160,121,160,165,168,165,160,119,119,163,160,115,110,113,115,115,121,168,121,95,88,101,117,117,104,101,105,173,189,189,196,207,202,186,176,178,189,191,116,120,176,176,183,199,202,199,194,189,191,194,191,191,194,204,222,212,202,199,199,199,202,196,189,183,189,202,202,181,121,113,112,115,119,123,127,125,112,82,114,196,209,212,209,212,215,217,217,222,222,217,215,213,213,215,217,215,212,204,202,203,207,209,207,196,194,191,191,204,209,199,194,207,215,189,139,183,183,183,183,189,194,202,204,202,196,191,186,186,191,199,202,199,194,186,186,191,202,212,212,207,196,186,183,185,189,194,199,199,189,182,194,212,217,209,196,141,137,137,204,202,189,196,207,215,222,212,191,186,207,215,204,194,191,202,202,129,125,191,228,238,225,225,225,225,228,230,235,238,235,235,235,233,233,233,233,233,230,230,225,215,213,212,213,215,217,212,212,217,222,217,209,199,145,143,191,196,202,215,230,238,215,194,194,202,215,228,235,235,233,233,233,235,235,235,233,235,238,238,233,230,230,230,233,233,235,238,238,235,235,235,235,233,233,233,230,228,228,230,235,241,238,215,199,194,202,207,204,196,196,196,196,207,209,196,133,135,139,133,129,137,196,212,212,204,207,202,196,191,196,204,215,225,230,230,225,222,225,228,220,209,204,204,199,199,199,196,194,194,199,199,194,191,199,217,230,230,217,196,189,189,196,194,187,185,185,187,189,191,196,196,194,194,194,191,141,186,202,222,228,225,215,202,202,204,199,191,191,194,189,133,178,186,186,186,191,189,132,133,183,189,189,189,189,186,189,202,202,183,131,176,176,129,125,131,194,196,191,186,182,183,194,207,225,233,235,238,238,235,233,230,230,230,230,233,233,238,243,246,121,107,170,215,235,222,170,133,146,160,165,181,202,194,71,168,168,178,163,183,170,165,176,183,170,117,67,55,89,109,111,115,168,183,202,199,93,59,53,107,181,181,178,176,243,199,109,163,178,183,178,176,207,217,173,79,107,115,113,155,173,157,75,81,87,79,19,0,107,222,176,101,15,0,81,95,107,113,38,45,178,199,199,59,99,123,178,127,131,178,183,178,132,178,186,120,183,202,196,189,189,183,183,204,212,202,199,207,204,204,222,233,235,222,204,202,215,230,230,207,194,194,222,243,194,133,225,235,241,233,207,207,209,204,209,228,241,243,241,241,246,243,233,178,185,202,212,222,230,228,220,209,199,143,141,191,199,202,204,143,134,189,202,217,225,228,212,202,194,202,228,233,233,230,233,228,228,228,230,233,235,235,233,233,233,233,233,233,235,235,235,235,233,235,235,228,192,190,199,204,204,202,199,199,199,202,207,222,228,222,209,202,202,202,202,202,195,192,196,199,191,192,212,225,230,233,233,235,238,241,241,235,230,229,230,233,235,233,233,238,241,241,241,241,238,238,238,241,241,241,241,241,241,241,238,238,235,235,230,212,149,196,207,217,230,225,132,111,130,228,235,235,233,233,235,238,238,235,234,238,238,238,238,241,241,241,238,238,235,235,233,233,235,235,235,235,238,241,238,233,228,228,230,233,235,238,235,233,233,235,235,234,235,238,238,238,241,241,238,234,234,235,238,241,243,243,243,243,243,246,246,246,246,246,243,241,238,237,237,238,238,241,243,246,246,246,246,243,243,243,243,243,243,241,238,238,238,241,243,243,243,238,233,225,225,225,228,230,230,225,222,225,225,217,216,222,230,238,243,243,241,238,238,241,241,235,230,228,228,225,222,216,215,217,225,225,217,217,222,225,222,222,222,217,215,212,212,215,215,217,222,225,230,235,241,241,235,225,220,220,222,222,217,213,212,215,222,215,211,212,228,233,233,233,233,233,235,235,233,230,228,230,235,238,241,243,241,238,238,238,238,238,238,238,235,235,230,225,222,217,217,217,222,217,216,216,222,228,230,230,230,230,230,233,235,238,238,235,230,230,228,230,233,233,228,225,225,228,225,222,222,225,225,228,230,230,233,233,233,233,235,235,235,233,151,111,106,115,135,151,209,217,217,217,222,217,215,209,204,204,207,215,222,230,230,228,225,228,230,230,230,230,230,233,233,230,225,217,217,217,222,217,212,207,205,207,222,230,230,228,228,230,230,230,230,228,228,228,228,222,222,222,222,222,222,220,212,207,207,209,215,215,215,217,220,217,215,212,215,222,228,225,217,212,212,215,217,222,222,222,222,215,196,191,194,199,202,204,209,212,212,215,217,222,217,212,207,209,209,207,207,209,212,209,204,199,199,199,202,204,209,209,204,204,209,212,212,212,212,215,215,215,212,209,212,212,209,209,209,209,212,212,217,228,233,233,235,238,235,233,228,228,230,233,238,243,246,246,246,248,248,248,246,246,246,246,246,246,246,243,243,241,238,235,233,228,222,217,215,212,207,202,196,194,186,139,137,137,137,137,137,181,181,181,178,178,181,181,183,181,181,183,183,181,183,189,194,191,186,189,194,196,202,209,217,225,230,233,233,233,233,235,238,238,241,243,243,243,241,238,238,238,233,222,207,149,141,135,135,134,137,149,212,225,230,241,248,251,251,251,251,251,251,248,246,246,251,251,254,254,254,251,248,243,233,217,204,153,151,151,199,199,202,204,207,215,228,238,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,222,230,241,254,255,255,255,255,241,225,215,204,196,145,189,137,137,135,129,127,127,127,123,123,121,121,123,168,183,183,183,176,168,168,160,144,105,99,91,85,77,71,65,65,65,65,65,59,53,49,43,41,37,31,21,13,3,0,2,15,31,37,39,39,47,61,69,81,87,87,83,87,91,91,89,87,89,95,137,142,144,144,144,152,152,152,142,99,93,91,87,85,85,85,87,87,91,89,93,101,155,170,170,170,183,202,228,255,255,255,255,217,189,170,150,150,160,178,186,178,121,67,43,29,13,0,0,0,0,5,35,61,92,0,0,0,0,0,0,0,46,53,46,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,59,82,82,82,82,82,87,92,108,126,147,163,176,178,178,152,126,108,108,100,59,51,118,0,0,194,144,126,111,100,103,131,163,181,176,157,0,0,0,0,0,0,0,0,121,103,0,0,0,0,0,0,0,0,0,48,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,27,14,66,129,165,165,168,189,207,157,126,100,66,45,45,43,31,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,137,170,183,186,191,196,196,196,202,202,207,204,204,204,204,183,85,0,0,0,103,165,163,165,176,176,102,96,186,170,73,73,73,43,25,75,0,0,0,255,248,243,243,233,191,77,0,0,0,0,0,0,0,0,0,0,0,108,189,215,215,215,215,207,186,173,170,176,183,183,181,177,186,183,178,163,105,99,97,97,105,157,139,75,65,81,150,170,155,142,142,27,39,57,73,83,85,73,71,61,65,75,69,61,50,49,53,57,55,47,39,33,23,33,61,81,81,85,83,79,83,93,134,137,103,93,85,83,91,152,178,173,111,109,111,109,95,92,101,115,173,186,189,189,189,194,207,209,209,202,191,173,160,115,170,189,204,199,121,83,77,81,93,97,97,178,222,212,196,185,182,191,212,230,230,220,209,202,194,191,191,194,202,202,191,183,178,178,189,199,199,194,199,207,199,199,207,207,204,215,215,204,196,168,73,35,27,28,35,37,37,35,33,39,53,71,91,103,160,176,189,183,178,181,196,194,189,186,186,176,168,157,165,165,147,89,77,77,79,73,57,54,63,81,103,111,111,111,163,186,204,204,202,202,202,202,199,189,176,170,170,178,176,176,176,176,173,170,127,125,120,120,121,178,204,207,207,204,204,204,215,215,196,181,173,170,170,178,191,191,176,189,191,191,189,186,186,186,183,191,186,168,115,111,113,113,119,165,181,186,194,194,202,191,176,160,117,115,109,103,109,160,173,160,160,173,163,144,104,107,147,107,93,79,63,51,45,42,43,53,75,99,113,178,189,189,189,207,222,235,246,254,255,255,255,255,255,255,255,255,255,255,255,243,235,217,194,170,111,105,111,113,152,147,99,87,71,57,37,29,23,19,17,19,31,41,47,47,65,69,83,124,134,137,134,134,137,142,142,134,91,88,90,97,142,134,89,77,67,61,57,53,41,35,29,25,29,35,29,23,33,61,89,163,160,152,163,173,176,176,152,103,87,85,89,101,101,95,85,84,89,142,181,202,220,228,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,72,98,137,144,144,139,137,137,137,126,116,83,91,139,150,157,163,168,173,189,47,0,73,95,99,91,86,89,93,95,103,109,109,109,150,150,152,155,155,157,165,163,150,105,105,107,103,102,105,105,103,103,109,113,150,152,163,168,170,178,183,178,168,157,153,163,189,196,202,209,209,191,106,101,115,121,165,176,178,168,120,118,120,170,176,176,176,170,168,165,163,160,160,165,170,170,168,165,160,121,160,160,119,117,119,160,165,165,121,116,117,165,163,115,111,117,121,160,165,170,160,103,98,107,115,113,105,104,113,170,178,181,199,209,202,176,127,170,186,207,173,123,125,125,131,189,194,194,189,186,186,186,186,186,189,194,204,204,202,202,199,199,199,191,181,178,178,181,178,127,117,115,117,125,131,176,181,178,123,93,114,183,204,215,215,212,215,215,215,217,217,217,215,215,217,215,215,212,209,204,202,204,212,212,204,191,191,189,186,196,199,186,135,129,112,107,121,183,189,189,183,183,189,196,202,199,191,186,185,185,191,199,202,204,202,194,189,189,194,202,204,202,194,186,183,185,185,186,196,204,196,178,178,189,209,212,199,186,137,186,212,207,196,199,199,199,209,209,191,189,204,207,199,196,199,212,225,207,196,202,217,230,228,225,225,228,228,233,235,238,238,235,233,233,235,235,235,233,230,228,222,217,213,213,215,217,220,217,215,222,225,215,199,145,143,142,196,207,204,123,87,97,123,207,212,217,225,233,235,235,235,235,235,235,235,235,235,235,235,235,233,233,230,230,230,230,235,238,238,235,235,235,238,235,233,230,230,228,230,230,235,238,235,222,199,194,202,204,199,196,199,196,196,202,191,141,139,194,212,207,139,135,137,143,189,191,196,199,191,145,194,202,209,217,228,230,228,222,222,217,209,199,202,204,202,202,207,209,202,196,196,199,199,196,196,212,228,230,222,199,142,141,189,194,191,189,189,191,191,196,202,202,196,194,191,189,141,186,189,199,209,209,207,202,199,196,191,189,194,194,189,183,183,189,189,194,202,207,199,189,189,191,194,191,183,181,186,204,204,189,186,207,217,183,122,113,130,191,189,183,183,191,196,209,228,233,235,238,238,235,235,233,229,229,233,235,235,235,238,241,106,104,194,241,235,191,159,150,202,194,168,168,170,81,63,109,115,119,83,99,115,165,176,176,95,75,68,69,101,113,111,115,173,196,215,225,183,99,88,115,189,189,183,181,233,217,189,181,181,189,202,215,235,243,238,176,117,115,165,183,181,176,170,173,217,243,204,111,194,251,246,243,85,45,95,103,105,95,45,101,183,204,207,71,111,127,129,173,181,186,189,189,183,183,127,111,125,189,191,186,183,183,189,202,204,191,189,199,196,196,217,233,230,215,199,199,212,225,225,209,199,196,209,217,128,122,145,217,222,212,204,217,225,209,212,230,238,241,241,241,243,243,233,182,183,189,196,204,209,209,204,202,196,191,194,202,204,209,212,196,141,199,202,202,202,204,204,202,196,202,215,220,230,233,233,230,228,225,225,228,228,230,230,233,233,233,231,230,231,235,238,238,235,233,228,199,183,186,207,212,212,204,196,198,199,199,202,215,217,212,204,202,202,204,204,202,195,195,204,207,194,191,202,217,230,235,235,238,241,243,241,235,233,230,230,235,235,233,233,235,238,241,241,241,238,238,238,241,241,241,241,238,238,238,238,238,238,235,228,209,147,196,207,222,230,228,196,137,202,230,238,238,233,233,233,238,238,235,234,235,238,241,241,238,238,238,235,235,233,233,233,233,233,233,233,230,235,238,238,235,233,233,233,235,235,235,235,235,233,235,235,234,235,235,233,233,238,243,241,235,234,235,238,241,241,241,241,243,243,243,246,246,246,246,246,241,238,238,238,238,238,241,243,246,246,246,243,243,243,243,243,243,241,241,238,237,237,238,243,243,246,243,235,228,225,225,230,230,228,222,222,222,222,217,217,228,235,243,246,243,241,238,241,241,241,235,230,230,233,228,222,216,215,217,228,228,217,216,217,225,225,225,225,225,222,217,217,215,215,217,217,222,228,233,238,235,230,222,220,220,222,220,217,215,215,222,225,217,211,212,225,233,233,230,230,233,233,233,230,230,230,233,235,238,241,241,241,238,238,238,241,241,238,238,235,235,228,217,217,222,225,225,228,228,225,222,225,228,230,230,233,235,235,235,238,238,235,230,228,228,225,225,230,230,230,228,230,230,228,225,228,228,228,225,228,230,230,230,233,233,233,233,233,222,145,119,115,131,149,207,215,217,220,222,225,225,222,215,209,209,212,215,222,228,230,228,225,225,228,230,230,230,230,233,230,225,222,217,217,222,222,217,212,205,204,207,225,233,233,230,230,230,230,230,230,228,228,230,228,225,222,222,222,222,222,220,215,209,209,215,215,215,215,217,217,217,215,212,212,217,225,225,217,215,215,217,217,222,222,222,222,215,194,190,192,202,204,207,212,215,212,212,215,217,217,215,209,212,209,209,209,212,212,209,207,204,204,204,204,207,212,209,207,207,209,212,212,212,212,215,217,217,209,203,204,207,209,212,212,212,212,215,217,228,230,233,235,235,235,233,230,230,233,235,238,241,243,243,243,246,248,248,246,246,246,246,246,246,243,243,243,241,238,235,230,228,222,215,212,209,204,202,196,194,189,139,137,137,137,137,137,137,178,178,178,178,181,186,186,181,181,183,183,181,137,181,183,183,183,189,196,202,204,207,212,217,228,230,233,233,233,235,238,238,241,243,246,243,241,241,241,243,238,225,209,151,143,139,139,139,139,149,207,215,222,238,248,251,254,251,248,248,251,251,248,248,254,254,255,255,255,254,248,243,238,225,209,202,199,199,199,199,202,202,207,212,225,235,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,241,241,255,255,255,255,255,255,241,222,204,196,196,145,145,137,137,137,135,129,127,123,123,123,121,121,121,168,178,183,178,168,168,163,160,144,105,99,91,85,85,73,71,67,71,71,71,65,63,51,41,37,35,27,15,5,1,3,13,27,35,39,43,43,47,61,69,77,83,87,87,89,93,95,91,89,91,97,137,142,144,144,144,152,168,165,152,137,93,87,85,81,81,81,85,85,87,85,87,95,113,155,155,157,181,189,204,238,255,255,254,217,191,170,150,143,143,160,176,170,121,98,49,33,13,0,0,0,0,0,20,46,69,92,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,95,108,100,92,82,66,45,45,82,108,142,173,183,194,183,163,144,121,95,51,0,0,116,0,0,0,176,144,134,121,124,144,176,183,176,0,0,0,0,0,0,0,0,121,113,105,0,0,0,0,0,0,0,0,0,48,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,59,27,27,95,155,173,173,165,176,196,150,124,113,82,66,45,39,29,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,144,178,186,191,194,199,202,202,194,191,191,194,194,196,204,189,105,3,0,0,85,173,181,191,199,191,113,109,212,212,152,111,101,61,43,69,181,0,255,255,248,243,235,217,181,73,0,0,0,0,0,0,0,0,0,0,0,59,155,189,207,212,215,202,189,181,178,183,189,189,183,178,186,191,178,160,99,89,85,91,105,168,163,93,87,137,170,173,155,131,75,0,6,33,65,79,77,71,65,57,59,71,67,63,55,59,63,53,37,33,34,35,37,55,77,81,71,69,69,63,58,59,67,77,83,83,81,83,99,155,186,178,152,109,109,103,87,87,95,115,176,189,194,194,194,194,202,209,204,199,189,170,160,110,113,170,196,189,113,83,76,80,99,111,111,178,204,215,204,194,194,204,222,228,220,212,209,207,202,202,202,202,209,215,209,196,189,191,196,199,199,194,194,199,194,199,207,212,204,215,215,204,186,147,67,43,37,41,41,35,31,29,30,33,41,61,91,155,173,183,183,178,173,178,189,194,191,186,186,183,176,168,165,165,155,93,83,79,77,67,54,52,59,81,101,107,99,105,163,191,204,204,200,202,202,196,194,189,181,173,173,173,176,176,176,176,173,173,127,121,120,120,170,199,207,207,207,209,215,207,204,196,183,173,125,127,170,178,178,178,168,168,176,173,173,173,173,170,183,191,183,168,117,115,113,113,113,121,178,183,183,191,202,191,176,117,109,109,103,95,103,160,173,160,160,173,173,150,107,107,103,93,81,71,55,47,42,42,45,57,87,107,129,183,189,189,196,215,225,243,246,254,255,255,255,255,255,255,255,255,255,255,255,248,243,222,194,168,111,105,103,105,105,99,87,73,65,49,33,25,21,19,19,25,35,41,39,35,41,55,69,85,126,126,126,126,134,142,142,134,126,90,90,97,134,134,89,77,67,61,57,53,41,35,29,23,23,23,21,22,33,53,81,152,176,173,176,183,189,183,165,139,87,87,95,101,101,95,89,85,87,134,170,199,215,228,233 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,118,134,142,144,142,144,144,137,124,87,85,131,152,160,168,170,168,87,0,0,71,87,95,95,93,95,99,99,105,109,109,109,107,107,109,147,150,163,178,173,155,107,105,107,107,107,111,111,109,107,147,152,152,157,168,176,178,181,183,178,165,157,155,163,186,196,199,204,202,181,109,105,168,168,168,176,178,170,121,119,120,165,170,173,170,165,163,163,163,165,165,168,173,176,176,168,160,121,119,119,115,113,113,117,121,160,119,114,116,165,165,117,113,119,165,168,170,170,160,115,113,113,115,111,107,109,117,121,121,123,189,199,183,117,115,123,170,191,173,122,122,127,178,189,191,189,183,183,183,181,181,183,186,186,189,194,199,199,196,191,191,186,181,176,131,127,121,117,117,121,125,131,176,176,181,186,181,121,125,178,199,215,215,209,207,207,209,215,215,217,217,222,222,215,215,212,209,207,204,207,215,215,204,194,191,186,137,135,135,135,131,119,105,101,123,199,202,196,186,182,186,196,199,196,191,186,186,189,194,196,202,204,204,199,191,189,189,194,199,196,191,186,185,186,186,186,191,199,196,182,177,181,196,207,196,141,137,141,191,139,138,189,186,137,137,134,135,139,191,191,189,194,199,209,225,222,215,209,209,217,225,228,225,225,228,233,238,241,238,233,233,233,235,238,238,235,230,225,217,217,217,217,217,222,222,225,217,217,217,204,141,140,144,145,204,209,202,99,72,87,121,222,228,228,228,233,235,235,235,235,235,235,235,235,235,233,233,233,233,235,235,230,229,230,233,233,233,233,235,238,238,235,233,230,228,230,230,233,235,235,233,217,192,190,192,191,190,196,202,204,207,196,134,139,189,207,222,212,141,134,133,135,141,189,196,199,143,139,191,204,207,212,215,217,215,209,209,207,202,199,204,207,204,204,217,225,215,202,194,199,204,199,194,204,222,225,217,202,143,140,143,196,199,199,196,194,194,199,202,202,196,189,186,139,141,141,139,139,189,196,199,199,199,194,189,189,191,194,191,183,182,182,186,191,196,204,204,196,191,191,199,199,185,181,185,196,196,189,189,217,235,215,131,116,127,186,183,137,196,207,194,207,228,233,235,238,238,235,238,238,230,229,233,235,233,228,225,212,117,123,189,181,115,170,173,161,204,202,170,165,107,41,75,191,59,5,1,79,163,189,186,119,68,68,72,91,123,123,117,121,181,202,222,233,238,230,119,163,189,194,191,186,209,207,194,179,174,179,204,225,235,241,241,228,115,106,113,173,183,189,202,212,228,241,233,196,207,243,243,238,97,75,99,165,191,111,109,173,194,228,248,101,119,127,127,173,183,189,196,209,217,212,135,115,124,186,191,183,181,183,194,199,194,135,133,141,141,189,209,222,215,204,196,196,204,209,209,204,199,196,199,196,126,121,131,204,202,196,202,225,233,215,215,228,235,238,241,241,238,233,217,191,189,191,194,196,202,204,204,204,202,196,199,204,204,204,204,191,189,209,207,202,202,204,207,204,194,143,145,191,230,238,233,230,228,225,224,224,224,225,228,228,230,233,233,233,233,235,235,235,235,235,222,195,186,191,212,222,222,207,186,202,202,196,202,212,209,204,202,204,204,204,204,199,199,202,212,217,207,194,196,215,230,235,238,241,243,243,241,235,233,233,235,238,238,235,233,235,238,238,241,241,241,238,238,241,241,241,238,238,238,238,238,238,243,238,228,199,135,145,204,217,222,222,215,204,209,225,233,235,233,230,230,235,235,235,235,235,238,238,241,238,238,235,233,233,233,233,233,233,233,233,230,228,230,238,241,238,235,238,235,233,233,235,238,235,235,238,238,235,235,230,229,229,233,241,241,238,235,238,238,241,241,241,241,241,243,243,243,246,248,248,246,243,241,241,241,241,241,243,246,246,246,246,246,243,243,243,241,241,241,238,238,237,237,241,243,246,246,246,241,233,228,225,228,228,225,222,221,222,222,217,222,230,238,243,246,243,241,241,241,241,238,233,228,230,233,230,222,216,216,222,230,228,217,215,216,225,225,225,225,228,225,225,222,217,217,217,217,217,222,230,233,230,225,220,220,222,222,217,215,217,217,225,230,222,212,212,225,233,230,228,228,233,235,235,233,230,233,235,235,238,238,238,238,238,238,238,241,241,238,238,238,235,225,215,215,222,230,233,233,233,230,228,228,228,230,230,233,235,235,235,238,238,233,228,225,225,225,225,228,230,230,230,233,230,222,217,222,228,228,225,225,228,228,228,230,230,230,230,230,228,209,147,143,149,204,212,215,217,222,222,225,228,228,225,217,212,209,215,222,225,225,225,225,225,225,230,230,230,230,230,228,222,217,217,222,222,222,217,215,209,207,212,225,230,228,228,228,228,228,228,228,228,228,230,230,225,222,222,222,222,222,222,217,215,217,217,217,217,215,215,215,215,215,211,211,215,222,222,220,217,217,217,217,217,222,222,222,212,194,190,194,204,209,212,215,215,215,212,215,215,215,215,212,215,212,212,212,212,212,209,207,207,207,207,207,209,212,209,207,207,209,209,212,215,217,217,217,217,207,199,200,204,209,212,212,212,215,215,217,228,230,230,233,233,233,233,233,233,235,238,241,241,241,241,241,246,246,248,246,246,246,246,246,246,243,243,243,243,241,238,233,228,220,215,212,207,204,199,196,194,191,186,139,139,181,181,181,137,178,177,177,177,181,186,183,178,178,181,183,137,133,133,135,137,139,191,202,209,209,207,207,215,225,230,233,233,235,238,238,241,241,243,246,248,243,241,243,246,243,230,209,151,145,143,143,143,141,145,153,207,217,235,246,251,251,248,246,248,251,251,248,251,254,255,255,255,255,254,248,243,238,225,209,202,202,202,199,199,199,199,202,209,220,233,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,241,222,204,196,196,145,145,137,141,183,137,135,129,127,123,123,121,121,123,168,178,183,178,168,168,163,160,157,144,101,97,91,85,77,71,71,71,71,71,71,69,55,37,35,31,23,7,2,0,9,31,37,39,43,45,45,53,59,67,75,81,83,87,87,87,91,91,95,97,134,142,142,139,142,144,152,168,168,152,142,97,91,85,81,81,81,81,81,81,81,81,93,101,107,113,115,157,173,183,212,248,255,254,230,202,173,150,142,139,147,170,170,139,105,61,33,9,0,0,0,0,0,9,25,38,69,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,0,108,116,108,95,79,45,38,38,45,95,134,163,191,202,194,178,155,124,66,0,0,0,100,0,0,0,0,178,160,144,144,163,183,189,176,0,0,0,0,0,0,0,0,118,118,111,0,0,0,0,0,0,0,0,0,51,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,77,27,20,69,144,173,165,147,147,157,131,124,131,113,79,43,35,37,29,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,51,126,178,196,196,194,194,194,194,194,191,183,176,176,176,186,194,194,168,53,0,0,47,163,191,204,209,202,176,181,235,228,181,170,152,79,61,87,183,241,255,255,254,241,220,199,168,73,1,0,0,0,0,0,0,0,0,0,0,9,73,157,196,215,215,207,189,181,181,181,189,186,183,176,183,183,170,147,91,85,85,93,150,163,152,99,93,95,91,79,81,69,27,0,2,43,73,75,77,77,71,59,56,65,67,73,67,75,75,53,34,31,34,47,67,75,77,75,62,60,63,69,54,52,55,65,77,83,85,91,105,152,163,155,111,109,109,101,86,86,95,115,173,183,183,176,176,183,189,191,199,199,196,191,170,113,109,115,181,181,157,93,85,105,178,186,165,111,119,202,212,212,204,204,209,212,204,204,209,212,212,209,209,209,209,220,230,217,207,207,202,181,178,189,199,199,194,194,207,212,204,209,215,199,168,93,63,49,49,59,49,37,31,30,30,31,37,55,95,165,176,173,165,161,165,181,189,194,191,191,194,194,189,176,170,170,163,109,89,81,75,63,52,51,59,79,99,99,96,105,163,194,207,204,200,202,196,191,183,181,176,170,170,170,170,173,176,176,173,173,129,125,121,125,189,204,202,199,202,209,209,199,183,183,173,173,125,125,125,125,123,117,117,121,127,168,173,173,173,170,170,183,183,168,121,121,121,113,113,119,165,176,183,183,191,186,176,117,103,99,97,89,95,152,173,160,160,176,176,160,144,101,87,73,71,63,53,45,41,41,43,57,87,113,181,189,189,196,212,225,241,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,243,222,194,129,107,99,99,95,93,87,69,57,49,43,37,29,25,21,25,27,35,35,29,27,29,41,55,71,83,116,126,126,126,134,134,142,134,126,90,91,97,97,89,77,71,67,63,63,53,45,37,29,23,21,21,23,37,53,81,163,189,189,189,196,191,183,165,139,91,87,95,101,103,99,89,85,86,97,160,183,202,217,228 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,129,144,155,163,173,178,165,147,129,83,89,152,168,176,176,157,0,0,0,83,95,103,103,99,105,147,155,155,150,144,109,105,97,99,105,109,157,173,173,160,147,109,109,109,109,147,147,147,111,150,155,155,160,170,178,178,181,178,170,163,157,155,157,165,173,181,183,173,163,160,163,178,178,173,173,176,176,168,163,163,165,168,170,168,163,161,163,165,170,170,170,176,178,176,170,165,160,119,117,113,110,109,110,115,121,117,114,116,165,165,119,117,121,168,170,173,173,163,119,119,121,119,115,111,115,117,117,113,117,178,183,119,110,112,117,121,123,123,120,121,183,199,196,194,191,186,183,181,178,178,183,183,181,173,178,191,194,189,183,186,189,189,183,173,125,119,119,123,129,131,131,127,125,129,178,181,176,129,129,186,207,209,202,202,204,207,212,215,217,217,222,222,215,215,215,212,209,209,212,215,212,202,194,194,191,139,133,133,135,137,133,118,118,186,204,207,199,189,183,189,196,199,196,191,189,186,189,191,194,194,199,199,194,191,189,194,199,202,196,191,186,186,191,196,194,194,191,186,204,196,189,189,191,189,186,141,139,135,130,132,139,141,135,132,128,131,135,141,141,141,189,187,191,204,212,212,207,209,215,225,228,225,222,225,233,238,243,241,233,231,233,235,238,235,233,228,222,217,217,217,217,222,225,228,230,228,215,209,194,139,141,194,209,212,207,196,127,99,135,222,233,233,230,228,230,233,233,233,235,235,235,235,233,233,233,233,233,233,235,235,233,230,230,230,228,228,230,233,235,238,235,233,228,228,228,230,233,233,233,228,212,194,191,190,186,191,202,196,194,194,127,113,137,194,204,209,194,137,137,141,191,194,189,189,143,131,131,191,202,199,194,196,196,199,199,199,202,199,199,207,207,204,207,217,228,217,202,194,196,207,204,194,196,212,217,212,204,191,143,194,204,209,212,207,199,196,199,202,199,194,186,139,136,137,137,136,136,137,186,191,196,199,199,194,189,189,194,196,189,182,181,186,191,191,191,196,194,189,189,199,207,199,189,189,186,189,183,181,202,222,215,191,121,126,137,137,136,204,209,104,127,207,228,235,238,235,235,241,243,238,233,230,228,222,204,176,123,178,217,178,84,82,178,196,181,186,186,168,123,67,4,51,189,0,0,0,83,207,220,209,101,69,70,89,115,178,176,168,170,183,196,217,233,243,246,183,173,186,196,196,189,191,191,186,178,174,179,207,225,230,233,233,230,181,109,110,168,196,212,222,230,230,230,220,186,178,212,228,222,107,91,101,189,238,107,109,173,191,220,241,123,123,121,121,176,186,189,196,215,230,228,196,120,125,186,194,186,181,183,196,202,191,133,131,133,137,186,204,212,204,191,191,194,199,202,204,202,199,196,199,196,135,126,130,194,191,143,145,212,228,215,212,222,230,238,241,241,233,217,204,199,196,194,196,199,204,212,215,212,207,199,202,209,207,199,194,189,196,222,225,217,217,215,217,212,191,125,117,97,194,233,235,235,233,230,225,225,225,225,225,225,228,230,233,235,238,235,233,228,222,222,212,204,204,215,222,228,225,207,161,204,202,196,199,207,194,190,199,209,209,207,204,202,202,202,212,222,217,204,202,212,228,235,238,241,241,241,238,235,233,235,238,241,238,235,233,235,235,238,238,241,238,238,238,241,241,238,238,238,238,235,238,241,246,241,215,128,120,135,204,215,212,217,217,207,199,215,233,238,233,230,228,230,233,235,235,235,238,238,241,241,238,235,233,235,235,233,233,233,233,233,233,228,230,233,235,238,238,238,238,233,233,235,238,238,238,238,238,235,233,229,228,229,230,238,241,238,238,241,241,241,238,238,238,241,241,243,243,246,248,248,248,246,243,243,243,243,246,246,246,246,246,246,246,246,246,246,243,241,241,241,238,238,238,241,243,246,246,246,243,235,228,222,222,225,225,222,222,222,222,222,225,233,238,241,243,243,241,241,241,241,235,228,220,220,225,228,228,222,217,222,225,225,217,216,216,222,222,222,225,228,228,225,225,222,222,222,217,216,216,225,230,230,225,220,220,222,222,222,217,217,217,225,228,217,211,209,215,228,225,222,225,233,238,238,235,233,233,235,238,238,238,238,238,238,238,238,238,238,238,238,235,233,225,217,215,217,228,233,235,235,233,230,230,230,233,233,233,233,233,235,235,235,233,230,225,225,225,228,230,233,233,233,228,217,207,155,209,222,228,228,228,228,228,228,228,228,228,230,233,233,228,215,209,207,209,212,217,222,225,225,228,230,230,228,222,212,209,209,215,222,222,225,225,225,228,230,233,230,228,228,225,222,217,222,222,222,217,217,217,215,212,217,225,225,222,222,225,228,228,228,228,228,228,230,228,225,222,222,222,222,222,222,220,217,220,222,222,220,217,217,217,215,212,211,211,212,217,222,222,222,222,217,217,217,222,222,222,212,196,191,196,207,212,215,217,217,215,212,212,212,215,215,215,215,215,215,215,215,212,207,204,207,207,209,209,209,209,209,207,209,207,207,212,215,217,217,215,215,204,199,200,204,212,215,215,215,215,215,217,228,230,230,230,233,233,233,233,235,238,241,241,238,238,238,241,243,246,246,246,246,246,246,246,246,243,243,243,241,241,235,233,228,222,217,212,207,202,199,196,196,194,191,186,186,183,183,183,181,178,178,177,177,178,181,181,178,178,181,183,135,130,129,130,135,141,194,204,212,209,204,204,212,222,230,233,235,238,238,241,241,241,243,248,248,243,239,243,251,248,235,217,202,147,147,149,145,139,137,143,149,207,225,238,251,251,248,246,248,251,251,248,251,255,255,255,255,254,251,246,243,235,222,209,202,202,202,202,202,199,199,202,207,215,230,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,241,222,212,204,196,194,143,143,189,194,189,183,135,129,127,121,121,121,121,168,176,176,173,168,163,163,157,157,144,103,97,93,89,83,73,71,71,73,71,71,69,59,43,35,31,21,9,3,5,25,43,43,43,51,53,51,55,61,67,75,75,81,83,83,83,87,95,131,134,142,142,142,139,139,142,152,168,168,165,142,99,91,87,81,81,79,79,79,79,75,79,85,93,99,101,107,152,157,173,194,230,254,254,246,217,189,160,143,142,147,160,170,147,113,59,33,9,0,0,0,0,0,3,12,22,51,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,0,19,0,100,100,100,92,85,47,39,38,45,90,121,150,183,194,202,183,160,129,56,0,0,11,90,0,0,0,0,0,186,178,178,189,194,191,178,163,163,0,0,0,0,0,0,118,118,113,0,0,0,0,0,0,0,0,0,51,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,74,116,66,23,59,137,155,142,127,122,131,124,131,142,124,82,41,35,43,56,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,113,152,186,209,212,199,191,186,186,186,186,186,178,172,169,170,186,194,207,204,168,17,0,35,105,181,199,202,209,199,207,235,228,194,181,160,91,81,105,189,233,248,255,248,233,209,183,157,77,13,0,0,0,0,0,0,0,0,0,0,0,25,118,186,215,220,207,189,181,181,181,181,176,170,168,176,178,170,105,91,83,79,83,95,139,139,93,81,69,53,46,57,67,51,18,49,83,83,73,75,83,79,59,56,59,65,71,71,75,79,61,39,35,49,71,71,67,75,71,61,56,69,89,63,55,59,69,85,97,97,103,109,111,109,107,109,109,115,107,97,95,103,115,163,168,168,165,165,165,176,183,196,204,207,207,196,170,113,113,165,160,105,97,111,196,212,204,178,69,57,121,209,222,204,194,183,183,191,202,215,220,220,217,209,207,202,209,235,225,212,217,194,117,101,163,186,191,183,186,199,199,189,194,204,194,157,85,63,53,55,63,63,49,39,39,37,33,37,61,103,173,181,168,155,155,163,181,194,191,191,194,202,202,199,183,173,173,173,157,103,83,73,63,53,52,59,79,99,99,99,107,170,194,204,204,202,202,191,181,176,176,173,170,125,127,129,129,129,127,131,173,173,173,170,178,202,199,189,189,202,204,199,186,178,173,173,173,125,119,111,105,103,99,103,109,121,168,176,186,186,170,170,170,170,123,121,168,123,121,115,119,163,176,178,178,183,183,176,115,103,97,89,86,89,109,160,150,152,173,173,150,107,95,73,63,63,63,55,45,42,42,47,63,93,119,181,189,186,207,228,243,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,225,194,119,105,95,91,91,85,79,63,49,43,43,43,31,29,25,29,31,35,29,27,23,25,29,39,57,75,116,126,131,126,126,134,142,134,126,90,90,95,95,95,83,73,73,73,73,67,61,51,35,23,23,23,35,51,61,81,168,207,215,207,202,199,189,170,139,93,89,93,101,101,101,93,87,83,87,139,173,191,207,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,105,144,170,183,186,186,178,163,147,89,95,157,170,181,181,160,29,5,65,105,176,173,150,109,160,165,163,160,155,150,144,109,86,89,97,103,109,157,165,165,157,150,144,109,109,144,147,150,150,155,155,152,155,168,176,178,176,170,157,152,155,157,155,155,155,119,119,117,157,168,176,186,183,176,170,176,183,183,178,173,170,170,170,165,161,161,163,168,168,170,170,173,173,173,176,173,168,160,121,117,111,109,109,113,121,117,114,116,163,163,121,119,163,170,176,178,178,168,121,160,168,165,123,117,117,117,115,113,119,178,176,115,110,113,117,117,121,127,125,129,196,204,202,199,199,191,183,176,173,178,186,189,178,169,169,181,183,181,181,186,196,196,191,181,170,125,125,129,176,176,127,121,118,118,123,131,176,128,125,129,196,204,202,202,204,209,212,215,215,215,217,217,215,215,217,215,215,215,215,212,204,194,194,199,199,189,135,135,139,191,196,204,199,191,194,204,202,194,189,194,196,196,194,191,186,186,186,189,189,189,191,191,186,186,191,199,207,207,204,196,185,185,196,207,209,204,189,176,202,209,202,186,182,185,186,186,141,137,133,137,189,189,189,189,139,135,137,141,189,191,191,185,187,189,191,191,196,209,222,228,225,217,215,217,230,238,243,241,233,233,233,235,235,233,230,225,217,215,215,215,215,220,225,228,233,235,209,196,145,142,147,207,217,217,209,199,147,147,222,235,235,230,228,228,230,233,233,233,233,233,233,233,233,233,233,233,233,233,233,233,235,233,230,228,228,228,228,233,238,238,238,233,228,225,225,225,225,228,228,225,209,196,202,202,194,199,202,143,127,127,117,105,135,191,199,196,189,141,196,209,217,207,143,133,129,127,130,191,196,186,178,179,191,196,196,199,199,198,198,202,204,202,204,212,215,209,202,194,194,204,202,192,194,207,212,207,199,196,199,207,215,222,228,225,209,204,204,202,199,194,186,139,136,135,135,139,139,136,139,191,199,207,207,202,194,189,194,196,194,186,183,191,202,191,186,189,189,189,186,191,209,217,207,194,186,186,183,181,194,209,204,183,115,124,183,183,181,196,135,65,97,126,207,225,230,228,230,235,238,238,230,215,209,199,127,109,111,186,255,199,97,95,183,183,170,169,170,121,115,95,24,48,55,0,0,29,119,217,230,222,103,93,163,176,176,183,181,173,173,173,181,209,230,241,241,199,183,186,194,196,191,189,186,189,186,186,196,209,220,230,230,225,215,194,176,178,202,222,228,230,233,235,230,204,58,42,79,207,199,105,95,105,173,178,25,79,170,183,186,186,178,127,119,120,199,199,191,196,207,209,204,181,121,125,189,196,191,183,189,204,207,196,137,133,135,139,189,204,207,194,141,141,189,194,199,204,202,199,199,204,212,207,139,135,141,139,135,132,137,209,209,204,209,217,230,238,238,228,207,198,199,199,196,196,199,207,215,222,217,207,202,207,222,222,207,204,207,222,235,235,233,230,228,230,225,191,99,85,72,77,194,233,238,238,235,233,230,230,230,230,233,230,228,233,238,241,238,233,225,125,127,209,222,228,230,233,233,225,204,163,212,204,196,191,189,179,179,191,212,215,209,207,207,207,202,207,220,225,222,215,215,225,230,233,235,238,238,235,233,235,235,238,241,238,235,233,233,233,235,238,238,238,238,238,238,238,238,238,238,235,235,235,241,243,233,207,127,121,139,204,199,196,204,204,129,124,149,233,238,235,230,228,228,230,233,235,235,238,241,241,241,238,235,235,235,235,235,235,235,235,235,233,230,228,228,230,233,235,241,241,235,233,233,235,238,238,238,238,235,233,230,230,233,235,238,241,241,241,241,241,238,238,238,238,238,241,241,243,246,248,248,248,246,246,246,246,246,248,248,248,248,248,248,248,248,248,248,246,243,241,243,241,241,241,243,246,243,246,246,243,238,230,222,218,222,225,225,225,225,225,225,228,230,235,238,241,241,241,241,241,238,233,225,217,216,217,225,230,228,222,215,217,222,217,217,217,222,222,222,225,228,228,228,228,228,228,225,222,217,217,222,228,233,230,225,222,225,225,225,217,215,215,217,217,212,209,208,212,222,222,222,225,235,243,241,238,235,235,235,238,238,238,237,237,238,238,238,238,238,238,238,235,230,225,217,212,212,217,228,233,233,230,230,230,233,233,235,235,235,233,235,235,235,233,228,224,224,225,230,233,233,233,225,212,151,147,149,207,222,230,230,228,226,226,226,228,228,228,230,230,233,230,225,217,212,212,217,225,228,228,228,228,230,230,228,225,215,209,207,212,217,222,222,222,225,228,230,230,230,228,225,225,225,225,222,217,215,215,215,217,215,215,217,217,217,217,217,225,228,230,230,228,225,225,228,225,222,222,222,222,222,222,222,220,217,217,220,222,222,222,220,217,217,212,211,211,215,217,220,222,222,222,217,217,222,222,225,222,209,199,196,202,209,217,220,217,217,215,215,212,212,212,215,217,217,217,215,215,215,212,207,204,204,204,207,207,207,205,205,207,207,207,207,209,215,215,215,212,209,204,203,204,209,212,215,217,220,220,217,222,228,230,230,230,235,235,235,235,238,241,241,241,238,237,237,238,243,246,246,246,246,246,246,246,246,243,243,241,241,238,235,233,228,225,222,217,209,204,199,196,196,194,194,191,186,186,183,183,181,181,178,178,177,177,176,177,178,183,183,183,137,131,129,130,135,189,199,207,212,207,203,203,212,225,233,235,238,238,241,241,241,243,246,248,248,243,241,246,255,255,246,230,209,153,151,153,149,137,133,134,137,145,204,217,254,251,248,246,248,248,251,251,254,255,255,255,255,254,251,246,241,233,220,207,202,202,202,204,204,204,202,204,209,215,230,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,230,212,204,199,194,145,189,194,196,196,194,189,133,127,123,123,123,165,168,173,176,168,165,157,157,157,157,144,142,103,97,93,85,77,73,77,79,71,71,69,65,59,41,33,23,17,13,19,37,51,43,43,57,61,57,65,73,75,75,75,75,77,81,81,87,97,134,144,144,144,142,139,139,142,152,168,168,165,142,99,93,87,81,77,77,75,73,71,71,73,79,81,87,89,101,150,150,157,183,217,246,254,254,230,207,181,157,147,150,160,160,147,121,59,25,9,0,0,0,0,0,0,5,27,0,0,0,0,0,0,0,0,0,0,0,0,0,43,4,0,0,0,0,0,0,0,0,0,0,0,0,25,61,79,79,79,85,79,51,41,41,47,79,105,124,144,160,160,150,144,134,79,13,17,79,100,121,0,0,0,0,0,191,196,199,199,191,178,160,155,155,152,147,137,126,0,0,0,0,0,0,0,0,0,0,0,0,64,51,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,142,142,77,92,144,163,155,139,126,139,129,139,155,139,95,41,37,64,64,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,134,157,181,199,199,189,183,176,176,176,183,183,183,173,169,172,183,196,220,228,220,117,47,59,95,121,181,196,209,209,225,233,228,202,194,176,109,85,93,165,199,241,254,248,217,191,168,152,121,45,0,0,0,0,0,0,0,0,0,0,0,19,118,191,215,212,207,194,189,186,181,165,155,147,147,168,183,176,147,87,71,64,61,69,91,137,97,79,59,48,48,75,139,155,165,165,131,83,75,69,71,77,59,56,65,67,71,67,67,71,65,59,61,75,81,67,67,81,83,65,57,69,91,77,69,77,85,99,109,152,152,150,109,106,106,111,117,165,163,160,115,115,160,163,163,173,168,165,168,178,191,199,207,217,215,215,189,157,113,113,105,87,85,173,215,215,194,103,37,31,83,189,204,191,170,116,120,178,204,220,228,220,215,207,194,189,191,202,194,194,196,173,89,73,89,107,157,152,152,178,170,150,150,173,173,147,87,69,65,63,65,65,63,65,69,55,43,45,77,150,178,181,168,157,156,170,189,196,194,194,202,207,212,209,194,181,181,181,173,150,89,77,67,59,55,61,77,99,105,107,155,178,194,204,204,202,202,191,181,176,181,181,170,125,123,125,129,124,123,127,173,181,186,189,189,191,186,178,186,199,196,183,178,183,183,183,173,125,113,103,98,95,95,96,103,121,173,196,194,196,186,170,170,123,119,121,168,165,165,119,119,163,176,183,181,178,176,160,109,103,103,89,83,84,103,111,109,109,160,160,111,101,87,71,62,63,63,59,51,47,49,55,69,95,119,181,181,183,215,243,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,225,189,119,99,91,88,89,89,79,67,55,49,49,49,43,31,29,31,31,29,27,25,21,25,29,33,45,63,83,126,126,126,126,134,134,134,126,91,95,126,131,131,93,81,81,85,87,81,73,67,51,35,29,35,51,67,67,87,181,222,225,215,207,199,189,173,150,99,93,101,101,101,101,95,87,83,87,137,163,181,199,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,38,0,11,64,74,139,186,191,186,178,176,165,137,124,139,165,178,186,191,178,152,99,101,160,183,176,157,163,178,176,105,95,150,152,147,105,84,86,91,97,101,142,157,165,163,150,142,142,142,142,147,152,160,163,157,151,151,157,168,168,165,155,107,105,115,160,163,160,155,111,110,113,157,168,173,186,183,170,168,176,186,189,186,178,170,168,168,165,163,163,165,165,163,163,165,165,165,170,178,183,176,165,160,121,117,110,109,115,160,121,117,119,165,165,160,165,170,173,176,181,181,170,163,168,173,170,165,121,117,115,113,113,121,176,173,117,113,117,121,121,129,178,181,186,199,204,202,204,202,191,178,170,170,178,189,191,183,172,170,173,176,173,176,183,196,199,196,186,173,127,125,129,176,173,123,119,119,118,118,125,176,131,126,128,189,202,204,207,209,212,215,215,212,212,212,212,215,217,222,222,222,222,217,212,202,194,196,202,199,189,135,137,191,202,209,217,212,183,181,202,204,196,191,194,194,191,189,189,185,185,186,186,186,189,186,185,183,186,196,207,212,212,215,209,185,183,194,209,215,209,191,174,177,199,202,185,181,185,189,186,141,141,189,194,194,196,202,207,199,186,141,189,196,204,215,202,189,186,185,181,185,207,222,230,222,212,207,212,225,235,241,238,235,235,235,235,233,230,228,225,222,217,213,213,213,217,225,230,233,238,194,143,145,147,199,209,217,222,222,212,199,196,215,228,230,228,225,228,230,230,230,230,230,230,230,233,233,233,235,235,235,233,230,233,233,233,230,228,228,230,230,235,238,241,241,235,228,222,220,218,220,222,225,217,207,202,212,225,212,196,145,139,137,194,194,131,139,143,194,196,191,194,212,228,230,222,141,131,130,131,143,207,207,189,178,179,191,196,196,202,204,204,202,202,202,199,199,202,202,202,199,194,191,199,199,194,196,204,207,202,199,204,212,217,222,225,230,233,225,217,212,204,199,194,191,186,139,136,137,189,189,139,139,194,212,217,215,207,196,189,186,189,194,191,186,191,202,186,135,186,194,196,186,178,199,222,217,199,183,181,181,186,202,209,199,183,123,186,212,199,191,196,189,90,102,135,199,207,209,207,207,215,225,220,194,112,106,110,111,110,119,186,255,228,125,97,168,173,168,170,173,114,115,183,99,63,63,65,59,109,119,191,212,196,111,115,207,207,189,183,178,176,173,170,172,204,228,235,230,204,189,186,189,189,186,186,194,202,204,209,212,209,209,217,222,209,196,183,181,196,215,228,233,235,235,238,230,186,48,21,41,105,181,101,97,111,117,29,0,51,173,189,186,181,176,127,123,183,217,212,196,196,202,202,199,183,126,133,191,196,191,189,194,204,207,196,186,141,139,141,194,204,204,191,138,136,137,189,199,204,204,199,202,212,230,238,228,199,135,134,134,130,129,194,202,202,199,202,209,225,230,222,207,199,199,199,196,196,199,204,209,215,215,207,202,207,225,225,212,209,225,233,238,238,235,233,228,238,241,133,50,66,74,83,137,212,233,235,235,235,235,235,233,235,235,233,233,238,241,241,225,202,101,32,42,209,238,233,230,235,233,225,204,192,225,212,199,191,189,181,179,191,212,215,209,207,209,207,202,207,217,225,225,225,217,222,228,230,233,235,235,235,235,235,235,238,235,235,233,230,230,230,233,233,235,235,235,235,238,238,238,235,235,235,235,235,235,233,215,204,147,139,196,196,140,143,147,137,113,111,133,228,235,235,230,228,228,228,230,233,235,238,238,241,238,238,235,235,238,238,238,235,235,238,238,235,230,226,226,228,230,238,243,243,238,233,233,235,238,238,238,238,235,233,233,235,238,241,241,241,243,241,241,238,238,238,241,241,241,241,241,243,246,248,251,248,246,246,246,246,248,248,248,246,246,246,246,246,248,248,248,246,243,243,246,243,243,243,243,243,243,243,246,243,238,230,222,218,218,222,225,228,228,228,228,228,230,233,235,238,241,243,241,241,241,235,228,218,216,216,225,233,230,222,212,212,215,217,222,225,225,222,222,225,228,228,228,228,228,228,225,225,225,222,222,228,233,233,228,225,228,228,228,222,217,215,215,215,212,211,211,212,222,222,225,230,238,246,243,241,235,235,235,238,238,238,237,238,238,238,238,237,237,238,238,233,225,222,217,211,209,212,225,230,230,228,228,228,233,235,235,235,235,235,235,235,233,230,224,221,225,230,233,233,233,228,215,153,146,145,150,212,230,233,230,228,226,226,228,228,228,228,230,230,233,233,228,222,215,215,222,230,233,230,230,228,230,228,228,225,222,209,202,209,217,220,217,217,222,225,228,228,225,222,222,222,225,225,220,217,215,215,215,215,215,212,212,215,217,222,225,228,228,230,230,228,225,225,225,225,222,222,222,222,222,222,222,220,217,217,217,220,222,222,222,217,217,212,211,212,217,220,222,222,222,222,222,222,222,225,225,217,207,204,204,207,212,217,222,222,217,215,215,212,212,212,215,217,222,217,215,215,215,212,209,204,204,204,204,207,207,205,205,207,209,209,209,209,212,212,209,209,209,207,209,212,212,212,217,222,225,225,225,225,230,230,230,233,235,238,238,241,241,241,241,241,238,238,238,241,243,246,246,244,246,246,246,246,246,243,243,241,238,238,235,233,230,228,225,220,212,207,202,199,196,196,194,191,186,183,183,183,181,181,178,178,178,177,176,177,181,189,189,189,183,137,131,133,139,196,202,207,209,204,202,203,215,228,235,235,235,238,241,241,243,243,246,248,251,246,243,248,255,255,254,241,217,207,204,207,202,143,135,134,133,134,135,137,254,254,248,248,246,248,251,254,255,255,255,255,255,254,251,246,243,235,222,207,202,202,204,207,209,207,207,207,209,217,233,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,230,212,204,204,196,194,191,196,204,204,202,194,183,129,123,127,127,165,168,173,173,168,157,157,157,157,157,157,144,142,134,97,89,79,77,77,77,71,71,69,71,69,55,37,29,25,27,31,39,41,37,43,61,67,73,87,121,89,83,81,81,81,83,87,89,97,139,142,150,144,142,139,139,144,152,168,168,152,142,103,97,87,81,77,73,73,71,65,67,71,71,71,73,81,95,107,150,152,176,204,233,248,246,238,217,191,173,157,150,152,150,139,113,49,25,9,0,0,0,0,0,0,20,38,0,0,0,0,0,0,0,0,0,0,0,0,0,64,25,4,0,0,0,0,0,0,0,0,0,0,1,25,59,61,61,66,79,69,47,43,45,51,79,79,90,105,108,100,100,116,121,100,66,66,100,113,124,0,0,0,0,0,207,207,207,194,183,165,155,142,137,137,134,126,121,0,0,0,0,0,0,0,0,0,0,0,59,51,40,25,0,0,0,0,0,0,0,0,4,56,30,0,0,0,0,0,0,0,0,0,0,0,0,17,116,142,108,100,137,0,0,186,165,165,147,147,157,147,105,47,37,41,37,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,113,142,150,163,168,170,165,173,173,176,183,191,189,183,173,173,183,191,204,220,228,196,111,105,111,119,170,189,199,209,225,233,233,230,215,196,163,93,85,93,165,215,254,241,209,173,147,147,139,67,3,0,0,0,0,0,0,0,0,0,0,39,152,204,212,204,202,202,202,196,181,155,135,129,130,147,176,176,147,89,77,64,60,67,95,155,150,91,65,56,61,129,173,163,165,142,89,83,83,66,66,71,67,67,77,73,71,63,61,61,65,67,73,79,79,81,91,134,97,75,61,63,79,83,85,97,103,109,152,168,178,168,152,111,115,163,173,176,176,176,168,163,163,168,181,189,186,173,168,183,191,199,207,207,215,215,191,170,157,115,99,77,75,181,202,189,111,45,17,17,33,101,170,170,121,112,114,176,207,220,225,217,207,194,186,181,176,173,168,172,176,117,81,61,65,87,99,95,99,150,97,71,65,79,93,93,91,87,87,81,71,67,71,89,95,77,61,67,95,155,173,176,173,168,170,181,196,204,202,202,204,212,220,212,202,183,183,189,189,168,103,83,71,67,61,65,81,99,111,152,165,181,191,196,199,202,215,202,181,181,189,189,178,125,121,123,125,124,123,127,173,181,191,191,191,178,129,129,176,186,178,173,178,183,196,186,176,125,113,99,95,95,95,98,109,121,189,196,204,204,194,173,170,123,118,118,168,181,165,121,119,163,176,183,178,176,176,117,109,109,109,97,81,81,95,105,103,105,150,152,109,99,87,77,67,63,71,63,59,57,63,73,81,101,121,178,177,183,228,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,243,222,194,119,99,91,91,93,93,89,79,67,63,57,57,47,39,31,31,27,27,23,23,21,25,29,33,39,57,69,83,118,126,126,126,126,126,126,124,126,131,131,131,95,87,87,93,131,93,87,73,65,49,41,51,73,81,73,87,189,225,235,217,209,202,189,178,163,107,103,101,137,101,97,95,87,83,86,131,160,176,191,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,5,9,56,74,144,189,191,181,173,165,152,124,129,147,168,181,191,191,181,152,107,144,165,170,165,163,173,191,199,69,39,85,150,144,105,93,88,90,95,99,105,147,160,155,144,139,142,144,142,147,155,165,170,165,155,151,152,155,150,111,107,102,102,113,163,168,168,155,111,110,111,157,163,165,173,168,163,165,176,183,183,178,170,160,121,160,163,165,165,168,163,121,121,121,121,119,163,176,183,173,163,121,121,117,111,110,117,165,165,160,163,168,165,165,173,176,173,170,173,173,165,163,173,176,173,165,121,117,113,112,113,123,173,168,115,112,117,127,170,176,178,181,189,202,207,207,207,196,186,173,169,170,176,178,178,183,181,173,172,172,170,170,178,191,199,196,189,173,125,123,127,170,129,118,118,125,125,121,127,181,181,131,131,186,199,207,212,212,212,212,215,212,212,212,212,215,217,222,222,225,225,217,212,204,199,204,204,202,191,137,141,196,204,209,212,202,170,170,204,207,196,186,186,189,186,186,189,186,186,186,189,191,191,186,182,182,189,204,215,215,215,217,215,194,186,189,196,202,204,196,179,176,186,194,189,186,194,196,189,140,141,196,202,202,204,209,212,202,191,189,194,199,207,217,209,191,189,191,183,186,209,222,225,217,207,204,207,217,233,238,238,238,235,235,233,233,230,228,225,225,222,217,215,215,222,228,230,233,235,135,141,202,199,207,215,222,228,233,228,202,186,195,217,222,222,222,228,230,230,229,228,229,229,230,230,233,235,235,235,235,233,233,230,230,230,230,230,233,230,233,235,238,243,243,238,230,222,220,218,220,222,222,217,209,212,222,222,202,137,135,141,225,230,228,189,139,141,194,196,194,196,215,230,233,225,189,137,143,196,212,228,230,222,207,199,199,196,196,202,209,209,207,204,199,194,191,191,194,196,196,191,189,191,194,196,202,204,202,202,204,212,222,225,222,222,228,235,238,233,222,207,196,194,191,191,191,189,191,196,194,186,141,191,212,217,215,209,194,137,135,181,189,191,186,183,181,127,123,186,207,209,189,127,129,199,204,194,181,181,181,186,196,199,191,189,199,233,235,209,199,204,215,215,209,207,196,189,183,183,183,189,199,186,127,110,104,107,111,115,123,127,233,181,95,74,121,176,199,238,204,110,113,173,111,75,107,181,170,176,103,74,78,105,111,111,194,202,183,176,176,181,189,181,173,189,215,217,215,204,191,186,186,185,183,186,202,215,225,228,228,212,196,196,196,181,176,170,181,204,222,230,233,238,238,233,217,186,109,61,67,101,196,173,119,170,119,13,0,17,173,199,207,191,176,127,170,191,209,209,199,196,204,215,222,202,183,186,191,191,189,189,194,202,202,194,191,191,189,189,199,209,207,199,139,134,134,143,202,212,209,202,202,212,230,238,233,215,135,133,139,137,134,194,204,202,199,194,194,204,212,212,207,202,199,196,196,199,202,202,207,209,212,207,204,207,217,215,207,207,222,230,235,241,238,228,212,241,248,133,34,62,133,191,196,207,222,230,233,235,235,235,233,235,235,238,241,243,241,222,123,85,23,1,33,141,217,228,230,233,230,217,202,202,222,222,209,204,202,194,194,202,209,209,209,207,207,204,204,209,215,212,209,215,217,225,230,230,233,235,238,238,235,235,235,235,233,230,228,228,228,228,230,230,233,233,233,235,238,238,235,235,235,235,235,233,230,217,207,204,202,199,202,196,144,196,212,149,121,123,202,230,235,235,233,230,228,226,228,230,235,235,238,235,235,235,235,235,238,238,238,235,235,238,238,235,230,228,228,230,233,238,243,243,241,235,233,233,235,238,238,235,235,230,230,235,241,241,243,243,243,241,241,238,238,241,241,241,241,241,241,243,246,248,251,248,246,244,246,248,248,248,246,246,243,243,243,243,246,246,246,246,243,246,246,246,243,241,243,243,243,243,246,246,241,235,228,218,218,220,225,228,230,228,225,228,233,235,235,238,241,243,241,241,241,238,233,228,222,218,225,230,230,222,211,209,212,222,225,225,225,222,222,225,225,225,225,225,225,225,224,225,228,230,228,228,230,230,228,228,233,233,230,228,222,222,217,217,215,215,217,222,225,225,230,235,243,243,243,238,235,235,235,238,238,238,238,238,238,238,238,237,237,238,238,235,228,225,222,212,212,217,225,230,230,228,228,228,230,233,235,235,235,235,235,235,233,228,224,221,228,233,235,233,230,228,217,204,150,151,207,225,233,233,230,228,228,228,228,228,230,230,230,230,233,233,230,225,217,217,225,230,233,230,230,228,228,228,228,225,217,202,149,202,215,222,217,215,215,217,217,220,217,217,222,222,225,222,215,215,217,222,217,215,215,212,212,212,217,225,228,228,228,228,228,225,225,225,225,225,225,222,222,222,222,222,222,220,217,217,215,217,222,222,220,217,215,212,211,215,222,222,222,222,222,225,225,225,225,222,222,215,207,207,209,209,212,217,222,222,217,215,215,215,212,212,215,217,222,217,215,215,215,212,209,207,204,204,207,209,209,207,209,212,212,212,212,212,212,209,209,209,209,209,212,215,215,212,217,225,228,230,228,228,233,233,230,233,235,238,238,241,243,243,243,241,241,238,238,241,243,246,244,244,246,246,246,246,246,243,243,241,241,238,235,233,230,228,225,222,217,209,204,199,196,194,194,189,186,183,183,183,183,181,181,181,181,181,178,181,186,191,194,196,191,186,137,137,189,202,207,207,207,204,203,204,217,230,233,233,235,238,241,243,243,246,248,251,248,246,243,248,255,255,254,243,228,212,209,215,212,202,149,143,134,132,131,128,255,251,246,246,246,248,251,254,255,255,255,255,254,254,251,248,246,241,230,215,204,204,207,209,212,212,209,209,212,225,241,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,233,222,212,204,204,194,196,204,212,212,212,202,189,129,127,127,127,165,168,173,173,165,157,157,157,163,157,157,155,144,142,134,93,85,77,77,77,73,71,77,77,69,59,43,37,35,35,35,35,37,39,51,65,79,121,144,150,142,129,93,91,89,89,93,97,101,103,142,144,144,144,144,144,150,155,168,165,152,142,103,97,91,81,77,73,71,65,61,61,67,67,65,65,73,89,101,107,111,160,189,217,233,238,235,217,199,181,168,150,142,139,124,105,49,25,9,3,3,0,0,0,3,35,61,0,0,0,0,0,0,0,0,0,0,0,0,0,64,30,14,4,0,0,0,0,0,0,0,0,0,1,11,31,41,61,79,85,79,47,44,66,79,79,69,68,69,69,43,43,69,85,90,90,95,108,124,142,0,0,0,0,0,220,212,207,199,186,173,152,134,121,108,103,100,100,0,0,0,0,0,0,0,0,0,0,0,51,51,51,40,12,0,0,0,0,0,0,0,0,139,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,103,108,118,0,0,0,186,173,147,139,137,129,103,49,35,35,27,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,69,77,79,124,134,152,165,181,189,191,196,194,189,183,176,176,178,183,194,220,204,186,178,165,119,163,173,181,191,209,233,241,248,241,230,194,163,105,97,155,199,238,233,199,155,121,131,139,100,11,0,0,0,0,0,0,0,0,0,0,53,168,204,212,204,199,204,207,199,181,155,135,129,133,144,176,176,147,95,89,83,69,79,99,163,163,99,79,71,79,131,165,93,89,75,70,75,83,67,66,75,77,79,85,71,59,63,61,61,61,65,69,75,87,131,147,142,95,77,69,67,73,89,105,152,152,111,111,168,186,186,173,173,168,165,165,170,176,168,168,168,173,183,194,196,186,115,107,163,191,204,207,212,207,207,189,181,181,178,113,85,76,157,155,91,49,15,5,9,21,55,97,121,163,120,120,181,207,215,209,202,191,183,183,183,181,173,172,174,178,165,89,57,49,85,105,97,91,91,67,37,34,45,67,85,97,147,163,155,99,89,103,163,155,101,85,91,103,155,165,176,183,191,194,199,204,212,207,204,212,217,220,217,202,191,189,196,196,178,109,89,83,67,63,67,87,107,113,155,170,178,186,194,199,207,220,204,191,189,199,202,189,125,120,123,125,125,125,131,178,183,191,189,183,170,123,123,125,129,125,170,186,199,196,186,181,125,113,105,105,103,103,109,115,165,189,196,194,194,186,170,170,170,123,121,168,181,165,119,115,119,163,176,176,163,160,109,103,117,160,103,80,80,89,103,103,105,150,160,109,101,101,93,81,71,71,71,65,73,81,87,95,107,173,181,181,189,235,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,248,241,222,194,129,105,99,99,103,103,99,85,79,77,71,65,57,43,37,27,23,23,19,19,17,21,25,33,39,45,57,69,79,116,116,116,116,89,124,131,134,131,131,95,93,89,93,131,139,139,93,87,73,61,51,61,87,93,77,87,181,228,235,217,209,202,194,181,170,150,142,139,137,101,95,93,87,85,87,131,160,176,199,207 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,5,0,40,105,150,181,186,181,173,160,142,129,137,147,160,178,186,178,157,105,105,144,163,165,165,165,163,196,222,70,17,64,109,109,107,142,99,93,97,101,103,105,147,147,139,105,139,144,142,144,155,163,170,168,163,157,157,152,109,103,105,103,103,111,157,165,163,117,115,113,111,115,160,160,119,117,119,163,170,170,163,121,117,111,113,117,160,165,168,165,160,119,117,117,115,114,116,163,170,165,121,119,119,117,113,111,119,168,168,165,165,168,165,170,178,176,168,160,121,121,117,119,170,173,170,168,163,121,115,112,115,165,176,168,114,111,121,181,186,178,172,170,183,204,209,204,196,189,181,176,172,172,172,168,165,178,183,176,170,172,170,170,181,191,199,202,194,178,127,121,123,127,123,115,117,129,173,131,176,181,183,176,131,183,199,209,215,212,209,209,212,212,212,212,212,215,222,222,222,222,225,222,212,207,204,209,209,207,199,189,196,199,199,199,199,191,164,166,196,204,191,182,182,183,183,186,186,186,186,189,191,194,194,186,181,182,191,209,222,222,215,215,212,202,191,189,187,189,194,196,186,182,186,196,196,199,202,204,196,186,189,199,209,212,217,222,217,212,204,202,202,196,194,199,196,187,199,228,209,202,215,222,225,215,207,205,209,222,230,235,238,238,235,235,233,233,233,230,230,228,225,225,225,225,225,228,230,233,230,131,199,228,212,212,222,228,233,235,235,207,178,190,222,228,225,228,230,233,233,230,229,230,230,230,230,233,233,235,235,235,235,233,233,230,230,230,233,233,233,233,233,238,241,238,235,228,225,225,222,225,225,225,217,212,225,228,199,127,125,129,139,209,199,143,131,135,141,199,199,196,199,212,225,228,215,191,143,199,209,222,233,238,241,235,228,209,199,194,196,207,207,204,202,196,191,190,189,190,194,196,191,187,189,191,196,204,204,199,196,202,212,225,228,225,222,228,238,243,241,225,204,194,191,191,191,199,207,209,209,204,196,191,194,196,202,207,202,137,127,131,186,194,196,186,137,129,120,119,186,209,215,189,120,120,127,181,183,178,181,183,183,181,131,131,186,204,230,230,209,202,207,217,228,230,217,186,126,129,135,135,133,129,125,127,186,178,115,115,119,111,101,113,80,74,70,117,170,207,248,183,106,114,121,109,97,176,217,230,255,105,37,40,105,109,93,109,173,170,165,173,194,225,225,176,170,189,196,196,194,189,189,189,186,186,191,207,222,230,233,230,212,176,109,92,86,107,125,181,207,225,233,233,230,230,225,204,186,176,170,168,181,199,194,181,194,191,99,9,25,207,217,233,225,202,191,189,191,194,196,187,191,209,233,241,215,191,189,186,183,182,189,196,202,196,194,199,199,191,189,204,215,222,215,196,134,134,191,209,215,215,202,196,202,209,215,212,204,191,141,202,207,202,207,209,209,204,194,191,192,199,204,204,204,199,196,196,202,204,204,204,204,204,204,204,207,209,207,204,205,209,217,233,243,238,217,189,233,241,199,53,83,204,207,204,207,209,217,222,228,230,230,230,233,238,241,241,241,225,135,85,66,69,67,117,141,194,212,225,222,228,209,191,199,212,222,222,222,212,209,207,207,207,207,209,209,202,200,202,212,217,204,145,149,212,225,233,233,233,238,241,238,238,235,235,233,230,228,228,226,226,228,228,230,230,233,233,235,235,235,235,235,235,235,233,230,222,212,202,202,204,202,204,202,199,217,233,215,139,143,212,228,235,235,235,233,230,228,228,230,233,233,233,233,230,230,233,235,238,238,235,235,235,235,238,238,235,233,233,233,238,241,241,241,241,238,233,233,235,238,235,235,233,229,229,233,238,241,241,243,243,241,241,241,241,241,243,243,241,241,241,243,246,248,248,248,246,244,246,246,248,248,246,243,242,242,242,242,243,243,246,246,243,243,243,243,243,241,241,241,243,243,246,246,246,241,233,225,217,217,222,228,230,228,225,228,233,235,238,241,243,246,243,241,241,238,235,233,228,222,222,228,228,217,211,209,212,225,228,228,225,222,222,222,222,222,222,225,225,222,222,225,230,233,228,226,230,230,230,233,235,235,233,233,230,228,225,225,225,225,225,225,222,228,235,241,243,243,241,235,235,235,235,238,238,238,238,238,241,238,238,237,238,238,241,235,230,228,225,220,222,228,233,233,230,228,228,228,230,233,233,233,233,230,230,230,230,228,225,224,228,233,235,235,233,230,225,217,217,215,217,228,233,233,233,230,230,228,228,230,230,230,230,230,233,230,228,222,217,217,225,230,230,230,230,230,230,230,228,222,212,149,146,151,217,222,217,212,209,209,209,212,215,217,217,222,217,215,212,215,222,225,222,217,217,215,212,215,222,228,228,225,220,222,225,222,222,225,228,228,225,225,225,225,225,225,222,222,222,217,215,215,217,217,217,215,215,211,211,217,222,222,222,222,225,225,225,225,222,217,215,209,207,209,215,212,212,217,222,222,215,215,215,215,212,212,215,217,217,217,215,212,212,215,215,212,209,209,212,215,215,212,212,217,215,215,217,215,212,212,209,209,209,209,212,212,215,215,217,225,228,230,230,230,233,233,230,230,233,235,238,241,241,243,243,243,243,241,241,241,243,246,246,244,246,246,246,246,246,246,243,243,241,238,235,233,230,228,225,225,222,215,207,202,199,194,191,189,186,186,186,186,183,183,183,183,183,186,186,186,189,194,199,202,196,191,183,183,194,204,207,207,207,204,203,207,217,228,230,233,233,235,241,243,246,248,251,251,248,246,246,248,251,254,248,241,230,217,215,222,222,217,209,155,145,135,131,126,254,246,243,243,243,243,248,251,255,255,255,254,251,251,251,248,248,246,235,222,209,207,209,212,215,212,212,212,217,230,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,255,255,255,255,255,255,255,255,255,255,255,254,235,222,212,212,204,204,204,212,222,230,220,204,189,129,121,121,127,165,165,168,168,165,157,157,157,163,163,157,157,144,144,134,97,85,83,83,83,77,77,77,69,63,55,49,43,37,35,33,33,35,41,53,65,81,137,170,173,163,150,150,147,142,134,134,99,97,103,139,144,144,144,144,144,152,163,165,152,144,105,105,99,93,83,77,73,65,59,51,51,59,61,59,61,67,81,95,101,107,150,176,202,217,230,228,217,207,191,181,160,147,134,121,100,49,25,13,3,3,3,5,5,15,51,0,0,0,0,0,0,0,0,0,0,0,0,0,113,64,35,22,7,0,0,0,0,0,0,1,1,0,0,0,19,37,69,92,100,90,69,69,79,92,92,85,79,69,64,39,31,25,33,64,98,108,116,137,163,0,0,0,0,220,220,220,215,212,207,196,173,142,111,85,66,66,82,0,0,0,0,0,0,0,87,98,90,64,40,48,56,56,38,0,0,0,0,0,0,0,0,194,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,126,134,108,108,144,163,152,155,129,113,100,100,79,41,33,29,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,13,15,11,0,0,0,0,0,0,0,0,0,0,7,31,57,71,93,147,170,189,199,202,202,202,191,183,176,172,172,172,183,196,196,204,196,168,111,113,121,119,163,191,225,248,255,255,241,212,186,170,163,163,178,209,217,189,139,79,79,129,100,15,0,0,0,0,0,0,0,0,0,0,43,147,194,204,204,204,199,199,196,183,165,150,144,150,165,183,183,152,101,103,95,85,83,91,137,147,137,95,93,93,131,176,87,77,70,68,70,73,73,69,69,65,65,71,53,49,65,71,67,61,60,61,75,95,147,150,95,77,77,89,89,89,103,163,178,173,152,110,152,178,186,186,186,178,165,157,157,163,164,176,176,186,194,202,202,176,93,88,107,183,199,207,212,215,207,196,189,196,196,170,97,79,85,69,45,27,7,4,11,19,37,83,163,178,176,176,194,207,202,194,186,183,183,186,191,194,194,196,202,202,183,99,49,39,91,152,107,93,77,39,27,25,39,63,87,152,183,202,194,178,178,194,196,183,155,105,105,150,160,168,176,183,199,207,215,215,217,215,212,212,212,212,209,199,189,183,189,196,178,152,95,83,71,67,77,101,150,163,165,173,178,186,194,199,215,225,215,202,199,212,212,189,125,120,120,125,129,131,173,181,191,191,189,178,170,123,120,120,119,120,170,196,199,196,183,181,173,125,119,117,117,117,117,121,165,173,173,186,173,170,170,170,173,168,168,170,181,165,113,113,112,119,163,160,160,113,103,99,117,176,103,80,80,89,103,109,115,160,160,115,107,107,101,87,75,71,71,69,79,87,95,101,113,178,189,189,202,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,243,233,225,215,199,178,117,111,111,111,109,103,93,89,85,77,69,57,47,37,27,23,23,19,13,13,15,21,27,39,41,43,57,69,77,83,81,77,87,129,139,139,131,124,87,83,87,93,139,147,147,131,87,73,67,61,73,93,93,81,87,176,225,235,220,209,202,199,194,181,168,150,139,139,101,95,91,87,86,124,139,160,173,194,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,11,121,142,173,186,183,173,152,137,134,142,144,147,160,168,157,107,101,101,107,152,160,160,152,147,160,191,101,75,81,99,103,99,150,144,103,97,101,101,98,103,103,103,103,137,142,134,134,150,160,165,165,160,163,165,160,109,101,103,105,103,109,152,160,155,115,115,113,110,113,119,119,116,115,119,165,163,117,109,106,105,107,111,119,163,165,160,119,115,115,117,117,115,113,115,119,163,165,160,121,160,121,117,117,160,168,168,165,163,163,168,178,181,178,163,117,115,113,109,111,117,163,168,168,165,163,119,113,117,165,176,170,117,119,194,204,194,176,169,168,178,199,204,202,194,186,183,183,181,176,170,168,169,183,189,181,173,173,173,173,181,189,196,196,191,186,178,125,118,118,118,117,118,129,173,173,178,183,181,176,133,181,196,207,212,212,207,205,207,212,215,215,215,215,217,217,215,217,222,222,215,209,207,207,212,209,202,196,202,204,194,192,202,209,199,185,186,191,183,183,183,182,183,189,183,134,135,183,191,194,194,189,185,186,194,207,217,215,209,207,204,199,194,189,187,191,196,194,191,191,196,202,204,204,207,209,209,204,204,212,217,222,225,228,230,228,222,215,209,199,194,191,189,194,212,230,225,207,207,217,222,215,209,217,228,228,230,235,238,235,233,233,233,235,235,233,230,230,230,230,233,233,230,228,228,194,117,204,217,228,228,217,230,233,235,241,243,233,195,199,233,235,233,230,233,238,241,238,238,235,235,233,233,230,230,233,235,235,235,235,233,233,230,233,233,233,233,233,235,235,235,233,230,225,225,228,230,230,230,228,215,204,215,217,125,114,124,129,128,129,125,123,128,189,212,215,209,199,199,204,209,207,199,191,191,207,217,228,233,238,241,241,235,217,204,194,194,199,202,202,196,191,191,191,191,191,196,199,199,191,189,187,191,202,204,199,191,194,207,222,230,228,228,230,235,238,235,217,199,191,191,194,196,209,217,222,225,225,222,217,212,199,186,183,135,127,124,133,189,196,191,183,137,131,120,118,131,204,212,202,125,123,129,135,137,127,181,189,186,137,127,121,123,186,209,212,207,199,199,204,217,225,209,124,106,133,183,181,131,125,118,122,194,191,129,121,111,105,121,89,56,57,97,111,117,178,191,183,176,173,173,183,186,212,230,243,248,241,92,45,105,113,78,93,165,165,164,173,194,222,225,173,122,168,176,174,178,183,186,183,186,189,191,194,217,228,233,230,217,127,99,71,93,202,186,186,204,222,233,235,230,228,215,194,165,107,113,196,199,196,160,156,194,209,183,97,85,212,228,235,235,217,209,199,196,194,183,178,189,222,233,230,212,196,189,183,182,183,191,202,207,202,202,212,209,186,189,209,228,233,230,212,133,134,202,212,212,207,196,192,194,202,202,204,209,212,215,222,225,225,225,222,217,212,202,192,192,196,202,199,199,202,199,199,202,207,209,204,194,194,199,202,204,207,207,207,207,212,212,230,238,235,209,176,233,246,111,84,117,202,207,204,202,202,203,207,209,215,222,225,230,235,241,241,228,75,43,64,199,194,191,194,191,194,199,202,194,228,54,57,196,207,217,228,217,217,212,209,207,199,199,207,209,202,199,202,217,228,212,141,129,143,217,233,235,235,238,241,238,238,235,235,235,233,230,228,226,228,230,233,230,230,233,235,235,235,235,235,235,233,233,235,228,215,207,202,204,207,204,202,204,209,217,222,215,202,202,212,230,235,235,235,235,233,228,228,230,230,230,233,233,228,226,230,235,238,235,233,233,235,235,238,241,241,238,235,235,238,241,241,241,241,238,235,235,235,235,235,233,230,229,229,233,235,238,238,241,241,241,241,241,243,243,243,243,243,243,243,243,243,246,246,246,246,246,244,246,248,248,243,242,242,242,242,242,243,246,246,246,243,243,243,243,243,243,241,241,243,243,246,248,248,243,238,230,222,217,218,228,233,230,225,225,228,233,238,241,246,246,246,243,243,243,241,235,230,225,222,225,230,217,211,211,212,225,233,230,228,228,228,225,220,220,225,228,225,224,225,228,230,228,226,228,233,233,233,235,238,235,235,238,235,230,228,225,225,222,215,209,212,228,238,241,241,241,238,234,235,238,238,238,238,238,241,241,241,238,238,238,238,241,241,238,230,228,228,228,228,233,235,233,233,230,228,228,230,233,233,230,228,222,217,225,230,230,225,225,228,233,235,235,233,230,228,228,228,225,222,225,230,235,233,230,230,230,230,230,230,230,230,230,230,228,225,217,216,216,222,228,230,230,230,233,233,230,228,222,209,151,150,207,222,225,217,209,204,204,204,207,212,217,217,215,215,212,211,212,222,222,217,215,215,215,215,217,225,228,228,217,211,215,222,222,221,225,230,230,228,228,228,228,228,225,225,225,222,217,215,212,215,215,215,215,212,209,209,215,217,222,225,225,222,225,225,222,215,212,209,209,209,212,215,215,215,217,222,220,215,215,212,212,212,212,212,215,215,215,212,212,215,215,217,215,215,215,215,215,215,215,217,217,217,217,215,215,215,212,209,209,209,209,212,212,215,217,217,222,228,230,233,230,228,228,228,228,228,233,235,238,238,241,243,243,243,241,241,241,243,246,246,246,246,246,248,248,246,246,243,243,241,238,235,233,228,228,228,225,225,215,209,204,199,196,194,191,189,189,189,186,183,183,183,183,183,183,186,186,191,196,202,204,199,191,186,186,194,204,207,207,207,204,204,207,217,228,230,230,233,235,238,243,246,248,251,248,248,246,248,251,251,248,246,243,241,233,225,228,228,222,212,207,151,139,132,132,225,235,238,241,241,239,241,248,255,255,254,251,248,248,248,248,248,246,238,230,215,209,209,212,215,215,215,217,230,241,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,241,230,222,222,222,222,222,233,241,241,230,212,189,127,111,113,119,121,121,160,165,157,157,157,157,163,165,165,157,155,144,134,97,89,85,85,85,83,77,67,57,51,45,45,45,41,37,35,33,34,39,53,59,73,129,170,170,163,181,204,202,189,168,150,103,97,101,142,150,150,143,108,144,163,168,152,144,144,142,105,105,93,87,81,73,59,51,45,45,49,51,53,61,71,79,89,95,101,147,170,189,209,217,228,217,212,207,196,183,173,142,124,108,63,39,21,9,9,15,15,15,35,61,82,0,0,0,0,0,0,0,0,0,0,0,0,100,59,40,25,1,0,0,0,0,0,0,0,0,0,0,0,7,33,69,103,103,103,92,92,92,100,111,111,100,100,92,37,19,16,25,77,108,118,126,0,0,0,0,0,0,0,220,220,220,220,230,230,204,160,116,64,40,38,51,85,0,0,0,0,0,77,77,77,64,48,40,0,56,66,48,14,0,0,0,0,0,0,225,225,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,176,139,79,86,126,147,142,134,124,100,47,47,43,27,27,27,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,79,79,64,23,0,0,0,0,0,0,0,0,0,0,0,23,69,126,144,163,183,199,212,212,202,215,202,183,172,172,172,172,178,189,204,204,189,111,97,105,113,105,106,181,233,251,255,255,251,235,196,186,186,178,176,196,215,186,131,59,59,103,100,21,0,0,0,0,0,0,0,0,0,0,13,69,147,204,217,199,199,199,189,183,176,168,165,173,173,176,168,147,96,103,103,95,91,91,85,85,99,101,99,93,93,87,77,71,73,75,71,75,89,91,53,28,33,45,53,65,77,79,77,67,60,61,79,97,139,101,83,75,83,99,147,150,163,170,178,173,163,152,163,170,183,189,189,186,176,163,157,157,176,186,186,194,202,209,207,181,88,83,99,183,199,199,199,207,207,204,196,189,181,165,97,83,71,49,33,19,7,5,11,21,33,91,186,196,202,202,204,209,202,191,183,183,191,194,202,202,207,204,207,209,199,99,41,30,63,150,152,99,81,39,25,25,45,65,91,168,196,202,186,178,194,212,215,189,155,101,113,160,170,176,176,173,186,196,207,215,217,217,212,207,204,207,199,189,178,170,160,163,163,147,93,77,73,81,93,109,160,176,183,181,181,186,194,204,220,225,215,202,212,217,212,189,125,118,120,123,131,176,178,181,194,204,202,189,178,127,121,120,120,125,176,196,186,186,194,183,178,168,168,125,123,123,123,123,125,125,125,123,125,125,125,170,183,183,170,168,165,121,113,113,112,112,117,119,117,103,94,98,109,117,97,80,80,89,103,115,173,176,173,115,113,107,101,87,73,69,68,69,79,85,87,101,117,178,196,196,215,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,243,230,215,215,207,199,181,121,117,155,155,111,105,99,99,91,83,75,65,47,39,31,27,25,19,13,12,11,15,23,31,33,39,43,63,69,71,73,73,85,129,137,139,129,85,75,73,79,129,147,150,147,137,93,73,67,73,85,93,99,97,95,170,217,230,220,209,202,209,209,202,189,163,138,139,139,131,91,87,121,131,142,150,168,191,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,142,170,183,183,170,142,131,131,142,144,147,155,155,144,103,102,101,102,111,150,147,107,103,103,103,89,89,95,95,94,92,150,150,105,97,99,105,100,98,99,100,100,137,142,134,133,150,160,160,157,155,157,163,157,109,95,101,107,103,105,111,115,113,111,111,110,110,113,119,157,118,119,160,160,117,111,108,106,105,109,121,168,170,163,119,114,114,115,119,121,119,119,121,160,165,168,165,163,165,165,163,163,168,168,163,121,117,117,163,173,176,168,160,117,115,111,108,107,109,115,160,165,163,121,113,113,121,125,168,170,173,191,212,212,204,189,174,170,174,186,194,194,189,183,183,186,186,183,181,181,186,191,191,189,186,181,176,170,170,181,189,189,181,181,183,170,117,117,119,119,123,127,127,127,129,173,176,133,176,183,196,207,209,209,205,205,207,215,217,217,215,215,215,212,209,212,217,222,217,212,209,209,212,212,204,199,207,209,196,195,212,225,212,196,189,186,182,183,186,183,186,194,186,133,131,133,183,191,194,191,191,194,196,199,202,202,196,196,196,194,191,187,186,194,199,196,194,194,199,207,209,209,212,217,222,217,217,222,222,222,225,228,230,233,233,230,225,215,202,189,142,189,194,204,207,202,202,209,217,212,209,222,228,228,230,235,235,230,228,230,233,238,238,235,233,230,233,233,233,235,238,220,127,73,75,194,225,235,238,225,225,233,238,241,241,233,212,209,230,238,235,233,233,235,241,241,241,238,235,233,233,230,233,235,235,238,238,238,235,235,235,235,233,233,235,238,235,233,228,225,222,222,225,230,230,233,233,225,207,143,129,125,125,126,133,135,135,137,133,133,191,220,233,233,228,215,199,194,191,191,189,186,186,207,217,225,230,235,238,238,233,215,202,194,194,194,196,196,196,194,194,194,194,196,199,199,196,191,187,186,189,199,207,204,194,185,189,209,225,228,228,228,228,222,215,207,194,189,191,196,207,217,225,230,233,233,233,233,230,217,189,131,125,129,131,139,191,196,186,131,125,129,125,122,124,204,217,217,207,212,207,131,123,131,189,196,196,189,131,118,111,107,133,204,209,202,189,185,191,202,189,124,110,129,183,186,183,178,183,183,181,127,121,119,103,119,176,109,83,83,121,119,119,173,181,189,207,202,168,176,204,222,228,235,241,235,181,101,99,95,59,113,181,178,170,176,186,191,202,183,127,170,176,174,176,181,194,189,183,129,127,127,204,222,230,233,222,173,117,96,183,225,209,174,169,207,230,235,233,225,212,196,173,107,108,189,199,186,166,165,199,215,209,178,170,209,225,230,230,222,215,212,212,209,194,189,204,222,222,212,202,196,196,194,189,183,186,196,207,207,215,228,215,136,136,207,225,235,235,194,124,138,204,199,202,199,194,191,194,202,204,207,217,230,235,235,235,235,233,230,228,220,209,199,194,192,194,194,194,199,199,196,202,209,209,202,191,190,190,199,209,207,207,215,225,228,217,215,217,225,204,185,230,235,119,111,127,194,204,209,207,203,203,203,204,209,215,217,222,230,238,230,79,40,43,93,204,202,191,191,199,202,191,121,75,65,33,51,202,212,222,222,209,204,204,204,191,138,143,207,212,204,202,204,212,217,207,144,138,142,207,228,235,238,243,241,238,235,235,235,235,235,233,230,228,230,233,235,233,230,233,235,233,233,233,233,233,230,233,230,215,204,202,202,207,209,202,199,207,212,217,215,207,204,209,225,233,233,235,235,235,233,228,228,230,230,230,233,230,226,225,228,235,235,233,233,233,233,235,238,241,238,235,233,233,238,241,241,241,241,238,238,235,238,235,233,230,229,229,230,233,235,235,235,235,235,235,238,241,243,243,243,243,243,246,246,243,243,243,243,246,246,246,246,246,248,246,243,242,243,243,243,243,243,246,246,246,243,241,241,241,243,243,241,241,241,243,246,248,248,248,243,238,228,222,222,228,233,233,225,222,225,228,235,241,246,248,246,243,243,243,243,238,233,228,222,222,222,215,215,215,212,222,230,230,228,228,228,225,220,220,225,228,228,228,230,230,228,226,226,230,235,235,235,238,238,235,238,241,238,228,217,215,204,133,130,139,207,230,238,238,238,238,235,234,235,241,241,238,238,241,243,241,241,238,238,238,241,241,238,235,230,230,230,228,228,233,235,235,230,225,222,225,228,230,228,220,209,204,207,222,230,233,230,228,230,230,233,233,230,230,230,230,230,228,225,228,233,233,233,229,230,230,230,230,230,230,230,230,230,228,225,217,215,216,217,225,228,230,233,233,233,230,228,225,217,212,209,217,225,222,215,209,204,204,204,207,215,222,217,215,215,212,212,215,222,217,212,209,212,215,215,217,225,228,225,215,208,212,222,225,225,230,233,233,230,228,228,228,228,228,225,225,225,220,215,212,212,212,215,215,212,209,209,215,217,217,222,222,220,222,222,217,212,209,209,212,212,215,215,217,217,220,222,220,215,215,212,212,212,212,212,215,215,212,209,212,215,217,217,217,217,217,217,215,215,215,217,217,217,215,215,215,215,212,209,208,208,208,209,212,215,217,222,225,225,228,230,225,215,212,217,222,222,228,233,235,238,241,243,243,243,241,238,241,243,246,246,246,246,246,248,248,248,0,243,243,241,238,235,233,230,228,228,228,225,215,209,207,202,196,194,194,191,191,189,186,183,181,181,183,183,183,186,189,191,196,202,202,196,189,185,189,196,204,207,209,207,207,204,209,215,225,228,230,235,235,238,241,246,248,251,248,248,248,251,251,251,248,248,248,254,251,238,233,230,222,212,209,207,147,135,135,204,220,230,238,243,241,241,248,255,255,254,251,251,251,251,251,251,248,243,235,228,215,212,215,222,222,225,230,238,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,241,233,233,241,243,254,251,254,241,222,202,176,121,109,109,111,111,119,119,121,157,155,155,157,157,165,165,157,155,144,134,97,89,85,85,85,83,77,63,51,43,43,45,45,45,41,39,34,34,39,43,53,65,87,147,170,191,215,230,228,217,202,173,150,142,150,163,163,150,110,108,152,165,168,152,144,105,144,144,105,99,93,83,73,59,45,43,43,45,45,51,61,71,79,87,93,101,107,157,181,207,217,225,228,217,217,209,202,189,160,137,116,90,45,27,25,31,48,48,33,35,61,87,0,0,0,0,0,0,0,0,0,0,0,121,100,0,0,25,1,0,0,0,0,0,0,0,0,0,0,0,0,27,69,0,0,113,111,100,100,100,118,126,121,121,118,66,25,22,51,90,108,121,137,0,0,0,0,0,0,0,209,209,202,212,220,220,202,173,124,69,38,33,38,64,0,0,0,0,0,77,69,64,56,46,35,38,56,56,48,20,0,0,0,0,0,82,248,255,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,139,124,90,95,134,152,147,137,126,111,74,33,23,19,19,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,90,131,118,72,19,0,0,0,0,0,0,0,0,0,0,0,13,121,160,178,186,191,194,199,196,199,215,202,186,176,176,183,186,189,194,202,204,178,105,89,94,111,104,105,183,246,255,255,251,251,243,212,204,196,178,172,189,235,207,134,39,33,69,100,39,3,0,0,0,0,0,0,0,0,0,0,3,69,196,217,196,189,189,189,189,183,181,173,173,165,155,152,101,93,103,152,147,103,93,74,72,87,93,85,73,67,61,61,67,75,83,89,124,131,89,37,27,30,35,53,85,95,91,79,67,61,67,81,95,95,83,72,73,89,150,173,181,183,178,170,165,163,163,165,176,186,196,194,194,186,176,168,168,183,186,186,194,202,209,209,191,109,89,99,181,204,199,191,191,199,189,181,170,170,160,105,99,93,53,25,11,5,4,7,19,37,111,204,220,220,220,220,220,215,202,189,183,191,196,202,199,194,189,194,202,189,99,39,30,41,73,75,69,65,45,34,35,45,67,93,157,173,163,103,103,186,212,209,176,101,94,103,170,178,176,157,113,113,163,186,196,204,212,209,202,194,191,183,168,163,109,93,89,89,83,73,67,71,87,105,152,168,183,186,181,181,189,194,204,220,225,215,204,212,215,202,183,125,120,120,125,176,176,176,181,194,207,207,202,183,170,127,123,125,170,178,183,181,194,196,194,181,173,168,168,117,115,113,121,119,115,115,117,119,125,125,170,173,170,168,121,115,113,113,113,112,112,115,117,113,99,94,98,113,117,97,84,87,103,115,173,181,181,176,160,113,107,101,89,73,69,69,69,75,81,81,95,113,131,186,194,225,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,233,225,215,209,204,191,178,165,165,168,168,155,144,137,137,95,83,75,65,49,39,31,29,29,25,17,13,13,15,17,23,29,33,43,55,63,69,71,73,85,121,137,142,129,85,73,70,73,93,137,142,142,137,89,73,67,73,85,93,137,137,101,170,212,230,220,212,209,217,217,209,194,163,139,139,144,137,93,87,121,129,137,142,150,181,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,137,163,173,170,142,124,126,134,142,150,157,160,152,139,105,105,103,105,109,105,94,93,95,95,89,87,105,150,101,94,97,144,150,105,95,95,137,147,142,137,101,101,137,139,134,139,160,170,165,157,155,155,155,142,99,93,101,111,107,105,107,111,110,110,110,110,111,117,163,165,165,165,160,117,111,111,113,111,109,117,168,178,178,168,119,114,114,117,160,165,168,168,168,168,168,170,170,168,168,168,165,168,170,165,119,113,112,112,115,121,121,117,119,119,117,115,113,109,107,109,119,123,121,115,111,113,165,168,168,173,191,209,215,215,209,202,191,181,178,181,183,181,173,170,173,181,186,189,186,191,194,191,189,189,194,191,181,129,127,170,176,173,127,170,181,173,118,118,123,125,125,125,123,119,121,123,127,129,133,181,191,202,209,209,205,207,212,217,222,217,215,217,215,209,208,209,215,217,217,215,212,212,215,217,207,202,207,212,202,196,207,217,209,199,191,183,182,183,186,186,194,202,199,137,131,132,139,194,196,196,199,202,199,196,196,192,191,192,199,202,196,186,185,189,196,199,199,199,204,209,212,215,217,225,228,222,222,222,222,222,222,225,228,230,235,233,230,230,209,143,140,138,136,139,194,202,202,207,215,212,215,222,228,228,230,233,228,222,225,228,235,238,241,238,233,229,233,235,233,235,235,141,90,79,81,199,215,230,235,215,212,222,235,235,233,228,217,209,212,230,230,230,230,233,235,238,238,233,230,230,230,233,235,235,238,241,241,241,238,238,238,238,235,233,235,241,238,230,225,220,220,222,225,230,230,233,235,225,196,135,126,126,137,196,199,196,202,209,212,212,225,235,238,238,233,222,204,194,186,141,137,136,135,199,207,212,217,228,230,230,217,202,194,191,145,145,191,191,194,194,194,191,194,199,202,199,199,194,189,186,187,194,204,204,196,185,185,194,204,212,217,217,212,204,199,196,191,143,189,199,215,225,228,230,233,233,235,238,238,233,209,131,123,139,189,194,199,202,191,123,118,122,127,129,137,215,225,230,233,241,235,116,104,122,189,202,204,199,181,122,114,104,125,204,215,207,186,181,183,189,135,127,127,183,189,186,181,181,204,209,189,115,85,65,44,119,125,117,115,168,202,189,176,173,172,178,220,217,76,75,186,204,209,222,225,165,121,173,101,56,47,183,191,183,176,176,183,186,189,176,121,129,176,178,183,194,212,196,84,56,64,91,176,212,228,233,225,181,173,183,217,230,222,173,166,191,212,222,230,222,199,194,209,186,115,123,178,196,202,207,217,228,230,220,204,204,209,220,222,215,212,217,230,225,209,204,209,215,209,202,196,199,207,212,202,186,139,183,196,209,222,230,222,134,129,137,209,230,235,135,117,194,199,166,187,196,199,194,199,207,207,207,217,233,238,241,241,238,235,235,235,228,217,204,194,191,190,191,194,199,195,195,199,207,204,202,199,191,187,191,209,212,215,230,238,235,228,185,182,204,199,194,222,215,131,121,135,196,209,215,209,204,204,204,207,212,217,215,212,220,233,215,95,65,103,199,207,194,134,133,194,212,209,129,81,67,52,87,222,225,225,217,209,199,199,196,139,134,140,209,212,207,207,207,202,196,196,149,145,144,149,209,228,238,241,238,238,235,235,235,235,233,233,235,233,233,233,235,233,230,233,233,230,230,230,230,228,230,230,217,202,199,199,202,209,209,194,143,202,209,217,215,199,196,212,228,233,233,233,235,235,228,226,226,230,230,230,233,230,228,226,228,233,233,230,230,233,233,235,238,238,235,233,231,233,235,238,238,238,235,235,235,238,238,238,235,230,229,229,230,235,235,235,233,231,233,235,238,241,243,243,243,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,243,243,246,246,246,243,246,246,248,246,243,241,241,241,243,241,238,235,238,241,243,246,248,248,246,241,233,225,222,228,233,230,225,220,217,225,230,241,246,246,243,241,241,241,241,238,230,225,217,212,212,212,215,217,215,217,228,230,230,228,225,222,222,222,225,228,230,233,233,233,228,225,226,233,235,233,233,235,235,233,235,238,238,222,217,217,155,128,127,139,217,233,238,235,235,238,238,235,238,241,241,241,241,243,243,243,243,241,238,238,238,238,235,233,233,233,230,228,230,233,235,233,222,207,204,215,225,225,220,209,149,145,151,228,235,235,235,233,230,230,228,228,228,230,233,233,233,230,230,230,233,233,230,229,230,230,230,230,230,230,230,230,230,230,225,217,215,215,217,225,228,230,233,233,233,230,228,225,225,222,222,222,217,212,209,207,204,204,207,209,215,222,222,217,215,215,217,225,225,215,208,207,212,215,215,217,225,228,222,211,207,212,225,230,230,233,233,233,230,228,228,228,228,228,228,228,225,222,215,212,212,212,212,215,215,211,211,215,215,217,222,217,217,217,217,217,215,212,215,215,215,215,217,217,220,222,222,222,217,215,212,212,212,212,212,215,215,212,209,212,212,215,215,217,220,220,217,215,212,215,215,215,215,213,215,215,215,212,209,207,208,209,212,215,217,222,225,225,225,228,228,217,209,208,212,217,222,225,230,233,235,241,243,243,241,241,238,241,243,246,246,246,246,246,246,248,0,0,0,243,241,238,235,233,230,228,228,225,222,215,209,207,202,196,194,194,194,194,191,186,181,179,181,181,181,183,183,186,191,194,196,196,191,186,186,191,199,204,207,207,207,204,204,209,215,225,230,233,235,235,238,241,243,248,251,248,248,248,251,251,251,248,248,251,255,255,246,235,228,215,209,215,215,204,143,135,145,155,217,233,241,243,246,251,255,255,254,254,254,255,255,255,254,251,246,241,235,228,222,225,228,233,235,241,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,243,241,235,241,255,255,255,254,241,225,202,178,129,111,103,103,109,109,111,119,119,157,155,155,155,157,157,157,157,155,144,103,97,89,85,85,85,83,71,63,53,45,45,51,53,53,51,43,37,35,39,39,39,53,71,95,173,217,235,225,207,207,212,186,181,194,199,191,173,152,111,111,111,152,152,144,105,105,105,144,105,99,93,87,71,51,45,43,43,43,45,49,59,65,71,79,87,95,107,155,181,202,215,225,228,220,220,220,212,199,181,144,124,90,45,33,39,66,85,59,35,33,61,85,0,0,0,0,0,0,0,0,0,0,0,0,92,0,0,33,7,0,0,0,0,0,0,0,0,0,0,0,1,25,66,103,126,129,126,113,100,103,118,126,129,137,142,118,92,85,98,116,126,137,155,0,0,0,0,0,0,204,191,189,183,183,183,178,170,147,126,87,48,33,33,48,0,0,0,0,0,77,66,61,56,48,38,35,43,48,30,12,0,0,0,0,0,0,220,241,137,17,0,0,0,0,0,0,0,0,0,0,0,0,21,61,95,98,108,131,0,181,170,152,137,126,108,31,2,2,7,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,15,25,64,111,144,118,48,0,0,0,0,11,17,27,25,19,3,0,0,5,121,168,194,199,194,190,189,191,199,202,196,181,176,186,194,199,196,194,196,196,181,111,89,89,111,107,113,199,255,255,254,241,235,243,235,228,212,186,169,178,255,254,178,31,11,59,100,51,19,0,0,0,0,0,0,0,0,0,0,0,15,137,189,183,181,183,189,194,191,183,173,165,155,144,101,97,96,105,157,152,147,97,74,74,87,85,65,47,43,49,57,69,81,93,134,142,131,69,31,28,30,35,53,91,126,89,71,61,61,71,79,87,87,74,72,79,107,181,191,186,189,186,165,163,157,165,176,183,186,189,194,194,194,186,186,181,176,176,176,186,199,207,207,194,123,87,83,121,204,207,196,191,181,107,99,113,160,111,105,107,95,41,15,5,4,4,7,15,39,157,212,220,220,220,215,220,222,209,191,181,181,186,191,186,178,177,182,194,189,107,53,30,29,35,37,41,45,41,39,41,51,73,97,139,147,105,88,86,181,202,189,155,94,93,103,170,186,173,113,101,101,107,160,181,191,199,199,186,176,168,157,107,95,77,63,53,51,51,51,51,63,77,101,152,173,183,191,183,181,186,194,204,217,220,215,204,212,212,199,178,125,121,123,176,183,178,174,181,191,204,209,202,183,173,170,173,170,176,176,183,181,194,196,196,183,173,168,123,109,103,107,109,113,112,112,113,119,125,125,123,123,123,115,109,109,108,113,113,115,117,117,117,113,103,98,103,160,160,109,97,103,115,160,173,181,181,173,160,113,109,107,97,83,75,75,75,79,75,81,87,105,119,131,186,215,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,243,225,225,225,215,207,191,176,165,165,173,173,168,155,144,142,95,83,75,61,47,39,35,37,39,35,25,17,17,17,15,19,23,27,39,53,63,67,73,73,81,121,137,147,142,126,79,70,71,85,129,134,134,129,85,73,67,69,79,89,147,160,139,163,204,228,220,212,212,220,228,215,194,163,139,147,147,139,93,87,87,126,129,129,137,173,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,124,152,152,121,99,103,129,139,150,160,168,165,147,102,102,105,144,152,150,105,93,93,95,95,91,93,157,165,144,107,155,150,152,142,97,85,81,155,157,150,142,137,134,134,139,157,178,181,170,163,160,157,150,105,97,93,97,107,111,113,111,111,111,113,113,113,115,160,173,176,173,165,157,113,113,117,119,119,117,121,168,178,178,173,165,121,119,121,163,168,170,173,173,168,165,168,173,173,168,163,160,165,168,165,117,113,111,111,113,114,112,111,115,121,121,160,160,117,108,107,113,119,119,115,111,115,170,178,178,183,199,209,212,212,212,209,204,196,186,183,181,170,164,165,168,176,183,186,183,186,191,186,178,183,194,194,181,168,125,125,127,127,123,125,170,168,121,121,125,123,119,119,117,115,115,117,121,127,131,133,181,196,209,212,209,212,215,217,222,217,217,217,215,212,209,212,215,217,217,215,212,212,215,217,207,196,202,207,199,191,191,196,196,196,194,189,183,183,183,189,196,202,196,183,135,137,189,196,196,196,202,204,202,199,196,194,192,196,207,215,212,191,185,187,194,202,207,207,209,212,215,217,217,222,222,217,215,215,217,217,222,222,225,228,235,230,228,230,215,189,141,139,138,141,199,207,207,204,209,215,222,228,228,222,225,225,222,220,222,228,235,241,241,238,230,229,230,233,233,228,139,107,96,204,202,204,194,141,145,139,139,196,225,230,228,228,225,199,135,215,225,228,228,230,233,233,233,230,230,230,230,233,235,235,238,241,241,241,241,238,238,238,235,233,235,241,241,233,225,222,220,220,225,228,230,233,233,217,143,133,199,204,199,207,212,212,217,225,228,230,233,235,235,235,233,217,204,196,141,133,132,134,137,199,204,202,202,207,209,207,196,144,143,143,143,144,145,145,143,145,143,143,191,196,199,202,207,207,202,191,189,194,199,199,196,194,189,186,187,194,202,204,204,196,191,189,189,141,143,196,215,222,228,230,233,235,235,235,235,235,225,189,124,194,204,207,212,207,202,183,122,123,125,127,181,212,225,230,238,243,238,116,106,112,181,202,207,199,186,133,129,123,139,196,204,204,191,186,189,186,127,126,181,202,202,191,181,186,209,217,209,115,41,36,40,113,129,129,176,194,228,228,207,173,168,168,196,194,64,60,91,125,183,196,194,110,112,207,186,61,57,212,194,181,173,173,181,189,178,112,107,110,117,170,194,204,215,186,65,48,65,97,117,196,212,228,217,183,183,207,228,230,222,199,183,176,123,125,196,189,176,183,241,238,119,117,125,212,225,228,230,235,238,235,217,196,181,186,196,204,204,212,225,222,209,204,204,207,199,190,189,199,215,225,212,189,138,139,189,209,217,230,233,199,131,135,202,215,217,141,131,204,196,159,179,202,202,199,204,209,207,204,212,228,235,238,238,235,235,238,238,233,225,212,199,192,191,194,199,199,195,194,196,202,204,204,204,199,190,187,196,217,230,235,241,241,235,176,173,189,196,202,217,215,199,191,191,196,207,207,199,199,202,204,212,222,225,217,209,202,194,141,141,196,209,209,204,189,130,129,139,215,233,217,131,115,129,209,225,228,228,228,222,209,202,194,143,141,202,212,209,207,209,207,194,146,149,202,199,145,143,145,209,228,230,228,230,233,235,235,233,230,233,235,238,233,233,233,230,230,230,230,228,228,228,225,224,225,222,202,145,147,196,207,222,217,137,128,133,145,209,209,195,195,215,233,233,233,233,233,230,228,226,226,228,228,230,233,230,228,226,228,230,230,230,230,233,235,238,241,241,235,233,233,233,235,235,235,233,229,229,230,235,241,241,238,235,230,230,233,233,233,233,231,231,233,235,238,241,243,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,246,243,243,246,248,246,246,246,246,248,246,246,243,241,243,243,241,235,234,234,235,241,246,248,248,246,241,233,225,222,225,228,228,225,217,217,222,228,235,243,243,241,238,238,238,235,233,225,217,212,209,207,205,207,212,215,222,228,230,233,230,225,220,222,228,230,230,230,233,235,235,230,228,228,233,233,230,230,230,233,230,233,235,235,225,225,235,230,145,141,212,230,235,238,233,233,235,238,238,241,243,243,241,243,243,243,241,241,241,238,238,238,235,233,230,233,235,233,233,233,235,233,225,153,148,150,209,222,217,215,212,148,142,149,233,235,238,238,235,233,230,225,217,217,228,233,233,235,233,233,230,230,230,230,230,230,230,230,230,230,230,230,230,230,228,222,217,216,216,220,225,228,228,230,230,230,228,225,225,225,225,225,217,207,200,202,207,207,209,212,212,217,222,225,217,215,217,225,228,228,222,211,208,215,215,215,217,225,228,222,212,211,217,230,233,233,233,233,233,230,228,228,228,228,228,228,228,228,225,217,215,215,212,212,212,215,215,215,215,215,217,217,217,215,215,217,217,217,217,217,217,217,217,217,220,222,222,222,222,217,215,212,212,212,212,215,215,215,212,209,209,212,215,215,217,220,220,217,212,212,212,212,215,215,215,215,217,217,215,209,208,209,215,215,217,222,225,228,228,225,225,222,212,209,209,212,222,222,225,230,230,233,238,241,241,241,238,238,238,241,243,246,246,246,246,246,246,0,0,243,241,241,238,235,233,230,228,228,225,222,212,209,204,202,196,194,194,194,194,194,189,183,181,179,179,179,181,183,186,189,191,191,191,189,189,189,194,199,204,204,204,202,202,204,207,215,225,230,233,235,235,235,238,241,246,248,251,248,248,251,251,251,248,248,251,255,255,248,235,225,209,204,209,222,215,151,135,137,145,207,228,238,241,243,251,254,255,255,255,255,255,255,255,255,254,251,246,241,233,230,233,238,241,243,248,0,0,255,255,255,255,255,255,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,241,238,228,222,222,230,251,255,255,238,217,199,135,125,125,119,103,101,103,103,107,109,119,119,155,155,155,157,157,157,157,155,144,139,101,89,89,89,85,83,77,65,59,53,53,59,63,65,63,57,45,39,37,37,36,37,55,81,165,217,225,194,163,165,181,189,207,235,241,217,191,168,152,111,111,111,105,105,99,99,105,105,105,99,93,87,71,59,43,39,39,39,39,43,49,59,65,71,81,93,103,155,178,196,209,217,217,217,217,220,217,204,181,150,124,100,51,39,45,66,77,48,15,17,43,61,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,14,0,0,0,0,0,0,0,0,0,0,0,13,27,66,111,126,137,126,111,95,95,111,118,126,144,152,152,134,126,150,170,176,173,0,0,0,0,0,0,212,191,183,173,160,150,139,126,121,121,113,98,56,33,29,38,61,0,0,0,0,77,66,66,61,48,38,30,30,30,22,1,0,0,0,0,0,0,12,142,137,111,100,0,0,0,0,0,0,0,0,0,0,0,5,53,79,105,142,0,0,199,199,165,137,126,124,49,2,2,25,25,25,29,13,0,0,0,0,0,0,0,0,0,0,0,7,21,53,79,118,137,90,19,0,0,0,0,0,27,47,53,47,27,0,0,3,67,157,191,212,196,190,190,199,212,199,189,181,176,186,199,202,199,194,191,194,189,127,97,89,103,113,165,207,248,254,241,228,233,251,251,241,235,212,176,178,255,255,241,43,0,31,61,43,7,0,0,0,0,0,0,0,0,0,0,0,0,43,152,189,183,181,183,189,181,181,173,173,165,103,93,97,103,157,157,99,89,83,77,79,91,79,47,41,41,49,63,73,83,93,139,139,83,51,31,29,30,33,43,65,77,73,65,59,59,61,71,77,79,81,89,107,181,194,194,186,181,176,165,165,165,170,178,183,176,176,173,181,186,186,186,183,176,170,173,186,199,202,202,183,109,67,61,95,191,207,199,191,170,96,90,99,105,91,87,99,89,41,15,7,5,5,7,13,31,111,202,204,194,189,194,212,228,217,196,179,179,183,183,179,178,181,189,194,189,150,63,31,26,29,37,41,41,39,39,43,55,71,81,93,147,157,95,84,168,178,152,101,97,97,113,176,194,183,157,104,102,107,155,170,183,186,183,160,109,97,91,83,67,51,35,31,29,29,31,35,43,61,83,109,168,183,186,183,181,186,194,204,215,215,204,202,212,212,189,170,125,127,131,181,183,183,174,176,191,204,209,207,189,178,176,186,186,178,173,173,181,194,196,194,178,168,168,119,102,100,102,107,113,112,115,117,119,125,121,119,119,117,109,105,105,108,113,119,119,119,117,117,113,105,103,117,176,176,119,109,115,163,173,173,160,160,160,160,157,157,157,113,101,93,93,87,85,81,81,87,101,111,119,137,207,246,255,255,255,255,255,255,255,255,255,255,255,255,255,251,233,233,233,233,225,212,186,176,165,170,176,176,170,168,155,150,134,87,75,61,47,41,39,41,55,47,37,27,23,19,19,19,19,23,31,45,63,67,71,73,81,113,131,147,150,137,89,75,75,91,129,131,129,95,83,69,65,66,71,85,160,168,139,150,194,220,220,209,209,228,228,209,186,160,150,150,160,139,129,121,118,124,129,124,126,163,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,113,142,142,113,95,96,126,144,157,168,173,165,139,99,99,103,150,160,157,152,147,109,103,97,99,105,165,170,152,157,176,176,173,160,152,87,49,83,155,152,147,142,134,131,142,163,176,176,168,160,157,155,150,142,103,93,88,93,109,155,150,113,152,155,155,155,157,165,176,178,170,160,117,115,119,163,165,160,119,117,121,165,173,176,176,168,165,163,165,168,170,173,170,163,159,160,170,173,168,159,157,160,168,168,121,117,117,117,117,115,112,111,115,121,160,165,170,160,109,107,109,115,117,117,115,119,173,189,196,202,204,207,209,212,212,212,209,204,194,189,186,178,166,166,166,173,181,181,176,176,178,176,129,170,183,183,170,123,123,123,125,125,123,123,125,123,123,123,121,113,106,109,111,109,107,113,119,127,133,176,178,191,207,217,217,215,215,217,217,217,217,215,212,212,215,215,217,215,215,215,215,212,212,215,204,194,191,199,196,189,186,186,189,189,191,194,194,186,183,186,191,189,183,181,183,189,194,194,191,194,196,199,196,196,199,196,194,196,204,212,212,202,191,191,194,202,215,217,217,217,217,217,217,217,217,213,213,215,217,222,225,225,225,228,233,228,225,228,212,191,189,194,202,202,202,207,204,196,199,209,217,225,225,217,217,222,222,222,225,230,235,241,241,235,230,229,230,230,217,121,105,107,121,230,217,207,143,136,135,129,119,138,212,222,222,228,228,143,116,207,220,228,233,233,233,233,233,230,230,230,230,233,233,233,233,235,238,238,235,235,235,235,233,233,233,238,238,238,233,228,222,222,225,228,228,233,230,212,141,137,212,215,207,209,217,222,225,228,228,228,228,222,217,222,225,212,202,191,137,130,131,186,204,215,212,204,198,198,199,196,189,143,143,142,143,145,194,191,143,142,141,141,142,143,191,199,209,215,212,204,199,199,202,199,196,202,194,186,185,187,196,202,202,196,189,141,141,141,143,194,207,217,228,233,235,238,238,235,233,230,220,191,125,196,207,212,215,209,207,207,207,191,124,117,118,194,209,222,230,235,230,186,129,123,189,202,204,199,191,186,186,186,189,183,182,189,196,199,199,183,124,123,189,209,209,199,194,202,209,123,93,51,30,34,99,196,204,194,191,199,235,241,230,183,176,173,176,117,68,71,109,113,117,121,183,186,199,241,235,181,67,168,181,176,166,164,170,181,127,109,106,106,106,115,194,199,194,131,84,85,186,189,107,111,176,202,196,176,181,215,230,233,228,217,196,113,113,115,106,105,127,176,178,121,111,123,178,207,217,225,230,235,238,238,233,204,146,131,135,191,199,202,202,207,199,194,196,199,194,182,177,196,215,222,209,191,140,139,183,196,207,212,209,194,139,143,196,202,202,199,199,204,199,190,199,204,199,194,199,207,204,196,204,217,233,238,238,235,235,238,238,235,230,220,209,199,199,202,207,204,202,196,195,199,204,207,202,202,207,189,187,217,233,235,241,241,238,185,178,189,196,204,215,215,217,217,196,102,97,114,139,191,199,204,215,228,233,230,215,196,141,143,204,222,225,222,215,202,138,135,141,204,217,209,135,123,194,222,225,225,230,233,225,209,199,199,204,207,209,209,207,202,207,204,194,148,202,212,212,202,144,143,199,209,209,209,217,228,233,233,230,228,230,235,238,233,233,233,230,228,228,228,228,230,230,225,225,225,209,145,141,145,196,215,238,235,135,123,125,128,143,196,196,199,225,238,238,235,233,228,228,228,230,228,228,228,230,233,230,228,228,230,230,230,230,233,235,238,241,241,241,238,238,238,238,235,235,233,230,228,228,229,233,238,241,238,235,235,233,233,231,231,231,231,233,233,233,235,238,243,243,246,246,243,243,243,243,246,246,246,246,246,246,248,246,246,243,243,246,246,248,246,246,246,246,248,248,246,246,243,243,243,241,238,235,234,234,238,243,246,246,243,235,228,222,217,217,222,225,225,217,216,217,225,233,238,238,235,233,233,230,228,225,217,215,215,215,212,205,203,207,222,228,228,230,235,233,228,222,225,230,233,230,228,228,233,235,235,233,230,233,230,229,229,230,230,233,233,235,230,228,233,241,238,217,207,217,230,235,233,230,233,235,241,241,241,243,243,241,243,243,241,235,238,238,238,238,235,233,230,230,233,235,238,238,238,238,233,217,151,148,151,212,220,217,217,220,207,148,209,235,238,238,241,238,233,233,225,209,209,222,230,233,233,233,228,225,225,228,230,230,230,230,230,230,230,230,230,228,225,225,222,217,216,217,222,225,228,228,228,228,225,225,222,222,222,222,217,212,202,199,202,209,209,215,215,217,217,222,225,222,217,217,225,230,230,228,217,215,222,217,215,220,228,230,225,217,217,225,230,230,230,230,230,230,230,228,228,228,228,228,228,228,228,225,222,217,215,215,212,215,217,217,217,215,215,217,217,215,215,215,215,217,217,220,222,220,220,222,222,222,222,222,222,222,217,215,215,212,212,215,215,215,215,212,209,209,212,212,212,215,217,217,215,212,212,212,212,215,215,217,217,222,222,217,212,209,215,222,222,225,225,228,228,228,228,225,217,215,212,215,225,228,228,228,228,228,230,235,235,235,238,238,235,238,241,243,243,243,243,246,246,246,0,0,243,241,238,238,235,235,233,230,228,225,217,212,207,204,199,194,194,194,191,191,194,194,189,183,181,179,179,181,181,183,186,189,191,191,189,189,191,196,199,202,202,199,199,199,202,207,212,222,228,233,233,230,230,233,238,243,248,248,248,248,248,248,248,248,248,248,254,255,254,241,228,207,203,205,222,225,207,137,135,141,155,222,228,233,235,241,248,255,255,255,255,255,255,255,255,255,254,248,243,238,238,243,246,246,248,0,0,0,255,255,255,255,255,255,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,238,222,212,204,204,212,215,228,238,238,220,202,139,127,125,133,127,111,101,101,101,103,109,111,119,157,157,163,163,165,165,163,163,157,155,139,97,95,89,91,89,83,77,71,63,65,71,79,79,79,73,59,53,43,37,34,35,39,67,139,191,186,147,97,97,107,176,212,248,255,230,196,173,163,150,109,105,97,99,92,93,93,99,99,93,87,87,71,59,43,39,38,39,39,39,43,45,59,67,81,89,101,150,170,183,196,207,209,207,207,209,207,194,173,150,124,108,87,45,43,45,39,21,11,15,35,35,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,14,0,0,0,0,0,0,0,0,0,7,17,25,39,85,111,126,121,111,92,66,66,82,100,111,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,191,181,173,150,134,116,98,90,95,95,87,59,35,29,33,48,0,0,0,0,77,77,77,64,56,38,29,25,30,27,3,0,0,0,0,0,0,0,35,126,0,173,27,0,0,0,0,0,0,0,0,0,0,0,53,95,129,0,0,0,207,204,168,131,116,111,87,49,116,147,74,39,61,61,1,0,0,0,0,0,0,0,0,0,0,0,21,69,100,121,111,64,9,0,0,0,0,0,23,53,92,92,53,41,35,41,75,147,189,217,212,199,209,212,212,196,183,176,176,186,194,199,192,189,190,194,196,186,117,97,99,111,173,209,233,230,209,209,235,255,255,254,251,243,196,183,235,255,255,77,0,0,17,7,0,0,0,0,0,0,0,0,0,0,0,0,0,27,144,189,191,189,181,173,173,170,173,181,168,97,90,101,157,176,163,89,69,69,69,73,79,65,47,44,53,69,81,87,87,93,129,93,57,39,31,29,30,33,35,37,45,59,63,59,57,57,61,73,79,95,160,194,202,194,183,163,163,163,165,165,170,176,178,176,165,161,163,163,176,186,186,186,176,170,173,186,199,202,194,170,99,57,54,85,183,204,199,191,181,101,97,105,93,65,65,93,101,65,33,21,15,9,5,9,21,97,194,189,172,165,176,209,228,228,209,186,183,186,183,179,183,196,202,199,183,150,63,31,28,33,53,61,43,39,41,53,63,63,61,71,147,178,152,89,99,89,86,95,155,170,170,183,204,199,183,165,119,160,165,170,181,178,155,87,69,69,69,65,47,35,25,19,19,19,21,27,31,41,65,101,165,183,186,183,181,181,189,199,215,215,202,202,212,202,189,173,170,170,178,186,183,183,174,176,191,204,209,207,189,183,186,189,189,183,173,173,181,194,194,194,176,165,123,115,103,102,103,109,115,119,119,119,119,119,119,117,117,117,109,105,106,108,115,119,163,163,163,119,117,109,109,160,183,183,176,117,160,176,176,173,160,156,160,173,173,178,181,178,170,115,113,107,99,87,87,91,101,109,115,129,207,243,255,255,255,255,255,255,255,255,255,255,255,255,254,243,241,233,233,238,233,209,186,127,121,170,178,183,176,170,168,152,134,89,75,61,47,41,45,47,55,53,39,27,23,19,19,19,19,19,25,37,53,61,67,73,81,113,129,147,163,160,131,89,91,137,147,137,131,95,83,69,65,65,69,85,168,178,139,142,181,209,217,209,209,217,217,202,178,160,152,163,163,142,129,129,129,131,131,126,129,160,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,121,144,150,147,107,99,111,147,163,170,176,168,147,101,101,105,147,155,152,155,157,150,105,103,111,157,170,170,157,165,186,194,189,181,178,168,43,41,137,150,147,142,134,131,134,142,137,155,155,150,150,147,147,147,107,91,83,86,101,152,150,150,155,157,157,157,163,168,173,173,165,119,115,117,160,168,168,163,117,111,111,117,165,173,178,173,168,165,165,165,168,170,168,160,156,157,168,173,168,160,159,160,165,165,160,163,165,163,160,117,113,114,117,121,160,165,170,163,111,107,107,109,115,123,163,165,178,194,207,212,212,209,212,212,209,209,204,196,189,186,191,196,191,176,168,170,173,170,123,123,127,123,121,125,168,168,121,119,120,123,123,123,123,123,121,121,121,121,119,107,104,106,109,106,105,109,117,129,181,181,178,183,199,217,225,222,217,217,217,217,215,212,211,211,215,217,215,212,212,215,215,212,209,212,204,191,187,189,191,191,189,186,183,139,183,194,199,191,186,189,191,186,179,181,189,194,196,191,189,189,191,191,194,196,202,199,196,194,194,194,199,202,202,199,199,204,215,222,222,222,222,222,222,222,217,215,215,215,217,225,228,228,228,228,230,230,225,222,209,196,196,202,209,204,198,199,194,190,194,196,199,209,217,217,217,225,225,225,228,230,235,238,238,233,230,233,238,230,115,101,105,139,225,230,225,212,199,147,147,143,133,139,202,207,207,215,212,126,109,215,225,233,235,235,235,233,233,233,230,230,230,233,233,230,229,230,233,233,233,230,230,230,230,230,233,235,238,238,235,230,225,222,225,228,230,230,222,204,145,145,202,204,204,209,217,225,228,230,228,222,212,199,187,189,199,202,196,191,186,186,202,217,222,228,225,215,207,204,204,202,194,191,191,191,194,202,212,209,196,145,143,142,143,142,142,145,202,212,212,209,207,207,207,202,199,199,194,187,189,196,207,212,209,204,191,140,140,141,189,194,202,215,225,230,235,235,235,230,228,217,204,137,124,186,199,204,207,204,199,199,207,207,129,116,117,135,194,207,212,215,209,191,186,191,202,204,207,209,204,196,194,202,202,183,176,179,194,199,196,186,135,137,217,222,209,196,202,212,212,57,39,41,39,71,220,233,220,196,189,191,235,246,235,204,194,189,178,115,93,194,246,107,105,111,194,222,230,241,243,238,62,35,73,170,165,155,166,170,170,191,215,173,111,119,199,196,178,123,109,186,230,228,100,85,98,125,173,170,170,209,225,233,230,225,181,106,119,129,98,106,191,127,60,60,109,183,189,196,207,217,228,233,235,235,238,238,169,138,140,178,189,194,194,196,191,190,194,199,196,185,178,191,202,202,191,183,183,183,139,138,191,189,128,133,194,202,199,196,195,204,207,202,199,204,212,204,194,191,194,202,196,191,196,215,233,241,243,241,238,238,238,235,230,228,217,209,207,207,209,207,204,199,196,199,204,199,143,141,215,207,191,204,217,228,238,235,228,204,189,194,196,199,209,215,217,212,137,96,96,115,196,207,207,204,209,228,235,235,217,196,196,215,228,235,238,238,230,212,191,143,194,196,194,189,137,129,207,230,230,228,230,225,204,198,199,209,217,212,207,204,202,202,207,209,207,212,225,228,228,222,204,196,204,207,205,205,212,222,228,225,225,225,228,230,233,233,233,233,233,228,226,226,228,230,233,230,230,230,202,137,145,196,202,212,230,228,194,133,133,131,137,145,199,212,230,238,238,235,233,228,226,230,233,233,228,228,230,233,230,230,230,230,230,230,230,233,238,238,241,241,241,241,241,241,241,238,235,233,233,230,230,230,233,238,238,235,235,238,235,233,231,231,233,233,235,233,233,235,238,241,241,241,241,241,241,241,243,243,246,246,246,246,246,248,248,246,243,243,246,246,246,246,243,246,246,248,248,248,246,243,241,243,243,241,238,234,234,235,241,243,243,238,233,225,222,217,217,217,222,222,217,216,217,222,228,233,233,233,228,225,225,222,217,215,217,222,228,222,209,203,205,225,230,225,228,233,235,230,225,228,233,233,228,226,226,230,235,238,235,233,233,230,229,229,230,233,233,235,235,233,233,238,241,235,222,209,212,228,230,230,230,233,238,241,241,243,243,241,241,241,241,235,230,230,235,241,238,233,230,230,233,235,238,241,241,241,241,233,215,155,153,209,222,225,222,222,225,222,215,228,238,241,241,243,238,233,235,228,208,205,215,228,230,230,225,217,215,217,225,228,230,230,230,230,230,230,230,230,228,225,222,222,217,217,217,225,228,228,228,225,225,225,225,222,222,217,215,212,209,204,202,207,215,215,222,222,222,222,222,225,222,217,217,225,228,228,228,225,222,222,217,217,222,228,230,228,225,225,230,230,230,229,229,230,230,230,228,228,228,228,228,228,228,228,225,222,220,217,215,215,215,217,217,217,217,215,217,220,215,215,215,215,217,220,222,222,222,222,222,225,225,225,225,225,222,217,217,215,215,215,215,215,217,215,212,209,209,209,212,212,212,215,215,215,212,209,212,212,215,217,217,220,222,222,217,215,212,217,225,225,225,228,228,228,228,228,225,222,217,222,228,230,233,230,230,225,222,225,230,235,235,238,235,235,238,241,243,243,243,243,243,246,246,246,243,241,241,238,235,235,235,233,230,225,222,215,209,207,204,199,194,191,191,189,189,194,194,194,189,186,183,183,183,186,186,186,189,191,191,191,191,194,196,199,199,199,199,198,199,202,204,207,215,222,225,225,222,222,228,235,241,246,248,248,248,248,248,248,248,248,246,251,255,255,246,235,217,205,207,222,228,215,143,139,141,153,212,215,217,222,228,241,254,255,255,255,255,255,255,255,255,255,251,246,243,243,246,248,248,248,0,0,0,0,255,255,255,255,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,233,220,212,203,199,200,203,204,212,212,212,202,194,135,127,135,191,186,121,101,97,97,103,107,109,119,157,163,165,173,176,176,173,173,165,163,155,134,97,95,89,89,83,77,77,71,71,81,91,91,91,85,67,57,45,37,35,35,39,67,93,142,105,95,91,91,101,163,199,230,235,217,191,176,168,152,111,97,92,92,92,92,93,93,93,86,87,87,79,65,51,43,38,39,39,39,39,43,51,65,75,89,101,147,157,173,181,191,196,191,191,191,189,176,160,142,134,121,100,51,39,33,27,13,11,17,33,27,27,69,0,0,0,0,0,0,0,0,0,0,0,0,0,33,22,0,0,0,0,0,0,0,0,0,13,27,33,59,87,111,118,103,82,59,33,31,39,66,90,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,196,183,170,150,126,108,90,87,82,77,66,53,38,33,33,46,0,0,0,0,74,74,74,74,61,46,38,30,33,27,1,0,0,0,0,0,0,0,0,0,0,144,43,0,0,0,0,0,0,0,0,0,0,0,31,103,137,0,0,0,0,191,155,124,105,92,87,118,202,222,113,13,11,25,0,0,0,0,0,0,0,0,0,0,0,0,7,69,118,118,87,27,0,0,0,0,0,0,11,49,105,126,126,137,155,137,129,155,191,217,220,220,220,220,212,186,178,181,183,189,194,199,192,190,190,194,204,202,178,105,85,103,170,204,207,191,173,173,220,255,255,255,255,255,222,186,212,255,255,204,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,118,178,196,191,176,163,152,155,168,173,163,90,87,97,160,176,163,89,69,69,68,68,73,75,71,85,91,91,129,129,129,129,129,87,51,33,33,31,31,39,41,34,41,57,65,59,57,59,73,87,93,147,196,215,209,194,173,160,151,152,117,165,165,165,170,165,165,161,163,163,176,186,194,194,183,176,183,191,199,199,183,115,73,51,53,93,189,207,207,207,196,181,173,160,79,56,61,103,101,65,37,27,17,7,4,5,27,155,202,186,169,165,176,209,228,238,228,209,209,207,199,182,189,204,209,202,191,173,85,41,31,33,53,53,35,33,49,69,79,67,60,67,97,155,155,103,88,78,78,95,178,196,196,202,212,215,204,191,186,181,186,183,181,170,109,71,54,54,57,55,41,33,25,18,18,17,18,19,23,31,53,87,160,176,183,181,181,181,186,194,207,207,202,202,212,202,189,178,178,178,178,181,183,178,174,181,191,204,209,207,191,189,189,199,189,183,173,173,173,181,183,181,165,117,113,109,103,103,107,115,119,125,125,119,119,113,113,117,123,123,117,115,115,121,121,165,163,165,165,163,119,117,117,163,183,183,176,160,160,181,183,183,163,160,176,181,181,191,199,199,189,181,173,170,113,101,101,101,107,113,113,129,196,225,251,255,255,255,255,255,255,255,255,255,255,255,251,243,243,241,241,233,225,202,176,117,117,165,176,178,176,173,168,163,137,89,73,57,47,45,47,55,47,39,27,21,17,19,19,19,19,19,23,31,43,57,67,73,81,113,121,142,163,168,147,137,137,150,160,147,137,129,85,71,66,66,75,91,168,178,101,139,178,207,209,207,202,209,207,186,170,160,163,173,168,147,131,131,137,137,137,137,147,173,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,137,152,160,165,129,100,107,147,165,173,176,170,157,142,105,105,109,109,107,109,111,111,109,147,157,165,173,170,160,168,189,199,196,191,178,160,1,0,41,87,65,73,93,93,93,89,75,75,95,137,139,142,144,144,103,91,86,88,95,111,113,150,152,155,155,157,163,168,170,165,163,119,115,115,160,170,168,163,115,107,106,113,121,168,170,168,168,165,163,161,163,168,168,163,157,159,165,170,168,163,160,163,160,121,121,163,165,163,121,117,114,115,119,119,119,160,165,163,117,109,107,107,115,168,176,178,189,199,209,212,212,212,212,212,207,202,194,183,181,181,189,204,209,189,173,127,125,119,109,111,115,107,108,117,125,123,120,119,120,125,123,117,115,117,119,117,115,115,115,109,106,109,113,107,106,107,115,127,181,181,178,181,194,215,225,225,222,222,222,222,217,212,209,211,212,215,212,212,212,215,212,207,207,209,207,194,187,185,187,191,189,183,139,137,136,183,196,194,189,189,191,186,183,183,191,196,191,189,189,189,187,191,196,202,207,204,196,190,189,189,194,202,207,204,202,202,207,209,207,209,212,215,217,222,222,217,215,215,222,225,230,230,228,228,230,228,217,209,204,204,204,204,204,196,195,199,196,190,191,142,135,138,204,215,222,225,228,228,228,230,235,238,238,233,230,233,235,209,102,100,141,228,228,228,225,222,217,215,225,243,238,202,196,141,135,139,131,116,109,230,233,235,235,235,233,233,235,233,230,228,230,233,233,230,229,229,230,230,230,228,228,228,228,228,230,235,235,235,233,230,228,225,225,228,230,228,212,196,194,194,196,199,204,209,217,225,230,233,230,222,212,194,182,181,186,194,196,199,207,220,230,233,228,230,233,228,217,212,209,207,199,199,204,204,204,212,225,225,217,209,202,199,202,196,145,145,194,199,207,212,215,222,217,209,202,199,196,194,202,212,222,225,222,215,204,191,141,143,191,196,199,209,217,222,225,225,222,217,215,207,194,135,123,124,129,189,196,196,187,186,194,196,133,122,124,133,183,191,194,194,191,183,189,199,209,215,217,225,222,209,202,207,217,204,177,177,186,191,191,194,215,228,241,233,209,192,199,217,220,51,47,123,186,199,233,235,181,102,123,178,235,243,235,217,194,189,191,165,123,222,241,115,103,121,215,230,233,235,243,243,83,15,53,176,191,173,173,173,186,225,238,207,181,186,202,199,178,127,123,202,235,238,106,84,101,125,176,173,165,194,217,230,230,222,191,121,129,170,98,122,209,107,55,61,113,189,186,189,202,215,225,228,230,233,235,241,241,225,194,178,181,186,196,199,196,191,191,194,196,194,191,191,191,186,179,179,183,189,141,139,189,137,129,134,207,212,204,196,195,202,202,198,199,204,209,204,194,190,192,199,194,190,192,209,228,241,243,241,238,241,238,233,230,230,228,217,209,204,202,202,199,199,202,207,204,191,131,121,191,212,204,191,196,217,230,222,209,212,204,199,199,199,207,215,220,215,189,111,112,204,235,228,209,145,145,209,225,225,207,194,199,217,233,238,241,241,235,217,196,199,212,202,137,137,191,199,212,230,235,230,225,209,195,195,202,222,222,207,199,199,199,204,212,217,228,233,235,235,235,233,225,217,217,215,207,207,215,222,222,217,217,220,222,225,228,233,233,233,233,230,228,228,230,233,235,235,233,230,131,103,139,202,199,196,199,204,196,194,204,194,137,137,196,222,233,235,235,235,233,228,228,230,235,235,230,228,230,233,230,230,230,230,229,229,230,235,238,238,238,238,238,238,241,243,241,238,235,235,235,235,235,235,235,238,238,238,235,238,238,235,233,233,235,235,235,233,233,235,235,238,238,238,238,238,238,238,241,241,243,243,243,243,246,248,246,243,243,243,243,243,243,243,243,243,246,248,248,246,243,241,238,241,241,243,241,241,238,238,238,238,241,238,233,228,225,222,217,217,222,222,217,217,217,222,225,228,230,228,225,220,217,217,215,215,217,222,225,225,215,205,207,222,217,212,217,225,230,233,230,233,235,233,226,226,228,230,233,233,230,230,233,235,233,233,233,233,233,233,235,235,238,241,238,228,212,208,212,222,225,225,228,235,238,241,243,243,243,241,238,241,238,230,225,225,233,241,238,230,228,230,235,241,241,241,241,241,241,233,220,209,212,217,225,225,225,222,222,225,230,235,238,241,241,241,235,233,235,230,207,203,209,225,228,222,215,209,209,215,225,225,228,228,230,230,230,230,230,230,228,225,222,222,217,217,217,222,225,228,228,228,225,225,225,225,225,222,215,212,212,212,212,215,222,222,225,228,225,222,222,222,217,215,217,222,222,222,222,217,217,217,217,217,222,225,228,225,225,228,230,230,230,229,229,230,230,230,228,228,228,228,228,228,225,225,222,222,222,222,217,215,215,217,217,217,217,215,220,222,217,215,215,215,217,222,225,222,222,225,225,225,225,225,225,225,222,222,217,215,215,215,215,215,217,215,212,209,209,209,209,209,212,215,215,212,209,209,212,215,215,217,217,217,217,217,217,215,212,217,222,222,225,225,225,225,225,222,222,225,225,228,230,233,233,233,228,222,217,222,230,235,235,235,235,235,235,241,243,243,243,243,243,243,243,243,243,241,238,238,235,235,235,233,230,225,222,215,209,204,202,199,194,191,191,187,187,191,194,194,191,191,191,191,191,189,186,186,186,186,189,189,191,194,196,196,199,199,202,199,202,202,204,204,207,212,217,215,215,222,228,238,243,246,248,251,251,248,248,248,248,248,246,246,251,251,246,241,230,215,212,222,228,217,147,141,141,149,155,207,207,207,212,230,251,255,255,255,255,255,255,255,255,255,255,254,248,246,248,251,251,251,255,0,0,0,0,255,255,255,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,238,228,220,212,203,203,203,204,204,202,196,194,194,186,135,127,135,191,181,119,97,96,97,101,103,109,119,163,173,181,186,186,186,181,176,173,163,155,134,97,95,89,85,83,77,77,71,77,85,91,93,91,85,71,57,55,45,39,39,53,67,83,91,87,81,87,93,101,113,181,204,212,204,191,183,183,176,152,103,97,97,99,92,93,93,86,86,86,87,87,71,63,51,43,43,39,43,43,49,59,67,81,89,101,139,150,155,160,178,181,178,176,173,160,150,142,142,142,126,108,77,39,31,21,13,11,15,21,25,27,61,0,0,0,0,0,0,0,0,0,0,0,0,0,33,22,0,0,0,0,0,0,0,0,0,17,33,51,59,92,111,108,92,59,33,25,22,25,48,82,111,0,0,0,0,0,0,0,0,0,0,0,0,0,212,212,204,191,181,150,129,116,108,100,87,66,53,46,38,38,38,46,0,74,0,79,79,79,79,74,61,53,46,35,27,20,0,0,0,0,0,0,0,0,0,7,0,121,59,0,0,0,0,0,0,0,0,0,0,0,11,69,111,0,0,0,0,163,137,124,108,85,74,105,147,160,90,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,61,108,118,79,21,0,0,0,0,0,0,0,0,47,108,126,144,163,139,137,155,183,209,225,228,228,217,196,181,176,189,199,202,215,215,199,194,194,194,204,217,194,117,71,76,115,186,181,121,87,67,83,255,255,255,255,255,235,202,0,0,255,255,61,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,73,165,199,196,181,163,147,147,152,163,144,87,87,97,144,144,103,89,77,77,69,73,91,97,137,160,150,139,137,139,142,142,139,87,55,33,35,41,39,47,55,45,59,65,65,63,65,77,97,147,165,186,207,217,215,202,186,173,163,160,117,117,115,115,117,163,163,163,163,168,176,186,194,199,191,186,191,199,202,199,181,105,53,50,57,105,191,204,207,215,207,207,199,160,61,52,65,178,109,61,35,23,17,11,5,7,63,196,209,194,176,176,189,204,212,233,235,235,235,235,207,182,183,209,215,207,196,189,107,59,31,25,29,27,21,29,53,79,93,85,71,67,67,67,91,150,89,79,80,101,178,189,196,204,212,209,204,199,194,194,196,194,189,178,117,77,55,54,55,57,47,39,31,25,18,18,18,18,21,29,47,87,160,176,178,181,178,178,186,194,202,207,202,202,212,202,189,183,186,181,178,176,176,178,174,181,194,207,207,202,202,202,199,199,189,183,173,173,173,170,176,170,119,111,105,105,105,107,113,121,121,125,125,117,113,106,113,117,163,168,168,168,165,181,178,168,178,178,176,176,160,117,119,163,181,178,160,117,160,181,191,191,181,181,191,194,191,191,202,209,202,194,186,178,170,119,113,113,113,119,119,121,139,207,228,243,254,255,251,243,251,255,255,255,255,255,255,251,243,241,233,225,204,178,117,110,113,121,170,176,176,170,168,163,142,89,73,57,47,47,55,53,41,31,21,17,15,15,19,23,21,19,19,25,31,51,65,73,113,113,118,137,160,173,163,147,147,160,160,147,137,129,89,75,66,69,83,99,168,168,99,101,173,202,209,202,202,196,186,173,160,160,170,178,170,147,139,139,139,139,147,160,173,189,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,144,157,163,160,129,103,109,155,170,176,173,168,155,139,104,104,105,105,102,101,103,111,155,163,168,168,173,168,152,160,186,196,199,186,103,31,0,0,0,0,0,0,39,79,85,85,75,42,68,93,134,139,142,137,97,91,91,95,99,107,111,150,115,152,117,155,160,168,170,165,163,160,117,113,119,165,165,160,115,107,107,113,119,160,160,160,160,163,163,161,161,165,168,163,159,160,165,168,165,163,163,160,119,117,118,163,165,160,117,115,115,117,117,115,113,115,119,160,160,113,108,108,117,173,183,189,194,202,204,204,204,204,202,202,199,189,178,176,176,176,181,194,207,196,181,168,123,113,107,108,109,96,103,113,121,121,123,123,125,168,125,113,109,111,115,113,103,99,109,111,109,111,115,111,107,109,113,119,129,133,133,181,194,207,212,217,222,228,228,225,222,215,211,211,212,215,215,215,215,209,204,196,196,202,199,194,189,187,191,196,194,189,183,138,136,137,194,196,189,189,186,181,181,183,191,191,187,187,189,189,187,194,202,209,212,207,194,189,189,191,196,204,207,207,199,196,196,186,139,186,194,204,212,215,217,215,215,215,217,225,230,233,230,230,228,217,204,196,199,207,212,207,202,198,204,217,207,194,199,141,129,131,194,212,222,225,228,228,228,230,233,238,238,230,225,222,212,115,103,108,220,230,225,217,222,225,228,225,228,238,238,217,194,129,126,128,125,117,113,235,238,235,230,228,230,233,233,230,228,228,228,233,233,229,229,229,230,230,230,228,226,226,226,228,233,235,233,228,225,228,230,228,225,228,230,222,199,192,196,202,196,196,199,202,209,222,228,230,228,225,222,207,189,186,191,199,202,207,217,228,233,235,230,233,238,235,228,217,212,202,191,196,207,209,212,217,230,233,233,233,225,222,222,215,204,196,196,196,202,209,217,228,225,212,199,199,202,204,209,217,228,233,230,228,222,207,196,194,196,199,199,204,207,204,204,202,202,199,199,199,191,141,125,119,116,137,194,191,186,186,194,196,139,127,129,133,137,137,137,139,139,139,189,202,217,228,230,233,230,217,209,204,222,217,182,178,183,186,191,207,230,233,235,228,209,194,204,212,204,48,55,235,222,202,212,222,89,74,103,127,233,238,233,217,165,166,191,181,170,183,178,181,99,173,222,230,235,235,241,241,222,31,48,127,217,194,178,176,181,207,209,196,189,194,199,199,181,176,181,217,238,243,196,109,186,196,194,191,166,183,207,222,225,222,212,191,129,107,95,117,173,109,75,82,99,170,178,176,196,212,217,222,225,228,230,230,238,235,228,183,179,182,196,209,204,194,183,181,186,196,202,196,191,183,178,178,186,194,191,141,141,137,136,191,204,207,204,196,195,199,199,199,202,202,204,202,192,190,194,202,199,194,194,202,217,235,241,241,238,238,238,233,230,230,230,225,209,196,191,194,191,194,207,217,209,141,123,105,107,207,212,186,187,209,212,204,191,212,212,209,209,204,209,215,222,228,209,111,106,137,225,217,139,123,123,135,202,207,196,194,195,204,225,233,233,233,233,233,207,212,235,217,134,136,204,212,204,212,228,225,217,207,198,198,212,228,217,202,199,198,198,209,222,230,235,238,238,238,235,235,233,230,230,222,215,212,217,217,212,209,212,217,220,222,222,230,230,233,233,228,225,228,233,235,238,235,233,212,83,67,93,141,145,144,145,196,196,194,199,202,135,129,143,222,233,235,233,233,233,230,228,230,235,238,235,230,233,233,233,233,233,230,229,229,230,233,235,238,237,237,237,237,238,241,241,238,238,238,238,238,238,238,238,238,241,241,241,238,238,238,238,238,238,238,238,235,235,235,235,235,238,238,238,235,235,238,241,241,243,243,243,243,243,246,246,243,241,243,243,243,241,241,243,243,246,246,246,243,241,238,238,238,241,243,246,246,243,238,238,238,238,238,235,230,225,225,222,222,222,222,217,217,217,217,222,228,230,228,222,217,215,215,215,213,215,215,217,222,222,215,215,217,211,208,212,215,228,235,235,238,241,235,228,228,230,233,233,230,229,230,235,235,235,233,233,233,230,230,230,230,233,235,230,215,208,209,217,222,222,225,228,235,241,241,241,241,241,238,238,238,235,228,222,222,230,238,235,228,225,233,241,243,243,241,241,241,241,235,225,215,215,220,222,225,222,222,220,222,230,235,235,238,241,238,233,230,238,233,209,203,208,217,222,215,209,208,209,215,222,222,222,225,228,228,228,228,228,228,228,225,222,222,217,215,215,217,225,228,228,228,225,225,225,228,228,225,215,211,212,215,215,220,222,225,225,228,225,225,222,222,217,212,215,217,217,215,215,213,213,213,215,217,222,222,225,225,228,228,228,230,230,230,230,230,230,230,228,228,228,228,228,228,228,225,222,222,222,222,222,217,215,217,215,215,215,215,217,220,215,215,215,215,217,222,225,225,222,225,225,225,225,225,225,225,222,222,217,215,215,215,215,215,215,215,212,209,209,209,209,212,212,212,212,209,209,209,212,215,217,217,217,215,215,215,215,215,215,215,215,215,217,222,225,225,222,217,222,225,228,228,228,230,233,233,228,222,216,220,230,238,238,238,235,235,238,241,241,243,241,241,241,241,243,243,241,241,238,235,235,235,235,235,230,225,222,215,209,204,204,199,196,194,191,187,187,189,191,191,191,194,196,196,194,189,186,185,185,185,186,189,189,191,194,196,199,202,204,204,204,207,207,207,207,209,212,212,215,222,230,238,243,248,251,251,251,248,248,246,246,248,246,243,246,246,243,241,233,217,215,222,228,217,149,143,141,143,147,153,155,155,157,217,243,255,255,255,255,255,255,255,255,255,255,255,254,251,251,254,254,254,255,0,0,0,0,0,255,255,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,241,238,238,238,233,228,220,215,212,212,220,220,220,212,196,186,186,186,135,127,133,176,173,109,97,96,96,97,103,107,119,163,176,186,191,194,191,181,176,165,157,139,101,95,89,83,77,77,73,71,69,73,79,87,91,91,77,65,57,57,59,59,59,65,67,73,77,73,73,83,93,103,109,165,186,196,194,191,191,191,194,183,152,111,111,105,99,93,93,93,93,93,93,93,79,73,59,51,49,49,49,59,61,67,71,79,89,101,139,139,139,147,155,157,157,157,152,139,131,124,134,134,124,105,82,45,33,27,15,10,13,19,25,27,53,0,0,0,0,0,0,0,0,0,0,0,0,40,30,14,0,0,0,0,0,0,0,0,0,17,33,51,61,92,108,103,82,37,31,25,18,19,27,66,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,204,189,170,150,131,124,116,108,85,61,43,40,43,46,46,53,61,74,74,74,74,74,74,64,61,53,53,46,27,7,0,0,0,0,0,0,0,0,0,0,0,116,92,0,0,0,0,0,0,0,0,0,0,0,5,33,79,0,0,0,165,144,131,134,116,90,49,37,23,37,37,0,0,0,23,0,0,0,1,15,7,0,0,0,0,0,0,27,85,118,108,53,7,0,0,0,0,0,0,0,0,63,113,134,137,112,118,147,168,194,217,228,225,212,189,178,178,194,215,222,222,222,215,202,199,194,196,202,189,117,56,61,93,123,115,81,39,0,0,243,255,255,255,248,235,225,0,0,255,255,137,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,186,207,204,189,163,147,140,142,142,95,88,90,97,93,87,81,75,69,77,77,89,147,163,165,170,165,150,139,152,163,163,142,93,63,37,39,51,51,53,63,71,75,73,71,71,79,99,170,189,199,199,207,217,217,209,199,186,181,173,117,109,106,106,109,115,163,173,176,173,176,183,189,194,191,191,194,202,207,202,183,113,63,53,73,113,189,196,204,207,207,215,207,105,54,51,91,222,204,97,43,29,23,19,17,23,170,220,220,202,194,196,196,202,202,217,233,235,248,248,217,183,194,217,228,207,189,176,95,49,25,16,16,18,19,33,57,73,97,97,81,57,31,25,51,155,107,87,89,105,165,170,183,202,204,199,194,192,192,194,199,204,202,194,170,93,69,65,65,69,63,53,41,31,23,19,19,21,25,33,53,87,150,168,168,173,173,178,186,199,215,215,202,202,212,199,189,189,186,186,178,129,176,176,178,181,191,194,202,202,202,202,199,199,189,183,173,168,127,125,125,125,117,111,103,103,105,107,113,121,125,125,121,117,107,106,107,117,170,183,183,181,183,189,178,178,178,178,183,178,160,119,160,163,176,160,117,105,109,176,191,199,191,191,199,199,189,191,199,209,199,194,189,189,186,178,119,119,119,119,119,119,131,143,207,225,243,251,235,224,228,243,251,251,255,255,255,255,243,233,225,207,186,129,113,110,113,119,168,170,170,168,168,152,137,89,73,59,55,55,55,53,39,29,21,15,13,15,23,25,23,19,19,21,31,41,51,71,105,113,113,129,147,163,160,147,142,147,147,137,131,129,89,79,69,71,85,131,163,163,99,101,170,196,207,196,186,178,170,150,147,150,170,181,178,160,142,139,139,147,160,168,186,199,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,144,144,157,144,131,124,126,152,168,176,173,165,147,103,103,105,111,105,100,101,107,155,160,163,163,168,173,163,68,93,152,189,191,173,137,83,25,0,0,0,0,0,17,71,81,152,155,62,81,89,95,134,103,95,91,88,91,99,103,107,111,113,152,155,115,113,155,165,170,168,168,160,115,112,113,119,157,121,115,111,107,113,119,117,113,115,119,163,163,163,163,165,168,165,160,160,163,163,160,160,160,121,118,117,119,165,170,163,117,115,117,119,115,109,108,109,111,117,121,117,113,113,121,170,181,183,183,183,186,189,189,183,176,170,168,165,170,178,178,176,173,176,183,189,181,170,125,119,117,119,119,102,108,115,115,115,121,127,168,173,168,119,111,111,113,111,98,88,96,109,107,105,108,109,111,113,111,113,119,123,129,194,196,191,191,196,212,225,233,233,225,217,212,212,217,217,217,217,212,209,199,192,194,194,189,191,199,199,199,202,209,207,199,194,189,186,191,196,194,189,181,179,179,181,186,189,187,189,191,191,194,199,207,215,217,212,199,191,191,196,199,207,209,207,196,191,186,137,108,97,123,194,204,212,215,215,215,217,222,228,233,235,233,230,230,207,191,191,196,202,204,202,199,204,217,228,215,202,199,209,143,142,204,212,222,228,230,230,233,233,235,241,238,217,149,127,113,108,112,149,222,225,217,216,222,230,230,228,225,225,225,209,143,131,133,137,135,129,135,222,235,228,217,222,228,230,230,228,228,228,228,230,230,230,230,233,235,235,233,228,226,226,226,230,235,238,233,225,222,225,230,230,228,230,228,204,181,187,212,215,199,143,189,199,209,217,225,225,222,222,228,222,207,202,207,207,209,209,222,230,230,235,233,235,238,238,235,230,222,207,189,191,202,209,215,222,228,235,238,235,235,230,228,222,212,207,199,194,196,199,209,222,215,143,140,196,204,207,209,217,228,233,230,230,228,217,207,202,199,199,199,202,202,194,192,194,190,187,191,196,196,191,137,125,129,189,194,191,189,194,209,215,204,191,139,135,137,136,134,133,135,186,191,209,222,230,235,235,235,230,225,222,228,222,204,191,186,186,189,204,222,230,228,215,199,199,204,191,91,26,40,204,215,191,176,121,79,87,107,113,217,222,215,199,151,164,194,189,176,125,115,99,91,111,225,235,235,235,238,243,183,52,53,178,207,191,181,176,121,108,123,186,183,186,199,189,176,133,178,220,230,225,194,194,207,215,196,173,170,173,186,202,207,215,215,204,191,183,129,176,178,129,111,97,98,107,119,183,199,204,209,217,222,225,225,225,230,233,230,207,176,181,196,209,194,181,181,176,183,199,209,207,194,189,183,179,183,199,199,141,137,189,202,207,209,207,204,199,195,196,199,204,204,204,199,199,192,192,202,207,202,196,194,194,209,230,238,235,233,235,241,238,230,229,230,228,209,189,186,189,186,189,207,222,220,133,81,63,101,196,196,189,196,202,187,185,190,204,209,212,209,212,212,215,222,233,233,112,92,109,209,204,128,126,128,131,145,196,199,199,202,204,212,209,196,194,207,207,207,215,225,222,196,143,209,209,203,207,215,217,215,212,204,202,217,225,212,202,199,199,204,215,225,233,235,238,238,238,238,235,235,230,228,222,215,215,215,212,207,207,212,215,217,217,215,215,222,222,217,202,103,105,233,238,238,238,235,99,66,90,105,143,196,199,194,207,212,142,145,145,135,130,123,204,230,235,233,230,230,230,230,233,235,238,235,233,233,235,235,235,235,233,229,229,230,233,235,238,237,237,235,237,238,241,238,241,241,241,238,238,238,238,238,241,241,243,241,238,238,238,238,241,241,238,238,235,235,233,233,233,233,235,235,235,235,238,241,243,243,243,243,243,243,243,241,241,241,243,243,241,241,241,243,243,243,243,243,243,241,238,238,241,241,243,246,246,246,241,241,243,241,241,238,228,222,222,222,222,225,222,222,217,217,217,222,230,233,228,222,215,215,217,217,215,215,215,215,222,225,225,225,222,215,212,215,225,235,238,238,241,241,230,225,228,233,235,233,229,229,230,235,238,235,233,233,233,233,230,226,228,225,217,212,208,208,215,228,228,222,225,228,233,241,235,238,238,238,235,233,233,233,230,225,225,230,233,225,217,225,235,243,243,243,241,241,243,243,235,228,217,217,222,222,222,222,222,222,225,230,233,235,238,238,233,230,230,233,233,222,208,208,212,215,215,209,209,212,215,212,212,215,217,222,222,222,222,222,225,225,225,222,217,215,215,215,215,220,222,222,217,222,222,222,225,228,225,215,212,212,212,212,215,222,225,225,225,225,225,225,222,215,211,212,215,215,215,213,213,215,213,217,222,222,222,222,225,228,228,230,230,230,230,230,230,230,230,228,228,228,228,228,228,228,225,222,222,222,222,222,217,217,215,212,209,209,212,217,217,215,215,215,215,217,222,225,225,222,222,222,225,225,225,225,222,222,222,217,215,215,217,217,215,215,212,212,212,212,212,212,212,215,212,208,208,209,212,215,215,215,217,217,215,212,212,212,215,215,217,215,213,215,222,225,225,217,213,215,225,228,228,225,228,230,233,233,225,217,217,230,238,241,238,235,238,238,241,241,241,241,241,241,241,241,241,241,238,238,235,235,235,235,235,233,228,222,217,209,207,204,202,196,194,191,191,189,189,189,191,191,194,199,196,191,189,186,186,185,185,186,189,189,189,191,194,199,202,204,207,209,209,212,212,212,212,212,212,212,217,225,233,241,246,248,254,254,251,248,246,246,248,246,241,238,241,246,243,233,222,222,225,230,225,204,149,145,143,143,147,157,209,209,209,220,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,255,255,0,0,0,0,255,255,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,238,228,228,233,233,228,220,212,215,220,222,228,222,215,202,189,186,194,191,135,127,127,125,109,101,97,97,97,101,103,109,157,173,186,194,194,181,165,163,155,103,97,95,95,89,83,75,69,69,69,67,71,73,79,85,85,77,65,61,65,69,73,73,73,67,67,63,63,67,81,91,101,107,109,163,176,181,181,189,202,209,202,194,183,165,152,105,99,99,99,99,99,99,93,87,81,65,59,57,59,61,67,73,79,75,81,89,131,134,131,131,131,139,142,142,142,134,124,116,111,116,116,108,100,92,51,39,27,15,13,13,13,13,27,51,85,0,0,0,0,0,0,0,0,0,0,0,33,14,0,0,0,0,0,0,0,0,0,0,5,0,59,66,82,100,100,82,59,37,33,25,18,25,66,108,0,98,82,95,116,134,139,142,0,0,0,0,0,0,0,191,170,152,139,131,118,105,87,64,48,38,38,38,46,53,74,74,74,64,74,79,74,59,51,53,53,53,51,33,0,0,0,0,0,0,0,0,0,0,0,33,105,92,22,0,0,0,0,0,0,0,0,0,0,3,13,33,0,0,0,147,144,139,137,116,90,37,9,3,17,3,0,0,3,13,0,0,0,15,27,15,0,0,0,0,0,0,5,69,118,134,108,53,0,0,0,0,0,0,0,0,35,108,118,100,100,113,144,165,183,209,225,225,209,186,181,186,194,212,215,222,222,215,202,199,194,186,176,176,115,56,56,97,115,71,45,9,0,0,246,255,255,255,246,235,235,0,0,255,255,255,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,194,212,212,199,173,144,137,142,142,92,90,93,95,89,81,71,66,59,67,89,105,157,173,173,170,165,150,139,157,165,157,131,87,63,41,41,45,45,43,55,63,65,73,79,85,95,144,181,199,199,199,204,207,217,209,194,183,181,176,165,115,106,106,109,115,173,186,191,183,173,173,173,168,183,191,199,202,207,207,191,181,113,85,85,105,168,191,207,207,207,215,191,69,54,65,181,215,215,194,91,35,27,33,47,87,191,215,220,209,209,209,209,202,199,202,212,228,241,235,217,199,207,228,230,207,183,160,89,53,19,14,14,19,35,57,69,79,91,97,71,25,11,15,47,155,152,105,105,113,155,170,183,196,202,199,192,192,192,196,207,204,204,194,173,109,87,81,81,81,75,63,49,37,29,25,27,33,41,45,57,77,103,157,165,173,173,178,189,204,220,217,202,202,212,189,181,183,191,186,173,129,129,176,173,176,178,181,189,202,209,204,199,199,189,183,173,127,119,116,117,119,117,111,103,105,109,115,121,165,165,125,121,117,113,107,113,117,170,183,183,181,183,189,186,178,178,178,183,183,123,117,119,160,160,109,97,93,97,121,191,199,199,199,199,199,189,186,191,194,194,189,189,196,204,189,173,119,119,119,119,119,123,131,143,217,243,243,225,220,220,225,243,251,255,255,255,251,243,241,233,212,196,178,119,117,165,170,173,170,168,168,152,150,131,85,69,63,57,55,53,45,39,27,21,15,13,13,19,21,19,17,19,25,31,35,41,61,73,105,111,118,129,137,137,131,137,137,137,129,91,87,83,71,65,67,79,131,160,160,137,99,160,186,196,186,170,152,142,135,139,150,170,181,186,173,150,139,139,160,173,178,178,186,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,111,111,116,113,124,129,134,144,160,168,168,157,144,104,102,105,111,107,102,104,150,157,157,155,155,160,160,103,60,77,93,165,178,181,191,225,215,55,0,0,0,0,0,65,73,160,155,75,89,97,99,134,101,95,91,91,97,103,103,105,111,150,152,152,111,109,115,160,165,168,168,160,113,110,111,115,117,117,115,109,105,107,113,111,109,113,119,163,168,168,165,165,168,165,163,160,163,163,160,159,160,121,119,118,160,168,173,165,119,115,117,119,117,111,109,108,108,110,113,117,117,119,123,163,168,168,168,165,165,165,125,123,121,119,119,125,176,186,183,173,168,168,170,176,176,173,168,125,127,170,173,170,168,125,115,114,117,125,170,176,173,127,119,119,121,121,111,96,103,117,108,104,107,108,113,117,115,113,115,115,121,186,191,135,131,131,135,204,230,230,222,217,215,215,217,215,209,209,212,207,196,192,194,194,186,189,196,196,196,202,209,215,209,207,204,196,194,194,191,186,181,181,183,186,189,189,189,191,196,202,202,207,209,215,217,215,207,207,209,204,202,204,207,204,194,139,138,189,136,128,137,191,202,209,217,217,212,217,228,230,233,235,233,228,222,199,141,141,196,202,187,186,192,207,225,225,215,204,202,202,204,212,212,207,212,222,225,230,233,235,235,238,230,147,125,115,119,139,204,215,217,217,216,217,225,230,230,225,217,212,209,202,196,194,145,147,199,209,212,145,209,215,209,212,217,225,228,225,225,230,233,235,238,235,233,233,235,235,235,230,228,228,230,233,238,238,235,225,221,222,225,228,228,228,222,202,182,190,225,225,189,134,186,204,215,217,225,222,216,217,228,228,225,217,215,207,199,183,207,233,230,233,241,235,233,238,241,241,233,207,189,143,196,209,217,225,228,230,233,233,235,233,228,222,215,209,202,196,194,191,192,196,143,131,128,196,204,202,204,215,225,228,225,225,225,222,209,202,196,194,196,194,196,196,194,194,189,189,196,202,204,202,191,137,139,189,189,187,189,191,207,215,212,209,199,183,137,186,136,129,134,139,202,215,228,233,235,238,238,235,235,233,235,230,215,202,194,186,186,199,212,220,215,196,183,186,191,135,131,55,48,181,189,176,129,121,105,123,129,123,186,196,189,177,157,176,215,209,189,119,101,80,50,79,235,235,235,235,233,217,170,97,125,217,212,196,194,196,125,104,105,125,131,173,178,127,127,131,176,183,178,133,176,194,217,228,189,178,191,183,172,166,176,199,202,194,196,212,228,228,233,235,225,189,125,121,170,191,202,196,191,204,217,225,225,228,230,233,235,217,181,183,194,189,131,125,133,181,194,204,212,207,199,194,189,182,191,209,212,191,186,204,217,225,225,217,212,207,207,209,212,215,212,209,204,199,194,194,204,207,199,196,147,145,202,222,230,228,228,233,241,241,233,230,233,230,215,189,183,189,183,185,202,217,202,29,0,28,79,189,196,199,207,202,185,182,190,202,202,199,207,222,228,225,222,233,233,199,125,143,207,194,133,133,135,139,196,204,212,215,215,212,207,141,129,127,133,143,143,202,217,222,209,194,196,204,207,212,215,215,215,215,207,200,209,215,209,207,204,199,204,215,228,233,235,233,233,235,238,235,230,222,215,215,217,215,209,208,207,208,212,212,212,212,209,204,209,207,137,102,89,103,233,238,235,230,225,196,129,147,194,209,222,225,212,222,225,143,147,194,143,131,110,128,228,235,235,233,233,233,233,233,235,235,235,235,235,238,238,238,235,233,230,229,230,233,235,238,238,238,238,238,238,238,238,241,241,241,238,238,238,235,235,235,238,241,241,238,238,238,238,238,238,238,235,235,233,233,233,233,233,233,233,235,238,241,241,243,243,243,243,241,241,241,239,239,239,241,243,241,241,241,243,243,243,243,241,241,241,241,241,241,243,243,243,243,243,246,246,243,243,241,235,225,220,220,222,225,225,225,225,222,217,217,222,228,230,228,225,217,215,222,217,215,215,215,212,215,222,225,225,220,217,222,225,233,238,241,243,241,230,220,220,228,233,235,235,233,230,233,235,238,238,235,235,235,238,233,230,228,222,212,212,212,215,222,228,225,222,228,228,230,235,233,235,238,238,233,229,229,230,233,230,230,233,228,217,215,228,238,243,243,241,241,243,246,243,235,228,217,217,217,215,217,225,225,225,228,228,230,233,235,235,233,230,233,233,230,222,212,209,212,217,215,212,209,209,209,208,207,209,212,215,215,217,217,217,217,217,222,222,217,215,215,215,215,217,215,209,204,207,215,217,225,225,225,217,215,215,215,212,215,217,222,222,222,222,225,225,220,215,212,212,215,215,215,215,217,217,217,222,222,217,217,225,228,228,228,230,230,230,230,230,230,230,230,228,228,228,228,228,228,228,225,222,222,222,222,222,222,217,215,209,208,209,212,215,217,217,217,217,217,220,222,225,225,222,222,222,222,222,222,222,222,222,217,217,215,217,217,217,217,215,215,215,215,212,209,212,215,215,212,208,208,212,215,215,215,217,217,217,215,212,211,212,215,217,215,215,213,215,222,225,222,215,212,213,222,225,225,225,225,230,233,235,228,215,215,228,238,238,235,235,238,238,241,241,241,241,241,241,238,238,238,241,238,238,238,235,235,235,238,235,230,225,217,212,207,204,202,196,191,194,194,191,189,191,191,191,194,199,196,191,186,186,186,186,185,186,189,189,189,189,191,194,199,204,207,209,209,215,215,212,212,212,209,209,215,222,230,238,243,248,251,251,248,246,248,248,248,246,238,235,235,241,241,233,222,217,217,222,217,212,207,153,147,142,145,204,222,225,215,215,230,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,254,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,230,228,228,228,230,228,220,212,212,215,220,228,228,220,212,194,194,199,199,186,133,127,127,121,107,101,97,97,97,103,109,157,163,173,176,173,157,107,103,101,97,91,89,89,85,83,75,69,69,69,67,67,71,71,79,79,79,71,71,71,79,79,79,79,67,61,56,53,57,69,87,95,101,99,101,115,163,168,176,191,209,220,220,202,196,165,111,105,105,105,105,105,105,93,87,81,77,71,71,71,79,85,87,85,79,81,89,129,131,131,93,89,93,124,131,131,126,116,83,75,75,100,100,100,100,85,45,27,19,13,13,9,7,13,35,69,103,0,0,0,0,0,0,0,0,0,0,30,5,0,0,0,0,0,0,0,0,0,0,0,0,66,82,82,90,100,100,85,72,59,31,22,25,66,100,100,87,78,90,108,116,124,131,150,0,0,0,0,0,0,178,150,139,131,124,111,92,74,56,48,43,43,46,46,61,87,87,74,64,74,85,79,59,51,53,53,53,43,27,0,0,0,0,0,0,0,0,0,0,0,0,38,56,25,0,0,0,0,0,0,0,0,0,0,3,11,27,0,0,0,152,147,147,139,116,72,23,1,0,0,0,0,0,0,0,0,0,0,7,9,0,0,0,0,0,0,0,0,33,108,142,134,95,35,0,0,0,0,0,0,0,0,51,134,126,116,144,165,181,181,194,215,217,209,189,186,189,189,194,199,215,222,215,196,189,186,176,128,129,123,65,60,101,131,105,69,31,0,0,246,248,238,246,248,248,248,0,0,255,255,255,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,160,189,204,199,181,152,142,147,142,95,91,93,101,101,93,77,65,62,77,97,152,163,170,173,170,160,150,137,139,139,129,93,87,67,55,53,51,39,35,37,43,53,73,91,95,91,99,170,199,199,199,196,199,202,196,186,173,173,173,165,117,109,108,113,163,181,194,194,183,173,163,113,107,123,186,202,209,209,204,204,199,189,157,95,83,93,178,212,207,209,215,173,58,56,97,204,204,165,103,71,39,33,41,71,101,186,202,204,209,209,220,222,217,204,202,204,212,220,220,217,212,209,217,215,199,183,160,85,47,25,17,17,27,53,79,85,93,105,101,27,0,5,65,163,150,147,147,155,155,165,178,189,196,204,209,204,199,199,196,196,196,196,194,178,160,109,97,97,97,79,63,49,39,35,35,41,55,57,59,63,77,95,115,168,173,173,178,194,207,220,215,202,202,204,183,173,183,196,186,129,124,125,170,176,176,178,181,189,202,202,202,189,186,186,178,127,121,119,117,117,119,111,103,101,109,115,121,165,170,173,168,165,125,119,113,119,123,170,183,183,181,183,189,186,178,178,178,183,183,163,117,117,117,113,103,93,90,97,160,194,209,209,209,204,199,189,178,181,189,189,189,194,199,209,199,178,121,119,119,119,121,131,135,145,225,243,243,233,224,224,233,243,251,255,255,255,255,248,243,241,233,225,215,204,191,186,183,178,173,168,152,142,134,124,79,69,57,55,53,47,41,33,25,17,11,11,11,15,15,15,15,17,25,29,29,29,41,61,71,73,79,111,116,118,124,137,137,137,129,91,83,71,65,59,59,75,129,150,147,91,85,139,178,186,176,152,142,139,139,142,160,173,186,191,181,163,150,163,173,181,173,163,173,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,87,98,95,83,90,113,129,142,150,157,155,144,144,144,104,103,105,105,104,111,155,155,150,147,150,155,147,89,65,76,87,97,165,183,199,220,220,194,157,73,0,0,0,0,0,19,51,71,95,139,139,131,99,99,101,105,142,144,144,144,147,152,152,113,109,108,111,155,160,163,165,160,113,111,113,117,117,117,117,109,104,105,107,109,109,111,115,160,168,170,168,168,170,170,170,170,170,168,163,160,163,163,121,121,160,165,170,165,121,119,119,121,121,121,119,113,110,110,113,119,121,160,123,121,121,121,123,163,165,163,123,121,119,115,115,121,170,183,181,173,168,168,170,168,170,170,168,168,170,178,183,183,183,176,125,119,121,168,173,176,176,173,173,176,181,194,207,191,183,183,170,119,117,115,121,127,127,119,117,117,117,129,181,135,135,131,128,133,204,209,199,204,207,212,215,207,189,141,199,202,196,194,199,199,189,186,189,189,186,189,196,204,204,204,207,202,196,191,186,183,183,191,199,196,196,194,191,194,204,212,212,209,209,212,215,209,207,209,215,212,204,199,199,196,189,138,138,212,217,215,209,207,207,212,217,215,212,215,222,228,233,235,228,212,196,141,138,138,191,207,186,187,191,202,212,217,215,207,202,199,196,202,196,145,145,199,204,225,233,238,241,238,220,125,111,127,194,209,217,220,217,217,217,222,225,228,228,222,212,207,204,207,222,222,207,204,217,228,222,124,131,194,202,199,204,217,228,225,228,233,238,241,241,238,235,233,233,235,235,233,233,233,233,235,238,241,238,233,225,222,222,222,222,212,209,207,204,202,217,225,139,132,191,217,225,222,222,222,217,217,222,228,230,228,215,189,105,75,117,238,238,235,241,238,228,233,235,233,228,191,141,189,202,215,228,228,228,228,228,228,230,233,230,225,217,209,202,202,196,191,191,194,143,134,132,202,202,196,199,212,225,225,224,225,228,222,209,199,191,191,191,190,194,196,196,194,189,190,202,212,217,222,207,196,194,191,187,194,191,137,186,204,215,217,207,199,183,199,202,186,183,191,209,225,230,235,238,238,238,238,238,238,238,235,225,209,199,191,185,185,191,196,191,178,174,178,181,181,220,199,109,125,131,127,131,176,209,225,209,191,183,189,183,179,181,222,241,238,222,117,99,85,51,81,230,225,228,233,215,183,176,186,209,222,222,215,217,225,204,108,103,108,121,129,131,122,125,181,189,113,101,102,117,186,209,215,183,186,204,194,169,165,176,189,181,174,183,212,228,228,235,241,241,235,228,225,217,207,196,127,123,186,212,225,230,230,235,238,241,233,194,183,183,129,122,120,123,186,194,199,202,199,199,196,189,183,194,209,209,196,194,215,230,233,235,230,225,222,225,228,230,230,228,222,215,207,199,196,204,204,196,147,145,145,194,204,212,220,228,235,238,238,233,230,233,235,233,207,189,191,189,194,204,209,79,0,0,43,127,217,217,222,222,212,194,191,194,199,191,137,189,225,233,228,222,228,230,220,202,191,145,143,141,143,143,145,204,217,225,228,228,228,217,194,132,130,137,139,131,138,207,217,215,196,189,194,207,215,215,212,212,212,202,200,209,212,209,209,207,202,204,217,228,230,233,233,230,233,233,230,228,215,204,207,215,215,209,208,209,208,209,209,209,207,207,204,209,207,147,125,115,143,228,230,230,217,209,204,202,207,212,225,230,228,209,217,222,202,204,204,202,145,116,130,225,233,233,233,235,233,233,233,233,233,233,235,235,238,238,238,235,233,230,230,230,233,235,238,238,241,241,238,238,238,238,238,241,238,235,233,233,230,230,230,233,235,238,238,238,238,238,238,238,238,235,233,233,233,233,233,233,233,233,235,238,241,243,243,243,243,243,241,241,241,241,239,239,241,241,241,241,243,243,243,243,243,243,241,241,241,241,241,243,243,243,242,243,246,243,241,243,241,233,222,222,222,225,225,225,225,225,225,222,220,217,222,225,225,225,222,220,220,217,215,215,217,212,211,212,215,217,216,217,222,230,235,238,241,243,238,222,215,216,225,235,238,241,238,238,238,238,238,241,238,235,235,238,238,235,233,225,217,217,222,222,225,225,222,222,228,230,230,230,230,235,238,238,235,229,229,230,235,235,235,233,222,213,215,228,241,243,243,241,241,243,243,243,238,228,217,217,204,150,207,222,228,230,230,228,228,230,233,233,230,233,235,233,230,222,215,215,222,225,222,217,212,212,209,208,208,208,209,209,212,215,215,215,212,212,215,215,215,215,215,215,217,217,215,204,200,202,209,217,222,225,225,222,217,215,215,215,217,222,222,217,220,222,222,222,217,215,212,212,212,215,217,220,217,217,222,217,215,209,212,222,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,225,222,217,220,222,222,222,217,215,212,209,212,215,217,217,220,222,222,222,222,225,225,225,222,222,222,222,222,222,222,222,220,217,215,215,217,217,222,217,217,217,217,215,209,207,207,209,215,215,212,209,215,217,217,217,220,222,217,215,212,211,212,215,215,215,215,217,217,222,222,222,217,213,213,222,225,224,224,225,228,230,233,225,211,209,222,235,235,233,235,235,238,241,241,241,238,238,238,238,241,241,241,241,238,238,235,235,235,238,235,233,228,222,212,207,204,202,196,191,194,196,194,191,191,191,194,196,199,196,191,186,186,186,186,186,189,191,189,186,186,186,189,194,199,204,207,207,209,212,209,209,209,209,209,215,222,230,238,243,246,248,246,243,246,248,251,248,243,238,235,233,233,235,233,225,209,204,204,209,217,217,209,149,142,143,204,230,238,230,220,220,233,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,233,228,222,222,228,228,220,204,204,204,215,222,233,228,220,202,199,202,202,191,176,176,173,125,119,103,101,97,101,103,109,119,157,163,157,109,101,97,97,97,95,89,89,83,83,77,77,77,75,71,69,69,71,71,77,81,85,85,79,79,79,81,79,73,67,57,52,52,57,73,95,107,103,96,94,101,117,165,173,183,202,220,230,220,204,176,168,152,144,144,144,144,144,99,87,81,81,81,81,87,95,129,129,93,85,87,87,95,131,95,89,87,83,87,124,124,118,111,75,69,63,69,90,100,100,87,45,27,19,13,13,7,3,7,25,51,92,111,0,0,0,0,0,0,85,69,48,25,5,0,0,0,0,0,0,0,0,0,0,0,31,82,100,90,90,100,111,111,100,82,43,25,40,66,90,90,78,73,82,105,108,105,108,131,170,0,0,0,0,0,0,0,142,129,113,105,87,74,61,53,51,53,53,59,74,87,87,74,64,74,85,82,72,59,51,51,43,43,22,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,19,23,66,0,160,155,147,147,155,131,85,23,3,0,0,0,3,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,118,126,103,69,29,5,0,0,0,0,0,0,0,157,186,202,209,222,212,204,207,222,228,217,209,191,189,189,187,191,212,215,202,189,176,133,129,129,183,178,83,67,82,178,194,194,123,2,0,115,165,178,230,255,255,255,0,0,255,255,255,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,45,155,186,196,186,170,157,163,155,142,99,99,150,155,144,89,77,81,101,157,157,157,163,163,160,160,150,137,99,95,89,89,87,67,61,67,59,39,33,35,41,57,85,103,101,88,90,157,199,202,191,191,186,189,186,176,163,160,160,163,163,117,115,115,173,186,194,194,183,176,163,106,101,107,181,202,209,207,199,199,204,199,183,113,85,82,178,212,207,209,199,101,58,64,183,215,196,103,85,67,55,49,59,75,103,170,189,194,202,209,220,228,228,217,209,209,207,212,212,207,199,191,189,189,183,181,152,85,49,31,25,25,35,63,85,99,103,99,61,0,0,9,246,241,168,95,95,105,115,165,183,196,204,212,217,217,212,207,196,189,189,191,194,191,178,168,157,115,107,83,61,51,47,47,51,57,67,67,67,73,81,103,157,178,181,178,181,194,204,215,202,196,196,196,181,176,189,196,186,129,122,124,129,176,181,181,181,189,191,189,178,176,181,186,176,127,121,119,119,119,119,105,97,100,113,125,165,170,170,173,173,173,173,165,125,125,125,183,183,183,181,183,189,189,181,178,178,178,178,163,113,109,105,103,103,97,93,103,176,202,209,209,209,204,194,189,181,178,178,181,189,189,199,209,199,181,129,121,119,119,129,186,143,199,228,251,251,243,243,243,243,255,255,255,255,255,255,255,248,243,251,255,251,233,212,191,183,173,168,144,103,97,91,81,69,55,45,41,41,39,33,27,21,13,9,7,7,9,11,13,13,17,25,29,29,29,41,51,61,63,69,71,79,83,116,129,139,142,137,129,85,71,59,51,51,71,91,137,129,75,69,99,163,173,157,139,139,139,142,150,163,181,191,199,191,173,170,178,186,178,160,147,160,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,48,30,11,0,53,108,111,86,88,113,134,142,144,150,144,139,144,155,107,101,103,105,105,113,155,152,113,111,147,147,107,89,76,78,89,103,170,183,191,202,204,199,202,204,69,0,0,0,0,0,43,61,126,155,155,134,99,137,142,144,152,157,160,160,157,157,152,111,109,109,117,160,160,157,160,160,115,113,157,163,160,157,119,113,106,106,109,111,111,111,113,119,165,170,170,170,173,176,178,183,183,178,170,165,165,165,165,165,163,163,163,163,160,121,121,160,163,165,168,165,121,119,119,121,160,163,123,121,120,121,163,170,176,173,168,123,119,115,115,114,121,173,178,176,173,173,173,168,165,165,168,168,173,178,183,181,183,181,173,168,165,168,173,176,176,181,189,191,194,207,228,225,207,199,196,189,176,127,127,178,189,178,176,129,121,127,181,186,196,196,181,129,128,129,131,137,191,199,207,202,136,131,138,194,196,196,202,204,194,186,186,186,183,182,183,186,189,194,199,199,194,189,183,183,189,199,212,212,209,202,194,194,207,215,217,212,209,212,209,207,204,204,209,215,207,194,191,189,186,141,189,217,228,230,228,225,222,212,204,202,202,209,217,228,233,230,204,141,137,138,141,139,143,204,209,204,196,194,202,215,217,209,196,143,134,136,137,130,115,114,123,199,228,241,241,230,147,121,114,212,215,215,217,222,222,222,222,222,225,225,222,215,209,209,212,228,241,238,222,217,228,230,215,127,128,139,196,196,199,212,225,225,228,235,241,241,241,238,235,233,233,233,235,233,233,233,233,235,238,241,241,238,233,228,222,209,204,194,145,215,233,207,135,196,135,135,202,225,230,225,222,217,222,222,222,225,230,230,217,129,51,54,79,191,238,235,235,235,207,217,215,209,196,134,141,202,215,228,233,233,228,226,225,225,228,230,230,225,220,212,207,207,204,196,194,204,207,202,202,202,196,191,196,207,222,225,228,228,230,222,209,202,199,196,194,190,190,191,190,189,187,191,207,222,230,233,225,212,212,207,194,202,196,135,134,186,204,215,212,209,202,194,199,139,131,204,215,230,233,235,235,238,238,238,238,235,238,235,225,215,204,196,186,183,185,191,194,189,189,196,196,178,202,204,129,121,125,131,176,191,228,233,230,225,189,189,189,186,199,228,243,246,225,115,107,103,83,125,204,202,212,228,189,89,173,212,217,217,225,230,230,230,228,199,109,107,115,131,181,128,176,207,228,107,99,99,117,131,178,181,178,191,204,194,178,202,209,199,179,173,179,196,207,222,228,235,238,238,238,238,233,220,89,29,45,123,196,212,230,233,235,238,241,235,202,176,129,127,124,121,122,191,194,191,189,189,194,196,189,186,194,199,196,191,196,217,233,235,235,233,230,228,228,230,233,235,238,235,233,222,212,207,212,209,202,194,145,143,143,139,137,204,235,241,238,235,235,233,235,241,243,230,204,196,204,222,228,217,77,15,27,137,243,246,235,233,233,228,225,217,191,141,137,128,133,212,225,212,209,220,225,217,204,141,132,140,145,191,145,191,207,222,230,230,233,233,233,228,222,222,222,199,128,137,204,209,207,196,187,189,199,212,212,211,215,212,202,202,212,212,209,207,204,199,199,215,215,215,222,228,228,222,215,215,225,222,199,196,204,212,212,212,212,208,208,212,209,204,204,207,209,217,230,235,217,209,212,199,209,204,196,199,196,199,215,230,228,207,191,199,212,209,212,209,212,207,137,147,222,228,230,235,235,233,233,230,230,233,233,235,235,238,238,235,235,233,230,228,228,230,233,235,238,241,241,238,238,235,235,238,238,235,230,228,225,224,224,225,228,233,235,238,238,241,241,241,238,238,235,233,231,233,235,235,233,233,233,235,238,241,243,243,243,243,243,243,243,243,243,241,241,241,241,241,241,243,246,246,246,246,243,243,241,241,241,241,243,243,243,243,243,243,241,241,243,238,225,222,225,228,228,225,225,225,225,222,222,222,220,217,220,222,228,228,222,217,213,212,215,222,215,209,211,217,222,222,222,225,233,238,241,243,241,238,225,217,220,230,238,241,241,241,241,241,241,241,241,238,235,235,235,238,238,235,233,228,225,225,222,222,221,225,230,233,233,230,230,233,238,238,241,238,233,230,235,238,241,238,230,215,212,215,230,241,243,241,241,241,241,243,243,238,230,222,212,146,141,153,217,225,233,233,230,228,228,230,230,233,233,235,233,230,225,222,225,228,230,228,225,222,217,215,212,209,209,208,208,209,212,212,212,212,209,209,212,215,215,217,220,222,222,217,207,202,203,209,215,217,222,225,222,222,217,217,217,217,222,217,217,217,222,222,222,217,217,215,212,212,215,217,222,217,217,217,215,204,202,204,215,225,225,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,228,222,217,217,217,222,222,222,217,215,215,215,215,217,217,222,222,225,222,222,222,225,225,222,222,222,222,222,222,222,222,222,220,217,215,215,217,222,222,222,222,217,215,212,207,205,205,207,212,215,215,215,217,220,217,217,222,222,217,215,212,211,212,215,215,215,217,222,222,222,222,222,217,215,215,222,225,225,225,225,228,228,230,220,207,205,217,230,230,230,233,235,235,238,238,238,238,238,238,241,241,241,241,241,241,238,235,233,235,235,235,233,228,222,212,207,204,199,194,191,194,199,199,196,194,194,194,196,199,196,191,186,186,186,189,189,191,191,191,189,186,185,186,189,196,202,204,204,207,209,207,209,209,209,212,215,222,230,238,243,246,246,243,242,246,251,251,246,238,235,233,230,225,230,235,230,209,153,151,153,215,225,215,151,143,143,155,233,248,243,225,215,222,243,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,255,255,255,255,255,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,238,228,220,220,222,222,217,209,202,202,209,222,238,238,228,217,209,209,209,199,191,186,186,173,121,109,101,101,101,101,109,119,163,157,109,101,96,96,96,97,95,89,83,75,77,77,83,83,83,83,77,77,77,77,85,85,91,91,85,79,79,79,73,67,61,57,57,63,77,99,160,173,115,99,96,103,163,176,176,181,194,209,230,220,202,183,176,168,152,152,152,152,144,137,93,87,85,81,87,129,144,147,137,129,87,87,89,124,124,93,89,83,81,81,87,118,116,111,75,69,63,63,90,100,100,87,45,31,19,13,7,3,3,1,7,27,61,85,85,0,0,0,0,79,90,79,56,33,11,0,0,0,0,0,0,0,0,0,0,3,51,100,116,103,90,100,116,124,116,90,56,48,56,64,82,82,78,78,87,98,103,98,98,113,147,178,0,0,0,0,0,0,0,139,121,103,87,74,59,56,59,64,74,61,74,90,87,72,64,72,85,92,82,72,51,51,43,38,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,23,43,118,152,155,144,155,181,160,113,47,23,0,0,0,1,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,66,77,74,61,33,19,5,0,0,0,0,0,0,103,186,228,246,254,246,230,222,225,230,217,194,191,196,194,189,194,199,199,191,181,176,133,176,183,194,191,123,70,72,121,220,255,255,255,0,37,95,170,233,255,0,0,0,255,0,255,255,230,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,160,181,181,178,170,168,160,152,147,152,157,163,163,150,101,97,144,165,165,157,157,157,157,155,150,137,137,137,99,93,89,83,67,67,71,65,51,39,43,57,77,103,163,155,99,99,170,202,207,191,181,173,170,173,163,115,109,113,115,163,165,163,163,176,189,194,186,183,186,183,115,103,113,176,194,202,199,191,183,181,183,181,173,115,113,196,212,207,191,147,75,67,99,199,215,207,196,157,97,95,85,67,61,79,109,176,194,202,209,209,209,209,212,209,202,207,217,207,191,165,105,107,152,160,150,99,77,57,41,35,33,41,57,79,89,93,69,15,0,0,61,194,194,150,67,61,71,85,113,178,204,220,220,217,217,220,212,202,189,186,189,194,196,194,181,168,157,115,91,67,57,59,63,63,59,57,57,63,73,87,113,176,183,181,178,186,196,204,202,191,191,191,191,181,176,189,196,186,127,121,124,168,183,183,181,181,181,178,178,174,174,176,181,176,165,121,119,119,119,119,102,97,103,123,176,178,173,170,173,178,189,194,186,170,170,170,183,186,183,181,183,189,189,186,178,178,176,176,165,113,103,97,99,103,99,99,111,183,212,209,209,204,199,191,181,181,172,172,178,178,189,196,202,196,186,178,129,119,119,131,189,194,209,235,254,255,255,254,251,255,255,255,255,255,255,255,255,248,248,255,255,255,241,202,173,119,113,105,97,91,85,77,69,55,41,35,33,33,31,27,21,15,11,7,5,4,7,9,11,11,13,23,29,29,29,35,41,41,51,59,63,71,77,83,124,134,144,144,134,118,75,57,49,49,65,79,87,77,65,57,83,137,144,134,93,99,137,144,160,163,178,191,202,199,191,178,186,189,165,139,133,147,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,66,56,48,35,0,11,126,160,147,121,129,142,139,139,147,144,142,152,163,144,103,105,107,107,111,150,150,113,147,147,107,97,87,82,81,97,181,186,183,186,196,202,196,196,202,194,0,0,0,0,0,45,71,134,160,160,144,139,142,144,144,150,157,163,165,163,160,155,113,113,157,170,173,160,118,119,157,119,119,168,173,168,163,121,117,111,113,117,117,117,115,113,115,121,168,168,168,170,170,173,181,186,183,176,168,168,168,168,170,165,160,121,160,163,163,163,163,163,168,170,173,170,165,163,160,160,160,123,123,123,163,168,170,173,170,123,115,112,113,115,115,119,165,176,181,178,170,168,165,125,123,123,165,170,173,173,176,176,176,173,168,125,125,168,176,178,186,194,194,191,199,217,225,207,189,189,186,176,129,129,181,199,202,202,196,133,133,189,194,199,202,196,137,127,125,126,129,139,191,202,204,141,133,140,194,196,199,204,209,204,196,191,191,185,182,185,186,186,186,191,191,189,186,183,186,191,204,222,225,222,209,194,194,204,212,212,209,209,207,207,204,204,204,207,207,202,196,191,189,186,189,199,215,228,233,233,233,230,217,199,125,119,189,222,228,220,194,133,131,139,143,189,143,139,199,230,204,194,189,194,207,212,199,135,130,131,137,139,128,110,112,125,135,212,235,225,143,127,129,207,217,222,220,222,222,222,220,220,222,225,222,217,212,215,222,230,238,246,241,230,217,217,217,215,196,137,191,207,204,204,204,207,212,222,233,238,238,238,235,233,230,230,230,233,233,233,231,231,235,235,238,238,238,233,228,215,145,141,143,194,228,228,73,59,131,135,189,209,225,230,225,216,217,225,228,225,225,233,238,233,196,27,44,77,87,121,196,222,183,125,194,196,191,139,134,196,215,225,230,233,233,230,228,226,226,228,230,230,228,225,217,212,212,207,196,194,202,207,207,204,194,189,189,189,196,207,220,230,233,230,220,209,209,215,215,207,191,187,186,187,187,190,199,215,228,233,235,230,228,228,225,207,199,199,189,139,135,139,202,212,209,207,186,115,78,76,189,228,235,235,238,238,238,238,238,235,233,235,233,225,212,204,199,191,186,191,202,212,222,230,230,222,127,109,133,176,123,133,183,183,191,215,228,230,233,178,181,189,191,199,222,238,243,212,117,117,119,170,194,199,189,173,115,83,59,103,222,225,225,230,233,229,230,235,230,176,113,119,176,181,183,194,212,228,127,107,109,181,131,131,135,135,189,202,196,191,207,215,212,196,181,183,189,191,209,217,228,233,235,235,233,233,109,25,11,11,61,181,199,225,235,238,238,238,233,202,125,127,183,186,178,133,194,191,191,189,186,191,189,181,186,194,194,189,186,191,215,230,235,235,233,230,228,225,225,228,235,241,241,238,235,233,225,228,225,217,209,196,143,143,133,111,115,228,241,235,235,238,238,238,243,243,233,209,199,204,225,241,248,137,45,51,199,243,246,235,235,235,238,241,235,125,123,128,131,139,207,212,169,189,215,222,212,202,141,133,141,194,194,191,196,212,228,233,233,233,233,235,235,235,230,225,196,123,143,204,196,191,190,187,191,207,217,217,222,228,225,207,204,207,202,199,199,196,143,137,121,133,196,209,215,209,202,199,204,222,222,199,194,198,212,217,217,217,209,208,217,217,207,202,202,199,209,228,225,207,202,199,189,195,196,195,195,192,191,217,233,222,196,143,191,207,209,207,204,209,212,204,204,215,222,233,235,233,230,230,230,233,235,235,235,235,235,233,233,230,228,228,228,230,230,233,235,238,241,241,238,235,235,235,235,235,233,230,225,224,224,221,224,228,233,238,241,241,241,241,241,238,238,235,233,233,233,235,235,235,235,235,238,241,241,243,243,243,243,243,243,246,246,246,243,241,241,241,241,241,241,243,246,246,246,246,243,241,241,241,241,243,243,243,243,241,238,243,243,238,217,204,225,233,233,228,222,220,222,222,222,222,222,222,222,217,222,225,225,217,215,215,213,215,222,222,213,217,230,235,233,228,225,228,233,241,241,235,233,233,230,233,238,241,241,241,243,243,246,243,241,238,235,235,235,235,235,238,238,238,235,230,225,225,225,228,235,238,235,235,233,233,235,235,235,238,238,233,230,235,241,243,241,228,213,212,215,230,238,241,241,241,241,241,241,241,238,235,225,207,143,142,212,225,225,233,233,230,228,228,230,230,233,235,235,235,230,228,225,225,225,225,228,228,228,225,222,217,215,212,209,209,209,209,209,209,212,209,209,209,212,215,217,222,225,222,217,212,209,209,212,212,212,215,222,225,222,217,217,217,222,217,215,215,217,222,220,217,217,217,215,212,212,212,217,217,215,215,217,212,203,200,204,215,222,222,225,228,228,228,228,228,228,228,228,228,228,228,228,228,228,225,222,217,216,217,222,222,222,217,215,215,215,215,217,217,222,225,225,225,222,225,225,225,225,222,222,222,222,222,222,222,222,220,217,217,217,217,222,225,222,222,217,215,212,207,205,205,207,212,217,217,217,222,222,217,217,222,222,217,215,212,211,212,215,215,217,217,222,225,222,222,222,217,217,222,222,225,225,228,228,228,228,228,217,207,205,215,228,228,230,230,233,235,235,235,235,238,238,238,241,241,241,243,243,241,238,233,230,230,233,230,228,225,217,209,204,202,199,194,191,194,199,199,196,194,194,196,199,199,196,194,191,189,189,191,194,194,194,194,191,186,186,186,189,194,199,199,202,204,207,207,209,212,212,215,215,220,228,235,241,246,243,243,242,246,251,248,243,238,235,233,228,222,228,238,238,217,155,151,152,212,225,222,204,147,143,153,228,248,246,225,213,217,241,254,255,255,255,255,255,255,255,255,255,255,255,255,255,0,255,0,0,0,0,0,255,255,255,255,255,255,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,238,228,217,217,220,220,217,209,204,202,204,217,233,241,241,233,220,209,209,209,202,199,194,186,127,117,107,101,101,103,109,163,170,165,152,101,101,101,101,101,97,89,81,75,75,79,89,89,95,89,89,89,85,91,91,97,97,91,85,77,77,73,67,65,61,67,75,89,105,165,183,186,165,107,101,113,173,181,176,173,183,196,209,212,194,176,176,176,168,168,168,168,152,144,99,93,81,79,85,129,152,168,147,129,93,93,93,121,121,89,89,81,75,75,83,116,116,116,108,75,63,63,63,90,92,82,45,31,19,13,7,3,1,0,0,3,13,35,51,53,61,61,69,79,85,79,59,33,5,0,0,0,0,0,0,0,0,0,0,3,59,108,124,0,0,0,0,0,124,108,90,69,64,69,82,82,82,82,85,98,98,87,87,105,131,150,0,0,0,0,0,0,0,0,131,111,95,79,59,55,59,74,74,72,72,90,85,72,59,64,77,87,92,82,59,51,51,38,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,61,103,134,142,129,142,165,165,137,113,45,9,0,0,0,5,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,17,23,19,17,11,9,0,0,0,0,0,0,0,55,186,243,255,251,238,222,222,215,191,183,186,209,209,209,196,194,189,181,181,176,181,189,196,215,199,135,76,71,99,204,255,255,255,0,57,123,235,255,255,0,0,255,255,0,255,255,230,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,194,194,178,170,170,170,160,142,147,163,176,170,155,99,101,144,165,170,165,152,157,168,170,163,155,137,137,155,160,137,87,73,67,67,67,61,57,53,59,75,99,155,176,168,157,163,181,196,202,191,178,165,161,163,163,115,107,107,109,117,163,168,173,176,186,189,183,186,194,199,181,123,170,181,183,191,199,191,160,107,113,107,115,168,183,199,207,191,150,65,54,83,170,191,196,207,241,196,163,144,97,60,49,49,91,163,183,202,209,202,191,183,186,168,111,173,207,207,181,101,87,89,99,99,85,71,65,59,47,39,37,39,53,69,73,73,69,25,9,23,79,89,57,41,29,31,41,71,105,183,209,225,212,209,217,217,217,202,189,186,189,194,199,194,183,168,157,157,109,83,73,73,73,63,49,43,44,55,73,89,115,176,183,173,173,186,194,199,194,183,186,191,186,176,176,189,191,178,124,122,168,176,186,186,181,173,170,176,178,178,176,176,176,176,125,115,113,113,119,119,111,103,117,176,189,189,173,170,173,178,194,196,194,186,186,183,183,183,183,181,181,189,196,186,178,178,176,176,165,111,97,89,97,103,103,103,117,191,212,209,199,199,199,189,181,173,172,172,172,173,178,189,196,189,186,186,178,121,121,137,189,194,209,235,254,255,255,255,255,255,255,255,255,255,255,255,255,251,248,255,255,251,222,183,105,93,91,85,85,79,77,69,59,43,35,29,29,29,27,25,17,13,9,5,5,4,4,5,5,5,11,17,23,23,23,35,35,39,39,39,49,61,71,77,83,126,137,144,144,126,81,65,53,49,57,67,71,65,57,57,71,91,97,91,83,85,99,137,144,163,170,191,202,207,202,199,199,189,165,135,131,147,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,64,64,56,30,0,0,72,155,157,144,139,139,137,137,144,150,152,160,163,150,107,109,109,107,107,109,111,113,152,147,101,95,93,91,89,183,199,199,194,196,202,199,192,192,204,222,49,0,0,0,0,0,85,131,144,147,144,142,137,103,139,142,150,155,160,157,157,152,113,115,163,173,170,157,116,117,157,157,160,170,176,173,165,121,117,115,117,121,121,121,119,115,115,119,160,163,163,163,163,163,165,176,178,176,168,165,165,163,163,121,119,118,121,165,168,168,165,163,165,170,170,168,163,160,160,160,160,163,165,168,165,165,163,121,115,110,109,110,112,115,117,119,163,173,178,176,165,123,163,123,119,119,125,168,168,168,168,125,123,123,123,121,125,170,173,176,183,191,191,189,190,199,207,194,129,125,123,121,125,129,178,191,199,207,196,133,135,189,189,181,181,186,186,135,128,128,133,139,189,199,207,209,207,209,204,202,199,204,212,215,212,204,194,186,186,194,199,194,189,189,189,189,186,189,191,194,207,222,228,225,209,191,189,199,204,202,199,199,202,202,204,204,204,202,199,199,202,202,199,194,196,204,215,225,230,233,230,228,220,209,121,106,109,207,212,141,133,130,128,202,196,189,141,141,189,196,132,137,141,143,191,196,191,137,134,141,191,143,134,141,215,207,194,194,139,132,133,137,194,217,222,222,222,222,221,220,222,225,225,225,222,220,222,228,233,238,241,243,238,225,204,199,204,212,215,207,209,222,222,209,199,194,199,209,228,233,235,233,230,230,230,230,230,230,233,231,231,231,235,235,233,233,230,225,212,196,135,133,204,235,241,79,19,40,129,139,199,215,230,233,225,216,216,228,233,233,233,238,248,248,233,0,9,85,87,61,40,95,115,121,141,189,141,138,139,209,222,228,230,230,230,230,230,230,230,233,233,233,230,230,228,225,217,209,194,187,191,194,194,191,187,187,189,187,185,187,207,228,230,225,215,207,212,228,230,217,196,187,187,191,196,207,222,228,230,233,233,233,233,235,233,222,207,199,191,186,137,133,135,186,196,202,202,118,99,112,128,230,235,238,241,241,241,238,235,233,233,233,228,217,209,204,199,194,196,204,215,225,233,238,238,228,196,101,131,194,183,194,194,181,183,199,209,222,215,176,177,189,189,194,207,222,225,181,116,117,117,127,194,199,189,119,84,73,63,87,194,222,228,230,230,233,233,235,230,194,129,131,176,176,186,194,194,199,189,135,181,217,194,191,189,178,183,199,194,186,185,194,204,199,189,183,178,174,177,199,222,233,230,215,178,113,24,23,20,10,47,186,194,209,230,235,235,238,233,196,117,186,212,222,212,189,183,183,189,194,191,183,174,173,186,199,196,189,140,141,215,230,233,230,228,228,228,225,222,228,235,238,238,238,241,241,238,238,241,238,235,225,204,217,202,107,104,125,215,225,235,241,241,241,241,238,230,215,202,199,212,233,235,141,71,75,194,230,241,238,235,238,243,246,248,125,122,129,189,207,215,212,157,182,217,225,215,207,194,141,194,207,202,202,207,215,228,235,238,235,233,235,238,233,225,209,112,106,139,199,190,187,190,194,215,225,230,233,233,235,233,217,209,202,143,142,145,139,112,101,101,117,145,204,207,199,196,196,202,212,209,198,196,204,215,217,222,215,209,212,222,225,212,199,192,185,189,209,209,199,195,195,196,204,202,196,199,199,195,217,228,215,196,145,194,204,204,194,139,147,207,215,215,215,215,230,233,233,230,230,230,233,238,238,238,235,233,233,230,228,228,228,230,233,233,235,238,241,241,241,238,235,234,235,235,233,230,228,228,228,225,225,228,233,238,241,241,241,241,241,238,238,235,233,233,233,235,238,238,241,241,241,241,241,243,243,243,243,241,241,243,246,248,246,243,241,241,238,235,235,238,241,243,243,243,243,241,241,241,241,241,243,243,243,241,238,238,246,246,212,117,125,233,238,235,228,218,217,218,225,225,225,222,222,222,222,222,220,215,212,215,222,222,220,222,222,225,230,235,238,235,228,222,216,217,233,233,228,228,233,235,241,243,243,241,241,243,246,246,243,238,233,233,233,235,235,238,238,241,241,238,233,228,228,230,233,235,235,225,225,230,233,235,233,235,235,230,225,225,233,241,243,238,228,215,213,222,233,238,238,241,241,241,241,241,241,241,235,228,207,149,155,230,230,228,230,233,230,230,230,230,233,235,235,235,235,233,228,222,215,215,220,225,230,230,228,225,225,217,215,212,212,209,209,209,212,215,212,209,209,212,215,217,222,225,222,217,217,217,220,215,209,208,212,222,225,222,217,216,217,222,217,215,215,217,217,217,217,217,217,215,212,212,212,215,215,213,215,215,212,204,203,209,217,222,222,225,228,228,228,228,228,228,228,228,228,228,228,228,228,228,225,222,217,216,217,220,222,217,217,215,215,215,215,215,217,222,225,225,225,222,225,225,228,225,225,222,222,222,222,222,222,222,222,222,222,217,220,222,225,222,222,217,217,215,209,207,207,209,215,217,217,222,222,222,217,217,222,220,217,212,211,212,215,217,217,222,222,222,222,225,225,222,222,222,222,225,225,228,228,230,230,230,228,220,211,209,215,225,228,228,230,230,233,235,235,235,235,238,238,241,241,243,243,246,243,241,235,230,230,228,228,225,222,215,207,202,199,196,194,194,196,199,202,199,194,194,196,196,196,196,196,194,194,194,196,196,194,196,196,194,191,191,189,191,191,196,196,196,199,204,207,209,215,217,217,217,220,225,233,238,243,243,243,243,246,248,248,243,238,238,233,228,220,225,238,241,230,212,154,153,207,225,228,215,155,147,149,212,241,243,222,212,217,238,248,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,255,255,255,0,255,255,255,255,255,255,255,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,241,228,217,217,217,220,217,212,209,202,196,202,217,233,241,241,230,217,209,217,217,209,202,194,173,121,109,107,101,107,109,163,176,170,155,107,107,107,107,101,95,87,81,75,75,83,89,95,97,97,95,95,95,97,99,103,103,91,85,77,77,73,67,67,73,87,99,115,170,173,178,173,165,113,113,173,181,176,165,163,165,173,183,176,165,152,152,152,168,152,152,152,144,144,137,99,87,81,81,129,152,168,155,129,121,121,121,121,89,89,87,81,73,69,73,81,108,111,111,108,69,63,63,82,82,51,43,31,19,13,7,3,3,0,0,0,0,3,13,35,48,61,69,69,69,66,48,22,0,0,0,0,0,0,0,0,0,0,0,0,31,100,124,0,0,0,0,0,0,124,116,100,90,82,82,90,90,79,79,79,79,74,79,95,113,129,0,0,0,0,0,0,0,0,0,121,111,92,74,53,59,72,72,69,72,85,85,72,53,53,59,77,87,85,72,59,51,38,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,64,92,108,111,108,116,137,147,137,121,66,19,1,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,0,0,0,0,0,0,0,124,225,254,251,241,222,215,194,176,172,183,207,217,217,209,194,186,181,181,183,183,196,222,222,215,183,105,80,103,186,225,220,176,3,113,243,255,255,255,255,0,255,255,0,255,255,238,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,90,168,209,204,181,173,170,163,139,126,142,163,170,163,99,95,101,155,155,155,147,148,163,183,189,181,160,150,150,170,176,137,75,61,67,67,61,45,43,51,63,79,142,165,173,178,183,186,183,189,196,194,181,170,165,163,163,115,109,105,104,109,163,173,176,181,183,186,183,183,194,202,196,189,191,191,183,196,204,191,113,93,89,73,73,99,157,189,191,163,65,50,54,105,183,181,181,196,212,168,97,97,93,65,50,48,85,155,183,202,204,196,181,165,103,71,62,83,176,207,186,101,83,83,83,77,63,53,57,57,39,35,33,36,53,73,81,75,79,57,31,39,85,89,45,24,20,23,37,83,170,196,209,212,203,204,209,212,207,196,186,181,181,191,194,194,181,168,165,165,165,109,93,89,81,63,44,41,43,55,73,87,113,176,178,165,165,178,194,194,183,183,186,191,191,176,176,183,183,170,124,124,176,183,189,181,176,169,170,178,191,189,178,168,168,121,115,111,110,113,119,125,125,119,168,191,194,189,173,170,173,178,194,196,194,194,186,183,183,183,168,168,181,189,196,194,186,178,165,176,165,111,91,87,97,105,109,109,117,191,204,199,194,194,199,189,173,172,172,178,178,178,178,181,189,189,189,196,186,121,121,137,186,194,215,243,254,255,255,255,255,255,255,255,255,255,255,255,255,255,251,248,243,230,202,117,85,71,71,71,71,67,65,63,47,35,31,27,26,27,27,21,17,15,11,7,7,7,7,4,3,3,5,11,17,21,19,29,35,35,31,31,35,49,59,67,73,83,126,134,134,118,77,61,41,39,49,53,57,49,49,49,59,71,83,77,71,73,85,93,101,139,160,178,202,209,209,207,207,194,165,135,131,144,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,108,90,85,0,0,35,134,150,147,147,144,135,135,142,150,157,165,168,157,109,107,107,105,107,109,111,113,152,147,105,103,105,107,105,217,212,207,204,207,212,204,194,194,202,204,65,0,0,0,0,0,71,87,91,91,129,131,97,101,142,147,150,152,155,150,147,113,110,110,117,163,160,117,116,118,157,163,163,165,173,176,170,160,119,117,119,121,119,119,119,117,115,117,117,119,121,160,121,121,121,165,168,165,160,160,160,160,120,119,118,119,160,170,176,173,168,165,165,170,168,163,121,119,121,160,165,168,170,165,121,117,117,113,111,109,111,113,117,117,115,117,121,163,165,165,123,121,123,121,117,117,121,163,168,165,125,117,116,117,119,123,168,178,181,181,186,191,191,189,190,194,199,194,173,123,115,113,127,176,176,181,189,194,133,121,129,183,186,133,125,125,133,135,133,133,137,183,191,199,207,217,225,217,207,202,196,199,209,222,225,215,202,189,189,199,204,199,191,189,191,189,189,191,191,194,202,215,215,212,199,185,183,191,196,192,190,192,199,204,207,204,196,189,191,196,204,207,202,196,196,202,212,217,225,228,228,222,215,212,204,111,110,189,196,141,138,139,137,199,194,143,189,194,189,126,124,133,143,143,141,141,141,137,141,199,202,196,199,238,251,233,217,145,126,127,147,209,217,225,228,228,225,222,220,222,228,230,228,222,217,222,230,238,241,238,238,238,230,209,199,196,203,222,230,230,230,230,230,215,199,195,199,207,217,222,222,222,225,228,230,230,230,230,233,233,233,233,235,233,230,230,228,215,196,135,126,129,225,241,238,69,17,57,137,141,196,215,233,233,225,216,217,228,235,238,238,243,254,254,217,0,0,81,95,38,0,63,133,141,191,189,139,139,194,215,225,228,228,228,230,230,230,230,233,233,233,228,228,233,233,230,228,215,196,189,189,187,187,187,189,196,199,191,182,181,194,225,230,225,209,202,207,222,230,217,196,189,194,209,217,228,233,233,230,230,235,238,238,235,235,235,228,202,139,139,139,132,130,130,139,191,199,207,233,228,129,199,230,238,241,241,241,235,233,230,228,228,222,212,204,202,202,199,204,217,230,233,235,238,238,233,225,128,196,209,209,207,181,125,127,127,131,181,183,181,183,194,183,178,178,123,117,117,116,119,109,110,183,194,186,181,181,115,71,95,125,194,217,228,230,238,235,235,230,207,186,183,183,174,181,183,131,127,199,196,202,230,217,199,189,178,181,189,191,186,183,183,186,191,189,186,177,172,176,196,215,222,191,97,77,55,25,63,115,67,91,202,183,119,191,215,230,233,233,170,91,194,215,228,217,191,166,172,186,199,199,181,168,168,196,209,202,189,139,139,212,230,230,228,225,222,222,222,225,230,235,238,235,235,241,243,241,243,246,246,246,243,243,243,225,112,106,115,145,212,230,235,238,238,235,228,225,215,204,199,209,217,209,137,105,117,194,217,238,241,238,241,243,246,246,199,129,137,209,230,230,215,181,195,222,230,225,217,209,199,207,225,222,222,217,209,217,230,235,235,235,235,233,225,209,196,113,107,143,204,194,190,191,204,230,235,238,238,235,233,233,228,222,209,147,142,143,137,111,102,108,127,147,202,204,200,198,198,202,204,202,198,199,209,222,222,217,212,212,217,225,228,217,202,192,186,189,202,204,199,196,199,215,222,212,196,202,212,209,215,217,212,199,191,145,191,191,137,125,133,147,209,217,225,217,228,233,233,230,229,230,233,238,241,238,235,233,230,230,228,228,228,230,233,235,238,241,241,241,241,238,234,234,235,235,230,228,230,233,233,233,233,233,235,238,238,238,238,238,238,235,233,233,233,235,235,238,238,241,241,243,243,241,241,243,243,243,241,241,241,241,243,246,243,241,238,235,235,233,233,235,238,241,241,241,241,241,241,241,241,241,243,243,241,241,238,241,243,241,79,39,113,238,241,235,228,218,217,222,228,230,225,222,221,225,225,225,217,212,209,215,225,228,222,222,222,225,230,233,233,233,228,217,215,215,222,228,226,228,230,235,243,246,246,243,243,246,246,243,238,228,222,225,230,238,238,238,238,241,243,238,233,228,225,225,222,217,209,196,203,222,233,238,233,233,230,225,220,225,235,243,243,238,230,222,222,230,238,241,238,238,241,241,241,238,241,241,238,228,215,209,217,230,233,233,233,235,233,233,233,235,235,235,235,235,238,235,228,215,213,215,222,228,233,230,228,225,228,225,222,215,215,215,215,215,215,217,215,215,215,212,212,212,215,217,222,222,222,225,225,217,209,208,209,217,225,222,216,216,217,222,217,213,215,217,217,217,217,217,217,215,215,215,215,215,213,213,215,215,215,212,212,215,222,225,222,225,225,225,225,225,228,228,228,228,228,228,228,228,228,228,225,222,217,217,217,217,217,217,215,212,215,215,215,215,215,220,222,225,222,222,225,228,228,228,225,222,222,222,222,222,222,222,222,222,222,222,222,222,222,222,217,215,215,215,212,212,212,215,217,220,220,222,222,217,216,217,222,217,215,212,211,212,215,220,225,225,225,222,222,225,225,225,222,222,222,222,225,225,228,228,228,230,228,222,215,213,215,222,228,228,228,230,233,233,233,235,235,238,238,241,241,243,246,246,246,243,238,233,230,228,225,225,220,215,207,199,199,196,194,196,199,202,202,199,194,192,194,196,196,196,196,199,199,199,202,199,196,196,199,199,196,196,194,191,191,191,191,147,194,199,204,209,220,225,225,222,225,228,233,241,243,243,243,243,246,248,248,246,243,241,235,228,220,225,235,241,235,222,207,154,204,222,230,228,209,149,146,155,233,235,215,211,212,225,235,246,254,255,255,255,255,255,255,255,255,255,255,0,0,0,255,255,255,0,255,255,255,255,255,255,255,255,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,233,217,215,217,217,217,212,204,191,183,183,196,217,238,241,235,217,209,220,228,217,209,202,181,165,117,107,107,107,109,163,170,165,109,103,107,107,101,95,89,83,75,75,75,83,89,95,95,95,95,95,97,101,105,142,105,99,91,85,79,77,73,79,93,107,163,173,178,178,170,165,165,127,176,191,191,173,117,115,115,115,109,103,97,97,103,103,111,144,105,105,137,137,144,144,129,91,87,129,152,168,147,129,124,124,121,88,116,87,113,81,69,63,63,67,73,108,111,111,100,90,63,51,51,45,39,31,19,13,7,3,3,1,0,0,0,0,0,7,35,53,61,61,59,59,48,11,0,0,0,0,0,0,0,0,0,0,0,0,5,61,108,0,0,0,0,0,0,0,134,124,108,90,90,98,87,64,60,60,60,60,79,95,108,116,0,0,0,0,0,0,0,0,0,139,129,111,82,59,59,59,59,59,72,85,85,59,48,40,46,56,0,87,85,72,51,38,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,37,69,77,85,90,103,118,134,129,100,37,15,5,0,0,0,15,3,0,0,0,0,0,0,0,0,0,3,9,1,0,0,0,0,0,0,0,0,0,0,11,0,0,0,0,0,0,0,45,215,251,251,241,228,220,204,178,172,176,194,209,209,209,209,196,194,194,186,189,199,230,233,222,212,189,125,119,129,129,109,75,77,217,255,255,255,255,255,255,255,255,255,255,255,255,176,23,0,0,0,0,0,0,0,0,0,0,0,1,17,47,116,168,202,209,196,186,170,152,126,93,97,152,152,101,94,94,150,165,155,147,142,148,168,189,196,186,173,165,170,178,160,85,54,51,61,67,55,38,37,41,63,89,155,168,176,186,196,196,189,182,196,196,186,178,170,165,163,115,113,105,103,105,115,168,176,176,181,183,183,176,183,194,199,194,191,183,183,196,199,183,105,79,61,45,41,55,87,168,168,85,48,50,77,163,181,183,189,207,189,103,89,92,109,144,89,77,109,181,194,202,196,189,170,109,71,55,55,65,165,204,191,107,83,71,65,57,53,53,65,73,37,33,33,37,71,147,150,91,79,83,75,79,155,168,73,29,21,25,47,113,202,212,215,212,209,204,204,199,196,186,177,176,178,186,194,189,183,176,176,183,189,170,111,103,89,73,53,45,49,61,73,81,99,168,176,161,159,173,189,194,183,181,186,202,191,181,174,178,176,125,122,125,176,183,183,178,173,173,170,178,189,178,123,117,115,115,115,115,113,113,119,170,178,178,181,191,191,178,170,168,168,173,189,196,194,194,186,183,183,168,165,164,181,191,196,196,186,178,163,165,163,111,91,87,97,109,109,105,117,183,202,194,191,191,199,189,176,176,189,196,196,189,186,178,189,189,189,199,186,121,121,139,186,194,217,251,255,255,255,255,254,254,255,255,255,255,255,255,255,255,248,233,222,202,178,109,77,65,63,65,65,65,59,55,43,35,27,27,26,27,27,25,21,17,15,13,9,9,7,5,3,2,5,11,19,19,21,29,29,27,21,21,21,31,39,53,65,71,81,87,83,77,61,39,27,27,35,41,41,39,31,31,37,59,71,65,65,65,67,75,87,97,139,170,194,209,217,225,217,207,173,144,133,137,147 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,105,129,90,43,139,142,142,142,147,144,137,135,137,144,155,165,168,168,109,105,105,107,111,150,150,150,150,147,144,144,150,147,104,217,215,204,199,204,215,212,199,196,199,189,85,0,0,0,0,0,25,69,75,77,89,95,97,142,152,152,152,155,155,147,111,111,110,109,110,115,155,118,119,160,163,160,160,160,168,173,170,160,117,117,119,117,113,113,113,111,113,115,115,117,119,121,160,121,121,160,160,119,117,117,121,160,160,160,160,163,170,176,178,173,168,170,173,176,170,160,115,111,113,119,165,168,165,121,112,110,113,113,112,115,123,123,119,115,115,115,117,117,119,119,119,121,121,119,115,115,117,121,163,165,123,117,116,117,121,125,176,191,194,191,191,194,196,196,196,196,196,199,189,173,117,111,127,178,181,181,183,186,123,117,125,181,186,178,125,119,120,125,131,133,135,139,189,196,202,212,217,209,204,196,194,195,204,222,228,222,204,191,187,194,199,196,191,189,189,186,183,186,189,186,194,202,199,199,189,182,182,189,194,191,189,192,207,215,215,199,182,176,183,191,196,199,196,191,189,191,199,202,207,215,220,212,204,207,220,209,196,194,196,212,220,209,204,189,142,191,204,207,199,122,123,141,202,199,189,137,127,118,133,199,217,225,228,238,243,233,217,196,137,141,207,217,225,228,230,228,222,222,225,230,233,233,228,217,212,217,233,241,238,233,233,230,217,204,202,207,225,235,238,241,235,233,230,222,207,204,207,207,207,202,199,204,215,228,230,230,230,233,235,235,235,235,235,233,228,228,225,215,194,127,117,123,202,209,207,109,54,129,137,131,133,204,225,228,217,216,222,230,235,238,241,241,246,251,113,0,0,63,85,20,0,191,222,215,196,141,137,186,209,225,228,228,230,230,230,230,233,230,230,230,228,222,225,230,233,233,230,225,207,196,194,191,189,189,196,204,207,196,179,177,191,225,228,217,204,194,194,207,212,207,194,191,207,228,230,233,233,230,233,233,238,243,241,238,238,241,235,207,134,133,134,131,131,132,137,186,138,199,225,137,121,137,222,235,241,238,235,233,228,225,222,217,212,204,199,202,202,202,204,222,233,235,230,233,238,235,217,186,199,207,207,202,101,103,105,69,53,57,91,191,189,194,176,173,131,115,113,125,183,202,173,127,194,194,172,196,246,178,65,107,123,178,204,217,228,233,233,233,233,217,189,186,186,176,176,133,122,117,204,202,209,228,215,135,129,133,181,186,189,204,209,186,181,182,189,194,191,178,191,202,202,173,89,81,93,115,91,178,228,176,178,199,69,21,67,107,212,225,215,101,64,129,199,212,207,191,147,169,189,207,204,186,170,173,215,222,207,191,138,138,212,230,230,228,222,220,217,218,222,230,233,233,233,235,241,243,241,238,241,241,243,246,254,248,212,117,113,127,196,212,228,230,233,233,225,217,215,212,204,199,207,212,207,194,137,137,191,207,230,235,235,238,241,238,230,207,139,141,217,238,235,217,200,203,228,235,235,235,228,212,217,235,233,233,230,199,199,215,230,235,235,230,222,209,202,194,196,143,209,215,202,194,199,215,233,238,238,238,230,229,230,230,230,225,212,202,196,196,207,222,212,199,196,199,204,207,207,204,202,199,198,199,204,212,225,228,217,215,222,228,230,233,225,207,199,194,199,199,192,194,202,207,217,222,215,194,196,215,215,212,215,209,199,145,137,136,137,133,124,132,138,196,212,233,230,233,235,233,230,230,230,233,238,241,238,235,233,230,230,230,228,228,230,233,235,238,238,238,238,238,238,235,235,235,233,230,228,230,235,235,235,235,235,238,238,235,235,233,233,233,230,230,230,233,235,238,235,238,238,241,241,241,241,241,241,241,241,241,241,241,241,243,243,241,238,235,233,233,233,233,235,238,238,241,241,241,241,241,241,241,241,243,243,241,241,241,238,233,215,22,11,117,235,241,238,230,222,218,225,233,233,225,220,221,225,228,228,222,212,211,215,228,228,225,225,225,228,228,225,228,228,228,225,217,217,225,230,233,233,230,235,246,248,246,243,246,248,246,238,225,212,212,217,230,238,241,241,241,243,243,235,228,220,212,204,200,200,196,181,195,215,230,238,235,230,228,225,222,228,235,241,241,235,230,228,230,235,241,241,241,241,241,241,241,241,238,241,238,230,222,215,215,217,228,235,238,235,235,235,235,235,238,238,235,235,238,235,228,215,215,225,230,230,233,230,225,225,225,228,225,217,217,217,217,217,217,217,215,217,217,215,212,209,209,212,217,222,225,225,228,222,212,209,212,217,222,222,216,216,217,220,217,215,215,215,215,217,217,217,217,215,217,217,217,215,213,213,215,215,215,215,217,220,225,225,222,225,225,225,225,225,228,228,228,228,228,228,228,228,228,228,225,222,217,217,217,217,215,215,212,212,215,215,215,215,215,217,222,222,222,222,225,228,228,228,228,222,222,222,222,222,222,222,222,225,225,222,225,225,222,217,215,212,212,215,215,215,215,217,217,220,222,222,222,216,216,217,220,217,215,212,212,215,217,222,228,228,225,222,222,225,228,225,222,222,222,222,222,225,228,228,228,228,225,222,217,215,215,217,225,228,230,230,233,233,233,235,235,238,238,241,241,243,243,246,246,243,238,235,230,228,225,222,217,212,204,199,199,196,196,196,199,202,202,199,194,192,194,196,195,196,199,199,202,204,204,202,199,199,199,199,199,199,199,196,194,191,145,144,147,196,204,209,217,228,228,228,230,233,238,241,243,241,241,243,246,246,246,248,248,246,238,230,222,222,230,235,235,222,207,154,155,217,230,230,215,153,147,153,228,230,215,209,211,213,217,228,243,255,255,255,255,255,255,255,255,255,255,255,0,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,238,222,217,217,217,217,212,202,183,127,125,137,202,222,238,238,220,215,220,225,220,209,209,189,170,119,117,117,117,109,117,155,109,101,95,95,95,95,89,83,83,75,75,75,83,89,89,93,91,91,91,97,97,103,144,144,105,99,91,85,85,85,89,107,165,178,189,189,189,186,189,191,194,202,212,204,181,125,115,115,103,97,91,83,85,85,97,103,99,99,99,99,137,137,144,144,126,93,131,152,168,147,131,124,121,116,116,116,116,116,108,65,59,51,61,67,98,108,108,100,63,51,45,43,39,33,31,19,13,7,7,7,7,0,0,0,0,0,1,13,35,43,43,48,53,48,11,0,0,0,0,0,0,0,0,0,0,0,0,0,21,66,90,0,0,0,0,0,0,0,139,116,98,98,105,98,79,60,55,55,59,79,95,108,121,0,0,0,0,0,0,0,0,0,0,144,129,100,72,55,59,59,59,72,92,85,59,48,40,40,48,72,90,82,69,48,30,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,37,39,49,90,100,111,134,134,49,25,13,5,1,0,0,7,21,3,0,0,0,5,0,0,0,0,0,0,0,1,9,9,3,0,0,0,0,0,0,11,7,0,0,0,0,0,0,0,207,246,251,241,233,222,207,189,176,176,176,186,194,209,209,217,217,209,186,183,196,230,241,233,233,233,202,129,115,101,71,73,191,255,255,255,255,255,255,255,255,255,255,255,255,255,181,39,0,0,0,0,0,0,0,0,0,0,0,1,3,15,98,163,186,204,209,196,170,142,126,93,97,97,95,94,94,101,163,173,165,160,150,150,165,183,191,191,183,176,178,170,137,71,48,46,55,67,55,38,37,43,75,101,160,176,181,191,204,204,191,189,196,196,189,178,170,160,163,115,115,107,102,103,113,163,173,168,168,176,176,173,173,186,194,194,183,183,189,191,191,168,95,67,41,35,35,41,67,157,147,52,46,57,147,183,189,196,215,215,202,168,99,105,176,202,186,168,191,202,202,196,183,165,109,95,63,55,57,83,176,202,183,105,81,57,45,46,53,63,85,97,61,47,51,71,157,196,181,93,75,99,163,181,204,202,97,41,25,27,53,119,209,225,225,225,215,209,199,191,191,181,177,174,177,183,186,186,183,183,183,191,191,178,160,113,103,87,77,71,67,73,77,81,95,157,168,160,159,170,186,194,186,183,191,196,191,181,176,176,170,125,124,168,176,178,178,173,173,173,170,176,168,117,105,103,111,121,125,123,121,119,125,181,183,181,178,178,176,170,168,165,125,168,176,189,194,194,189,183,183,168,164,163,181,196,199,196,186,178,163,163,163,111,91,87,97,105,103,103,109,176,191,191,189,191,199,199,183,183,196,209,215,207,196,189,189,181,189,199,186,119,119,135,137,189,215,251,255,254,251,251,246,251,254,255,255,255,255,255,255,251,233,222,196,181,127,105,83,71,65,65,65,63,59,55,43,35,31,27,27,29,31,27,25,23,19,15,15,13,11,11,9,7,11,19,23,27,29,33,27,19,13,9,11,17,27,39,53,65,71,75,71,57,39,27,15,15,27,35,39,31,27,21,25,47,63,63,57,57,59,59,73,85,131,160,191,209,225,233,233,215,189,160,137,133,137 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,40,121,131,116,134,142,137,137,147,144,137,135,137,137,147,163,168,160,101,103,107,111,113,152,155,152,147,109,109,147,150,152,147,207,204,199,196,202,209,207,199,196,196,181,0,0,0,0,0,0,0,55,73,79,129,134,137,144,152,155,152,155,155,150,147,155,160,111,109,113,157,163,165,165,160,119,118,157,165,170,165,157,117,117,115,113,113,111,105,101,107,113,119,121,119,119,121,121,121,119,117,115,115,117,121,163,163,163,165,170,176,178,176,173,173,178,181,183,178,165,109,102,105,109,117,121,123,119,112,109,113,115,117,121,165,123,115,115,115,115,115,115,115,115,121,163,123,115,112,113,115,115,117,119,121,119,117,117,119,165,186,202,204,199,194,196,199,202,199,199,202,199,194,181,125,108,109,131,181,183,186,186,176,124,127,181,186,181,129,121,119,121,127,131,135,137,139,189,199,207,207,204,202,199,195,196,204,215,222,215,199,189,187,189,191,191,189,186,182,182,182,182,183,183,186,189,194,191,185,183,186,194,199,196,196,202,215,225,217,194,178,177,183,186,189,191,191,189,186,140,140,143,191,199,199,194,189,194,220,228,217,196,133,202,230,225,212,189,141,196,222,215,139,125,126,196,207,202,191,135,120,79,123,204,230,235,233,235,235,230,217,202,194,202,207,212,217,225,228,225,222,225,230,235,235,233,228,215,207,215,230,233,228,222,222,225,217,212,209,220,233,238,241,238,230,228,225,217,212,209,212,204,143,131,127,135,199,217,225,230,228,230,233,233,238,238,238,228,217,222,228,225,209,145,117,131,139,131,121,119,121,127,127,103,97,137,204,212,217,217,225,230,235,233,233,230,215,111,65,45,54,117,47,7,23,238,238,228,194,134,136,194,209,222,228,228,233,230,229,235,238,235,233,228,222,220,220,225,230,233,233,230,217,204,202,196,191,191,194,199,202,191,174,174,191,217,222,202,187,187,191,196,199,196,194,204,222,230,233,230,230,233,233,235,238,238,238,241,241,238,238,228,189,132,133,137,139,141,189,139,136,138,191,186,63,44,117,230,238,233,230,225,222,217,212,204,202,196,196,196,196,196,202,222,233,233,230,233,235,233,209,183,181,189,189,133,95,93,99,59,24,19,28,129,83,173,129,176,191,131,119,173,191,204,189,173,212,217,174,181,217,133,48,109,176,189,196,202,207,225,225,233,233,222,181,133,178,129,126,127,123,120,127,194,209,220,191,124,123,133,183,186,191,204,212,199,182,177,182,202,212,215,217,212,196,127,62,109,127,202,183,202,217,109,73,121,0,0,0,0,55,209,202,189,45,72,121,196,199,196,182,177,186,199,199,186,177,179,202,207,202,191,136,139,209,230,233,228,222,220,217,218,222,228,233,233,233,235,241,241,238,233,230,230,235,241,248,246,137,110,117,194,209,215,215,217,217,215,215,215,212,204,196,202,207,207,204,202,199,199,199,204,212,225,233,235,233,230,222,194,139,145,215,230,228,212,203,212,230,235,238,243,235,222,217,235,235,238,243,215,117,115,204,230,233,217,207,207,207,209,209,212,215,212,199,199,209,225,235,238,235,233,229,228,230,233,233,233,228,217,209,207,215,225,217,209,202,202,209,217,225,222,207,195,195,199,202,209,222,225,222,222,228,230,233,233,228,209,199,196,196,196,196,204,209,212,215,207,204,199,196,212,212,192,204,207,202,145,138,137,141,145,143,139,143,199,217,230,233,235,235,235,233,233,233,235,238,238,238,233,228,228,230,233,230,228,228,230,233,235,235,235,235,235,238,235,238,238,233,228,228,233,238,238,233,233,235,238,238,235,233,230,230,229,229,230,233,235,235,235,233,233,233,235,233,233,235,235,238,238,238,241,241,241,241,241,241,238,235,233,233,233,233,235,235,238,238,238,238,238,238,238,238,241,243,243,243,243,241,243,238,155,63,9,7,97,220,238,243,238,230,225,225,230,228,222,222,225,228,228,225,222,215,215,222,228,228,228,228,230,233,228,222,222,228,228,225,222,222,230,235,235,233,230,238,246,248,246,246,248,248,246,230,155,155,212,230,238,243,243,241,241,241,238,233,225,215,207,202,199,203,204,204,209,222,230,235,235,230,228,222,222,228,233,238,235,230,230,233,235,238,241,243,241,241,241,243,243,241,238,238,238,230,217,207,145,151,225,235,238,238,235,235,235,238,238,235,235,234,235,238,230,217,220,228,230,230,230,228,225,224,225,228,228,222,217,217,215,215,215,215,215,215,217,215,209,207,207,209,217,225,225,228,225,225,217,215,215,220,222,217,216,216,217,217,220,217,215,215,215,217,222,222,220,217,217,217,217,215,215,215,215,215,215,215,217,217,222,222,222,225,225,225,225,225,228,228,228,228,228,228,228,228,225,225,222,217,217,217,217,217,215,212,211,212,215,215,215,215,217,217,222,222,222,222,225,225,228,228,228,225,222,222,222,222,222,222,222,222,225,225,225,225,222,217,212,209,209,215,217,222,222,222,220,222,225,225,217,215,216,217,220,215,212,212,215,217,222,225,228,228,228,225,225,228,228,228,225,222,222,222,225,225,228,228,225,225,222,217,215,215,215,217,225,230,230,230,233,235,235,235,235,238,241,241,241,243,243,243,243,243,238,235,230,228,225,222,217,212,207,202,202,199,199,199,202,204,204,202,196,194,194,196,196,196,196,199,202,204,207,204,202,199,199,199,196,199,199,199,194,191,145,144,145,196,204,209,215,225,228,230,233,238,241,241,241,241,241,243,242,242,243,248,251,248,241,230,222,222,225,230,230,222,204,153,155,215,225,225,217,204,153,207,225,230,217,213,217,217,215,222,235,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,233,217,217,217,212,209,194,178,125,122,125,186,212,228,233,228,222,217,217,212,217,212,202,183,165,165,173,168,119,103,101,101,95,95,91,89,89,83,83,75,75,75,75,83,89,95,95,95,95,93,93,93,99,144,147,111,107,101,97,95,93,97,111,170,183,191,196,204,225,235,235,230,228,230,220,202,181,168,117,109,97,91,83,76,80,91,97,91,93,99,99,99,137,144,134,126,93,131,144,155,155,144,124,81,81,113,121,124,121,113,67,51,51,57,69,95,69,63,49,49,49,45,37,33,31,27,19,13,13,13,13,7,0,0,0,0,0,0,3,11,19,21,33,33,25,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,25,59,0,0,0,0,0,0,0,124,113,113,116,113,98,79,64,69,79,90,100,113,137,0,0,0,0,0,0,0,0,0,0,0,144,116,82,55,53,59,72,85,92,0,0,56,40,39,48,69,90,82,66,48,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,21,29,35,77,116,116,113,126,118,69,29,19,19,21,15,9,15,35,35,3,0,0,17,5,0,0,0,0,0,0,1,29,35,21,3,0,0,0,0,0,7,0,0,0,0,0,0,0,0,57,217,246,246,235,222,207,194,183,176,172,176,186,204,217,220,217,209,186,183,189,215,230,233,238,241,220,135,101,69,60,70,225,255,255,255,255,255,255,255,255,255,255,255,255,255,163,39,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,142,173,189,196,186,160,142,139,139,139,97,95,94,99,155,170,176,181,181,173,165,165,181,191,199,194,186,178,160,99,79,54,51,67,61,49,42,53,71,95,142,160,178,186,189,196,204,196,194,196,196,183,165,113,113,113,160,115,107,100,100,107,163,163,156,156,163,168,173,176,186,191,194,196,196,199,196,186,157,93,55,35,29,35,35,73,157,111,53,50,79,168,191,196,196,202,204,186,168,144,144,173,202,204,191,199,189,186,191,176,107,95,89,77,67,69,83,152,181,160,99,73,47,42,43,53,67,91,101,85,81,105,181,199,212,181,74,76,150,186,212,243,233,165,35,19,17,33,97,202,220,220,220,215,204,189,183,191,189,181,181,179,186,189,189,183,183,183,186,189,173,163,155,113,111,103,95,83,83,81,87,107,157,165,165,163,170,186,196,194,183,183,191,191,183,181,178,176,170,168,168,176,178,183,178,173,168,125,121,111,99,98,103,115,168,170,165,165,125,170,181,178,168,168,168,168,165,165,165,123,123,165,186,194,194,194,191,191,183,165,168,189,196,196,194,186,181,165,165,163,111,93,89,93,97,97,97,109,176,191,191,191,199,209,209,196,189,196,215,217,209,202,196,189,178,181,189,131,113,113,131,131,137,207,235,243,243,235,235,238,243,248,254,255,255,255,255,255,243,222,204,191,173,117,105,91,83,77,73,69,69,65,63,47,39,37,35,37,39,39,37,33,27,25,23,23,21,21,23,25,23,23,29,35,41,41,35,27,15,7,7,8,11,21,33,49,61,71,71,61,41,27,17,11,11,17,27,33,33,21,17,17,33,59,63,59,57,53,53,57,69,87,144,178,207,225,235,243,233,204,170,144,137,139 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,134,137,139,144,142,134,135,137,139,147,157,160,150,103,101,105,109,109,113,150,150,109,107,109,109,150,157,150,199,204,198,196,199,204,202,195,195,196,129,0,0,0,0,0,0,0,71,152,168,170,163,150,147,150,152,155,155,157,155,152,160,165,155,113,155,165,168,170,168,160,118,117,119,165,170,168,163,163,121,115,115,117,111,98,95,100,111,163,165,119,116,117,117,117,117,117,117,115,115,121,165,165,163,163,163,168,170,170,170,173,178,183,186,181,168,113,105,105,106,108,115,160,163,123,121,121,119,117,119,121,117,111,111,115,115,113,113,113,115,119,163,123,115,112,113,113,112,112,113,119,121,119,117,119,168,189,204,207,204,202,199,199,199,199,199,204,204,196,183,125,107,105,117,173,183,191,194,186,176,135,183,186,181,131,125,123,125,129,135,139,137,137,186,196,207,207,204,207,204,207,207,209,212,212,204,196,189,189,189,191,191,191,189,183,182,182,182,182,183,183,186,191,189,186,186,194,202,207,207,207,207,215,225,215,196,185,186,191,191,186,189,189,189,186,140,139,139,140,143,189,189,187,191,212,225,222,189,113,115,207,222,209,143,142,204,222,215,191,132,141,202,204,196,141,131,127,123,202,225,235,235,235,235,233,225,215,202,204,209,199,196,207,212,217,217,217,225,230,235,235,233,225,212,207,209,222,225,220,218,220,222,222,215,215,222,230,235,235,233,228,222,217,215,212,207,204,202,191,127,120,120,137,209,228,235,230,225,222,225,235,235,230,215,207,212,222,228,228,228,217,199,131,123,125,123,121,125,129,95,47,40,97,209,217,212,217,228,228,222,217,207,133,93,83,89,109,115,43,30,59,238,233,228,202,136,134,139,191,204,215,222,230,230,233,238,243,241,235,230,225,221,220,225,230,233,233,230,222,209,202,196,190,189,189,194,207,207,185,182,194,207,202,187,185,186,189,196,202,199,199,209,225,228,228,230,233,230,230,233,235,235,238,238,238,235,233,230,215,196,194,196,196,199,204,196,139,138,189,189,49,19,57,141,217,222,222,217,212,209,202,196,196,196,196,194,191,194,204,217,228,230,230,233,235,230,212,183,177,178,135,123,97,95,131,87,13,9,33,43,48,121,131,186,228,235,199,173,117,119,80,105,194,194,177,178,186,178,82,123,191,204,202,186,183,202,215,230,233,217,176,129,133,129,127,181,189,176,125,133,194,202,129,125,127,178,183,186,186,191,202,202,191,186,199,217,228,228,233,222,196,131,71,119,125,176,170,97,63,24,18,49,0,0,0,0,0,215,209,119,62,66,111,191,196,194,182,179,186,191,189,183,179,183,194,194,191,186,135,138,207,228,233,228,225,225,222,222,225,228,230,233,233,235,241,241,238,230,225,225,228,233,233,204,117,114,137,204,212,209,196,202,207,204,207,209,207,195,187,192,204,207,202,202,204,209,212,209,207,209,212,217,217,215,212,199,145,194,204,215,212,207,204,220,233,235,235,241,235,217,207,220,233,241,243,225,115,111,129,209,212,204,199,207,215,225,225,222,217,212,204,209,222,230,235,238,235,233,229,229,233,235,235,230,225,225,222,212,212,215,215,209,207,209,217,230,235,233,215,198,198,202,204,207,215,220,225,230,230,230,230,233,230,215,199,195,196,204,215,217,212,204,199,198,199,196,192,199,204,195,195,202,204,199,145,141,145,196,194,147,199,212,225,230,230,233,235,235,233,233,233,235,238,238,233,228,225,228,233,235,233,228,228,228,230,233,233,233,233,235,235,233,233,233,230,228,228,233,235,233,230,228,230,235,238,238,235,233,230,229,230,233,235,238,233,230,228,228,230,230,230,230,233,235,235,235,238,241,241,241,241,241,241,238,235,233,233,233,235,235,238,238,238,238,238,238,238,238,238,238,243,243,243,243,243,243,241,133,25,0,0,49,209,238,246,243,238,230,225,225,222,222,225,230,233,230,225,222,222,225,225,228,228,230,233,235,233,225,220,220,225,225,217,215,222,233,238,238,230,230,235,243,243,243,246,246,241,230,212,154,207,228,238,243,243,243,241,238,238,233,228,225,215,209,204,204,212,215,212,215,222,230,233,233,230,225,222,222,225,228,230,228,228,233,238,238,241,243,243,241,241,243,243,246,243,241,238,238,230,155,131,121,137,225,235,235,235,235,235,235,235,235,235,235,235,235,235,233,225,228,230,228,230,230,228,225,225,228,230,230,225,222,217,217,217,215,215,212,211,212,212,209,209,207,209,217,225,225,225,222,222,222,217,217,217,217,217,216,217,217,222,222,222,215,213,213,217,222,225,225,222,217,217,217,217,217,217,217,217,217,217,217,217,222,222,222,222,225,225,225,225,228,228,228,228,228,228,228,225,225,225,222,217,215,217,217,217,215,212,212,212,215,215,217,217,217,220,220,220,220,222,222,225,228,228,228,225,225,222,222,220,220,220,222,222,225,225,225,222,217,215,209,208,209,215,220,225,225,222,222,222,225,225,217,215,216,217,217,212,212,215,217,222,225,228,228,228,228,228,228,228,228,228,225,222,217,222,222,225,225,225,222,222,217,215,215,215,217,222,225,230,230,230,233,235,235,235,235,238,241,241,241,243,243,243,243,241,238,235,230,228,225,222,217,212,209,204,202,202,202,202,204,207,204,202,199,196,196,196,196,196,196,199,202,207,207,207,204,202,202,196,194,194,196,196,194,194,191,144,145,196,207,212,215,222,228,233,235,241,241,241,241,241,241,243,242,242,242,246,248,248,241,233,222,217,217,225,225,222,209,154,155,212,217,217,212,207,155,204,209,217,222,225,225,225,222,222,235,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,238,228,217,212,209,202,194,183,129,125,125,183,199,212,220,228,220,217,209,209,217,220,217,204,199,194,194,183,163,109,101,101,97,95,91,89,89,85,77,75,75,75,77,89,95,97,97,97,97,95,91,93,99,111,157,160,157,113,111,105,103,107,113,163,183,191,209,235,255,255,255,246,238,238,230,212,202,186,168,115,103,97,83,80,80,91,91,91,93,99,137,99,99,134,126,126,129,131,137,144,155,144,121,75,73,113,121,121,121,113,73,57,49,61,69,69,49,31,25,31,43,45,39,33,31,25,19,13,13,11,13,7,0,0,0,0,0,0,0,1,5,11,19,17,13,0,0,0,0,0,0,0,9,9,0,0,0,0,0,0,0,0,13,69,0,0,0,0,0,0,131,131,131,134,139,124,113,108,113,113,108,105,124,155,0,0,0,0,0,0,0,0,0,0,0,144,121,87,56,52,59,85,92,92,0,0,0,46,39,46,66,74,69,53,35,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,41,61,41,47,116,150,142,116,108,90,45,33,27,31,37,35,27,21,31,35,35,56,37,11,0,0,0,0,0,0,0,7,64,82,43,29,25,9,0,0,0,0,0,0,0,0,0,27,19,0,0,63,202,233,233,207,189,194,183,174,172,176,191,209,215,212,209,194,186,183,191,212,212,212,220,222,215,191,119,75,50,38,243,255,255,255,255,255,255,0,0,255,255,255,255,255,191,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,113,129,131,152,150,142,126,139,144,139,99,139,142,163,178,183,178,181,183,181,178,173,178,183,191,191,191,176,137,79,69,77,89,79,61,49,55,73,91,95,99,155,176,181,186,191,204,196,196,196,191,170,113,107,111,113,115,115,107,103,103,115,173,168,156,156,156,163,163,173,183,183,191,196,199,199,199,196,178,105,73,37,29,33,39,79,105,93,67,73,103,183,202,207,189,144,83,101,95,89,91,103,178,194,183,173,160,165,183,181,152,95,103,152,99,77,66,69,87,95,93,81,67,51,47,53,65,85,105,107,152,181,215,235,225,163,75,85,170,202,222,254,255,199,49,14,12,17,65,170,202,202,204,199,194,183,183,199,196,189,186,189,189,194,194,189,183,183,186,181,173,163,157,155,155,152,111,95,93,93,101,113,165,173,165,157,155,173,194,194,183,173,178,186,189,189,183,178,173,168,168,173,176,183,178,170,119,113,107,101,98,98,103,123,176,173,165,165,125,170,170,170,125,123,123,123,125,165,165,123,122,125,173,194,196,196,194,194,186,168,168,191,196,191,189,189,183,176,165,163,111,97,91,89,89,89,89,103,176,191,191,191,199,209,212,202,194,202,217,228,217,209,202,189,176,133,133,121,113,107,113,111,121,189,212,233,233,225,222,225,233,235,246,248,251,255,255,248,233,212,199,183,176,127,109,103,91,83,77,75,75,75,75,63,55,53,45,45,53,53,53,43,35,31,29,27,31,35,37,43,43,43,51,61,61,61,51,33,13,7,7,8,11,19,37,57,69,77,73,61,37,25,15,11,7,11,19,25,31,25,15,14,25,47,55,59,59,53,47,47,59,79,137,176,207,235,243,254,238,215,183,160,147,147 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,137,142,142,137,137,139,142,142,144,150,150,147,144,99,97,103,107,107,107,105,103,111,107,101,147,173,152,209,207,199,198,204,207,202,195,195,202,134,0,0,0,0,0,0,63,163,191,186,181,176,163,152,152,157,155,155,157,155,152,157,163,157,157,163,168,168,168,168,163,119,117,119,165,173,176,173,170,165,121,160,160,113,99,98,100,107,119,160,119,117,117,116,116,119,121,119,114,113,117,165,165,160,117,115,117,121,163,165,170,178,181,181,178,170,121,113,109,107,107,115,165,170,170,168,123,117,112,113,117,115,110,110,113,113,113,115,115,115,117,121,123,117,113,113,113,112,111,113,119,121,121,121,121,168,181,194,202,207,207,204,199,196,196,199,207,209,199,186,129,109,104,107,123,181,194,202,202,199,199,196,191,178,131,129,129,131,133,137,183,139,137,183,194,204,209,209,207,207,212,215,215,212,204,199,191,191,191,191,191,191,191,189,186,183,183,183,186,186,186,189,189,189,189,189,194,202,207,209,207,207,209,209,202,191,191,196,199,191,186,189,191,189,186,186,141,141,143,191,199,202,196,199,207,212,204,129,110,110,143,215,215,189,143,207,212,212,207,202,204,202,196,191,139,133,143,215,230,235,235,235,233,235,233,225,215,204,209,212,145,143,199,207,209,215,222,225,230,230,230,228,222,209,205,212,222,225,222,220,221,225,225,217,215,217,225,228,228,228,225,222,220,222,215,204,196,204,207,191,125,125,186,202,238,241,235,212,202,196,109,75,95,125,196,215,228,230,233,233,230,222,145,135,135,121,118,137,209,189,51,7,6,25,59,131,202,212,202,186,196,194,137,119,99,117,127,123,55,57,95,199,209,217,207,137,130,124,121,124,137,209,228,233,235,238,243,248,241,233,230,228,225,225,228,230,233,228,215,204,202,202,194,189,187,194,215,222,199,189,194,199,196,189,189,191,191,199,204,199,202,215,225,225,225,230,230,229,229,230,233,233,235,238,238,233,233,233,217,199,196,202,207,215,217,222,212,199,207,209,91,46,53,117,194,204,207,202,196,196,199,199,199,202,202,196,191,191,199,209,215,222,230,233,233,225,209,189,183,183,181,129,109,109,129,191,105,113,233,44,51,127,178,199,235,233,207,181,84,47,43,97,176,181,181,181,183,186,178,129,191,222,209,183,181,191,202,222,225,207,121,116,131,176,176,196,220,230,124,125,129,129,124,129,178,178,178,178,181,183,196,207,209,212,217,230,233,233,235,225,199,131,69,97,111,119,113,46,39,30,61,83,17,0,0,0,0,209,207,103,68,65,111,176,183,186,183,186,191,189,183,183,183,186,189,189,186,141,137,141,212,230,233,228,225,228,228,228,230,230,230,230,230,233,238,238,235,233,228,225,225,225,217,115,112,133,204,209,207,199,144,191,202,204,204,204,202,194,189,194,207,212,207,200,204,215,222,215,207,200,200,202,204,207,207,207,202,199,202,207,207,204,207,225,233,233,230,235,233,217,202,211,228,235,233,217,127,114,125,191,199,192,194,204,217,230,233,225,215,209,209,215,228,230,233,235,235,233,230,230,233,235,235,228,225,228,225,209,204,209,212,212,212,217,228,235,238,233,222,207,204,209,207,207,212,217,228,230,233,230,230,233,230,222,204,199,204,215,228,225,207,196,195,198,204,199,192,195,199,196,195,202,209,207,194,141,141,147,196,204,215,225,228,228,230,233,235,235,233,233,233,235,238,235,230,225,225,230,235,235,233,230,228,228,230,233,233,235,235,233,233,228,226,228,228,228,228,228,228,230,228,228,228,235,241,241,238,235,233,230,230,233,235,235,230,228,226,226,228,228,228,228,230,235,235,235,238,241,241,241,238,238,238,238,235,233,231,231,235,238,238,241,241,238,238,238,238,238,238,238,243,243,246,243,243,248,251,131,19,0,3,45,202,235,248,246,238,230,217,215,217,222,228,235,238,235,228,225,225,228,228,225,225,230,233,235,230,222,218,218,222,222,215,212,217,230,235,235,230,230,233,238,241,241,241,233,212,157,157,207,228,238,243,243,243,243,243,238,233,230,225,222,222,215,212,212,217,215,209,212,220,228,233,233,228,222,217,217,220,222,222,222,225,233,241,241,241,243,243,241,241,243,243,246,246,243,243,238,222,88,82,89,131,228,238,238,235,235,235,235,235,235,235,235,233,230,233,230,230,230,230,225,228,228,228,228,228,230,233,230,225,222,222,222,222,222,217,212,211,212,209,209,212,209,207,212,222,222,217,215,217,222,222,222,217,217,217,217,217,222,222,225,222,215,213,213,217,225,228,225,222,222,222,222,222,222,222,222,217,217,217,222,222,222,222,222,222,225,225,225,225,228,228,228,228,228,228,225,225,225,222,220,215,215,215,217,217,217,215,215,215,215,217,217,217,217,220,220,220,220,222,222,225,225,225,225,225,222,222,217,217,217,220,222,225,225,225,222,217,215,212,209,208,209,215,222,225,225,225,222,222,225,222,217,217,217,217,215,212,212,215,222,225,228,228,228,228,228,228,228,228,228,228,228,222,217,217,222,225,225,222,217,217,215,215,217,217,217,222,225,228,228,230,233,233,235,235,238,238,241,241,241,241,243,243,243,241,238,235,233,228,225,222,217,215,212,207,204,202,202,202,204,207,207,204,202,199,199,196,196,196,196,199,202,207,207,207,204,204,202,196,191,191,191,191,191,191,191,144,145,196,207,215,217,225,230,233,238,241,241,241,241,241,241,243,243,243,243,246,248,248,243,235,225,217,216,217,225,228,222,209,207,212,215,212,207,204,155,152,150,153,217,228,230,230,228,225,233,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,0,0,255,255,255,255,251,230,220,212,209,202,199,191,183,173,129,173,183,194,209,217,217,212,209,209,217,228,228,228,228,220,212,194,178,157,111,109,103,101,97,95,91,89,83,77,77,83,85,95,101,101,101,101,97,91,89,93,99,113,160,170,170,170,168,160,113,121,123,170,183,194,217,246,255,255,255,255,235,228,228,220,212,196,181,127,115,109,97,83,91,97,97,91,93,99,99,99,99,93,91,93,129,131,129,129,137,137,121,75,73,105,113,113,113,105,73,57,45,51,67,57,33,15,10,21,33,45,45,43,37,31,19,13,7,7,7,5,1,0,0,0,0,0,0,1,5,11,19,17,11,0,0,0,0,0,0,0,9,17,3,0,0,0,0,0,0,0,9,59,98,111,0,0,0,0,0,0,0,0,0,173,155,150,147,139,129,121,137,0,0,0,0,0,0,0,0,0,0,0,0,144,118,95,72,52,56,90,100,90,0,0,69,53,40,40,48,56,48,40,27,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,95,116,105,105,147,170,150,124,98,66,39,31,25,29,35,35,27,19,21,31,72,113,87,0,0,0,0,0,0,0,0,21,79,105,72,43,37,29,17,0,0,0,0,0,0,0,0,13,29,0,0,0,31,178,220,207,187,189,189,181,181,191,207,215,209,207,196,189,189,196,209,212,212,199,196,196,196,189,183,115,60,31,251,255,255,255,255,255,255,255,255,255,255,255,254,255,251,183,29,0,0,0,0,0,0,0,0,0,0,0,0,0,17,113,65,57,63,71,77,81,126,139,139,144,152,160,178,186,186,170,163,173,176,176,173,173,176,181,181,173,147,75,49,47,69,89,63,47,41,61,87,99,97,95,142,173,181,186,189,194,194,196,196,181,113,104,105,113,121,115,115,115,109,109,163,186,183,163,163,163,163,163,163,173,178,183,191,196,199,207,207,199,181,99,37,27,33,41,79,75,55,71,142,170,186,204,212,178,65,30,33,41,43,53,73,101,155,107,97,103,152,176,189,155,95,157,194,181,87,58,55,63,75,83,81,79,69,51,43,51,77,105,173,186,199,228,255,215,99,81,107,186,207,222,254,255,230,93,14,11,14,41,101,170,176,178,183,183,181,183,207,207,194,189,189,194,199,199,191,189,186,186,181,168,157,157,163,160,160,152,111,111,111,115,157,165,173,165,155,113,160,176,186,176,165,173,181,189,189,189,178,170,163,123,168,176,176,170,121,107,99,99,105,101,101,109,125,176,173,168,165,125,125,165,165,123,123,121,120,125,170,173,127,125,125,170,186,194,189,189,191,186,170,181,189,191,191,189,189,183,176,123,119,109,97,91,91,89,86,86,103,163,191,191,186,194,209,209,209,202,209,217,228,217,215,204,189,131,121,121,115,109,101,95,93,105,129,196,215,222,215,215,215,222,225,235,243,248,248,248,243,230,212,194,183,176,127,109,103,91,83,77,75,75,83,83,73,63,55,53,47,53,55,55,43,37,31,27,31,35,43,53,61,61,61,67,95,95,67,59,41,21,8,11,15,19,33,49,69,83,83,79,63,39,25,19,11,7,7,11,19,27,27,19,12,15,33,47,55,59,57,51,47,57,79,137,176,212,235,255,255,243,225,196,170,170,170 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,150,157,157,144,144,147,147,144,147,152,152,150,150,93,91,97,103,105,103,102,111,163,103,44,49,103,93,217,207,199,204,212,209,204,202,202,212,124,0,0,0,0,0,47,181,191,196,194,186,183,170,147,150,155,152,152,152,150,111,113,152,157,163,168,165,160,160,165,165,157,118,119,165,176,181,181,176,170,165,168,163,111,105,113,109,105,105,113,121,165,163,117,117,121,160,119,113,112,115,160,163,119,114,112,113,114,119,160,165,173,178,176,170,168,163,119,113,111,113,121,168,173,170,165,121,113,110,111,117,117,111,110,111,113,115,119,121,119,115,117,121,119,115,115,115,113,113,115,117,119,121,121,125,165,170,178,189,199,204,207,202,196,196,199,204,207,204,194,181,121,108,111,127,189,204,209,212,215,215,209,199,183,133,131,129,128,131,137,181,137,136,183,191,202,209,209,204,202,204,209,215,212,202,194,190,191,194,191,189,189,189,189,183,183,186,189,191,194,199,199,194,191,191,191,191,194,199,202,202,202,202,196,189,187,191,202,202,194,191,196,196,191,189,189,189,189,196,204,215,215,209,204,207,204,191,131,125,141,209,215,212,143,191,209,209,207,212,212,209,202,191,189,143,143,207,225,233,235,233,233,233,235,235,228,215,209,209,202,139,142,207,209,209,215,225,228,228,225,222,217,212,207,209,220,230,233,230,225,222,222,222,217,212,212,217,222,222,225,222,218,222,225,222,209,204,215,222,217,209,207,196,186,141,127,121,45,17,12,7,12,75,113,202,228,235,233,230,230,230,233,225,217,209,115,111,194,202,141,105,79,33,0,0,45,191,202,185,177,186,194,189,186,135,181,199,228,222,194,183,191,199,212,212,194,133,124,120,123,131,191,207,225,235,235,238,243,233,228,225,225,228,228,230,230,230,222,199,191,204,212,207,196,190,199,222,222,196,187,191,196,194,191,194,196,191,199,207,204,207,215,220,217,222,228,230,229,230,233,233,233,233,235,235,235,235,233,212,194,194,202,212,220,225,230,233,225,222,222,191,131,91,119,186,194,196,196,199,202,207,204,202,199,199,194,189,186,189,194,202,209,217,222,215,207,199,186,189,196,202,194,127,123,186,225,233,246,255,71,115,186,183,202,233,217,191,133,82,50,54,129,189,186,186,186,183,186,183,125,129,207,196,178,181,186,131,191,196,127,113,114,183,191,191,196,212,225,121,124,126,126,129,183,189,183,178,181,183,191,207,217,222,222,225,228,233,233,235,233,215,181,66,77,105,127,119,57,85,115,220,204,51,0,0,0,21,49,107,111,73,76,119,119,123,181,199,212,212,199,191,189,186,186,189,186,186,143,141,194,215,230,233,228,225,228,233,233,233,230,230,230,230,233,235,235,235,235,230,228,228,225,209,113,114,204,215,212,204,191,144,191,202,204,202,202,202,202,204,209,217,220,212,202,204,212,217,215,209,202,199,200,202,204,204,209,215,209,207,207,207,202,209,228,235,233,229,233,235,228,209,212,222,222,212,212,204,127,131,145,194,191,192,202,215,228,230,217,209,207,209,217,228,230,233,233,235,233,233,230,230,228,228,225,222,217,202,147,199,207,212,215,215,222,230,233,233,228,217,209,209,209,209,209,212,217,225,230,230,230,230,235,233,225,212,209,212,225,230,225,209,196,198,204,212,209,202,199,199,196,195,199,209,209,199,143,140,141,207,217,228,228,225,225,228,233,235,235,233,233,233,235,238,233,225,224,225,230,235,238,235,230,230,230,233,233,235,235,235,235,233,228,225,226,228,228,225,217,217,225,230,230,230,235,241,243,241,238,235,233,233,233,235,235,230,228,226,226,228,228,228,228,230,235,235,235,238,241,241,241,238,238,238,238,238,235,233,231,235,238,241,241,241,241,238,238,238,238,238,238,243,246,246,243,243,248,251,141,35,25,55,93,204,233,246,243,235,217,204,207,215,225,233,241,243,238,230,225,225,228,228,225,225,228,233,233,230,225,220,220,222,222,217,213,215,225,233,235,233,233,233,238,241,238,233,215,152,152,157,225,238,243,246,243,243,246,243,235,228,225,222,217,222,217,215,217,212,207,202,204,215,225,230,230,228,222,217,215,217,217,217,217,225,235,241,243,243,243,243,243,243,243,243,246,246,243,246,241,212,78,78,89,149,235,241,238,238,235,235,235,235,235,235,235,230,228,228,230,230,230,230,225,225,225,228,230,233,233,233,228,222,222,225,225,225,222,217,215,215,212,212,212,212,202,149,151,212,215,212,212,217,222,222,222,222,220,220,217,220,222,222,225,222,217,215,215,222,225,225,225,222,222,222,222,225,225,225,222,217,215,217,222,222,222,222,222,222,225,225,225,225,228,228,228,228,228,228,225,225,225,222,220,215,213,215,217,217,220,217,217,217,217,217,217,217,220,220,220,220,220,222,222,222,225,225,225,225,222,220,217,217,217,220,222,225,225,222,220,217,215,212,209,208,209,215,220,225,228,225,225,225,222,222,222,222,217,215,212,212,215,220,225,228,228,228,228,228,228,228,228,228,228,228,228,225,217,216,217,225,222,217,215,212,215,217,222,222,222,217,217,222,228,230,230,233,233,235,238,238,238,241,241,241,241,243,241,241,238,235,233,230,225,225,222,217,215,209,207,204,202,204,204,207,207,207,204,202,199,199,199,199,199,199,204,207,209,207,207,207,204,199,191,189,189,189,145,145,145,144,144,194,207,212,217,222,230,233,238,241,241,243,243,241,243,246,246,246,246,246,248,251,248,241,230,222,217,217,225,235,235,225,212,212,215,209,204,207,207,153,149,150,209,222,230,235,230,228,233,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,255,255,255,0,0,0,0,255,255,0,0,0,0,255,255,255,254,233,220,212,204,202,204,199,191,183,173,127,127,173,191,202,209,209,209,209,217,228,230,230,230,233,228,212,191,173,157,152,111,109,103,101,97,91,85,85,85,91,97,103,142,142,103,101,97,91,87,91,103,157,168,181,186,189,189,181,176,176,183,181,183,191,217,235,255,255,255,255,246,235,230,235,230,212,194,183,183,165,115,103,103,111,111,103,97,93,93,93,89,87,87,91,129,129,85,79,111,118,111,75,73,105,113,105,105,113,98,57,39,43,49,45,31,11,7,11,25,37,45,49,45,37,25,13,3,3,3,1,1,0,0,0,0,1,11,11,11,19,25,21,11,0,0,0,0,0,0,0,0,3,0,0,0,0,3,17,19,25,56,87,98,98,98,108,0,0,0,0,0,0,0,0,0,191,178,157,150,0,150,0,0,0,0,0,0,0,0,0,0,0,0,0,124,98,72,52,55,90,0,0,0,0,82,66,46,38,40,40,40,30,22,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,19,74,129,144,139,131,147,157,139,116,92,45,33,25,13,5,5,7,5,5,13,33,82,113,64,0,0,0,0,0,0,0,0,27,79,105,79,49,37,37,43,43,9,0,0,0,17,0,0,0,0,7,0,0,0,0,178,204,202,204,204,204,204,204,215,215,215,209,194,191,199,212,217,217,212,196,199,212,196,189,189,183,115,95,235,255,255,255,255,255,255,255,255,255,255,255,238,255,255,255,137,0,0,0,0,0,0,0,0,0,0,0,0,25,90,147,65,51,51,51,55,63,83,126,139,160,160,165,173,183,176,153,148,152,160,165,160,155,155,160,157,93,61,46,43,47,53,45,29,28,39,67,93,101,101,101,142,165,178,183,186,186,189,194,196,170,105,102,105,160,160,160,160,123,115,115,176,194,194,181,173,173,163,163,163,173,181,183,191,191,191,199,207,207,196,157,35,24,29,41,61,41,33,67,168,189,194,204,209,178,53,26,24,28,32,41,61,77,73,65,75,109,168,181,186,99,84,109,199,191,93,61,58,66,75,75,69,75,67,41,33,41,73,107,191,207,207,233,248,181,83,91,170,196,207,222,254,255,255,183,27,15,19,41,89,113,113,113,168,181,170,173,199,207,196,191,186,194,196,196,191,183,183,183,173,165,120,120,163,165,165,163,163,168,165,165,165,165,173,170,155,112,117,168,176,168,160,165,181,189,189,189,178,170,119,117,123,168,165,121,107,97,97,101,111,111,111,119,168,178,173,170,165,123,125,165,170,168,125,123,120,127,176,178,173,125,125,165,186,189,186,183,183,186,183,181,183,183,186,189,194,189,178,123,117,107,97,93,97,89,86,84,97,123,183,183,183,191,199,209,212,209,209,217,228,225,217,202,189,131,113,113,113,107,97,85,82,91,111,141,207,215,215,215,215,215,225,235,241,248,251,251,248,233,220,204,191,176,117,105,95,89,77,69,69,69,75,75,67,55,45,39,39,39,45,43,37,31,27,23,25,33,43,57,65,67,95,95,103,103,71,65,59,35,25,25,25,33,47,65,111,126,126,113,69,49,33,25,15,6,5,6,11,21,31,21,12,12,21,37,49,59,57,53,53,63,79,101,170,207,235,255,255,255,225,204,189,178,178 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,155,168,165,150,147,147,150,150,155,163,165,163,152,95,95,105,101,101,107,147,173,186,99,19,14,39,44,212,207,202,204,209,207,209,209,207,199,0,0,0,0,0,5,183,189,191,196,196,196,194,170,135,139,147,150,150,152,147,107,106,107,115,160,163,155,113,115,160,165,163,157,157,168,178,183,186,181,173,165,165,160,109,109,119,119,109,107,117,170,181,176,160,121,160,160,119,114,113,117,160,160,119,115,113,113,114,117,121,165,173,173,170,165,163,163,121,113,117,160,160,163,168,168,160,119,113,111,115,163,160,115,111,111,111,115,121,165,163,119,115,119,119,117,117,115,115,115,117,117,117,117,119,123,165,168,170,176,183,194,202,202,199,196,196,202,207,207,202,191,131,121,129,191,209,217,217,222,225,225,217,212,199,186,135,129,127,129,135,181,137,137,183,189,194,202,207,204,202,196,202,212,209,199,191,191,194,194,191,186,186,186,183,139,139,186,189,191,196,204,204,199,196,196,194,191,191,191,191,194,194,194,191,187,187,196,207,209,202,199,199,199,194,194,194,194,194,199,204,212,212,207,204,204,207,199,143,194,220,217,204,143,136,194,212,209,207,209,207,207,204,194,189,143,189,212,225,230,233,233,233,233,235,235,230,220,212,207,141,136,194,220,215,212,217,225,225,222,212,209,209,207,207,215,228,233,233,228,222,217,217,217,215,212,209,212,217,222,222,222,218,222,225,222,215,217,228,230,228,222,220,194,115,27,23,26,13,0,0,13,123,143,204,225,233,235,233,230,230,230,235,233,233,235,120,110,129,131,111,107,222,230,43,26,103,204,212,194,183,189,191,189,186,189,199,222,246,254,235,217,209,209,222,225,220,217,212,207,207,189,137,98,105,225,230,220,196,145,145,194,204,215,222,222,225,222,204,132,132,204,222,222,207,199,207,225,217,189,185,189,194,187,187,191,194,189,194,207,207,204,204,204,207,212,222,230,233,235,235,233,230,228,228,230,235,235,233,215,196,196,207,212,217,222,225,228,225,220,207,135,129,90,101,131,186,189,196,204,212,212,207,199,191,186,183,139,139,139,139,186,189,186,133,129,135,137,137,183,196,209,207,186,181,212,228,235,241,241,212,196,183,131,133,207,191,83,75,81,113,131,212,217,204,194,191,186,181,133,120,125,183,178,131,129,117,113,112,102,105,116,186,209,209,207,191,183,133,121,127,135,135,183,191,196,194,191,189,196,209,217,225,225,222,222,225,228,230,235,238,235,215,80,87,183,225,209,181,181,178,191,181,95,27,53,69,123,0,93,109,82,99,125,107,109,191,217,230,233,225,209,196,183,139,186,189,189,191,191,196,212,228,230,228,228,230,233,233,233,233,230,233,233,233,233,235,238,238,235,233,233,228,207,133,139,212,217,212,202,145,143,191,196,196,196,196,202,209,222,225,225,228,222,207,202,202,207,212,215,209,202,200,202,204,204,217,228,222,212,209,202,199,207,225,233,233,230,233,238,235,222,215,215,207,199,209,220,196,141,147,196,194,199,207,212,222,222,209,202,202,204,217,230,233,233,235,235,235,233,230,228,225,217,215,202,124,118,129,194,209,215,217,222,225,230,228,222,212,209,209,205,205,207,209,212,217,228,230,230,229,230,235,235,230,222,217,222,228,233,228,217,209,207,209,209,212,209,209,207,198,198,199,204,207,204,196,191,147,204,222,230,230,225,224,225,230,235,235,233,233,233,235,235,233,225,224,225,230,235,235,235,230,228,228,230,233,233,233,233,233,233,230,228,228,228,228,220,211,211,225,233,235,235,238,241,243,241,238,235,233,233,233,233,235,233,230,230,228,230,228,228,228,230,235,235,235,238,241,241,241,238,238,238,238,238,238,233,233,235,238,241,241,241,241,238,238,238,238,238,238,243,246,246,243,243,243,246,151,93,107,139,204,222,235,241,238,225,196,194,203,217,230,238,243,246,243,233,225,225,228,228,228,228,230,235,235,233,230,228,221,220,222,222,215,213,217,228,233,235,235,235,238,238,235,228,212,153,154,217,235,241,246,243,243,243,243,235,225,217,217,217,215,209,209,212,215,209,202,199,202,212,225,228,225,222,215,212,212,215,217,222,222,225,233,241,243,243,243,246,243,243,241,243,243,243,243,246,243,217,81,85,141,225,241,243,238,238,235,235,235,235,235,235,235,230,225,228,230,228,228,228,225,224,225,228,230,233,235,230,225,220,220,225,228,228,225,220,217,217,215,212,212,209,151,144,145,202,209,209,215,217,222,222,220,222,222,222,222,222,222,222,222,222,217,215,217,225,228,228,225,222,222,222,225,225,225,225,222,212,212,215,217,222,225,225,225,225,225,225,225,225,228,228,228,228,228,228,225,225,225,222,220,215,215,215,217,217,222,222,222,222,220,220,220,220,220,220,220,220,220,220,222,222,222,222,222,222,222,220,217,217,217,217,222,225,225,222,220,217,217,215,212,209,212,215,220,225,225,228,228,225,222,222,222,222,217,212,212,215,220,225,228,228,228,228,228,228,228,228,228,228,228,228,228,225,217,216,217,222,215,212,212,211,215,222,225,228,222,217,216,217,225,230,230,230,233,235,238,238,238,238,241,241,241,241,241,241,238,235,233,230,228,225,225,222,217,212,207,204,204,204,207,207,209,207,207,204,202,202,199,199,199,202,204,207,209,209,207,209,207,202,194,189,191,191,191,145,145,144,144,147,202,209,212,217,228,233,235,238,241,243,243,243,243,246,246,246,243,241,243,248,251,246,235,228,217,217,225,238,238,228,215,212,212,209,209,212,212,204,153,152,153,215,233,241,235,230,233,248,255,255,255,255,255,255,255,255,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,254,230,217,212,204,199,204,204,199,186,173,125,121,121,178,191,199,204,209,209,217,220,220,212,209,217,228,220,199,178,168,163,157,152,109,103,97,95,91,91,95,101,109,144,144,109,103,97,91,87,87,91,109,168,186,196,204,207,207,196,189,189,199,191,191,196,217,233,243,255,255,255,255,255,255,255,255,230,209,202,202,194,183,173,165,165,165,152,103,91,82,85,85,83,81,87,0,0,0,65,65,73,75,73,73,105,105,105,105,113,118,95,45,37,39,39,31,21,11,11,15,25,37,49,77,49,25,11,1,0,0,1,1,0,0,0,0,19,31,31,25,25,31,23,11,0,0,0,0,0,0,0,0,0,0,0,0,9,31,0,0,87,105,113,108,98,98,105,121,0,0,0,0,0,0,0,0,0,0,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,105,79,52,56,100,0,0,0,0,90,69,48,38,30,30,27,27,17,1,0,0,0,0,0,0,0,0,0,0,0,14,85,66,0,0,0,0,0,0,0,0,0,11,53,77,92,113,137,144,131,121,121,131,121,116,98,43,29,15,0,0,0,0,0,0,5,33,72,82,29,0,0,0,0,0,0,0,0,21,66,92,92,72,43,43,55,108,82,15,0,5,17,0,0,0,0,0,7,0,0,0,0,163,199,212,222,222,215,212,215,213,217,215,207,196,209,217,225,228,220,212,212,212,196,189,183,189,135,135,225,255,255,255,255,255,255,255,255,255,255,248,230,243,255,255,155,0,0,0,0,0,0,0,0,0,0,0,0,47,155,170,100,57,51,51,55,61,75,89,150,163,163,160,170,178,176,163,151,153,155,155,144,101,101,97,89,63,46,47,55,59,47,28,23,27,49,73,87,95,99,105,142,165,176,183,178,178,183,194,191,168,105,102,113,170,170,165,163,163,115,115,173,194,194,181,181,181,176,173,176,183,191,191,191,186,186,191,199,207,199,160,37,23,24,35,37,29,31,91,176,186,189,196,202,178,83,33,27,32,41,53,77,69,41,37,59,173,194,194,181,90,75,93,160,160,93,69,71,87,81,57,47,51,45,29,27,37,73,150,191,212,217,228,207,93,79,105,186,202,202,212,243,255,255,209,59,29,29,55,85,95,95,97,121,170,122,120,178,196,196,189,183,186,194,194,183,183,183,183,173,165,120,120,163,165,165,163,168,176,176,168,165,165,173,170,163,113,113,163,170,160,117,157,173,183,189,189,178,170,117,109,109,115,115,107,97,95,99,111,121,123,123,168,176,178,183,173,165,125,125,170,178,178,173,125,123,127,178,189,178,168,125,170,186,186,178,178,183,183,170,168,165,168,178,186,194,189,178,123,115,107,99,103,105,97,86,84,89,115,178,178,176,181,194,204,209,212,209,217,217,217,209,196,183,131,113,109,107,107,93,83,79,85,107,137,202,215,215,215,215,217,225,235,248,251,255,255,255,248,233,217,199,176,115,103,91,85,75,69,69,69,69,69,59,45,35,29,25,27,29,29,27,21,19,15,19,25,37,51,61,92,105,103,108,103,71,71,71,59,49,47,39,49,59,79,126,134,134,121,77,63,49,39,25,11,6,6,11,21,33,27,13,11,15,33,55,59,61,61,63,73,85,99,168,199,225,243,255,254,225,215,199,196,194 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,152,163,163,155,152,152,155,160,165,168,170,165,157,155,173,160,88,90,150,157,165,173,152,41,30,43,47,222,212,207,207,204,204,215,222,204,147,0,0,57,142,186,196,186,189,191,191,196,204,199,165,138,138,147,150,152,157,152,107,105,106,113,157,155,111,104,107,117,163,165,160,163,170,181,189,191,186,173,160,160,160,117,115,160,160,119,160,170,181,186,181,168,160,160,121,115,113,114,119,160,163,160,119,117,117,117,119,121,165,170,170,165,160,160,160,121,121,165,168,159,159,163,165,163,160,121,119,160,168,163,115,111,110,111,115,121,168,170,160,117,117,119,119,117,117,115,115,117,119,115,113,115,121,165,168,168,168,173,181,189,196,196,196,199,204,209,209,204,189,123,121,183,207,222,228,228,228,228,228,225,222,215,202,186,135,133,137,181,137,136,136,139,183,183,191,204,215,212,196,194,207,204,191,190,194,196,196,189,186,189,189,183,138,139,183,186,189,194,202,202,196,194,194,194,196,196,194,191,191,189,189,187,187,191,204,212,212,207,199,196,196,199,204,207,202,196,194,194,196,199,199,199,207,222,217,207,202,196,137,134,136,137,191,202,204,207,209,204,203,204,196,141,135,135,207,225,228,230,233,235,233,233,233,228,222,217,204,139,137,202,217,215,212,215,217,217,212,207,205,205,207,212,222,228,228,217,209,208,212,217,217,215,209,207,209,215,220,222,222,222,222,222,217,215,217,225,230,225,207,129,73,31,27,24,25,41,69,93,143,251,228,225,230,233,233,233,230,228,228,230,230,233,233,141,121,129,121,111,117,222,235,199,139,209,222,222,202,186,186,186,183,183,191,207,228,235,241,238,235,230,228,228,228,228,228,225,220,222,225,204,98,99,104,107,125,125,127,129,135,141,145,194,196,202,212,199,130,129,145,212,215,209,202,207,222,212,189,186,191,194,189,187,189,189,139,131,127,139,191,191,141,137,191,212,225,228,230,233,233,230,222,217,225,230,230,230,215,202,204,212,217,222,222,215,209,209,209,194,121,111,87,90,125,186,189,194,204,209,212,204,194,141,138,138,138,139,139,139,137,135,125,116,115,121,127,129,135,186,196,202,194,196,222,230,238,238,228,230,207,183,127,126,129,103,70,71,90,186,207,228,233,217,202,194,191,186,186,133,186,194,183,178,125,107,112,112,104,106,125,196,215,215,207,186,176,131,129,133,178,135,181,186,191,196,196,194,202,215,222,225,225,222,222,225,228,230,233,238,241,233,131,127,225,238,235,204,186,183,189,186,173,105,186,176,170,5,99,99,93,109,119,94,107,209,225,233,235,238,228,204,137,135,139,189,191,194,194,194,202,215,228,230,230,230,230,230,230,233,233,233,233,233,235,235,238,238,235,235,233,228,207,196,199,209,212,209,199,145,143,144,144,144,144,194,202,215,225,230,233,235,233,217,204,199,202,212,222,217,207,200,200,202,207,225,233,225,212,204,199,196,202,217,230,230,230,235,238,235,225,212,207,199,196,209,222,209,194,196,202,204,209,215,217,222,225,212,204,200,200,207,225,230,233,233,235,235,235,235,230,228,222,212,139,114,114,133,209,217,222,222,225,228,230,225,215,208,209,209,205,204,209,212,212,212,225,230,230,229,230,233,235,233,228,222,222,225,225,225,222,217,217,212,208,208,215,217,217,212,207,204,204,207,207,204,202,196,194,209,225,228,225,224,225,230,235,235,233,233,233,235,238,235,228,225,228,230,233,233,233,230,225,225,225,228,230,230,230,230,233,233,233,230,230,228,215,208,209,222,235,238,238,238,238,238,238,238,235,233,233,233,233,233,235,235,233,230,233,230,230,228,233,235,235,235,238,241,241,241,241,238,238,238,241,241,235,233,235,241,241,243,243,241,241,241,238,238,238,238,243,246,246,243,243,243,241,207,143,209,228,238,241,238,235,233,215,192,191,207,225,235,241,246,246,243,235,228,225,228,228,230,230,233,238,241,241,241,233,222,220,222,222,215,212,215,225,233,238,238,238,238,235,233,230,228,215,215,230,241,243,243,243,241,238,235,222,207,209,212,215,209,200,200,208,212,207,200,200,204,217,225,222,215,207,204,204,209,215,217,222,222,225,230,238,241,243,246,246,243,243,241,241,243,243,243,246,243,204,86,105,217,233,241,241,238,238,235,235,235,235,235,235,235,233,225,225,230,230,228,228,225,224,224,225,230,233,233,228,222,218,220,225,228,228,225,222,220,217,215,212,215,212,151,144,145,151,207,212,217,222,222,220,220,222,225,225,225,225,222,217,217,215,213,215,222,228,230,230,225,222,222,222,222,225,225,225,222,212,211,212,217,222,225,225,225,225,225,225,225,225,228,228,228,228,228,228,225,225,225,225,222,217,215,215,217,217,222,222,222,222,222,222,222,222,220,220,220,220,220,220,220,220,222,220,220,220,220,220,217,217,217,215,215,217,217,220,220,220,220,217,217,215,215,217,220,222,225,225,225,225,225,225,225,222,215,212,215,217,225,228,228,228,228,228,228,228,228,228,228,228,228,228,228,222,217,217,222,217,211,209,211,212,215,222,225,225,222,216,216,217,228,230,230,230,230,233,235,238,238,238,238,238,241,241,241,241,238,235,233,230,230,228,225,225,220,215,209,207,204,204,207,209,209,209,209,207,204,202,199,199,199,202,204,209,209,209,209,209,212,207,199,194,196,199,196,194,191,145,145,147,196,202,204,212,222,230,235,238,241,243,246,246,246,246,243,243,239,238,238,246,251,248,238,228,217,215,220,230,230,225,215,212,209,209,209,215,212,209,207,155,153,209,235,243,238,233,235,248,255,255,255,255,255,255,255,255,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,238,220,212,209,199,199,202,202,194,183,170,123,120,120,123,178,191,199,202,209,212,217,212,199,183,191,209,209,194,178,170,165,160,152,109,101,97,93,93,97,99,107,144,144,109,103,97,91,89,87,87,97,155,178,196,215,225,225,225,215,196,189,189,189,191,199,217,233,246,255,255,255,255,255,255,255,255,230,212,220,220,209,194,194,183,183,183,176,144,91,85,85,85,83,77,81,0,0,0,0,63,65,65,65,65,73,95,69,98,121,139,118,85,43,37,33,31,25,21,9,9,11,25,39,66,49,25,7,0,0,0,1,1,0,0,0,1,31,59,59,35,31,31,23,11,0,0,0,0,0,0,0,0,0,0,0,5,23,64,90,98,108,124,134,131,113,98,105,121,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,79,56,69,0,0,0,0,0,87,69,48,27,20,20,25,25,20,1,0,0,0,0,0,0,0,0,0,0,0,3,69,48,0,0,0,0,0,0,0,0,3,29,85,108,121,129,129,118,92,47,74,85,105,113,105,43,29,15,0,0,0,0,0,0,0,19,39,35,23,15,5,0,0,0,0,0,0,27,51,92,92,77,49,53,95,116,113,57,29,13,5,0,0,0,0,0,11,11,0,0,0,0,142,215,230,233,233,222,215,215,215,217,209,196,195,209,212,217,217,212,212,212,212,209,189,135,131,135,225,251,255,255,255,255,255,255,255,255,255,243,226,229,255,255,194,0,0,0,0,0,0,0,0,0,0,0,0,33,181,173,92,51,51,51,59,71,77,87,144,163,163,163,173,186,183,170,163,163,165,165,144,97,91,81,69,63,57,61,61,51,31,24,24,33,67,87,87,87,93,101,142,160,176,183,176,170,178,189,186,168,111,113,160,178,181,178,176,163,113,105,115,176,181,173,173,181,183,183,183,191,196,199,191,186,181,183,189,199,199,168,47,24,24,24,19,23,41,155,170,178,186,194,194,186,144,75,65,83,71,71,91,69,29,25,43,152,194,202,181,93,84,91,101,103,87,75,81,99,81,41,31,29,25,22,25,37,73,157,199,217,215,212,173,87,89,176,196,199,198,202,230,255,255,230,95,57,55,77,91,89,83,89,113,125,118,110,123,189,189,182,181,183,191,189,183,178,178,178,178,168,121,157,163,160,160,160,163,170,176,165,157,155,163,170,165,117,111,155,163,117,109,107,157,163,170,173,170,119,107,97,91,97,105,101,97,98,113,125,170,173,178,176,176,181,183,178,168,121,121,165,178,191,178,168,125,170,178,189,173,168,127,170,186,186,178,178,183,170,125,121,119,123,168,186,194,194,178,123,115,111,107,111,111,103,86,84,89,117,176,176,173,181,191,199,202,209,209,209,209,209,202,183,173,131,119,109,107,107,101,87,80,85,111,141,212,222,225,222,215,225,230,243,251,255,255,255,255,255,248,233,212,183,115,103,95,95,89,83,79,75,73,69,59,45,29,21,15,15,17,15,13,9,9,11,13,21,29,41,53,92,103,113,111,103,71,71,71,65,65,65,59,59,71,118,134,144,139,129,87,77,71,65,39,25,11,11,15,27,39,33,15,12,15,33,59,65,63,63,69,77,85,99,160,191,0,243,255,243,225,215,204,204,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,69,0,0,0,66,150,150,150,163,165,163,160,163,165,165,163,160,155,165,178,144,60,72,157,165,160,165,168,152,77,67,63,230,225,215,212,207,207,217,217,137,47,0,55,131,147,191,199,189,189,194,194,199,202,181,142,139,147,155,152,150,155,155,111,106,107,115,157,117,105,101,103,111,160,165,165,170,181,189,194,194,186,168,121,121,163,160,121,163,160,121,165,173,176,181,181,170,160,121,117,113,112,115,160,165,168,165,160,121,119,121,160,163,168,170,170,165,160,160,121,121,163,170,168,160,159,165,168,168,170,168,165,165,165,121,111,110,110,110,111,117,165,173,168,160,119,121,121,119,119,117,115,115,115,113,111,115,123,165,168,168,165,168,173,176,183,189,194,202,212,215,209,199,170,109,110,194,209,222,228,230,230,230,228,228,228,225,212,196,189,194,199,191,181,135,135,137,139,183,191,209,230,230,202,192,199,194,186,189,194,199,194,186,186,191,191,186,139,139,183,183,186,189,196,199,190,189,189,194,199,202,199,196,191,189,189,187,191,199,209,215,212,209,204,195,195,202,209,212,209,199,192,192,196,199,199,202,209,228,230,225,207,133,127,132,199,202,199,196,202,212,215,209,204,204,196,139,132,132,202,225,230,230,233,233,233,230,230,225,222,217,204,142,142,196,204,209,209,212,212,209,207,205,205,207,212,215,222,225,220,209,205,207,215,217,217,215,209,202,204,212,222,222,222,225,222,209,202,202,212,212,189,93,37,10,8,10,71,49,45,111,233,241,241,235,233,228,228,228,230,230,230,228,225,226,228,228,222,199,143,141,125,131,194,209,212,202,199,202,209,207,191,183,182,183,182,183,191,207,225,228,233,235,238,235,233,230,226,226,228,225,222,225,233,233,189,111,91,80,117,131,135,139,145,191,145,191,194,202,215,215,145,133,137,189,199,202,199,202,207,204,194,194,199,199,199,202,199,194,186,119,109,118,143,191,134,117,120,194,207,207,209,217,225,222,209,202,209,217,217,217,212,202,204,215,225,228,222,209,199,194,199,194,131,125,135,139,204,212,196,194,196,202,202,196,191,183,139,139,183,183,186,183,186,186,129,117,116,121,126,129,137,181,186,189,191,202,225,235,235,233,225,225,209,204,189,176,133,117,97,111,125,189,209,230,230,209,191,181,186,196,209,215,222,222,215,212,202,117,121,129,117,116,129,186,202,204,194,186,186,176,176,127,125,123,127,133,183,191,194,194,204,220,225,225,222,225,225,225,228,228,233,235,235,230,176,125,217,230,225,196,181,194,209,220,209,176,123,110,113,61,99,95,90,101,103,84,107,207,225,233,235,235,233,212,137,134,137,186,191,196,199,194,194,207,225,230,230,228,228,228,230,233,233,233,233,233,235,238,238,238,233,230,230,225,207,202,199,204,209,209,199,191,145,144,143,143,144,194,204,215,225,233,235,235,233,225,209,200,204,217,228,222,207,199,199,200,202,215,225,217,207,200,199,199,202,212,225,230,233,233,233,228,217,207,199,198,199,212,222,215,202,204,209,215,222,222,215,222,228,225,212,202,195,196,207,217,228,230,230,233,235,235,235,230,225,215,194,131,135,217,230,228,225,225,228,230,233,228,217,209,212,215,209,207,215,217,204,196,202,217,230,233,230,230,233,233,228,215,202,196,199,207,212,215,217,212,208,209,217,225,225,228,225,215,209,207,207,207,204,199,192,202,217,225,225,228,230,233,235,235,233,233,233,235,238,235,230,228,230,230,230,230,230,228,222,222,222,225,228,228,228,228,230,233,235,233,230,225,212,208,211,228,235,238,238,238,238,235,235,233,233,233,233,230,230,233,235,233,233,233,233,233,233,230,233,235,235,235,238,241,241,241,243,241,238,238,241,243,241,238,238,241,243,243,243,243,241,241,241,238,238,238,243,243,246,243,246,246,238,212,207,222,235,246,246,235,228,225,215,200,199,222,235,241,243,243,246,243,238,230,225,225,225,228,230,235,243,246,246,243,235,225,228,230,222,213,212,215,222,230,238,241,241,235,230,230,233,235,230,228,235,243,246,243,241,238,235,228,207,153,155,207,215,212,190,192,209,212,204,200,202,209,225,228,222,207,145,144,149,204,212,217,217,217,217,228,235,238,241,243,246,246,243,241,241,241,241,241,243,241,149,91,125,230,235,238,241,238,235,235,235,235,235,235,235,235,230,217,217,225,230,233,233,228,224,224,225,228,233,233,225,220,220,222,225,228,230,228,225,222,222,217,217,222,217,202,147,148,199,209,220,225,222,221,221,222,222,222,225,225,225,225,222,217,213,213,215,225,230,233,230,225,221,220,222,222,225,225,225,222,212,212,215,222,225,225,225,225,222,225,225,225,225,228,228,228,228,228,228,225,225,225,222,222,217,217,217,217,217,222,222,222,225,225,222,222,222,220,220,218,220,220,220,220,220,217,217,217,217,217,220,222,220,217,215,212,212,212,215,217,222,222,222,217,217,217,217,222,222,225,225,225,225,225,225,225,217,212,212,215,222,225,225,228,228,228,228,228,228,228,228,228,228,228,228,225,222,217,217,222,215,209,208,212,217,222,222,222,222,217,216,216,222,228,233,230,228,228,230,235,235,238,238,238,238,241,241,241,238,238,235,233,233,230,228,228,225,222,215,212,207,204,204,207,209,209,212,209,209,207,202,202,202,202,202,204,209,209,209,209,212,212,209,202,199,202,207,204,196,194,194,147,194,196,196,199,204,215,228,233,235,238,243,248,248,246,243,243,243,241,238,238,243,248,248,241,228,217,215,215,215,215,217,217,215,209,208,212,215,212,209,212,209,207,217,238,243,238,233,235,251,255,255,255,255,255,255,255,255,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,225,212,202,199,194,194,199,199,191,183,170,165,160,121,121,170,186,199,202,209,212,217,209,191,178,170,183,186,183,176,170,170,160,152,107,99,93,93,93,97,101,107,107,103,101,95,91,87,87,87,87,101,168,196,215,225,238,241,235,225,207,189,181,181,183,191,207,228,246,255,255,255,255,255,255,255,255,220,209,220,220,209,202,194,194,176,176,176,152,103,99,99,93,79,71,71,79,85,0,0,73,65,53,49,59,63,61,61,67,113,131,121,98,49,33,27,27,27,21,9,4,6,13,31,39,37,19,3,0,0,0,1,1,1,0,0,5,25,59,59,37,37,31,23,11,0,0,0,3,5,3,0,0,0,0,3,3,11,37,82,98,105,124,139,139,116,98,100,116,139,170,0,0,0,0,0,0,0,0,0,0,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,69,0,0,0,0,0,0,79,53,38,20,9,12,20,22,20,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,23,17,29,79,108,121,126,118,87,33,7,1,15,43,108,116,87,37,23,3,0,0,0,0,0,0,0,0,7,15,17,15,1,0,0,0,0,0,25,47,79,53,47,49,79,100,105,95,82,49,19,0,0,0,0,0,0,7,27,0,0,0,0,7,178,217,241,243,241,233,220,215,222,217,207,194,194,196,217,220,217,212,211,220,238,228,139,130,135,225,251,255,255,255,0,255,255,255,255,255,238,229,235,255,255,220,61,0,0,0,0,0,0,0,0,0,0,0,19,181,176,63,48,49,57,71,83,83,89,142,157,168,168,176,181,173,152,147,155,170,173,155,101,87,81,75,69,69,69,61,45,28,26,31,59,85,97,93,87,93,99,107,155,176,183,176,163,176,186,181,170,168,170,173,181,186,183,181,163,107,100,103,115,163,115,163,173,181,183,191,191,199,199,191,183,178,173,186,199,199,178,79,33,33,25,7,21,59,144,163,178,186,186,186,186,163,97,85,89,59,41,65,43,17,17,27,63,152,181,183,168,152,109,109,109,93,69,69,81,69,39,24,20,20,22,33,57,99,186,212,217,215,204,157,99,173,204,204,202,198,207,230,255,255,243,189,105,99,105,101,81,76,82,103,127,118,113,127,189,186,179,181,186,194,194,189,183,183,183,181,173,163,121,119,160,119,117,117,168,168,160,113,111,155,170,170,113,105,111,111,105,91,87,87,97,107,107,105,97,85,75,72,81,99,107,107,109,125,178,183,189,186,186,181,181,183,178,168,119,119,125,178,191,178,168,168,176,178,178,173,168,170,173,186,186,186,186,183,168,117,112,112,117,165,186,196,194,178,160,117,113,115,117,119,111,89,84,89,109,163,173,125,173,183,189,199,202,202,202,202,202,191,131,127,131,131,113,107,107,107,93,85,91,117,194,222,233,235,225,217,222,230,243,255,255,255,255,255,255,255,241,220,194,168,109,109,109,101,99,89,83,73,69,63,47,29,15,7,5,3,3,1,1,1,3,5,11,17,23,41,65,103,111,103,71,69,65,63,59,65,65,65,65,111,126,137,144,139,134,121,116,118,85,69,49,25,19,27,39,59,51,25,14,15,37,63,65,65,69,69,77,85,97,157,0,0,0,255,241,225,215,207,204,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,126,69,0,0,0,51,131,126,126,163,170,168,163,157,155,155,157,155,152,160,168,93,56,83,194,186,178,176,173,163,85,67,61,225,225,222,217,212,207,212,189,23,0,35,126,137,157,189,186,183,186,199,204,202,196,137,75,93,157,163,152,107,109,150,111,107,107,152,160,117,105,101,102,107,157,165,170,176,186,196,199,194,176,163,157,121,160,121,121,160,121,117,119,121,163,170,173,165,121,119,117,115,114,119,165,170,168,165,160,121,160,163,163,165,168,168,168,163,163,123,123,123,163,165,165,165,168,170,173,173,173,168,165,163,160,115,110,110,111,110,110,113,163,173,173,165,163,160,121,121,119,117,113,111,109,108,109,117,163,168,165,165,168,170,170,170,170,176,183,194,207,204,196,183,117,104,108,204,212,222,228,233,233,228,225,225,222,217,209,199,202,209,212,202,186,137,137,183,186,189,202,222,235,233,204,192,194,194,186,190,196,199,194,186,186,191,194,186,139,139,183,183,186,189,196,196,191,189,190,191,196,199,199,196,194,194,189,189,194,202,209,212,215,222,217,207,202,204,204,207,207,199,194,196,204,209,207,204,209,222,228,233,225,135,131,209,228,233,217,202,207,222,222,215,212,207,196,186,137,137,207,225,230,228,228,230,233,230,228,225,217,215,199,143,143,143,143,199,207,209,209,207,207,207,209,212,215,217,222,222,217,209,208,209,217,222,222,217,209,199,199,209,225,217,215,217,209,133,113,107,95,59,0,0,0,0,27,111,107,105,99,196,235,241,241,233,233,228,222,222,222,225,228,228,226,226,228,228,222,212,199,189,191,194,196,194,192,207,212,207,191,183,183,183,183,183,181,181,191,202,215,225,233,233,233,233,233,230,228,228,230,228,225,225,225,230,212,199,95,86,194,209,212,225,235,233,222,215,222,228,230,235,225,191,132,131,141,196,196,196,199,196,196,204,209,209,209,215,212,209,209,126,111,124,207,222,143,109,110,141,194,186,186,196,207,207,191,139,143,199,199,204,202,194,202,215,228,228,217,207,196,190,192,196,191,199,235,230,230,228,202,194,194,194,191,191,189,186,186,186,186,186,189,191,204,217,217,183,127,129,129,135,186,186,183,186,191,204,228,233,230,233,241,228,215,215,217,186,181,194,186,129,129,194,209,225,215,178,126,117,120,202,222,230,233,230,228,230,233,212,186,183,127,125,133,181,186,189,189,194,199,176,131,112,117,120,125,129,178,186,191,196,212,230,230,228,225,225,228,228,230,230,233,235,233,222,113,99,194,207,194,181,179,209,225,233,230,217,123,106,196,189,103,93,74,77,97,77,111,199,225,238,235,230,230,212,183,135,137,141,191,202,207,199,194,202,217,228,230,228,225,228,230,233,230,230,230,233,235,235,235,235,230,225,217,212,202,199,198,199,207,207,199,199,199,196,191,191,194,199,204,212,217,228,230,228,222,217,209,204,207,217,228,225,209,202,202,202,198,202,212,209,202,199,202,207,204,207,215,225,230,228,225,217,209,202,198,198,202,209,217,217,212,215,217,222,225,217,208,209,228,228,217,204,195,195,202,209,217,225,225,228,233,235,235,230,217,209,202,202,215,230,235,230,228,228,230,233,235,233,228,215,212,215,212,207,215,212,195,189,182,196,230,235,233,228,225,225,215,191,123,118,125,189,204,212,212,212,212,212,222,225,228,230,230,222,209,199,202,204,204,202,194,199,212,222,225,230,233,235,235,235,233,233,233,235,235,235,233,230,230,228,228,228,228,228,225,222,222,222,228,230,230,230,230,233,235,235,233,228,215,211,222,233,238,238,238,238,238,235,233,233,233,233,233,230,230,230,233,233,233,233,233,235,235,233,233,235,235,235,238,241,241,243,243,241,238,238,241,243,241,241,241,241,243,243,243,243,243,241,238,235,235,235,241,243,246,243,241,243,235,212,209,222,230,241,238,230,222,217,222,215,220,233,241,243,243,243,243,241,235,228,225,222,222,222,225,233,241,246,246,238,230,225,233,238,228,213,215,222,228,233,238,241,238,233,228,228,235,238,230,228,235,241,246,243,241,238,235,225,154,151,155,207,222,222,187,191,215,217,207,202,204,215,228,230,222,202,141,141,145,153,209,215,212,209,212,222,230,235,238,243,243,243,243,241,241,243,241,235,235,230,207,115,151,233,235,235,238,238,235,235,235,238,235,235,235,233,225,208,205,215,230,238,235,230,225,224,225,228,233,230,225,220,221,222,225,230,230,230,228,228,225,222,222,225,222,204,149,199,207,215,225,225,225,222,222,225,222,222,225,225,225,225,222,217,215,215,222,228,233,233,228,222,220,220,222,222,225,225,225,222,215,215,217,222,225,225,225,222,222,222,225,225,225,225,228,228,228,228,225,225,225,225,222,220,217,217,217,217,217,222,222,222,225,222,222,222,222,220,220,218,220,220,220,217,217,217,217,215,215,215,217,222,222,217,212,211,209,211,215,217,222,222,222,220,217,217,217,220,222,225,225,225,225,225,225,222,215,209,212,217,222,225,225,225,228,228,230,230,230,230,230,230,230,228,228,225,222,217,222,222,212,208,209,217,225,222,222,217,216,216,217,217,222,228,230,230,228,228,230,233,235,235,238,238,238,238,238,238,238,238,235,235,233,230,230,228,225,225,217,212,209,207,204,204,207,209,212,212,209,207,204,202,202,202,202,207,209,212,212,212,212,215,212,204,202,204,209,209,202,199,199,196,196,196,196,196,202,209,222,230,235,238,243,248,248,246,243,243,246,248,246,246,246,248,248,241,230,222,217,215,212,211,215,225,225,212,209,212,217,215,215,217,220,222,230,241,238,230,230,238,255,255,255,255,255,255,255,255,255,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,238,217,202,199,194,191,191,191,191,183,170,160,160,160,157,117,160,183,194,199,202,209,209,202,194,183,165,160,160,165,176,178,176,170,160,109,103,95,91,91,93,99,103,103,101,97,91,89,89,91,91,97,111,178,204,225,233,241,254,241,225,207,181,123,123,131,181,196,215,243,255,255,255,255,255,255,255,255,220,202,209,209,202,194,194,183,165,159,165,168,152,144,137,129,79,67,65,71,81,118,0,103,65,49,47,49,49,49,45,49,87,103,111,95,49,31,24,25,25,21,9,6,6,9,15,25,25,13,3,0,0,0,1,1,1,5,5,11,25,37,59,37,37,31,23,11,0,0,0,17,29,29,31,31,29,23,9,0,0,15,43,79,98,116,134,131,108,92,98,108,124,147,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,53,43,20,7,0,0,1,9,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,46,56,25,33,74,98,108,108,100,72,25,0,0,0,13,105,139,121,77,37,23,9,0,0,0,0,0,0,0,0,0,0,7,1,0,0,0,0,0,5,31,41,35,27,41,59,79,55,55,55,49,29,0,0,0,0,0,0,7,29,21,0,0,0,0,69,178,228,251,251,241,228,220,222,228,222,207,194,207,217,228,225,217,212,228,255,254,209,135,199,243,255,255,255,255,0,255,255,255,255,255,230,230,254,255,243,194,98,0,0,0,0,0,0,0,0,0,0,0,17,165,173,90,49,57,100,116,139,139,139,150,168,176,176,176,168,139,85,84,101,168,173,150,93,87,83,81,77,69,69,69,61,39,33,51,79,97,99,99,99,101,105,107,155,176,183,173,163,176,183,178,176,170,160,160,173,183,183,178,163,105,99,100,109,115,115,163,173,183,189,191,199,196,191,186,181,173,173,183,194,199,189,105,55,49,45,6,23,73,105,168,186,189,186,186,181,170,101,71,45,15,9,25,25,13,15,23,37,75,155,186,199,194,181,173,173,105,67,47,53,57,41,25,20,20,31,79,170,199,225,225,199,196,186,157,163,204,217,207,202,202,212,233,254,255,246,225,199,189,178,117,85,78,82,113,176,170,127,183,196,189,179,181,194,204,202,196,189,183,183,181,173,163,121,119,119,117,117,116,157,163,157,113,111,155,170,163,105,91,97,97,83,71,67,69,73,77,79,77,75,73,70,68,79,103,117,121,121,173,183,189,204,207,189,181,179,183,183,165,119,116,121,176,183,178,168,168,176,176,173,173,173,170,173,186,186,186,173,170,125,115,111,111,115,165,186,196,194,178,160,115,115,119,160,160,111,89,86,89,113,173,125,123,173,181,189,199,202,191,186,189,191,186,127,125,131,133,113,107,107,111,107,99,105,129,194,215,225,225,225,215,215,225,243,255,255,255,255,255,255,255,246,233,207,181,125,115,115,111,109,95,83,69,59,59,45,25,13,1,0,0,0,0,0,0,0,0,0,7,11,23,41,67,98,71,69,63,59,54,54,59,65,65,71,111,134,137,137,134,129,126,129,137,137,118,71,49,39,51,65,75,69,39,15,17,39,71,71,71,73,73,77,81,93,157,191,0,0,255,241,225,215,204,199,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,77,51,0,0,0,56,103,124,129,150,160,163,160,152,144,150,152,152,151,157,157,105,91,163,191,189,183,186,181,165,155,63,42,215,222,220,222,212,207,189,71,0,19,89,134,142,160,173,170,168,176,189,204,202,163,57,71,87,139,155,163,105,87,155,109,105,106,113,157,157,113,105,103,105,119,170,176,181,189,196,196,183,165,119,117,157,160,121,121,160,160,117,113,113,117,121,121,121,121,160,163,163,165,165,165,165,163,163,160,160,163,168,168,168,168,165,165,163,163,163,163,163,163,163,165,170,173,173,170,170,168,163,160,160,160,119,115,115,115,113,113,119,168,173,176,173,168,160,119,117,119,117,113,111,109,107,108,115,123,163,165,168,173,176,170,168,168,170,168,127,173,181,178,127,118,119,186,207,215,222,230,233,233,228,225,220,215,196,191,202,202,207,207,202,194,189,189,191,194,194,202,215,228,215,194,191,194,204,207,204,204,204,196,191,189,191,191,186,183,139,139,183,186,191,194,191,191,191,194,190,190,190,190,191,196,191,186,185,191,202,204,204,209,220,230,228,215,202,199,202,204,199,194,199,207,212,209,204,207,209,217,222,202,137,139,215,233,238,225,207,207,217,222,222,217,209,199,191,141,189,207,225,228,225,222,225,233,233,228,225,217,207,189,138,137,139,139,141,199,209,215,212,212,209,209,215,217,217,222,225,225,215,212,215,217,217,217,215,207,196,196,202,228,209,202,121,107,99,66,58,75,79,23,0,0,13,135,129,139,123,129,220,238,238,235,233,233,228,220,218,220,225,228,228,230,230,228,228,225,222,212,204,196,194,191,196,209,217,225,222,204,186,183,189,191,186,182,183,191,199,207,222,230,230,230,230,230,230,230,233,233,233,225,209,192,207,215,204,94,110,212,225,228,230,235,238,235,233,233,233,238,241,235,202,130,127,133,196,202,202,202,199,202,209,217,220,222,225,222,217,207,189,133,133,202,225,230,130,126,143,191,186,183,187,191,143,136,131,129,191,196,194,137,127,131,209,225,217,215,207,202,196,199,196,199,204,225,230,228,212,199,194,191,189,189,191,191,186,186,189,189,189,194,209,225,235,241,238,212,183,137,186,191,189,189,191,194,204,222,228,230,233,235,228,220,222,228,199,181,181,189,196,199,202,204,212,196,131,120,111,117,194,222,233,230,225,222,222,225,228,215,189,129,129,178,178,181,183,183,199,209,199,176,117,116,121,125,125,131,186,194,199,207,222,228,228,228,228,230,230,233,233,235,235,235,207,88,93,121,125,178,183,194,212,230,235,230,215,170,173,209,222,209,91,61,76,115,129,133,186,209,228,228,228,225,204,186,139,139,141,189,202,209,202,194,191,202,217,228,228,225,228,233,230,228,225,225,230,233,233,233,233,228,209,199,202,199,198,198,199,204,207,204,202,202,199,199,199,199,199,202,204,209,212,212,209,209,209,209,209,212,215,217,222,215,209,207,202,198,200,207,207,202,200,204,212,207,202,204,217,222,217,212,209,207,202,198,198,202,207,209,212,215,217,215,217,225,212,199,207,222,225,215,212,222,215,209,207,215,225,228,225,230,233,235,230,217,196,115,109,202,228,233,233,230,230,230,230,233,235,230,217,212,212,209,207,204,196,194,191,187,199,222,233,230,222,212,204,143,133,116,105,117,141,202,209,208,222,217,217,225,230,230,230,230,225,191,139,191,202,202,202,196,190,194,217,225,230,233,233,233,233,233,233,233,233,233,233,233,230,228,228,226,228,230,230,228,222,220,222,228,233,235,233,230,233,238,238,238,233,228,225,230,235,238,238,238,238,238,235,233,233,235,235,233,233,230,230,230,233,233,235,235,235,235,235,235,235,235,238,238,238,241,243,243,241,235,235,238,241,243,243,243,243,241,241,243,243,243,238,238,233,230,233,238,243,246,241,241,243,235,215,209,215,222,228,228,222,217,220,222,222,228,235,241,241,241,241,243,238,228,220,222,222,220,220,225,230,238,241,235,228,221,224,230,235,230,222,222,228,233,238,241,241,235,225,220,230,235,238,233,228,230,238,243,246,241,241,238,212,146,149,209,215,225,225,203,202,215,225,217,212,215,222,225,225,217,204,145,144,151,151,153,209,207,203,204,215,228,233,235,238,241,243,241,241,243,243,241,230,212,204,155,204,207,222,233,238,238,238,235,235,238,238,235,235,233,233,217,205,203,209,228,238,235,230,225,224,225,228,230,230,228,225,222,222,225,230,233,230,230,230,228,225,225,228,222,202,149,202,212,217,222,225,222,222,222,222,225,225,222,225,225,225,222,217,215,217,225,230,230,230,228,225,222,222,222,225,225,228,228,225,217,217,222,222,225,225,222,222,220,220,222,222,222,225,225,225,225,225,225,225,225,222,220,217,216,216,217,217,222,222,222,222,222,222,222,222,222,220,220,220,220,217,217,217,217,217,217,217,213,213,215,222,222,217,212,211,211,212,215,222,225,225,222,220,217,217,217,217,222,225,225,225,225,225,222,212,207,209,217,222,225,225,225,225,225,225,225,228,230,230,230,230,230,228,228,225,222,217,217,215,211,209,215,222,225,222,217,217,217,217,222,222,225,225,228,228,228,228,228,230,233,235,235,238,238,238,238,235,235,235,238,235,235,233,228,228,225,225,220,215,209,207,204,204,204,209,212,215,212,209,207,204,202,202,204,207,212,215,215,215,215,215,209,204,202,204,209,209,202,199,199,199,199,196,196,196,199,207,217,228,235,241,243,246,246,241,238,241,246,251,254,254,248,246,246,241,235,230,233,225,213,211,217,238,241,225,212,215,217,220,217,222,222,225,230,233,230,228,233,246,255,255,255,255,255,255,255,255,255,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,251,217,202,199,194,191,186,183,183,178,165,157,152,152,117,117,117,160,176,191,194,199,199,199,191,191,183,160,107,107,157,176,183,183,183,170,160,107,95,87,87,91,99,107,107,107,103,97,91,97,103,109,111,168,186,209,225,230,233,241,235,225,207,181,113,109,113,131,196,217,246,255,255,255,255,255,255,255,238,217,196,194,183,183,194,194,183,165,159,165,176,168,152,144,129,85,67,63,65,73,111,111,73,53,49,59,59,49,41,39,39,45,79,95,95,74,31,23,25,27,23,21,15,11,9,8,15,19,19,7,3,3,1,1,1,7,11,19,19,31,59,66,66,59,43,25,7,0,0,9,23,35,43,64,77,64,31,11,0,0,13,37,79,90,108,124,121,98,87,91,95,105,121,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,46,27,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,79,82,48,51,79,92,90,79,82,82,37,13,0,0,27,121,147,139,90,39,33,37,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,33,27,24,27,41,53,55,55,55,49,31,11,0,0,0,0,0,0,27,39,19,0,0,0,0,33,186,243,251,246,241,233,230,241,241,222,207,209,225,228,225,217,217,246,255,255,228,133,233,255,255,255,255,255,0,255,255,255,255,228,194,204,241,225,186,21,0,0,0,0,0,0,0,0,0,0,0,0,0,59,116,47,47,69,124,150,150,152,152,168,183,183,181,176,163,89,73,77,99,168,152,73,61,67,81,81,75,77,81,83,75,57,47,53,85,137,99,99,137,139,139,107,160,176,176,168,165,173,178,170,176,157,95,93,121,178,170,160,163,107,103,103,115,163,163,176,189,191,191,191,199,196,183,173,173,173,173,181,186,189,168,85,55,49,43,21,37,91,178,183,186,186,181,178,181,176,163,91,25,7,6,7,7,9,17,37,57,87,160,199,215,207,191,181,176,157,81,41,37,41,63,41,27,29,67,178,207,212,207,196,97,92,107,168,181,207,222,204,194,202,215,233,254,254,246,233,228,209,189,127,115,101,103,123,181,183,183,194,207,194,182,181,194,212,222,207,191,186,183,178,173,163,121,119,119,119,117,116,157,163,157,113,115,163,170,155,87,75,77,75,57,45,51,57,65,71,70,70,73,75,75,79,97,115,165,165,165,173,178,189,220,220,189,174,178,189,186,173,119,117,119,170,178,178,176,168,168,176,173,173,173,170,173,176,176,173,170,125,121,115,113,112,115,168,189,194,189,176,115,113,115,160,176,160,111,93,89,97,117,176,173,123,123,176,189,202,194,181,173,173,183,183,131,125,127,131,113,105,107,113,121,111,115,131,141,194,202,215,215,207,204,215,241,255,255,255,255,255,255,248,241,233,212,194,181,165,163,150,109,95,75,55,43,41,37,21,9,0,0,0,0,0,0,0,0,0,0,0,7,15,29,41,65,71,71,65,57,54,59,59,65,65,71,111,126,134,134,126,126,126,137,157,157,137,89,71,59,71,89,129,89,63,19,17,51,85,91,85,87,83,79,85,93,147,0,0,0,255,243,235,215,204,196,194 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,72,0,0,0,0,0,72,124,137,137,144,155,160,160,142,135,142,152,152,151,157,170,170,160,170,183,183,186,189,183,173,170,97,69,220,220,217,217,209,186,57,21,0,65,95,137,142,152,155,150,150,157,163,176,99,45,51,170,152,147,160,163,90,70,97,109,113,109,109,115,157,160,117,107,107,157,173,181,181,186,189,186,173,160,116,116,119,157,119,119,121,121,117,113,113,115,117,117,119,163,173,181,183,181,178,165,117,115,119,160,163,168,170,173,170,168,163,163,165,168,168,165,161,163,165,170,176,176,170,163,163,163,160,160,165,165,163,160,160,163,160,160,165,173,173,173,176,170,121,115,117,121,117,115,115,113,108,108,111,119,121,163,168,176,176,170,168,168,168,125,121,118,121,123,123,127,181,202,212,217,225,228,230,233,233,228,215,194,178,178,196,199,202,196,194,191,191,196,199,196,191,194,202,204,202,194,194,202,212,220,220,217,212,207,202,199,194,189,183,139,139,139,183,186,189,189,186,186,189,191,190,189,191,191,196,199,194,186,183,185,191,194,194,204,215,228,228,215,199,194,196,199,199,196,196,199,204,202,195,196,199,204,204,194,141,189,209,228,238,233,215,212,217,222,225,222,209,196,189,186,189,199,209,217,220,217,225,233,233,228,222,215,196,139,138,196,204,139,123,131,202,215,217,215,212,215,217,217,222,230,235,233,222,212,212,215,217,215,209,207,204,196,125,109,73,49,43,55,79,77,89,209,225,207,89,2,2,93,127,133,133,141,225,238,241,233,230,230,228,222,220,222,228,230,230,230,230,228,225,225,225,222,212,196,191,196,212,225,230,230,230,217,196,186,186,191,191,191,199,199,199,202,212,222,228,228,228,228,228,230,233,235,233,222,202,170,202,222,212,96,117,225,233,230,230,233,235,235,233,230,230,235,241,233,207,137,132,143,204,209,209,209,202,141,137,204,233,233,225,222,220,207,194,141,137,141,202,207,136,134,143,194,194,189,191,191,139,136,133,134,199,202,191,130,124,123,128,189,202,204,199,199,202,204,196,194,196,202,207,207,202,196,194,189,186,183,189,191,189,185,185,189,196,207,222,230,238,243,241,225,194,186,186,189,191,194,196,199,204,215,222,225,230,233,228,217,215,217,207,189,181,189,199,199,186,128,183,189,186,189,133,126,128,222,230,228,217,215,213,217,228,230,212,181,131,176,183,189,186,121,98,101,209,207,123,114,119,123,127,133,189,194,194,194,199,209,215,222,225,228,228,230,233,233,235,228,93,74,88,117,125,189,199,204,212,225,228,207,189,196,204,222,230,230,181,85,99,209,207,191,186,194,204,212,215,209,196,189,189,189,186,189,196,204,202,191,143,191,199,209,215,220,225,230,230,225,222,222,225,230,233,233,233,222,198,194,198,202,199,199,202,207,212,209,204,202,202,207,204,202,202,202,202,196,194,194,196,202,207,209,212,209,204,202,209,217,217,209,204,200,202,209,207,202,202,204,207,202,196,199,207,212,209,207,209,209,204,198,198,199,207,209,209,209,209,204,207,217,209,199,207,222,222,212,217,228,225,217,212,215,222,230,233,230,228,230,238,199,125,87,76,97,204,230,235,233,230,230,235,238,235,230,222,217,215,207,202,195,195,199,212,212,215,222,225,225,215,202,191,143,143,139,127,133,143,196,209,217,225,215,212,217,225,230,230,222,209,189,140,143,191,191,202,196,187,190,209,222,228,233,235,233,233,233,233,233,233,233,233,233,230,228,228,228,228,230,233,230,225,222,222,230,235,235,233,233,235,238,241,241,238,235,235,235,238,238,238,235,235,235,235,233,233,233,235,233,233,233,233,233,235,235,235,235,235,235,235,235,235,235,238,238,238,241,241,241,235,233,233,235,238,241,243,241,241,241,241,241,241,241,235,233,230,230,230,235,241,243,241,241,241,230,215,215,215,217,222,222,222,222,222,222,225,230,233,238,238,238,238,238,230,220,218,222,222,222,222,222,228,230,233,230,225,221,224,228,230,230,225,228,233,238,241,241,238,228,212,212,228,235,238,235,230,230,233,238,243,241,238,233,204,148,153,228,230,230,225,209,209,225,228,228,225,222,222,225,228,225,215,204,204,209,153,151,207,204,202,204,215,228,233,235,235,241,243,243,243,243,241,233,215,153,151,155,209,212,217,233,238,238,238,238,238,238,238,235,233,233,230,222,209,208,215,230,233,233,228,224,224,225,228,228,228,225,222,216,217,225,233,233,230,230,233,233,228,228,228,222,204,149,199,215,222,222,217,217,220,222,222,225,225,225,222,220,217,215,215,215,222,228,230,230,228,225,225,222,222,225,228,228,228,228,225,222,222,222,225,225,225,225,222,220,218,220,222,222,222,222,222,220,217,220,222,222,222,220,217,217,217,217,222,222,225,225,222,222,222,220,220,220,220,220,220,220,217,217,217,217,217,217,217,215,215,217,222,222,222,215,212,212,215,217,222,225,225,222,220,217,215,215,217,222,225,225,222,225,222,215,207,207,212,222,225,225,225,225,225,222,222,222,225,228,230,230,228,228,228,228,225,222,217,217,212,211,211,217,222,222,217,217,217,217,222,222,225,225,225,225,225,225,225,228,228,230,233,235,235,235,235,235,235,235,235,238,238,235,233,230,228,225,225,222,217,212,207,204,203,203,207,212,215,212,209,207,204,202,202,204,207,212,215,217,215,215,215,209,202,200,204,209,209,202,198,198,202,202,199,196,195,196,202,212,225,233,238,243,243,238,235,235,241,246,251,255,255,251,246,246,243,238,238,241,235,225,215,222,238,241,230,217,215,215,215,215,215,217,217,217,217,222,228,238,254,255,255,255,255,255,255,255,255,255,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,255,0,0,255,255,228,209,194,191,191,183,170,165,160,160,155,109,107,107,107,107,152,160,170,183,191,194,194,191,183,183,170,152,99,97,109,170,183,186,191,183,160,107,91,81,81,87,95,107,152,155,152,109,97,101,111,157,168,178,189,204,212,222,225,233,233,225,204,176,113,109,113,181,209,241,255,255,255,255,255,255,255,235,220,199,173,125,115,165,183,194,183,165,165,176,183,176,152,144,129,93,77,67,65,71,79,73,59,43,59,65,61,43,39,33,29,29,43,85,98,85,43,31,31,31,31,27,27,21,13,9,19,25,25,19,13,11,7,5,7,11,19,25,25,25,37,45,66,79,79,43,23,11,9,23,31,43,43,66,82,64,29,11,5,11,31,64,90,105,121,131,131,113,92,91,91,91,98,121,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,51,25,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,90,98,77,66,87,87,69,35,31,41,49,45,25,33,111,137,113,77,41,29,31,37,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,33,31,27,27,35,47,61,95,95,55,43,29,9,0,0,0,0,0,11,39,33,0,0,0,0,0,57,204,230,241,246,248,241,241,246,243,230,217,217,217,220,220,225,243,251,255,235,191,241,255,255,255,255,255,0,0,255,255,255,215,147,85,124,131,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,43,105,147,160,165,165,168,176,183,183,183,183,176,139,84,84,91,85,43,30,35,48,67,73,67,77,83,83,69,51,43,51,83,99,97,95,139,150,139,105,150,165,176,173,168,165,155,155,157,109,90,89,99,160,160,113,115,115,113,115,173,183,176,183,191,191,186,191,196,191,178,170,173,173,173,178,183,178,147,69,47,43,43,35,67,165,202,194,170,155,155,170,181,178,176,176,25,9,9,7,5,7,37,107,173,181,196,204,207,199,186,181,181,173,103,67,47,57,69,59,51,55,95,181,191,178,155,89,80,83,99,173,189,204,207,196,191,196,215,230,246,246,233,230,225,204,178,127,127,170,168,176,183,183,183,194,202,194,182,181,199,217,222,209,191,186,183,173,168,163,121,119,160,160,160,160,157,160,157,113,113,155,157,105,75,61,57,51,42,40,44,61,77,81,77,77,85,97,103,103,115,163,165,123,121,125,170,189,220,220,186,174,183,204,202,173,119,119,125,170,178,178,176,168,166,170,173,173,168,166,166,173,186,173,170,125,121,121,121,119,123,170,186,194,189,176,115,113,117,176,176,160,111,97,97,103,117,176,163,117,115,125,183,183,176,123,121,123,173,183,178,131,131,131,115,107,107,121,131,129,121,129,129,135,143,202,196,137,135,145,225,251,255,255,255,255,255,248,241,233,220,209,194,189,181,163,109,89,67,43,31,29,27,19,9,1,0,0,0,0,0,0,0,0,0,0,0,9,15,29,51,69,71,69,63,63,65,65,65,65,71,85,126,129,129,126,126,126,139,157,157,144,126,85,75,85,137,144,137,83,37,31,65,97,144,134,97,89,85,87,97,150,189,0,0,255,255,243,233,215,199,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,66,0,0,0,0,51,137,157,155,142,142,150,160,157,137,131,139,155,152,152,163,176,176,168,170,178,181,183,186,183,181,178,160,139,196,215,217,215,199,69,0,0,0,55,87,139,150,155,152,142,134,139,147,95,34,33,53,150,142,155,170,168,95,80,96,150,163,150,109,111,160,165,160,115,113,163,176,183,183,183,183,176,168,160,117,116,117,117,117,117,119,119,117,113,113,115,117,117,119,168,183,191,189,183,178,163,107,102,109,119,163,170,176,176,173,163,121,121,165,170,170,165,161,161,168,173,178,176,168,163,165,163,163,168,173,173,168,168,170,170,170,170,170,170,170,168,170,168,117,113,117,121,117,117,119,117,113,111,115,119,121,123,165,173,173,170,170,170,170,127,123,119,119,118,119,129,189,204,212,215,222,225,228,233,235,228,196,125,125,131,189,199,196,189,187,187,191,199,202,196,189,187,191,196,199,202,204,207,215,225,225,225,217,212,209,207,202,194,186,183,139,139,183,186,186,186,183,182,186,191,191,194,204,209,212,209,202,191,185,185,189,191,194,199,209,217,217,207,194,191,194,191,196,202,199,196,202,202,195,195,196,196,196,194,191,196,204,212,233,238,233,228,228,225,225,217,204,189,141,141,186,189,196,204,209,212,217,230,233,228,222,215,196,141,191,217,225,191,116,108,117,194,209,215,222,228,222,217,225,233,235,230,215,209,209,215,222,215,212,212,215,199,25,17,53,48,49,83,101,127,212,228,235,248,248,71,0,19,113,133,183,204,230,241,241,235,228,228,225,225,222,225,228,230,230,230,230,228,224,224,228,228,217,191,191,207,225,235,235,235,233,228,207,191,189,194,199,209,215,212,199,195,196,209,217,225,225,225,225,225,228,233,230,217,196,174,209,230,215,107,137,225,230,228,230,233,235,235,235,233,230,230,230,225,209,194,191,199,207,207,207,209,202,137,132,139,235,233,217,215,215,202,196,194,141,128,128,143,191,191,194,196,204,207,209,207,191,189,194,196,207,207,196,189,143,131,128,131,139,138,137,191,204,209,196,191,191,191,194,196,194,191,191,189,183,182,186,191,191,185,183,189,207,225,233,235,235,238,235,222,199,189,189,191,191,196,199,202,204,212,215,217,222,228,228,217,211,212,217,212,196,199,209,199,129,122,133,194,207,215,204,176,132,215,228,225,217,213,213,215,228,235,230,194,130,131,189,199,194,103,67,60,191,204,186,115,120,127,133,181,191,191,189,189,189,189,196,209,215,215,215,215,222,228,215,109,77,75,93,123,176,199,183,109,107,111,121,170,183,228,230,230,235,238,222,176,133,212,215,202,189,189,194,202,204,196,191,194,199,196,189,139,143,199,196,143,143,191,196,199,204,209,212,217,220,222,222,217,217,222,230,233,230,215,192,191,202,215,209,204,204,209,215,212,207,202,209,215,209,202,202,202,199,194,190,189,190,194,202,207,209,207,194,190,199,212,217,212,204,202,207,209,204,199,199,199,199,196,195,195,202,204,202,204,209,209,204,198,198,204,215,222,215,207,202,200,202,215,212,204,209,222,222,212,215,222,225,225,217,217,225,233,235,233,230,228,217,127,125,105,93,109,204,225,235,235,228,228,238,241,235,228,225,225,222,212,202,194,194,204,222,225,225,222,222,217,212,202,145,141,191,199,196,194,191,196,207,217,212,141,137,141,202,222,222,215,212,202,196,191,139,137,194,204,194,194,207,217,225,230,233,235,235,233,233,233,233,235,235,233,230,230,228,228,230,230,233,233,228,225,225,230,233,233,233,235,235,238,241,241,241,241,241,241,238,238,238,238,235,235,235,233,233,233,233,233,233,233,235,235,235,235,235,233,233,233,235,235,235,235,235,238,238,238,238,235,233,230,230,233,238,241,241,238,238,241,238,235,235,235,233,230,230,230,230,233,238,241,241,241,233,222,215,222,222,222,222,222,228,230,228,228,233,233,230,233,235,235,235,230,225,218,218,225,228,225,222,222,225,230,233,233,228,225,225,228,230,230,230,230,235,241,241,235,228,209,153,155,222,233,238,238,233,225,225,230,238,238,235,230,209,155,222,238,238,233,225,215,222,230,230,228,225,225,225,230,233,233,225,207,202,207,155,204,215,212,204,209,217,228,233,233,235,238,243,243,243,241,238,228,212,153,151,209,217,215,222,233,238,238,238,238,238,238,235,233,230,230,230,225,217,217,222,230,233,230,228,225,225,228,228,228,225,222,216,216,217,228,233,235,230,230,233,233,230,228,228,222,207,145,144,217,225,222,217,216,217,222,222,222,225,225,222,215,212,212,212,215,222,228,230,228,225,222,222,225,225,225,225,228,228,228,225,225,225,225,228,228,228,225,225,222,222,220,220,217,217,217,217,216,217,217,220,222,222,222,217,217,217,220,222,225,225,225,225,222,222,220,220,220,220,220,220,220,217,217,217,217,217,217,220,220,217,220,222,225,222,222,217,215,217,222,225,225,225,222,222,217,215,215,217,220,222,222,222,222,217,209,204,207,215,225,228,225,225,225,225,222,222,222,222,225,228,228,228,228,228,228,225,217,215,215,215,212,212,217,222,217,217,217,217,222,222,222,222,222,222,225,225,225,228,228,228,230,233,233,233,233,235,235,235,235,238,238,238,235,233,230,228,225,225,222,222,215,209,207,203,203,207,209,212,209,207,204,204,202,202,204,207,212,215,217,215,215,215,209,202,200,204,209,209,202,199,199,202,204,202,199,196,195,196,204,217,228,235,241,238,230,230,235,243,248,251,255,255,254,248,246,243,0,243,248,243,233,225,225,233,235,230,222,215,212,213,213,215,215,213,212,212,217,230,243,255,255,255,255,255,255,255,255,255,255,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,209,191,183,183,183,170,157,142,139,107,107,107,103,99,97,99,109,157,170,183,186,191,191,183,170,165,157,107,93,93,103,160,178,186,186,183,160,99,81,73,75,81,93,107,155,160,160,152,103,103,111,157,168,178,186,194,202,204,212,225,233,225,196,181,121,113,170,199,235,255,255,255,255,255,255,246,228,209,194,129,107,103,96,103,115,183,183,173,176,176,176,168,152,144,137,129,85,77,71,69,67,59,43,43,65,95,59,39,27,25,23,23,31,47,87,85,49,39,39,39,37,33,31,21,13,15,31,37,31,29,25,23,13,13,19,31,31,31,31,25,25,31,45,79,90,90,64,37,25,29,35,43,39,43,43,35,15,5,11,31,49,79,105,124,142,142,142,139,121,105,98,103,95,103,129,0,152,147,0,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,66,40,14,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,90,105,95,95,95,82,33,3,0,3,43,100,108,111,118,92,15,0,5,9,7,3,1,0,0,0,0,0,0,0,0,0,0,0,7,23,31,23,15,17,31,39,33,33,33,41,53,92,113,113,63,49,37,25,0,0,0,0,0,0,23,31,11,0,0,0,0,0,51,170,217,243,248,248,241,246,248,251,225,212,212,217,225,233,243,251,251,235,212,241,248,255,255,255,255,0,0,255,255,255,241,77,13,1,15,7,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,53,137,155,160,165,176,178,176,181,178,178,183,183,163,139,139,97,65,36,29,34,51,67,67,61,69,77,77,63,46,42,51,79,97,96,95,139,152,139,100,101,109,165,173,160,109,109,111,111,111,101,93,93,105,113,113,121,163,168,176,189,191,186,183,183,191,183,181,181,181,170,170,173,173,173,173,173,165,111,79,55,49,49,49,85,165,186,176,103,93,101,165,178,163,103,77,25,15,15,13,7,15,83,191,215,215,202,186,168,152,152,168,181,183,168,105,93,81,69,59,63,81,105,155,115,97,94,91,92,107,173,189,207,207,196,190,190,194,212,230,246,246,225,212,196,176,113,113,123,178,183,176,183,183,183,191,196,189,182,183,199,212,217,209,196,186,178,173,165,163,121,163,165,170,168,168,163,157,117,109,107,109,109,93,71,57,51,45,44,44,57,81,101,107,99,101,113,165,163,160,163,165,123,115,114,121,176,202,220,207,178,177,199,215,204,173,119,119,127,178,183,178,173,168,170,176,173,173,168,165,166,173,186,186,173,170,170,170,168,123,123,123,178,189,189,176,115,114,163,178,183,176,117,109,103,109,121,173,123,115,115,121,173,123,115,112,115,123,181,189,189,183,178,173,121,113,115,131,189,186,135,129,129,135,143,196,143,127,123,133,207,241,255,255,255,255,255,248,246,241,230,220,212,207,189,173,150,89,59,31,23,23,21,17,9,3,0,0,0,0,0,0,0,0,0,0,0,5,11,21,41,65,75,71,71,71,71,79,75,71,79,85,118,126,126,126,126,129,137,144,157,144,137,118,85,126,155,157,155,134,69,55,79,144,168,157,144,99,93,91,97,150,189,222,243,255,255,255,243,233,215,215 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,0,0,0,0,139,163,170,160,144,139,147,152,155,142,137,152,160,155,150,157,170,173,170,173,178,181,181,178,181,183,183,176,147,93,87,194,189,97,29,25,83,55,45,87,147,157,165,165,147,131,97,191,89,50,99,85,73,81,147,173,173,152,97,101,147,155,152,111,115,163,168,163,157,157,165,176,186,186,183,181,176,170,165,157,117,117,115,113,113,115,115,115,113,113,115,117,117,121,173,189,191,181,176,170,121,103,99,103,117,163,170,178,178,170,121,119,120,163,170,173,170,163,165,170,176,176,173,168,165,168,163,163,170,176,176,170,170,170,170,173,170,168,163,160,160,160,160,115,113,114,117,115,114,117,119,119,121,123,123,121,123,165,168,170,170,170,170,168,168,168,168,123,118,117,123,181,199,207,209,212,217,225,230,228,194,109,103,113,123,181,196,194,187,187,187,191,196,199,196,189,186,186,191,202,207,207,212,217,222,225,222,215,207,207,207,204,196,191,189,186,186,186,189,189,189,183,182,183,189,194,204,217,225,225,215,209,199,191,189,194,196,196,196,202,207,207,199,191,191,191,191,196,209,209,207,207,207,202,202,199,194,194,194,199,199,199,199,217,233,235,238,235,228,222,212,194,139,137,141,189,189,191,196,202,202,207,225,230,228,225,220,207,194,196,212,215,199,131,108,113,135,199,209,225,228,212,207,217,230,228,217,209,207,209,212,215,209,204,204,207,79,0,0,97,125,194,225,212,215,225,225,220,235,251,137,15,21,101,137,199,225,235,238,241,238,228,225,225,228,225,225,225,228,230,230,230,230,228,228,230,230,217,140,143,209,228,235,235,235,235,230,209,196,194,202,209,217,222,217,202,191,190,195,207,215,217,217,215,215,220,228,228,215,196,190,204,217,212,194,207,222,222,225,228,230,235,238,238,235,230,225,217,212,207,202,199,199,199,196,199,202,202,191,137,137,189,199,196,199,196,186,191,199,191,123,122,135,204,215,207,199,207,217,228,225,209,209,217,215,212,209,204,204,212,207,189,141,139,132,131,141,207,217,202,191,190,191,196,199,194,189,189,191,189,182,182,189,194,189,185,191,215,233,235,235,235,235,230,215,199,191,191,194,196,196,199,202,207,215,217,217,225,230,230,222,212,215,228,225,209,209,225,220,183,132,135,194,217,228,217,183,133,207,228,230,222,215,215,217,228,233,230,196,130,133,199,212,209,186,85,64,123,178,194,176,133,178,181,186,189,189,189,191,191,183,186,199,209,209,204,204,204,204,109,79,82,127,186,186,199,204,103,89,100,107,108,121,202,233,235,235,235,238,233,202,178,178,199,196,191,189,194,196,199,194,191,196,202,199,186,136,136,194,189,141,145,199,199,194,147,196,199,199,202,207,209,209,207,207,217,228,225,209,195,195,215,230,225,212,204,204,207,204,204,207,217,222,209,199,199,202,199,196,194,189,189,191,196,202,204,202,190,187,191,207,212,207,202,204,209,209,199,196,198,199,196,195,195,196,199,202,202,204,209,209,207,202,202,209,228,233,228,209,200,199,202,215,217,208,212,225,225,215,211,212,222,228,212,212,222,230,233,233,235,225,131,118,135,202,204,202,202,212,230,235,230,228,233,238,233,228,228,230,230,225,215,199,195,199,212,225,228,228,225,215,209,204,196,133,137,191,196,202,202,202,202,189,75,28,45,101,194,222,215,215,222,215,204,191,138,135,143,212,202,199,207,217,225,228,233,235,235,235,235,235,235,235,235,233,233,233,230,230,230,230,230,230,228,225,228,230,233,233,233,235,235,238,238,241,241,243,243,241,241,241,238,238,235,235,233,233,230,230,230,230,233,235,235,233,235,235,235,233,233,233,235,235,235,235,235,235,238,235,233,230,229,229,229,233,235,238,238,238,238,241,238,233,233,233,233,230,230,230,230,233,235,238,238,235,228,217,220,225,225,222,225,228,233,238,235,233,233,230,228,228,233,233,230,225,222,220,222,230,230,228,222,222,225,230,235,235,235,233,230,230,230,233,235,235,238,238,235,230,215,153,150,152,212,228,233,235,230,222,221,225,230,233,235,235,228,228,238,241,238,230,217,212,225,230,228,212,215,225,230,235,238,241,238,123,111,133,151,212,222,222,215,217,225,230,233,233,235,238,241,243,243,241,235,230,217,209,209,225,228,225,225,233,235,238,238,235,235,235,233,230,230,233,230,228,225,222,225,230,233,233,230,228,230,230,233,230,228,222,217,217,222,225,233,233,230,230,230,230,230,228,225,222,207,141,133,215,225,225,222,217,217,222,222,222,228,228,225,215,211,211,212,217,225,228,228,225,222,222,225,225,225,225,225,225,225,228,228,225,225,228,228,230,230,228,225,225,222,222,220,217,217,216,216,216,217,220,222,222,222,217,217,217,220,222,225,225,225,225,225,222,222,220,220,220,220,220,220,220,217,217,217,217,217,217,222,222,222,220,222,222,225,222,220,217,217,222,225,225,225,222,222,217,215,215,215,217,222,220,220,217,212,204,202,209,217,225,225,225,225,225,222,222,222,221,222,222,225,228,228,228,225,222,217,212,212,215,215,212,215,215,217,215,215,217,217,222,222,222,222,217,217,222,222,225,228,228,230,230,230,230,230,230,233,235,238,238,238,238,238,235,233,230,228,225,225,225,225,220,215,209,204,204,207,209,209,209,207,204,204,202,202,204,207,209,215,215,215,217,215,209,202,200,204,212,212,204,199,199,204,207,204,199,196,195,195,202,209,222,230,235,233,228,230,238,246,251,254,255,255,254,248,246,241,0,241,246,243,233,225,222,222,228,228,222,215,212,213,215,217,217,215,213,213,217,230,246,255,255,255,255,255,255,255,255,255,255,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,191,176,170,176,170,160,139,99,99,101,139,101,101,95,89,93,101,152,163,170,181,181,181,176,160,155,109,99,89,89,101,155,170,181,181,170,152,93,75,71,74,83,95,142,157,160,165,157,109,103,111,157,163,168,178,186,186,194,207,225,233,225,204,181,170,176,189,215,255,255,255,255,255,255,235,228,209,186,127,103,96,93,93,97,109,173,183,173,176,165,165,152,134,97,126,121,85,77,71,65,57,49,43,43,65,95,59,33,23,21,20,20,23,37,66,74,64,43,45,64,43,37,25,13,11,19,39,64,45,37,37,31,23,19,31,45,66,66,64,37,31,31,45,79,98,103,98,66,35,29,29,35,31,25,17,3,0,0,9,37,79,87,108,139,155,155,157,157,139,113,111,121,105,87,105,0,152,152,152,155,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,64,0,0,64,35,17,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,87,105,111,111,103,66,9,0,0,0,43,134,142,116,72,19,1,3,9,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,47,57,57,49,49,51,51,45,39,47,53,61,103,121,121,95,49,37,23,11,0,0,0,0,0,3,3,0,0,0,0,0,0,0,35,160,209,228,238,241,241,248,248,233,212,205,222,233,233,243,251,251,241,215,222,246,255,255,255,255,255,0,255,255,255,251,75,5,0,0,0,0,0,0,0,0,0,79,33,0,0,0,0,0,0,0,0,0,53,137,144,147,165,178,183,183,176,173,176,178,181,176,168,168,160,91,59,53,73,87,87,67,59,61,63,63,57,51,49,61,85,97,97,97,137,152,107,101,98,101,155,165,155,106,106,111,155,157,157,103,87,87,99,111,160,173,183,186,186,183,182,182,183,191,183,178,170,165,165,173,173,173,170,170,165,160,111,87,65,49,48,57,91,157,160,103,92,90,97,157,160,95,65,37,25,17,13,7,11,27,81,176,207,209,194,155,101,97,100,109,176,183,176,173,160,93,55,52,65,95,157,157,107,105,107,173,199,207,199,199,215,215,204,194,194,202,212,230,230,225,209,183,127,101,88,90,113,176,186,186,191,191,189,191,196,196,189,189,194,204,212,202,194,183,176,173,165,163,163,163,170,173,173,168,163,157,115,109,107,107,103,87,71,61,61,61,65,75,95,113,165,163,119,117,170,178,176,168,168,165,121,114,114,125,183,209,220,207,186,186,202,204,183,165,119,121,170,178,183,178,170,168,170,176,173,173,168,165,166,173,186,189,189,191,186,186,168,119,109,113,119,178,181,165,117,117,165,183,186,183,160,117,113,117,160,123,123,115,115,115,121,114,112,109,115,173,189,202,202,191,186,181,131,121,131,178,196,196,183,135,135,141,196,196,143,127,126,137,207,241,255,255,255,255,255,248,248,248,246,238,228,217,196,181,150,93,63,31,21,19,19,15,9,5,0,0,0,0,0,0,0,0,0,0,0,1,7,19,35,59,75,103,79,79,108,111,111,79,77,83,116,116,116,116,121,124,126,134,134,126,89,83,83,126,157,165,165,152,91,73,87,157,173,170,144,101,95,91,97,144,183,217,241,254,254,255,254,254,233,230 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,165,168,155,144,139,142,144,152,157,163,170,168,155,125,134,150,160,168,173,176,178,178,176,178,183,186,183,163,75,51,53,9,0,0,55,194,157,134,155,157,155,157,168,157,134,23,67,67,83,243,144,81,93,107,165,178,170,147,107,113,152,150,111,113,160,165,160,157,160,165,173,183,186,183,178,176,170,168,163,119,115,113,111,110,111,111,111,111,111,111,115,115,119,168,181,181,170,165,165,119,107,103,111,119,165,173,176,173,165,121,120,121,163,168,173,170,168,170,176,178,176,170,160,121,121,117,117,160,168,170,168,168,168,168,168,168,163,119,118,118,119,119,117,115,115,115,115,114,114,117,160,168,170,165,121,121,163,165,168,170,170,165,125,127,170,170,125,118,117,119,170,191,204,204,199,202,212,212,181,95,87,89,97,115,131,191,191,189,191,191,191,191,194,196,196,189,186,189,196,202,207,212,222,225,222,217,209,204,199,199,199,196,194,194,194,194,194,194,194,194,189,183,182,186,191,207,225,225,222,215,212,207,196,194,196,199,199,194,194,196,199,194,190,191,194,194,199,215,228,217,209,207,204,202,199,194,191,192,199,199,199,199,209,222,233,241,238,222,207,194,139,133,137,186,194,194,194,199,202,196,199,212,225,228,225,217,207,196,191,196,202,194,186,186,194,196,194,194,199,191,133,127,191,212,215,207,204,204,202,199,189,123,119,117,101,20,0,21,183,189,199,222,222,222,225,222,212,225,241,228,89,65,101,135,207,233,241,241,241,235,225,224,225,228,225,224,224,225,228,230,233,233,233,233,233,228,209,137,141,204,222,225,228,230,233,230,215,196,194,202,212,215,212,212,202,192,190,195,204,207,204,207,207,207,212,217,220,209,196,191,192,207,217,217,222,222,225,225,228,230,235,235,235,233,228,217,209,204,204,202,199,196,194,194,196,199,202,199,196,143,139,139,137,139,141,137,137,194,202,134,128,137,204,215,209,199,204,217,225,225,209,209,225,225,217,215,209,207,209,212,212,212,204,138,135,141,202,215,202,194,191,194,202,204,199,191,189,194,194,183,181,183,194,194,189,194,212,230,233,235,235,230,215,202,194,186,191,196,196,194,194,199,209,217,225,222,222,228,228,215,212,222,225,215,204,204,222,230,225,202,128,126,204,230,217,178,129,202,228,233,228,217,217,217,228,233,225,196,181,191,212,228,230,230,196,111,129,129,189,194,196,191,189,189,189,194,196,199,194,183,183,194,204,207,202,194,194,189,109,84,111,233,225,199,202,204,117,106,173,183,170,176,202,217,230,233,235,238,235,215,176,168,181,191,191,191,194,196,199,196,196,199,204,202,189,137,136,141,139,141,196,202,191,141,141,196,199,196,195,196,198,199,198,196,204,212,215,209,199,204,228,235,230,215,204,196,195,196,199,207,215,215,202,198,198,199,202,204,199,191,190,191,194,196,196,196,191,190,194,202,202,200,200,209,217,212,199,195,198,199,199,199,199,202,202,202,202,204,209,212,209,209,209,215,222,230,228,209,200,199,202,212,217,215,217,225,228,217,211,211,225,228,135,143,207,222,222,225,228,217,145,137,202,215,225,217,204,204,220,230,230,228,225,225,228,233,235,235,235,233,230,215,202,202,212,228,233,233,228,222,212,207,196,125,132,139,194,209,217,212,204,111,0,0,31,125,215,230,225,222,225,212,194,145,142,142,199,209,207,202,207,222,225,225,230,235,235,235,235,235,235,235,235,233,233,233,233,230,230,230,228,228,228,225,228,230,233,233,235,235,235,235,238,238,241,243,243,241,241,241,238,235,235,233,233,230,230,230,230,230,230,233,233,233,233,233,233,233,233,235,238,235,235,233,235,235,238,235,233,230,229,229,230,233,235,238,238,238,238,241,238,233,230,230,230,230,233,233,230,233,235,238,235,228,220,215,222,228,222,222,228,233,233,238,238,235,228,222,222,225,228,230,228,225,222,222,228,230,230,225,217,217,225,233,241,243,241,241,238,235,235,238,241,241,238,238,235,230,217,207,153,153,209,222,225,230,230,222,222,228,230,233,238,241,241,241,241,243,241,230,212,203,204,209,207,198,203,225,235,241,243,246,246,113,98,104,141,212,225,225,228,228,228,230,233,233,235,235,238,241,241,238,235,233,230,225,228,235,235,228,225,230,233,233,233,233,233,233,228,228,230,235,233,230,228,222,222,228,233,233,230,230,233,233,233,233,228,225,225,222,217,215,222,230,230,230,230,230,230,230,230,225,209,140,130,202,217,228,228,225,225,222,220,222,228,228,225,215,211,212,215,222,225,225,222,217,220,225,228,228,228,225,225,225,225,225,228,225,228,228,230,230,230,228,228,225,225,222,222,217,217,216,216,217,217,222,222,222,220,217,217,217,222,222,225,225,225,225,222,222,220,220,220,220,220,220,220,220,217,217,217,217,217,220,222,222,222,218,218,222,222,222,222,220,220,222,222,222,222,222,222,217,215,215,215,217,217,217,217,215,207,202,202,209,217,222,222,222,222,222,222,222,221,221,220,222,225,228,228,225,222,215,211,211,212,215,215,215,212,215,215,215,215,217,217,222,217,217,215,215,215,217,222,225,228,230,230,230,230,230,230,230,233,235,238,241,241,238,238,235,233,233,230,228,228,228,225,222,217,212,207,207,209,209,209,207,204,204,204,202,202,204,207,209,212,212,215,215,215,212,204,202,207,212,212,207,202,202,204,207,204,202,199,196,196,199,207,215,222,230,230,229,233,241,248,254,254,255,255,251,243,241,235,233,234,238,238,230,225,220,218,222,228,225,217,215,215,217,225,225,228,225,225,225,230,241,251,255,255,255,255,255,255,255,255,255,255,0,0,0,255,255,255,255,255,255,255,255,255,255,255,0,0,0,255,255,255,255,255,255,255,255,255,255,254,254,255,255,255,255,254,176,163,160,163,160,152,129,93,95,99,101,101,99,93,87,89,99,109,155,160,163,165,163,160,152,142,99,93,89,93,101,152,163,170,170,163,142,93,81,74,81,93,101,152,155,160,157,152,142,109,144,155,157,168,168,168,178,186,204,225,235,225,207,196,191,196,215,233,255,255,255,255,255,246,228,209,191,133,109,96,96,96,96,96,109,165,173,173,165,165,152,103,91,85,85,85,83,77,63,57,49,43,0,0,65,95,59,35,23,23,21,20,27,0,0,43,43,45,74,87,74,43,25,11,13,31,0,98,79,64,45,31,25,31,37,66,87,100,100,98,79,77,79,92,98,108,108,87,43,23,17,17,17,3,0,0,0,0,3,33,79,87,105,134,155,157,173,173,129,105,116,129,111,77,85,118,137,139,139,147,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,53,51,0,0,0,40,25,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,95,103,111,111,103,66,9,0,0,23,113,165,142,72,19,5,19,39,31,5,0,0,0,21,31,9,0,0,0,0,0,0,0,13,45,85,98,98,98,105,105,100,59,51,59,67,69,103,116,121,103,49,29,21,21,19,9,0,0,0,0,0,0,0,0,0,0,0,0,0,45,126,170,212,233,233,241,246,235,216,216,235,243,243,251,255,255,255,228,205,241,255,255,255,255,255,255,255,255,255,233,147,55,13,0,0,0,0,0,0,0,0,74,41,0,0,3,5,0,0,0,0,0,0,55,113,147,176,186,183,178,173,168,170,176,183,183,194,194,178,152,95,95,142,142,87,61,55,54,54,55,57,63,69,77,89,97,97,97,137,139,107,107,99,98,109,155,109,105,109,155,155,111,157,105,83,77,83,103,121,173,183,186,183,179,179,183,191,196,191,173,157,113,160,165,170,170,170,165,160,157,111,91,65,46,44,53,91,160,160,99,92,93,97,101,97,83,57,37,25,15,7,6,9,23,57,107,189,204,196,165,103,98,100,107,173,176,173,173,173,93,52,55,83,160,189,189,189,186,186,191,204,199,173,173,202,217,217,212,207,212,222,230,230,212,194,127,113,91,85,88,113,178,186,191,199,199,191,191,196,207,199,194,194,199,202,202,191,183,176,173,168,163,163,165,170,178,176,168,157,117,115,113,113,113,105,85,75,75,79,85,97,109,165,173,183,181,165,163,170,178,173,163,163,121,115,112,115,173,191,215,220,207,202,199,199,183,165,121,119,121,170,178,183,178,168,168,127,170,173,173,168,166,166,173,186,194,196,194,191,186,123,107,99,101,109,121,163,163,115,119,176,186,191,183,176,160,121,117,117,119,115,115,115,115,114,112,112,112,121,183,207,217,217,202,191,183,173,131,178,189,196,196,186,137,183,186,194,143,137,137,143,204,233,251,255,255,255,255,255,248,248,255,248,238,230,217,202,189,163,101,69,41,27,19,17,13,11,9,3,1,1,0,0,0,0,0,0,0,0,5,11,19,33,59,75,111,111,111,111,118,118,83,77,79,83,79,75,75,75,75,81,83,83,77,69,63,69,118,157,170,165,165,139,89,89,142,173,170,155,101,95,91,91,105,176,212,241,254,254,255,255,255,254,241 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,118,163,152,139,139,137,137,137,147,163,173,176,170,152,124,127,139,152,163,163,168,178,178,176,178,183,186,183,178,83,0,0,0,0,0,137,212,199,186,170,155,142,142,155,150,93,0,0,0,53,170,147,160,173,91,93,168,165,147,107,113,150,109,105,109,155,163,160,157,157,160,168,176,178,178,173,170,165,163,157,117,113,111,110,109,109,110,111,111,111,111,113,113,113,115,160,163,160,163,163,121,115,119,160,163,165,168,170,168,163,163,123,121,121,121,163,165,165,168,173,176,176,173,160,117,116,114,114,116,121,160,163,165,168,165,165,163,121,118,118,118,119,121,160,160,121,121,121,117,114,115,160,170,173,168,123,121,123,163,168,170,168,125,123,125,168,168,127,121,119,121,127,181,191,186,173,131,178,131,105,91,87,87,94,115,129,186,189,191,194,194,191,190,191,202,209,202,189,189,194,196,202,209,217,222,222,220,212,204,196,194,191,191,194,196,196,196,196,199,199,196,191,189,183,186,191,204,222,222,215,215,215,212,202,196,196,199,196,191,190,191,194,191,190,190,194,199,199,215,233,228,212,202,196,196,194,192,191,192,199,204,207,209,209,207,215,230,228,202,186,135,131,131,137,191,196,202,204,209,209,199,191,202,215,217,215,207,194,186,183,189,191,183,135,189,209,202,183,135,133,129,123,113,120,137,183,186,191,194,191,186,133,111,111,115,107,69,17,129,191,186,181,194,204,207,215,215,212,222,230,228,186,97,109,129,202,235,243,241,241,235,225,224,225,225,225,224,224,225,228,230,233,233,235,235,233,222,199,136,140,196,207,212,215,222,228,225,215,196,191,194,202,204,202,207,209,207,209,215,215,204,196,194,196,199,202,207,209,204,196,191,192,207,225,230,222,222,228,230,233,233,233,233,228,222,215,209,204,202,202,202,199,194,192,194,196,196,199,204,209,212,204,199,141,141,189,139,132,135,202,207,191,141,139,191,202,202,204,207,207,207,196,192,212,222,222,217,212,207,207,217,233,235,225,196,138,138,186,202,204,204,199,196,202,207,204,196,194,196,196,186,182,183,191,194,189,189,202,217,225,230,230,217,199,189,186,186,189,196,199,194,189,196,209,217,217,202,137,135,189,196,196,204,207,199,189,186,199,217,225,212,123,121,178,191,181,131,133,204,228,230,222,217,217,222,228,230,217,194,189,204,225,233,238,228,202,191,209,181,189,202,212,207,199,194,194,204,212,207,191,181,135,183,196,199,191,186,186,186,181,127,133,204,202,131,130,186,178,131,178,186,186,186,191,199,215,228,235,233,230,220,173,169,181,191,189,189,194,199,204,207,207,209,212,212,209,204,194,139,137,143,202,199,140,138,141,207,212,207,198,196,196,199,202,199,199,204,207,209,207,209,222,225,222,215,207,199,195,195,196,202,209,209,202,196,198,199,204,215,212,202,194,191,189,141,141,191,196,199,202,202,202,202,204,212,217,212,202,196,196,199,204,207,207,207,204,204,204,204,209,215,217,225,222,209,199,204,212,207,200,200,204,212,222,225,225,217,217,217,215,217,230,230,120,118,109,108,130,217,217,217,233,235,217,212,228,233,217,204,209,215,222,217,209,204,212,230,241,241,238,238,235,228,215,212,222,233,233,230,230,230,225,212,196,136,137,143,204,222,225,217,215,141,3,0,69,235,233,233,230,230,228,204,141,142,191,202,215,217,212,207,209,225,228,225,228,233,235,233,233,233,233,235,235,233,233,233,233,230,230,228,225,225,225,228,228,230,233,233,235,235,238,238,238,238,241,241,241,241,241,238,235,235,233,230,230,230,230,230,230,230,230,230,230,230,230,230,233,233,233,235,238,235,233,230,233,235,238,235,233,230,230,230,233,235,238,238,238,238,238,238,235,233,230,228,230,230,233,235,233,233,235,235,225,211,211,215,222,228,225,222,230,235,235,235,235,230,222,220,222,222,225,228,228,222,222,222,225,225,225,222,216,216,222,233,241,243,243,241,238,238,238,241,241,241,238,235,238,233,228,215,157,145,153,225,228,230,233,217,222,233,235,238,241,243,243,243,241,243,243,233,209,199,195,196,198,196,203,225,238,243,243,246,243,212,105,108,143,212,225,228,233,233,230,233,233,233,233,235,235,238,238,235,233,235,233,233,233,235,233,225,222,228,230,228,230,230,230,228,222,222,230,235,235,230,228,225,222,228,233,233,230,233,233,233,230,230,228,225,225,222,213,212,215,225,230,230,230,230,230,233,230,228,212,143,135,145,212,228,230,230,228,225,222,222,225,225,217,215,212,215,217,222,222,220,217,217,222,228,230,230,228,225,222,222,225,225,225,225,225,228,228,230,230,228,228,228,225,225,222,222,220,217,217,217,217,217,217,217,215,215,217,217,222,222,225,225,225,222,222,220,220,220,220,220,220,220,220,220,217,217,217,217,217,217,222,222,220,218,218,220,222,222,217,217,217,217,217,217,217,220,217,217,215,215,215,217,217,215,215,212,204,202,204,212,215,217,217,217,220,220,220,222,222,222,222,222,225,225,225,222,215,211,211,211,212,212,212,212,212,212,212,215,215,217,222,222,217,215,212,212,212,215,217,225,228,230,230,230,230,230,230,233,235,238,241,241,241,238,238,235,233,233,233,230,228,228,228,225,220,215,212,212,212,212,212,209,207,204,204,204,202,202,204,209,212,212,212,215,215,212,207,204,207,212,212,209,204,204,207,209,204,202,199,199,199,199,204,209,217,225,230,233,235,243,251,254,255,255,255,251,246,243,238,234,234,238,238,233,225,220,220,228,233,230,222,217,217,220,225,228,233,233,233,228,228,233,243,248,254,255,255,255,255,255,255,255,255,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,251,251,255,255,255,254,246,163,160,155,155,155,142,129,93,95,129,99,95,93,87,83,87,93,99,107,142,142,142,142,107,107,99,93,87,87,93,99,142,155,160,160,155,139,99,89,87,93,99,142,152,155,157,152,142,142,109,109,144,157,160,157,157,168,186,204,233,241,235,215,207,207,217,233,255,255,255,255,255,246,235,225,209,196,181,115,107,109,115,115,115,165,173,183,183,173,176,152,97,79,75,79,79,79,73,63,49,43,0,0,0,0,87,59,39,29,29,29,29,31,0,0,0,59,64,74,90,87,64,31,21,0,0,0,0,116,90,64,37,31,37,66,79,92,100,116,118,118,118,118,108,98,103,103,87,43,17,0,0,0,0,0,0,0,0,0,29,79,98,113,131,147,155,170,157,121,103,116,131,118,85,77,95,113,121,126,129,155,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,66,51,0,0,0,33,25,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,85,111,105,100,103,95,77,41,33,98,170,217,199,100,5,0,0,7,21,11,0,0,0,0,13,27,15,0,0,0,0,0,0,17,53,111,113,105,105,116,116,121,108,67,71,105,100,69,69,103,103,69,47,29,21,27,37,37,23,1,0,0,0,0,0,0,0,0,0,0,0,25,45,85,170,209,222,233,241,233,233,233,243,251,255,255,255,255,255,254,202,248,255,255,255,235,238,248,254,255,254,230,178,155,142,51,0,0,0,0,0,0,0,37,37,0,0,31,43,5,0,0,0,0,0,0,43,157,199,199,183,176,168,165,173,176,183,191,204,196,176,152,91,95,131,91,75,57,52,52,51,52,57,75,83,89,91,91,91,91,95,99,107,150,107,107,155,155,109,106,155,170,111,101,103,103,91,82,86,111,160,173,183,189,183,183,191,196,199,199,191,165,105,99,111,160,160,160,160,160,160,160,147,97,77,46,41,53,93,165,176,155,142,103,95,89,89,95,83,43,21,13,15,19,17,27,57,101,181,202,202,183,155,107,107,155,176,176,169,173,173,107,69,81,117,194,212,217,217,212,199,181,170,107,93,101,181,207,217,222,222,222,230,230,230,212,191,129,115,101,91,99,127,186,194,196,204,204,196,189,196,207,204,199,194,191,194,191,191,183,176,173,173,173,168,170,170,173,173,163,117,111,111,115,155,155,105,87,85,89,97,103,111,168,183,191,199,189,170,163,165,168,168,160,123,121,115,114,121,176,202,209,215,207,204,199,186,165,121,121,119,119,127,178,181,178,168,125,125,127,170,173,173,170,170,173,189,194,196,194,191,173,117,98,96,101,107,113,113,113,113,119,176,183,186,183,176,176,160,117,117,115,115,115,115,115,115,115,115,115,173,196,215,217,217,207,191,181,173,133,178,189,196,194,183,183,137,135,131,131,133,204,225,235,251,255,255,255,255,255,255,248,248,248,248,238,228,217,207,189,173,107,81,55,35,29,21,15,11,11,7,7,3,0,0,0,0,0,0,0,5,15,19,23,35,59,71,111,116,111,118,118,116,83,77,77,69,65,59,55,51,51,55,63,63,57,47,37,49,77,142,165,165,165,163,134,91,131,157,163,155,134,95,83,83,99,168,209,238,254,254,254,254,255,255,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,87,82,134,74,79,129,129,131,134,144,160,170,176,168,150,134,129,139,152,155,99,93,176,176,176,176,176,176,170,163,75,0,0,0,0,0,99,170,191,186,144,97,131,142,152,155,97,0,0,0,35,29,0,160,199,78,49,105,150,109,107,107,99,96,100,111,157,160,157,117,155,157,163,165,170,173,170,165,160,157,117,115,115,113,113,111,111,113,117,119,119,117,113,109,107,106,109,115,119,163,168,165,163,165,168,165,163,163,165,165,165,168,165,119,113,111,113,121,165,168,173,173,176,176,165,121,119,117,115,115,117,121,160,165,165,165,165,165,160,119,119,119,119,160,163,165,165,165,160,119,117,117,121,168,173,170,165,123,163,165,165,165,125,123,123,123,127,170,170,168,127,125,125,129,173,129,125,123,123,117,107,97,95,97,105,133,186,191,189,191,191,194,191,190,194,209,222,215,196,185,185,191,199,209,217,222,222,225,222,212,202,191,190,191,194,196,196,194,196,196,196,196,194,189,186,189,191,199,209,212,209,212,215,212,204,196,194,196,196,191,190,191,191,191,189,189,191,194,196,212,230,233,225,207,194,192,192,194,194,194,199,209,222,222,212,196,194,199,194,133,127,128,129,135,186,194,202,207,217,225,222,204,189,191,199,199,194,186,137,136,137,189,189,133,124,127,199,186,124,127,127,123,121,112,118,131,135,135,183,183,137,178,181,123,123,189,189,191,196,186,135,131,123,113,97,105,202,212,217,222,225,228,212,109,111,137,209,235,241,238,235,233,225,224,224,225,225,225,228,230,230,230,228,228,233,235,235,217,194,138,141,194,199,199,202,207,209,212,207,199,191,191,196,199,202,212,222,228,230,230,225,207,191,183,185,189,191,194,199,196,194,192,199,212,225,230,215,215,222,233,235,235,233,225,215,209,202,199,199,199,202,199,196,194,194,194,192,194,202,212,222,225,228,222,217,199,194,194,137,135,191,207,204,189,123,123,194,204,207,202,198,199,191,187,194,209,215,215,209,204,207,225,238,241,228,202,139,136,137,202,217,225,212,202,202,204,202,199,199,199,194,189,186,186,189,189,183,137,139,191,202,212,212,196,139,137,186,191,194,199,199,194,189,191,202,209,199,132,123,124,133,181,183,191,196,189,131,117,125,196,217,215,178,176,189,176,125,124,133,199,215,212,204,209,217,225,228,230,215,189,186,207,228,233,233,222,207,212,222,194,191,209,222,217,207,194,194,212,228,217,191,127,124,127,135,178,133,133,178,183,181,133,133,176,127,120,119,176,181,176,131,173,181,186,183,189,199,212,222,217,212,207,168,169,183,189,186,189,199,207,215,217,222,222,225,228,233,235,230,189,135,137,199,199,140,138,145,215,228,225,212,199,198,204,215,215,207,199,202,209,209,204,204,204,207,212,212,209,202,196,196,199,207,212,209,202,198,199,209,228,222,209,202,196,143,137,136,189,199,202,204,202,202,207,212,209,212,212,207,199,199,204,212,222,217,209,204,204,204,207,209,217,228,235,233,204,135,136,202,209,209,212,212,215,228,233,233,222,209,207,215,222,230,233,123,117,109,101,122,220,212,202,233,233,209,147,204,230,225,207,199,199,202,204,196,139,133,207,241,241,238,235,235,233,228,225,228,230,230,229,230,235,233,222,209,199,189,189,202,209,194,196,222,228,91,28,87,235,235,235,230,230,225,202,143,191,196,204,217,228,222,209,209,225,228,224,228,233,233,233,233,233,233,233,233,233,230,233,233,230,228,225,225,225,228,230,230,230,230,230,233,235,235,238,238,238,238,238,238,238,238,235,233,233,230,230,229,230,230,230,230,230,230,230,228,228,230,233,233,233,233,233,235,233,230,230,233,235,238,235,233,233,233,233,235,238,241,241,238,238,235,233,230,230,228,225,225,228,233,233,235,238,235,228,212,204,208,215,222,228,225,222,225,233,233,233,228,225,222,222,222,222,222,225,225,222,217,217,217,217,222,222,217,216,217,228,238,241,241,238,238,238,238,241,241,241,238,238,241,238,228,215,155,133,141,225,222,225,230,215,222,235,241,241,241,239,239,241,241,243,243,233,215,203,196,196,202,204,215,228,238,243,246,246,241,225,133,137,204,222,230,233,238,235,233,233,233,233,233,233,235,235,235,233,233,233,233,233,230,230,225,217,215,225,228,228,228,230,230,228,218,218,228,235,230,225,225,228,228,230,233,235,233,233,233,230,228,228,228,228,228,222,213,212,217,225,230,230,230,230,230,228,230,228,215,151,142,145,209,228,230,233,233,230,225,222,217,215,212,212,215,217,217,215,215,217,220,222,225,228,230,230,228,225,222,222,222,225,225,225,225,228,228,228,228,228,228,228,228,228,225,225,222,222,222,220,215,209,204,207,209,215,220,222,222,222,222,222,222,222,220,220,220,220,220,220,220,220,220,220,217,217,217,217,217,220,222,222,220,218,220,222,222,222,217,217,217,217,215,215,215,217,217,217,215,215,215,215,217,215,212,207,202,202,207,212,212,212,215,215,217,217,217,220,222,222,222,222,222,222,217,215,212,212,212,215,215,212,212,212,212,211,212,215,217,222,222,217,215,212,212,212,215,217,222,225,225,228,228,228,230,233,235,235,238,241,241,241,241,238,238,235,235,233,233,233,230,230,228,225,222,217,215,215,215,215,212,209,207,207,207,204,202,202,204,207,209,209,209,212,215,215,209,207,209,212,212,209,207,207,209,209,204,199,199,199,199,199,202,207,215,225,230,238,241,243,248,254,255,255,254,254,248,248,246,241,241,246,243,235,225,220,225,233,235,233,228,222,217,217,220,225,230,238,235,228,224,225,233,243,251,255,255,255,255,255,255,255,255,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,248,246,248,248,246,243,246,248,251,255,255,255,248,243,163,160,152,152,142,139,129,121,93,93,89,87,81,81,81,81,87,93,93,95,99,99,95,95,95,89,81,81,81,87,95,101,142,152,152,142,139,139,139,139,101,139,152,155,160,157,152,142,142,142,103,144,155,157,155,111,157,178,209,238,255,241,225,215,225,233,254,255,255,255,255,255,255,238,228,217,209,202,186,127,125,173,181,183,183,194,196,202,202,194,168,103,85,79,79,85,83,77,63,49,0,0,0,0,0,53,49,39,33,33,29,29,33,0,0,0,0,64,66,74,74,59,37,0,0,0,0,0,142,116,66,37,37,66,79,85,79,79,100,113,126,126,118,108,90,79,77,49,31,3,0,0,0,0,0,0,0,0,0,27,87,116,124,131,139,147,155,139,116,103,111,121,118,87,68,77,103,118,126,121,134,176,209,0,0,0,0,0,0,0,0,0,150,163,170,0,0,0,0,0,0,0,0,0,90,66,51,0,0,0,25,25,17,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,129,113,92,75,75,85,103,129,170,215,241,209,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,134,176,155,129,113,116,124,124,116,100,108,118,118,100,59,61,61,55,53,41,29,29,49,95,61,21,0,0,0,0,0,0,0,0,0,0,25,51,59,61,71,152,212,241,246,241,241,248,255,255,255,255,255,255,255,255,204,251,255,254,230,199,199,225,246,255,255,230,181,173,173,121,1,0,0,0,0,0,0,23,72,0,31,51,79,87,39,9,0,0,0,0,0,147,199,207,194,178,168,165,168,173,176,186,196,189,168,97,85,85,91,85,67,61,61,59,55,55,63,77,89,89,91,85,85,85,85,87,97,152,152,163,181,173,109,108,165,173,103,83,84,97,111,111,113,170,170,170,183,183,173,176,191,199,199,199,191,113,93,87,99,111,113,160,157,160,160,160,157,144,99,59,41,65,97,165,178,181,176,155,101,95,101,157,157,57,23,13,19,39,59,75,101,168,194,207,204,186,168,155,157,176,189,189,176,176,181,176,160,165,186,202,212,225,228,207,181,119,99,87,87,105,181,204,217,225,230,230,233,243,243,222,202,178,170,127,119,127,183,194,194,194,204,204,191,186,196,207,209,204,194,186,186,191,191,183,178,181,181,176,170,170,170,173,168,160,111,105,105,109,113,113,105,93,97,105,107,109,157,176,191,202,199,194,176,165,170,178,168,119,119,121,117,114,121,173,189,202,204,199,199,186,176,125,121,121,119,119,121,170,178,178,173,123,121,123,168,173,186,186,186,189,189,194,196,191,183,163,109,97,98,113,119,111,105,101,107,117,165,183,183,178,176,176,160,117,109,109,109,115,123,121,121,121,119,123,181,202,215,217,217,207,191,181,132,133,181,189,196,194,186,183,131,117,111,111,137,222,241,248,255,255,255,255,255,255,255,248,248,248,243,235,228,217,207,196,181,163,95,69,47,37,25,17,11,11,11,9,7,3,0,0,0,0,0,5,19,29,29,29,41,59,71,111,118,118,118,126,116,83,75,69,69,63,55,45,44,42,44,49,57,47,37,33,34,65,126,157,157,163,170,157,93,90,142,163,155,134,91,77,77,91,157,196,233,251,241,241,241,254,255,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,82,0,40,0,0,111,121,129,137,147,155,163,170,168,147,126,92,95,144,131,45,36,65,160,165,165,165,157,137,91,45,0,0,0,0,0,63,142,183,168,82,82,97,144,165,189,191,81,79,87,49,0,0,0,189,107,45,109,160,163,152,101,78,86,101,155,160,157,115,115,155,157,155,157,163,168,170,168,165,157,119,119,119,119,117,115,115,119,160,165,165,160,117,111,106,105,106,109,119,168,178,181,176,165,163,163,121,121,123,163,168,168,163,117,110,108,110,121,170,176,176,173,173,173,170,165,165,165,160,121,160,163,165,168,168,168,168,165,121,119,121,121,121,121,121,163,165,165,160,119,119,121,121,165,173,176,170,165,163,123,121,119,119,119,121,121,125,176,178,176,173,170,125,124,127,170,173,170,125,121,117,115,115,125,176,204,204,199,194,191,190,194,191,190,196,212,228,225,204,176,178,186,196,207,217,225,225,225,222,215,207,196,191,191,196,196,194,191,191,191,194,196,194,189,186,191,191,194,199,202,204,207,209,209,204,194,192,194,196,196,194,194,194,191,189,189,190,191,196,207,225,235,235,222,196,192,192,196,199,196,199,209,228,233,225,202,191,189,139,129,127,128,133,139,191,199,202,209,225,233,233,209,189,186,186,183,137,136,134,135,183,191,183,127,122,125,194,124,114,125,127,120,118,114,127,191,194,189,186,135,132,134,196,191,196,209,202,196,199,178,117,115,107,78,54,60,137,209,220,225,225,228,225,117,111,207,222,233,235,230,228,230,228,225,225,225,225,228,233,233,233,228,225,222,225,233,233,215,194,140,143,194,196,194,194,199,199,196,199,199,194,194,199,199,204,215,225,230,228,228,222,204,186,181,182,186,189,189,189,191,194,196,202,209,217,225,212,207,209,225,228,228,217,212,204,199,196,195,195,196,196,196,196,196,194,194,191,192,207,222,225,222,220,216,228,209,191,199,202,141,139,196,207,199,113,114,191,207,207,198,195,199,196,189,191,199,204,207,204,203,204,212,225,230,225,202,186,138,138,209,233,235,222,207,202,199,196,199,199,199,194,191,189,189,189,186,183,135,130,116,119,129,137,133,131,135,191,199,199,199,199,196,189,189,191,196,189,134,128,132,186,186,181,191,199,183,105,89,100,194,222,225,215,217,225,196,127,119,114,186,194,187,183,191,209,220,225,225,215,183,178,207,228,230,228,230,225,230,225,186,191,209,215,217,204,186,185,204,230,228,199,123,121,124,127,125,122,127,176,178,130,129,133,176,128,122,125,183,183,181,173,173,178,183,183,183,191,199,204,196,186,183,164,168,181,186,186,194,207,222,228,228,228,228,228,233,241,243,238,196,131,131,143,196,145,141,145,209,228,230,222,207,199,207,217,225,212,202,202,207,204,194,192,194,196,207,222,225,217,204,196,199,209,217,217,207,202,202,212,225,222,212,207,204,194,138,135,141,194,199,199,199,202,209,215,208,209,215,215,207,204,212,225,228,217,207,203,204,204,204,209,217,230,238,238,199,130,132,199,222,225,228,228,225,233,238,238,230,202,198,207,217,230,230,147,131,145,143,199,228,194,125,209,215,147,135,141,217,228,215,204,196,196,196,147,130,119,126,228,235,235,235,235,235,233,225,225,228,230,233,233,233,230,225,217,212,143,137,137,128,109,113,222,233,230,89,77,135,230,233,225,215,209,202,204,209,202,202,217,228,225,202,202,222,228,225,230,233,233,233,231,233,233,233,233,230,230,230,230,230,228,228,228,230,233,233,233,230,230,230,233,233,235,235,235,235,235,235,235,235,235,233,233,233,233,230,230,230,230,230,230,230,230,228,228,228,230,233,233,233,230,230,233,233,230,229,230,235,238,235,235,235,235,235,238,241,241,241,238,238,233,228,228,228,228,222,222,225,230,233,235,235,235,225,209,207,212,222,228,230,225,209,205,217,225,222,212,212,217,222,222,225,225,225,222,217,216,216,215,216,222,222,222,217,222,228,233,238,235,233,233,235,235,235,238,241,241,243,246,241,225,157,145,131,133,207,151,155,217,216,228,235,241,243,241,238,239,241,241,241,241,233,225,217,207,207,225,228,228,230,235,241,246,246,241,209,147,155,217,230,238,235,235,238,235,233,233,233,235,233,233,233,233,230,228,230,233,233,230,228,222,212,215,225,230,233,233,233,233,225,217,217,225,230,228,220,224,230,233,233,235,238,238,235,233,230,228,228,228,230,228,225,217,217,222,228,228,230,230,230,228,228,228,228,222,212,202,151,209,225,230,230,233,233,228,222,215,209,207,209,212,215,212,209,209,217,222,225,225,228,230,228,228,225,222,222,225,225,225,225,225,225,228,228,228,228,228,228,228,228,228,225,225,225,222,215,204,149,147,151,207,217,222,222,222,222,222,222,222,222,220,220,222,222,222,222,222,222,220,220,217,217,217,217,217,222,222,222,222,222,222,222,222,222,217,217,217,215,215,215,215,215,215,215,215,215,215,215,215,212,209,204,202,204,209,212,212,212,212,212,212,215,215,217,222,225,225,225,222,217,215,212,212,215,215,215,215,212,212,212,212,212,212,215,217,217,217,215,212,212,212,215,217,222,222,222,225,225,225,228,230,233,235,238,241,241,241,241,241,241,238,235,235,235,235,233,233,230,225,225,222,220,217,217,217,217,217,212,209,209,207,204,202,202,202,204,207,207,207,209,215,215,212,209,209,212,209,209,207,207,209,209,204,199,196,196,196,196,202,207,217,225,233,241,243,243,248,254,255,255,254,254,251,254,251,248,248,251,248,241,228,222,228,235,235,230,228,225,222,217,217,222,228,235,235,225,221,221,230,241,248,254,255,255,255,255,255,255,255,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,243,238,238,241,241,238,238,241,246,251,255,255,255,246,243,163,163,155,142,139,131,129,121,89,87,81,81,73,73,73,73,81,81,81,81,87,87,87,87,87,81,73,71,73,81,87,93,99,139,139,101,139,150,155,155,142,139,150,155,160,160,157,152,142,103,103,103,109,111,105,109,157,178,212,241,255,255,233,225,233,243,255,255,255,255,255,255,255,243,235,228,225,209,199,181,173,186,199,199,204,212,212,212,222,212,194,152,97,91,91,89,85,77,63,49,0,0,0,0,0,43,39,33,29,29,25,23,29,0,0,0,0,0,56,39,39,37,37,0,0,0,0,0,0,124,66,37,66,90,92,79,74,74,79,90,100,108,100,85,49,43,43,35,23,0,0,0,0,0,0,0,0,0,0,15,87,131,139,131,139,147,147,131,116,103,98,103,95,85,68,77,103,126,134,118,116,142,181,209,0,0,0,0,0,0,134,131,147,170,178,0,0,0,0,0,0,0,0,0,0,77,56,51,0,0,33,25,22,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,142,118,87,70,66,85,121,150,173,189,207,207,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,183,222,202,155,129,121,118,124,118,116,118,129,126,108,57,49,45,47,47,41,31,35,61,134,147,49,15,0,0,0,0,0,0,0,0,0,45,134,150,65,27,63,186,241,248,248,243,248,255,255,255,255,255,255,255,255,217,254,255,248,202,163,165,202,238,255,255,222,163,152,155,121,1,0,0,0,0,0,0,0,98,111,217,126,95,95,82,100,111,25,0,0,0,67,178,202,199,173,157,155,157,157,157,170,183,170,150,89,85,87,91,85,73,67,75,75,67,61,63,69,83,83,83,77,79,85,85,91,99,152,165,178,186,176,109,109,165,160,91,74,73,89,163,181,183,183,170,160,160,115,101,103,160,191,196,191,178,111,91,86,93,99,105,113,157,157,157,147,144,105,99,71,45,83,142,165,181,186,183,176,163,163,170,183,176,97,39,13,12,29,99,183,199,207,215,215,204,191,176,168,173,189,202,199,189,181,183,196,204,202,204,204,212,228,228,196,117,91,79,81,93,129,196,212,217,225,233,233,233,248,254,246,222,194,183,178,176,176,183,183,186,189,199,199,191,181,194,207,209,204,194,186,181,183,191,186,183,183,186,181,176,170,170,173,168,160,109,95,93,93,99,103,105,105,111,117,117,155,168,186,202,202,199,199,181,170,178,178,173,123,123,121,121,115,121,168,178,189,189,186,186,176,170,165,168,165,119,115,119,125,178,191,178,125,121,121,165,176,186,189,189,189,186,189,194,186,168,121,105,98,109,165,165,111,99,95,97,111,163,176,176,176,160,173,160,109,104,104,109,160,123,123,123,123,123,173,183,202,209,217,217,209,196,181,173,173,181,189,194,196,196,183,129,108,108,111,143,225,243,248,255,255,255,255,248,255,255,248,246,246,238,228,222,228,217,207,189,170,139,81,63,47,33,23,17,15,17,15,13,9,3,0,0,3,9,19,35,49,49,49,51,65,79,111,118,118,126,126,124,116,79,75,71,67,61,51,43,43,49,57,63,57,37,30,34,57,87,134,142,157,178,173,134,90,134,157,155,137,91,77,73,79,105,183,217,241,238,230,230,238,254,255 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,59,0,0,9,1,0,0,0,0,0,82,108,124,134,139,147,147,160,155,137,120,90,87,81,69,51,50,65,150,150,152,155,150,103,79,57,21,0,0,0,0,0,45,163,147,82,91,137,97,157,204,170,155,173,228,215,41,0,0,209,194,155,165,186,178,163,109,93,103,111,152,155,152,111,113,157,157,117,113,119,165,170,178,176,170,165,165,168,165,160,119,119,163,165,168,168,163,119,113,109,107,106,109,117,168,186,189,173,119,118,121,119,119,123,165,168,168,121,111,109,109,113,123,176,183,181,173,170,170,170,170,170,168,168,170,173,173,170,170,173,170,168,163,119,118,119,121,121,119,119,120,121,121,117,117,119,119,119,160,168,173,170,168,163,119,113,111,113,113,119,123,125,173,178,178,181,176,125,122,127,181,183,178,170,129,129,131,173,189,202,212,212,202,196,194,194,194,191,191,196,209,222,225,212,174,179,185,189,196,209,220,222,222,217,209,204,199,194,194,196,199,194,187,186,187,191,199,202,196,186,189,194,191,191,191,196,204,204,204,204,194,190,192,202,204,199,196,194,194,194,194,196,199,202,204,215,228,230,215,196,191,191,196,202,202,202,209,225,233,230,217,202,139,128,127,128,129,137,183,191,204,204,204,225,238,235,215,194,183,181,137,181,137,134,136,199,204,186,127,125,196,199,108,107,127,125,118,120,117,196,209,209,202,189,178,133,178,194,202,209,222,212,191,186,135,121,109,101,91,82,90,113,189,215,222,222,225,212,186,196,217,228,233,230,226,225,226,228,228,228,225,228,233,235,235,233,228,222,220,222,228,228,209,191,143,191,196,194,191,191,196,202,196,194,196,199,202,202,199,199,207,217,209,202,209,204,191,186,183,189,196,194,189,187,191,194,199,202,207,212,212,207,202,196,202,207,204,196,196,196,196,196,195,195,195,195,195,196,196,196,194,191,192,207,217,222,217,215,216,217,215,204,204,204,143,128,143,217,225,202,143,194,202,199,195,195,199,202,194,192,196,204,204,209,212,207,207,209,212,209,196,189,139,141,199,225,228,215,204,199,196,199,202,202,199,196,194,191,189,186,189,191,186,132,124,125,130,132,132,131,133,186,194,189,186,191,194,191,186,183,183,186,196,215,215,215,209,196,194,215,113,62,78,191,215,225,228,230,230,228,217,196,83,107,181,199,185,179,189,199,212,215,204,178,117,173,212,225,228,230,230,235,241,105,115,183,186,196,207,196,185,185,194,215,225,215,181,129,129,127,121,120,129,181,183,178,176,181,186,186,181,178,181,181,183,178,173,178,189,191,186,191,196,199,186,173,176,173,173,183,189,189,202,222,233,235,230,228,228,233,238,241,243,238,194,128,133,141,191,194,145,194,204,217,228,225,212,199,204,212,215,207,202,207,209,199,190,191,199,145,199,228,230,228,222,207,202,204,209,207,207,204,204,207,212,209,207,207,209,202,143,139,139,191,196,199,202,202,204,209,212,217,222,217,212,209,212,217,222,209,204,204,207,207,204,207,217,228,233,217,141,134,139,209,228,233,233,233,233,235,235,235,230,202,196,202,222,230,225,207,196,145,196,228,233,127,113,121,139,133,133,147,217,228,228,225,215,204,199,199,196,119,115,207,230,235,235,235,235,233,225,215,222,230,233,233,233,230,225,222,212,139,133,132,124,116,132,212,233,235,99,58,74,222,222,209,189,141,196,215,220,202,199,209,225,233,116,118,222,228,230,233,233,233,233,233,233,235,235,233,230,230,230,230,233,233,233,230,233,235,233,233,230,230,230,233,233,235,235,235,235,233,233,233,233,233,231,231,233,235,235,233,230,230,230,230,230,230,228,228,230,233,233,235,233,233,230,230,230,230,230,233,235,235,235,235,235,235,235,238,241,241,241,238,235,230,228,228,228,225,222,222,222,228,230,230,225,230,225,217,222,228,233,235,235,228,204,195,209,215,209,208,209,217,225,228,230,233,228,216,215,217,222,217,217,222,217,215,222,222,225,230,233,230,228,230,230,230,230,235,241,241,243,248,241,217,149,135,124,126,145,149,155,222,228,233,235,238,241,243,241,241,241,241,241,241,238,233,228,222,222,230,235,222,230,238,241,243,243,238,209,207,217,230,238,241,238,238,238,235,235,235,235,235,235,235,235,233,228,217,217,228,235,233,228,215,212,217,228,233,235,238,235,230,222,217,218,222,228,228,225,228,230,233,235,235,235,235,238,233,233,233,230,230,233,230,222,217,217,217,222,225,228,228,228,228,228,225,225,228,228,217,212,215,222,228,230,233,233,230,225,215,207,205,207,209,209,208,207,209,217,225,225,225,228,228,225,225,222,222,225,225,228,228,225,225,225,225,228,228,228,225,225,228,228,228,228,228,225,215,202,141,133,137,151,212,217,222,222,222,221,222,222,225,225,222,222,222,222,222,222,222,220,217,217,217,217,217,220,222,222,222,222,222,222,225,225,225,222,222,217,217,217,217,215,215,217,215,215,215,215,215,215,215,212,207,202,200,204,207,209,209,209,212,209,209,212,215,217,222,225,225,222,222,217,215,212,212,215,217,215,215,212,215,215,215,215,215,217,217,215,212,209,212,212,215,217,222,225,225,225,222,222,225,230,233,235,235,238,241,241,241,241,241,241,241,238,238,235,235,235,233,230,225,222,217,217,217,222,222,222,220,217,212,209,207,202,202,199,202,202,204,204,207,212,215,215,215,212,212,209,207,207,207,207,209,207,202,199,196,149,145,147,202,212,222,228,233,238,243,243,248,254,255,255,254,254,254,254,254,254,254,254,251,243,233,225,225,233,235,228,225,225,225,222,217,217,225,230,230,225,224,225,230,238,243,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,254,251,246,241,238,238,238,238,237,238,241,246,254,255,255,248,246,176,170,160,142,131,129,129,121,87,81,81,81,75,75,75,73,67,65,61,65,67,73,75,79,79,73,71,67,67,73,79,81,87,93,95,99,139,155,170,165,152,142,139,152,160,163,152,142,103,95,95,97,101,97,97,109,157,186,207,233,254,255,243,235,241,0,0,255,255,255,255,255,243,235,228,220,215,207,194,173,173,186,204,217,230,233,230,225,230,222,204,178,152,134,126,89,83,71,63,47,49,0,0,0,49,43,39,29,23,19,17,17,17,29,39,0,0,0,0,33,33,33,39,0,0,0,0,0,0,126,61,37,92,111,100,74,79,85,85,69,69,85,85,66,37,31,29,29,17,0,0,0,0,0,0,0,0,0,0,0,33,121,139,131,139,137,137,147,147,118,103,77,47,50,82,85,108,126,126,108,108,134,165,176,0,0,0,0,0,163,139,134,142,0,0,0,0,0,0,0,0,0,0,0,0,0,53,53,0,64,40,33,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,124,131,111,95,77,73,87,105,124,139,144,168,255,202,0,0,0,0,0,0,0,0,0,0,21,33,1,0,0,0,0,0,0,39,191,238,230,189,147,131,124,124,139,134,126,134,134,121,71,47,41,35,27,27,31,47,100,165,212,129,43,9,0,0,0,0,0,0,0,0,5,108,165,134,12,24,150,220,241,248,241,235,248,255,255,255,255,255,255,255,251,255,255,246,178,129,138,0,0,255,254,212,181,157,157,160,0,0,0,0,0,0,0,0,79,111,160,168,134,51,17,45,121,98,0,0,0,0,47,189,191,157,148,148,142,143,152,176,183,168,93,83,85,85,79,79,79,75,81,81,67,55,52,55,69,73,73,71,79,91,105,160,163,173,173,173,165,152,101,109,155,155,91,77,77,97,178,191,191,189,165,114,115,101,91,93,111,181,181,160,113,111,99,93,87,91,99,113,160,157,105,97,87,77,71,65,71,95,157,170,170,186,183,178,178,183,189,189,176,152,101,57,25,29,89,191,217,225,228,217,202,196,194,183,178,183,196,199,191,178,178,191,204,207,207,212,212,222,217,186,99,71,71,87,105,176,204,215,215,230,248,248,225,233,255,255,251,222,189,176,176,168,113,117,165,176,191,191,189,181,194,207,209,212,204,186,178,181,191,191,183,189,189,181,181,176,178,178,173,163,109,89,77,71,77,91,113,157,160,163,163,168,176,186,191,191,194,194,183,176,170,168,168,123,117,117,121,123,165,168,170,178,183,186,186,186,178,176,173,165,119,109,109,117,176,191,191,176,121,121,165,178,194,194,189,189,183,170,170,170,165,117,103,103,119,181,178,117,103,93,91,97,109,115,157,157,157,160,157,104,102,105,115,160,173,173,173,173,173,176,183,191,209,217,217,217,202,183,173,173,181,191,194,194,196,186,119,108,108,119,194,233,243,248,248,255,255,248,248,248,248,248,246,238,230,228,222,228,217,207,196,189,165,101,81,63,51,39,33,27,27,27,23,13,7,5,7,11,19,29,39,51,59,65,71,79,111,118,126,129,131,134,134,126,126,124,91,83,81,71,57,51,61,75,75,67,47,34,34,57,77,87,124,142,173,178,152,131,134,155,157,144,97,77,72,77,97,173,209,228,230,220,220,220,230,238 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,61,0,0,0,0,0,0,0,21,113,121,116,116,121,129,134,139,144,144,147,144,142,139,147,160,157,165,183,170,160,163,165,168,165,163,160,93,59,59,0,0,0,0,31,95,95,131,97,50,45,77,142,160,178,199,196,71,0,19,178,220,165,163,183,181,168,155,111,109,109,113,115,111,109,115,157,155,113,107,115,163,173,183,183,178,173,170,173,168,163,157,160,168,170,168,163,119,117,117,117,113,111,111,117,165,178,181,165,117,118,119,119,119,123,165,165,163,117,110,109,111,119,168,178,183,183,176,170,168,168,168,168,168,168,170,176,178,176,173,173,173,170,165,119,118,118,121,121,120,120,121,121,115,113,113,115,119,118,118,163,170,173,173,168,119,111,109,113,113,117,121,125,168,170,170,176,176,127,123,125,178,183,181,176,173,178,181,189,199,207,209,207,202,196,194,194,191,189,189,194,204,215,222,212,196,189,186,183,185,202,212,217,217,209,204,199,196,194,194,196,194,189,186,186,189,196,207,209,207,186,189,194,194,194,191,194,207,209,207,202,192,190,194,202,202,194,192,194,202,204,202,202,202,204,207,209,209,209,204,196,192,194,199,202,204,204,212,225,228,230,228,209,186,128,126,129,135,183,189,199,209,209,207,222,233,230,209,186,137,137,137,183,181,134,136,199,209,196,131,127,183,196,125,127,202,189,178,183,129,191,204,212,209,202,194,178,135,186,194,209,230,220,127,123,181,199,225,238,233,202,115,109,121,196,209,204,204,199,189,194,215,228,230,230,228,226,228,230,230,230,230,233,235,238,238,235,230,225,222,222,225,222,202,143,143,194,199,199,194,194,199,202,196,190,191,199,204,202,191,186,137,139,129,122,131,191,196,199,202,209,209,196,191,194,196,194,194,196,207,215,212,204,196,191,189,189,187,187,194,204,204,199,196,199,199,199,196,199,202,202,199,194,194,202,209,217,222,216,216,225,222,207,194,191,141,135,189,209,212,207,204,204,202,199,196,198,202,204,199,194,199,207,217,228,230,222,209,204,202,199,194,189,186,186,191,199,202,199,199,196,196,199,202,202,202,202,202,196,189,185,189,199,202,191,194,202,199,183,133,133,137,183,191,186,137,181,183,186,183,181,179,183,196,215,228,230,228,215,202,115,67,65,121,222,225,228,230,228,228,228,217,199,89,115,191,225,222,225,228,222,212,117,41,45,89,176,215,230,228,228,233,238,74,74,94,129,131,189,204,196,189,186,189,199,212,209,199,189,181,131,123,125,133,181,189,189,191,196,207,209,204,194,181,181,181,176,132,178,194,204,204,199,196,199,189,176,178,178,181,189,189,194,212,230,235,235,230,228,230,235,241,241,241,235,189,133,135,141,191,194,191,194,202,209,215,212,207,202,204,204,204,204,207,215,222,207,192,194,207,141,143,215,222,225,228,217,207,204,202,199,199,204,204,207,209,204,202,202,204,199,194,189,189,194,196,204,209,209,209,217,225,222,217,212,209,207,207,207,204,204,207,212,212,207,203,204,212,222,225,209,143,139,147,222,233,235,235,235,235,235,230,228,222,209,200,207,228,233,225,209,199,194,196,225,246,233,131,128,130,130,135,199,222,230,233,233,228,212,199,202,207,133,127,207,228,230,233,233,233,228,212,202,207,222,230,233,230,228,222,212,196,141,137,137,133,139,199,204,125,97,77,67,93,143,139,133,129,139,202,225,228,212,204,204,212,207,100,108,222,228,233,235,235,233,233,233,235,238,235,233,233,230,230,230,233,235,235,233,233,233,235,233,230,230,233,235,235,235,238,238,235,235,235,235,235,233,231,233,235,238,238,235,233,230,230,233,233,230,230,230,230,233,235,235,235,233,233,230,230,230,230,233,233,233,233,233,233,233,235,235,238,241,241,235,230,226,226,228,228,225,222,217,222,228,230,228,207,215,225,230,233,238,238,241,238,230,207,200,207,212,212,212,215,225,233,235,235,235,228,217,216,222,225,222,225,217,211,211,215,222,222,228,230,228,225,230,233,233,233,235,241,241,241,243,238,222,151,135,117,122,151,209,222,233,233,233,235,238,241,243,243,241,241,241,241,241,241,238,230,225,225,233,233,217,230,241,241,241,241,235,220,220,230,238,241,241,238,238,238,235,235,235,238,238,238,235,235,230,215,203,204,217,233,233,217,209,209,222,233,235,238,235,233,225,222,220,225,228,230,230,230,230,233,233,233,233,233,233,235,233,235,235,233,235,235,230,217,215,212,212,217,225,228,228,228,228,228,228,225,228,228,222,217,217,222,228,228,230,230,230,225,215,207,205,207,209,208,207,207,212,217,225,225,225,225,225,222,222,222,222,225,225,228,228,225,225,225,225,225,225,225,225,224,225,225,228,230,230,225,207,141,132,130,135,199,215,222,222,222,222,222,222,225,225,225,222,222,222,222,222,222,222,217,217,217,217,217,222,222,222,222,222,222,222,222,222,222,222,222,222,217,217,217,217,217,217,217,217,215,215,215,215,215,212,209,207,202,202,202,204,207,207,207,204,204,207,209,215,217,222,225,225,222,217,215,215,212,215,217,217,217,215,215,217,217,217,217,215,215,215,212,209,209,212,215,217,222,222,225,222,222,222,222,225,230,233,235,235,238,238,241,241,241,241,241,241,241,238,235,235,235,233,228,225,222,217,217,217,222,222,222,222,217,215,209,207,202,202,199,199,199,202,204,207,212,215,215,215,215,212,209,207,204,204,204,204,204,199,196,194,147,141,143,204,215,225,228,230,235,241,243,246,254,255,255,254,251,251,251,251,254,255,255,254,246,241,233,230,233,230,228,228,228,230,228,222,217,222,228,230,230,230,233,233,238,241,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,251,248,246,241,238,238,241,238,238,238,238,243,248,254,0,0,251,191,183,170,150,139,129,121,121,87,87,87,85,81,81,79,73,65,57,51,53,61,67,71,71,71,71,67,65,65,67,71,73,75,81,87,93,139,163,183,170,155,139,139,139,152,152,152,139,95,87,83,89,89,91,97,144,168,186,207,230,243,243,243,243,0,0,0,0,255,255,255,255,243,228,215,202,199,191,173,123,127,191,215,230,241,248,241,233,230,222,215,199,176,152,134,85,73,63,59,57,57,61,65,65,53,43,39,29,19,13,9,7,13,23,33,39,0,0,0,29,27,27,33,39,0,0,0,0,0,116,69,61,103,118,111,92,92,92,85,47,44,47,69,45,31,23,17,15,9,3,0,0,0,3,0,0,0,0,0,0,0,57,95,85,98,111,129,178,194,173,129,53,37,43,92,100,100,111,113,105,113,139,142,142,152,0,0,0,0,0,165,150,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,69,69,48,30,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,95,118,118,100,95,87,87,95,105,129,139,170,233,189,0,0,0,0,0,0,0,0,0,5,41,41,9,0,0,0,0,0,0,53,163,222,230,207,178,155,142,139,150,139,131,142,150,142,83,55,41,27,20,20,27,41,92,147,196,121,41,3,0,0,0,0,0,0,0,0,0,0,59,69,37,28,71,170,230,243,233,233,243,255,255,255,255,255,248,246,255,255,255,251,163,114,122,170,0,241,246,233,230,202,194,183,47,0,0,0,0,0,0,0,0,0,87,155,134,35,0,0,0,103,0,0,0,0,63,168,183,163,150,148,142,142,157,181,186,163,89,77,77,61,58,73,79,79,81,77,61,52,50,55,69,66,66,67,71,91,155,170,178,181,173,152,99,93,97,103,155,109,97,87,91,111,178,191,191,189,173,160,160,103,93,94,107,160,113,105,103,105,99,87,83,87,99,113,165,157,99,77,55,45,49,71,91,103,144,157,170,178,178,176,176,178,183,178,176,163,152,87,47,53,93,183,202,220,225,209,196,191,194,189,176,176,189,191,183,170,170,186,199,199,199,199,199,204,204,181,97,71,73,91,105,129,196,212,222,233,248,233,220,224,255,255,255,233,202,178,127,101,77,77,99,123,181,183,183,181,189,202,204,204,194,183,173,177,191,191,186,189,186,181,170,176,178,186,181,163,101,77,64,64,71,99,157,170,170,170,168,170,176,183,183,181,183,189,183,176,170,168,168,123,117,117,121,165,173,176,176,181,189,191,199,199,199,183,178,165,113,108,108,111,170,191,194,176,125,117,123,178,194,194,189,176,170,123,123,165,123,115,107,107,121,178,165,113,103,91,83,79,89,103,111,115,117,157,115,103,103,109,121,170,181,178,178,176,176,173,173,178,191,202,209,207,196,186,173,131,173,186,194,194,186,186,131,111,111,131,204,233,241,241,241,248,248,248,241,246,246,246,241,235,228,222,217,217,207,196,196,196,178,152,97,81,73,67,55,45,39,37,27,17,9,7,7,9,15,23,33,51,65,75,108,111,118,126,134,137,142,144,147,147,155,155,142,134,131,91,77,67,77,85,87,79,55,34,37,57,63,77,83,134,173,181,165,134,134,155,163,163,142,83,74,77,97,0,0,212,212,204,202,207,215,222 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,100,152,155,147,105,98,116,124,137,137,137,155,170,170,168,176,186,189,196,207,186,176,173,173,173,173,178,186,186,183,207,207,0,0,0,0,21,131,152,134,45,6,4,35,163,178,181,178,165,39,103,142,165,97,95,152,168,163,152,111,107,103,103,105,97,97,111,117,115,107,103,109,160,173,181,181,176,170,168,168,163,157,157,163,173,178,173,121,115,115,119,121,119,117,117,121,160,168,168,160,119,121,163,123,119,121,123,123,119,115,110,109,113,165,178,181,183,181,176,170,165,163,163,163,165,165,170,178,181,178,173,173,173,173,168,160,119,119,121,121,160,165,168,165,119,113,113,117,121,118,118,163,176,183,183,173,117,108,109,113,115,117,119,123,125,123,119,121,168,168,125,125,170,181,183,183,183,186,189,191,194,199,204,207,202,196,194,191,186,183,181,186,196,209,212,209,204,196,186,181,183,196,209,215,212,204,194,191,191,191,194,196,191,187,187,189,194,202,207,207,202,189,191,196,196,194,191,196,209,215,209,199,192,191,196,202,199,194,194,199,207,209,202,196,196,202,202,202,196,191,191,194,194,194,196,199,202,204,212,225,230,235,235,225,202,139,137,186,191,194,199,212,222,217,215,222,222,215,191,133,131,135,181,183,183,136,135,181,194,189,131,124,127,194,202,215,228,230,233,225,189,183,191,209,222,225,228,207,135,79,55,125,212,107,91,127,207,233,243,246,246,243,217,129,125,131,127,125,135,141,189,199,215,228,230,228,228,228,230,233,230,230,233,235,235,235,235,235,233,228,222,222,222,207,143,137,139,191,199,199,199,199,202,202,194,190,191,194,194,143,137,135,135,135,129,121,127,189,209,217,217,217,207,191,191,199,199,191,143,189,204,215,212,204,199,191,187,186,185,189,204,212,209,202,199,199,202,199,202,204,207,207,204,199,196,196,202,215,225,222,222,225,222,204,191,189,143,139,143,191,191,199,207,209,204,202,199,202,204,204,199,196,202,212,228,235,238,233,222,209,199,191,186,185,185,186,185,185,186,194,196,199,199,199,199,199,202,202,204,202,194,185,189,204,207,196,189,196,199,186,137,183,191,191,189,183,137,133,137,183,186,181,179,181,189,202,225,235,235,233,217,119,82,96,215,228,228,230,230,225,228,228,215,196,114,196,238,241,235,235,235,233,233,209,37,0,63,189,212,230,228,222,233,251,51,81,117,181,176,189,209,209,202,186,181,189,196,191,183,189,186,127,118,122,133,176,176,181,191,204,215,215,207,196,186,186,186,178,132,181,196,204,207,194,191,204,199,186,183,183,189,189,183,186,209,230,235,233,230,228,233,238,241,243,241,233,191,136,135,139,196,202,194,191,199,207,207,202,199,199,202,199,199,202,207,215,222,212,199,199,207,145,136,134,137,209,225,222,209,202,195,194,196,204,209,209,209,202,196,196,199,199,202,207,209,204,194,194,207,212,217,230,233,225,212,204,204,204,204,203,203,209,217,215,209,207,204,203,207,215,222,215,199,149,207,228,233,235,238,238,238,233,228,225,225,220,212,212,222,228,215,204,202,202,202,215,241,246,225,199,143,139,147,209,225,233,233,233,228,209,196,198,212,204,147,204,217,217,225,230,228,215,202,147,194,209,225,228,225,222,215,204,191,189,191,196,204,199,199,199,75,72,77,97,129,127,118,121,133,202,222,228,230,230,222,212,207,137,91,105,228,230,233,235,233,230,233,235,238,238,235,233,230,230,228,230,233,235,235,233,233,233,233,233,233,233,233,233,235,238,238,238,238,235,235,238,235,235,235,235,238,238,238,235,233,233,233,233,233,233,233,233,233,235,235,235,235,235,235,233,230,230,233,233,235,233,233,233,233,233,233,235,238,238,235,233,228,226,226,228,228,225,217,215,217,228,222,200,176,196,222,235,238,241,238,235,235,228,215,205,207,215,217,217,222,230,235,235,233,225,225,225,228,230,230,230,228,222,211,209,215,222,217,222,225,222,225,228,233,235,235,238,243,243,243,243,243,233,157,133,119,127,217,230,235,241,235,233,233,235,238,241,241,241,239,239,241,243,243,241,233,222,217,222,222,215,233,241,235,233,233,233,230,230,235,241,241,241,238,238,238,238,235,235,238,238,238,238,238,228,207,200,203,217,233,228,150,149,204,222,233,238,235,233,228,222,217,222,228,233,233,233,233,233,233,235,233,233,233,230,230,233,235,233,230,235,235,225,212,209,209,209,215,225,225,225,225,228,228,228,228,225,222,217,222,222,225,228,228,230,230,228,225,217,212,209,209,212,209,209,209,215,222,225,225,225,222,222,222,222,222,222,225,225,225,225,222,222,222,222,225,225,225,225,224,224,225,228,233,230,215,147,133,130,131,141,204,217,222,222,222,222,222,222,225,225,222,222,217,217,217,217,217,217,217,217,217,217,217,220,222,222,222,222,222,222,222,222,222,222,222,222,217,217,217,217,217,217,217,217,215,215,215,215,212,209,207,207,204,202,204,204,207,204,199,194,196,202,209,215,215,217,222,222,217,215,215,215,215,217,217,220,217,217,217,217,217,215,215,212,212,209,209,212,212,215,217,222,222,222,222,217,217,217,222,228,230,233,235,235,238,238,238,241,238,238,241,241,241,238,235,235,233,230,228,225,222,222,217,217,222,222,222,222,217,215,209,207,204,202,199,199,199,202,204,209,212,215,215,215,215,212,209,207,204,202,202,199,196,194,194,147,143,134,136,202,217,225,228,230,235,238,241,246,251,254,254,251,251,251,251,251,254,255,255,255,251,246,241,235,233,228,226,228,233,233,230,225,222,225,228,233,241,241,241,238,241,241,243,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,255,255,255,248,243,241,238,238,238,241,241,238,241,241,243,0,0,0,0,0,0,196,181,165,155,139,121,113,121,121,124,118,87,81,81,73,61,53,51,51,57,65,67,65,65,65,61,61,61,61,65,65,65,73,87,93,139,170,183,170,163,139,139,139,139,139,139,97,87,75,71,75,83,85,97,155,178,194,207,225,233,243,243,254,255,0,0,255,255,255,255,255,243,225,202,191,181,170,123,113,165,194,228,246,255,255,248,233,222,215,215,202,183,152,126,73,59,51,57,57,57,57,49,49,43,35,29,23,13,7,5,4,13,23,29,39,0,0,0,27,23,23,27,33,0,0,0,0,0,126,100,85,111,126,126,118,103,95,85,47,44,47,45,33,17,3,0,0,0,3,15,23,23,15,0,0,0,0,0,0,0,7,21,21,27,39,63,142,196,196,173,98,36,39,79,92,77,79,98,105,131,152,147,138,150,0,0,0,0,0,0,178,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,53,61,43,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,72,111,118,111,111,103,98,95,105,129,160,178,186,137,1,0,0,0,0,0,0,0,0,13,41,35,0,0,0,0,0,0,25,65,126,176,202,196,189,186,168,147,142,142,142,157,170,168,137,77,47,27,23,24,33,35,41,92,129,63,29,0,0,0,0,0,0,0,0,0,0,0,0,19,55,55,57,137,204,220,222,233,248,255,255,255,255,255,169,165,255,255,255,255,235,152,150,189,222,228,246,248,248,241,202,147,33,0,0,0,0,0,0,0,0,0,33,131,111,11,0,0,5,95,0,0,0,0,157,178,189,173,170,163,150,150,173,191,191,168,77,63,63,59,61,79,79,59,59,67,63,55,55,69,77,69,65,65,67,85,105,160,170,173,152,89,84,85,97,109,155,109,105,105,119,168,178,183,189,189,181,173,176,121,100,99,107,113,103,98,98,99,93,84,81,87,103,160,176,170,103,77,53,46,47,69,97,103,101,103,157,170,163,163,170,176,178,176,168,168,152,97,81,85,103,163,181,202,202,191,173,173,181,176,169,169,176,178,173,163,165,181,191,191,189,181,181,186,189,170,91,51,61,87,105,125,191,215,230,233,248,225,215,220,255,255,255,246,212,186,121,81,47,49,75,105,168,176,173,173,189,202,204,199,189,178,173,177,191,196,186,186,183,181,170,170,178,181,176,160,93,67,62,66,87,119,178,178,178,173,168,170,176,176,173,176,181,181,181,170,170,168,168,123,117,117,123,173,181,186,189,191,202,204,207,207,202,196,183,165,113,106,106,111,165,178,191,176,125,117,121,173,191,189,186,170,123,123,123,123,121,117,115,119,168,178,121,111,101,91,78,76,78,89,103,109,115,115,115,105,105,115,160,173,181,178,181,181,176,173,166,172,178,189,196,191,191,186,173,123,123,181,194,194,186,137,137,121,111,121,194,212,225,222,235,248,248,248,241,238,233,230,228,228,220,217,217,207,196,189,191,196,189,170,139,129,93,87,79,67,53,39,27,17,9,3,0,0,5,15,25,41,63,75,108,111,116,121,129,134,142,155,160,168,176,183,173,165,155,142,91,83,83,91,118,81,61,37,37,47,57,63,69,89,165,181,173,142,134,155,170,170,157,97,83,83,95,0,0,196,196,194,189,194,199,202 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,131,155,163,160,74,13,103,118,129,121,126,150,170,178,178,183,189,191,194,199,191,183,178,173,168,166,173,183,186,178,186,241,168,0,0,0,0,79,170,176,160,51,44,95,178,191,181,181,191,194,183,86,79,84,90,105,160,157,111,105,103,97,97,93,78,80,99,109,111,105,101,104,117,165,170,168,160,157,157,157,119,119,119,160,173,183,181,160,115,116,121,163,163,160,163,165,163,165,165,121,119,163,170,165,121,119,123,163,121,117,111,110,117,176,183,181,178,178,173,168,165,160,121,119,160,165,170,181,181,178,173,173,173,173,170,163,121,119,121,121,165,168,170,168,160,115,115,117,121,119,119,168,181,186,183,176,109,105,107,113,115,117,119,123,123,119,113,111,121,127,168,127,168,178,189,194,194,194,191,183,181,189,199,207,207,202,194,189,186,181,133,133,183,194,202,199,196,189,185,183,186,202,209,212,207,196,190,190,191,191,196,196,194,191,191,194,196,199,196,191,185,186,199,207,196,190,190,196,209,215,212,199,192,192,196,199,204,204,204,207,209,204,194,186,186,189,194,194,189,186,187,189,191,189,191,196,199,202,207,217,230,235,233,222,204,199,204,215,207,202,204,217,222,220,217,215,207,189,125,129,135,178,178,183,183,181,136,135,178,181,131,123,123,186,207,222,228,238,248,238,209,189,186,209,225,228,228,194,69,0,0,11,77,75,85,207,225,238,241,235,238,243,243,228,196,122,113,121,133,141,196,209,215,225,228,225,222,225,230,230,230,230,230,233,235,233,233,230,230,228,225,222,209,143,134,134,139,145,194,196,204,209,209,202,194,194,194,143,136,135,135,135,136,141,189,137,137,191,212,228,222,209,194,189,191,199,199,189,137,137,191,202,204,204,202,196,190,191,191,199,209,212,204,202,196,194,194,194,202,209,212,209,209,204,202,196,199,215,225,222,222,222,215,204,194,189,139,125,129,133,137,143,202,207,207,204,204,202,202,202,199,196,202,212,225,233,238,238,230,217,204,194,189,186,186,186,186,183,186,194,196,202,202,202,196,196,196,199,199,199,196,189,191,202,199,139,134,183,189,139,137,189,194,189,181,137,133,130,135,189,191,183,181,181,181,189,212,228,230,233,230,217,199,204,220,225,225,228,228,225,230,230,209,199,199,230,238,235,235,241,235,238,246,254,69,0,0,173,204,220,215,209,209,251,82,202,212,209,194,194,204,222,217,181,133,191,196,178,168,178,181,121,113,121,176,133,130,131,178,189,194,194,191,189,186,186,186,181,133,176,183,178,131,126,133,209,215,202,194,191,191,186,137,136,194,222,230,233,230,230,233,235,238,241,241,233,194,137,134,136,204,209,196,191,199,212,212,207,196,191,194,199,199,204,204,204,209,207,202,202,207,199,137,123,119,143,215,215,204,196,194,194,199,207,217,217,207,199,194,194,196,202,212,225,225,217,137,108,113,202,217,228,235,228,212,199,199,204,204,203,204,215,217,212,204,204,204,203,204,215,228,230,222,212,217,230,235,238,238,238,238,235,230,228,230,222,212,209,209,204,202,204,212,217,215,212,222,225,222,215,204,194,199,212,228,233,233,233,228,209,196,198,215,217,209,204,194,192,207,217,209,196,145,141,143,199,209,212,215,217,215,207,196,194,202,217,225,187,179,204,135,105,129,199,194,135,125,191,217,228,230,228,230,230,230,225,215,143,101,115,225,230,233,233,230,228,230,233,235,235,230,228,228,228,228,228,233,233,233,231,231,231,233,233,233,233,233,233,233,235,238,238,238,235,235,238,238,238,238,238,238,238,235,233,233,233,233,233,233,233,235,235,235,233,233,235,235,235,235,233,233,235,235,235,235,235,235,235,233,233,233,235,238,235,233,230,228,228,228,228,225,222,215,212,215,225,212,192,168,200,225,233,238,235,230,225,228,228,217,209,209,215,217,217,222,233,235,233,140,144,212,230,233,233,233,233,230,228,217,217,222,222,217,216,217,217,222,228,230,233,235,235,241,243,243,246,246,238,155,130,131,155,233,238,238,238,235,235,235,238,238,241,241,241,241,241,241,243,243,238,235,230,215,153,139,204,225,225,207,207,222,230,233,235,238,241,238,238,238,238,238,238,235,238,238,238,238,238,235,228,212,205,212,230,233,217,146,147,153,215,230,235,235,233,222,215,211,215,228,233,235,233,233,235,235,235,235,233,230,230,230,233,233,225,220,230,230,215,208,208,209,209,212,222,222,222,222,222,228,230,230,222,217,217,222,225,225,228,228,228,228,228,225,222,215,215,215,215,215,215,215,222,225,228,228,225,222,222,222,222,222,222,222,225,225,225,222,222,222,222,222,222,225,225,225,225,225,228,228,222,204,141,133,133,137,149,209,222,222,222,222,222,222,222,225,222,222,217,215,215,215,217,217,217,217,217,217,217,217,217,220,222,222,222,222,222,222,222,222,222,222,222,217,217,215,215,215,215,215,215,215,215,215,212,209,207,207,207,207,204,204,204,204,202,194,189,191,199,209,212,209,209,212,215,212,212,212,212,215,217,220,217,217,217,217,217,215,212,209,209,209,212,212,215,217,217,222,222,222,217,217,215,213,215,222,228,230,233,233,235,235,238,238,238,238,238,238,238,238,238,235,233,230,230,228,225,225,222,222,217,217,217,217,217,217,212,209,207,204,202,199,198,199,202,207,209,212,212,215,215,212,209,207,204,202,199,196,191,145,145,191,145,137,129,131,199,217,225,230,233,235,235,241,243,248,251,251,251,248,248,248,251,251,254,255,255,254,248,243,235,233,230,226,228,233,235,233,228,225,225,228,235,243,246,243,241,241,241,241,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,255,255,255,248,243,241,238,238,238,241,241,241,241,241,243,0,0,0,0,0,0,0,0,191,183,176,155,129,113,121,129,129,124,87,81,79,73,61,53,51,51,57,61,65,61,57,57,55,53,53,55,57,57,59,67,81,93,139,163,170,170,163,152,152,139,139,99,93,87,77,63,61,63,71,83,97,155,178,186,204,215,233,243,255,255,255,0,255,255,255,255,255,255,243,217,196,173,165,115,107,109,160,194,228,246,255,255,251,225,209,207,199,194,176,144,85,59,41,41,43,39,39,33,29,23,19,17,17,13,9,5,1,4,13,23,33,39,0,0,33,27,23,23,23,27,33,0,0,0,0,129,111,92,111,126,129,126,111,103,92,69,64,47,33,19,5,0,0,0,0,0,17,29,15,7,0,0,0,0,0,0,0,0,13,21,27,29,39,63,137,176,181,137,57,49,57,39,30,37,74,98,121,147,152,142,163,189,0,0,0,0,0,0,191,181,173,0,0,0,0,0,0,0,0,0,0,0,74,53,0,51,48,30,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,105,126,126,118,111,111,111,118,129,144,165,129,66,0,0,0,0,0,0,0,0,0,17,33,27,0,0,0,0,0,25,63,69,73,126,144,152,186,194,163,133,134,142,152,181,202,202,168,126,71,47,37,39,41,35,30,35,53,47,21,0,0,0,0,0,0,0,0,0,0,0,0,0,35,67,29,49,152,181,209,233,246,255,255,255,255,251,144,133,255,255,255,255,255,215,194,220,220,220,251,254,238,230,147,0,0,0,0,0,0,0,0,0,0,0,27,95,47,0,0,9,100,121,23,0,0,0,147,204,199,199,189,181,168,168,181,194,191,150,49,39,57,77,85,85,59,31,37,63,75,75,81,87,89,77,69,65,66,77,97,107,150,152,99,81,80,89,111,160,155,109,111,168,178,181,178,168,173,181,181,181,183,165,107,105,113,113,103,98,96,99,99,93,87,91,113,186,189,170,109,91,73,55,43,44,69,97,97,97,144,157,160,159,163,170,176,170,168,163,107,97,97,103,109,152,157,168,168,155,109,155,170,176,173,176,170,117,117,163,173,173,181,183,181,173,168,170,170,107,71,32,39,87,125,186,204,222,230,233,233,225,221,233,255,255,255,243,207,178,113,69,37,35,53,87,121,165,168,173,189,202,204,194,186,178,176,183,204,204,191,186,183,181,176,165,160,165,160,111,87,69,67,79,109,181,191,183,173,170,168,168,170,176,173,173,176,176,170,165,165,168,168,123,117,121,165,181,191,194,191,202,202,204,207,204,199,196,183,165,115,108,108,115,165,178,181,176,125,117,121,173,186,186,173,170,163,123,123,165,165,165,165,178,186,181,157,111,103,97,85,77,78,89,97,101,109,111,111,105,105,115,160,181,181,181,181,181,176,173,166,166,178,189,196,191,191,191,178,123,121,178,189,186,133,131,137,131,108,108,137,194,204,212,233,243,248,248,241,230,220,217,212,207,207,207,207,191,183,178,189,196,191,173,147,139,129,129,87,73,53,33,23,13,7,0,0,0,0,7,19,33,55,69,75,79,83,83,116,124,134,142,165,176,194,196,194,176,165,157,134,91,87,87,118,81,61,47,37,47,37,47,57,77,142,181,173,142,134,155,170,181,165,103,91,83,91,0,0,173,176,176,168,176,181,186 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,118,142,155,142,0,0,74,116,108,96,116,139,157,173,178,186,189,189,189,191,191,186,183,176,168,164,166,176,178,177,176,217,191,31,144,147,5,81,173,186,186,181,173,170,189,207,191,191,204,209,189,68,77,94,147,157,163,160,111,101,99,99,103,97,77,78,91,105,113,109,102,105,113,115,115,111,110,113,117,119,119,119,157,163,170,181,183,173,163,160,165,168,168,168,168,170,165,163,123,119,118,123,170,170,163,163,168,170,165,123,115,111,117,170,178,176,173,173,168,165,160,121,117,117,119,163,176,183,181,176,173,173,170,170,168,160,119,117,117,119,160,160,160,160,121,117,115,115,117,117,119,165,173,176,176,168,109,106,109,117,117,119,121,163,125,123,113,110,115,121,125,168,170,178,186,191,196,196,189,179,177,179,189,202,207,204,199,191,189,181,131,127,129,181,189,191,185,183,183,186,196,207,212,212,207,196,190,190,194,194,194,196,199,199,196,196,196,194,186,182,181,186,209,215,204,191,191,194,204,212,212,202,194,194,196,199,209,215,215,209,202,191,140,139,140,140,141,189,189,186,186,186,186,185,186,191,196,196,196,204,225,230,225,212,207,209,222,228,212,202,204,212,217,217,215,209,189,117,100,133,191,178,135,181,186,189,183,136,136,181,181,127,123,181,207,217,225,233,241,235,225,199,178,199,212,178,105,71,13,0,0,0,55,115,191,209,225,230,233,233,233,238,241,238,225,125,113,124,189,196,207,209,209,215,220,217,217,225,228,228,228,225,228,230,233,233,228,225,225,228,230,225,204,138,135,137,145,194,194,196,209,222,222,209,202,199,194,137,136,141,191,141,139,143,199,199,141,137,202,222,220,196,187,189,196,199,196,189,135,134,137,189,196,199,199,194,194,202,207,207,204,199,194,194,194,191,190,190,196,207,212,212,207,204,204,202,202,212,217,215,212,212,212,204,194,141,123,109,120,133,139,143,196,207,209,209,202,196,196,196,196,196,202,207,215,222,230,233,230,222,207,199,199,194,191,191,191,189,189,194,196,199,204,204,202,196,196,194,189,191,191,191,194,196,189,134,132,135,139,139,186,196,196,183,137,133,129,127,133,194,199,189,186,183,137,181,199,209,215,225,225,215,204,204,217,222,220,216,217,225,230,222,189,196,207,225,233,230,235,238,235,235,243,238,63,0,0,61,119,178,125,101,121,181,183,215,222,225,215,196,183,202,204,133,131,194,202,181,172,178,186,129,123,178,183,176,131,131,131,129,128,129,176,181,178,181,181,133,130,131,131,127,124,122,131,209,217,209,202,196,191,183,136,136,189,207,217,228,230,233,233,235,238,241,241,235,141,136,135,137,204,207,196,194,202,217,228,228,196,182,187,202,209,212,209,204,207,204,202,202,207,207,199,131,126,137,204,212,204,196,195,196,204,212,222,217,202,194,191,191,194,202,212,225,225,209,124,103,109,191,209,217,225,228,212,196,195,202,207,204,207,212,212,207,203,204,204,204,207,217,228,233,228,222,225,233,238,238,238,238,238,238,235,233,230,215,209,212,204,191,191,209,225,230,228,217,212,202,204,212,204,196,194,204,225,233,235,233,230,217,204,204,222,230,225,207,181,181,194,204,143,137,137,135,143,196,202,202,207,217,217,209,202,199,207,222,215,161,159,204,217,196,202,207,196,141,189,235,235,233,228,228,225,225,228,228,225,209,130,131,212,228,230,230,228,226,228,230,233,233,230,228,226,226,226,228,230,233,233,231,231,231,233,233,233,230,230,230,233,235,235,238,235,234,234,235,238,241,241,241,238,235,233,233,233,233,230,230,233,235,235,235,233,233,233,233,235,235,233,233,235,235,238,238,238,238,235,235,233,233,233,235,235,233,230,228,230,230,230,225,222,217,215,212,212,209,204,212,209,222,225,228,233,228,220,218,222,228,222,212,209,215,215,215,222,228,228,215,107,123,199,228,233,228,225,230,233,235,233,228,225,222,217,217,217,216,217,225,228,230,230,233,238,241,241,241,238,230,149,131,153,228,238,243,238,235,235,238,238,238,241,241,241,241,241,241,243,246,241,238,241,241,212,114,85,143,204,148,140,145,212,228,235,238,238,238,238,238,238,241,241,238,238,238,238,241,238,238,235,228,215,212,225,235,233,215,153,153,207,217,225,230,230,228,222,212,209,212,225,233,235,235,235,235,235,235,235,233,233,230,233,235,230,215,209,222,225,209,207,212,215,209,209,212,217,217,217,217,225,233,230,225,217,222,222,225,228,228,228,228,228,228,228,225,222,222,222,222,217,222,222,225,228,228,228,225,222,222,221,222,222,222,222,222,222,222,222,222,222,222,222,222,225,225,225,228,228,228,225,215,202,143,141,143,149,207,215,222,222,222,222,222,222,222,225,222,217,215,212,212,212,215,215,217,217,217,215,215,217,217,217,217,222,222,222,222,222,222,222,222,222,217,217,215,215,215,215,215,215,215,215,215,212,209,207,207,204,207,207,207,204,204,204,199,191,189,191,202,209,209,209,208,208,209,209,209,209,212,217,222,220,215,212,212,215,212,212,209,209,212,212,215,215,217,217,217,217,217,217,217,215,213,213,215,222,228,230,233,233,233,235,235,238,238,238,238,238,238,238,235,235,233,230,230,228,228,225,222,222,217,217,217,217,217,215,212,209,207,207,204,199,199,199,202,207,209,212,212,215,215,212,209,207,204,202,199,194,145,144,145,191,147,137,130,132,199,215,222,228,233,233,235,241,243,246,248,251,251,248,248,248,248,251,254,254,255,254,248,241,235,235,233,228,230,233,233,233,230,225,225,225,233,241,243,241,241,241,241,241,243,248,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,246,238,237,238,241,243,243,243,243,243,243,243,0,0,0,0,0,0,0,0,0,0,202,189,165,129,121,121,124,124,118,87,81,75,67,61,53,47,51,55,57,57,57,55,51,51,47,47,51,51,53,55,67,81,87,129,152,163,163,170,163,152,139,99,93,81,73,67,59,58,61,67,77,91,144,168,178,199,215,233,254,255,255,255,0,255,255,255,255,255,243,228,204,183,160,113,107,101,99,107,173,207,228,241,251,243,222,199,191,181,168,150,126,71,47,37,33,29,23,19,9,5,0,0,1,5,5,5,5,2,4,13,25,33,51,51,51,33,27,25,23,23,25,29,0,0,0,116,126,100,85,103,118,121,118,111,103,92,85,69,47,25,0,0,0,0,0,0,0,0,3,0,0,0,0,0,0,1,1,1,9,27,45,61,63,90,90,103,137,173,168,134,134,113,35,22,26,33,66,92,121,142,150,173,199,0,0,0,0,0,0,199,191,170,0,0,0,0,0,0,0,0,0,0,0,87,0,0,0,66,48,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,90,116,126,118,111,111,126,129,118,111,108,27,0,0,0,0,0,0,0,0,0,0,11,33,33,7,0,1,15,23,43,100,108,100,108,79,79,152,181,137,120,129,142,160,191,220,228,212,160,118,73,61,53,53,41,31,31,45,43,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,57,142,183,217,238,248,255,255,255,243,173,164,255,255,255,255,255,209,186,194,186,181,248,251,215,163,1,0,0,5,3,0,0,0,0,0,0,0,0,47,15,0,0,3,121,150,121,0,0,0,0,191,207,207,204,191,181,181,189,191,173,81,25,21,57,83,85,73,37,30,37,59,77,87,95,134,131,89,83,77,73,81,97,105,105,99,87,81,85,107,173,176,160,109,119,178,189,186,168,163,163,170,178,181,181,165,113,113,160,160,113,103,99,103,113,157,157,113,181,199,181,109,95,89,75,49,40,39,53,85,95,97,144,163,163,160,163,170,170,168,163,157,107,97,103,152,155,155,152,108,105,105,105,155,176,183,191,191,170,111,111,163,181,173,172,178,181,170,163,125,117,87,45,29,39,99,186,204,222,233,246,233,233,233,246,255,255,255,254,230,194,123,101,69,37,31,37,69,95,121,165,181,194,207,204,194,191,186,186,196,220,215,196,181,186,183,176,163,111,103,103,93,83,77,81,99,165,183,189,178,170,163,163,168,170,176,173,173,173,170,165,163,163,168,168,123,117,121,165,181,191,191,189,189,189,191,199,199,189,183,178,170,119,113,113,117,170,178,181,176,123,117,121,170,178,176,168,163,123,123,123,123,165,181,189,196,194,186,163,117,117,107,93,85,89,97,99,99,101,109,109,99,101,109,157,176,181,181,181,181,181,176,176,178,189,202,209,202,199,196,181,170,123,173,176,131,111,115,133,131,108,106,119,139,194,204,233,248,255,248,241,220,212,204,196,196,196,196,196,183,170,170,178,189,189,170,142,99,93,91,85,67,45,25,13,7,0,0,0,0,0,5,13,29,49,65,75,79,77,77,81,85,91,134,155,176,194,204,202,183,173,163,144,126,87,87,87,81,61,47,37,37,31,31,47,67,124,165,173,155,134,142,168,181,168,144,93,87,89,95,103,111,157,157,157,121,168,168 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,108,126,139,23,0,0,0,98,98,98,124,137,150,165,176,183,189,186,183,186,186,186,186,181,173,168,168,176,178,178,183,199,189,71,228,248,79,95,168,186,189,186,170,147,168,191,186,189,204,207,176,67,101,157,170,165,160,157,111,101,103,111,157,155,90,87,95,107,155,117,109,111,113,110,108,106,107,111,117,119,157,160,165,168,170,176,181,178,176,173,170,170,168,163,165,165,163,121,119,117,117,121,163,168,170,176,178,178,173,165,117,113,115,121,121,119,165,168,165,160,119,117,115,117,119,163,176,183,181,173,168,165,163,163,160,117,113,113,113,115,115,115,113,113,115,113,113,113,115,117,119,121,160,163,165,165,119,115,121,163,123,163,165,165,163,121,115,111,113,115,119,127,176,181,183,186,191,194,191,183,179,179,183,191,199,202,196,194,191,186,135,127,125,133,183,189,185,183,186,194,204,212,217,217,212,199,191,191,194,194,192,194,202,199,194,191,191,189,185,182,183,196,212,222,209,196,194,194,199,207,207,199,196,196,196,199,207,212,212,204,194,141,140,140,186,140,140,189,194,191,189,187,186,185,185,189,194,194,191,194,207,212,209,204,204,209,215,215,196,194,194,202,209,212,207,196,129,101,86,135,202,133,131,183,196,199,186,134,133,178,189,186,129,189,212,225,228,233,235,230,230,212,89,83,101,95,93,89,97,65,1,9,117,225,222,217,225,228,230,233,233,230,233,235,228,202,121,124,135,194,212,204,199,209,215,215,217,225,228,228,225,225,225,228,233,233,225,222,224,230,233,225,204,145,143,194,202,202,202,202,212,225,228,215,207,196,141,137,191,220,222,204,191,191,199,199,133,126,135,207,209,191,187,196,204,199,191,143,137,136,139,143,191,196,194,190,192,204,209,207,199,187,186,187,187,191,196,191,190,194,204,212,207,202,207,209,207,207,209,207,202,204,209,207,194,141,125,115,127,196,202,196,199,204,204,204,196,189,189,194,196,196,196,199,202,207,212,217,217,209,199,196,202,196,194,194,196,196,196,196,194,196,202,204,204,202,199,194,185,185,189,194,196,191,183,134,132,135,139,189,199,209,204,191,183,135,127,125,131,191,199,191,186,181,137,137,186,194,202,207,207,196,194,202,209,215,217,217,216,222,215,196,181,194,207,212,220,228,235,233,228,228,127,41,0,0,0,15,77,105,101,59,101,115,196,217,230,233,225,189,123,110,113,125,133,186,194,186,177,186,202,196,178,181,186,181,178,133,129,128,129,131,133,176,178,183,181,133,131,178,183,133,135,130,183,196,202,202,199,194,186,139,139,183,194,204,212,222,230,235,235,235,238,241,241,233,130,135,141,194,196,191,194,196,199,215,230,233,194,173,182,207,222,228,225,222,220,209,202,202,204,207,209,209,196,189,199,215,207,202,199,204,209,212,215,212,199,189,143,189,191,199,207,215,217,202,133,127,194,204,209,215,217,222,215,199,198,202,209,207,207,209,209,209,212,212,209,209,212,215,217,217,217,222,228,235,241,238,235,235,238,238,238,238,228,212,212,217,204,185,186,212,230,233,230,228,217,200,198,202,204,199,194,202,222,233,235,233,228,222,212,215,228,233,228,207,185,185,202,204,139,137,141,135,137,147,196,196,204,217,225,215,204,204,212,215,189,163,164,194,202,194,207,215,207,196,204,230,235,228,226,228,228,222,222,225,225,217,199,139,149,217,228,228,228,226,228,230,230,230,230,228,228,228,226,228,230,233,233,231,233,233,233,233,230,228,228,228,230,233,235,235,235,234,234,235,238,241,243,241,238,233,230,230,230,230,230,230,230,233,235,238,235,231,231,233,235,235,233,233,235,238,238,238,238,235,235,233,233,233,233,235,235,230,225,222,228,230,230,225,217,217,217,212,207,127,122,217,222,222,217,225,228,222,218,218,225,233,228,212,209,212,209,207,212,217,212,145,108,127,207,225,225,217,217,222,233,238,233,228,225,222,222,222,217,217,222,225,228,230,230,230,235,235,228,222,215,207,149,145,217,235,241,243,241,238,238,238,241,241,241,241,241,243,243,243,246,246,243,241,243,243,151,97,77,141,151,147,141,146,222,235,238,238,238,238,237,237,238,241,241,238,238,238,241,241,241,238,235,228,215,209,222,233,233,217,207,209,215,222,225,228,228,225,222,217,212,217,228,233,235,235,235,235,235,235,235,235,233,233,235,235,230,215,208,215,222,212,209,217,217,204,153,204,212,215,217,222,225,230,230,228,225,222,225,225,228,228,228,228,228,228,228,228,228,228,225,225,225,225,228,228,228,228,228,228,225,222,222,222,222,222,222,222,222,222,222,222,222,222,225,225,225,225,225,228,228,228,225,217,202,145,145,151,207,215,217,222,222,222,222,222,222,222,222,222,215,212,209,209,212,212,215,215,215,215,215,215,215,215,217,217,217,217,220,220,220,220,220,220,217,217,215,215,215,215,215,215,215,215,215,212,209,207,207,204,204,207,207,204,204,204,202,199,191,190,196,204,209,209,209,208,209,209,209,207,209,212,217,222,217,212,207,207,209,212,209,209,212,215,215,215,215,217,217,217,217,217,217,217,215,215,215,217,225,230,230,230,233,233,235,235,235,238,235,238,238,238,238,235,233,233,230,230,230,228,225,222,217,215,215,215,215,217,215,212,209,207,204,204,202,199,202,204,207,209,209,212,212,212,212,209,207,204,202,199,194,189,145,191,196,196,145,136,139,202,212,217,225,230,233,235,241,243,246,248,251,251,251,251,248,248,248,251,251,254,254,248,241,238,238,235,230,230,233,233,233,233,228,225,228,230,235,238,238,238,241,241,241,243,246,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,238,235,237,243,248,251,251,248,246,243,243,243,0,0,0,0,0,0,0,0,0,0,225,202,170,139,121,121,121,124,118,113,81,79,73,61,53,47,47,51,55,55,51,47,45,45,39,39,45,45,47,53,61,73,81,93,152,163,163,170,163,139,99,93,81,73,67,61,58,58,61,67,75,91,103,157,178,194,215,238,255,255,255,255,255,255,255,255,255,233,222,199,183,160,107,101,95,89,83,89,107,173,194,215,233,235,222,199,181,157,142,126,85,63,49,41,33,23,11,3,0,0,0,0,0,0,5,5,5,5,7,19,33,39,59,59,51,33,27,27,27,27,27,33,51,0,0,90,103,92,69,85,95,111,118,118,111,92,69,47,39,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,15,15,13,27,45,59,108,137,142,118,137,176,183,191,220,215,121,26,26,30,35,74,100,142,163,173,202,235,0,0,0,0,0,217,199,170,147,0,0,0,0,0,0,0,0,0,0,95,0,0,0,0,72,38,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,46,85,100,100,92,108,126,129,111,92,61,0,0,0,0,0,0,0,0,0,0,0,0,21,39,21,0,15,33,37,51,71,118,131,129,79,73,126,160,137,125,133,147,168,199,228,251,243,202,147,118,77,67,67,53,41,47,61,45,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,83,168,207,217,241,255,255,255,233,204,204,251,255,255,255,233,168,103,142,144,147,228,251,196,116,0,0,3,92,65,17,0,0,0,0,0,0,0,15,15,0,0,0,51,139,150,90,0,0,0,5,196,207,207,199,191,189,191,181,147,61,20,21,55,71,65,51,38,41,53,65,75,87,144,150,131,95,89,83,77,83,97,105,99,97,89,85,95,163,181,183,165,119,165,181,189,186,178,165,163,170,173,178,170,160,121,160,173,183,173,157,111,113,160,181,189,189,199,191,101,73,71,75,71,53,46,48,75,85,91,101,157,170,170,160,160,163,163,155,152,155,144,107,111,155,160,160,155,105,105,108,109,168,189,194,194,196,165,107,108,165,186,181,172,181,181,170,121,117,103,79,44,39,65,129,204,220,233,254,255,248,238,248,255,255,255,255,243,212,176,115,97,69,35,23,25,43,77,103,163,181,196,207,202,194,194,191,194,209,222,220,194,181,181,181,165,111,91,89,89,87,85,87,93,109,165,176,173,165,160,160,160,168,170,178,183,178,176,170,163,117,119,165,168,123,117,117,163,173,181,186,178,176,176,178,181,186,186,183,178,173,121,115,119,125,170,178,178,173,125,117,121,165,173,173,163,119,117,117,117,117,121,181,191,199,196,189,178,165,160,117,103,97,99,105,105,101,99,99,95,89,91,101,115,170,181,178,181,181,183,183,189,196,202,209,209,209,207,191,183,173,131,117,115,108,105,109,131,133,119,113,129,137,186,204,233,248,255,251,241,217,204,191,183,181,183,189,183,173,125,163,170,173,170,147,99,85,83,81,73,61,39,23,11,5,0,0,0,0,0,0,9,27,49,65,79,83,77,75,75,79,83,126,147,173,194,204,204,183,170,165,155,134,91,87,87,75,61,47,37,31,23,23,37,57,77,139,165,155,134,131,155,170,170,152,101,91,89,91,95,103,105,109,111,111,121,121 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,0,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,98,66,0,0,0,0,41,63,61,113,131,144,157,168,176,183,186,182,182,183,183,183,183,176,170,170,176,181,183,189,194,176,73,181,181,75,137,170,183,189,186,168,150,150,155,157,168,189,189,176,103,150,155,163,163,152,150,150,109,113,160,168,163,109,99,103,111,155,157,117,155,155,113,109,106,108,113,117,119,119,163,168,173,173,170,170,176,178,173,168,165,163,119,121,163,123,119,118,118,119,119,117,121,176,191,191,183,176,165,121,117,119,119,116,115,121,165,165,121,114,113,115,121,160,165,173,181,178,168,121,119,119,119,117,111,109,109,109,111,113,113,111,111,109,109,111,113,119,121,163,165,165,165,170,168,117,117,123,123,123,168,176,168,115,109,109,113,117,115,115,123,173,178,181,183,186,191,194,191,186,181,181,183,191,194,189,183,183,183,178,127,124,127,137,189,189,191,196,204,209,215,222,222,215,202,194,194,196,196,196,196,202,194,186,183,186,191,189,186,194,207,217,217,204,192,199,199,199,202,199,196,194,194,196,199,204,204,199,194,189,189,191,194,196,186,140,191,202,204,202,199,199,189,187,187,191,191,191,191,194,194,194,196,199,196,185,170,165,179,183,185,202,207,194,135,119,99,82,123,183,125,128,181,202,199,183,133,132,181,194,194,183,202,217,230,233,233,233,233,233,225,65,56,67,75,85,107,209,89,55,89,222,228,225,230,233,230,233,233,233,230,230,230,228,217,141,127,120,119,202,194,196,209,217,217,222,228,230,228,225,225,228,230,233,230,225,224,228,233,233,222,204,199,199,202,204,207,207,204,204,212,215,209,199,143,139,191,217,233,235,228,215,204,202,194,129,126,133,194,196,190,191,204,209,202,189,143,143,143,189,191,189,194,196,192,199,204,204,202,196,189,186,187,187,196,204,199,190,190,199,204,202,199,207,215,209,204,204,202,199,199,202,199,194,194,202,207,212,222,222,217,215,207,199,194,189,187,187,194,199,199,195,195,195,195,199,207,204,199,194,192,194,194,194,194,202,207,207,202,194,194,194,196,199,199,199,191,185,183,189,204,204,194,183,137,135,139,186,194,202,207,202,191,189,183,133,130,137,191,194,186,137,135,137,181,183,189,196,196,191,183,183,194,204,215,225,228,225,217,199,185,183,204,215,209,196,207,230,228,217,170,0,0,0,0,0,41,85,101,113,97,109,125,199,215,230,228,209,178,111,101,103,119,176,186,194,191,181,189,204,199,181,178,191,202,191,176,128,128,176,178,176,133,181,189,191,183,181,196,217,222,222,194,189,181,181,194,196,191,139,138,139,191,204,212,215,222,228,233,235,235,235,235,233,217,127,133,191,207,191,139,145,194,194,207,225,225,199,181,190,217,233,238,235,235,230,212,202,200,202,207,212,215,209,199,202,209,209,204,204,207,209,209,209,207,199,189,143,189,194,199,207,215,217,207,196,202,217,222,217,217,212,212,209,204,204,207,209,212,209,209,212,217,222,217,215,212,209,207,204,207,212,220,230,241,241,235,233,233,235,238,238,235,228,215,215,215,199,183,186,212,228,230,230,228,217,202,198,202,209,207,204,209,222,230,230,228,225,217,217,222,230,233,228,207,192,192,212,209,145,194,202,135,122,135,147,194,202,215,228,222,212,212,217,217,196,183,186,191,189,133,194,220,220,215,217,228,230,226,225,228,230,225,222,222,222,222,212,141,139,202,222,230,230,228,228,230,230,233,233,230,230,230,228,230,233,235,235,235,235,235,233,230,228,226,226,228,230,235,235,238,235,234,234,235,235,238,241,241,235,230,228,228,230,228,228,228,228,230,235,238,235,233,231,233,235,238,233,233,235,238,241,241,238,238,235,233,233,233,233,235,233,230,222,220,225,230,230,225,217,215,212,207,149,118,112,199,212,215,213,217,222,222,220,222,230,235,230,217,209,209,204,200,202,212,212,199,140,202,217,222,215,212,215,217,228,233,230,225,225,225,225,225,222,222,225,228,230,235,233,230,230,225,215,207,155,153,155,212,228,235,238,243,243,241,241,241,238,238,238,238,241,241,243,246,248,248,246,243,241,225,123,102,95,155,209,209,209,217,235,241,241,241,241,238,237,237,238,241,241,241,238,241,241,241,241,238,238,230,215,207,215,233,235,225,207,209,217,225,228,228,225,222,222,222,222,225,230,235,235,235,235,235,235,235,235,235,235,235,235,235,230,217,209,215,222,217,217,225,215,150,147,151,209,215,217,225,228,230,230,230,228,225,222,225,225,228,228,228,228,228,228,230,230,230,230,228,228,230,230,228,228,228,230,230,225,222,222,222,222,222,221,220,220,220,222,222,225,225,225,225,225,225,222,222,225,228,228,217,199,143,144,199,209,220,222,217,217,222,222,222,222,222,222,220,215,209,209,209,209,212,212,215,215,215,215,215,215,215,215,217,217,217,217,217,217,217,217,217,217,217,215,215,215,215,215,215,215,212,212,209,207,204,204,204,204,204,204,204,204,204,202,199,196,196,199,204,207,207,209,209,209,209,209,207,207,212,217,222,217,209,205,207,209,209,209,209,212,215,217,215,215,217,217,217,217,217,217,217,217,217,217,222,228,230,230,230,230,233,235,235,235,235,235,235,235,238,235,235,233,233,230,230,230,230,225,222,217,212,212,212,215,215,215,212,209,207,204,204,204,202,204,204,207,209,209,212,212,212,212,209,204,204,202,199,196,191,191,196,202,202,196,147,149,202,207,215,225,228,233,238,243,246,246,248,251,254,254,251,251,248,248,248,251,251,254,254,248,241,238,235,233,233,235,233,235,235,233,230,230,233,233,235,238,243,243,243,241,243,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,246,241,238,241,246,251,254,254,248,246,243,243,243,0,0,0,0,0,0,0,0,0,0,0,207,176,150,129,129,124,124,124,118,113,85,79,67,53,46,46,47,51,51,47,45,39,39,39,39,39,39,45,49,55,67,73,87,139,163,163,152,139,93,87,81,73,67,61,61,59,61,67,75,77,89,134,157,178,199,225,243,255,255,255,254,254,254,255,241,228,215,199,181,163,107,101,95,93,83,80,79,87,101,165,186,212,222,222,204,181,144,95,85,71,63,57,47,33,19,7,0,0,0,0,0,0,5,9,13,13,7,13,27,39,59,66,66,59,51,33,33,33,33,33,35,51,39,39,61,90,90,64,61,0,0,137,137,118,87,41,35,33,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,13,5,19,25,19,45,134,165,165,181,204,212,225,255,255,196,95,51,45,57,95,124,150,173,181,209,238,0,0,0,0,0,0,215,191,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,59,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,40,72,72,74,92,116,126,118,100,72,0,0,0,0,0,0,0,0,0,0,0,0,0,33,27,13,25,43,61,61,67,116,142,152,134,77,79,134,147,139,139,150,178,202,235,255,255,235,181,137,85,77,75,57,51,69,113,51,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,139,168,186,228,255,255,243,222,215,230,248,251,238,230,204,75,43,71,142,173,220,235,199,155,35,0,5,51,65,51,1,0,0,0,0,0,0,0,1,0,0,0,0,39,111,95,0,0,0,0,139,189,204,199,196,196,189,168,126,61,18,17,39,57,57,51,45,59,73,73,73,93,160,155,91,83,79,73,71,77,91,97,99,99,99,93,101,163,173,176,165,160,168,181,186,189,186,173,168,173,181,178,165,160,160,173,186,194,189,178,160,157,170,181,191,191,181,101,59,47,67,83,83,83,91,97,95,85,89,142,173,178,170,157,155,155,142,103,101,107,155,163,155,152,152,152,152,109,155,160,168,176,181,178,173,178,157,108,109,163,189,191,189,189,181,165,115,107,99,81,61,67,103,191,212,222,246,255,255,255,248,246,255,255,255,248,222,202,176,123,101,63,25,14,17,27,53,85,117,176,194,196,191,191,191,191,194,207,220,209,186,173,168,163,109,85,79,83,89,89,93,101,109,113,119,163,165,157,117,117,160,168,176,183,186,183,181,170,121,113,117,160,168,123,115,115,121,165,173,173,170,163,165,170,176,186,186,183,178,170,119,115,119,125,170,168,168,168,123,116,117,165,173,168,121,119,117,117,115,117,121,181,196,196,194,186,178,176,176,117,101,94,99,109,115,109,99,89,83,77,83,95,109,157,173,178,181,189,191,199,202,209,209,202,209,212,199,186,178,173,123,111,106,105,108,119,137,186,186,137,137,137,189,212,241,255,255,255,241,217,199,141,135,131,131,176,176,170,125,113,117,160,113,99,85,79,77,73,67,55,39,23,13,5,0,0,0,0,0,0,3,19,39,63,75,77,77,73,71,77,83,126,147,173,196,209,204,183,170,165,165,142,121,87,87,75,57,47,37,31,23,23,31,37,57,83,142,155,134,127,142,170,176,163,144,101,93,91,91,95,97,103,105,109,111,111 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,194,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,11,0,0,116,137,150,155,165,181,186,183,182,183,186,186,183,176,170,170,176,183,186,191,189,157,45,134,134,69,157,170,176,181,178,163,155,150,140,139,144,170,178,178,168,157,111,113,155,152,155,163,165,165,170,170,160,113,105,105,111,152,157,157,163,163,155,115,111,111,113,115,115,117,119,160,165,170,160,160,165,168,165,160,160,119,115,117,123,165,163,123,121,123,118,114,117,183,204,204,194,183,173,163,163,165,163,119,117,119,163,163,119,112,111,115,160,160,163,168,176,173,163,117,113,113,115,113,109,108,108,108,109,113,115,113,111,108,106,109,117,160,165,173,183,191,189,186,183,109,115,119,117,117,165,173,165,103,97,97,107,117,115,115,121,127,173,178,181,183,189,194,191,186,181,181,183,189,186,178,129,127,131,133,125,122,123,131,181,189,196,207,215,217,222,225,225,217,204,194,191,196,199,202,204,202,191,139,138,186,194,196,194,199,215,217,212,192,187,204,209,207,202,194,192,192,194,196,199,199,196,191,189,194,199,204,209,204,189,140,191,204,212,215,217,217,204,194,191,191,189,191,196,196,196,194,194,196,196,183,165,157,182,185,186,212,217,196,129,111,103,84,111,129,122,126,176,181,181,181,183,191,196,196,189,183,207,217,228,230,230,233,233,230,230,83,57,65,61,55,77,85,75,71,109,222,225,224,228,233,233,233,233,233,233,230,228,228,225,212,212,122,109,133,139,194,212,225,225,225,228,228,225,225,225,230,233,233,230,228,228,233,235,230,209,202,202,204,204,202,204,207,199,196,196,199,196,189,141,191,217,235,235,238,238,228,212,204,194,133,133,189,194,194,196,202,212,215,207,194,189,196,202,199,194,191,199,207,209,212,212,204,202,202,196,189,189,191,199,204,202,194,191,194,196,199,202,209,217,209,202,199,202,199,194,192,192,194,207,222,228,230,230,230,233,233,217,202,196,191,189,191,202,207,207,199,195,194,195,199,204,204,199,196,196,194,196,202,202,207,215,212,204,196,191,189,191,191,194,194,191,186,185,191,212,212,196,139,137,137,139,186,191,194,196,191,189,189,189,189,194,196,194,189,137,133,132,135,137,137,186,194,191,183,135,135,181,199,225,233,230,230,217,189,185,191,215,220,215,186,181,194,194,121,25,0,0,5,123,121,123,105,95,117,125,178,204,202,204,209,191,181,131,110,101,103,125,186,207,215,209,199,194,194,189,181,183,207,228,225,183,126,126,133,176,131,130,176,191,196,186,186,204,228,233,228,204,189,130,130,194,202,202,183,139,139,189,207,217,225,228,225,230,233,235,235,230,222,202,129,131,191,212,196,138,143,191,191,204,215,217,207,199,215,230,238,238,238,235,228,209,200,200,202,209,212,207,209,209,207,204,204,199,199,204,204,202,202,204,202,191,143,191,199,207,215,222,222,212,196,199,215,222,222,217,207,202,202,207,207,207,209,215,215,212,212,217,217,215,212,212,207,199,196,202,209,225,233,241,238,235,233,233,235,235,235,233,225,215,212,207,192,187,194,217,222,228,228,222,209,200,200,207,209,209,209,215,222,225,225,222,217,215,217,228,233,233,225,204,194,196,209,204,145,199,207,125,100,122,147,196,199,212,228,230,225,217,225,230,217,209,204,202,191,124,128,191,209,217,225,230,230,226,226,228,228,225,222,217,220,222,215,145,137,145,212,230,233,230,228,230,233,233,233,233,233,233,233,233,235,238,238,238,238,235,233,230,228,226,226,230,233,235,238,238,235,235,235,235,235,238,238,238,235,230,228,228,228,228,228,226,228,230,233,235,235,233,231,233,238,238,235,233,238,241,241,241,238,238,235,235,233,233,235,235,233,230,222,218,220,228,230,228,217,209,202,151,144,124,119,199,212,217,213,213,220,225,228,228,233,238,233,225,215,212,204,198,199,212,228,230,225,228,225,215,207,209,212,215,222,228,230,230,230,230,228,225,222,222,225,228,230,235,235,233,228,222,212,207,157,157,217,233,235,238,235,241,241,241,243,241,238,238,238,238,238,241,241,243,246,246,248,248,235,145,118,110,116,217,225,233,241,238,241,243,243,243,243,241,238,238,238,241,241,241,241,241,241,241,241,241,241,233,212,153,209,235,241,230,202,204,217,228,233,233,228,220,220,222,225,230,233,235,235,235,234,234,235,235,235,235,235,235,235,233,230,215,207,212,222,225,228,228,212,148,145,149,202,209,217,225,228,228,230,230,230,225,225,225,225,228,230,228,225,228,230,230,230,230,230,230,230,230,230,230,228,228,230,230,228,225,222,222,222,222,222,220,220,222,222,222,225,225,228,228,228,225,222,222,222,225,225,215,145,138,142,199,212,222,225,222,217,222,222,222,222,222,222,217,215,212,209,209,209,212,212,215,215,215,212,212,215,215,215,215,217,217,217,217,217,217,217,217,217,215,215,212,212,215,212,212,212,212,209,207,204,204,202,204,204,204,204,204,204,202,202,199,199,199,202,202,202,204,207,209,209,209,209,207,209,212,217,220,215,209,208,208,209,209,207,207,209,215,215,215,215,217,217,222,222,222,217,217,217,217,222,225,228,230,230,230,230,233,233,235,235,235,235,235,235,235,235,233,233,233,233,233,233,230,225,217,215,212,212,212,212,215,215,212,209,207,207,204,204,204,207,207,207,0,209,209,212,212,212,209,204,202,199,196,194,191,191,196,202,204,202,196,196,202,204,212,222,228,233,238,243,246,248,248,251,254,254,251,248,248,246,248,248,251,254,255,255,246,241,233,233,235,235,235,235,235,235,230,230,233,233,235,243,246,248,246,243,246,248,251,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,251,248,248,248,251,254,251,248,243,241,241,241,0,0,0,0,0,0,0,0,0,0,0,207,176,152,137,129,129,129,126,121,121,118,81,65,57,49,47,47,49,47,43,39,39,39,37,37,37,39,39,45,53,59,67,79,137,170,160,129,85,73,73,73,73,67,63,61,61,67,77,81,83,91,134,157,186,207,0,0,0,0,0,0,230,233,225,215,207,196,181,168,147,139,101,99,93,87,81,78,82,93,142,168,204,220,222,209,181,139,85,71,63,63,61,57,37,19,7,3,0,5,9,9,9,13,17,17,13,7,15,29,59,69,79,77,59,51,51,51,51,51,51,51,33,33,33,35,82,92,69,69,0,0,0,163,126,85,39,33,29,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,7,5,15,19,0,0,63,134,173,194,217,230,246,255,255,217,173,139,131,139,168,181,202,202,209,228,255,255,0,0,0,0,255,225,199,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,35,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,29,48,64,82,100,116,116,111,100,25,0,0,0,0,0,0,0,0,0,0,0,0,17,25,19,25,49,98,98,98,113,142,163,152,81,66,77,137,147,139,150,181,207,238,255,255,255,212,163,134,118,83,67,59,103,121,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,61,95,157,209,243,254,235,207,208,243,255,238,204,163,61,0,0,75,207,228,220,212,189,178,142,0,0,0,17,57,43,0,0,0,0,0,0,0,0,0,0,0,0,0,41,61,35,37,0,0,3,160,189,196,196,191,181,155,124,75,15,9,21,55,59,51,45,61,75,79,85,150,173,155,81,67,68,68,68,71,81,91,97,107,107,101,101,152,163,165,165,170,176,176,186,186,189,186,181,189,189,183,173,160,170,183,194,196,194,181,170,160,160,173,176,165,97,47,40,45,89,109,103,103,103,103,91,85,97,157,178,176,163,157,142,103,95,81,77,91,152,163,152,103,99,99,107,155,173,176,176,173,168,152,112,117,117,112,112,163,186,199,199,189,181,163,115,107,103,93,85,97,131,202,215,225,243,254,255,255,248,233,246,254,248,222,204,196,186,173,103,53,17,12,12,19,41,79,113,173,186,186,181,183,186,186,189,202,209,199,173,119,109,97,83,76,74,83,103,107,109,115,121,121,119,119,157,119,113,117,160,168,183,186,191,186,181,168,119,113,117,160,165,117,111,111,117,165,170,168,163,163,165,170,181,186,189,183,173,165,119,115,115,119,125,123,123,125,123,117,121,165,173,173,163,121,117,117,117,117,163,189,196,186,181,178,178,178,178,117,97,91,97,111,157,115,101,83,73,68,71,83,101,115,160,173,181,189,199,209,212,209,202,191,196,207,196,178,173,173,119,108,105,111,131,181,196,207,204,186,132,132,186,212,241,255,255,255,241,212,189,135,133,129,131,131,131,125,113,113,113,113,107,89,79,77,79,79,71,59,43,31,19,11,7,3,0,0,0,0,0,13,29,51,65,71,69,67,71,81,87,126,144,173,196,209,209,183,170,165,165,144,126,118,87,67,55,47,37,31,17,17,17,23,31,63,124,152,142,127,137,176,183,176,165,144,101,91,91,91,91,95,103,109,109,111 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,199,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,137,142,155,170,181,186,182,183,189,186,183,178,173,173,181,186,189,191,194,165,0,0,0,71,157,165,163,168,165,157,155,150,139,137,152,173,178,181,178,173,157,111,113,157,163,165,168,170,173,173,165,113,105,105,109,115,157,160,160,155,115,117,155,117,115,113,115,117,113,103,103,109,119,119,117,116,121,163,160,119,115,115,121,165,165,163,123,163,163,123,168,194,207,207,204,202,183,168,163,163,163,163,121,117,117,119,117,114,114,121,163,117,117,160,165,165,163,119,111,111,111,109,111,111,109,108,108,111,117,119,113,107,105,109,121,170,168,173,194,207,207,207,204,196,178,123,115,115,119,123,121,111,93,85,89,103,111,115,119,125,173,178,178,181,186,186,181,181,178,181,186,189,183,129,120,120,125,129,125,122,121,125,135,186,194,207,215,222,225,225,222,215,204,194,191,194,196,202,207,202,189,138,137,189,204,207,204,202,207,207,202,196,204,217,222,217,204,194,192,194,196,199,199,196,191,189,194,202,209,215,215,207,189,140,143,204,217,225,228,228,215,209,207,199,179,185,199,209,212,196,191,199,209,225,215,196,191,189,207,215,217,215,101,107,109,105,115,204,129,127,128,129,125,131,217,222,209,196,125,111,202,215,222,228,230,230,230,215,123,113,119,121,43,0,0,0,38,125,217,225,225,225,228,230,230,228,228,230,233,233,230,230,225,228,228,209,127,123,129,143,207,222,225,222,217,225,225,225,225,230,230,230,230,230,230,233,233,222,202,198,204,212,215,209,202,202,202,196,194,194,189,143,189,204,228,238,238,238,235,228,215,212,204,196,202,207,204,202,207,212,217,217,209,194,186,202,207,204,199,199,207,212,215,222,222,212,204,204,204,196,189,194,194,196,199,196,194,191,194,202,209,215,217,212,204,199,199,196,192,192,194,204,217,230,233,233,233,235,238,235,225,209,202,199,199,204,215,228,230,222,207,196,196,199,204,204,202,202,202,196,202,207,207,209,212,212,204,191,189,189,189,189,189,189,189,189,185,185,194,202,191,186,183,189,191,191,191,194,194,189,186,185,185,196,207,207,199,139,137,135,133,133,133,133,137,183,181,131,137,129,121,196,225,230,230,225,199,189,186,191,191,186,178,170,129,125,107,59,35,41,63,127,189,217,191,103,101,113,121,196,217,222,199,123,120,123,121,117,127,129,131,189,212,225,228,217,207,194,183,183,194,222,230,225,129,131,189,183,133,127,127,176,186,185,178,186,207,217,230,230,217,186,97,124,186,204,212,194,183,183,139,204,225,235,230,228,230,230,233,235,225,207,196,129,130,145,212,207,143,141,145,194,199,207,209,212,212,217,228,233,233,228,217,209,204,200,200,202,207,207,207,212,217,212,202,191,127,137,194,196,189,143,207,204,191,143,191,202,207,215,222,217,137,130,141,199,204,209,212,202,200,200,204,207,209,212,217,215,212,209,209,212,212,212,212,204,196,194,196,209,228,235,238,238,235,233,230,230,233,233,230,222,212,207,199,192,192,202,209,209,215,217,212,207,204,207,207,207,207,212,215,217,217,217,209,209,212,222,228,233,235,225,209,196,202,209,204,196,202,196,125,115,207,202,202,202,179,222,233,233,230,230,230,230,225,215,209,202,136,129,136,202,217,228,230,230,228,228,228,230,228,222,217,217,217,222,212,139,139,204,225,230,228,228,228,230,233,233,233,235,235,233,233,235,238,241,241,238,235,233,230,228,228,228,230,233,235,235,235,235,235,235,235,235,238,235,235,233,230,230,228,228,228,228,228,226,228,233,235,235,233,233,233,235,238,235,235,235,238,238,238,238,235,235,235,235,235,235,235,235,230,222,218,220,230,230,228,222,196,143,147,204,209,212,217,222,225,222,220,225,230,233,233,235,238,235,228,225,225,209,203,204,215,233,241,241,233,225,212,199,199,207,215,222,230,235,235,235,235,230,225,217,217,220,222,222,225,230,230,228,225,222,215,215,225,235,238,241,238,238,238,241,241,241,241,238,235,235,235,238,241,241,241,243,243,248,248,217,127,125,157,212,228,235,241,243,246,243,243,243,243,243,241,241,241,241,241,241,241,243,243,241,241,241,243,238,228,149,139,148,238,243,220,174,198,209,222,233,235,230,222,218,220,225,230,233,235,235,235,234,234,235,235,235,235,235,233,233,235,230,207,202,205,222,230,230,228,215,207,151,149,151,204,215,225,225,228,228,230,230,228,228,225,225,228,230,222,215,222,228,230,230,230,230,230,230,230,230,228,228,228,228,228,225,225,225,225,225,222,222,222,222,222,222,222,222,225,228,230,228,228,225,222,225,228,222,204,142,138,149,207,217,225,225,222,217,217,222,222,220,217,217,217,215,215,212,212,212,212,212,212,212,212,212,212,212,212,212,215,215,215,217,217,217,217,217,220,217,215,212,212,212,212,212,212,209,209,204,204,204,202,202,202,202,202,202,202,202,202,199,199,199,199,199,202,202,202,204,207,207,207,207,207,209,212,217,217,217,215,212,209,209,207,205,207,209,212,212,212,215,217,222,222,225,222,217,215,215,217,222,225,228,228,230,230,230,230,233,235,235,235,233,233,233,233,233,233,230,230,233,235,235,230,225,215,212,209,209,209,212,212,212,212,209,209,207,207,207,207,207,207,0,0,209,209,212,212,212,209,204,199,196,194,191,191,191,196,202,204,202,199,196,199,202,209,217,225,230,235,241,243,248,248,251,251,251,251,248,246,246,246,248,251,254,255,255,251,238,233,235,238,238,238,238,235,233,233,233,230,230,235,243,248,248,246,243,243,246,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,246,248,248,248,246,243,243,243,243,243,0,0,0,0,0,0,0,0,0,0,207,181,160,137,129,129,126,126,121,121,118,81,65,59,51,49,49,49,47,43,39,39,39,37,35,35,35,35,45,53,59,59,73,129,152,152,85,67,59,67,73,81,75,69,67,73,83,87,89,91,97,142,178,194,0,0,0,0,0,0,222,212,204,202,196,189,181,170,157,144,139,99,95,93,95,93,89,89,95,142,173,204,225,233,212,181,139,83,69,63,61,61,57,39,23,13,11,9,13,17,23,19,23,29,19,9,6,17,35,64,87,87,79,59,51,51,53,53,51,35,33,30,30,30,39,82,92,85,95,0,0,0,163,121,92,69,41,33,19,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,7,13,15,5,0,0,31,73,124,134,165,209,255,255,255,228,209,202,209,235,246,238,235,238,246,255,255,255,0,0,0,0,255,235,207,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,46,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,64,66,74,100,111,108,108,66,5,0,0,0,0,0,0,0,0,0,0,0,0,11,37,37,19,21,49,98,75,121,155,176,176,134,72,73,93,147,155,155,178,209,241,255,255,255,235,189,157,142,118,75,73,111,118,51,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,121,71,23,41,59,85,150,189,230,248,248,208,200,255,255,248,107,15,0,0,0,212,194,209,183,163,163,147,67,0,0,0,0,118,155,0,0,0,0,0,0,0,0,0,0,0,0,0,47,113,103,126,241,0,0,77,181,196,191,181,163,147,124,75,20,20,87,89,63,47,51,65,81,87,99,155,168,144,81,67,66,69,73,73,72,77,97,155,155,109,107,109,163,163,176,178,178,176,176,181,186,189,191,196,199,196,191,181,181,189,196,196,186,173,160,157,157,157,113,93,44,37,39,69,157,176,144,101,97,97,91,95,144,163,157,157,155,155,107,95,75,51,39,69,101,157,152,97,93,96,107,176,183,183,183,173,160,112,111,111,116,116,116,163,183,189,178,168,168,168,170,170,117,103,115,173,189,196,204,215,230,251,255,255,255,248,233,230,225,204,195,207,202,183,101,45,15,11,13,23,47,83,157,173,178,178,174,177,178,183,186,191,202,191,121,91,79,78,76,73,76,89,117,160,115,115,121,121,113,109,113,113,113,117,163,176,189,191,186,186,173,163,115,113,163,173,168,111,107,110,115,123,165,163,163,170,170,173,186,199,186,176,165,123,119,119,115,119,117,117,119,119,117,121,123,170,173,176,173,168,119,117,117,119,168,181,183,178,164,164,168,183,178,155,101,94,97,111,157,115,99,83,69,65,68,75,91,103,115,160,178,189,199,209,212,209,191,189,196,196,186,178,178,170,113,110,115,131,181,189,199,215,207,139,123,127,135,204,235,255,255,255,241,204,139,129,128,131,181,135,131,117,113,113,113,113,99,87,76,79,85,85,79,65,51,39,31,21,13,5,0,0,0,0,0,5,21,39,55,57,63,67,81,87,91,95,142,168,191,204,202,183,173,163,155,139,126,87,79,67,55,37,31,23,17,13,5,0,5,31,81,142,142,131,144,181,199,194,183,165,103,91,83,83,83,91,97,103,109,111 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,116,137,155,170,183,183,186,189,189,186,186,181,181,186,189,189,194,196,150,0,0,0,91,97,147,163,163,152,147,147,142,144,165,183,183,183,183,186,178,168,113,109,113,157,163,163,165,168,176,165,109,101,103,109,113,157,165,160,108,103,110,160,157,115,111,111,113,101,85,82,101,119,119,111,110,119,173,176,173,121,115,115,119,123,123,163,165,165,170,183,202,209,209,209,207,191,170,123,119,119,121,119,115,111,113,115,117,121,165,163,114,113,117,160,160,121,117,111,107,103,107,113,117,113,109,109,113,119,119,115,109,109,117,165,176,176,178,194,212,217,215,212,207,194,178,163,117,115,115,117,111,85,72,77,91,101,109,117,125,173,181,178,178,178,178,176,176,178,183,191,189,181,125,119,119,121,125,125,124,124,125,131,181,191,202,209,215,222,225,225,215,204,196,191,191,194,202,204,196,186,138,138,194,209,215,212,204,199,194,194,204,215,222,222,217,209,199,196,199,202,199,199,196,194,191,194,204,212,212,207,194,139,138,189,209,225,230,230,228,225,225,222,209,173,178,194,212,207,186,185,194,204,215,207,194,189,129,178,194,183,119,97,135,189,113,123,228,215,178,131,176,127,125,202,222,207,183,121,117,196,215,225,228,230,230,228,209,125,133,183,109,27,0,0,65,125,222,230,230,228,225,225,230,228,225,222,225,230,233,233,230,225,230,233,228,202,135,133,143,196,196,207,202,147,225,225,225,225,228,228,228,230,230,230,230,222,207,199,202,212,222,222,215,207,209,212,204,196,194,191,191,199,215,230,238,238,235,230,220,215,212,212,212,217,220,212,207,212,217,217,215,204,189,182,187,199,202,199,202,204,204,202,212,215,207,202,204,212,207,199,194,194,196,196,194,190,190,196,209,222,222,222,212,204,199,199,196,196,199,207,217,228,233,233,233,235,235,235,230,222,209,204,202,204,212,228,238,241,233,215,199,196,199,204,204,202,199,196,191,194,202,202,202,204,202,196,189,183,183,186,189,183,182,186,191,189,185,186,186,185,191,204,207,202,199,202,207,207,199,189,183,182,194,207,207,189,134,137,186,186,183,135,131,127,123,121,125,131,118,109,120,199,212,217,191,119,191,189,41,0,27,99,173,178,173,129,183,204,222,212,181,183,199,183,103,99,101,111,191,217,225,191,115,114,121,127,131,131,131,131,183,199,217,233,228,209,186,181,191,212,230,228,196,128,183,207,204,186,129,128,176,189,186,182,194,207,212,228,233,222,186,102,123,191,209,217,194,137,135,139,209,230,235,233,233,230,228,228,225,209,199,191,131,133,196,217,209,143,141,143,191,194,202,207,209,212,215,217,222,217,212,209,207,204,202,202,202,207,207,207,215,228,225,204,135,120,124,137,189,141,139,191,189,143,145,199,204,204,209,209,194,129,126,130,139,145,199,207,202,202,204,207,209,209,212,215,212,209,207,207,207,209,212,212,204,196,195,196,209,228,235,238,235,235,233,230,228,228,230,230,222,209,204,199,192,196,204,207,204,207,207,207,207,212,215,215,209,207,209,209,209,212,212,203,203,207,217,228,235,235,228,212,204,207,212,209,207,212,209,147,199,233,212,199,192,190,217,233,235,235,233,230,230,225,217,209,202,145,139,191,209,222,228,230,230,230,230,230,230,228,225,222,222,222,225,215,141,141,207,225,228,228,225,228,230,233,235,235,235,235,233,233,233,235,238,241,238,235,233,230,230,230,230,230,233,233,235,235,235,235,233,233,233,233,235,233,233,230,230,230,228,228,228,228,228,228,233,238,238,238,235,235,230,228,228,230,233,235,235,235,235,235,235,235,235,235,235,235,235,233,230,228,230,230,230,230,202,105,129,202,217,225,225,228,230,230,230,228,230,233,235,235,235,238,235,230,225,225,217,212,204,202,217,238,243,241,230,209,141,139,199,215,230,235,238,241,243,241,233,225,217,217,217,217,215,212,212,217,225,230,228,225,228,235,241,243,241,241,241,241,241,241,241,238,238,235,235,235,238,238,238,238,238,243,248,238,151,135,145,222,228,235,241,243,246,246,246,243,243,243,243,241,241,241,241,241,241,243,243,243,241,238,241,241,235,153,142,143,209,235,233,215,199,203,207,212,222,230,228,222,220,221,225,230,235,235,235,235,235,235,235,235,235,235,235,233,235,235,228,207,203,207,225,233,233,222,212,212,207,153,153,207,217,225,225,225,228,228,230,230,230,228,224,225,222,209,204,212,228,230,228,228,230,230,230,230,228,228,228,228,228,225,225,225,225,225,225,222,222,222,222,225,225,222,222,222,225,228,228,228,228,225,225,228,222,204,143,141,202,215,222,228,225,222,222,217,222,222,217,217,215,215,217,217,215,215,215,215,212,212,212,212,209,209,209,212,212,212,212,215,215,215,215,215,217,217,217,215,212,212,212,212,212,212,209,207,204,202,202,202,199,199,199,199,199,199,199,199,199,196,196,196,199,199,199,202,202,204,204,204,204,204,209,212,217,217,217,215,212,209,209,207,207,207,209,212,209,209,212,215,217,222,225,222,215,213,213,217,222,225,225,225,225,225,225,228,233,235,235,233,230,230,230,233,233,230,230,230,230,233,233,228,222,215,209,209,207,209,209,212,212,212,209,209,209,209,209,209,209,209,209,209,209,209,209,212,212,209,207,202,196,191,191,191,191,196,199,202,202,199,196,196,202,209,215,222,228,230,238,243,246,248,251,251,251,251,248,243,243,243,246,248,254,255,255,251,241,235,238,241,243,243,241,238,235,233,230,228,226,233,241,246,246,243,241,241,243,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,246,246,246,243,241,243,246,246,246,246,0,0,0,0,0,0,0,0,0,0,207,183,160,137,129,121,121,118,113,113,81,75,65,57,53,49,49,47,43,43,39,39,39,35,33,29,29,35,43,59,67,67,67,85,93,85,73,59,56,59,73,81,81,81,81,87,93,97,97,129,142,165,186,202,0,0,0,0,0,0,204,191,189,181,176,170,168,160,147,139,137,129,93,93,95,129,129,131,139,165,196,220,241,241,215,191,152,118,79,69,63,61,63,43,33,29,29,23,23,29,29,29,35,43,33,13,13,29,64,87,98,90,69,51,33,33,35,51,35,33,30,30,30,33,61,85,92,92,111,0,0,165,137,118,103,69,39,33,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,13,13,13,1,0,7,33,65,73,77,108,142,196,233,238,228,217,217,228,246,255,255,255,255,255,255,255,255,255,0,0,0,255,254,215,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,27,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,98,108,90,105,126,116,74,25,0,0,0,0,0,0,0,0,0,0,0,0,0,3,85,98,33,0,0,15,61,142,207,207,191,160,83,80,137,163,163,163,186,209,241,255,255,255,243,212,189,160,139,116,85,118,111,45,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,222,209,160,137,95,95,150,209,246,255,255,212,207,255,255,255,83,0,0,0,0,0,21,69,124,129,137,124,59,0,0,0,0,15,47,0,0,0,0,0,0,0,0,0,0,0,0,39,144,170,199,228,228,0,0,0,160,186,186,165,144,134,124,69,61,134,168,137,71,49,43,59,79,91,99,142,155,144,89,77,75,83,91,89,83,87,105,160,170,160,152,152,163,173,183,183,183,181,176,181,186,186,189,191,196,207,199,189,181,181,186,186,178,160,157,157,113,103,85,45,38,38,42,91,178,186,163,103,97,97,97,142,157,157,142,97,97,95,91,79,51,30,23,45,93,155,152,96,91,99,168,186,191,194,196,194,181,163,152,117,117,117,117,163,170,170,117,111,117,170,189,191,127,105,127,186,191,196,202,212,230,246,255,255,255,248,230,225,225,215,209,225,222,194,97,39,17,14,19,33,59,89,157,173,178,181,181,183,183,178,173,176,183,176,107,79,74,78,83,83,83,103,163,170,121,117,121,121,109,108,108,113,117,160,168,181,183,183,183,183,168,115,113,119,173,186,178,115,110,110,115,121,165,163,168,170,170,170,186,186,176,168,165,125,121,121,119,119,117,113,113,113,115,121,165,173,186,186,186,170,119,109,109,117,121,170,181,165,161,164,178,183,183,163,103,92,94,109,117,115,101,83,73,68,71,79,89,97,103,113,160,181,189,199,209,202,189,189,191,186,178,173,173,123,115,117,129,178,186,189,196,215,212,186,126,127,135,204,241,255,255,255,241,204,135,128,128,135,183,183,178,131,125,125,115,113,107,93,85,85,91,89,83,69,55,43,41,35,27,17,5,0,0,0,0,5,17,31,47,53,61,75,85,91,91,93,134,157,181,196,191,183,170,155,134,126,87,79,71,61,47,37,31,23,17,11,0,0,0,17,69,134,142,126,144,183,202,207,194,173,142,91,83,83,83,87,97,103,111,111 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,23,0,0,0,0,21,150,165,178,183,189,191,189,189,191,191,186,186,189,186,194,194,147,0,0,0,29,49,131,155,144,137,139,142,142,157,181,189,186,181,181,181,176,168,150,103,103,113,155,152,97,84,86,93,95,101,109,113,152,160,173,176,111,101,106,163,160,155,111,103,91,84,82,88,111,160,121,113,112,119,176,183,178,163,115,114,115,119,121,123,163,163,173,196,209,215,215,209,202,189,173,163,119,117,117,117,115,110,110,113,119,165,170,163,115,114,117,121,117,111,109,105,102,100,103,115,119,115,109,109,117,119,121,119,119,160,163,170,178,178,183,194,209,222,222,215,209,199,186,173,121,109,109,109,89,66,64,73,91,99,105,115,123,170,178,178,173,173,173,173,176,181,189,194,191,181,127,120,119,121,125,129,129,129,129,131,137,189,196,204,212,215,222,225,217,207,199,194,191,191,196,199,191,186,139,183,191,204,209,207,202,191,189,194,204,209,212,212,212,207,202,202,204,204,199,196,199,196,191,194,202,207,202,194,141,137,137,196,222,230,233,233,230,233,235,233,215,172,177,189,199,191,179,182,186,191,191,189,181,127,95,104,186,181,101,87,127,189,109,189,230,233,186,176,181,133,123,176,189,133,125,124,131,194,215,228,228,228,230,225,202,115,189,204,81,37,43,101,228,233,233,230,230,230,228,228,230,228,222,220,222,228,230,230,228,228,228,235,238,228,202,145,147,145,136,145,142,130,233,228,228,228,225,225,225,228,228,228,222,207,199,199,207,215,217,217,212,212,217,217,207,199,194,191,196,207,225,233,238,238,235,230,217,212,209,212,220,228,228,217,212,217,222,215,207,199,187,182,182,187,194,199,202,204,199,195,199,202,199,199,207,215,217,209,207,204,204,199,191,189,194,207,225,230,228,220,209,204,199,199,202,202,207,217,228,233,233,233,233,235,233,230,225,215,207,204,202,204,212,230,241,243,235,217,199,194,196,204,204,199,191,189,186,189,191,194,194,196,194,191,189,182,181,183,186,181,179,183,194,196,194,189,185,185,199,217,215,204,204,212,228,228,212,196,186,183,189,196,194,139,136,194,215,212,199,183,133,127,120,118,121,127,117,109,116,181,196,196,99,12,69,71,0,0,0,59,119,207,251,254,243,241,233,225,111,101,121,168,113,99,99,109,173,194,199,170,116,118,189,194,178,131,131,173,178,178,189,225,225,204,183,178,196,222,230,222,176,127,183,204,204,191,176,176,191,196,191,189,204,209,207,215,222,199,137,123,133,196,207,204,186,126,122,137,212,233,235,238,238,233,230,228,209,196,194,189,135,137,202,215,207,143,141,143,191,196,202,207,209,209,209,212,217,212,209,215,217,209,202,199,199,202,204,204,212,228,228,209,135,121,122,129,141,189,141,141,140,141,196,204,207,204,204,209,204,143,133,135,139,143,196,204,202,207,215,217,215,212,212,212,212,209,207,207,207,209,212,212,204,199,196,202,209,222,233,235,233,233,230,228,222,222,228,230,217,204,199,194,194,199,207,207,207,204,203,203,207,212,215,212,209,207,207,204,204,209,209,203,202,204,215,225,233,233,222,209,207,207,212,217,222,222,217,207,209,222,204,191,189,196,212,228,235,235,233,230,228,225,217,209,199,196,199,209,215,220,225,230,233,233,230,230,230,230,228,225,225,225,220,202,140,143,207,222,225,225,225,228,230,235,235,235,235,233,233,233,233,233,235,235,233,233,233,233,233,230,230,230,230,230,233,235,235,233,230,228,225,228,233,233,230,230,230,230,230,230,228,228,228,230,235,238,235,238,238,230,217,213,215,222,230,233,235,235,235,235,235,235,235,235,235,235,233,233,233,233,233,230,230,222,64,48,113,215,225,228,228,230,233,233,230,230,233,235,235,235,235,235,233,228,225,225,228,225,207,196,204,230,238,246,241,207,130,130,139,202,235,238,238,243,243,243,238,230,222,222,222,222,217,212,209,211,222,228,230,230,233,238,241,241,241,241,241,241,241,241,241,241,238,238,235,235,238,238,235,235,235,241,241,209,145,145,212,233,238,241,243,246,246,246,246,246,243,243,243,243,243,243,241,241,241,246,246,241,238,238,238,230,212,149,147,209,235,238,233,217,207,212,212,212,215,222,225,225,222,225,230,235,238,238,238,235,235,235,235,235,235,235,235,235,235,233,225,209,209,217,228,233,228,209,204,209,215,212,209,217,225,225,228,228,228,228,228,228,228,225,224,225,222,209,204,212,228,230,228,228,230,230,230,230,228,228,228,225,225,225,225,222,225,225,225,222,222,222,225,228,228,228,222,217,215,217,225,228,228,225,228,230,225,209,149,147,204,217,225,228,225,222,222,222,222,222,217,215,215,215,217,217,217,217,217,215,212,212,209,209,209,209,209,209,212,212,212,212,212,209,209,212,215,217,215,215,212,212,212,212,212,209,209,207,202,202,199,199,199,199,199,199,199,196,196,196,196,196,194,194,196,196,199,199,202,202,202,202,202,204,209,212,215,217,215,212,212,209,209,209,209,209,212,209,209,209,212,212,215,217,222,222,215,213,213,215,217,222,225,225,224,224,224,225,230,233,235,233,228,228,228,230,233,233,230,230,228,228,228,225,217,212,209,207,207,207,207,209,212,212,212,209,209,209,209,209,209,209,209,209,212,209,209,209,212,212,209,204,196,194,191,191,194,196,199,202,199,199,196,199,204,207,212,215,222,230,235,241,246,248,251,251,251,251,248,246,241,239,243,246,251,255,255,251,241,238,241,246,246,246,246,243,238,235,230,226,225,228,238,243,246,243,241,239,239,243,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,251,248,246,246,241,238,237,238,243,246,246,246,246,248,0,0,0,0,0,0,0,0,0,189,160,137,129,121,113,113,105,79,75,65,59,51,49,49,47,47,45,43,43,43,39,35,28,27,28,29,39,59,67,67,67,67,67,67,59,56,56,59,73,81,87,87,89,93,129,129,134,142,160,176,194,0,0,0,0,0,0,0,0,165,163,160,160,160,147,147,137,134,131,124,89,89,124,129,131,139,165,191,220,241,255,248,222,199,176,150,126,111,69,61,59,47,39,39,39,39,33,33,29,33,69,85,64,29,29,0,0,105,105,87,59,33,23,23,27,33,33,33,33,33,33,39,66,90,92,92,111,137,144,118,111,111,103,61,35,33,11,0,3,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,5,0,0,7,25,47,69,71,71,71,108,134,173,202,209,204,202,217,238,246,255,255,255,255,255,255,255,255,0,0,0,255,255,233,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,139,142,100,113,155,126,64,19,5,0,0,0,0,0,0,0,0,0,0,0,0,0,45,108,65,7,0,0,21,147,215,228,215,181,137,137,160,183,165,163,178,204,230,255,255,255,251,233,212,181,150,134,121,118,77,43,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,235,246,228,196,163,139,155,215,255,255,255,228,209,254,255,255,63,0,0,0,0,0,0,0,51,121,139,147,134,37,0,0,0,0,0,0,0,0,0,0,0,47,103,15,0,0,0,0,105,165,230,235,111,0,0,0,118,168,173,157,144,144,87,61,75,147,160,150,89,55,4,3,41,79,95,99,134,144,101,93,93,101,147,147,103,103,160,170,178,178,173,163,163,181,186,183,178,178,183,186,186,186,181,181,191,202,204,191,181,170,165,170,170,170,165,113,93,67,45,40,40,47,83,157,186,186,168,144,103,142,144,155,168,155,101,91,83,75,67,57,37,27,21,51,89,107,107,97,99,157,186,196,204,209,217,217,199,178,163,157,117,115,117,163,157,117,115,109,111,163,181,178,91,71,103,181,196,196,202,215,230,251,255,255,255,235,225,224,225,222,222,246,243,204,97,35,17,19,31,47,71,91,113,163,181,189,191,186,183,170,160,157,168,157,97,79,79,89,109,111,103,113,168,176,168,121,115,113,108,108,108,113,160,170,176,176,176,178,183,173,119,107,107,163,178,186,178,163,117,117,121,121,123,163,170,170,163,123,168,176,168,168,165,165,165,125,125,121,117,113,111,110,115,121,173,189,186,189,186,170,119,107,104,109,117,160,165,168,164,164,181,194,191,176,103,91,91,105,117,117,105,91,79,73,77,83,89,95,95,101,109,119,176,189,199,196,189,189,191,183,170,119,119,119,117,129,176,178,181,186,196,207,207,189,132,132,186,207,241,255,255,255,241,207,139,128,128,139,189,191,189,183,173,170,123,160,113,105,93,91,93,91,85,73,63,57,57,57,51,31,19,7,3,3,5,7,17,31,49,57,63,79,87,91,91,91,97,147,168,178,181,176,165,144,126,83,75,67,61,51,37,31,31,23,17,7,0,0,0,17,67,134,134,118,137,181,202,212,202,176,139,91,83,83,87,87,97,109,111,111 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,212,170,0,0,0,0,0,160,163,163,173,186,191,186,186,191,194,189,186,186,186,196,191,160,0,0,0,0,0,55,95,89,83,89,101,152,170,178,181,178,176,173,176,176,173,157,102,99,107,152,111,86,76,76,80,82,91,111,157,160,160,170,189,183,110,108,117,157,155,109,97,88,85,91,115,121,160,160,121,119,119,163,170,163,119,115,117,117,115,115,117,123,123,176,204,215,217,215,207,194,183,173,168,163,119,117,115,115,111,110,111,119,165,168,163,121,119,121,119,111,105,103,103,102,101,107,121,160,115,108,109,117,121,160,163,165,168,168,168,173,178,186,191,202,215,217,215,209,196,186,176,123,107,101,99,73,64,66,91,101,103,107,119,123,127,170,173,170,170,173,173,176,181,186,191,191,183,133,127,123,125,131,135,135,133,131,131,137,183,186,196,209,212,215,222,217,209,204,199,194,191,191,191,189,186,183,139,183,189,191,191,189,189,196,202,199,194,196,204,207,204,202,202,204,202,196,194,196,196,191,194,199,207,204,199,191,139,140,212,233,235,233,235,235,235,238,233,217,174,179,186,189,183,182,186,189,137,135,135,135,126,107,119,230,233,191,107,81,73,81,204,222,217,176,113,117,119,99,109,125,125,127,178,183,183,199,212,204,199,199,133,57,37,117,183,75,67,202,246,241,238,233,229,229,230,233,230,230,228,222,217,222,225,230,230,230,230,230,233,238,235,215,199,199,143,138,147,144,133,230,230,228,225,225,222,222,217,217,212,202,191,191,202,209,209,207,204,202,204,209,212,202,194,191,190,196,215,230,235,238,238,235,230,222,209,196,199,217,228,225,217,212,217,222,217,207,199,194,189,189,196,202,204,207,204,196,194,195,196,196,202,209,217,222,217,217,217,215,207,196,191,202,215,225,225,217,212,207,202,199,202,204,207,212,222,230,233,233,230,233,230,230,225,217,212,207,204,202,202,207,217,230,233,228,215,196,192,196,204,204,199,191,189,187,190,196,196,196,196,194,191,191,186,183,183,183,182,181,186,194,199,199,199,194,194,202,209,202,196,204,225,238,233,215,199,191,186,185,186,183,183,191,212,230,217,191,139,139,137,129,120,121,129,127,123,137,194,202,194,99,3,29,37,11,0,0,33,113,209,243,243,238,238,228,202,64,71,111,170,125,107,105,115,129,178,178,129,127,196,228,225,186,178,178,178,131,115,111,121,191,186,181,176,186,209,217,209,183,129,176,189,186,178,176,199,215,207,189,181,199,207,191,196,196,127,130,133,183,191,196,196,191,127,117,139,209,230,235,238,238,235,235,225,189,139,189,143,139,141,196,207,204,194,191,194,196,199,202,204,207,209,209,215,225,222,222,230,228,209,196,191,191,196,199,199,204,217,222,212,196,127,123,125,139,194,191,145,145,194,202,207,207,204,207,215,228,225,215,204,196,196,199,202,204,212,225,228,225,217,217,217,215,212,209,207,207,209,212,212,207,204,204,204,204,209,225,233,230,230,230,228,222,222,225,222,212,202,196,196,196,204,212,212,212,204,200,200,204,209,207,204,207,209,207,203,202,204,207,203,204,207,212,217,225,225,215,205,204,205,212,225,225,217,215,209,207,199,192,190,190,199,202,212,228,233,230,230,230,228,225,215,199,199,207,215,217,217,225,233,233,233,230,230,230,230,228,230,230,225,209,145,140,149,207,215,222,225,225,228,233,235,238,235,233,233,233,233,233,230,230,230,230,230,233,233,233,233,230,228,228,228,233,235,235,233,228,224,221,225,230,233,230,228,230,230,230,230,228,226,228,230,233,235,233,235,235,228,216,212,213,217,228,233,233,233,235,235,235,235,235,235,233,233,230,230,233,235,230,225,212,103,57,52,127,212,225,228,228,228,230,230,228,230,233,235,235,235,235,235,233,230,228,230,233,235,225,207,207,209,228,243,243,204,131,130,131,131,233,241,243,246,243,243,241,235,228,225,228,225,222,215,211,212,222,228,230,233,235,241,241,241,241,241,241,241,241,241,241,241,241,238,238,238,238,235,235,235,235,233,215,147,145,157,230,241,243,243,243,243,243,243,246,243,243,243,243,243,243,243,241,241,243,246,246,241,238,238,230,209,149,155,228,235,238,235,228,212,204,215,222,217,217,222,222,225,228,230,233,238,241,241,238,235,235,235,235,235,235,235,235,235,235,230,222,215,217,228,233,233,222,202,199,207,222,225,225,228,230,230,228,228,228,228,228,228,225,225,225,228,225,209,203,212,228,230,228,228,230,230,230,230,228,228,225,225,225,225,222,222,222,222,222,222,222,222,225,228,230,228,217,209,207,212,217,228,228,228,228,230,228,215,204,202,209,217,225,228,225,222,222,222,222,222,217,215,215,215,217,217,222,220,217,215,212,209,209,209,209,209,209,209,209,212,212,212,209,207,207,209,212,215,215,212,212,212,212,212,212,209,207,204,204,202,199,199,199,199,196,196,196,196,196,194,194,194,194,194,194,196,199,199,199,202,202,202,204,207,209,212,215,212,212,209,207,209,209,209,212,209,209,209,207,209,209,212,215,217,217,217,217,215,215,215,217,222,225,225,224,224,224,225,230,233,233,230,225,225,225,228,230,233,233,230,228,225,222,215,209,207,207,207,204,204,207,209,209,212,212,209,209,209,209,209,209,209,209,209,212,209,209,209,209,209,209,204,196,194,194,194,194,196,199,199,196,196,196,199,202,207,207,212,217,228,233,238,243,248,248,251,251,251,251,246,241,239,239,243,248,254,255,248,241,238,241,243,246,248,248,246,241,238,230,226,225,228,235,241,243,243,241,239,241,243,248,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,246,246,243,241,237,235,237,241,246,246,243,246,248,254,255,255,0,0,0,0,0,204,186,168,150,126,126,118,113,103,77,71,65,51,49,45,45,45,45,45,45,45,45,43,35,28,27,28,33,39,53,65,59,59,59,59,56,56,56,59,59,73,79,93,129,129,131,131,134,139,155,170,186,194,0,0,0,0,0,0,165,0,144,144,144,144,144,144,137,129,129,124,116,111,111,121,129,137,150,183,207,238,255,255,255,225,215,207,189,144,118,69,57,51,41,41,47,47,43,39,39,35,49,98,111,95,45,0,0,0,121,113,87,59,29,20,20,23,33,0,0,0,51,51,59,72,90,92,85,92,111,111,95,92,103,92,69,39,27,11,0,9,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,39,59,65,77,77,77,77,116,131,150,173,183,194,209,230,248,0,255,255,255,255,255,255,255,255,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,121,121,98,124,163,131,72,31,25,5,0,0,0,0,0,0,0,0,1,1,0,0,0,100,118,45,0,0,0,83,202,233,225,189,152,155,183,191,178,156,163,194,222,248,255,255,255,255,233,189,150,131,121,116,77,49,31,0,0,0,0,0,0,0,0,0,0,0,0,0,31,150,233,254,248,235,204,168,168,202,246,255,255,243,202,220,220,254,0,0,0,0,0,0,0,0,43,144,178,209,225,178,49,0,0,0,0,0,0,0,0,0,0,183,173,57,7,0,0,0,0,163,235,241,121,35,0,0,69,152,165,163,163,155,93,81,95,150,157,150,89,39,0,0,5,79,142,147,142,142,144,101,101,144,157,157,157,152,157,170,186,191,181,168,163,181,181,170,165,176,181,186,186,181,179,181,189,196,196,189,178,160,113,113,160,173,157,97,61,43,41,53,75,101,168,186,186,170,155,144,144,155,163,170,168,144,101,91,83,65,51,43,39,36,36,87,95,95,99,109,168,176,186,202,220,233,230,212,191,157,101,97,87,91,107,117,115,107,117,121,121,163,121,93,46,43,69,183,204,212,215,225,233,254,254,248,248,230,224,224,225,222,222,251,251,209,89,29,15,15,27,51,71,83,97,155,173,186,189,186,176,160,109,107,157,157,111,93,97,113,168,170,119,119,168,176,168,117,111,109,113,113,115,119,160,178,176,176,173,176,173,165,107,98,101,119,183,186,178,176,173,165,123,121,121,163,170,168,119,117,123,168,164,161,165,165,165,163,163,163,117,113,111,108,111,121,176,189,191,186,186,170,117,105,102,104,111,121,165,181,178,178,186,194,191,165,101,87,90,105,160,160,115,101,89,83,83,89,89,85,83,87,95,107,119,183,191,196,191,189,191,181,119,105,105,107,111,121,176,178,186,186,189,199,204,189,137,137,194,212,241,255,255,255,241,217,189,133,131,139,196,202,196,196,189,170,165,123,115,113,105,99,99,99,91,83,73,73,71,69,63,49,29,15,9,9,9,13,21,33,53,63,77,85,95,91,91,91,97,144,157,163,163,163,155,131,87,69,63,61,55,37,27,23,21,17,13,1,0,0,0,13,59,124,124,79,118,160,199,209,199,170,131,87,81,87,87,93,99,107,152,152 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,230,202,0,0,0,0,0,163,163,152,163,186,194,189,185,189,191,189,186,185,185,199,199,155,0,0,0,0,0,0,53,61,0,0,59,168,173,178,176,173,173,173,176,183,191,186,107,92,99,115,115,103,105,113,91,77,77,95,157,165,160,165,186,189,157,110,111,117,117,111,107,113,117,117,157,160,160,160,165,168,165,163,123,115,114,117,121,121,115,112,113,163,168,186,212,222,222,212,199,181,173,173,173,170,123,115,111,111,113,111,111,115,121,121,119,121,121,121,117,109,107,109,109,105,105,111,160,163,117,109,109,113,117,160,165,168,168,163,160,163,176,183,186,194,207,215,217,212,194,183,176,165,113,103,99,93,85,101,115,111,103,107,121,165,127,168,170,170,173,176,176,176,176,178,181,186,183,181,133,131,135,181,183,137,131,129,131,133,131,131,191,207,209,209,212,212,209,207,204,199,191,189,189,189,186,183,139,137,135,135,135,139,191,207,209,202,189,189,194,199,199,196,196,196,196,191,189,191,194,194,194,199,209,215,212,199,186,191,222,235,235,233,233,235,235,235,233,222,182,182,185,186,186,189,196,189,133,134,137,135,131,189,209,225,233,230,204,68,27,71,204,207,189,129,92,94,92,78,92,123,131,183,191,186,132,178,183,127,115,105,67,26,23,105,186,113,139,230,235,238,238,235,230,230,233,233,233,230,225,220,217,222,228,230,230,230,233,233,233,235,235,228,209,196,139,147,199,204,204,222,225,217,215,215,215,212,207,202,194,143,143,194,207,207,199,194,191,191,194,196,199,196,194,191,190,196,217,233,235,235,235,233,228,225,207,183,183,209,225,222,212,207,209,217,215,209,202,202,204,215,222,225,222,217,209,199,194,194,196,199,207,215,225,225,225,225,225,222,215,207,196,196,202,143,191,199,204,204,202,202,202,204,209,215,225,230,230,230,230,228,225,225,222,215,212,209,207,204,199,196,204,209,212,209,207,196,192,196,204,207,202,196,194,199,207,207,204,202,199,196,194,194,194,191,186,183,189,196,196,196,196,196,202,204,204,202,194,183,186,202,225,233,222,199,191,194,196,196,191,189,189,194,199,189,131,127,131,139,183,137,129,125,127,129,133,194,209,215,217,111,43,47,53,83,83,0,0,107,189,222,233,238,238,212,101,62,85,168,178,173,121,117,127,176,178,181,181,189,212,230,228,194,186,183,131,117,110,108,113,119,123,127,123,125,178,133,176,186,129,133,181,181,173,173,209,225,215,183,123,131,135,127,135,189,123,130,186,189,186,189,196,202,191,137,199,215,230,233,233,233,235,235,196,117,125,141,189,143,143,196,209,215,209,204,202,202,199,199,199,202,207,215,225,230,230,230,233,228,204,194,145,143,143,191,194,199,207,212,215,215,194,125,125,135,191,196,194,196,196,199,199,202,204,212,222,230,233,228,222,212,207,204,204,207,215,225,230,230,228,228,225,217,212,209,207,207,209,212,212,212,209,207,204,199,199,209,225,230,233,233,230,225,217,212,212,209,204,202,202,204,209,217,217,215,204,200,202,209,212,207,204,205,209,209,203,202,204,209,204,207,209,212,215,217,217,212,205,204,204,212,222,215,205,207,212,215,192,191,194,196,202,195,202,222,230,233,233,230,230,228,217,204,199,204,207,209,212,222,230,233,230,230,230,230,228,230,233,233,225,202,143,147,207,207,204,217,225,225,228,233,235,238,238,233,233,233,233,233,230,229,229,229,230,233,233,233,233,230,228,225,225,230,233,235,233,228,225,221,225,230,230,228,228,228,230,230,228,226,226,228,230,233,233,233,235,235,230,225,217,217,225,228,230,233,233,233,235,235,235,235,233,233,230,230,230,233,233,230,209,74,71,101,133,196,212,225,225,225,225,228,228,228,228,230,233,233,235,233,233,230,230,233,235,235,235,235,230,215,95,125,202,212,141,133,137,133,124,212,238,248,248,248,246,243,235,230,228,228,225,222,215,215,217,225,228,230,235,241,241,241,241,241,241,241,241,241,241,243,243,243,241,241,238,238,238,235,238,238,220,151,145,155,225,238,243,243,243,243,241,241,241,241,241,241,241,243,243,243,243,241,241,243,246,246,243,241,238,222,151,150,225,243,241,235,228,209,196,198,215,225,225,217,215,217,228,230,233,238,241,241,241,238,235,235,235,235,235,235,235,235,235,233,228,217,217,225,230,233,233,222,203,200,212,228,230,230,233,233,230,230,230,228,228,228,225,225,228,228,228,222,204,199,204,225,230,228,228,230,230,230,228,228,225,225,225,225,222,222,222,217,222,222,222,217,222,225,228,228,222,212,204,204,209,217,228,228,228,228,230,228,217,212,212,217,222,228,228,225,222,222,222,222,222,217,215,215,215,217,217,222,220,217,215,212,209,209,207,207,207,209,209,209,209,209,209,207,207,205,207,209,212,212,212,212,212,212,212,209,207,207,204,204,204,202,199,202,199,199,196,194,194,194,194,194,194,192,194,196,196,199,199,202,202,204,204,204,207,209,209,209,209,207,204,207,207,209,209,209,209,207,207,207,209,212,212,215,215,217,222,222,217,217,217,222,225,228,228,225,225,224,225,228,230,230,228,222,222,225,228,230,230,230,230,230,225,217,209,204,203,204,207,204,204,207,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,207,207,207,207,207,202,196,196,194,194,196,196,196,196,196,194,194,196,202,204,204,207,215,222,230,238,243,246,248,248,251,251,251,246,241,239,239,241,243,248,251,248,241,237,238,241,246,248,248,246,243,238,233,228,226,228,233,238,243,243,241,241,243,248,251,254,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,246,246,246,243,241,238,238,241,243,243,241,243,246,251,254,255,255,0,0,0,0,0,186,168,160,150,137,129,121,113,79,71,65,51,49,49,49,49,49,49,49,49,49,43,35,29,29,33,35,41,53,59,53,50,53,59,59,59,59,59,65,71,85,129,150,155,155,150,152,160,170,183,183,191,0,0,0,0,173,160,147,144,144,144,139,139,137,137,137,129,121,118,113,103,105,113,124,131,150,186,217,238,255,255,248,233,233,235,212,173,118,63,55,57,57,51,57,59,47,43,43,45,85,113,118,103,0,0,0,0,0,121,105,66,33,20,20,27,33,0,0,0,0,59,61,72,82,85,69,69,85,92,103,92,85,85,85,61,19,7,5,17,17,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,27,45,59,59,63,71,77,83,83,116,124,139,163,181,209,235,255,255,255,255,255,255,255,255,255,255,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,27,51,105,139,131,98,72,66,37,0,0,0,0,0,0,0,0,7,7,0,0,0,121,173,147,0,0,0,59,186,233,228,194,160,173,191,204,191,157,157,186,217,241,251,255,255,255,251,204,150,97,89,83,77,67,43,5,0,0,0,0,0,0,0,0,0,0,0,0,116,178,238,254,255,255,241,212,207,209,235,255,255,225,186,178,101,0,0,0,13,11,0,0,0,0,57,178,220,248,255,241,160,7,0,0,0,0,0,0,0,0,1,181,176,90,23,0,0,0,0,160,228,241,189,118,0,0,69,152,168,170,170,163,150,155,147,155,147,91,71,31,0,0,27,137,170,155,147,150,150,144,150,155,163,160,152,103,97,150,176,186,181,173,168,181,181,159,155,165,176,186,186,181,181,189,191,194,191,186,178,160,113,105,113,113,93,61,44,43,59,109,168,176,183,186,170,103,97,103,144,157,170,176,168,144,101,95,87,71,47,39,45,63,87,109,152,103,107,155,176,186,189,209,233,238,217,186,152,93,73,55,47,57,87,105,107,107,117,170,170,121,99,65,43,41,79,196,222,225,230,233,246,246,248,248,238,233,230,230,225,220,221,254,255,204,71,19,5,3,11,33,47,59,77,95,155,176,181,170,155,109,95,101,157,176,165,119,119,168,178,178,123,118,123,170,168,115,109,109,119,163,163,121,160,178,176,176,173,176,173,121,103,98,101,163,186,186,181,178,181,176,165,121,115,119,163,163,119,112,119,165,163,161,165,165,165,163,163,163,119,119,117,110,115,123,176,189,189,186,176,170,119,109,104,105,111,117,165,183,186,181,186,194,183,160,97,86,90,109,173,181,160,109,95,89,89,89,89,81,76,76,81,99,119,183,199,196,196,191,189,173,107,93,93,99,107,117,129,178,186,196,196,194,194,186,137,186,204,215,241,255,255,255,248,230,207,141,139,189,196,207,207,196,189,170,123,115,115,113,107,107,107,105,99,93,89,91,85,79,71,59,39,29,21,19,21,21,29,47,63,77,87,95,97,97,95,95,134,139,144,142,139,155,142,131,81,67,58,61,57,37,23,17,13,7,0,0,0,0,0,7,45,105,81,61,67,139,181,202,194,163,129,81,80,87,87,93,101,152,155,157 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,55,0,0,0,0,0,51,157,152,157,181,194,191,186,186,191,189,186,185,186,204,199,53,0,0,0,0,3,11,0,0,0,0,65,163,173,176,173,170,170,176,186,202,209,207,152,79,83,111,157,163,173,186,178,90,83,91,107,157,160,165,176,176,163,115,113,117,157,157,119,160,163,163,163,163,165,165,168,178,189,186,168,121,119,123,163,123,115,113,117,176,189,204,217,222,215,202,178,165,163,165,173,170,121,111,107,109,113,113,111,111,113,111,109,113,119,160,121,115,117,119,113,107,107,113,119,119,115,111,109,109,113,119,160,163,160,121,117,119,168,178,181,186,196,209,217,215,196,181,178,173,163,113,107,109,113,121,123,113,101,105,125,173,170,168,168,170,173,176,181,181,178,176,178,181,183,183,181,181,186,189,186,135,127,126,129,127,122,124,191,202,204,204,204,204,204,204,204,202,194,191,191,191,189,186,183,139,135,134,135,183,196,212,215,207,191,189,190,194,194,194,194,194,194,189,187,189,194,194,191,194,202,209,207,194,189,199,222,233,233,233,233,233,233,235,238,233,194,186,186,189,194,194,196,183,133,137,189,181,135,191,202,204,222,222,207,64,27,113,204,183,127,176,125,101,99,95,113,125,127,178,186,181,131,133,133,119,113,109,85,63,65,191,209,207,225,230,228,228,233,233,235,235,235,235,233,228,222,217,217,222,228,230,230,233,233,233,233,235,238,235,222,145,133,147,145,209,209,209,209,204,202,204,204,202,194,143,141,142,191,204,209,207,196,189,143,141,143,191,194,194,196,196,194,199,217,233,238,233,228,222,222,225,207,179,178,202,212,209,207,202,202,202,196,194,194,202,209,222,230,233,233,230,222,209,199,196,199,204,212,222,228,230,230,228,228,228,225,212,194,139,133,129,134,143,199,204,204,202,199,204,209,217,225,228,230,228,225,222,222,222,217,217,215,212,209,202,194,189,191,194,194,196,202,199,194,196,202,207,204,199,199,207,212,209,204,199,196,196,191,191,196,194,189,189,202,209,207,199,194,194,202,212,215,207,191,181,181,191,207,204,183,134,137,196,215,225,225,209,189,183,133,115,114,118,133,186,186,139,135,125,121,120,123,137,199,209,207,77,51,47,59,186,189,3,0,79,115,202,228,230,199,73,55,73,119,173,178,173,170,173,181,186,189,196,199,199,209,217,212,189,181,131,116,114,115,123,178,123,121,121,115,116,117,98,91,120,121,131,181,186,176,174,209,225,217,189,118,118,123,121,127,178,126,181,194,196,189,189,194,191,191,196,212,225,230,230,230,235,233,217,119,112,118,139,191,191,194,204,228,238,235,217,209,204,202,199,199,204,212,225,233,235,235,235,233,225,209,202,196,141,140,143,194,199,199,207,220,225,209,131,126,135,145,199,199,199,196,195,196,202,207,215,222,228,230,230,228,217,209,207,209,209,215,222,228,230,230,230,228,215,209,207,209,209,209,212,215,215,209,207,202,147,145,196,215,228,230,230,228,222,209,199,199,212,212,209,207,207,209,215,217,215,207,203,204,212,215,212,209,209,215,215,207,204,212,212,204,204,209,212,212,215,217,217,215,212,209,212,215,205,203,207,220,225,190,191,202,207,204,198,204,217,225,230,233,230,230,228,222,209,199,198,199,202,204,212,222,228,228,230,230,228,228,228,230,230,217,147,143,204,212,196,142,217,228,228,230,233,235,238,235,233,233,233,233,233,230,229,229,229,230,230,233,233,233,233,228,225,225,228,233,235,235,233,228,225,228,230,230,228,228,228,228,228,226,226,226,228,230,233,233,235,235,235,233,230,230,228,228,228,230,230,230,233,235,235,235,233,230,230,230,233,233,233,230,207,93,61,73,141,145,202,217,228,225,222,222,225,225,225,225,228,230,230,233,233,230,228,233,235,238,233,233,235,238,215,53,52,65,88,113,133,204,202,127,123,141,233,246,248,248,241,230,225,222,222,222,220,217,222,228,230,230,233,238,243,246,243,243,243,243,243,243,243,243,243,243,246,243,243,241,241,241,238,238,238,215,151,155,228,238,243,243,243,241,241,241,241,241,238,238,241,241,243,243,243,243,241,241,243,246,246,243,241,235,212,151,209,228,238,243,238,225,202,195,198,209,217,215,215,212,217,228,233,238,241,241,241,238,235,233,235,235,235,235,235,238,238,238,233,217,212,217,228,233,233,233,228,215,212,225,233,233,233,233,233,230,230,230,230,228,228,228,228,228,230,230,225,204,199,207,225,230,228,228,230,230,230,228,225,225,225,222,222,222,222,217,217,217,217,217,217,217,225,228,225,215,204,203,204,215,225,230,228,228,228,230,228,222,217,217,222,225,228,228,225,222,222,222,222,222,217,215,215,215,217,217,217,217,217,215,212,212,209,209,207,207,207,207,209,209,209,209,207,207,207,207,209,212,212,212,212,212,212,212,209,207,204,204,207,204,202,199,202,202,199,194,194,194,194,194,194,194,194,194,196,196,199,199,202,202,204,204,207,207,207,207,207,207,204,204,207,209,209,209,209,207,205,205,209,212,212,215,215,217,217,222,222,222,222,222,225,225,228,225,228,225,225,225,228,228,228,222,217,217,222,225,228,228,230,230,228,225,215,209,203,203,204,204,204,204,207,207,209,209,209,209,209,209,209,209,209,209,209,209,209,207,207,207,207,204,202,199,196,196,196,196,196,196,196,196,194,191,147,194,196,199,202,204,212,222,228,235,241,246,248,248,251,251,248,246,243,241,239,239,241,246,251,251,246,238,237,238,243,248,248,246,243,243,238,233,228,228,230,235,241,246,246,243,246,251,254,254,254,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,246,246,246,248,248,246,243,241,243,243,241,241,241,243,248,254,254,255,0,0,0,196,189,186,181,168,165,160,147,129,121,108,73,65,59,51,51,53,55,55,55,55,55,49,45,39,35,35,37,43,47,53,53,50,50,59,71,71,71,71,71,71,79,93,152,0,0,183,176,176,183,186,183,183,186,186,0,189,181,165,147,144,144,144,144,139,137,137,137,129,121,121,113,105,98,98,105,121,129,147,178,207,228,238,243,241,235,246,255,235,194,134,71,65,95,92,92,92,92,59,49,51,85,103,111,113,103,0,0,0,0,0,139,121,98,66,33,27,29,0,0,0,0,0,66,66,66,72,69,61,39,64,92,103,85,64,69,92,69,19,7,5,9,17,17,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,25,41,45,45,53,63,77,83,116,118,124,131,150,181,209,235,255,255,0,0,255,255,255,255,255,255,255,0,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,124,139,124,79,82,82,25,0,0,0,0,0,0,0,0,0,0,0,31,121,189,204,118,0,0,47,147,215,222,199,178,181,196,209,202,163,157,183,212,230,235,248,255,255,255,225,165,97,83,83,83,67,43,5,0,0,0,0,0,0,0,0,0,0,0,0,118,170,212,222,230,254,255,243,235,233,235,222,215,186,160,147,47,0,0,0,31,31,0,0,0,0,69,186,235,255,255,238,168,55,0,0,0,0,0,0,0,0,0,118,165,152,90,0,0,0,0,53,181,228,204,77,0,0,77,160,176,173,160,163,155,134,53,41,53,61,65,49,23,19,57,139,160,152,147,155,157,155,157,165,168,163,147,85,71,85,105,160,170,173,176,189,181,163,159,165,181,183,186,181,186,196,199,196,194,191,181,160,105,93,93,85,61,45,47,75,163,191,186,178,170,168,144,93,92,103,144,155,168,173,157,144,103,101,101,87,63,45,51,75,99,157,173,173,168,157,160,183,207,225,246,233,199,170,107,87,57,43,42,49,81,107,117,117,117,117,121,107,79,51,44,53,125,204,222,230,233,246,246,246,248,248,251,251,248,248,248,230,230,255,251,183,41,9,2,0,3,15,23,33,53,83,111,163,163,109,99,93,93,107,170,186,183,176,173,181,186,178,123,118,118,163,163,115,109,113,165,173,170,121,160,170,176,176,176,176,173,160,109,103,113,170,186,196,186,176,181,183,176,121,113,115,121,119,113,113,123,168,168,168,165,170,165,163,121,121,163,165,163,119,123,163,176,178,178,176,170,170,123,117,109,113,115,115,157,181,178,178,181,186,183,155,97,87,94,115,191,199,181,152,105,95,95,95,89,81,75,74,77,95,115,183,191,196,196,189,178,115,89,77,81,93,105,113,121,173,186,196,196,194,194,186,137,189,204,220,241,255,255,255,255,243,220,196,191,196,202,202,196,196,189,131,123,123,115,113,113,155,160,160,144,105,105,142,137,91,83,71,63,49,35,33,35,39,47,63,77,89,95,131,137,131,131,134,134,139,139,134,126,95,131,124,81,69,61,65,65,53,27,15,7,0,0,0,0,0,0,0,29,67,65,35,45,83,155,186,181,155,121,81,80,83,85,93,101,152,160,160 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,63,65,165,189,194,189,186,186,186,186,186,196,207,155,0,0,0,17,13,25,21,0,0,0,35,160,168,170,173,173,168,168,178,196,209,209,199,160,82,86,115,157,165,173,186,191,173,113,103,101,109,152,160,165,168,165,160,155,160,170,168,160,157,160,163,168,168,173,173,173,181,196,196,181,170,165,165,165,121,117,117,123,178,199,207,212,209,199,119,95,111,117,123,168,165,117,109,108,111,117,117,113,111,109,104,102,109,160,173,173,168,168,160,109,107,111,113,112,112,113,111,109,109,113,115,121,160,160,121,117,119,160,165,170,178,189,199,207,204,191,178,176,178,176,168,119,117,121,168,165,115,103,109,165,176,173,168,127,127,129,178,186,191,189,186,181,181,181,183,183,183,186,186,181,131,127,127,131,127,119,125,202,199,196,199,199,202,204,202,202,199,196,194,196,194,191,186,186,183,139,135,137,183,199,212,215,204,196,190,190,194,194,196,196,196,194,191,187,189,191,194,189,189,194,191,141,140,189,204,222,230,233,230,233,233,233,235,238,235,202,194,191,196,196,191,191,186,137,186,189,186,135,178,186,196,207,204,204,79,68,186,191,126,125,133,183,129,196,220,215,121,113,117,125,133,135,183,135,119,119,133,129,95,113,202,212,222,225,225,225,225,228,230,233,235,235,235,233,225,220,217,220,225,228,230,230,233,233,233,235,238,241,238,228,199,137,121,67,139,194,194,145,191,194,196,196,194,145,141,140,143,196,207,207,199,194,143,139,137,139,189,191,191,194,199,196,199,212,230,238,233,222,218,220,228,217,187,185,199,202,194,196,196,194,191,190,187,189,194,207,222,228,230,233,233,230,228,217,209,207,209,215,222,230,233,235,230,228,230,228,217,196,139,133,132,138,194,204,207,204,199,196,199,204,215,225,228,225,222,217,217,217,217,217,217,217,215,209,199,189,141,143,189,186,189,196,199,196,194,196,202,199,196,196,202,204,202,194,191,194,194,191,187,187,189,189,191,202,207,204,196,191,194,202,215,222,217,204,186,182,183,186,137,131,131,135,202,222,230,235,217,129,131,135,119,114,118,139,191,183,133,129,121,117,117,121,135,196,204,194,77,46,41,45,178,204,87,23,91,113,173,178,91,58,53,54,105,125,168,170,178,186,191,196,196,199,202,204,202,202,199,183,129,123,115,113,121,189,207,215,204,181,133,116,116,119,98,93,113,123,133,178,186,189,186,204,217,215,189,116,118,127,122,122,131,133,186,194,199,202,202,191,131,131,191,209,225,228,228,230,235,228,139,115,114,119,135,191,196,204,217,238,248,243,228,212,207,204,202,204,212,222,233,238,238,235,233,233,228,217,207,196,141,139,143,199,202,194,199,215,220,207,137,135,139,145,199,199,199,199,202,204,209,215,215,215,217,222,228,225,212,204,207,215,212,212,215,225,230,230,228,222,212,207,209,209,212,212,212,212,212,209,202,196,144,142,144,204,215,222,222,217,209,199,195,196,212,215,215,212,207,207,212,215,217,212,207,207,209,212,215,215,217,215,212,209,209,217,212,195,195,202,209,209,212,215,220,222,222,217,217,215,205,205,212,222,212,190,196,212,217,212,209,207,209,217,228,230,230,228,225,217,209,202,199,199,202,204,209,215,222,228,230,230,228,228,228,228,225,209,147,145,215,215,140,132,225,230,230,230,233,235,238,235,233,233,233,233,233,233,230,230,230,230,230,230,230,233,233,230,225,224,225,230,233,235,235,235,230,230,230,230,228,228,228,228,228,226,228,228,233,233,233,233,233,235,233,233,230,230,228,228,228,228,230,230,233,233,235,233,230,228,228,230,235,235,230,217,89,83,79,131,143,145,202,222,228,225,222,220,222,222,222,225,225,225,228,230,230,228,228,230,235,235,233,230,230,233,209,50,49,61,88,115,194,235,238,199,115,110,117,222,246,243,235,228,220,218,220,222,222,225,228,233,233,233,233,238,243,246,246,243,243,243,243,243,243,243,243,246,246,246,246,243,243,243,241,238,233,222,215,228,241,246,246,246,243,241,239,241,241,241,238,238,238,241,243,246,246,243,241,241,243,243,243,243,238,228,209,207,225,230,235,241,238,228,209,202,204,209,209,209,212,215,222,233,235,238,241,241,241,235,233,233,233,235,235,238,238,238,238,238,233,209,153,209,228,233,233,230,230,230,230,233,233,233,230,230,230,230,230,230,230,230,230,228,228,230,230,233,228,212,209,222,230,230,228,228,228,230,230,228,225,225,225,222,222,222,222,217,217,217,217,217,217,217,225,228,225,215,204,204,209,217,225,228,228,228,228,228,225,222,222,225,228,228,228,228,225,222,222,222,222,222,217,217,215,215,217,217,217,215,215,215,212,212,212,209,209,207,207,207,209,209,209,209,209,207,207,207,209,209,209,209,212,212,212,209,207,204,204,204,207,204,199,199,202,202,196,194,194,196,196,196,194,194,194,194,194,196,196,196,199,202,202,202,204,204,204,204,204,204,207,209,212,212,212,209,209,207,205,207,209,212,215,215,217,217,217,222,222,222,222,222,225,225,225,225,225,225,222,222,225,225,222,222,217,217,222,225,225,228,228,225,225,222,215,209,204,204,204,207,204,204,207,207,209,207,207,207,207,209,209,209,209,209,209,209,207,207,207,204,204,199,196,194,194,196,196,199,196,196,196,196,194,191,147,147,149,196,199,202,209,217,228,233,241,246,248,251,254,251,248,248,248,246,243,241,243,248,254,255,254,243,238,238,243,248,248,246,246,246,246,241,233,230,230,235,241,246,248,248,248,248,251,254,254,254,254,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,246,246,246,248,248,246,243,241,243,243,241,241,241,0,0,254,255,255,0,0,0,186,181,181,186,181,181,168,152,139,121,108,73,65,59,59,55,59,63,63,63,63,59,53,49,45,49,51,49,49,51,59,59,53,53,65,79,79,79,79,79,79,85,129,0,0,0,0,191,191,194,191,183,176,176,176,186,186,178,168,147,144,144,144,144,137,129,129,129,121,118,113,111,103,96,96,105,116,129,139,163,191,204,220,222,222,233,251,255,248,209,150,116,105,108,100,95,100,100,92,87,92,103,103,103,103,98,0,0,0,0,0,139,124,113,87,59,29,33,0,0,0,0,0,0,59,66,61,53,39,39,69,92,92,61,39,64,85,61,19,7,5,3,17,23,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,37,45,57,63,63,71,83,116,131,139,142,150,181,202,217,238,255,0,0,0,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,121,163,168,85,98,113,90,9,0,0,0,0,0,0,0,0,0,1,51,116,173,199,168,71,39,65,137,186,199,194,189,189,191,202,191,160,117,178,207,222,230,243,255,255,255,248,196,142,89,83,83,65,43,9,0,0,0,0,0,0,0,0,0,0,0,0,55,152,183,183,202,241,255,246,235,235,212,173,157,142,97,77,0,0,0,29,49,35,0,0,0,19,131,196,233,243,233,196,150,69,0,0,0,0,0,0,0,0,0,0,118,183,186,0,0,0,0,15,160,194,168,75,0,0,71,129,168,186,178,152,83,0,0,0,13,47,71,71,43,39,63,91,97,101,142,155,155,146,155,173,176,176,157,83,57,57,71,87,105,173,189,202,196,181,176,178,186,191,189,186,186,196,204,204,204,204,191,160,99,85,73,67,61,65,83,163,202,196,178,157,111,103,97,93,93,103,103,142,155,168,155,144,142,155,163,107,77,59,65,87,107,160,181,191,181,168,168,189,215,230,230,199,165,157,163,99,57,42,43,61,91,157,178,168,105,99,107,97,61,48,48,85,181,202,204,215,230,243,246,254,254,255,255,255,254,255,255,254,251,255,230,113,29,9,5,3,5,11,17,27,53,83,103,150,111,95,93,93,95,115,183,199,191,178,173,181,186,186,165,116,116,123,168,121,111,113,165,173,163,121,117,160,168,181,183,183,173,165,115,113,119,170,186,196,186,173,176,183,176,121,109,113,119,119,112,117,168,176,173,168,165,170,165,120,120,120,165,178,178,168,163,165,165,170,173,173,170,170,123,160,160,160,121,115,115,157,157,163,178,183,183,160,101,91,97,173,202,207,191,173,111,105,105,103,97,89,77,76,77,89,113,181,189,189,189,178,115,93,72,70,73,93,105,113,117,119,178,196,207,204,194,186,139,194,204,220,241,255,255,255,255,255,235,217,207,207,207,196,194,196,189,178,170,125,123,113,113,168,168,168,168,160,160,168,157,99,85,83,71,63,55,55,55,63,67,77,89,134,142,142,144,142,142,139,142,144,139,97,87,82,89,91,87,75,69,75,79,65,45,15,7,0,0,0,0,0,0,0,15,55,55,21,21,59,129,173,173,142,89,80,80,80,83,93,129,152,168,168 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,35,0,0,0,0,0,0,0,0,0,0,0,0,33,0,0,0,0,0,0,0,0,0,0,0,0,142,183,194,191,186,186,186,183,183,202,209,65,0,0,59,147,27,0,0,45,147,163,170,173,176,170,168,168,168,168,181,202,209,199,183,165,103,109,160,155,155,165,186,194,178,157,111,103,93,105,115,160,170,176,170,160,168,173,168,157,119,157,157,163,170,176,176,176,181,189,189,181,170,163,123,123,119,116,117,123,170,191,196,194,186,123,57,45,101,113,121,163,123,115,109,109,115,119,119,115,111,107,102,99,117,181,199,196,189,181,163,99,115,121,117,112,112,113,113,113,115,115,115,119,160,163,160,119,117,119,121,160,168,176,183,191,189,178,168,170,178,183,178,165,115,117,168,170,123,115,117,165,168,127,125,125,125,127,178,191,194,196,194,186,181,179,181,181,178,135,133,129,127,129,133,135,133,121,183,215,194,190,194,196,204,202,199,196,196,196,196,196,194,191,186,186,186,183,139,137,139,196,209,207,199,194,194,196,196,196,199,199,199,196,191,189,189,191,191,189,189,189,141,139,139,189,202,217,228,230,230,230,233,233,233,233,228,199,194,196,199,196,186,189,191,191,189,183,135,131,131,133,189,189,185,209,204,183,178,133,127,131,127,127,131,191,212,215,125,111,114,116,183,207,215,196,127,133,207,217,94,115,202,217,228,225,224,228,230,230,230,233,235,235,233,233,225,220,217,220,225,228,230,230,233,233,235,238,243,241,235,225,209,196,72,22,81,111,141,133,137,145,191,191,191,145,142,141,143,196,199,194,189,189,143,135,131,132,141,189,143,189,194,194,196,204,222,233,230,220,217,222,230,230,204,190,196,191,185,186,187,189,194,199,196,191,190,194,217,222,222,225,230,230,230,228,215,212,212,215,217,225,233,233,228,228,228,225,217,204,199,207,217,215,209,207,204,204,202,196,195,199,209,222,228,225,215,213,215,217,222,222,222,217,215,209,199,143,139,141,141,140,141,194,199,196,191,191,194,194,194,191,189,189,191,189,191,196,199,196,187,186,186,189,194,196,196,191,186,189,196,204,215,225,222,215,204,191,183,137,134,132,133,183,199,207,212,222,191,100,125,202,199,119,117,133,191,137,125,121,123,119,125,202,222,228,225,212,209,79,45,46,93,131,127,91,123,129,183,194,176,75,67,77,121,123,121,168,191,199,202,207,207,202,199,199,199,194,181,115,119,117,115,117,191,209,215,222,222,207,199,123,123,183,127,121,129,191,191,178,186,196,194,199,204,202,127,114,129,189,123,119,178,186,189,185,199,217,230,217,127,123,135,199,215,212,217,228,228,202,119,116,121,127,133,191,204,212,230,243,248,241,230,215,204,199,202,207,215,228,238,238,233,230,230,233,230,222,202,141,140,140,191,204,202,143,143,202,202,196,141,143,191,194,202,204,204,209,217,222,225,225,217,209,204,202,207,209,196,194,202,215,207,204,209,217,225,225,217,215,212,212,212,212,212,212,209,209,209,204,199,194,144,142,145,199,207,212,215,212,204,199,198,199,212,215,217,212,207,207,215,222,220,212,207,207,207,207,212,217,215,212,207,204,209,217,207,187,190,196,207,209,209,215,222,225,225,222,222,217,212,212,217,217,207,194,204,217,225,222,215,209,207,212,222,225,225,225,222,217,209,204,204,209,209,212,215,217,217,225,228,230,228,228,228,228,222,209,196,202,228,225,134,128,228,230,230,230,233,233,233,233,233,233,233,233,233,233,233,233,233,230,228,228,228,230,233,230,225,224,225,230,233,235,235,235,235,233,230,230,230,230,228,228,228,228,230,230,233,233,233,233,235,235,235,233,228,225,225,225,228,228,228,228,230,230,233,233,230,228,226,230,235,230,217,199,79,93,141,204,194,194,207,215,225,225,222,220,222,225,225,225,225,224,225,228,228,225,225,225,230,233,233,228,222,220,199,57,93,125,215,225,233,251,254,241,126,104,102,149,235,235,230,225,222,222,225,225,228,225,228,230,233,231,231,238,243,243,243,243,243,243,243,243,243,243,243,246,246,246,246,246,246,243,241,235,228,230,233,241,243,246,246,243,243,241,239,241,243,241,238,238,238,241,243,243,246,243,241,238,238,241,243,243,235,220,212,217,235,238,238,238,233,222,212,209,212,212,209,212,220,228,230,235,238,241,241,241,238,235,233,230,230,233,235,238,238,238,241,241,235,153,139,153,225,230,228,228,230,235,235,235,233,230,230,228,230,230,230,233,230,230,230,230,230,230,230,230,225,217,217,228,230,228,228,225,228,230,230,230,228,225,225,222,222,222,222,222,217,217,217,217,217,220,225,230,230,222,212,209,215,222,225,225,228,225,225,225,225,222,225,228,228,228,228,228,225,222,222,222,222,222,217,217,217,217,217,217,215,215,215,215,212,212,212,209,209,207,207,207,209,209,209,209,209,207,207,207,207,209,209,209,209,209,209,209,207,207,204,204,204,202,199,199,202,199,196,194,194,196,196,196,196,196,196,194,194,191,191,194,196,199,199,202,204,204,204,204,204,207,209,212,215,215,215,212,209,207,207,209,212,215,215,217,217,217,222,222,222,222,222,225,225,225,225,222,222,222,222,222,222,222,222,217,217,217,217,222,225,225,225,222,217,215,217,215,212,207,207,207,207,207,207,209,207,207,204,204,207,207,209,209,209,209,209,207,204,204,204,204,202,196,186,141,191,196,196,196,196,194,194,194,194,191,147,147,149,196,199,202,207,215,225,233,241,246,248,251,254,251,248,248,251,248,243,241,246,251,255,255,255,248,243,241,243,248,248,246,246,248,248,246,238,233,230,233,241,246,248,248,248,248,251,251,251,254,254,254,254,254,255,255,255,255,255,255,255,255,255,254,251,248,246,246,246,248,246,243,241,241,241,243,241,241,241,0,254,0,255,0,0,0,0,181,178,178,189,189,181,168,155,139,121,111,77,69,65,63,63,63,65,65,67,67,65,59,51,51,55,59,51,47,51,59,59,59,65,71,79,79,79,85,85,85,91,137,0,0,0,0,196,191,191,186,176,165,165,176,176,186,178,168,157,144,144,144,137,129,121,118,113,113,111,111,105,98,96,98,105,121,131,139,163,183,194,202,207,215,228,251,255,255,220,173,134,118,105,92,63,92,100,100,100,100,103,103,103,95,95,103,0,0,0,121,121,121,113,87,51,27,27,0,0,0,0,0,0,59,64,59,33,33,39,69,85,69,35,39,61,61,33,19,7,0,0,9,23,17,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,31,45,63,100,77,77,77,116,131,147,163,165,181,194,204,225,246,0,0,241,235,243,243,243,254,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,129,191,202,121,131,155,134,79,0,0,0,0,7,25,49,27,0,9,61,113,134,142,134,77,71,85,139,147,155,173,181,181,181,181,176,113,111,160,207,222,230,246,255,255,255,255,241,181,137,95,89,81,51,17,0,0,0,0,0,0,0,0,0,0,0,0,33,170,202,196,204,248,255,235,207,207,181,97,85,87,69,27,0,0,0,61,43,25,11,0,0,83,165,209,217,209,183,160,150,142,129,0,0,0,0,0,0,0,0,0,0,137,228,47,0,0,0,7,142,111,55,57,39,35,47,29,77,194,196,152,31,0,0,4,41,61,75,77,59,55,73,89,97,101,147,152,144,140,155,170,181,186,176,95,57,39,39,59,91,170,204,217,217,199,194,194,199,202,196,194,194,204,204,207,215,212,191,113,93,79,77,77,87,109,176,196,196,183,157,103,95,91,95,95,97,101,91,95,144,170,157,142,155,178,183,155,89,77,83,101,155,168,176,186,181,181,183,199,209,215,191,144,135,151,173,105,55,41,45,71,101,170,181,170,103,99,157,107,59,46,53,97,186,196,196,209,225,243,246,254,254,255,255,255,248,248,248,243,230,243,212,101,29,15,11,15,17,17,25,41,69,95,144,101,95,93,99,99,109,160,189,202,191,173,170,176,186,186,170,118,118,168,170,121,115,113,160,163,119,119,113,117,163,181,189,183,170,160,119,119,121,165,178,186,178,170,173,176,170,115,107,107,113,113,113,117,168,176,176,168,170,173,165,120,120,163,170,178,191,176,170,165,165,165,165,165,168,168,163,163,163,163,121,115,111,111,109,115,165,186,186,176,107,92,103,181,212,217,202,181,157,115,115,115,109,101,89,83,83,87,107,163,173,176,170,117,97,75,67,66,75,99,113,117,115,107,121,186,199,199,194,186,139,191,204,215,241,255,255,255,255,255,246,230,220,220,209,202,194,202,196,186,178,129,125,115,123,168,176,176,176,176,176,183,176,105,91,85,79,71,69,65,69,77,83,89,97,142,155,157,157,157,157,155,155,152,139,97,83,79,82,121,118,81,79,81,111,73,53,27,5,0,0,0,0,0,0,0,5,43,45,15,9,33,116,163,168,142,116,81,81,81,81,89,131,155,173,181 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,116,53,48,17,0,0,0,0,0,0,0,0,0,92,168,147,69,95,131,124,45,0,0,0,0,0,0,0,173,202,196,189,189,189,178,181,199,222,71,0,33,91,163,160,5,11,160,170,165,168,170,173,168,165,163,165,170,183,199,202,191,181,168,109,77,155,111,111,155,178,189,168,155,152,103,64,90,111,160,178,189,183,173,170,173,163,119,119,119,119,160,165,170,170,173,178,181,181,176,168,123,117,119,119,119,119,163,165,164,176,183,109,0,0,49,103,119,119,119,117,113,107,109,115,117,117,115,111,107,103,103,123,191,209,215,209,202,186,168,173,181,163,115,115,115,113,115,119,119,119,121,163,163,160,117,115,117,119,121,119,119,168,178,176,168,164,168,178,183,181,168,109,100,102,163,168,121,119,123,125,119,121,125,127,170,183,189,194,199,199,191,186,183,183,181,133,127,119,118,121,131,137,181,137,186,199,199,191,190,191,196,202,199,195,192,195,199,196,191,191,191,186,183,183,183,137,136,137,183,191,196,194,194,199,207,204,199,196,196,196,196,194,194,191,191,194,191,186,141,140,140,191,191,194,204,217,228,228,228,228,228,230,233,215,194,194,204,202,196,183,183,196,199,186,137,135,131,130,133,183,186,189,202,204,191,176,131,133,178,129,125,127,181,186,178,131,127,121,123,204,220,228,222,186,228,222,202,103,135,212,228,230,230,230,233,235,230,230,233,235,235,233,233,230,225,222,217,222,228,230,230,233,235,238,241,243,238,228,215,202,149,207,69,80,95,212,124,124,141,191,191,194,194,189,142,143,196,199,194,143,143,141,137,130,128,131,139,141,141,189,194,199,204,212,225,225,221,220,225,233,233,212,189,189,196,191,183,183,189,194,204,204,196,196,196,207,212,212,217,222,225,217,209,199,202,209,204,204,212,222,225,225,222,222,217,212,202,191,202,209,209,204,202,202,204,202,196,196,199,204,215,230,228,215,212,212,215,222,222,222,217,215,209,199,141,138,139,141,140,140,189,194,194,190,189,190,191,191,186,183,183,187,191,194,199,204,202,191,191,196,199,196,194,189,183,183,191,199,204,212,225,225,217,215,204,186,139,183,183,139,141,186,186,202,209,114,72,87,202,196,137,117,125,133,133,129,131,191,204,217,230,235,238,238,235,233,228,181,115,123,129,129,131,178,189,204,217,230,233,178,73,107,113,95,189,196,202,207,207,199,191,143,159,194,189,131,58,121,123,121,127,202,212,217,228,228,217,202,125,129,181,183,129,178,215,209,196,194,202,207,189,186,178,121,118,178,178,123,125,181,191,189,186,196,222,235,228,199,123,109,186,199,196,204,209,202,137,121,123,137,143,191,202,207,222,235,243,241,233,225,217,199,191,194,204,212,230,241,238,230,221,224,230,230,217,194,137,138,143,194,202,199,141,139,137,141,191,196,196,202,207,212,215,222,228,230,230,230,230,228,215,202,144,139,138,144,147,147,196,147,196,207,215,215,207,207,209,212,212,212,212,209,212,209,209,204,199,196,196,194,194,199,204,207,212,212,207,204,202,202,199,207,207,209,209,204,204,215,228,228,225,215,207,204,204,207,212,212,204,202,200,204,215,207,189,190,199,209,212,212,217,225,222,217,217,222,222,217,217,217,217,209,202,204,215,222,222,215,212,212,215,217,217,217,215,215,212,209,203,207,212,212,215,215,209,212,220,228,230,230,233,233,230,222,212,212,222,235,238,123,125,228,228,228,228,230,228,228,230,230,230,230,230,230,233,233,235,233,230,228,228,228,230,230,230,225,225,225,228,230,230,230,230,233,233,233,233,230,230,230,230,230,230,233,233,230,230,233,233,235,238,235,233,228,225,225,225,228,228,225,225,225,228,230,233,228,228,228,228,228,222,139,73,49,137,212,207,202,199,204,215,225,228,222,220,225,228,228,225,225,225,224,225,222,222,218,218,225,228,228,217,204,145,135,129,199,230,233,217,225,241,241,246,235,149,141,209,235,238,233,233,233,233,230,233,233,225,225,233,233,231,231,238,243,243,243,243,243,243,246,243,243,241,243,243,243,243,246,246,246,241,238,235,233,235,241,243,243,243,243,243,243,241,239,241,241,241,238,238,238,238,238,241,241,241,238,235,235,241,243,243,238,217,215,233,241,246,241,235,230,217,209,215,225,225,217,212,217,228,233,238,241,241,241,238,235,235,233,230,225,225,233,238,241,238,238,235,217,129,113,133,207,212,217,230,235,235,235,235,233,230,228,228,228,228,230,233,233,233,230,230,228,228,228,225,222,216,217,222,228,225,225,225,225,228,230,233,230,228,225,222,222,225,225,225,222,220,217,217,217,222,225,230,230,228,222,215,215,222,225,225,225,225,222,222,222,222,228,228,228,225,225,225,225,222,222,222,222,222,217,217,217,217,217,217,215,213,215,215,215,212,212,212,209,209,207,209,209,209,209,209,207,207,204,204,204,207,209,209,209,209,209,209,207,207,207,207,204,202,202,202,202,202,199,196,194,196,196,196,196,196,199,196,194,190,190,191,194,196,199,202,204,207,207,207,207,207,212,215,217,217,215,212,209,209,212,212,215,215,215,217,217,217,222,222,222,222,225,228,228,225,225,222,222,222,222,222,225,222,222,217,217,217,217,222,222,222,222,217,217,215,217,217,215,209,207,207,207,207,207,207,207,207,204,202,204,207,207,209,212,212,209,204,203,204,204,204,202,189,137,135,141,194,196,196,191,191,194,194,194,191,147,147,149,149,151,202,207,212,222,233,241,246,248,251,251,251,251,251,251,248,243,243,246,251,255,255,255,255,248,243,243,246,248,248,246,246,248,251,243,235,233,235,241,243,246,248,248,248,248,251,254,254,254,254,255,255,255,255,255,255,255,255,255,255,254,251,251,248,246,246,246,246,243,241,241,241,243,243,241,238,0,0,255,255,0,0,0,0,0,0,173,178,186,189,186,173,160,150,129,116,108,77,69,69,65,65,65,65,69,69,69,63,57,53,51,51,47,47,47,53,59,65,65,71,79,79,85,85,85,91,91,137,160,181,189,189,191,189,181,170,165,165,165,170,170,178,173,168,157,144,142,134,126,121,111,111,111,108,105,111,111,103,98,105,121,129,139,165,183,194,194,194,202,207,220,238,248,238,212,183,142,118,98,57,43,47,87,100,95,92,92,111,118,103,95,87,85,85,87,95,105,105,95,66,31,19,21,0,0,0,0,0,64,64,61,37,25,13,19,37,59,37,37,59,61,53,27,17,9,0,0,0,23,31,17,0,0,0,0,0,0,0,0,0,0,0,0,5,7,11,19,27,37,57,75,105,108,113,121,142,163,178,181,194,191,202,217,238,255,243,233,225,228,233,233,233,243,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,137,215,225,173,155,165,165,126,29,0,0,0,37,87,100,39,0,21,67,95,61,61,71,77,81,126,147,129,87,93,150,173,173,173,173,109,106,119,212,238,238,248,255,255,255,255,255,222,163,142,139,139,87,37,0,0,0,7,0,0,0,0,0,0,0,0,49,170,207,222,241,255,254,225,183,170,152,0,19,69,77,9,0,0,0,25,0,0,37,51,37,152,183,191,176,147,142,150,178,189,111,31,0,0,0,0,0,0,0,0,0,55,248,137,0,0,0,121,131,67,55,61,61,41,0,0,0,49,170,160,53,7,11,45,75,83,81,75,71,77,91,139,147,144,147,152,152,144,155,165,173,183,183,105,63,33,28,37,77,163,204,228,228,207,202,202,207,209,212,212,212,212,212,212,212,204,165,99,99,105,99,97,168,196,196,199,196,176,111,89,80,83,97,109,103,91,80,82,142,176,157,103,107,163,176,160,99,89,95,155,168,160,176,186,186,189,194,202,209,204,165,134,134,152,173,105,61,43,42,79,152,181,189,173,157,163,178,121,67,48,59,115,202,209,209,215,230,246,251,246,246,248,248,233,225,225,204,170,111,176,191,165,51,17,11,13,17,25,37,59,85,101,101,93,93,109,155,160,170,178,194,194,186,172,173,181,178,178,170,123,123,168,170,121,115,113,119,119,115,111,111,111,160,181,183,176,160,160,165,121,119,163,178,181,178,172,173,170,160,113,105,105,107,111,113,117,123,168,173,170,173,178,168,121,163,165,170,168,178,176,173,165,163,165,170,168,165,165,165,163,163,163,117,117,111,106,106,115,157,181,186,163,107,94,105,176,212,212,202,183,176,160,160,160,160,115,109,95,89,89,103,109,113,117,117,103,83,73,70,71,83,111,170,121,111,103,111,133,183,189,183,135,135,186,204,220,241,255,255,255,255,255,255,246,238,230,217,209,204,209,209,199,181,131,125,125,125,170,176,178,178,183,186,191,183,157,103,91,89,85,83,77,77,89,95,103,144,144,157,165,165,165,165,163,163,155,142,97,87,82,87,121,131,121,113,113,105,73,59,33,9,0,0,0,0,0,0,0,0,21,59,43,5,13,103,163,163,142,131,124,116,87,87,121,134,155,173,191 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,150,126,134,124,0,0,0,0,0,0,39,45,111,168,186,186,183,191,202,194,181,155,121,23,0,0,0,0,31,165,194,199,194,183,186,183,199,215,79,49,155,155,155,178,155,157,176,168,160,160,165,165,163,160,155,157,168,181,191,189,183,178,165,103,43,93,103,103,115,168,173,157,155,155,89,66,91,111,160,186,196,191,178,170,168,163,157,119,157,157,157,157,160,165,176,178,173,168,168,168,163,116,116,119,170,176,176,168,142,151,183,105,7,8,75,165,173,123,111,104,107,111,117,123,121,117,111,107,105,107,115,173,199,215,222,222,222,212,202,204,202,170,117,115,111,109,115,119,121,160,163,163,163,121,115,112,115,121,121,117,116,119,165,168,165,165,170,181,183,181,168,109,98,98,105,115,115,115,121,119,115,121,168,173,181,189,191,191,199,202,199,196,196,196,189,135,125,117,115,119,131,181,183,189,196,199,196,191,190,191,196,202,196,194,192,196,199,196,191,191,191,186,139,138,139,139,137,137,137,183,189,191,196,202,209,207,199,194,196,196,196,196,194,191,191,194,194,189,141,141,189,202,196,190,190,202,217,230,230,226,226,228,228,212,196,202,212,207,194,137,136,189,189,181,181,181,132,132,178,183,189,189,196,202,194,181,135,178,178,131,127,129,135,135,130,131,178,181,189,202,217,235,243,127,113,133,202,196,207,222,228,230,233,235,235,233,228,225,230,233,235,235,235,235,233,228,217,215,222,230,233,235,238,243,243,241,233,222,212,202,202,235,135,139,194,225,117,106,125,143,191,194,194,194,191,191,199,207,204,186,134,134,137,139,133,133,139,141,186,191,202,209,204,204,212,222,225,225,228,230,228,209,190,190,202,202,189,185,189,196,207,212,215,222,215,209,207,207,207,209,207,204,194,140,138,139,140,141,191,202,212,212,209,207,204,207,204,189,141,189,191,189,141,189,196,196,194,199,199,199,209,225,225,217,215,213,215,222,222,222,222,217,209,196,139,137,139,186,186,141,186,189,191,190,190,190,191,189,186,185,183,186,191,196,202,202,196,194,202,212,204,191,183,183,186,189,194,196,196,207,222,225,222,225,215,194,183,189,191,191,196,199,199,212,222,207,115,127,204,199,186,123,129,137,141,191,209,215,222,233,235,238,238,238,238,238,243,241,215,189,133,131,181,189,194,199,212,228,230,204,97,91,95,92,189,191,189,191,186,178,178,150,152,178,183,173,58,101,125,127,129,186,207,215,225,228,222,215,194,186,186,183,129,131,209,217,215,204,196,196,189,181,178,129,123,119,114,117,135,186,191,191,191,199,212,217,207,194,107,65,75,127,194,202,194,139,127,120,125,189,202,204,207,209,222,230,228,222,222,215,202,114,139,143,191,212,230,235,235,228,224,224,228,225,212,143,132,136,143,194,202,207,194,129,101,130,145,204,209,215,222,228,228,228,233,233,233,235,235,233,225,209,146,141,140,144,145,144,146,194,199,212,217,212,204,204,207,207,209,209,209,209,212,209,207,204,199,199,199,202,204,207,209,209,209,209,204,204,207,209,202,195,194,196,202,202,204,212,228,233,233,222,204,202,202,207,212,212,204,200,200,209,225,212,189,191,204,215,217,215,217,222,217,212,213,217,222,222,222,217,217,215,207,202,207,212,215,215,215,217,222,222,217,212,209,209,209,207,204,212,217,215,215,209,199,198,209,225,230,233,233,233,230,228,222,228,233,238,233,115,114,225,225,225,228,228,225,224,225,225,225,225,225,228,230,233,235,233,230,230,228,228,230,230,230,228,228,228,228,228,228,228,228,228,230,233,233,230,228,228,230,233,233,233,230,228,228,230,235,238,238,238,235,230,228,225,225,228,228,225,224,224,225,228,228,228,228,225,215,204,129,66,39,46,129,199,199,196,196,202,215,222,225,225,225,228,228,225,225,225,225,225,225,225,222,218,217,220,225,225,209,194,141,143,199,230,230,209,99,91,101,119,202,215,209,212,235,243,243,238,241,241,235,230,233,228,209,222,233,233,231,233,238,241,241,243,243,243,243,246,243,241,241,241,241,241,243,243,238,233,235,238,238,238,241,241,243,243,243,243,243,243,241,241,241,241,241,238,238,238,235,235,235,238,238,235,235,238,241,241,241,235,225,222,241,246,248,246,238,230,217,215,222,233,235,222,139,137,220,235,235,238,241,238,238,238,238,238,233,225,225,228,235,241,235,225,209,141,103,91,103,147,207,222,235,238,238,235,235,233,230,230,228,228,228,230,233,233,233,230,230,228,228,228,222,217,216,217,222,228,228,225,225,225,228,230,230,230,228,222,217,222,225,225,225,225,222,217,217,217,222,225,228,228,228,222,217,217,222,225,225,225,225,222,221,222,225,225,228,225,225,225,225,222,222,222,222,222,222,220,217,217,217,217,217,215,215,215,215,215,215,212,212,212,209,209,209,212,212,209,207,207,204,202,202,204,207,209,209,209,207,207,207,207,207,207,204,204,202,202,202,202,202,202,199,196,196,196,196,196,196,199,196,194,191,191,194,196,199,202,202,204,207,209,207,207,207,212,215,217,217,215,209,209,215,215,215,215,215,215,217,217,222,222,222,222,222,225,228,228,228,225,222,222,225,225,225,225,222,222,217,217,217,217,217,217,217,217,217,215,215,217,217,217,209,207,207,207,207,207,207,209,207,204,199,199,204,207,209,212,212,209,204,203,203,204,204,202,191,137,136,139,191,196,194,191,189,191,194,191,191,194,194,149,149,199,202,207,212,222,233,241,246,248,248,251,251,251,254,254,251,246,243,243,248,254,255,255,255,251,246,246,248,248,248,246,246,248,251,246,238,235,241,243,243,246,248,248,248,248,251,254,254,255,255,255,255,255,255,0,255,255,255,255,255,254,251,251,251,248,246,246,248,246,246,243,246,246,246,243,238,0,251,255,255,0,0,0,0,189,181,173,173,178,186,186,181,173,165,150,126,116,108,79,71,69,65,65,65,69,69,69,65,59,57,51,47,47,47,51,53,59,65,71,79,79,85,91,91,91,91,91,126,150,160,168,176,183,181,170,165,165,165,160,160,163,163,157,157,144,142,137,131,126,118,109,107,107,111,111,118,118,113,111,121,131,139,163,178,194,194,194,194,194,194,202,212,222,209,194,173,134,100,79,41,33,39,47,87,87,82,95,118,129,111,85,64,59,39,59,77,82,79,59,31,21,18,21,0,0,0,0,56,64,64,59,31,7,0,0,1,17,31,59,66,59,37,31,23,11,3,0,3,31,66,53,9,0,0,0,0,0,0,0,0,0,0,0,5,19,27,31,29,29,37,61,75,105,116,129,150,178,191,202,202,202,191,207,235,243,243,233,225,215,215,212,212,225,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,152,230,246,194,173,173,173,163,105,11,0,0,25,55,100,55,0,7,33,41,27,23,45,77,134,150,155,129,73,65,93,150,157,173,157,106,106,160,212,238,238,241,251,255,255,255,255,225,178,150,150,165,157,93,23,0,23,57,45,0,0,0,0,0,0,43,131,189,228,243,246,251,246,225,194,165,126,0,0,47,77,67,7,0,0,0,0,11,57,129,155,207,217,207,168,137,137,157,215,233,196,152,69,59,45,0,0,49,137,65,108,225,251,0,0,0,0,139,144,111,111,126,116,69,35,0,0,0,17,142,134,59,59,79,95,95,87,75,77,95,152,163,163,155,152,163,163,155,147,150,160,176,176,157,87,51,29,29,67,113,183,207,225,207,207,209,215,215,220,230,233,230,222,212,196,113,94,96,107,165,157,168,191,199,191,189,194,178,109,87,80,86,101,144,109,90,79,79,95,163,160,103,97,103,155,155,95,89,101,160,165,155,173,186,186,191,199,207,207,196,170,144,144,163,173,152,91,55,49,91,157,181,194,186,181,181,178,107,81,71,93,173,204,222,225,230,233,246,246,230,225,225,215,215,212,215,207,189,119,91,101,97,57,21,9,7,13,25,35,47,67,83,91,93,101,155,170,178,178,186,189,194,183,172,176,181,178,176,170,168,168,176,168,121,115,115,119,115,113,107,107,111,163,186,183,168,159,160,165,163,119,163,178,186,178,176,176,165,117,107,105,107,113,113,119,117,119,123,165,170,178,183,165,119,121,163,163,123,168,173,168,164,163,165,173,173,168,165,165,163,163,163,160,119,111,106,105,115,157,165,168,157,107,95,101,176,202,212,202,191,178,176,165,173,176,163,115,103,95,95,95,95,95,101,107,101,87,81,77,81,93,119,173,170,107,100,102,115,131,135,129,121,121,137,204,220,241,255,255,255,255,255,255,255,246,235,220,212,209,204,199,189,181,176,170,170,170,178,186,189,189,186,191,191,186,170,157,105,97,97,97,91,89,97,144,157,165,165,165,176,176,165,163,163,163,155,142,131,93,87,121,131,139,134,131,121,111,73,61,49,17,0,0,0,0,0,0,0,0,11,55,49,0,0,59,142,155,150,142,142,134,124,116,124,134,155,173,191 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,157,142,144,126,0,0,17,0,0,160,183,181,173,173,178,181,183,191,194,189,183,183,194,191,178,150,25,0,0,134,186,191,207,191,186,176,186,191,41,51,157,155,139,142,168,186,181,160,147,150,157,163,160,155,151,152,165,178,181,181,178,178,176,157,37,38,79,95,113,163,160,152,152,152,76,73,101,111,155,186,196,186,176,168,163,160,157,117,119,119,117,113,113,160,173,173,164,160,163,178,173,117,117,173,196,196,196,183,159,168,186,163,101,117,173,186,191,181,113,82,99,117,168,178,168,117,109,103,102,107,123,186,204,215,222,225,230,230,225,222,207,165,115,113,108,107,111,113,117,160,163,160,160,121,113,110,112,119,160,119,116,117,160,163,165,165,168,173,181,178,170,123,109,104,107,109,111,111,115,115,115,123,176,183,189,191,189,189,199,204,204,207,209,209,204,189,135,123,119,125,135,183,186,194,199,199,194,191,194,196,199,202,196,194,196,202,199,194,191,194,194,186,138,138,183,186,186,186,183,183,186,191,196,202,204,199,194,191,194,194,194,194,191,191,191,194,191,139,131,137,199,212,209,191,183,186,207,230,233,228,228,228,222,207,199,202,207,199,189,139,137,136,134,136,194,194,133,137,183,183,186,194,199,202,199,191,183,178,178,135,133,135,178,133,131,178,191,196,199,199,207,228,238,109,98,108,209,215,217,225,228,233,238,241,238,233,225,224,225,233,235,238,238,238,238,230,215,204,207,217,228,233,238,243,243,238,230,225,217,215,225,251,243,225,212,204,112,106,131,202,202,199,199,199,199,194,199,215,222,196,131,132,191,207,196,189,186,186,189,196,207,212,199,191,199,215,228,230,230,230,222,202,190,190,199,204,199,194,196,202,212,225,233,238,233,222,212,204,199,196,194,194,191,140,136,135,137,138,139,143,194,194,137,95,101,196,215,215,189,140,141,140,138,138,141,189,189,196,196,194,199,212,217,217,222,220,217,217,215,217,217,212,204,194,139,138,186,196,196,191,189,189,191,191,191,194,194,191,191,194,191,194,199,204,204,199,189,191,207,215,202,137,131,133,139,186,189,189,189,196,212,222,225,228,217,196,186,189,196,204,215,222,228,233,233,225,207,209,215,204,139,115,133,199,212,217,228,230,233,235,238,238,235,235,235,235,243,243,235,212,178,133,186,199,194,192,199,215,222,212,176,101,97,92,119,127,127,170,170,170,176,153,151,173,186,176,54,57,109,131,125,114,124,207,222,228,228,222,202,181,133,178,133,129,189,209,217,204,191,191,196,191,186,181,129,112,108,115,186,191,194,194,196,204,207,196,186,133,95,55,56,97,196,199,114,119,121,121,131,199,212,212,207,207,220,222,209,209,215,209,137,110,137,135,135,209,228,230,233,230,228,228,225,222,212,191,132,139,145,196,202,212,215,127,94,131,194,209,217,225,230,233,230,230,230,233,233,235,238,235,230,222,207,199,194,196,194,145,194,207,215,222,225,217,207,205,207,203,204,204,207,207,209,209,207,204,202,202,207,209,209,209,209,207,207,204,202,207,215,222,212,194,191,195,202,207,207,212,222,230,230,215,202,200,204,207,212,215,212,204,204,212,217,204,191,194,207,222,225,222,217,222,217,209,211,222,230,230,228,225,225,217,207,202,202,207,209,215,217,222,228,228,225,215,209,208,209,209,212,217,222,217,217,209,196,194,202,222,230,233,233,233,233,230,228,230,233,233,225,117,115,215,222,228,228,230,228,225,225,225,225,224,225,228,230,233,233,233,230,230,233,233,230,230,230,228,228,228,228,228,228,226,226,228,233,233,233,228,225,228,230,233,233,230,228,225,225,228,233,238,241,238,235,233,230,230,228,230,230,228,228,225,225,225,225,225,222,212,196,135,119,71,52,101,129,128,125,137,191,204,215,217,222,222,222,225,222,222,228,225,222,222,225,225,225,218,218,222,228,228,212,196,194,202,212,209,121,104,84,74,88,106,141,209,222,233,243,246,243,243,243,243,235,217,204,145,143,215,233,233,231,233,238,241,243,243,243,243,243,246,243,243,241,241,241,241,243,238,225,224,233,241,241,241,241,243,243,243,243,241,241,243,241,241,241,241,241,238,238,235,233,231,231,233,235,235,235,238,241,241,238,235,233,233,243,243,243,246,238,228,222,222,222,225,228,147,123,131,225,235,235,238,238,238,238,238,238,238,238,230,228,225,225,222,204,129,103,97,89,87,97,145,215,230,238,241,238,235,235,233,233,230,230,228,228,230,230,233,230,230,230,230,228,225,222,217,217,220,225,228,230,228,228,228,228,228,228,228,222,217,217,222,222,225,225,225,222,222,217,217,220,222,222,222,222,222,217,217,222,225,225,228,225,225,222,222,222,225,225,225,225,222,222,222,222,222,222,222,222,222,222,222,222,217,217,215,215,217,217,217,217,215,215,212,212,209,209,212,212,212,209,204,202,202,202,202,204,207,209,209,209,207,207,207,204,204,204,202,202,202,204,204,204,204,204,199,199,196,196,196,196,196,196,194,194,194,194,199,202,202,202,202,204,207,207,207,207,209,215,215,215,212,209,212,217,217,215,215,215,215,217,217,222,222,222,217,217,222,225,228,228,225,225,222,225,225,225,225,222,222,217,217,215,215,215,215,215,217,215,215,212,215,217,215,212,209,209,209,207,207,209,212,209,202,194,194,199,207,209,212,212,209,207,204,204,204,204,202,194,186,139,141,189,194,194,191,189,189,191,191,194,194,194,149,149,196,202,207,212,222,233,241,246,248,248,251,251,251,254,255,254,251,246,243,243,248,254,255,255,251,248,251,251,248,248,248,248,248,248,246,241,241,246,246,246,246,246,246,246,246,248,254,255,255,255,255,255,255,255,0,255,255,255,255,255,255,254,254,251,248,246,246,248,251,251,248,246,248,248,243,0,0,254,255,255,0,0,207,196,189,178,173,168,168,168,178,178,181,173,165,150,134,118,111,79,71,69,69,69,69,71,71,69,63,57,53,51,51,51,53,59,71,79,85,85,85,85,126,137,126,126,91,91,137,150,157,165,176,176,170,163,160,160,157,152,152,142,142,144,144,142,131,129,124,116,109,107,111,113,118,121,126,121,121,131,144,157,170,178,186,194,194,194,186,181,186,186,183,173,165,142,108,74,43,33,23,23,39,74,82,87,103,121,129,111,77,39,29,29,33,56,59,39,29,19,18,19,21,25,31,25,31,37,56,56,31,19,0,0,0,0,0,25,66,66,59,37,48,31,9,0,0,5,46,95,90,46,17,15,7,0,0,0,0,0,0,0,0,1,19,33,39,37,25,25,37,61,75,113,131,160,181,202,215,215,202,191,199,225,235,235,233,215,207,196,196,196,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,165,251,255,215,194,183,183,194,170,55,0,0,0,11,55,63,5,0,0,15,23,33,59,116,150,173,168,129,45,25,51,93,157,157,115,105,106,176,220,238,238,238,255,255,248,246,238,215,178,155,155,165,165,152,83,39,45,73,59,13,0,0,0,0,9,113,157,196,228,246,246,246,241,233,220,209,155,39,5,9,41,85,67,23,17,31,43,51,53,79,160,204,225,222,183,147,142,176,233,255,248,209,142,116,124,53,37,111,243,246,235,233,170,0,0,0,55,152,144,126,147,157,157,150,176,183,0,0,9,77,79,61,67,79,87,89,83,77,81,152,176,176,173,170,160,163,163,155,103,101,150,165,170,168,147,83,33,27,47,87,115,186,212,199,199,209,220,220,228,233,233,222,196,181,113,94,90,99,165,178,178,183,196,191,173,170,186,178,109,89,89,95,105,144,155,144,101,91,97,107,142,95,77,77,101,109,89,86,101,165,165,155,168,183,183,183,191,194,189,176,165,163,157,165,170,173,165,107,97,107,152,173,194,189,189,189,115,73,67,87,113,178,196,212,220,225,233,233,230,209,195,196,196,196,204,225,243,248,222,89,77,63,35,13,1,1,5,17,23,29,39,63,87,101,155,170,181,181,189,186,189,186,176,172,181,189,178,178,178,178,176,178,168,115,115,160,165,119,109,107,107,117,170,186,183,168,159,165,168,163,119,163,170,178,178,176,176,165,115,107,107,113,115,113,119,119,117,117,119,168,183,183,165,119,119,119,117,119,168,176,176,165,163,165,170,165,164,165,165,165,165,170,170,168,117,106,106,109,115,157,155,117,99,95,101,163,196,207,202,191,183,176,165,163,176,176,160,111,103,95,95,92,92,95,107,107,107,103,93,93,101,119,173,170,107,99,100,105,117,121,119,117,119,137,196,215,233,248,255,255,255,255,255,248,241,230,217,209,199,194,189,181,178,176,178,181,189,199,199,199,199,196,191,191,186,183,170,157,152,109,142,142,105,144,165,183,183,183,183,183,176,165,163,163,157,155,142,134,131,131,131,139,152,152,152,131,113,75,65,59,31,5,0,0,0,0,0,0,0,0,45,45,0,0,27,116,142,142,152,152,142,134,124,126,137,155,178,191 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,105,69,22,0,0,0,87,105,147,178,170,173,173,176,178,176,178,183,186,181,176,178,186,191,196,202,157,0,0,0,87,87,209,199,196,196,142,33,1,53,65,14,0,13,101,183,176,152,107,144,157,165,165,157,150,150,165,176,178,178,178,178,186,196,41,5,31,77,107,155,157,155,155,115,77,87,109,103,99,168,183,176,168,160,160,157,113,111,109,107,109,111,115,168,181,181,168,163,168,189,176,109,115,186,196,194,189,178,170,176,181,176,181,191,189,191,196,202,186,75,85,119,173,181,168,115,109,102,100,103,121,186,207,217,225,225,230,230,230,225,199,163,117,113,108,107,109,111,115,119,121,160,163,160,117,110,109,113,119,119,117,119,121,163,163,160,117,119,168,173,173,168,123,119,115,113,111,111,111,113,117,125,178,191,194,191,186,189,196,204,209,212,217,217,209,204,196,186,135,137,186,189,189,194,196,196,196,199,202,204,204,202,196,196,202,207,199,194,191,194,191,186,139,183,191,196,196,194,189,186,189,194,199,202,199,191,186,186,189,194,194,191,191,191,191,194,189,128,121,128,202,222,222,202,181,181,196,225,233,230,230,225,212,199,194,194,194,186,186,194,196,137,131,134,212,204,133,181,186,181,183,196,207,207,202,194,186,181,181,183,186,186,186,181,135,186,196,202,196,181,183,181,117,108,117,212,228,215,217,225,230,233,238,241,241,235,228,224,228,233,235,235,235,238,238,230,204,192,191,196,209,222,230,235,238,235,233,230,228,228,230,243,243,230,212,145,116,135,220,228,212,202,199,202,199,191,194,209,217,196,135,139,222,230,215,199,194,196,199,202,204,199,189,185,191,207,222,228,233,230,215,196,189,189,191,199,204,207,207,207,212,228,238,243,241,233,222,207,199,194,192,194,196,194,145,141,143,145,145,145,143,75,33,8,67,199,222,228,209,194,189,141,139,138,139,141,189,194,196,191,194,202,209,212,217,217,215,209,204,207,207,202,194,186,139,141,194,202,202,196,194,191,191,194,194,196,196,196,199,199,196,199,204,204,202,191,139,183,194,199,186,133,127,126,127,135,139,139,139,189,199,209,212,215,212,196,189,191,204,215,228,233,238,241,235,217,209,212,217,207,133,107,139,217,228,230,233,235,235,235,235,235,233,235,235,235,235,233,233,222,194,183,196,215,204,194,194,199,209,209,196,176,117,105,117,125,127,127,126,127,183,165,160,176,186,176,60,54,80,131,127,112,122,196,204,217,217,212,183,117,115,131,183,178,183,196,204,196,186,189,196,199,191,189,181,119,112,125,189,196,199,199,204,215,209,186,181,137,125,86,85,127,202,194,105,114,125,139,199,222,228,220,209,209,222,222,209,209,222,222,196,125,127,115,117,196,217,228,233,233,230,225,215,215,222,215,189,145,194,199,202,209,217,143,130,147,207,220,225,228,233,233,228,228,228,228,230,235,238,235,230,222,217,215,212,212,204,196,207,222,228,230,230,225,215,212,209,204,204,204,204,207,209,212,209,209,207,207,209,209,207,202,199,202,202,202,202,209,225,230,225,204,196,199,207,209,209,207,212,222,217,204,199,200,204,207,209,212,215,212,204,204,207,199,195,196,209,217,222,222,222,225,222,212,213,225,235,235,230,228,225,215,207,202,202,207,212,217,225,228,230,233,230,222,215,212,212,212,215,215,215,217,222,215,199,196,204,222,230,235,233,230,228,228,222,222,217,222,212,138,137,204,222,230,233,230,230,230,228,225,225,225,225,225,228,230,233,230,230,230,233,233,230,230,228,228,228,230,230,228,228,228,228,230,233,233,230,228,225,228,230,230,230,228,225,222,222,225,230,235,235,235,233,233,230,230,230,230,233,233,233,233,230,230,225,217,209,199,143,135,133,133,137,204,139,121,118,131,199,212,215,209,207,212,217,222,220,225,230,228,222,222,225,228,228,225,225,228,233,233,222,207,202,207,207,129,107,107,111,107,131,196,209,217,233,241,243,241,243,246,248,246,235,204,140,135,139,225,235,235,233,233,238,241,243,246,246,243,243,243,243,243,243,243,243,243,238,230,221,224,233,241,241,241,243,243,243,243,241,241,241,243,243,241,241,241,241,241,238,235,233,231,231,231,233,235,238,241,241,241,238,241,238,238,235,235,228,233,235,233,228,222,202,143,111,106,127,212,233,235,235,238,238,238,238,238,238,238,238,235,230,217,153,127,103,89,86,86,91,101,129,212,230,235,238,238,238,235,235,233,233,233,230,230,228,230,230,230,230,230,230,230,228,225,220,217,217,222,225,228,230,228,228,228,228,228,228,222,217,216,216,217,222,225,225,225,225,222,220,217,217,220,220,218,222,222,222,222,225,228,228,228,228,225,225,225,225,225,225,225,222,222,222,222,222,222,222,222,222,222,222,222,222,217,217,217,217,217,222,222,217,217,215,215,212,212,212,215,215,212,209,207,204,202,202,202,202,204,207,207,207,207,204,204,202,202,202,202,202,204,204,207,207,207,207,204,199,196,196,196,196,194,194,191,191,194,196,199,202,199,199,202,202,204,204,204,207,209,212,215,212,209,209,215,220,220,215,215,215,215,217,217,222,222,217,215,215,217,222,225,225,225,225,225,225,225,225,225,222,222,217,217,215,212,212,212,212,212,212,212,209,212,215,215,215,215,212,209,207,207,212,215,209,196,187,189,202,209,212,212,209,209,209,207,207,207,204,202,196,191,189,186,189,194,194,191,189,189,189,191,194,194,194,149,149,196,199,207,212,222,233,241,246,248,248,251,251,254,254,255,255,254,248,241,239,241,246,248,251,251,254,255,255,251,251,248,248,248,248,246,246,246,248,251,251,248,246,246,246,246,248,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,251,251,248,246,248,254,255,255,251,248,248,248,243,0,0,0,255,255,0,255,207,194,186,173,165,157,157,153,157,160,173,181,173,165,155,137,118,111,79,77,71,71,71,71,71,69,65,59,57,53,53,57,59,65,79,85,91,91,91,91,126,137,137,126,97,97,137,150,160,168,176,176,170,165,160,160,157,152,142,140,142,142,144,142,126,124,124,118,111,111,118,121,121,126,126,126,0,0,0,0,165,165,170,186,194,196,186,173,173,168,150,134,126,108,74,37,29,19,13,15,23,39,47,82,92,103,103,95,79,43,33,23,23,27,29,27,23,23,21,19,21,25,25,25,25,31,31,25,13,7,0,0,0,0,0,31,66,66,59,59,48,31,17,3,0,0,23,90,105,74,43,27,17,1,0,0,0,0,0,0,0,0,5,27,37,37,29,23,29,45,69,113,129,150,178,202,217,217,199,191,191,215,233,233,225,207,189,189,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,255,255,248,225,207,194,209,215,126,0,0,0,0,25,39,0,0,0,0,41,111,124,137,165,181,173,91,27,10,21,79,147,173,115,105,109,181,228,235,230,238,255,255,235,222,222,222,194,178,160,147,140,150,142,89,85,85,51,17,11,0,0,0,21,113,157,199,228,235,238,246,248,248,246,243,165,73,5,0,0,55,65,129,131,163,199,144,17,0,19,152,207,225,209,165,152,183,233,255,248,209,142,116,118,65,55,111,238,241,238,228,160,47,13,150,165,142,100,103,147,170,173,173,202,233,194,87,77,71,45,40,51,73,79,81,77,83,137,170,183,183,176,170,160,152,155,152,99,96,144,155,155,157,157,89,41,25,27,51,89,178,204,191,189,202,209,220,228,230,212,178,103,95,96,99,113,165,176,178,168,178,186,181,168,155,155,109,83,79,91,105,105,109,155,178,186,176,109,97,87,63,39,45,87,107,95,89,109,165,160,155,168,176,176,173,168,152,105,101,107,152,152,152,157,170,178,183,170,163,152,181,202,194,194,178,65,33,39,73,105,170,189,196,204,215,230,230,215,195,187,192,196,196,215,233,255,255,255,183,83,45,23,3,0,0,1,7,13,17,31,59,91,157,173,181,189,189,189,186,189,186,176,173,181,189,186,181,181,181,176,176,168,115,117,165,168,119,113,107,111,119,170,186,183,170,165,168,168,157,119,119,117,117,117,160,163,121,115,107,107,109,113,119,163,123,117,112,117,168,183,183,165,119,119,119,117,117,168,191,191,170,165,165,163,160,160,165,165,165,170,170,183,173,160,111,109,109,109,109,115,113,101,95,105,163,183,191,191,186,183,165,157,157,160,173,160,115,109,99,99,95,95,101,113,121,121,121,109,101,103,119,173,170,111,102,100,105,117,129,121,119,121,137,196,215,230,243,255,255,255,255,246,241,230,220,209,204,189,183,176,174,173,178,181,189,199,207,207,207,202,196,191,186,186,183,178,168,165,165,165,155,155,165,183,194,202,196,194,183,173,163,157,155,155,155,144,142,139,139,139,139,139,152,152,131,116,98,95,69,53,21,0,0,0,0,0,0,0,0,33,35,0,0,11,67,121,131,142,139,134,134,134,134,142,160,183,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,48,40,5,0,0,0,48,124,155,178,165,163,165,173,181,178,176,178,183,183,178,168,173,178,181,189,194,170,0,0,0,0,0,129,155,144,63,0,0,5,67,2,0,0,19,99,168,163,105,102,144,168,178,178,170,152,152,163,170,176,178,178,178,191,204,63,0,36,79,107,152,160,160,160,155,105,115,152,99,92,109,165,160,117,113,157,115,111,117,109,95,109,165,186,196,196,199,207,212,209,207,189,97,90,170,183,178,170,170,173,173,176,183,181,183,189,186,191,207,212,83,88,111,163,163,115,111,109,107,102,103,115,173,199,217,228,228,225,228,228,217,191,165,121,117,109,108,109,113,115,115,119,163,170,170,163,117,112,112,115,117,119,119,119,121,119,115,113,114,121,165,168,165,163,123,117,113,113,113,113,115,121,168,181,191,194,189,186,186,194,202,209,215,217,215,209,207,204,196,191,191,194,194,189,189,189,194,202,207,212,212,209,204,199,199,204,204,199,194,191,189,189,186,186,191,202,204,204,196,191,186,189,196,202,202,196,186,185,186,191,196,199,199,194,191,189,191,189,131,124,129,199,222,225,209,183,181,196,222,230,228,225,215,202,194,189,186,141,139,183,204,222,202,133,136,204,196,133,183,189,179,179,191,204,207,199,186,181,183,189,194,199,204,199,186,181,189,194,191,183,127,125,115,108,115,202,225,222,215,217,228,230,233,238,241,241,238,230,228,230,233,235,233,233,235,238,230,204,191,190,194,202,215,222,225,228,233,233,233,230,228,228,230,233,228,215,199,143,207,225,217,196,191,191,196,196,189,190,196,199,186,139,194,222,230,215,202,204,212,217,209,199,186,185,189,194,194,196,207,222,222,207,194,190,190,190,194,202,207,207,204,204,215,233,238,238,230,222,207,202,199,202,207,212,212,212,207,202,204,207,204,196,77,2,0,85,228,215,222,225,204,191,143,143,143,141,143,194,196,199,194,191,196,196,199,204,207,202,196,194,196,199,194,186,139,141,191,199,202,199,196,196,194,191,191,194,196,199,199,199,194,191,194,194,191,191,191,186,139,139,138,139,183,139,127,124,127,133,137,139,183,186,191,196,199,202,196,191,196,209,222,230,235,235,238,233,217,208,208,212,202,139,121,207,228,233,233,238,235,233,233,233,233,233,233,235,235,233,229,230,230,212,199,207,222,217,209,199,191,194,199,196,129,109,109,123,178,176,129,124,124,194,204,194,186,183,178,127,81,91,178,186,129,133,186,131,121,109,109,109,106,113,131,183,186,191,196,194,186,183,183,186,194,189,189,189,181,135,186,196,204,204,207,212,225,215,132,137,202,204,191,199,212,212,202,117,125,202,222,230,235,235,230,225,228,233,233,225,225,230,235,233,196,102,97,112,139,202,217,230,230,225,215,204,207,225,228,207,196,191,196,202,209,215,207,209,215,222,228,228,228,230,230,228,225,225,225,230,233,235,233,228,217,217,222,222,217,209,204,212,228,233,233,233,230,225,217,215,212,209,207,204,204,209,215,215,215,209,204,207,204,199,191,145,145,194,196,202,209,222,228,225,209,202,204,207,209,207,207,207,215,215,204,200,202,204,202,202,204,209,207,200,202,202,199,202,204,207,209,215,215,217,222,222,216,216,228,235,235,228,222,217,209,204,204,209,215,217,225,228,230,230,233,233,230,225,222,217,215,209,204,202,209,215,212,202,199,202,215,228,233,230,222,215,215,209,204,204,204,202,145,143,199,215,228,233,233,233,230,230,230,230,228,225,225,228,230,228,228,228,230,233,233,230,228,226,226,228,228,230,230,230,230,230,230,233,233,230,228,225,228,230,228,228,225,222,220,220,222,228,230,233,230,230,230,228,228,228,230,233,235,238,238,235,235,228,209,204,199,147,143,143,145,194,202,145,128,128,199,215,222,215,194,145,194,204,217,217,225,233,228,222,222,225,228,230,230,230,230,238,238,222,196,145,194,147,129,119,147,217,212,209,209,217,228,238,241,241,238,241,243,246,251,230,147,141,141,151,238,241,235,233,235,238,243,246,246,246,243,241,241,241,243,246,246,246,241,233,225,225,233,238,241,243,243,243,243,243,243,241,241,241,243,243,243,241,243,243,241,238,238,235,233,233,231,233,235,238,241,241,241,238,241,241,233,212,147,127,149,230,235,230,209,115,105,100,103,153,233,235,235,238,241,241,238,238,237,237,238,238,238,235,222,137,99,87,85,85,88,117,149,215,233,238,238,238,238,238,235,235,235,233,233,233,230,230,230,230,230,230,230,233,230,228,225,220,217,222,225,225,228,228,228,228,228,228,228,225,222,217,216,216,217,222,222,222,225,225,222,222,220,220,220,218,218,222,225,225,225,228,230,228,228,228,228,228,225,225,225,225,225,222,222,222,222,222,222,222,222,222,222,222,222,222,217,217,217,217,222,222,222,222,217,217,215,215,212,215,215,215,215,212,212,209,204,202,202,202,202,204,207,207,204,204,202,202,202,202,202,204,204,207,207,209,209,209,204,202,196,196,196,196,194,191,189,191,191,196,199,202,202,199,199,199,202,202,204,207,209,212,212,209,208,212,217,222,217,215,215,215,215,217,217,222,222,217,213,213,217,222,225,228,228,225,225,225,225,225,225,222,222,217,215,212,212,209,209,209,209,209,209,207,207,212,217,222,222,215,209,207,209,215,215,207,189,183,189,204,212,215,212,209,209,212,212,209,207,204,199,196,194,191,189,191,194,194,194,191,189,189,191,194,194,194,194,149,196,199,207,212,222,233,241,246,248,251,251,251,251,254,255,255,255,251,243,239,238,239,241,246,251,254,255,255,255,254,251,251,248,248,248,248,251,254,255,254,251,246,246,246,246,248,254,255,255,255,255,255,255,255,255,255,255,255,255,254,251,251,251,248,248,251,254,255,0,255,255,251,248,246,248,0,0,0,255,255,255,255,196,181,168,160,160,157,152,147,147,153,165,173,181,181,168,155,134,118,85,79,77,71,71,73,77,71,69,63,59,59,59,63,65,71,79,85,91,91,126,126,126,137,150,150,137,150,160,168,181,181,181,181,181,176,163,160,160,160,152,142,140,142,144,134,118,116,121,121,116,118,121,126,126,121,0,0,0,0,0,0,0,0,0,176,194,199,194,186,176,163,131,118,92,64,29,21,17,11,5,3,11,23,33,43,49,49,45,77,85,77,41,29,17,13,13,19,29,33,29,21,19,21,25,21,21,21,13,3,1,0,0,0,0,0,0,23,59,66,66,66,59,31,17,5,0,0,0,0,0,79,46,27,21,3,0,0,0,0,0,0,0,0,0,11,25,33,29,23,29,43,63,79,121,137,165,189,217,225,204,191,191,215,225,225,207,189,176,189,196,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,12,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,194,255,255,255,255,228,196,207,217,137,0,0,0,0,5,3,0,0,0,0,27,118,139,163,189,202,189,144,49,19,27,87,170,178,157,105,109,181,225,233,228,238,248,248,228,218,222,230,222,204,194,155,135,137,142,157,178,163,69,5,0,0,5,7,25,69,155,215,235,230,238,254,254,251,238,204,83,45,0,0,0,7,13,137,165,222,251,202,0,0,0,137,183,209,194,165,152,178,225,248,225,189,144,121,77,59,61,134,178,160,181,220,160,103,108,165,157,100,85,91,137,168,176,181,186,194,183,150,83,65,40,40,59,79,81,77,77,95,157,178,183,176,168,160,152,107,142,142,96,96,103,103,95,95,95,89,65,29,24,29,77,170,189,183,181,181,199,215,222,209,176,95,92,98,113,181,189,191,183,168,111,111,168,178,173,113,95,71,65,68,83,101,101,97,101,155,176,176,107,85,67,38,32,36,67,101,107,107,155,165,155,155,168,173,168,155,101,83,72,81,91,99,107,150,152,163,173,173,170,170,170,189,202,178,186,69,29,21,35,71,105,173,189,196,194,196,202,209,204,199,196,207,215,215,222,230,248,254,251,228,160,57,21,1,0,0,0,1,3,9,25,61,101,165,181,189,191,189,189,189,196,189,183,181,189,196,191,186,186,181,176,176,168,121,160,173,173,163,115,113,117,119,168,176,176,176,173,173,165,119,115,111,105,95,95,103,109,115,115,113,107,107,109,119,165,170,119,112,112,163,178,183,168,165,163,121,117,117,170,191,191,170,165,165,163,160,160,165,165,165,170,170,183,173,163,115,109,109,105,109,113,115,107,99,105,152,176,178,176,176,165,152,111,105,109,115,115,109,103,103,109,111,109,113,157,121,160,170,121,107,107,119,178,178,119,107,105,111,121,137,137,131,131,141,204,215,233,241,248,255,255,255,246,241,230,220,209,202,189,178,176,176,176,181,186,194,199,207,207,207,202,196,191,186,186,186,183,173,165,165,170,165,168,176,194,202,202,196,183,176,173,163,163,155,155,144,144,144,144,139,131,121,131,131,131,121,105,98,103,100,65,45,11,0,0,0,0,0,0,0,27,33,0,0,0,35,98,124,139,139,134,142,142,142,155,168,186,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,53,43,20,0,0,0,72,111,157,181,157,159,165,176,176,176,178,181,183,183,176,165,168,176,176,178,189,183,0,0,0,0,0,0,0,0,17,37,77,155,168,57,41,147,152,165,165,107,83,84,107,178,186,186,181,163,155,160,168,176,178,178,181,189,194,83,4,99,113,157,157,165,168,165,163,160,157,152,105,101,111,152,99,39,35,89,107,113,173,170,101,160,183,202,207,204,209,222,228,222,212,207,95,68,94,123,123,121,165,176,176,176,181,181,178,181,183,186,204,222,99,100,107,113,109,107,107,111,113,111,109,113,123,183,209,225,225,225,225,225,212,186,165,119,113,108,108,111,117,117,115,119,170,183,181,173,173,163,119,119,121,121,121,119,115,114,113,114,117,121,123,163,165,163,123,117,113,113,115,121,125,173,178,181,186,186,183,183,186,191,202,209,215,215,209,204,204,202,199,196,196,199,199,191,186,185,189,202,207,209,209,207,202,199,199,199,196,194,191,191,189,189,189,191,196,202,207,202,196,191,189,189,194,196,196,189,186,186,191,196,204,209,209,202,191,187,189,196,202,196,191,196,212,222,209,189,187,202,222,228,228,222,207,194,186,141,140,140,183,186,204,225,212,183,137,189,186,135,189,194,181,177,181,199,204,191,136,135,181,191,196,199,204,202,194,194,199,191,129,117,113,112,109,109,183,207,217,217,222,225,230,230,233,235,238,235,230,225,225,230,233,230,230,230,233,233,230,215,202,199,202,207,212,215,215,217,228,230,233,230,230,228,228,230,230,225,212,207,209,207,143,134,137,189,194,196,191,192,194,191,186,186,196,207,209,199,194,199,212,217,209,196,185,186,199,199,189,185,187,202,207,202,196,196,196,194,194,196,202,199,196,143,194,215,225,228,217,207,202,202,209,222,228,230,233,233,228,215,215,217,215,207,202,52,37,99,199,209,215,215,202,191,189,191,191,191,194,199,199,202,199,194,191,191,189,191,194,194,191,190,191,194,191,186,141,189,196,199,196,195,195,196,194,190,189,191,194,196,196,196,191,186,186,183,139,189,204,204,186,138,138,189,207,209,186,126,127,133,137,139,139,138,138,139,189,196,196,194,202,215,225,230,233,230,233,235,233,220,212,209,207,191,131,212,233,235,235,235,235,233,231,231,233,233,233,233,235,233,233,235,233,217,202,202,215,225,225,215,196,191,191,186,93,95,107,125,181,181,173,127,129,199,212,212,207,196,191,191,178,133,191,189,125,125,181,178,105,87,77,85,94,119,135,186,189,196,202,194,185,183,183,185,185,186,189,194,199,199,202,204,207,207,209,217,228,212,121,133,204,199,181,194,209,212,207,194,204,228,233,233,235,235,235,235,235,238,238,238,235,235,241,243,241,103,100,125,141,194,207,217,222,215,207,202,203,217,217,202,196,194,194,204,215,217,222,225,228,228,228,225,225,228,230,230,228,225,225,230,233,233,230,228,217,217,225,225,222,212,204,215,230,233,233,233,233,228,225,217,215,212,207,204,204,209,212,215,215,207,199,199,196,191,144,142,143,191,196,202,204,209,215,212,207,202,204,207,207,207,204,207,215,217,212,204,202,202,195,196,204,209,202,199,204,207,198,199,207,207,207,209,212,212,215,217,217,217,225,233,235,228,217,209,204,203,209,217,225,228,228,230,230,230,233,233,233,230,225,222,215,202,192,192,202,204,196,147,145,133,113,112,139,212,217,212,209,204,199,196,196,194,145,141,149,204,215,230,235,235,233,233,233,230,228,225,225,225,228,228,226,228,230,233,233,230,228,226,226,228,228,230,230,230,230,230,230,228,225,225,225,228,228,228,225,222,222,222,220,220,222,225,225,228,228,228,228,228,228,228,230,230,233,235,238,235,235,230,217,215,212,204,199,196,199,199,196,194,194,199,212,225,230,225,199,141,134,133,145,202,212,225,222,220,222,225,228,230,230,228,230,241,238,204,128,124,132,139,143,147,217,225,217,209,207,215,228,233,235,238,238,241,238,233,217,109,110,151,204,209,235,238,233,233,238,241,243,248,246,243,241,241,241,241,243,246,246,241,233,225,228,235,243,246,243,243,242,243,243,243,243,243,241,241,243,243,243,243,243,243,241,241,241,241,238,235,233,233,235,238,238,238,241,238,238,235,222,119,82,83,113,222,233,215,109,99,104,117,153,225,233,238,238,241,241,241,241,238,237,237,238,238,241,238,220,123,89,85,87,93,115,204,228,235,238,238,235,235,238,235,235,235,235,235,235,233,230,230,228,228,230,230,233,233,230,228,222,222,222,225,225,225,225,225,228,228,228,228,225,225,222,217,217,217,222,222,222,222,222,222,222,222,222,222,222,220,220,222,225,225,225,230,230,228,228,228,228,228,228,228,225,225,225,222,222,222,222,222,222,222,222,222,222,222,222,222,217,217,217,217,222,222,222,222,217,217,217,215,215,215,217,217,217,215,215,212,209,204,202,202,202,202,204,204,202,202,202,200,200,202,204,204,207,207,209,209,209,209,204,199,196,196,196,196,194,189,189,189,191,196,202,204,202,202,199,199,199,202,207,209,212,212,212,209,209,212,217,217,217,217,217,217,217,217,217,217,217,215,213,215,217,225,228,228,228,228,225,225,225,225,225,222,217,217,215,212,209,209,207,207,207,207,204,204,204,207,215,222,222,215,207,207,209,212,209,199,186,183,189,204,212,212,209,209,212,212,212,212,207,202,196,194,194,194,191,191,194,194,194,194,191,191,194,194,196,194,194,149,196,199,207,212,222,233,241,246,248,251,251,251,251,254,255,255,255,254,246,241,238,238,241,243,248,254,255,255,255,255,255,254,251,248,248,251,254,255,255,255,255,251,246,246,246,248,254,255,255,255,255,255,255,255,255,255,255,255,251,248,248,248,248,248,251,255,255,0,0,0,255,255,251,248,255,0,0,0,255,255,255,254,165,152,152,157,173,178,168,157,152,156,165,173,181,181,173,165,147,126,118,83,79,77,77,77,77,77,71,65,65,65,65,71,71,79,79,85,91,91,126,126,137,150,160,160,160,168,168,181,181,181,181,181,183,181,170,163,165,160,157,152,142,142,134,124,111,108,116,124,121,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,131,100,64,27,15,11,11,7,0,0,3,11,15,23,29,23,25,43,77,77,45,33,19,10,9,13,31,39,33,23,19,21,21,19,13,13,3,0,0,0,0,0,0,0,0,11,37,66,66,66,66,48,23,5,0,0,0,0,0,0,53,43,23,7,1,1,0,0,0,0,0,0,0,0,17,25,23,21,25,37,55,73,111,129,150,181,215,217,207,191,199,215,225,215,196,168,168,176,196,196,0,0,0,248,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,209,255,255,255,255,246,191,186,196,121,0,0,0,0,0,0,0,0,0,0,0,27,118,178,209,209,202,202,152,83,85,155,186,196,170,105,107,173,209,228,228,228,238,238,221,222,230,241,238,230,225,194,147,133,137,165,228,235,165,21,0,0,5,13,21,53,163,230,235,235,243,255,255,255,230,150,49,13,0,0,0,0,0,15,129,196,215,157,47,0,0,163,181,189,176,151,150,176,215,228,207,176,144,121,77,55,55,116,129,73,67,67,47,73,142,160,144,100,94,99,139,160,168,181,176,178,165,89,57,43,37,41,65,81,85,85,87,147,173,181,178,168,163,160,147,99,98,99,99,99,99,95,88,85,86,89,87,57,26,27,69,152,176,176,165,160,181,199,202,176,98,92,103,189,207,204,204,196,189,113,103,103,163,181,181,155,91,73,68,71,83,95,97,89,77,73,91,109,103,87,67,41,35,36,53,89,109,155,160,155,109,155,165,155,109,95,89,72,69,75,89,99,107,152,163,165,165,163,163,165,165,157,45,0,1,19,21,25,47,95,176,189,194,189,178,125,125,176,196,220,230,233,233,225,222,215,215,225,233,241,199,93,35,7,0,0,0,0,0,1,13,47,91,163,181,189,191,189,196,196,196,194,194,189,199,207,199,189,186,181,173,168,168,165,170,173,173,163,121,157,119,160,163,168,176,178,178,168,119,115,119,111,97,83,83,85,103,111,115,113,107,107,109,121,170,170,123,113,112,117,165,165,165,168,170,163,115,117,165,176,176,165,164,165,170,165,164,165,165,165,165,170,170,168,160,117,109,109,105,109,115,157,115,107,105,111,152,152,152,152,152,105,97,94,97,99,103,99,96,103,117,173,157,157,157,117,121,170,115,106,107,119,178,181,173,121,117,121,135,194,204,194,141,191,207,220,235,246,255,255,255,255,255,248,238,230,217,209,199,189,189,183,183,186,189,199,199,199,199,196,196,196,191,191,191,191,183,173,173,173,173,173,173,183,194,202,196,189,176,173,168,168,163,155,155,142,142,142,139,131,121,113,113,113,111,105,98,98,98,100,90,53,21,0,0,0,0,0,0,0,23,33,0,0,0,9,55,111,131,139,142,142,144,160,168,183,191,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,61,64,66,66,17,5,41,100,160,181,164,157,173,178,178,176,181,186,186,183,181,165,164,173,172,169,181,186,31,0,0,0,0,0,0,41,160,183,170,163,163,160,147,157,173,181,181,107,75,76,105,173,181,181,178,165,157,157,163,176,178,173,178,186,189,97,1,97,157,163,157,163,168,168,163,155,111,107,103,103,109,111,91,21,0,0,83,107,168,173,115,165,189,202,204,204,207,212,212,207,199,189,99,68,92,94,99,115,163,176,178,176,178,183,179,178,183,194,209,217,104,105,111,113,108,106,106,109,117,121,119,117,121,170,191,209,217,222,217,215,204,183,163,113,107,107,109,115,121,119,115,119,170,181,178,168,168,163,160,163,163,160,160,160,115,112,113,160,170,168,165,163,163,121,119,117,113,111,119,168,178,191,189,183,181,178,178,181,186,191,202,212,217,215,207,202,202,202,196,194,194,199,202,194,186,185,189,199,204,204,202,202,202,199,199,194,191,191,194,194,194,194,191,189,191,196,199,196,194,191,189,189,191,194,189,185,186,191,194,196,204,212,212,204,189,187,189,199,207,207,199,199,209,217,212,196,194,204,217,228,228,212,194,141,140,140,140,186,189,186,196,212,202,139,137,186,189,186,194,196,186,177,179,209,212,191,136,135,181,186,189,189,189,194,199,209,217,202,121,109,107,107,108,109,209,217,222,225,225,228,228,228,230,233,230,222,215,215,222,225,228,222,222,225,222,225,225,222,217,217,215,212,212,212,215,217,225,230,233,235,235,235,233,233,233,230,222,215,209,199,136,133,137,194,199,199,196,196,199,196,191,189,191,194,191,141,137,141,194,199,196,189,185,191,204,207,194,185,186,194,199,199,196,196,196,194,194,196,199,196,191,138,137,194,204,207,202,194,194,202,217,233,235,235,241,243,238,233,228,225,222,217,217,145,121,103,103,196,207,202,196,194,191,189,191,199,199,194,191,196,196,191,189,187,187,189,194,196,194,191,191,191,191,191,191,196,199,199,195,194,195,196,196,190,189,191,199,199,194,191,186,183,183,139,139,191,209,215,189,139,186,196,207,207,183,127,131,135,137,139,139,139,138,139,189,199,196,196,209,222,228,230,230,230,230,235,238,233,222,215,212,204,139,212,230,235,235,235,235,233,231,233,235,235,235,233,235,235,235,235,235,217,196,189,191,215,233,228,209,199,191,173,88,93,121,129,173,170,178,186,189,202,215,222,222,215,202,196,191,189,191,181,117,118,199,225,189,102,80,83,88,127,191,202,196,194,199,194,191,194,189,186,189,189,185,189,215,222,209,204,199,202,209,222,230,215,111,130,133,127,123,132,194,204,212,215,225,230,230,228,230,233,233,235,238,238,238,238,238,238,238,241,243,222,137,135,141,191,199,207,209,207,204,204,209,212,199,181,191,196,202,209,217,222,228,228,228,225,225,222,225,228,230,230,228,225,225,228,230,228,225,225,222,225,228,228,225,215,207,215,228,230,230,230,233,230,225,215,212,209,204,202,202,207,209,212,209,199,191,191,191,191,145,144,145,196,202,202,196,196,202,204,202,202,204,207,207,204,202,202,209,222,222,207,199,194,192,196,209,217,207,202,212,209,196,198,207,207,207,209,209,209,212,215,217,212,217,230,235,230,215,207,203,204,212,225,230,230,228,228,228,230,233,233,233,228,225,225,217,199,189,191,202,199,137,137,139,121,105,102,116,204,222,222,215,207,204,199,194,194,194,139,141,133,137,215,235,238,235,233,230,228,225,225,225,225,228,228,228,228,230,233,233,230,228,228,228,230,230,230,230,230,230,228,228,222,217,217,222,228,228,222,217,216,217,222,222,222,222,222,225,225,225,225,225,225,225,228,230,230,233,233,233,233,233,230,230,228,222,212,204,199,199,202,202,204,207,209,215,225,228,225,215,196,133,129,136,194,199,202,209,215,217,225,225,225,217,215,225,233,228,141,127,125,133,143,204,222,233,228,217,209,207,217,225,228,228,233,235,238,235,228,112,101,104,204,215,225,235,228,225,233,241,243,246,248,246,241,238,238,238,241,243,243,235,228,220,224,233,241,246,248,246,243,242,242,243,243,243,243,243,243,243,243,243,243,243,243,243,241,241,241,241,238,235,233,233,235,235,238,238,238,238,238,222,95,78,84,127,222,222,103,91,96,143,225,235,235,235,238,241,241,241,241,238,238,237,238,238,241,241,230,147,95,87,89,105,121,204,230,238,241,241,235,234,235,235,235,235,235,235,235,235,233,233,230,228,228,228,230,233,233,230,228,225,222,225,225,225,225,225,225,225,225,225,225,222,217,222,220,217,222,222,222,217,217,217,222,222,222,222,222,222,222,222,222,225,222,225,228,228,228,228,228,228,228,228,228,228,228,225,225,222,222,222,222,222,222,222,222,222,222,222,222,217,217,217,217,217,222,222,217,217,217,217,217,217,217,220,222,217,217,217,215,212,207,204,204,204,204,202,202,202,200,200,200,200,202,207,209,209,209,209,209,209,209,204,199,196,196,199,199,196,189,187,187,189,196,202,204,202,202,199,199,199,202,207,212,212,212,212,209,212,215,217,217,217,217,217,217,217,217,217,217,215,215,215,217,222,225,228,230,228,228,225,225,225,225,225,222,217,215,212,209,209,209,207,207,204,204,204,204,202,204,209,215,215,209,204,204,204,204,202,194,186,185,191,202,207,209,209,212,215,215,209,207,204,199,194,192,194,196,196,194,194,194,196,196,194,194,194,196,196,194,148,148,149,199,207,212,222,233,241,246,248,251,254,251,251,251,254,255,255,254,248,246,241,241,243,246,248,251,255,0,0,255,255,254,251,251,251,254,254,255,255,255,255,254,251,248,248,251,254,254,254,254,251,251,251,254,255,255,255,255,248,246,246,246,246,248,254,255,0,0,0,0,255,255,254,251,0,0,0,0,255,255,255,246,137,135,147,178,207,230,222,204,186,178,181,181,181,181,181,168,150,134,126,85,83,79,79,79,79,77,71,69,69,69,71,77,79,79,71,79,85,91,126,137,137,150,160,160,160,168,168,173,168,157,157,168,183,189,181,170,165,165,160,152,139,131,124,111,100,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,116,87,43,13,5,9,5,0,0,0,0,0,0,3,5,9,15,33,39,39,35,33,23,13,9,10,19,31,33,29,25,23,13,9,9,5,0,0,0,0,0,0,0,0,0,11,31,31,48,59,64,53,23,0,0,0,0,0,0,0,0,61,48,21,7,11,7,0,0,0,0,0,0,0,17,29,25,23,23,31,43,63,77,121,150,181,207,207,204,199,207,215,225,215,196,168,151,165,176,186,186,186,207,230,230,215,207,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,204,255,255,255,255,254,178,163,157,103,0,0,0,0,11,0,0,0,0,0,0,0,59,150,189,202,207,220,204,176,168,186,207,207,178,108,105,119,202,217,220,220,228,228,230,230,238,241,230,233,230,225,194,155,138,142,220,246,199,73,3,0,0,13,21,41,129,202,215,228,238,254,254,255,238,168,63,17,0,0,0,0,0,0,55,121,67,65,131,129,53,173,181,176,168,160,165,189,217,225,215,176,121,71,77,63,57,65,73,73,61,14,3,45,137,152,137,113,105,118,131,142,157,173,176,168,139,63,43,36,33,41,61,79,93,101,150,165,176,181,176,168,157,152,144,101,98,109,152,155,103,95,93,91,89,89,93,69,29,28,57,103,170,170,155,117,168,178,168,103,94,98,186,222,233,217,204,191,168,105,103,113,173,186,186,173,111,91,85,83,85,95,105,97,75,66,75,101,144,101,77,55,43,38,43,67,95,152,152,107,107,109,101,89,75,75,81,75,72,81,95,107,157,163,165,173,173,163,152,152,150,85,0,0,0,23,33,47,79,163,196,202,183,168,113,105,109,127,199,230,254,255,251,233,215,209,211,222,233,233,212,152,45,9,1,1,0,0,0,0,0,17,61,142,173,181,189,189,196,196,204,204,202,199,207,215,204,196,186,178,168,164,168,176,173,173,165,163,163,163,160,163,168,170,176,178,173,157,114,115,157,119,99,83,83,85,99,109,115,113,109,109,119,170,176,170,123,117,117,113,115,115,121,168,170,163,113,113,119,168,168,163,163,165,173,173,170,165,165,163,163,163,163,157,117,117,109,109,105,109,155,178,163,107,107,105,111,105,105,105,105,99,95,94,93,94,96,96,96,109,173,181,173,115,113,108,109,113,109,104,107,123,186,186,181,176,131,131,189,207,215,207,196,204,215,230,241,248,255,255,255,255,255,255,246,238,220,212,207,202,199,199,194,189,189,194,194,189,189,187,187,191,191,196,196,191,183,173,173,181,181,181,181,183,194,194,183,176,165,163,163,173,168,157,152,142,142,139,131,121,87,81,81,75,69,69,69,90,65,85,82,53,21,3,0,0,0,0,0,0,23,33,0,0,0,0,33,98,124,134,139,142,155,168,183,191,196,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,77,85,79,66,33,41,144,178,189,189,165,170,181,183,186,189,191,186,181,176,163,163,176,173,170,178,181,57,0,0,0,0,0,0,142,181,183,160,160,150,139,138,150,165,178,196,178,82,82,155,168,170,168,170,165,157,157,165,176,176,168,173,181,181,97,0,24,105,115,114,155,165,165,155,105,100,94,93,95,98,111,115,69,0,0,77,111,163,173,168,168,183,191,194,199,204,199,191,183,183,176,117,107,189,91,89,121,170,165,173,183,186,183,183,181,189,204,215,209,105,107,117,119,115,109,108,109,117,163,163,121,123,168,178,194,204,207,207,202,194,176,123,109,106,108,117,160,165,160,117,119,165,168,117,101,107,113,119,160,160,160,165,168,160,114,117,168,181,181,173,168,119,113,113,113,111,110,117,168,178,194,191,181,176,173,173,181,183,191,204,217,225,222,212,207,204,202,196,191,191,194,196,194,191,191,196,204,204,202,202,204,204,207,199,189,187,189,191,194,196,199,194,189,187,191,194,191,186,186,186,186,189,191,189,186,189,194,194,194,196,202,204,196,189,189,191,194,199,199,199,204,215,222,212,202,196,204,212,217,217,199,139,138,139,141,189,194,191,189,194,199,183,136,183,194,196,196,199,196,191,183,189,230,225,202,137,136,181,183,183,182,182,186,194,209,225,212,135,117,113,115,113,111,212,222,225,222,225,228,225,228,230,230,222,213,212,213,217,222,222,218,217,218,218,218,220,222,225,225,222,215,215,217,222,225,228,230,235,238,235,238,235,233,235,230,225,222,215,204,143,136,141,196,202,202,202,202,204,204,199,194,191,189,141,137,135,134,137,186,186,185,185,191,202,207,199,191,189,194,199,196,194,191,191,191,196,202,204,204,196,137,135,140,143,194,194,192,194,207,225,235,235,233,238,241,241,243,241,233,228,230,228,212,228,215,139,199,207,207,204,204,196,189,191,202,196,183,183,189,194,191,189,187,187,191,199,202,202,196,191,191,194,196,202,204,204,202,199,199,202,202,199,194,191,199,204,199,191,186,183,139,139,139,139,189,202,199,138,138,189,194,191,137,122,120,133,135,135,137,183,186,186,186,194,199,199,202,212,225,228,228,230,230,230,230,233,233,228,217,212,212,204,217,230,235,235,238,238,235,235,235,238,238,238,235,238,235,233,230,233,225,196,133,129,199,225,225,212,204,189,123,81,95,173,170,127,120,128,186,196,209,222,225,225,215,204,202,199,191,186,181,135,202,228,238,254,241,181,113,97,133,204,217,212,194,189,191,202,204,191,189,196,196,182,182,225,235,212,194,189,194,207,222,233,222,107,135,128,125,125,133,189,202,217,228,230,228,222,222,228,230,230,233,235,238,238,238,241,241,238,235,235,243,212,131,134,143,194,204,204,204,204,212,215,212,192,166,187,204,209,212,212,215,228,228,225,222,220,222,222,225,228,230,228,225,222,225,225,222,217,222,222,225,228,228,225,215,207,215,225,230,230,233,233,230,225,212,207,204,202,199,202,207,209,207,204,194,189,187,191,194,196,196,199,202,204,199,194,145,191,194,194,196,202,202,202,196,191,191,199,217,217,204,195,192,194,199,207,217,215,215,222,212,202,204,209,212,212,212,212,209,212,215,215,207,209,228,233,225,212,204,203,204,215,228,230,230,228,228,228,230,235,235,230,222,222,228,230,212,194,198,215,199,132,132,204,147,119,119,145,215,228,225,222,215,212,204,196,199,204,149,131,95,93,141,233,238,235,233,230,228,225,225,225,228,228,228,230,233,233,233,233,230,230,230,230,233,233,233,230,228,225,222,222,215,215,215,225,228,225,217,215,215,217,222,225,225,225,225,225,225,225,225,228,228,228,228,230,228,225,225,228,230,230,230,230,225,222,212,202,194,145,191,202,202,207,212,215,222,217,205,215,209,143,137,196,204,199,195,199,207,215,222,217,209,199,199,209,212,196,138,137,145,199,204,212,228,233,228,215,207,207,217,225,225,225,230,235,235,235,235,119,117,141,212,222,233,241,207,215,233,241,246,248,248,246,241,238,238,241,243,241,238,228,220,216,225,238,243,243,246,246,243,242,242,242,243,243,243,243,243,246,246,243,243,246,243,243,241,241,241,241,238,235,233,233,233,235,235,241,241,241,243,233,99,90,127,220,233,207,84,82,107,230,238,241,241,238,241,241,238,238,238,238,238,238,238,241,241,238,207,109,88,89,123,209,225,228,235,241,241,241,235,234,235,235,235,235,235,235,235,235,233,233,230,228,228,228,230,230,233,230,228,225,225,228,228,225,225,225,225,225,225,225,222,217,217,217,220,217,222,222,222,217,216,217,217,222,222,225,222,222,222,222,222,222,222,222,225,228,226,226,228,230,230,230,230,230,228,225,225,225,225,225,225,225,222,222,222,222,222,222,222,220,217,217,217,217,222,222,222,217,217,220,217,217,220,222,222,217,217,215,215,212,209,207,207,204,204,202,200,200,200,200,202,202,204,207,209,212,212,209,209,209,209,204,202,196,199,202,202,199,191,186,186,189,196,202,202,202,199,199,199,199,204,209,212,212,209,207,209,212,217,217,216,217,222,222,222,222,222,217,215,212,212,215,217,225,228,228,228,228,228,225,225,225,225,225,222,222,217,212,209,209,212,209,207,204,202,202,202,202,199,204,207,209,204,202,202,199,199,196,191,189,189,194,199,202,204,209,215,215,212,207,204,202,199,194,194,196,199,196,196,196,196,196,196,196,196,194,196,194,194,148,148,196,199,207,215,225,233,241,246,248,251,254,251,251,251,251,254,254,251,251,248,248,248,248,248,248,251,0,0,0,255,255,255,251,251,251,254,255,255,0,255,255,255,254,248,248,251,254,254,251,251,251,251,250,250,255,255,255,251,246,246,246,246,248,251,255,0,0,0,0,0,255,255,255,251,0,0,0,0,255,255,254,241,137,147,173,215,255,255,255,255,222,204,196,189,168,168,168,168,155,134,118,85,83,79,79,77,79,77,77,71,71,71,71,77,79,79,71,71,79,85,126,137,137,137,150,160,150,150,150,152,147,139,139,157,183,196,191,181,170,165,160,152,129,118,108,108,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,74,25,5,3,3,0,0,0,0,0,0,0,0,0,0,13,23,23,17,23,29,29,19,13,10,12,23,31,33,33,25,13,3,0,0,0,0,0,0,0,0,0,0,5,19,23,19,17,25,48,31,9,0,0,0,0,0,0,0,0,0,64,43,21,19,13,0,0,0,0,0,0,0,23,37,29,23,19,23,35,55,73,118,147,178,196,199,199,199,207,215,222,212,204,176,157,157,160,157,157,165,181,207,217,209,196,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,82,183,251,255,255,255,230,160,139,137,92,0,0,0,27,113,47,3,0,0,0,0,0,31,81,137,173,199,209,212,204,196,196,204,207,186,111,104,115,189,217,217,217,220,228,233,235,235,235,225,222,225,233,235,217,157,142,191,220,191,139,29,0,0,11,27,33,51,129,157,196,228,235,230,235,238,194,139,35,0,0,0,0,0,0,51,61,7,15,173,222,176,170,173,173,183,191,207,215,225,233,225,186,69,65,121,121,65,53,63,121,139,35,13,31,65,126,126,103,103,116,129,139,155,165,165,150,81,55,55,43,33,49,65,79,95,155,168,173,176,181,173,157,150,144,144,107,107,163,178,173,150,103,150,111,101,89,89,67,29,27,49,95,170,165,117,117,160,157,109,97,97,157,194,215,225,207,191,121,93,97,119,178,189,189,186,178,155,103,97,91,89,97,155,157,95,72,75,95,107,97,75,57,53,45,43,55,81,99,101,101,101,99,83,70,65,70,81,83,85,91,105,152,163,163,165,173,173,165,157,152,103,85,9,0,37,59,71,85,99,170,194,191,168,109,105,108,125,196,230,246,254,255,255,243,225,213,215,233,246,230,215,165,37,9,5,3,1,0,0,0,0,3,31,85,163,181,189,196,196,204,204,204,202,202,209,215,204,196,186,178,168,165,170,183,173,165,159,163,165,163,160,170,173,176,176,176,170,117,112,115,163,119,99,85,84,91,103,109,115,109,109,113,121,170,176,170,123,123,119,115,111,111,121,168,170,119,110,110,117,168,168,164,164,165,173,176,173,173,165,163,119,119,119,116,117,117,115,109,109,115,168,186,168,113,107,105,107,105,97,97,105,105,103,97,97,103,103,103,105,155,181,181,157,115,109,108,108,109,107,104,107,170,178,186,181,181,176,135,194,215,222,212,196,204,215,233,248,255,255,255,255,255,255,255,246,238,228,217,209,209,209,207,199,199,194,194,189,187,183,187,187,196,196,202,202,191,186,183,183,181,181,181,181,181,183,178,176,163,157,155,157,163,163,157,155,142,142,131,124,87,81,79,75,65,61,61,61,57,53,53,45,33,15,0,0,0,0,0,0,0,21,27,0,0,0,0,21,79,113,121,131,134,155,173,191,199,199,196 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,90,100,87,77,72,126,168,189,199,183,173,173,186,191,194,194,191,181,173,168,165,168,178,178,176,178,186,134,0,0,0,0,0,0,41,97,83,83,139,157,163,157,155,157,165,176,170,163,157,163,168,170,168,168,168,165,165,170,170,168,168,173,173,160,95,37,47,105,115,155,155,160,160,113,99,97,89,77,73,101,157,160,168,117,61,73,117,165,173,173,165,163,170,183,194,199,191,170,156,160,196,207,212,217,204,165,168,165,163,168,181,186,186,186,186,191,204,209,186,113,111,119,119,115,115,113,109,115,123,163,123,163,173,181,183,181,178,178,176,168,165,119,111,109,115,160,165,170,168,119,119,168,168,101,80,101,107,113,119,119,121,165,173,176,168,165,170,181,186,181,168,121,115,113,111,110,109,111,119,123,176,181,178,173,170,172,178,177,194,209,222,225,225,222,217,212,207,202,196,191,191,191,191,194,199,202,204,202,202,207,207,212,215,202,187,186,187,187,189,194,199,194,187,186,189,194,189,139,137,137,139,183,183,186,189,191,196,194,190,190,194,196,191,189,189,189,191,199,199,202,207,222,225,212,202,196,196,199,202,204,186,137,137,141,191,194,196,199,196,194,191,186,183,189,196,202,199,202,202,202,199,204,215,217,202,137,135,181,186,186,183,183,183,191,204,215,207,191,139,183,215,199,199,212,222,222,217,225,225,225,228,230,230,225,217,215,213,217,222,222,218,217,217,218,218,220,222,225,228,222,217,217,222,225,230,233,235,238,238,235,235,235,235,233,230,228,222,217,209,194,139,137,189,199,202,204,209,212,207,204,202,196,189,141,139,136,135,139,194,194,189,189,191,196,199,199,194,189,189,189,189,191,194,191,191,196,204,207,207,207,199,143,142,147,199,196,199,207,222,233,235,233,233,235,238,241,241,238,233,233,230,228,222,217,217,212,212,212,217,222,217,207,194,194,204,194,182,181,189,202,199,194,189,189,191,199,204,204,199,191,191,196,204,212,212,207,204,207,215,217,212,204,202,207,212,209,199,191,186,139,183,183,139,139,186,194,191,137,138,194,196,189,131,118,117,125,137,183,183,183,183,186,191,194,194,194,202,215,222,228,228,228,228,228,225,228,228,222,209,204,204,209,222,230,235,238,238,238,238,238,238,241,241,238,238,241,238,230,228,233,228,202,130,126,186,191,181,196,178,105,115,125,176,131,173,131,131,186,194,202,212,225,228,222,212,209,209,204,189,181,186,202,217,233,241,243,235,217,183,127,181,212,222,202,183,181,189,202,202,189,186,191,191,183,183,202,217,209,189,182,186,202,217,230,230,222,204,189,137,133,181,196,212,225,230,228,222,217,222,225,230,230,230,233,238,238,238,238,238,235,234,238,241,235,128,133,189,207,209,207,204,199,199,209,209,204,199,204,212,215,215,215,217,228,230,222,220,220,220,222,225,228,228,225,222,222,222,222,217,217,222,225,225,230,230,215,212,207,209,215,225,230,233,233,230,228,217,209,204,199,202,209,215,215,209,204,196,189,189,191,202,204,204,207,204,196,191,143,141,139,139,137,143,194,196,196,194,190,189,194,204,204,199,199,196,196,204,209,209,215,222,225,222,217,222,225,225,222,215,212,209,209,212,212,207,209,222,225,212,207,207,204,207,217,228,230,230,233,230,233,233,235,235,233,222,215,230,235,230,209,212,217,194,131,133,222,228,207,143,199,217,225,225,222,222,217,207,196,199,209,222,228,79,37,115,230,238,235,233,230,228,228,228,230,230,230,230,233,235,235,233,230,230,230,230,233,235,233,230,228,222,217,215,215,217,222,225,228,230,225,217,216,216,217,225,228,230,230,230,230,228,228,228,228,230,228,228,228,215,207,209,217,225,230,230,228,222,215,209,196,139,131,132,139,135,142,207,215,217,212,207,212,209,199,196,204,209,207,198,199,204,217,222,215,194,137,194,204,196,136,137,194,199,204,209,217,228,230,225,212,207,207,212,222,225,228,230,233,233,235,235,233,209,209,217,222,220,207,151,209,233,243,243,246,246,243,241,238,238,243,243,238,235,230,221,224,233,243,246,243,243,243,243,243,243,242,242,242,243,243,246,248,246,246,246,246,246,243,241,241,241,241,238,235,235,233,233,235,238,241,243,246,246,235,215,147,151,228,235,137,79,84,149,233,241,241,241,241,241,238,235,238,241,238,237,237,241,243,238,235,119,105,109,129,204,228,233,235,235,235,238,238,235,235,235,235,235,235,238,235,235,233,233,233,230,230,228,228,228,230,230,230,230,230,228,228,228,228,228,228,228,225,225,225,225,222,217,217,217,216,217,222,222,217,215,216,217,222,225,225,222,222,222,225,222,222,222,225,228,228,226,228,230,230,230,230,230,230,228,228,225,225,225,225,225,225,222,222,222,222,222,222,222,222,222,222,222,222,222,222,225,225,222,222,222,222,222,222,222,217,217,215,215,212,209,207,207,204,202,202,200,200,202,202,204,204,207,209,209,212,212,212,209,209,207,207,204,202,204,207,207,202,196,189,191,196,199,202,202,202,202,199,199,202,204,209,212,209,207,203,207,212,217,217,216,217,222,225,225,225,222,217,215,212,211,212,217,225,228,228,225,225,225,225,225,225,222,222,222,222,217,215,212,212,215,215,212,207,204,202,202,202,199,199,199,202,202,202,199,199,196,196,196,194,194,199,199,199,204,212,217,215,207,202,202,202,199,194,194,196,199,196,196,199,196,194,194,194,194,194,194,194,148,148,149,196,202,209,215,228,235,241,246,248,251,254,254,251,251,248,251,251,251,251,251,254,251,248,248,251,255,0,0,0,0,255,255,254,251,251,254,255,0,0,255,255,255,255,251,251,254,254,251,248,251,251,251,251,251,254,255,254,248,246,246,248,246,248,254,0,0,0,0,0,0,0,255,255,251,0,0,0,0,255,255,251,0,0,0,0,0,0,0,0,0,248,233,215,189,163,163,168,181,160,134,111,79,79,79,77,77,77,77,77,73,71,71,71,71,79,71,71,71,71,85,91,126,126,137,137,150,137,137,137,137,137,137,137,150,181,207,207,189,181,178,165,142,118,107,107,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,72,33,3,0,0,0,0,0,0,0,0,0,0,0,0,9,13,13,12,17,29,0,0,27,19,21,29,37,56,39,25,9,0,0,0,0,0,0,0,0,0,3,19,25,25,19,11,8,11,19,11,0,0,0,17,90,0,0,0,0,0,0,51,43,19,5,0,0,0,0,0,0,5,23,29,29,23,11,11,23,43,67,105,137,160,178,186,196,199,207,215,212,222,212,196,186,168,157,142,142,142,157,173,194,199,196,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,15,64,131,202,243,254,235,186,137,126,134,100,3,0,0,85,170,173,90,0,0,0,0,0,7,39,116,150,173,194,202,204,204,204,204,204,186,155,111,114,181,209,217,217,228,228,235,233,222,221,222,222,222,225,238,235,199,168,181,189,181,101,29,0,0,5,45,45,27,33,77,165,202,199,173,170,176,173,157,71,0,0,0,0,0,0,31,51,7,19,173,207,207,170,157,173,212,228,230,241,233,230,222,186,118,71,142,137,57,37,45,61,59,51,33,31,51,75,111,73,75,129,150,157,157,155,155,137,81,71,71,57,37,39,53,73,131,155,157,163,173,181,168,150,103,102,107,152,165,178,186,173,155,150,165,160,103,103,103,81,24,26,57,95,157,165,115,115,155,155,107,107,157,178,194,204,204,178,91,72,72,97,178,202,202,194,186,178,155,103,101,101,97,103,160,163,109,91,81,85,87,75,55,47,45,51,57,63,73,87,99,109,109,95,73,67,70,81,89,91,97,101,107,152,152,152,152,165,170,165,173,168,79,21,9,23,71,97,103,117,160,168,163,119,115,109,109,119,189,230,254,254,254,255,255,248,233,225,230,243,243,230,217,165,37,17,11,11,11,11,11,5,3,7,23,67,144,181,196,207,204,204,204,204,202,202,207,207,204,191,181,178,168,168,176,178,165,155,155,163,170,163,155,160,168,170,176,176,165,157,115,119,119,105,93,85,85,91,103,115,115,108,109,113,119,170,176,165,121,123,168,121,115,115,123,178,170,115,110,110,117,168,168,164,164,168,176,186,186,173,165,119,115,115,114,114,117,160,117,113,115,165,181,186,163,111,107,107,111,111,97,97,105,111,111,111,109,115,152,115,117,173,181,173,117,115,157,113,108,113,113,107,109,123,170,173,181,176,133,135,204,222,222,207,191,191,212,235,251,255,255,255,255,255,255,248,246,238,230,220,209,209,209,207,202,199,199,194,189,189,187,191,196,202,202,202,196,186,183,183,181,181,173,173,170,168,176,173,165,163,155,153,155,157,163,157,155,155,152,131,121,81,75,69,67,61,59,55,45,33,27,25,21,11,0,0,0,0,0,0,0,0,0,13,11,0,0,0,15,72,103,121,124,134,155,178,199,209,209,199 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,92,82,85,105,147,181,196,199,186,178,183,194,196,196,191,183,173,165,165,165,173,183,186,181,178,178,165,0,0,0,0,0,0,0,0,0,61,155,181,186,183,176,165,165,168,165,163,165,165,168,168,170,176,178,170,168,168,168,165,168,170,165,157,115,113,178,173,168,163,153,153,155,115,109,113,173,183,163,152,157,168,178,183,113,113,168,173,176,170,157,119,160,173,186,191,183,163,155,189,212,217,222,225,215,189,165,121,117,121,170,178,183,183,186,191,199,199,176,115,113,117,111,107,109,111,111,115,121,163,163,168,176,181,178,173,163,117,109,113,117,119,117,119,160,168,168,165,163,160,121,163,121,79,81,105,107,109,113,113,117,163,170,178,176,168,168,173,181,178,170,165,123,119,117,113,111,113,115,119,170,178,178,173,170,173,186,191,199,207,212,212,217,222,222,222,217,209,202,196,196,194,191,191,191,196,199,202,202,204,207,212,217,212,196,194,191,187,187,189,194,194,189,187,191,194,189,136,135,136,139,139,139,183,189,191,194,191,190,190,191,191,191,189,189,187,189,199,202,199,204,209,212,209,199,194,191,189,189,186,139,138,140,189,194,194,196,204,202,199,196,191,189,189,194,199,199,202,207,209,207,196,186,186,183,135,133,137,189,194,194,189,186,191,199,199,189,183,186,194,199,196,207,215,217,217,217,222,225,228,230,230,233,230,225,222,217,217,225,225,222,222,222,225,222,220,220,222,225,225,225,225,225,228,233,233,235,235,235,233,233,235,235,233,233,228,225,215,207,194,141,143,194,199,202,207,215,222,215,209,204,196,186,186,186,183,139,191,204,207,199,194,191,194,199,199,194,141,137,138,186,194,196,196,196,199,202,204,204,204,204,204,204,209,209,204,207,217,230,235,238,235,233,233,235,238,238,235,233,233,230,228,222,217,217,215,215,217,228,233,228,217,202,194,196,189,186,189,204,212,209,199,191,187,189,196,202,207,202,196,196,202,209,215,215,204,196,204,225,228,217,207,207,212,215,209,196,189,189,189,191,194,186,139,183,189,191,191,196,207,202,191,137,123,123,139,194,196,189,182,182,183,189,194,194,194,196,204,209,217,225,228,228,222,222,222,222,212,199,195,199,209,225,230,235,238,238,241,241,241,241,241,238,238,238,238,235,230,228,230,228,209,186,178,131,101,91,85,74,73,102,217,204,178,178,186,199,212,212,209,215,228,228,222,215,215,215,204,183,179,189,204,225,233,233,235,235,235,225,186,135,202,230,135,131,133,181,189,189,186,189,199,199,191,186,191,202,196,183,179,182,196,217,230,235,233,225,202,135,125,181,209,225,228,228,225,222,217,220,225,230,230,230,230,235,238,235,235,235,235,235,241,233,225,204,186,204,217,217,212,204,191,141,194,204,204,204,215,222,225,222,222,225,228,230,228,222,222,222,222,225,225,222,215,212,212,215,215,215,215,222,228,228,230,228,207,205,209,207,207,215,222,225,225,228,225,222,217,207,199,204,222,230,228,215,207,204,199,196,196,202,204,204,204,199,189,141,137,133,135,137,137,139,143,191,194,194,191,189,191,196,199,202,207,199,194,199,202,204,209,217,225,225,225,230,233,233,228,222,215,212,209,209,207,207,212,222,222,215,207,207,207,209,222,228,230,233,233,233,235,235,235,235,233,228,209,217,230,230,215,212,225,209,134,134,212,233,217,139,145,217,225,221,222,225,222,207,196,196,215,233,238,79,36,81,207,233,235,235,233,230,233,233,233,233,233,233,235,235,233,228,225,228,230,233,235,233,233,228,225,220,215,213,215,222,228,230,230,230,228,217,217,217,225,228,233,235,235,235,233,230,228,228,228,228,225,222,215,204,202,204,215,225,228,230,228,220,209,204,196,144,139,139,143,140,144,207,215,215,209,205,207,207,207,204,204,207,207,204,204,207,217,222,215,196,131,135,204,196,145,191,199,199,202,207,212,217,222,222,212,207,205,207,212,217,225,228,230,230,228,228,225,217,217,217,209,151,149,150,215,238,243,243,243,243,241,241,238,241,246,246,243,241,241,233,230,238,246,248,246,243,243,243,246,246,243,243,243,243,246,246,248,246,246,248,248,248,246,243,241,241,238,238,235,235,233,233,235,238,238,241,246,246,238,225,212,217,233,230,143,107,119,212,235,241,241,241,241,238,238,238,235,238,238,237,237,241,243,235,131,115,117,137,207,228,235,235,235,235,235,235,235,235,235,235,235,235,235,238,235,235,233,233,233,233,230,230,230,230,230,230,230,230,230,230,228,226,228,228,228,225,222,225,225,228,228,225,217,216,216,217,225,225,222,216,217,220,222,225,225,222,222,222,225,225,222,225,228,228,228,228,230,230,230,230,230,230,230,230,228,228,225,225,228,228,225,222,222,222,222,222,222,222,222,222,222,222,222,225,225,225,225,225,222,222,222,222,222,222,217,217,217,215,212,209,207,204,204,204,202,202,202,204,207,207,209,209,209,209,212,212,212,209,209,207,207,209,209,209,207,207,204,202,196,196,202,204,202,202,202,202,199,199,199,202,207,209,207,204,203,207,215,217,217,217,222,225,225,225,225,222,217,215,212,212,212,217,225,228,225,225,222,222,222,222,222,222,222,222,222,222,215,215,215,217,217,215,212,209,204,202,199,199,199,199,202,202,202,202,199,199,199,199,196,199,202,202,202,202,207,212,209,202,202,202,202,199,196,196,199,199,196,196,196,196,196,194,192,192,194,194,194,194,149,196,199,202,209,215,228,235,241,246,248,251,254,254,251,251,248,248,251,251,251,251,251,246,246,246,254,255,0,0,0,0,255,255,255,251,251,254,255,0,0,0,255,255,255,254,251,251,251,248,246,251,254,254,254,251,251,251,248,248,248,248,248,248,248,254,0,0,0,0,0,0,0,255,255,251,0,0,0,0,255,255,248,0,0,0,0,0,0,0,0,0,0,0,225,189,161,157,165,178,165,134,116,77,77,77,71,69,77,77,77,77,71,71,71,71,77,77,71,71,77,77,83,91,126,97,134,134,137,137,137,137,137,137,134,150,181,209,215,202,191,183,157,129,108,107,116,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,53,25,3,0,0,0,0,0,0,0,0,0,0,0,0,5,13,13,17,25,39,0,0,0,56,39,56,59,59,39,31,13,0,0,0,0,0,0,0,0,0,0,19,31,31,19,11,11,11,11,11,0,0,0,15,66,95,0,0,0,0,0,51,43,19,5,0,0,0,0,0,3,17,23,23,23,17,1,1,9,27,43,67,111,137,147,168,178,199,199,204,212,222,220,212,204,186,165,142,135,135,135,155,170,189,196,194,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,11,40,90,150,178,196,178,139,103,100,111,92,25,0,27,139,207,202,142,55,17,0,0,0,0,31,79,131,144,170,191,202,204,204,196,196,186,155,114,119,189,209,217,217,228,233,235,233,220,221,228,225,215,204,225,235,225,199,189,183,165,139,65,0,0,0,31,47,25,9,33,121,157,165,150,134,131,139,137,55,3,0,0,0,0,0,0,7,0,33,181,207,207,170,157,173,220,241,248,248,238,222,217,186,111,51,75,113,51,33,21,0,0,0,0,0,11,45,71,105,126,147,163,157,157,155,157,147,126,89,81,55,36,36,47,71,95,144,144,150,163,173,165,147,101,102,106,155,170,178,178,170,163,163,168,165,152,113,152,93,29,31,63,85,107,152,107,105,107,109,107,109,168,186,194,194,178,97,75,70,78,111,194,209,204,194,186,178,168,157,155,109,103,111,163,163,109,101,87,81,75,61,47,44,45,53,63,75,83,95,109,155,109,89,75,70,75,89,93,97,101,107,150,107,107,101,107,152,157,163,178,152,37,11,13,47,155,157,152,117,115,109,105,106,113,115,119,129,196,230,254,246,246,246,248,233,233,233,233,243,243,243,230,165,33,15,13,19,23,29,31,31,21,19,29,57,95,181,199,207,204,204,204,204,202,209,215,212,204,191,178,168,168,170,176,176,165,155,155,163,170,163,155,155,163,170,176,176,165,157,115,115,107,87,75,73,77,85,105,115,111,108,109,113,119,170,176,170,123,168,176,170,121,117,168,181,173,119,111,113,123,178,173,165,165,170,178,186,186,173,121,115,115,119,114,116,160,168,157,115,117,165,178,178,152,105,99,105,109,101,91,91,103,111,113,113,152,160,173,163,173,181,181,163,117,157,170,113,108,113,115,109,115,178,178,170,178,176,132,135,204,222,215,204,186,143,207,233,248,255,248,246,246,248,248,246,246,238,230,220,217,217,209,207,207,199,199,194,194,196,196,196,196,196,196,196,191,178,173,165,165,165,165,155,157,165,173,176,173,165,163,155,155,155,155,155,157,163,155,139,89,79,69,61,61,61,55,49,33,21,15,11,5,0,0,0,0,0,0,0,0,0,0,0,3,0,0,0,15,69,103,121,124,134,160,186,209,217,217,212 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,0,139,134,0,0,0,0,0,40,0,0,0,0,0,29,134,168,194,202,196,189,189,194,199,196,191,186,178,170,164,163,165,173,186,189,183,176,168,155,0,0,41,173,189,47,0,0,0,97,178,183,186,186,183,178,173,168,165,165,168,168,165,160,155,163,170,168,165,165,165,160,117,157,163,168,178,181,183,186,186,170,152,151,157,168,168,173,191,194,178,115,113,168,178,181,165,168,176,178,178,173,157,113,115,163,176,181,173,160,157,196,215,222,222,215,212,186,111,105,105,111,119,165,173,178,183,186,191,189,170,117,117,121,111,100,102,106,111,117,121,163,165,168,173,176,173,165,117,105,101,106,115,123,163,165,170,173,170,165,160,163,160,163,119,70,86,103,109,113,113,113,119,160,163,168,168,163,160,163,168,168,163,163,163,163,163,121,119,117,119,121,170,181,183,178,173,181,196,207,207,204,204,207,209,215,225,228,228,217,204,202,202,196,189,139,183,183,194,204,202,196,202,207,217,217,209,207,202,194,191,189,191,191,189,189,194,191,183,137,136,137,139,139,139,186,191,194,191,191,190,191,194,191,189,189,189,187,187,194,196,194,194,196,202,204,199,194,189,141,140,139,139,141,191,196,199,199,204,207,207,207,207,202,194,189,191,194,196,199,207,209,204,181,170,173,181,183,137,186,196,199,196,191,191,194,196,191,183,189,196,189,183,183,212,228,222,222,225,225,225,228,230,233,233,233,230,225,220,217,222,225,228,230,233,230,225,222,220,222,225,228,228,228,228,230,233,233,233,233,233,230,233,233,235,233,230,228,222,212,202,191,145,194,202,202,199,209,222,228,222,215,207,194,185,189,191,186,186,194,204,204,199,196,194,194,199,202,196,139,135,138,191,199,202,199,199,202,202,199,199,199,204,209,217,217,212,204,207,222,233,238,238,233,230,228,233,235,238,235,235,233,233,230,225,222,215,213,213,217,230,233,233,228,209,194,189,189,199,209,215,217,215,204,191,187,189,194,199,204,204,199,196,199,204,209,207,194,129,129,207,217,209,199,202,209,209,202,194,189,189,194,202,204,196,186,183,186,191,202,207,209,202,196,194,194,202,212,217,212,196,182,181,183,189,191,194,194,194,189,191,204,222,230,228,225,222,222,217,207,195,192,196,212,225,230,233,235,238,241,241,243,241,241,238,233,233,233,233,228,226,228,225,212,194,189,133,102,92,85,79,89,183,230,215,189,183,191,207,222,222,215,217,228,230,225,222,217,217,209,183,181,189,196,217,233,233,233,235,238,230,191,111,109,119,124,127,133,137,181,183,189,202,215,217,207,194,189,191,191,186,182,183,196,215,230,235,238,233,199,27,17,119,222,230,228,225,222,220,217,217,225,230,230,230,230,235,238,235,234,235,235,235,233,228,215,207,199,222,228,217,209,199,186,141,189,194,196,204,215,225,228,228,228,230,233,233,233,230,228,228,228,228,228,217,205,203,204,205,209,209,215,220,225,230,230,220,189,177,209,204,202,204,209,212,212,215,217,222,225,209,199,204,228,235,230,215,209,212,212,204,199,196,196,199,196,191,139,133,132,132,137,143,194,191,145,194,196,194,190,190,194,196,199,207,209,196,145,146,196,202,207,215,225,225,228,233,235,235,233,228,222,215,209,207,204,205,212,222,228,225,212,204,203,209,222,228,230,228,230,233,233,233,233,230,230,217,135,143,217,217,204,203,217,215,145,139,212,235,207,89,103,215,228,222,222,225,222,212,202,202,215,235,248,111,47,69,125,228,238,238,233,233,233,233,233,233,233,233,233,233,228,220,220,225,230,233,233,230,228,225,222,217,215,213,217,225,228,230,230,230,228,217,217,222,228,230,235,235,235,233,230,228,225,228,228,228,222,215,207,203,203,203,209,222,228,230,228,222,212,202,196,196,194,194,196,191,196,212,220,217,209,204,204,207,209,209,203,200,202,204,207,209,212,215,217,207,128,125,129,135,145,196,196,196,202,207,207,209,212,215,212,209,205,205,209,215,222,225,228,225,217,217,217,222,225,217,150,146,149,204,233,243,243,241,243,243,241,238,238,241,241,241,241,243,243,241,235,241,246,248,246,243,243,246,246,246,243,243,243,243,246,246,246,246,246,248,248,248,246,243,241,238,238,235,235,233,233,233,235,235,235,238,243,246,241,230,222,222,225,155,139,139,153,217,235,241,243,241,241,241,238,238,235,238,238,238,238,238,228,147,114,121,135,153,228,238,241,238,235,235,235,235,235,235,235,235,235,235,235,235,235,235,233,233,235,235,233,233,230,230,233,230,228,228,230,228,228,228,228,230,228,225,222,222,225,228,230,230,222,217,217,225,228,230,225,222,217,220,222,225,225,222,222,222,225,225,225,228,228,230,230,230,230,233,233,230,230,230,230,230,230,228,228,228,228,228,225,225,222,222,222,222,222,222,222,222,222,225,225,225,225,225,225,225,225,222,222,225,222,222,217,217,222,217,215,209,207,207,204,204,202,199,202,207,207,209,209,207,204,204,207,207,209,209,209,209,209,212,212,212,209,207,207,207,202,202,204,204,204,202,202,202,202,199,199,199,202,204,204,204,204,209,217,220,220,220,222,225,225,225,222,222,217,215,215,215,215,217,225,228,225,225,222,222,217,217,222,222,225,225,222,222,217,215,215,217,222,222,217,215,207,202,202,199,202,202,202,202,202,202,202,199,196,196,199,199,204,204,202,202,202,204,202,200,202,204,204,202,199,199,199,199,196,195,196,199,199,199,196,194,192,194,196,199,202,204,202,202,207,215,228,235,243,246,248,251,251,251,251,251,251,251,248,251,251,248,246,242,242,246,254,255,0,0,0,0,255,255,255,251,248,251,255,0,0,0,255,255,255,255,251,248,248,246,246,248,254,254,251,251,248,248,248,248,251,251,251,248,248,0,0,0,0,0,0,0,0,255,255,251,0,0,0,0,255,255,248,0,0,0,0,0,0,0,0,0,0,0,233,194,161,159,165,178,165,147,118,83,83,83,71,66,69,73,77,73,73,73,73,77,77,77,77,77,77,77,83,91,91,91,97,134,137,137,137,137,139,139,137,139,181,209,225,215,199,176,134,113,108,118,131,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,43,13,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,23,29,33,39,0,0,0,0,92,87,79,66,56,37,25,11,0,0,0,3,0,0,0,0,0,11,23,19,17,11,11,19,19,17,9,3,3,11,56,82,85,0,0,0,0,51,31,25,13,5,0,0,0,3,17,25,29,25,17,9,0,0,0,9,21,35,65,111,129,147,170,189,207,212,222,225,220,220,220,202,186,157,142,135,134,139,160,178,189,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,17,53,85,108,113,111,92,45,43,51,41,27,33,103,168,204,199,165,142,131,100,17,0,0,31,65,77,87,139,181,202,202,195,204,196,181,155,114,119,189,215,217,225,230,238,233,228,221,228,235,228,204,191,199,228,233,220,207,196,183,165,144,53,0,0,11,37,21,9,25,73,89,131,134,124,79,71,73,37,3,0,0,0,0,0,0,0,0,7,163,212,212,178,157,170,212,241,251,248,228,222,215,181,51,1,29,63,51,19,0,0,0,0,0,0,0,0,41,108,139,152,157,163,170,181,183,170,147,134,89,63,39,43,57,79,139,147,144,155,163,165,165,157,150,144,150,160,170,170,160,165,181,183,176,170,168,168,165,111,67,57,63,67,93,105,97,93,97,99,101,109,168,186,186,178,113,91,78,85,111,178,202,209,202,186,178,178,178,189,181,160,111,163,176,170,111,103,93,87,77,67,53,45,45,51,63,83,99,109,155,109,95,83,81,81,81,85,95,101,107,152,152,107,100,97,99,107,150,152,168,103,27,10,11,37,85,99,99,105,113,109,106,109,168,178,178,186,204,230,246,246,230,225,225,225,225,225,233,243,246,251,243,155,23,11,11,19,27,35,45,47,39,31,35,49,77,170,194,196,196,204,204,212,209,220,217,215,204,191,178,165,161,168,176,176,165,160,159,173,176,163,117,117,160,170,181,178,165,157,155,155,107,85,73,71,73,91,105,111,109,108,113,121,165,176,178,178,168,173,186,183,165,125,173,186,181,125,117,119,170,178,176,168,165,173,178,176,173,165,116,115,119,119,119,117,160,168,160,115,155,165,168,163,113,95,93,91,93,85,73,79,91,105,105,111,152,160,173,173,176,181,181,163,157,157,160,113,109,115,121,113,170,189,186,178,181,176,132,135,204,215,212,196,186,141,204,222,241,241,238,230,230,238,238,238,238,238,228,228,225,217,215,215,207,207,199,199,199,204,202,196,186,183,186,186,183,168,121,119,119,109,109,109,155,165,176,173,173,173,168,163,157,155,155,155,157,163,157,142,124,81,73,61,59,57,53,37,27,15,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,69,103,124,131,142,168,191,212,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,134,139,0,0,0,0,69,90,0,0,0,0,0,0,152,183,202,202,191,191,199,199,199,199,194,186,183,176,170,165,168,176,186,191,186,176,163,150,0,0,181,222,207,160,0,0,51,178,186,183,183,189,191,186,183,178,170,168,168,165,160,152,144,146,157,165,165,163,117,89,73,97,163,178,186,183,181,189,191,178,157,155,176,181,173,176,186,186,165,76,77,157,168,170,170,176,181,181,181,176,157,109,107,113,157,165,160,115,117,186,204,217,204,107,117,119,101,98,100,107,115,160,165,168,173,178,181,178,165,117,123,173,168,103,101,104,109,119,123,163,165,161,165,170,168,123,113,105,102,108,119,168,176,178,181,178,178,176,168,163,160,170,168,82,96,101,111,117,115,113,119,160,121,121,121,119,119,160,163,123,119,119,121,163,165,165,125,125,125,127,178,183,186,181,178,178,194,209,207,202,202,202,202,209,222,230,230,222,204,202,204,199,183,137,137,138,191,209,202,189,194,199,207,209,209,209,207,202,196,191,189,187,187,189,191,189,183,183,139,139,139,139,183,191,202,202,196,191,191,194,194,191,189,189,189,186,186,189,194,191,190,191,199,204,202,191,141,141,141,140,140,189,199,204,209,212,212,212,212,212,212,207,199,191,191,196,202,204,204,204,196,181,173,177,204,215,212,212,209,199,190,190,191,194,191,189,194,212,225,191,179,182,225,233,228,225,228,228,228,228,230,233,233,233,230,228,217,215,215,222,228,233,233,230,228,222,222,222,228,230,230,230,230,233,233,230,230,230,230,233,233,235,233,233,230,225,222,212,202,194,191,196,199,196,196,207,217,225,222,215,207,194,186,189,191,189,186,191,196,196,194,194,191,189,194,196,194,141,138,189,199,204,199,198,199,199,196,195,196,199,202,207,212,209,202,202,209,222,233,238,235,230,226,226,230,235,238,238,235,233,233,230,228,222,215,213,213,217,228,230,230,228,212,196,191,194,212,217,217,215,212,202,189,187,189,194,199,202,202,196,192,194,194,196,196,141,109,103,114,139,191,194,199,202,202,196,191,191,194,202,209,212,207,196,191,191,196,202,202,199,194,196,207,215,225,230,233,225,204,186,182,186,194,199,202,199,194,189,189,194,209,222,225,225,222,215,209,204,199,196,202,212,225,230,235,235,235,238,241,241,241,241,235,233,233,233,230,228,228,228,222,207,186,132,181,133,103,103,189,202,191,196,202,191,186,189,199,212,215,212,215,225,228,228,225,222,222,225,196,189,186,133,199,235,235,238,238,233,222,196,115,107,112,125,133,183,191,191,194,204,222,230,228,215,196,189,189,191,189,189,191,202,212,225,230,233,230,189,0,0,95,228,228,230,230,225,217,216,216,222,228,230,233,233,238,241,238,235,235,235,230,212,215,199,204,215,230,228,217,131,135,141,189,189,187,187,199,207,215,222,225,230,233,233,235,235,233,230,230,230,233,230,222,205,203,203,205,207,212,215,217,225,233,233,217,173,148,215,209,200,200,204,204,207,207,209,212,217,202,194,202,222,230,225,212,209,215,215,204,196,191,191,191,189,141,135,131,130,133,189,204,212,199,191,196,199,194,190,191,202,202,202,212,215,202,144,143,149,204,212,217,225,228,230,233,238,238,235,233,228,217,209,204,203,207,215,225,230,230,215,202,200,209,225,230,230,228,228,233,235,230,230,230,215,117,104,127,209,215,202,198,207,222,209,196,194,143,69,61,87,209,225,228,225,225,225,217,209,204,209,225,238,204,81,89,139,222,238,235,233,233,233,230,230,230,230,230,230,228,222,218,220,225,230,233,233,230,225,225,222,222,215,215,217,222,222,225,228,230,225,217,216,217,225,230,233,233,233,228,224,224,225,228,230,225,222,215,207,207,204,203,207,217,228,230,233,228,217,204,196,194,196,199,196,196,204,215,222,217,212,207,205,207,212,215,204,200,200,204,209,212,212,212,217,217,137,125,120,121,137,194,194,196,207,212,209,209,209,212,215,215,209,209,212,217,225,225,222,215,213,215,217,225,228,217,149,148,209,233,243,246,241,239,241,241,241,241,241,235,225,225,235,241,243,241,238,238,243,246,246,243,243,243,243,243,243,243,243,243,243,246,246,246,246,246,248,248,246,241,241,238,238,235,235,233,233,233,235,235,235,238,241,243,238,230,222,215,155,139,139,151,212,222,235,243,243,241,241,241,241,238,238,235,238,243,238,220,135,117,119,139,147,204,228,238,238,235,235,233,235,235,235,235,235,235,235,235,235,235,235,235,233,233,235,235,235,233,233,233,233,230,228,228,228,228,228,228,230,230,228,222,217,215,222,225,228,230,228,225,225,228,230,230,228,222,220,222,222,225,225,222,222,220,222,222,225,228,228,230,230,230,233,233,233,233,230,230,230,230,230,228,228,228,228,228,228,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,222,222,225,222,222,217,217,222,222,217,215,212,209,207,202,199,198,202,204,207,207,204,202,196,194,196,202,204,209,209,212,212,212,215,212,209,209,209,209,207,207,207,207,204,204,204,202,202,202,199,199,202,202,204,204,207,212,217,222,222,222,222,222,222,222,217,217,215,215,215,215,215,217,222,225,225,225,222,217,215,215,217,222,225,225,225,222,217,215,215,217,222,225,222,217,209,204,202,202,202,204,202,200,200,202,202,199,196,194,196,199,204,207,207,202,202,202,202,202,204,207,204,204,202,199,199,199,196,196,199,202,207,207,202,196,192,194,199,204,207,209,207,204,207,212,225,235,241,246,248,248,251,251,254,254,251,251,248,248,248,246,243,242,242,246,254,255,255,0,0,0,0,255,255,248,244,246,251,0,0,0,255,255,255,255,251,251,248,248,246,248,248,248,248,248,248,248,248,254,255,255,251,248,248,255,0,0,0,0,0,0,255,255,255,254,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,233,191,161,161,170,178,163,134,124,116,116,113,77,67,65,67,67,69,75,77,77,81,81,77,77,77,77,77,77,77,83,89,89,95,134,137,137,137,147,139,137,139,173,204,225,217,199,163,121,108,116,129,134,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,33,17,3,0,0,0,0,0,0,0,0,0,0,0,0,0,13,29,33,33,33,0,0,0,0,113,105,95,74,59,37,31,25,13,7,7,7,0,0,0,0,0,0,0,0,0,1,11,25,25,17,9,9,5,11,40,74,0,0,0,0,0,53,51,51,25,17,13,13,11,17,23,37,37,29,23,15,1,0,0,0,3,19,39,67,111,134,170,204,212,212,212,212,212,220,220,209,194,165,142,135,134,137,155,170,183,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,13,25,56,64,59,37,25,13,11,11,0,0,29,100,155,181,181,173,178,189,165,47,0,0,5,13,19,49,121,178,209,209,202,212,212,183,152,111,119,196,225,225,233,238,246,238,225,228,238,246,233,199,178,189,217,235,228,220,220,220,204,189,144,33,0,11,21,19,19,41,55,47,57,89,89,75,53,49,37,29,23,9,0,0,0,0,0,0,0,0,170,220,186,161,170,204,228,246,238,220,213,215,173,27,0,0,37,43,0,0,0,0,0,0,0,0,0,23,121,147,152,157,170,191,204,207,181,147,118,81,65,49,57,71,85,142,152,144,155,163,163,165,165,168,168,168,170,168,165,152,155,178,189,181,178,181,176,170,152,93,77,57,49,81,99,87,75,81,95,101,107,109,111,103,105,103,99,99,119,189,194,202,202,186,168,163,168,186,196,196,183,176,178,176,163,107,107,103,99,95,83,67,55,51,53,67,89,109,155,152,95,81,81,89,95,89,89,101,150,152,157,163,152,105,97,100,107,152,163,163,85,21,10,17,33,59,85,93,105,163,168,119,123,178,194,202,209,225,246,254,246,230,217,215,215,212,215,230,246,246,251,241,101,15,3,3,13,23,33,45,55,51,47,39,47,67,155,181,181,186,199,212,220,235,233,215,207,202,191,178,165,161,163,168,170,165,165,165,173,176,163,111,111,117,168,181,176,165,157,157,157,113,93,75,73,77,97,109,109,107,108,121,173,176,178,189,183,178,176,189,189,173,168,173,186,181,170,125,170,178,181,176,173,176,173,178,173,165,121,157,116,119,157,119,117,117,160,157,115,115,157,163,155,113,93,83,81,79,73,69,69,79,91,91,97,105,115,173,181,181,181,173,163,157,157,121,113,113,121,121,123,181,207,196,178,186,181,133,135,196,215,212,196,141,141,196,215,228,230,228,220,220,230,230,238,238,238,238,238,235,228,225,217,217,207,207,199,204,204,204,186,178,129,173,178,178,165,119,109,109,109,109,109,155,163,165,168,173,173,163,163,155,155,144,155,157,163,160,139,129,113,73,61,55,51,43,31,19,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,56,100,121,129,139,170,191,215,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,124,46,0,0,0,0,3,170,189,202,202,191,194,199,196,199,199,196,194,191,186,181,178,178,183,189,194,189,183,173,155,0,0,150,176,194,173,0,19,139,191,191,186,189,191,191,191,191,189,183,176,170,165,157,152,147,150,163,173,170,160,105,56,53,89,173,181,183,178,178,181,178,170,165,170,176,173,163,160,173,183,168,70,66,85,115,163,170,178,181,181,178,173,157,107,105,106,113,117,113,109,113,170,181,183,91,49,62,105,101,99,103,113,121,163,163,163,163,168,168,165,117,116,165,191,199,194,113,106,109,119,163,163,160,160,163,168,165,121,115,111,109,119,165,173,183,189,189,186,183,181,176,163,160,170,168,119,111,107,115,121,115,109,111,119,119,119,119,121,160,165,168,163,119,118,118,123,168,168,165,165,170,176,183,183,186,186,181,176,178,202,202,194,191,186,189,199,215,225,225,217,207,204,207,199,183,136,137,138,191,209,202,186,187,194,194,196,196,202,207,207,202,196,189,186,186,189,191,191,186,189,189,186,186,186,189,196,204,209,204,194,191,191,191,189,189,194,196,191,187,191,196,194,191,191,196,202,196,141,138,141,189,189,189,191,199,209,215,217,217,215,215,212,215,209,202,196,196,202,209,209,202,194,196,199,204,207,225,230,230,230,222,202,190,190,191,189,183,186,204,225,228,207,186,199,233,235,228,222,222,225,225,225,228,233,233,233,230,225,217,211,209,215,222,228,228,225,222,225,225,228,228,230,230,233,233,233,233,230,228,228,228,230,233,233,233,230,228,225,222,217,207,196,194,194,191,191,191,199,207,212,209,207,204,196,191,191,191,191,189,191,194,194,194,191,186,141,141,141,186,141,141,191,202,207,204,199,199,196,195,195,199,202,204,204,202,196,196,204,215,228,233,235,233,228,226,226,230,235,238,238,235,233,233,233,230,225,217,217,222,225,228,230,228,225,212,199,196,202,215,217,212,209,209,202,194,189,191,194,196,196,194,192,192,192,194,196,199,189,110,103,113,133,186,194,196,199,196,196,196,196,202,207,212,212,204,199,196,196,199,196,194,189,183,191,212,225,230,233,235,230,209,194,189,191,199,215,212,204,196,191,141,131,123,204,212,215,209,202,199,204,212,215,212,215,225,233,238,235,235,235,238,238,238,238,238,235,235,235,230,228,228,230,222,196,131,125,189,194,133,183,217,207,111,178,189,186,183,189,196,207,204,202,207,215,225,225,225,225,228,222,194,181,129,108,116,225,230,235,238,225,202,186,131,127,137,189,194,199,207,207,207,212,222,228,222,207,194,189,191,191,191,194,196,199,204,212,222,222,209,85,0,0,37,194,225,233,233,228,217,215,215,217,228,230,233,233,238,238,238,235,235,230,217,137,125,137,204,225,222,217,101,29,85,141,191,191,187,186,194,204,209,217,225,228,230,233,233,235,233,228,228,233,233,230,225,215,209,207,209,215,217,217,217,222,233,233,225,194,161,222,212,202,200,202,204,202,202,202,204,204,194,191,196,212,222,217,215,212,212,209,202,194,191,194,191,143,139,133,131,131,139,199,212,212,199,191,196,199,194,191,199,215,212,209,215,222,217,199,145,196,207,215,222,225,228,230,235,235,235,235,233,230,220,207,204,205,212,222,228,233,235,225,203,200,215,230,235,233,228,225,233,238,235,235,225,133,107,102,143,222,228,212,204,212,228,228,212,117,63,51,61,135,212,225,230,230,228,228,228,217,207,202,204,209,212,207,204,209,222,230,230,233,233,230,230,229,230,230,230,230,228,225,220,222,230,233,233,230,228,225,225,225,225,217,212,212,212,212,215,222,225,225,216,216,217,225,230,233,233,230,225,221,221,225,230,230,225,217,215,215,215,209,204,204,215,228,233,233,230,225,215,199,190,191,196,196,202,209,212,215,215,215,212,207,207,209,215,212,204,203,207,209,212,209,207,215,222,199,141,129,129,145,199,199,202,212,215,217,217,215,215,220,222,217,215,217,225,230,225,215,211,212,215,225,230,233,225,207,207,228,241,243,246,241,241,243,243,241,243,241,222,136,136,225,241,243,241,238,238,241,243,243,243,243,243,243,243,243,243,243,243,243,246,246,246,246,246,246,246,243,241,238,238,238,238,235,235,233,233,235,238,238,238,241,241,235,228,222,212,155,147,153,215,217,222,235,243,243,243,241,241,241,238,235,235,241,243,228,129,116,121,139,153,202,204,222,235,235,233,233,233,235,235,235,235,235,235,235,235,235,235,235,235,233,233,233,235,235,235,233,233,233,230,228,225,228,228,230,230,230,228,225,217,212,212,215,222,228,228,225,225,225,228,230,230,228,225,222,222,222,225,225,222,220,217,217,222,225,228,228,228,228,230,233,233,233,233,233,230,230,230,230,230,228,228,228,230,228,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,225,222,222,225,222,222,217,217,215,217,217,217,215,209,204,199,198,198,199,202,204,204,202,196,191,190,190,194,199,204,207,209,212,212,212,212,212,212,212,209,209,209,209,209,209,209,207,207,204,204,204,202,202,204,207,209,212,215,220,222,222,222,222,222,222,217,217,217,215,217,215,215,215,215,222,225,225,225,217,215,212,212,217,222,225,225,225,222,217,215,215,217,220,222,222,217,212,207,204,202,204,204,202,200,200,202,202,199,194,191,191,194,199,204,207,204,204,207,207,207,209,209,207,207,204,202,199,196,196,196,199,204,209,209,204,199,194,194,196,204,209,212,209,207,209,215,225,233,238,243,246,248,251,251,254,254,251,251,248,248,246,246,243,243,246,248,251,255,255,0,0,0,0,255,255,251,244,244,248,0,0,255,255,255,255,255,254,254,254,251,246,246,246,246,246,248,251,251,254,255,255,255,254,248,248,254,0,0,0,0,0,0,255,255,255,255,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,246,246,212,186,165,165,178,178,147,124,116,116,124,131,118,77,65,64,65,69,75,81,81,81,77,77,77,77,77,77,69,77,77,83,89,95,97,137,137,137,139,147,139,139,168,196,217,215,189,150,121,113,121,129,126,116,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,27,17,5,0,0,0,0,0,0,0,0,0,0,0,0,0,11,29,56,56,59,0,0,0,121,121,105,87,66,56,33,25,25,25,21,13,7,0,0,0,0,0,0,0,0,0,0,11,31,23,9,9,11,17,19,31,85,0,0,0,90,79,64,72,69,51,25,25,25,17,17,25,37,39,35,29,21,15,0,0,0,0,9,27,53,73,129,178,212,225,220,204,196,204,212,220,209,194,173,155,139,137,152,163,170,181,189,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,21,38,43,43,25,13,7,0,0,0,0,0,7,85,134,163,170,181,202,207,181,61,1,0,0,0,0,7,67,142,191,207,209,220,220,189,113,110,119,196,222,233,243,251,255,246,230,230,246,248,235,212,187,194,230,241,230,228,241,254,238,204,163,85,41,23,23,27,37,51,47,15,15,51,89,116,71,53,55,73,108,43,13,5,0,0,0,0,0,0,39,165,168,163,173,202,212,230,230,213,213,222,204,55,0,0,7,7,0,0,0,0,0,0,0,0,0,31,105,129,142,160,186,207,220,202,163,79,61,57,55,49,59,73,85,99,137,101,101,155,163,173,181,181,183,183,176,173,165,150,152,170,181,181,181,181,176,165,152,101,83,49,34,65,91,73,65,70,93,107,99,87,71,68,74,97,113,168,178,189,194,194,189,178,119,111,119,178,196,196,202,196,186,168,111,107,107,152,160,160,109,93,73,57,57,63,87,109,165,152,95,81,87,101,105,99,101,152,163,163,165,170,165,152,107,107,157,173,189,165,65,19,17,37,79,87,93,97,115,170,170,163,163,178,194,204,215,230,246,246,246,230,215,215,207,202,207,230,246,251,255,241,101,13,3,3,11,21,29,33,49,59,57,57,57,77,142,160,163,178,204,222,246,243,220,207,199,196,196,191,178,168,163,168,165,165,165,165,173,165,113,105,101,111,163,176,176,160,157,165,163,115,99,85,83,91,105,115,109,107,109,165,181,181,178,189,189,178,176,189,199,183,173,178,186,183,170,170,170,178,181,176,176,176,178,178,173,165,165,165,119,119,119,155,111,111,111,111,109,109,115,155,155,113,93,81,75,73,71,67,67,69,79,81,85,93,109,160,183,181,181,173,157,157,157,121,113,113,121,170,178,196,207,189,178,186,186,176,135,194,212,207,194,141,141,191,212,220,220,220,220,220,230,238,238,246,246,243,246,243,238,235,230,217,215,207,207,204,215,204,183,129,123,127,173,173,165,111,109,109,109,117,155,155,157,157,157,157,157,155,155,144,142,142,152,157,160,160,152,129,121,77,63,51,43,33,27,13,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,95,113,129,139,165,189,215,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,137,126,0,0,0,74,147,181,186,191,196,191,189,189,194,199,199,196,194,191,186,183,186,186,186,189,189,189,186,181,170,0,29,163,178,183,168,91,144,176,186,189,189,194,196,191,191,196,196,191,183,176,165,157,155,155,160,170,173,176,170,157,84,79,111,173,178,176,173,173,153,139,142,160,168,163,155,117,109,107,173,173,111,79,73,82,155,168,176,178,178,173,163,117,111,106,107,113,115,109,107,111,119,157,111,71,51,61,97,101,103,109,117,121,163,165,163,123,123,123,121,115,114,165,202,217,222,183,115,115,163,168,165,161,161,165,168,165,123,121,123,165,168,170,173,183,191,191,189,181,173,170,160,119,119,119,163,163,117,121,160,111,103,105,115,121,121,121,160,163,170,176,168,121,118,119,123,168,168,165,125,168,178,183,183,189,196,194,181,183,196,196,189,183,182,185,196,209,215,217,212,207,207,209,199,186,137,139,183,191,202,196,186,186,191,191,191,191,194,204,212,209,202,191,187,186,189,194,194,191,191,191,194,196,194,191,194,199,209,204,196,191,191,189,189,194,207,215,204,191,194,196,191,189,191,194,194,186,138,137,186,194,194,191,191,196,204,215,222,217,217,215,212,212,209,204,202,202,202,207,207,194,190,196,215,228,225,228,228,230,233,225,204,196,199,196,186,138,141,202,215,215,207,189,212,233,230,222,217,215,215,217,222,225,230,235,235,230,225,215,209,208,212,222,222,217,215,215,222,228,228,230,230,230,230,233,233,230,230,228,226,226,228,230,230,233,230,228,228,225,222,212,199,194,189,189,189,191,194,196,196,196,196,196,196,194,191,194,194,196,196,196,199,196,191,186,139,138,139,186,189,191,194,204,217,222,215,207,199,195,196,202,207,209,204,196,194,196,209,220,228,235,235,233,230,226,228,233,235,238,235,235,233,233,235,233,228,222,225,228,230,230,230,228,225,209,202,202,204,209,212,209,207,207,207,202,196,194,194,194,194,194,194,196,202,209,215,217,209,191,189,204,202,194,194,196,196,196,199,202,202,202,202,204,199,194,194,196,199,194,189,183,137,135,189,215,228,230,233,233,228,209,199,194,196,199,207,215,212,199,141,131,125,122,143,196,199,196,194,196,209,225,228,222,217,225,235,241,238,235,235,235,235,235,235,238,238,241,238,233,230,233,233,217,191,131,132,191,189,131,186,204,125,78,181,183,181,183,194,204,207,196,189,196,209,217,225,228,230,230,217,194,178,124,105,114,207,215,222,230,212,135,133,137,186,199,204,204,207,209,212,209,207,209,212,207,196,191,189,191,191,189,191,194,194,194,202,215,212,189,1,0,0,0,81,220,233,230,228,220,215,215,217,228,230,233,230,233,233,230,230,225,212,189,118,116,141,204,204,199,189,0,0,63,186,194,196,202,199,199,209,215,222,225,230,230,230,230,233,228,225,225,230,230,228,222,222,217,215,217,222,228,225,220,222,225,225,228,228,217,222,209,204,202,202,202,199,199,202,204,204,195,194,199,209,212,212,212,212,212,207,199,194,196,199,196,189,141,135,132,135,189,207,217,217,207,202,207,207,202,199,207,217,217,217,222,228,230,222,202,199,209,217,225,225,230,233,235,235,233,233,233,230,222,209,205,209,217,225,230,235,238,230,212,203,215,225,228,233,225,222,230,235,241,238,207,129,121,126,225,233,235,233,222,222,230,233,225,207,77,59,105,209,215,222,230,230,228,228,230,222,204,198,198,202,212,217,215,215,215,228,233,235,233,230,230,230,230,233,233,233,230,228,225,230,235,235,233,230,225,222,225,228,228,217,209,207,204,202,204,215,225,225,217,217,217,225,230,230,230,230,228,225,225,228,233,228,217,213,217,222,220,212,207,207,215,225,230,230,228,228,222,207,190,191,199,207,215,212,207,207,209,209,212,209,207,207,212,215,212,207,204,204,207,204,199,207,212,204,202,207,204,204,204,204,209,215,222,228,225,222,222,225,228,228,225,225,230,230,225,215,212,213,222,230,233,233,228,217,222,230,235,238,241,241,241,241,238,235,238,233,143,105,106,209,238,241,241,238,238,238,241,243,243,243,243,243,243,246,246,246,246,243,246,248,248,248,248,248,246,243,241,241,241,241,238,238,235,235,235,235,238,238,238,241,241,235,228,225,217,217,225,233,230,225,222,238,243,243,243,243,241,241,238,235,235,238,230,123,105,110,137,153,207,207,209,222,233,233,231,231,233,235,235,238,235,235,234,235,235,235,235,235,235,233,233,233,233,235,235,233,233,230,228,228,225,225,228,230,230,230,228,217,212,211,211,215,222,225,222,215,212,217,222,225,225,225,222,220,222,222,225,225,222,220,217,216,217,225,228,228,228,228,230,233,233,233,233,233,233,233,233,233,230,230,228,230,230,228,228,228,228,228,228,228,228,228,225,225,225,225,225,225,225,225,225,225,222,222,225,222,222,217,215,213,213,215,217,215,209,204,202,199,199,202,202,202,202,199,196,194,190,190,191,196,202,202,204,209,209,209,212,215,215,212,212,212,212,212,215,215,212,209,207,204,204,207,207,207,207,209,212,212,215,217,222,225,225,222,222,222,222,222,222,222,217,217,215,215,215,217,222,225,225,217,212,207,209,215,222,225,228,225,222,222,215,212,212,215,215,215,215,212,209,207,204,204,204,202,202,202,202,202,199,194,191,186,186,194,202,204,207,207,209,209,209,212,212,209,207,207,204,199,196,196,199,202,207,209,209,204,202,196,194,194,199,207,212,215,212,212,217,225,230,235,241,246,248,251,251,251,251,251,251,248,248,246,243,243,246,248,248,248,251,254,255,0,0,0,0,255,254,248,244,246,0,0,255,254,255,255,255,254,251,254,251,246,243,243,246,246,248,251,254,255,255,255,255,251,246,246,251,255,255,255,0,0,0,255,255,255,254,0,0,0,0,0,255,0,0,0,255,0,196,178,170,176,194,217,217,196,178,157,165,165,165,134,116,108,116,131,147,144,124,75,67,67,69,75,77,77,77,69,63,69,69,69,69,69,69,77,83,89,95,95,97,97,97,137,147,147,139,157,189,204,196,176,142,121,116,121,121,108,100,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,30,20,9,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,64,85,95,0,0,121,121,111,87,64,37,29,21,21,21,25,21,7,0,0,0,0,0,0,0,0,0,0,0,11,25,19,9,6,17,23,29,0,0,0,0,0,90,85,85,82,77,59,25,19,25,17,17,23,29,35,35,35,35,23,1,0,0,0,7,19,35,53,113,170,204,222,212,196,186,196,0,220,217,202,183,165,160,163,170,176,181,181,181,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,48,53,56,56,33,19,7,7,0,0,0,0,7,82,129,160,178,191,207,207,170,90,17,0,0,0,0,0,21,61,131,181,209,217,209,183,152,112,117,196,222,233,243,254,255,246,238,238,248,248,241,228,212,217,241,251,241,235,246,255,254,212,181,147,81,47,37,41,43,57,47,15,0,21,85,147,131,71,71,139,157,73,17,11,25,9,0,0,0,0,13,49,134,150,170,181,189,215,225,215,220,246,254,191,41,7,1,0,45,111,41,0,0,0,0,0,0,0,13,29,69,152,194,220,220,199,155,61,42,42,47,49,67,77,85,99,97,96,96,144,168,176,183,191,191,183,176,168,160,152,152,163,173,176,173,165,113,103,105,97,77,39,30,51,85,73,65,72,99,109,101,83,67,66,72,103,173,181,178,178,181,178,173,163,105,103,111,178,178,189,196,202,191,163,107,105,109,160,178,178,168,152,93,73,61,57,69,99,155,155,105,95,95,101,107,107,152,170,170,163,163,170,173,173,165,170,173,189,194,165,81,53,59,91,107,107,99,97,105,115,119,119,170,183,186,189,194,202,212,222,225,228,225,225,207,198,202,225,254,254,254,241,152,19,3,3,7,15,19,23,33,49,57,63,69,87,142,152,152,173,204,238,246,235,217,199,189,196,202,199,186,173,163,163,163,160,165,165,163,155,105,91,87,101,155,168,168,157,157,157,157,113,99,93,95,105,115,160,115,109,115,173,181,176,176,183,189,178,176,189,202,196,183,183,181,181,173,165,165,168,173,173,173,178,189,189,173,165,165,165,119,113,113,155,111,106,107,109,109,109,109,113,155,113,93,81,77,75,71,67,66,69,79,85,85,91,109,160,181,181,173,157,157,163,157,113,113,113,121,181,189,196,196,173,170,186,194,178,135,194,207,204,191,141,137,143,204,212,212,220,220,230,238,246,248,255,255,255,254,254,246,243,235,228,215,207,207,204,204,196,178,123,119,123,127,127,119,109,109,117,119,155,155,155,111,103,107,109,142,142,142,142,142,142,144,155,160,160,152,139,126,105,63,51,35,29,19,13,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,85,113,124,139,163,189,215,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,121,113,0,0,85,178,186,183,186,189,194,191,181,181,191,199,199,194,191,189,186,183,186,189,186,183,183,183,186,183,173,0,25,173,186,168,152,144,157,173,181,183,189,199,202,196,191,194,196,196,191,183,168,157,157,160,168,170,170,170,168,111,109,111,157,163,165,165,163,160,150,139,140,155,160,157,155,117,103,81,105,163,181,176,61,64,111,160,168,173,173,165,155,117,115,113,113,155,117,111,107,109,111,115,111,91,63,67,93,105,113,117,117,117,119,160,160,160,163,163,163,117,116,168,209,230,228,204,173,165,168,173,173,170,168,170,168,165,163,168,176,178,176,170,170,181,189,189,183,170,160,114,117,115,106,106,117,163,165,168,165,113,104,106,119,165,165,160,121,163,170,178,173,123,119,119,123,165,165,123,121,125,173,181,183,191,202,202,194,191,194,194,186,183,185,191,202,207,209,207,207,209,212,209,199,189,183,189,189,191,194,196,191,187,191,191,196,194,189,196,212,212,204,194,189,189,189,191,191,191,189,191,196,199,199,191,189,191,194,191,189,189,191,191,194,202,215,222,207,191,191,191,189,186,191,189,139,137,137,139,189,196,196,194,191,194,199,209,215,215,217,215,212,212,209,204,202,199,196,196,196,190,189,202,225,230,230,228,225,228,230,222,207,204,207,194,138,137,139,191,199,204,194,178,207,228,222,215,212,215,213,213,217,225,230,233,233,230,222,215,209,209,215,225,225,215,212,213,217,225,228,230,230,233,233,230,230,230,228,228,226,226,228,228,230,230,230,228,225,225,217,207,196,191,189,187,189,194,194,191,191,190,191,191,194,196,196,199,204,204,204,204,204,202,191,139,138,139,189,196,199,199,202,209,225,233,228,212,202,196,196,199,204,212,207,195,194,199,209,222,228,233,235,233,233,230,230,233,235,235,235,233,233,233,235,233,228,222,222,228,233,233,230,228,225,209,202,204,204,204,209,209,209,209,212,209,202,194,194,194,196,199,204,209,215,222,228,228,217,209,215,222,212,199,194,194,194,199,207,212,207,194,190,190,190,191,199,204,199,189,139,139,139,135,139,204,220,228,230,228,222,207,199,196,196,196,202,212,215,202,141,134,137,141,135,131,137,191,204,209,212,222,225,225,225,230,238,241,238,235,235,233,233,233,233,235,238,241,241,235,235,235,233,217,196,181,186,189,93,67,119,176,99,78,178,183,181,186,196,204,204,189,183,191,207,217,225,228,233,235,230,212,194,186,183,202,207,202,181,209,186,121,135,189,194,202,204,202,199,202,204,202,196,196,199,196,191,189,189,189,186,186,186,194,191,186,199,222,215,127,0,3,9,27,89,212,230,230,230,225,217,222,228,230,233,230,230,228,225,217,212,202,131,114,114,129,191,199,135,83,53,0,0,67,141,199,212,222,217,215,222,225,225,228,230,230,228,228,228,222,215,217,225,230,228,225,222,222,222,222,228,233,233,225,222,222,220,225,233,230,217,212,209,204,199,196,196,196,204,212,212,202,196,202,209,209,207,209,209,209,207,199,196,199,204,202,194,189,139,139,189,204,217,225,228,225,222,225,222,212,204,207,215,212,217,222,217,217,215,207,204,215,225,228,228,230,235,235,235,233,230,230,230,225,212,207,212,217,222,228,230,235,233,225,204,204,199,202,225,225,222,228,230,233,228,204,145,139,147,228,235,235,235,230,228,230,233,233,243,217,139,194,209,207,204,215,222,225,230,230,217,199,196,198,207,215,222,222,215,207,225,233,235,233,230,229,230,230,235,235,235,233,228,225,230,235,235,230,225,222,222,225,230,230,217,207,202,151,149,153,212,225,228,225,222,222,225,228,230,230,230,233,233,230,228,230,225,215,213,222,225,217,212,209,212,215,222,230,230,230,230,228,215,202,199,204,215,225,215,202,202,202,198,199,207,209,207,209,215,217,212,204,202,202,199,196,202,204,202,207,215,215,209,207,209,215,222,228,230,228,228,228,230,230,233,230,230,230,230,230,228,222,222,225,233,233,228,220,216,222,230,228,228,233,235,238,235,228,225,233,230,137,97,98,157,235,241,241,238,238,238,241,243,243,243,243,243,243,246,246,246,246,243,246,248,251,251,251,251,251,248,246,243,243,243,241,241,238,238,238,238,235,235,235,238,241,238,233,230,230,233,238,241,238,230,228,238,243,246,243,243,243,241,241,238,238,230,149,113,106,117,153,207,212,215,222,228,233,235,233,231,233,235,238,238,235,235,234,235,235,235,235,235,235,233,230,230,233,233,233,233,230,230,228,225,225,225,225,230,233,230,225,217,212,211,212,217,222,222,217,209,208,212,215,217,217,217,217,217,220,222,225,225,222,220,217,216,220,225,228,228,228,230,230,233,235,235,233,233,233,233,233,233,230,230,230,230,230,228,228,228,228,228,228,228,228,228,228,225,225,225,225,225,225,225,225,222,222,222,222,222,222,217,215,213,213,215,217,215,212,209,207,204,204,202,202,202,199,196,196,196,191,190,191,196,202,202,202,204,207,209,212,212,212,212,212,215,215,215,215,215,212,204,202,202,204,207,209,209,209,209,212,212,212,215,217,222,225,222,222,217,222,222,222,222,217,215,215,215,215,215,222,225,225,217,209,207,207,212,222,225,228,225,225,222,215,212,209,209,209,209,209,212,212,212,209,204,204,202,204,204,202,202,202,199,191,141,139,186,194,199,204,209,209,209,209,212,212,209,209,207,204,199,196,199,202,204,207,207,207,207,204,202,194,192,194,202,212,217,217,217,217,225,228,233,238,243,248,251,251,251,251,248,248,248,248,246,243,243,243,246,248,246,246,248,251,255,0,0,0,0,255,251,246,246,0,254,254,254,255,255,255,248,246,248,248,246,243,246,246,248,251,254,255,255,255,255,254,246,244,246,248,254,255,255,255,0,0,255,255,255,254,0,0,0,0,0,0,0,0,255,254,204,181,170,150,152,178,196,196,178,165,157,155,157,147,134,116,105,113,131,152,152,134,113,77,75,75,75,69,67,63,57,55,57,63,67,69,63,69,77,89,89,95,95,97,91,91,97,139,147,139,155,176,189,183,165,139,121,113,108,100,92,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,33,20,12,0,0,0,0,0,0,0,0,0,0,0,0,0,5,0,0,98,118,129,129,121,113,98,66,37,27,15,15,14,21,21,13,3,0,0,0,0,0,0,0,0,0,0,0,11,25,19,9,9,11,23,0,0,0,0,0,0,95,95,85,85,85,51,13,13,17,23,19,23,23,29,29,35,35,27,3,0,0,0,1,13,21,35,67,137,176,196,196,196,186,0,0,0,217,209,194,183,183,191,191,191,191,183,176,170,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,14,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,59,61,61,64,56,31,17,5,0,0,0,0,7,77,126,160,178,199,204,189,142,90,23,0,0,0,0,0,0,0,35,139,191,202,191,183,168,152,168,194,215,225,233,251,255,251,246,248,248,246,241,241,233,222,233,248,251,243,238,243,243,230,204,189,147,81,47,34,36,57,61,29,0,0,55,147,134,61,45,126,157,61,0,0,11,5,0,0,255,137,19,15,57,116,142,152,160,189,217,222,241,255,255,228,129,49,21,0,45,126,73,0,0,0,0,0,0,0,0,0,41,157,202,220,222,204,163,67,42,42,47,57,77,89,129,142,137,97,101,155,165,176,181,181,181,176,168,157,151,152,152,163,165,168,155,93,81,83,93,89,67,35,27,33,83,85,81,95,117,168,160,107,83,77,97,168,186,186,178,178,168,119,113,111,99,93,103,168,176,170,176,183,183,157,107,105,109,168,176,176,173,168,152,93,75,61,63,89,109,155,152,152,105,99,99,152,173,173,163,152,152,163,173,181,183,181,189,189,173,103,85,85,87,93,99,99,93,91,99,115,115,160,170,178,170,127,125,125,170,194,215,230,235,233,215,196,198,225,254,251,228,212,109,21,3,1,1,5,9,13,19,29,45,57,77,93,142,147,152,178,207,238,238,220,199,181,170,178,186,191,178,165,160,157,157,157,157,155,113,107,91,83,82,89,111,163,157,117,157,165,157,113,99,97,105,117,163,163,117,115,121,173,181,173,170,178,189,178,176,186,199,196,183,183,181,181,170,163,163,161,163,168,170,178,191,191,178,173,165,165,119,107,113,155,117,111,111,109,109,109,109,107,113,107,87,87,93,91,73,66,66,79,97,97,93,97,109,160,173,176,173,157,157,173,157,113,113,115,121,189,207,202,178,159,163,189,202,183,178,194,207,204,191,141,137,143,202,209,212,220,228,241,248,255,255,255,255,255,255,255,255,254,243,235,217,209,204,199,202,191,135,123,119,123,127,123,109,109,109,119,119,155,155,155,103,99,103,101,142,142,103,134,134,142,142,152,160,160,152,139,126,108,63,43,31,25,19,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,105,121,139,165,196,225,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,51,0,0,113,181,191,189,194,194,191,189,181,183,194,199,196,191,189,189,189,186,186,186,183,181,179,183,186,181,157,0,0,49,173,165,160,152,160,170,178,183,194,199,199,191,191,194,196,196,194,189,170,160,157,163,173,176,168,119,72,28,66,111,157,113,111,115,117,157,163,170,165,156,157,165,170,163,109,72,95,155,183,176,51,61,113,160,165,168,170,117,111,115,155,155,157,165,163,155,111,107,107,115,117,103,70,69,95,119,176,173,160,115,115,117,121,160,173,178,178,170,163,178,215,233,230,212,191,176,173,173,173,170,170,168,165,121,163,173,178,178,176,168,168,176,183,181,173,163,119,96,115,115,105,104,106,160,170,173,168,160,113,115,165,173,173,163,118,119,168,178,176,165,123,123,163,125,123,119,118,119,127,176,183,191,199,202,194,191,189,189,186,186,191,204,207,204,202,199,196,204,209,207,199,189,189,196,199,191,189,196,196,191,189,191,196,194,183,186,199,204,202,196,191,189,189,189,187,187,187,191,196,199,196,191,189,183,181,181,182,189,191,196,202,207,209,209,194,183,183,186,183,186,191,186,137,137,138,186,194,202,199,196,194,191,196,204,209,215,217,215,212,212,212,207,202,196,190,191,191,190,194,212,225,230,230,225,225,230,230,212,199,199,204,183,136,137,138,138,186,194,186,170,196,217,212,208,209,215,215,215,217,222,225,228,230,225,217,212,211,212,217,228,228,217,212,213,215,222,225,228,230,233,233,230,228,228,228,228,228,226,228,230,230,233,230,225,222,217,209,199,143,141,189,191,194,199,199,194,191,191,190,190,191,194,199,207,212,215,212,207,204,202,139,137,138,186,196,202,202,202,204,209,217,228,222,207,199,199,202,199,204,209,207,195,192,199,209,220,228,233,235,235,233,233,233,233,233,233,235,233,233,233,233,233,228,216,215,217,230,233,228,225,222,207,202,204,204,204,207,209,212,212,212,212,202,194,194,196,202,204,212,215,220,222,222,217,209,204,204,207,204,196,194,194,196,202,215,222,212,194,187,187,191,204,215,215,204,189,183,186,189,137,133,186,202,215,225,222,212,204,196,194,196,196,202,204,204,196,191,194,194,189,123,109,119,189,215,217,207,202,215,222,225,230,235,241,238,238,238,235,233,230,230,233,235,238,235,235,235,235,230,217,202,191,196,204,73,31,99,181,103,89,119,176,178,183,194,196,194,183,182,191,209,225,228,230,233,235,230,217,202,196,204,209,196,125,59,76,82,99,196,209,202,196,196,191,189,191,194,191,191,191,194,191,191,194,191,186,182,182,183,194,191,183,196,228,215,121,5,23,37,63,109,186,215,228,230,228,228,228,233,235,233,230,230,230,217,202,191,133,114,99,121,199,186,202,189,26,5,52,49,73,121,209,230,230,225,228,228,228,228,228,230,230,228,225,222,215,213,215,225,230,230,228,228,225,225,228,233,241,238,233,228,228,220,220,228,230,217,222,215,204,196,195,195,196,207,217,215,204,199,204,209,209,209,207,207,209,209,204,199,202,207,207,199,191,143,189,202,217,228,228,228,228,230,233,228,215,207,207,207,204,212,217,202,145,196,204,212,225,230,233,233,235,235,235,235,233,230,233,233,228,217,212,215,212,212,215,225,228,228,225,204,196,186,186,217,225,217,222,217,207,207,209,212,204,196,215,233,233,233,230,228,230,233,235,235,230,209,199,199,145,129,135,212,225,230,228,215,199,196,202,209,215,225,228,228,207,215,225,230,230,229,229,229,230,233,235,235,230,225,225,228,233,230,228,222,220,222,228,230,230,222,207,153,147,145,149,207,225,230,228,225,225,225,228,230,230,230,233,233,230,228,222,215,213,217,222,217,212,209,215,215,215,222,228,230,230,230,228,225,217,209,209,217,228,217,207,209,204,194,190,199,204,204,207,215,222,215,207,207,204,199,196,196,196,194,204,212,215,207,205,209,217,225,230,230,228,228,230,233,233,233,233,233,230,230,233,235,235,233,233,238,233,222,215,215,225,230,228,217,222,230,233,228,218,217,228,241,157,101,100,212,235,238,241,241,238,238,241,243,246,246,243,243,243,243,246,246,246,243,246,248,251,251,251,254,254,251,248,246,246,243,243,241,241,241,238,238,235,233,233,235,241,241,238,238,238,235,238,238,235,233,235,241,246,246,243,243,243,243,241,238,235,222,137,121,135,207,215,215,215,225,228,230,233,238,235,233,233,235,238,238,235,235,235,235,235,235,235,235,233,233,230,230,230,230,230,230,230,228,228,228,225,225,225,230,233,230,225,217,215,215,215,217,217,217,215,209,208,209,215,215,215,215,212,215,217,222,222,222,222,217,217,217,222,228,230,230,230,230,230,233,233,233,233,233,233,233,230,230,230,230,230,230,230,228,228,228,228,228,228,228,228,228,228,225,225,225,225,225,225,225,222,222,222,222,222,222,217,217,215,215,215,217,217,217,217,215,212,209,207,204,202,199,199,196,196,196,194,191,191,196,202,202,202,204,207,209,212,212,212,212,215,215,212,212,212,209,204,199,198,199,204,209,209,209,209,209,212,211,211,212,215,222,222,222,217,217,217,222,222,217,215,212,212,215,212,212,215,217,217,215,209,205,209,215,222,225,225,225,225,222,217,209,208,207,207,207,208,212,215,212,209,207,202,202,202,202,202,202,202,199,191,141,137,139,186,194,199,207,209,207,204,209,212,209,209,207,204,199,196,202,207,209,209,207,207,207,209,204,199,192,192,196,207,215,217,217,222,225,228,230,235,241,248,251,251,251,248,248,248,251,248,246,243,241,243,248,248,246,244,244,248,251,255,0,0,0,255,251,246,246,251,255,255,254,255,255,251,243,241,243,243,243,246,248,248,251,254,255,255,255,255,254,251,246,246,248,251,254,251,254,255,255,0,255,255,255,254,0,0,0,0,0,0,0,0,255,212,155,155,157,150,157,176,186,178,170,150,144,137,137,137,134,121,108,100,116,134,147,144,124,116,113,83,77,67,61,51,45,45,51,57,63,63,63,69,83,89,95,89,89,89,85,87,93,99,137,137,152,168,176,168,160,131,116,105,98,92,88,90,0,124,118,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,35,25,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,111,118,121,111,95,79,59,37,27,13,15,21,21,13,7,3,0,0,0,0,0,0,0,0,0,0,1,11,19,25,19,17,17,23,0,0,0,0,0,0,0,103,92,92,85,31,2,1,11,23,23,19,19,23,21,23,27,21,1,0,0,0,0,7,13,23,43,73,129,157,176,196,0,0,0,0,228,217,209,199,199,199,204,204,199,186,168,165,165,0,0,0,0,0,0,0,0,0,129,0,0,0,0,0,0,0,56,22,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,59,61,72,74,72,56,23,9,0,0,0,0,7,49,103,129,163,186,186,160,103,45,15,0,0,0,0,0,0,0,0,87,181,191,181,181,183,176,183,196,212,222,233,243,251,254,254,254,248,235,241,248,233,212,212,235,255,255,235,225,225,238,241,228,196,139,47,23,28,51,75,45,0,0,1,77,85,35,8,39,77,29,0,0,0,0,0,0,255,163,5,0,15,51,83,116,116,152,202,220,235,243,233,183,121,63,41,15,5,61,59,0,0,0,0,0,0,0,0,0,55,176,217,220,228,222,170,73,47,43,55,69,81,129,142,160,155,152,152,163,165,173,173,168,168,168,152,148,146,152,160,152,152,155,99,78,71,78,93,93,71,35,27,30,77,97,117,173,181,181,186,181,165,119,168,178,178,178,173,168,111,97,91,91,91,91,99,119,170,119,109,155,160,109,105,104,109,155,160,155,168,176,176,155,107,87,81,99,152,165,165,165,109,97,98,152,173,165,152,107,106,152,173,183,189,194,194,178,97,59,55,65,71,71,91,99,91,95,113,160,160,119,123,165,125,115,110,106,114,178,220,246,248,248,225,202,202,230,251,233,199,186,93,21,3,0,0,1,3,5,11,23,37,57,77,101,155,155,160,178,204,212,204,183,168,113,109,155,168,170,152,113,115,115,157,157,157,113,103,91,85,82,82,91,111,157,117,117,165,168,157,109,99,99,111,160,168,168,121,121,165,173,173,163,163,176,183,181,176,186,199,196,183,183,183,181,170,163,159,159,161,161,168,176,191,191,186,173,165,160,113,105,105,155,155,117,111,109,103,101,101,107,107,99,87,95,113,105,79,67,71,97,152,113,105,105,109,117,160,173,157,157,157,173,121,113,113,121,170,189,207,196,170,155,157,186,196,186,183,194,207,204,191,137,134,141,191,204,209,220,228,241,255,255,255,255,255,255,255,255,255,254,243,235,217,207,196,196,196,191,178,127,119,121,123,119,103,102,109,119,119,155,155,155,103,103,101,101,103,103,101,131,134,142,139,152,160,160,152,137,126,108,65,43,27,19,13,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,85,113,137,170,199,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,23,7,85,173,186,191,191,194,191,183,181,181,186,191,196,194,189,186,189,189,189,183,183,183,181,183,186,186,178,63,0,0,0,95,155,160,157,168,173,178,183,191,199,196,191,191,191,196,196,194,186,163,155,163,168,183,191,173,83,41,5,1,93,113,103,103,109,113,119,168,178,173,163,163,183,194,194,189,111,48,54,183,87,57,99,165,165,163,157,77,71,97,111,152,157,168,176,176,176,163,95,95,105,113,107,89,83,103,173,183,183,173,119,114,115,121,170,186,194,194,186,181,189,209,228,228,209,189,176,173,170,165,168,168,170,163,113,99,173,168,160,119,160,165,165,168,170,170,168,160,121,163,165,117,107,113,165,170,170,168,165,163,165,168,170,173,160,114,114,163,176,176,173,168,165,168,165,121,119,117,115,119,173,183,186,189,191,191,189,189,189,186,186,194,202,204,202,199,189,186,191,202,202,196,189,187,199,204,191,186,191,194,189,189,191,191,189,139,138,186,189,186,189,191,191,191,194,189,186,186,189,196,196,196,196,196,183,179,181,182,186,194,202,207,207,202,196,183,137,139,183,139,186,189,189,186,186,141,186,194,204,207,196,191,191,194,199,204,209,215,212,212,212,212,209,202,194,190,194,196,194,196,212,225,230,228,225,225,228,222,202,186,139,139,138,139,186,138,136,141,189,186,185,194,207,209,208,209,215,215,215,217,222,222,222,222,222,215,212,212,215,217,222,225,222,215,215,215,217,222,228,233,235,233,228,225,228,230,230,228,228,228,230,233,233,230,225,217,212,207,191,138,138,191,199,204,209,209,202,194,191,191,190,190,191,199,207,212,215,212,204,191,138,138,139,186,189,194,199,199,199,204,204,202,204,204,204,204,207,212,212,212,212,207,196,195,199,209,225,235,238,238,235,235,233,230,229,229,230,235,238,235,233,233,233,230,217,215,215,225,230,222,212,209,207,204,204,202,204,207,207,207,209,212,209,202,194,196,199,202,204,209,209,209,209,207,202,196,191,191,196,196,192,191,194,196,199,209,222,217,202,194,191,196,209,215,212,202,189,186,191,191,186,139,125,117,135,202,207,204,199,194,194,196,199,199,199,199,194,196,199,196,141,81,90,109,139,207,204,189,194,209,217,225,228,233,235,235,235,235,235,233,230,226,228,233,233,233,235,235,230,225,217,202,186,186,109,29,7,35,59,67,93,117,127,121,131,191,194,189,181,181,186,207,228,230,233,235,230,225,215,202,194,199,196,131,111,50,51,77,131,207,212,209,199,191,187,187,187,187,189,191,194,196,194,196,202,202,191,177,177,183,191,186,181,189,202,204,196,105,45,53,109,115,133,202,222,233,230,230,230,233,235,233,228,230,235,212,125,127,129,121,120,183,199,204,207,139,38,37,79,73,79,105,209,230,230,228,225,225,225,228,228,228,228,228,228,228,220,215,215,225,233,235,235,233,228,228,233,238,241,241,238,235,233,225,220,220,225,228,228,217,204,196,194,195,199,207,215,212,204,202,204,212,215,212,207,204,204,207,204,204,207,212,212,204,194,189,194,212,225,225,222,222,222,228,230,225,212,204,204,204,204,207,207,145,137,141,207,217,228,230,233,235,238,238,235,235,233,233,233,235,233,228,225,222,212,147,149,220,212,207,212,207,202,185,181,212,217,211,215,209,203,203,209,217,215,204,207,228,230,230,233,233,230,230,233,235,230,207,147,137,112,105,129,209,228,230,228,217,207,199,202,207,215,228,230,212,196,202,217,228,230,230,230,229,230,230,233,233,230,225,225,228,228,228,225,222,222,225,228,230,230,225,215,153,145,143,145,204,222,228,228,228,228,225,225,228,230,230,230,233,233,225,213,211,215,217,215,204,203,207,215,217,217,217,225,228,228,228,225,225,222,215,212,217,222,225,222,217,212,202,195,198,202,204,204,217,215,212,209,209,207,202,199,145,140,143,202,209,209,207,207,212,217,228,230,230,228,228,230,235,235,235,238,235,230,233,235,238,243,238,241,241,233,222,217,225,233,235,228,212,215,228,230,222,217,220,235,241,228,107,107,209,233,241,241,241,238,238,241,243,246,246,243,241,243,243,246,246,246,246,246,246,248,248,251,251,251,248,248,248,246,246,243,243,241,241,241,238,235,235,233,235,241,241,241,241,238,233,228,228,230,233,235,241,243,243,243,243,243,243,243,241,233,217,131,129,209,217,217,222,225,228,230,233,235,238,238,238,238,238,238,238,235,235,235,235,235,235,235,233,233,233,230,230,230,229,230,230,230,230,230,228,228,225,228,230,233,230,225,217,215,215,215,215,215,215,212,209,208,209,212,217,217,212,211,212,215,217,222,220,217,217,222,225,228,230,230,230,230,228,228,230,233,233,233,230,230,230,230,230,230,230,230,228,228,228,228,228,228,228,228,228,228,228,228,225,225,225,225,225,225,222,220,217,217,217,222,220,217,217,215,215,217,220,222,222,222,217,215,212,207,204,202,202,199,196,196,196,196,194,194,196,202,204,204,207,209,212,212,209,209,212,212,212,212,212,212,207,202,198,196,200,207,212,212,212,209,212,212,211,211,212,215,217,222,217,217,215,217,217,217,215,212,212,212,212,209,207,204,207,212,209,207,207,212,217,222,222,222,222,225,225,217,212,208,207,207,207,209,215,215,215,212,209,204,202,199,199,196,196,199,194,189,139,137,137,139,186,194,202,204,202,202,207,209,207,207,204,199,199,199,204,209,209,209,207,207,207,209,212,207,199,192,194,202,209,215,217,217,222,225,230,235,241,246,248,248,248,248,248,248,251,251,246,241,243,248,255,255,251,244,243,246,248,251,254,0,0,0,254,248,248,254,255,255,255,254,251,246,241,238,238,241,243,248,0,0,251,255,255,255,255,254,0,254,254,251,251,255,255,251,251,254,255,255,0,255,255,254,0,0,0,0,0,0,255,255,255,170,111,118,0,0,0,0,186,176,157,137,137,137,0,144,155,134,108,95,100,116,124,131,124,126,124,124,113,73,57,49,43,43,49,55,57,63,69,77,89,95,95,89,83,83,83,85,91,91,91,129,152,168,168,160,139,124,105,98,98,95,92,92,108,118,108,100,118,0,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,56,48,33,17,3,0,0,0,0,0,0,0,0,0,0,0,0,5,17,37,72,92,100,100,87,64,56,39,37,27,15,15,21,9,0,5,7,0,0,0,0,0,0,0,0,0,0,5,11,19,25,23,23,25,29,56,77,87,0,0,0,0,0,103,111,92,25,0,0,11,23,25,19,19,19,17,15,11,1,0,0,0,0,0,0,5,15,25,39,51,100,142,0,0,0,0,0,230,230,228,217,207,199,207,207,204,189,168,160,160,0,0,0,0,0,0,0,0,0,142,0,0,0,0,0,0,0,56,22,4,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,48,61,77,87,85,74,51,15,0,0,0,0,13,45,77,95,124,150,137,95,33,13,3,0,0,0,0,0,0,0,0,67,163,181,181,181,191,194,204,204,212,220,230,241,243,248,255,254,243,228,225,228,212,191,189,222,255,255,255,225,216,225,254,254,235,183,59,25,28,59,85,73,7,0,0,45,87,43,8,5,23,33,9,0,0,0,0,0,3,17,0,0,0,37,65,61,63,134,178,202,209,181,163,155,121,61,43,23,15,35,29,0,0,0,0,5,45,51,49,47,73,173,222,228,228,228,160,47,35,41,55,79,81,87,142,176,178,178,173,170,163,160,157,157,165,168,152,144,148,152,155,107,91,85,81,79,78,87,109,152,89,45,30,31,37,85,170,191,189,183,189,189,186,183,178,178,178,168,168,119,97,81,75,75,78,85,97,107,119,119,117,109,107,105,104,107,109,117,117,152,168,189,196,189,173,109,101,155,170,170,168,165,150,101,101,152,163,152,107,102,106,173,173,173,186,199,191,150,27,21,30,55,59,71,101,97,87,105,163,155,105,113,123,163,168,165,115,106,110,183,222,246,248,248,225,222,222,230,220,204,191,176,111,49,5,0,1,1,1,3,11,25,45,61,77,142,163,163,163,176,196,196,178,111,91,73,73,89,105,111,103,103,111,111,152,163,160,103,87,83,81,82,91,111,160,155,115,117,157,155,113,99,93,99,113,165,168,168,163,163,165,168,165,163,163,170,178,186,189,189,183,183,186,186,183,183,173,165,165,163,163,163,163,168,191,191,189,165,157,157,113,105,105,111,117,111,111,103,98,101,107,109,113,107,99,107,152,111,97,91,105,160,176,152,105,105,109,115,115,157,119,119,170,173,121,113,113,121,178,194,207,196,176,161,169,183,194,191,194,199,212,212,194,135,132,135,145,202,207,209,220,230,248,255,255,255,255,255,255,255,255,254,246,235,217,204,196,196,202,196,186,131,121,111,113,109,103,100,103,109,155,157,163,163,152,107,103,101,99,99,99,131,139,139,137,139,150,150,137,129,118,108,69,53,25,9,3,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,53,92,129,163,196,228,248,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,103,92,87,152,186,189,189,186,186,183,181,181,183,186,186,189,189,186,186,186,189,186,181,181,181,183,186,186,189,186,79,0,0,0,77,99,147,157,168,176,181,186,191,196,194,191,194,194,194,196,199,168,118,133,160,173,191,204,199,178,119,97,24,64,105,95,90,97,103,115,163,173,173,168,170,189,199,204,222,113,22,19,107,117,155,173,165,165,160,74,52,61,95,109,113,160,176,178,183,191,173,68,86,94,105,109,105,103,115,165,176,178,176,168,119,117,121,170,186,194,196,196,191,189,191,199,204,194,181,173,170,165,161,165,178,183,176,87,49,101,109,107,113,119,160,160,163,168,173,173,170,173,178,181,176,168,163,165,163,160,160,168,176,173,165,160,165,121,115,115,160,173,173,173,170,168,168,165,123,121,119,118,123,170,176,173,173,181,186,186,186,189,189,189,191,196,199,196,194,186,183,185,189,191,191,189,189,196,199,189,182,183,186,186,189,191,191,189,183,139,139,138,138,183,191,194,196,202,199,189,185,187,196,202,202,207,204,191,183,183,186,189,194,199,199,196,196,191,183,135,137,139,139,183,186,191,194,196,194,194,199,207,207,199,194,194,194,194,196,199,204,207,209,209,209,207,202,194,191,194,194,189,191,202,215,222,222,217,215,212,207,191,136,133,134,139,202,212,207,204,199,191,186,187,202,215,217,215,215,215,217,217,222,222,217,217,217,217,215,215,215,215,215,213,215,215,217,222,222,222,225,228,233,235,233,228,225,225,228,228,225,222,225,228,230,230,230,228,222,215,204,194,141,139,194,207,212,212,212,204,194,191,191,194,196,202,204,202,202,204,202,189,138,138,191,196,194,191,191,196,199,196,196,196,194,194,196,202,209,222,230,230,225,217,209,202,202,207,217,233,241,241,238,238,235,233,230,229,229,230,235,238,238,235,233,233,233,228,217,216,222,222,207,202,202,204,204,202,199,202,204,199,196,204,207,204,194,191,196,202,199,194,137,133,141,194,194,191,186,186,191,199,196,191,191,194,194,199,207,215,212,202,194,191,194,204,209,207,199,191,189,199,199,196,194,130,124,131,137,139,186,189,194,196,202,202,196,196,196,194,194,196,196,194,98,99,117,135,191,194,189,199,209,215,212,215,222,230,233,233,233,235,235,230,228,228,230,233,233,233,233,222,207,194,183,137,111,95,0,0,0,0,25,41,123,113,87,107,194,199,191,182,181,186,202,217,228,233,233,228,225,215,202,191,189,183,133,121,105,87,103,135,196,207,207,196,189,187,187,189,189,194,204,209,207,202,202,207,212,189,165,179,194,196,191,186,181,183,196,209,196,95,85,103,117,133,196,217,225,225,230,228,228,230,228,228,228,228,137,111,118,131,139,189,189,199,217,228,225,230,235,71,81,93,119,199,222,225,222,222,222,222,228,228,228,228,228,230,230,225,217,222,228,235,238,235,230,225,228,233,238,241,241,241,238,235,228,220,218,222,233,233,228,209,196,192,194,204,212,215,212,207,204,207,212,215,212,207,204,202,202,204,204,209,212,212,204,194,191,202,217,228,225,215,215,217,215,212,207,202,199,202,209,209,209,209,202,145,196,212,217,222,228,233,235,238,238,235,235,235,235,235,235,235,235,233,228,209,132,124,134,145,196,202,209,209,194,192,212,217,213,217,217,209,209,217,222,215,199,195,204,215,228,235,238,233,229,230,233,230,209,196,145,127,122,196,217,230,233,230,228,217,209,207,209,217,225,215,196,191,195,209,225,230,230,230,230,230,233,233,233,230,225,225,228,228,225,225,228,230,228,228,228,228,225,217,204,149,145,149,207,217,225,228,226,228,228,228,228,233,235,235,233,228,215,211,212,217,217,209,202,200,204,212,215,215,217,222,225,225,225,225,225,222,217,212,215,225,228,228,225,225,212,198,198,202,207,207,212,209,207,209,207,207,204,196,142,139,143,202,209,209,209,209,212,215,222,225,228,230,233,233,235,235,235,238,238,233,233,235,238,241,241,246,243,235,228,228,233,235,233,222,213,217,228,230,221,218,225,241,243,230,114,115,215,235,241,241,238,238,238,241,243,246,246,243,241,243,243,246,246,248,246,246,246,246,246,248,248,246,246,246,248,248,246,243,241,241,238,238,235,235,235,233,230,230,235,241,243,238,228,225,224,226,230,233,235,238,241,243,243,243,243,243,241,225,155,133,139,212,217,217,225,230,233,233,235,235,238,238,238,238,238,238,238,238,235,235,235,235,235,235,233,233,233,233,230,230,229,229,230,233,233,230,228,228,225,228,230,233,230,225,217,213,212,212,213,215,215,212,209,208,209,212,217,222,215,211,211,212,217,220,222,222,222,225,228,228,230,230,230,228,228,225,228,228,230,230,230,230,230,230,230,230,230,230,230,228,228,228,228,228,228,228,228,228,228,228,225,225,225,225,225,222,222,217,217,217,217,217,217,217,217,217,217,217,222,222,222,220,217,215,212,209,207,204,202,202,196,196,196,196,196,196,196,199,202,204,207,212,215,212,212,209,209,212,212,212,212,212,209,204,202,202,204,209,212,215,212,212,212,212,211,211,212,215,217,217,217,215,212,212,212,212,212,209,209,209,209,207,199,147,194,204,209,207,209,212,215,217,222,222,222,225,225,222,215,212,209,209,209,212,215,217,215,215,212,207,202,196,194,191,191,194,191,186,139,135,135,135,139,189,199,202,199,199,204,209,207,204,199,198,198,202,204,209,212,212,212,209,212,215,215,212,207,192,191,199,207,212,212,215,217,225,233,238,241,243,246,246,248,248,248,248,251,248,241,239,243,254,255,255,255,248,244,246,248,246,246,251,0,0,0,254,251,251,254,255,254,251,246,243,238,237,238,243,246,251,0,0,254,255,255,255,255,0,0,0,255,254,254,255,255,251,248,248,254,255,0,255,255,251,254,0,0,0,0,0,255,255,178,116,101,111,0,0,0,0,0,186,165,150,137,144,0,157,176,155,118,96,95,100,108,108,116,124,124,121,113,73,57,43,39,43,43,49,57,63,71,81,95,95,95,89,83,78,78,85,85,85,85,97,157,173,168,157,137,116,98,94,98,105,100,95,105,116,98,94,98,108,103,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,0,56,59,51,35,20,14,5,0,0,0,0,0,0,0,0,0,0,1,9,17,31,61,72,82,77,61,37,27,31,31,29,27,21,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,21,23,25,29,31,35,56,85,103,0,0,0,0,0,100,108,92,25,0,0,11,19,19,19,15,15,17,15,9,0,0,0,0,0,0,0,0,5,13,19,33,61,134,0,0,0,0,0,238,235,235,228,215,207,207,215,204,196,178,178,178,0,0,0,0,0,0,0,0,0,152,0,0,0,0,0,0,0,66,30,12,9,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,33,0,0,92,103,87,61,21,9,0,0,5,25,45,66,74,92,103,92,45,19,1,0,0,0,0,0,0,0,0,0,31,89,147,165,173,191,202,204,212,212,215,220,230,230,243,251,246,217,186,170,121,119,109,109,189,248,255,255,243,218,225,254,255,255,207,91,37,37,73,137,152,93,39,29,55,129,67,9,0,13,27,23,11,9,29,0,0,0,0,0,0,0,55,69,49,45,116,186,202,160,144,150,165,155,61,23,0,0,0,0,0,0,0,0,0,19,45,67,105,118,147,183,202,228,176,0,0,21,67,126,129,81,78,142,178,183,178,181,173,159,153,157,160,168,173,168,157,152,155,152,93,81,78,83,93,101,111,163,168,152,81,45,32,30,53,115,186,191,191,189,183,181,178,178,178,178,170,163,111,97,85,78,75,78,81,91,101,109,160,165,160,119,117,119,160,155,155,117,117,168,194,204,194,173,152,152,168,176,173,173,173,152,107,107,107,152,107,104,104,150,165,165,170,196,199,170,71,28,23,33,85,87,97,150,91,89,155,170,99,81,85,115,178,183,178,168,115,119,186,215,230,233,233,225,230,230,222,202,189,191,194,178,81,13,1,1,3,3,5,11,21,43,61,81,150,170,170,178,189,202,191,160,93,63,45,43,61,83,95,95,95,95,101,150,163,150,101,84,83,82,85,97,152,163,157,111,115,115,107,93,87,86,99,117,168,173,173,165,165,165,165,163,163,163,170,181,186,189,186,183,183,199,199,199,183,173,173,173,165,163,163,163,168,176,191,176,165,157,157,113,99,95,105,107,105,103,99,98,101,115,157,155,113,113,113,115,113,111,152,160,183,183,152,105,105,109,109,109,115,115,115,119,157,119,109,109,121,186,202,207,196,178,170,176,178,183,191,191,199,209,212,194,134,134,139,145,196,207,209,212,217,238,241,246,255,255,255,255,255,255,254,243,235,217,204,199,204,204,212,196,178,127,113,111,109,103,102,105,111,155,163,165,165,163,152,107,101,93,93,93,93,131,129,129,129,129,129,118,118,103,98,65,49,19,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,74,118,155,0,212,235,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,116,126,157,189,194,191,183,181,181,181,183,186,186,186,185,189,189,186,186,186,183,181,178,176,178,186,189,186,186,189,97,0,0,25,87,99,144,163,170,176,181,186,189,189,189,189,189,194,189,186,196,186,137,153,168,178,191,202,202,183,170,196,61,56,107,97,77,84,77,72,117,160,165,170,178,189,194,202,207,173,45,27,93,155,181,183,163,160,155,79,66,89,109,105,111,160,176,181,181,176,113,70,95,101,109,152,160,163,163,163,165,165,170,173,165,119,119,165,178,181,189,194,196,186,176,173,181,181,176,170,168,165,161,170,183,194,196,83,30,77,103,105,109,115,121,163,168,176,176,176,176,181,183,183,181,176,168,119,111,111,117,170,183,181,121,114,119,121,117,117,160,168,168,165,163,163,168,170,165,165,165,127,168,173,170,166,166,170,181,183,181,186,191,191,191,191,194,194,191,186,185,183,183,185,189,194,191,194,194,189,183,183,183,183,189,191,194,194,194,189,139,137,138,183,191,199,207,215,212,202,189,189,194,199,202,209,212,202,196,196,199,199,196,194,189,183,189,194,189,137,135,135,135,139,183,191,199,204,202,196,199,207,207,202,202,202,196,191,189,186,186,191,194,189,186,191,191,191,191,194,189,137,136,186,199,204,207,207,204,199,194,183,135,132,137,196,222,228,222,217,207,189,186,191,207,220,225,222,217,222,222,222,222,220,215,215,213,215,215,215,215,215,213,213,213,215,222,228,228,228,228,230,233,235,233,228,225,224,225,225,222,217,222,222,228,228,230,228,225,220,209,196,141,139,194,207,209,209,212,204,196,194,196,202,204,209,207,199,194,194,191,139,137,183,199,204,199,189,189,199,202,196,191,191,196,196,196,202,215,230,235,233,225,215,202,196,202,212,225,235,243,241,238,238,235,233,230,229,229,230,233,235,238,238,235,235,235,233,228,222,217,212,202,196,199,202,199,191,141,143,194,189,191,196,196,189,186,189,199,199,194,137,125,123,125,133,141,186,186,189,191,196,196,194,196,196,196,202,207,209,207,202,194,190,191,199,204,207,202,199,199,212,215,212,209,196,141,141,128,128,133,141,191,196,202,202,196,196,199,196,194,196,204,212,215,202,191,189,194,191,190,202,207,204,200,200,209,225,233,230,230,233,233,233,230,228,230,233,233,230,228,215,191,133,131,137,137,117,0,0,0,0,33,24,103,89,77,95,199,202,194,185,185,191,199,204,217,225,225,222,222,215,207,204,199,191,191,199,215,202,181,137,189,196,196,191,187,189,194,199,204,212,222,228,228,215,202,199,202,168,147,196,215,215,212,202,129,128,199,225,230,204,113,101,115,131,189,204,212,209,215,217,215,209,202,209,215,212,133,111,118,137,191,191,187,199,222,228,233,243,255,28,73,107,133,202,222,222,217,222,217,222,225,228,228,228,228,228,228,225,225,228,233,235,235,230,225,224,225,235,241,241,241,241,238,235,228,218,218,225,233,235,233,217,202,192,195,215,222,222,215,212,209,212,215,212,209,204,202,202,199,199,202,207,209,209,202,194,194,207,228,235,228,222,217,215,199,132,132,143,194,199,209,212,209,212,215,217,217,217,217,217,225,230,235,238,238,235,235,235,235,238,238,238,241,238,235,222,135,124,130,149,209,209,215,215,204,202,212,217,222,230,230,228,225,228,228,217,199,192,196,209,225,238,238,233,230,230,230,230,215,207,204,199,196,215,228,233,235,233,230,225,215,207,212,222,225,209,195,192,196,207,217,228,230,230,230,230,233,233,230,228,225,225,228,228,228,228,233,233,233,228,225,222,217,215,209,207,204,207,215,225,228,228,228,230,230,230,230,235,238,238,235,225,215,213,217,225,222,209,202,200,204,212,212,212,212,220,225,225,225,228,228,225,220,215,215,222,228,228,228,228,217,204,204,207,209,209,209,204,204,207,204,207,207,196,143,142,194,207,212,209,209,212,212,212,215,217,222,228,230,233,235,235,235,235,238,238,238,233,222,204,225,246,251,243,233,230,230,230,222,215,217,225,233,230,225,222,233,243,241,228,126,128,225,238,243,241,241,238,238,241,243,243,243,241,241,243,243,246,248,248,248,246,244,244,246,246,246,246,244,246,246,246,246,243,241,238,238,235,235,235,230,217,157,207,228,241,246,238,230,225,225,228,230,233,230,233,238,241,243,243,243,243,238,222,155,141,145,207,217,225,230,233,233,235,235,238,238,238,241,241,241,238,238,238,238,235,235,235,235,235,235,233,233,233,233,230,229,229,230,233,233,230,228,225,225,228,230,230,228,225,217,213,212,212,213,215,217,215,212,209,208,212,217,222,217,215,212,215,217,222,225,225,228,228,228,230,230,230,230,228,228,225,225,228,228,228,230,230,230,233,233,233,230,230,230,230,230,228,228,228,228,228,228,228,228,228,225,225,225,225,222,222,220,217,217,215,215,215,217,217,222,222,222,222,222,222,222,217,215,215,212,209,207,207,204,202,199,196,196,196,196,196,199,199,199,202,207,212,212,212,212,209,209,212,212,212,212,212,212,209,209,209,209,212,215,212,212,212,215,215,212,211,212,215,217,217,217,215,209,207,207,207,207,207,207,207,204,202,147,132,133,196,207,209,209,212,212,215,222,222,222,222,222,222,222,217,215,215,215,215,217,217,217,215,215,209,204,199,194,186,186,191,191,186,137,133,131,131,135,183,194,196,194,196,207,212,209,204,199,198,198,199,202,207,212,212,212,215,217,215,215,212,204,190,189,199,207,207,207,209,215,225,233,238,241,241,243,246,248,248,248,248,251,248,239,238,241,251,255,255,255,246,244,248,248,246,246,248,0,0,255,255,251,248,251,251,251,248,243,241,238,238,243,248,251,254,0,0,254,254,254,255,255,0,0,255,255,254,248,254,255,251,248,246,248,255,255,255,255,248,246,254,0,0,0,0,255,248,118,101,101,116,0,0,0,0,0,220,186,170,157,157,157,176,183,165,124,103,100,100,100,100,108,113,108,108,108,73,53,41,39,41,43,49,59,67,75,83,124,95,95,89,83,83,78,78,85,85,87,129,157,168,168,155,137,121,98,94,100,108,108,105,105,116,100,90,90,91,94,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,0,48,48,40,33,20,17,9,0,0,0,0,0,0,0,0,0,1,1,7,17,31,56,61,61,56,33,21,11,11,17,27,31,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,11,19,25,23,25,29,31,35,59,90,111,0,0,0,0,92,87,92,77,27,2,0,5,13,13,11,11,15,17,17,11,0,0,0,0,0,0,0,0,5,13,19,31,69,134,0,0,0,0,230,228,235,235,235,235,222,215,225,215,212,212,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,43,22,20,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,0,0,92,111,103,77,51,19,9,15,21,33,59,45,64,74,85,74,33,19,0,0,0,0,0,0,0,0,0,0,25,79,131,163,173,191,202,202,212,212,215,212,215,212,222,230,225,191,113,85,73,67,51,63,107,228,255,255,255,225,233,255,255,255,243,168,83,75,91,163,194,194,144,85,87,118,57,3,0,9,13,7,35,49,79,55,0,0,0,0,0,69,131,79,35,29,81,199,215,153,144,160,212,189,55,0,0,0,0,0,0,0,0,0,0,0,0,39,73,105,75,118,157,178,0,0,0,45,137,163,150,81,78,137,170,170,170,178,173,159,157,163,173,176,176,176,168,157,115,101,85,77,78,93,109,163,165,168,176,176,168,95,45,27,37,103,186,196,196,191,183,177,177,186,186,183,178,168,119,103,101,97,91,85,91,97,103,109,160,168,176,176,176,176,181,176,173,165,155,173,194,202,194,173,155,152,165,173,173,173,173,163,152,107,106,107,152,152,157,173,165,165,173,186,178,91,53,33,32,79,160,157,150,95,81,91,155,113,82,74,85,163,186,186,183,178,168,176,191,212,222,225,225,225,230,222,209,189,185,191,207,199,109,15,1,3,9,13,17,19,25,43,55,77,150,178,181,189,202,209,202,170,93,55,35,33,43,73,87,83,79,79,81,101,152,150,103,87,85,91,91,105,160,168,157,111,109,107,95,84,83,87,107,160,168,178,176,176,170,165,165,163,163,170,178,189,186,176,174,181,199,207,207,199,183,176,176,176,170,170,163,163,163,168,176,170,160,157,113,99,87,87,93,105,103,99,99,101,115,157,165,163,155,155,152,113,113,155,176,191,191,183,152,105,105,109,109,109,115,113,113,113,115,113,103,107,168,194,207,207,196,189,178,176,176,183,186,191,194,204,209,191,135,139,194,202,207,212,212,212,215,220,228,238,246,255,255,255,255,255,246,238,235,225,217,207,215,215,217,204,191,129,121,111,111,109,109,111,119,163,168,170,170,163,152,139,93,87,85,81,85,91,91,118,85,111,111,103,100,71,65,59,41,19,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,56,103,137,0,204,233,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,111,134,176,189,189,186,178,176,178,183,186,189,186,186,189,191,191,189,183,183,181,178,174,173,176,183,186,183,178,176,55,0,29,77,99,107,150,160,168,168,170,173,176,176,176,178,183,176,113,109,183,194,189,194,186,183,181,186,183,157,89,83,52,49,103,109,94,94,83,77,111,115,157,170,178,181,183,191,196,191,157,88,103,155,178,168,108,111,165,186,189,181,165,109,91,105,163,170,163,152,113,113,176,170,163,163,168,170,170,168,160,155,155,163,163,157,160,168,173,170,173,186,191,186,176,170,170,170,170,168,165,163,161,173,183,191,196,87,17,55,99,105,107,115,160,170,178,183,181,176,176,181,181,181,176,168,121,110,107,108,113,170,183,178,119,113,116,119,119,118,121,123,121,121,117,119,168,176,173,173,173,173,176,176,170,166,166,169,176,178,176,181,186,186,186,189,191,194,194,194,189,186,186,186,191,196,196,199,196,194,191,189,182,179,186,194,199,204,204,202,191,139,139,186,191,199,212,222,225,215,199,189,189,189,191,204,212,212,212,215,215,212,202,191,181,178,186,199,194,139,134,134,135,137,186,191,199,204,202,196,196,202,207,207,209,209,202,194,186,181,179,179,174,166,168,177,182,185,194,194,141,135,134,137,189,194,199,199,196,189,186,183,139,183,202,212,225,225,217,209,199,187,187,194,207,215,217,222,225,225,225,222,222,217,215,215,215,215,213,213,215,215,217,222,222,225,228,230,230,228,225,228,230,233,230,228,225,224,225,222,217,216,216,217,225,228,228,228,225,217,209,143,125,127,137,196,204,202,202,199,196,202,207,207,202,199,199,196,196,194,186,139,139,186,194,199,194,183,183,196,199,194,190,194,202,204,204,207,212,225,228,225,215,207,194,191,196,212,228,238,241,238,235,235,235,233,230,230,230,230,230,233,238,241,238,238,238,235,230,225,215,207,202,196,194,191,141,132,130,132,139,143,191,194,187,179,181,191,204,199,141,131,127,123,122,123,135,189,194,191,189,191,196,202,204,202,204,207,207,204,204,204,196,191,191,199,204,207,207,207,209,222,217,209,204,196,186,135,124,126,133,141,189,191,194,196,196,202,202,196,194,196,207,222,235,230,222,209,202,194,190,196,202,202,199,196,200,215,228,228,228,230,233,230,228,228,230,230,230,228,225,204,139,129,128,135,207,117,3,1,75,103,101,39,93,91,90,123,199,202,196,191,194,202,194,125,181,212,207,204,207,202,209,228,228,215,209,212,225,228,207,189,189,194,194,191,189,196,209,217,222,225,230,233,235,230,215,199,189,164,150,202,217,228,233,209,120,123,209,228,233,228,183,98,119,131,186,196,202,194,194,202,204,189,114,116,191,202,191,128,137,194,194,186,185,202,209,209,217,91,95,20,35,111,196,217,228,222,216,217,217,217,222,225,225,225,225,222,222,225,225,230,233,235,233,228,224,224,228,235,243,241,241,238,235,230,222,218,220,228,233,235,233,225,209,195,199,228,228,217,217,215,215,215,212,209,204,202,204,202,198,198,199,204,204,204,202,196,199,209,228,235,230,225,225,217,143,122,122,139,196,196,204,207,207,209,222,228,230,225,222,225,228,230,233,235,233,230,230,233,235,238,241,238,238,238,238,235,225,147,143,207,222,217,217,215,209,207,207,215,228,233,233,233,233,230,230,228,212,199,202,209,222,235,241,238,233,233,233,230,222,212,212,209,209,215,228,233,235,235,230,225,215,209,209,222,225,212,202,202,204,207,212,222,228,230,230,230,233,233,228,225,225,225,228,228,228,230,233,235,233,230,225,217,209,209,212,215,217,222,225,228,230,233,230,233,230,230,233,238,238,235,230,225,222,225,228,225,222,212,204,204,209,212,212,211,212,217,222,225,228,230,230,228,225,220,215,212,215,225,228,217,209,212,217,215,209,207,207,204,204,202,202,209,209,199,191,196,207,215,215,209,207,209,209,209,212,217,217,215,215,225,233,230,222,225,230,241,238,230,147,108,204,251,254,238,225,217,217,215,212,215,228,233,238,238,233,233,235,238,235,225,147,151,230,241,243,241,241,241,238,241,243,243,243,241,241,243,243,246,248,248,248,246,246,246,246,246,246,246,246,246,248,248,246,243,241,238,238,235,235,235,225,149,143,153,228,241,243,241,233,230,230,235,235,233,228,230,235,241,241,241,241,238,235,230,220,151,147,207,222,233,233,235,235,235,238,238,238,241,241,241,241,241,238,238,238,238,238,238,235,235,235,235,235,233,233,230,229,230,230,233,233,233,230,228,228,228,230,228,225,222,215,215,215,217,217,217,217,217,215,212,209,212,215,222,222,217,217,217,222,225,228,228,230,230,228,230,230,230,230,228,228,225,225,225,228,228,230,230,230,233,233,233,233,233,233,230,230,230,230,230,230,228,228,228,228,225,225,222,222,222,222,217,217,217,217,215,215,215,217,222,222,225,222,222,222,222,222,217,215,212,212,212,209,209,207,207,202,199,199,199,199,199,199,199,199,202,207,209,209,212,212,209,209,209,209,209,212,212,212,215,215,215,215,215,212,212,212,212,215,215,212,212,212,215,217,217,217,212,207,204,205,205,207,209,207,207,204,196,137,130,131,194,209,212,212,212,212,217,222,222,215,215,217,222,222,222,222,222,217,217,217,217,217,217,217,212,209,202,194,186,185,189,191,189,139,131,125,124,131,139,189,191,189,191,207,215,212,204,199,199,199,199,199,204,209,212,215,217,217,217,212,207,199,186,187,202,209,207,205,209,215,222,230,235,241,243,243,246,248,248,248,248,251,248,243,239,241,246,251,254,248,244,244,246,251,251,248,248,251,255,255,255,251,248,248,248,248,243,241,238,238,241,248,254,255,255,0,254,254,251,251,251,255,0,255,255,255,248,246,248,254,251,246,243,244,255,255,255,255,243,238,246,0,0,0,0,255,238,107,101,107,118,0,0,0,0,0,255,220,186,170,155,155,170,176,155,118,103,100,100,100,100,105,100,73,73,73,67,51,39,39,41,47,53,61,69,77,83,89,95,95,89,89,83,78,78,85,85,91,137,157,168,163,155,139,124,105,98,108,113,116,118,129,139,116,94,91,94,96,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,48,43,38,33,20,17,12,5,0,0,0,0,0,0,0,0,1,1,3,5,11,25,37,39,37,31,21,9,1,0,3,15,23,15,3,0,0,0,0,0,0,0,0,0,1,7,7,7,11,19,27,31,29,25,29,31,39,56,85,103,111,108,103,100,92,82,72,41,27,11,4,5,5,5,7,11,11,17,17,15,1,0,0,0,0,0,0,0,7,13,25,51,105,152,0,0,0,0,220,228,228,235,248,248,235,233,233,246,251,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,43,30,22,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,111,103,77,51,21,23,23,29,59,59,41,59,74,85,77,69,27,0,0,0,5,0,0,0,0,0,0,59,131,163,176,186,191,194,202,212,215,215,212,207,204,202,202,202,189,111,75,39,25,9,13,49,181,251,255,254,233,243,255,255,255,255,220,160,142,147,170,202,209,189,155,147,129,51,0,0,27,0,0,9,61,131,124,0,0,0,0,33,121,147,124,43,23,51,147,178,170,170,202,235,212,49,0,0,0,0,0,0,0,0,0,0,0,0,1,67,75,53,43,103,0,0,0,0,71,131,144,134,81,81,139,165,157,152,163,173,170,170,176,181,176,173,168,152,105,99,93,85,78,80,93,155,163,173,176,168,176,186,170,83,33,57,113,189,196,196,199,191,186,186,189,189,186,178,170,168,163,121,119,119,119,119,119,119,117,119,168,176,176,176,176,176,183,183,176,165,173,191,199,191,176,165,155,165,168,165,163,163,163,152,107,107,152,170,181,183,183,173,178,183,165,97,79,55,41,47,97,178,170,103,86,79,99,105,85,78,82,113,176,178,178,178,178,178,191,202,212,212,225,228,233,230,222,202,187,185,199,212,209,160,17,1,1,9,21,31,35,37,49,51,67,142,186,196,204,207,209,202,186,150,69,37,33,39,67,79,67,57,55,61,79,105,111,107,101,103,107,105,107,160,176,163,109,101,99,87,83,85,105,163,168,168,170,173,176,170,170,170,173,173,176,189,191,181,172,170,176,204,215,207,199,183,183,181,181,181,170,163,119,160,160,168,160,157,109,101,87,77,77,93,99,103,100,103,115,160,165,163,163,163,163,155,112,112,176,191,207,202,183,152,105,104,111,115,115,115,113,109,107,109,107,99,101,168,202,212,207,202,194,186,178,176,183,191,191,191,204,209,199,139,191,207,217,217,215,215,211,211,217,220,228,246,255,255,255,255,254,235,233,225,225,222,215,215,222,222,209,194,173,121,119,119,119,119,157,163,163,170,168,168,163,152,139,93,85,73,73,73,79,79,79,77,73,73,65,65,63,59,53,33,19,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,56,95,129,163,196,225,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,118,139,170,181,176,170,170,173,178,181,183,186,189,191,191,191,189,183,181,181,181,181,176,176,176,181,183,181,165,103,41,19,75,91,150,155,165,165,170,168,160,157,157,157,155,160,176,31,45,117,189,194,196,196,191,181,163,163,170,121,85,77,49,67,111,168,186,194,183,157,115,113,119,170,176,173,172,178,196,191,173,117,155,160,168,111,93,105,194,204,199,191,181,165,63,97,152,111,109,150,152,163,183,186,178,165,165,168,170,168,163,152,148,152,157,160,165,173,176,168,165,176,186,189,183,178,170,165,165,163,161,161,160,170,176,170,170,89,10,32,73,101,109,117,165,173,181,186,183,178,178,181,181,178,170,121,113,110,108,109,115,165,173,170,121,116,117,160,160,119,119,119,117,117,114,115,165,173,173,173,178,178,178,178,176,170,170,173,173,173,173,173,133,133,178,186,191,194,199,199,196,191,194,194,194,194,196,204,204,202,199,194,181,172,183,196,204,212,215,215,204,191,186,183,186,194,207,217,222,217,202,189,186,185,187,202,212,217,222,228,228,225,209,191,181,181,196,207,199,137,134,134,139,189,194,194,194,199,199,199,199,199,202,204,209,209,202,194,186,182,179,178,173,166,168,179,183,185,196,196,189,137,137,189,196,199,196,194,189,183,139,186,194,209,222,220,217,217,207,196,194,189,191,199,204,209,215,222,228,230,228,225,222,222,222,222,222,217,215,213,213,217,225,230,233,233,233,230,228,222,217,222,228,230,230,228,225,225,225,225,222,217,216,217,225,228,230,228,222,215,202,112,109,121,133,143,191,191,189,189,194,202,209,209,199,192,192,199,204,199,189,183,139,139,139,186,186,139,139,189,194,191,191,196,202,204,204,204,207,212,212,212,209,202,192,191,196,212,230,238,238,235,233,233,233,233,233,233,235,233,230,233,235,241,241,238,235,233,228,222,209,204,202,196,191,141,133,130,130,133,143,191,196,196,189,182,185,199,204,196,139,131,131,129,125,124,139,189,194,191,189,189,196,204,204,204,207,209,204,199,202,204,199,194,191,196,202,202,204,207,207,212,207,191,141,139,133,127,125,129,139,191,191,191,191,194,199,202,202,196,194,194,204,217,233,235,230,215,207,196,191,196,204,212,209,202,202,212,222,222,225,228,233,233,230,228,228,228,228,228,212,186,131,131,131,129,119,87,93,113,202,225,199,189,181,204,209,202,207,209,204,202,204,204,107,4,6,73,101,123,133,131,196,238,241,230,209,196,215,228,215,196,194,196,199,199,199,207,222,230,233,233,233,235,238,235,238,230,202,177,172,194,207,215,222,196,118,122,207,225,233,230,196,97,123,135,186,194,196,190,189,191,194,129,109,113,133,196,202,196,199,204,199,189,189,196,202,199,186,64,83,46,34,117,225,230,230,217,213,217,222,222,222,222,225,225,222,217,217,220,225,230,233,233,228,225,225,225,228,235,238,235,233,230,228,225,220,220,225,233,235,233,230,225,209,194,196,225,225,215,212,212,212,212,212,207,204,202,207,207,202,199,199,202,199,202,204,204,202,207,215,225,222,217,225,225,204,128,129,199,207,202,199,202,204,207,215,225,230,228,230,230,233,233,233,230,228,225,224,228,235,238,238,235,235,235,235,238,235,222,147,141,147,202,212,212,209,209,209,217,230,230,230,233,233,230,233,235,233,222,212,209,217,233,241,241,238,233,233,230,222,215,212,212,212,212,217,217,230,235,230,225,222,215,212,217,217,209,204,207,209,209,212,217,225,225,228,230,233,230,225,222,222,225,225,228,230,233,233,233,233,230,225,212,208,207,209,217,222,225,225,228,233,235,235,233,230,230,233,235,230,217,212,222,230,235,230,222,217,217,215,212,215,217,215,211,211,215,222,225,228,230,230,228,228,228,222,204,191,202,202,105,103,207,222,225,204,202,202,202,199,196,202,209,209,204,202,207,217,222,217,209,204,204,204,204,209,217,215,204,202,215,222,147,142,204,215,230,228,209,109,87,102,137,133,133,143,153,204,207,212,222,233,238,241,243,241,238,233,228,225,225,217,225,235,238,243,243,241,241,238,241,243,243,243,241,241,243,243,246,248,248,248,246,246,246,246,248,248,246,246,246,248,248,246,243,241,241,241,238,235,233,212,132,132,209,233,238,238,238,238,238,238,238,235,230,225,228,233,235,238,235,235,235,238,241,233,155,151,217,233,235,238,238,238,238,238,238,238,241,241,241,241,241,241,238,238,238,238,238,238,235,235,235,235,235,233,230,230,230,233,235,235,233,233,230,228,228,225,225,222,217,215,217,222,222,216,216,217,222,222,217,215,215,215,217,222,222,222,222,225,228,230,230,230,228,228,228,230,230,230,228,225,225,225,225,225,228,228,230,230,233,233,233,233,233,233,230,230,230,230,230,230,228,228,228,225,225,222,222,220,217,217,217,217,217,217,217,215,215,217,222,225,225,222,222,222,222,222,217,215,215,215,212,212,209,209,209,207,204,202,199,199,199,199,196,196,199,202,204,207,207,209,209,209,207,207,207,209,212,215,215,215,215,215,215,212,212,212,212,212,212,209,209,212,215,215,215,215,212,207,205,207,209,212,209,207,202,196,139,133,133,145,204,212,212,212,209,212,217,222,217,212,211,212,217,222,225,225,225,222,217,217,217,217,217,217,215,209,204,196,189,185,186,191,189,141,131,120,120,125,135,183,186,186,189,207,215,215,207,204,204,204,199,199,204,209,212,215,217,220,217,212,204,194,186,190,212,215,207,207,209,212,217,228,235,241,243,246,246,248,248,248,248,251,251,248,243,241,241,243,246,246,246,244,248,251,251,248,247,251,255,255,254,251,251,254,251,246,241,238,238,238,243,251,255,255,255,251,248,248,248,246,248,255,255,255,255,255,246,241,246,251,251,246,243,244,255,255,255,254,238,230,238,0,0,0,0,255,241,118,111,111,118,0,0,0,0,0,255,230,194,157,126,118,134,150,126,108,91,91,92,90,90,98,98,69,67,67,61,51,41,41,43,49,57,63,69,75,81,87,89,95,89,89,83,78,78,79,87,97,139,157,157,157,155,150,131,116,113,121,121,121,131,170,183,139,116,116,118,111,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,33,20,17,12,5,1,0,0,0,0,0,0,0,0,1,1,3,5,9,15,27,27,27,23,17,7,0,0,0,5,21,21,9,0,0,0,0,0,0,0,0,0,11,19,19,19,21,27,33,35,29,29,29,35,41,56,74,90,98,95,98,100,92,59,31,27,25,17,11,11,5,5,9,11,9,11,17,17,7,0,0,0,0,7,5,7,13,19,35,65,116,155,0,0,0,0,217,217,228,235,248,254,254,254,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,53,30,22,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,0,0,0,92,77,51,29,23,23,29,31,33,31,59,77,85,85,77,41,7,0,0,0,0,0,0,0,0,15,131,196,207,204,202,202,202,209,215,220,220,215,212,194,183,173,183,194,178,91,41,9,0,0,3,77,191,238,238,233,251,255,255,255,255,254,207,183,168,186,202,209,199,176,163,144,67,11,33,131,31,0,0,29,79,77,0,0,0,23,33,39,139,165,79,9,0,17,65,189,212,228,235,215,131,1,0,13,17,1,0,0,0,0,0,0,0,27,75,116,33,0,0,0,0,0,0,33,53,53,49,69,81,150,168,142,101,150,163,173,178,173,173,173,165,152,105,94,97,97,93,87,91,99,115,155,173,181,173,168,173,165,97,71,91,168,189,189,189,191,194,199,199,194,189,178,178,178,183,186,176,168,173,181,181,173,160,119,119,165,173,176,176,168,173,183,186,181,168,173,183,191,181,168,160,155,152,163,165,163,163,173,165,152,152,165,181,189,191,186,186,199,186,73,41,59,59,35,53,97,157,147,95,89,89,99,99,91,91,105,165,170,176,178,178,183,194,209,215,215,217,225,225,230,225,215,194,187,187,199,212,217,176,21,1,0,3,21,43,55,69,75,69,73,150,204,215,204,202,202,202,194,176,97,55,39,49,65,61,45,33,33,39,63,89,109,111,109,147,155,107,107,155,168,157,103,95,95,89,89,107,163,178,168,160,160,168,165,170,173,181,181,178,178,189,189,176,170,170,181,204,215,207,183,176,183,183,183,181,170,119,117,115,115,160,157,115,95,87,77,74,77,93,103,103,103,109,157,181,181,163,155,155,168,155,112,152,183,202,212,202,191,160,109,109,117,157,157,157,115,107,107,107,99,96,99,168,202,212,207,202,194,186,178,176,186,194,191,194,209,217,202,189,202,217,215,220,215,215,211,209,217,217,228,246,255,255,255,255,243,233,222,222,225,225,215,212,212,220,209,199,176,125,119,121,163,163,163,160,165,168,168,165,163,152,99,89,79,69,65,65,65,65,65,65,61,57,57,57,55,51,41,31,17,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,59,92,116,150,186,209,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,168,92,40,0,0,0,72,131,144,165,178,170,166,169,173,176,178,181,189,194,196,194,191,186,181,179,181,186,186,181,181,181,181,181,173,152,95,87,95,93,97,168,176,183,181,178,170,155,107,103,101,77,31,0,0,69,191,191,194,194,191,186,170,116,115,163,168,121,105,109,199,191,186,194,194,186,173,165,157,160,170,176,172,169,173,191,189,181,176,170,160,157,105,92,109,199,204,199,196,186,157,33,27,31,73,111,152,155,165,186,191,181,163,157,163,165,163,170,157,151,152,157,160,163,168,170,168,163,165,178,186,189,183,173,165,165,163,163,163,163,173,164,159,165,165,44,47,69,97,113,157,165,170,176,181,183,181,181,181,181,178,165,117,113,113,113,113,119,163,168,168,163,160,163,173,170,121,117,117,117,117,115,115,121,165,165,170,178,181,178,176,176,176,176,176,173,131,129,129,127,125,129,178,189,196,202,202,196,194,196,199,196,192,194,202,204,202,202,202,189,178,189,202,212,215,222,222,215,204,191,182,181,186,199,207,209,209,199,189,186,187,191,207,217,222,228,233,235,228,209,189,182,186,212,212,196,137,134,137,191,209,207,196,191,194,202,204,202,202,199,202,207,207,199,196,191,186,189,191,189,186,196,202,199,196,199,199,194,194,202,215,222,215,204,191,183,139,139,186,202,222,230,225,217,209,194,141,141,143,191,199,207,212,215,222,230,233,233,230,225,225,228,230,230,228,217,213,213,222,230,235,235,235,233,228,220,212,209,215,222,228,228,228,225,225,225,222,222,217,217,222,225,228,228,228,222,217,209,114,113,139,194,194,189,187,187,187,191,199,209,215,207,195,195,212,217,207,194,189,183,138,137,138,139,139,183,186,189,189,194,196,196,196,196,199,202,204,204,202,202,199,194,194,202,217,230,235,238,235,233,235,233,233,233,235,238,235,233,233,235,238,238,233,230,225,217,212,207,202,202,196,191,143,135,133,135,189,199,199,196,199,202,199,196,199,202,196,186,137,137,137,139,186,191,191,189,189,191,194,199,202,202,202,204,204,199,195,199,204,196,191,190,191,194,194,196,199,199,196,194,189,186,186,139,131,131,139,191,196,199,199,202,204,202,199,196,196,196,194,199,209,225,230,228,212,204,194,143,194,207,222,228,217,212,215,217,212,209,217,228,233,233,230,228,225,225,215,194,133,131,186,191,137,109,86,178,209,230,238,228,230,225,230,228,215,217,225,222,222,225,220,101,0,0,49,95,115,121,118,127,230,235,225,194,115,189,207,194,186,196,202,202,204,204,212,225,230,233,233,235,238,238,235,243,241,209,181,179,196,202,196,196,189,125,125,189,217,230,230,191,113,129,181,186,191,194,194,194,194,186,122,113,123,183,204,209,204,202,204,202,196,196,191,194,191,115,75,131,87,58,186,233,235,228,216,213,216,222,222,222,222,222,225,222,217,215,217,225,233,235,233,228,225,228,225,222,225,228,225,222,222,225,222,222,225,230,238,235,233,233,225,207,191,192,212,217,212,209,209,209,209,209,209,207,207,209,209,207,204,202,199,199,202,209,212,209,207,204,202,202,207,217,225,217,204,204,215,212,207,204,204,204,207,212,222,228,230,233,235,235,233,230,228,224,221,221,225,233,235,233,230,230,230,230,233,230,215,140,122,120,129,202,204,204,207,212,222,228,228,228,230,230,230,233,235,235,230,217,209,212,228,238,241,238,233,233,228,222,217,215,215,212,209,202,189,202,228,228,222,225,222,217,217,212,207,204,209,212,215,217,220,217,212,215,225,230,225,220,220,222,225,225,228,230,233,233,233,233,230,222,215,208,207,209,215,217,222,222,225,230,233,233,230,228,228,230,228,215,203,203,215,233,233,225,216,217,222,220,217,222,222,217,212,212,217,217,222,225,225,225,225,228,230,228,191,105,106,107,84,79,99,143,230,199,191,194,194,194,196,202,207,207,204,207,215,222,222,222,215,207,202,202,203,209,212,209,199,202,207,196,117,117,147,209,222,215,149,109,86,85,88,111,117,129,145,202,209,217,228,233,238,241,243,246,238,222,211,212,225,230,238,238,241,243,243,241,238,238,241,243,243,243,241,241,243,243,246,248,248,248,246,246,246,248,248,248,248,246,246,248,248,246,243,243,243,243,243,238,228,135,117,120,209,233,235,238,238,238,241,241,235,230,225,222,222,228,233,233,233,233,235,238,241,233,207,209,235,238,238,238,241,241,241,241,241,241,241,241,243,241,241,241,241,241,238,238,238,238,238,235,235,235,235,235,233,230,230,233,235,235,233,230,228,222,217,217,217,215,215,217,222,225,217,213,213,217,225,225,222,217,217,217,217,222,225,225,225,225,228,230,230,230,228,228,228,230,230,230,228,225,225,225,225,225,228,228,228,228,230,230,233,230,230,230,230,230,230,230,230,230,228,228,225,225,222,222,217,217,215,215,215,215,217,217,217,217,217,220,222,222,222,222,222,222,222,222,217,215,215,215,215,212,212,212,212,209,207,204,202,202,199,196,196,194,196,196,199,202,204,207,209,209,207,205,205,207,212,212,215,215,215,215,212,209,209,209,212,209,209,207,207,209,209,212,212,212,212,212,212,212,212,212,207,196,141,127,125,131,147,207,209,209,207,207,209,212,217,217,215,211,211,212,217,222,222,225,225,222,217,215,215,215,217,217,217,212,207,199,191,186,186,186,186,139,133,119,120,124,133,137,139,183,186,202,212,212,209,207,207,207,202,199,207,212,215,215,220,220,217,215,207,196,191,196,217,217,212,212,212,215,222,228,235,241,243,246,246,248,248,248,248,251,254,251,246,241,241,241,246,248,251,251,248,248,248,247,247,248,254,254,254,254,255,255,254,248,241,238,237,238,241,248,255,255,254,248,246,246,243,246,248,255,255,255,255,248,241,238,243,248,248,246,243,244,255,255,255,246,230,228,233,251,0,0,0,255,248,126,118,118,0,0,0,0,0,0,255,230,186,150,103,88,100,118,116,100,92,100,100,90,86,88,92,69,67,63,57,51,47,49,49,55,57,63,67,75,77,83,87,89,95,89,83,78,78,79,91,129,147,157,157,150,150,150,137,124,121,124,121,116,126,183,191,152,126,134,142,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,48,35,20,17,12,7,1,0,0,0,0,0,0,0,0,0,0,1,0,5,7,9,11,15,15,21,21,9,0,0,0,5,21,25,13,0,0,0,0,0,0,0,0,7,13,25,25,25,27,37,39,39,31,29,29,31,37,43,64,85,85,74,82,82,39,19,13,19,19,17,13,11,5,9,11,11,3,3,9,15,7,0,0,0,7,13,11,17,23,31,53,105,137,163,0,0,0,228,225,217,228,235,0,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,43,22,12,1,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,77,69,48,35,21,23,23,23,19,23,53,74,77,77,69,41,9,0,0,0,0,0,0,0,0,7,137,204,222,217,209,209,209,209,220,222,222,222,220,204,183,165,170,186,186,119,79,21,0,0,0,7,81,183,220,230,251,255,255,255,255,255,228,191,157,155,183,204,204,189,170,139,47,19,59,189,142,0,0,0,23,35,0,0,0,0,0,0,139,209,157,0,0,0,79,225,251,248,235,222,183,73,9,1,1,17,31,31,0,0,0,0,5,45,69,67,0,0,0,0,0,0,0,0,11,3,0,41,75,150,160,131,83,101,160,173,165,155,155,160,160,150,99,94,99,115,117,107,107,109,119,119,173,189,181,157,103,103,97,103,160,178,181,179,181,183,191,196,194,189,183,178,178,178,186,194,183,173,176,183,183,173,160,168,168,165,168,176,173,165,165,176,183,176,173,173,183,183,168,152,152,151,151,152,170,173,170,178,178,173,170,173,181,181,181,186,196,204,157,11,9,23,33,35,69,105,107,93,86,89,95,99,150,168,165,160,160,163,176,186,186,186,202,220,222,215,213,215,225,225,215,202,189,189,191,209,215,220,191,35,1,0,0,11,31,67,99,150,142,147,189,215,225,212,199,199,202,202,199,165,83,67,67,71,55,33,24,0,27,47,81,103,147,155,157,155,107,107,152,155,109,99,95,95,101,109,163,178,183,168,119,160,123,165,173,181,186,189,189,181,183,181,176,172,172,183,204,215,199,176,174,181,183,181,170,163,113,107,106,111,117,157,115,95,81,74,74,81,103,111,111,109,150,165,181,163,155,150,155,176,160,152,157,183,202,212,202,191,160,109,115,157,173,173,173,119,109,105,101,99,96,101,168,194,207,207,194,186,178,174,181,191,199,194,194,207,217,207,191,196,209,215,215,215,215,211,209,215,217,228,243,255,255,254,243,235,222,212,212,222,222,212,202,199,202,202,194,176,125,121,125,165,168,165,160,160,160,160,160,150,105,99,85,73,65,59,59,53,51,55,57,57,57,57,57,51,49,41,31,23,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,66,92,0,147,176,204,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,168,189,194,170,40,0,0,111,150,170,178,173,169,173,176,178,183,191,196,199,196,191,191,186,181,179,183,189,189,186,186,186,183,178,165,152,142,107,97,93,97,170,186,189,186,178,168,150,101,95,87,25,0,0,0,170,191,187,189,189,181,176,168,117,113,115,168,178,173,181,202,204,196,194,196,189,183,173,165,165,173,178,176,173,176,181,183,183,183,181,163,157,108,104,111,176,189,189,191,178,111,11,0,0,17,155,152,147,160,173,178,163,109,113,157,157,150,160,163,163,163,165,160,155,152,155,160,163,163,173,186,189,183,173,168,165,165,170,173,173,181,170,161,178,207,178,119,101,107,117,160,165,168,168,176,181,181,178,181,183,176,165,121,117,119,121,121,160,165,168,168,168,168,176,183,176,121,115,117,119,121,119,115,117,123,125,165,173,176,176,173,173,176,176,176,173,131,127,125,123,121,122,129,181,194,199,196,191,189,194,199,196,194,194,194,194,194,196,199,196,191,196,209,215,215,217,222,222,212,199,183,182,189,199,202,202,204,202,191,189,189,196,209,222,225,228,233,235,228,204,182,181,189,207,204,191,183,183,183,196,217,217,202,191,194,202,207,204,196,194,196,202,202,199,199,202,199,204,207,209,212,215,215,209,204,199,194,196,204,217,228,230,225,207,186,137,139,186,191,204,225,235,230,222,204,140,137,138,140,191,202,209,212,215,225,233,235,235,230,228,225,228,233,233,230,225,217,217,222,233,238,238,235,230,225,215,207,205,209,217,228,228,228,228,225,222,217,217,217,222,222,222,222,225,225,225,225,217,133,137,217,215,207,196,187,189,189,189,196,209,222,217,209,209,215,217,212,202,196,189,183,139,138,139,186,194,194,189,189,194,196,194,194,194,196,199,199,196,194,194,194,196,202,212,225,233,235,238,235,235,238,235,233,233,235,235,235,235,235,233,233,228,222,217,212,207,204,202,199,199,199,196,194,145,141,189,196,204,202,196,196,204,207,204,196,194,191,189,189,189,189,194,199,196,194,191,191,194,194,194,196,199,199,199,199,196,196,199,199,194,190,190,190,190,190,191,194,194,194,196,199,202,204,202,196,194,191,191,196,204,212,217,222,209,199,194,194,196,191,189,191,209,222,217,207,199,189,139,189,199,222,230,228,222,222,215,199,141,194,217,233,235,233,228,222,215,202,186,137,191,212,215,204,121,105,194,217,233,238,230,228,228,228,228,222,228,235,230,233,238,241,241,67,44,121,176,176,129,115,117,194,209,204,183,109,119,129,121,127,199,204,202,202,204,212,225,230,233,235,238,241,238,235,238,235,215,177,173,207,202,194,189,181,131,128,133,194,215,212,127,125,183,191,186,189,196,207,209,204,199,129,116,129,191,209,217,207,196,196,199,196,196,186,139,137,117,107,129,119,121,202,233,238,233,225,222,222,222,217,216,217,222,225,225,220,212,215,225,233,235,233,230,228,228,222,215,215,215,212,212,215,217,222,225,225,228,233,235,235,233,225,209,194,194,204,209,209,209,209,209,209,209,209,209,209,209,212,212,209,207,202,202,204,209,215,215,209,202,198,196,200,212,222,225,222,222,222,217,215,212,212,209,212,212,217,225,233,235,235,235,235,233,230,225,224,224,228,230,233,230,228,228,228,228,225,217,209,196,128,123,133,202,202,198,199,209,222,225,228,228,228,230,230,230,228,228,230,225,215,212,222,230,233,235,233,233,228,225,222,217,217,217,215,194,164,170,217,222,217,222,222,222,215,209,209,209,209,209,215,222,217,207,199,200,215,225,222,217,217,222,225,225,228,230,235,233,233,230,228,222,217,212,212,215,215,215,217,222,225,228,230,230,230,228,228,228,222,207,200,203,215,228,228,222,217,222,222,222,222,222,225,217,215,215,217,217,220,222,222,222,222,228,233,230,202,103,102,111,105,83,80,77,230,202,190,189,189,191,199,204,202,199,200,207,215,217,215,215,215,207,202,200,204,209,207,204,199,202,204,147,118,119,202,215,222,217,202,147,143,133,127,131,125,129,145,207,215,225,230,235,238,241,243,246,238,212,204,209,225,235,243,243,243,246,243,238,238,238,241,243,243,243,243,241,243,243,246,248,248,248,246,246,246,246,246,246,246,246,246,246,246,243,243,243,243,243,246,241,215,129,116,120,207,228,233,235,235,238,238,238,235,230,222,220,222,228,230,233,235,235,238,238,235,233,222,228,243,243,241,241,241,241,241,241,241,241,241,243,243,243,243,241,241,241,241,238,238,238,238,238,235,235,235,235,233,230,233,233,235,235,233,228,222,215,213,213,213,215,217,225,228,225,217,215,215,217,225,222,217,217,217,222,222,225,225,225,222,222,228,230,233,230,228,228,228,230,230,230,228,225,225,225,225,225,225,228,228,228,228,230,230,230,230,230,228,228,228,230,230,230,228,228,225,225,222,222,217,215,215,213,213,215,217,217,220,222,222,222,222,222,220,217,217,222,222,222,220,217,215,215,215,215,215,215,215,212,209,207,204,202,199,196,194,194,194,194,194,194,199,204,209,209,207,207,209,209,209,209,212,212,212,212,209,209,209,209,209,207,204,204,207,207,207,209,209,209,209,215,215,212,209,204,194,133,123,118,123,139,204,215,212,207,203,204,207,209,212,212,212,212,212,215,217,222,222,225,225,222,217,215,212,215,215,217,215,212,207,202,191,186,139,139,137,139,137,127,125,129,133,135,137,139,186,194,204,209,207,207,209,209,202,199,207,212,212,212,217,217,215,215,212,207,199,204,215,217,215,215,215,217,225,230,235,241,243,243,246,248,248,248,248,251,254,254,248,243,241,243,246,251,254,254,248,247,248,248,248,248,251,251,251,254,255,255,255,251,243,238,237,238,243,248,254,254,251,246,243,243,243,246,248,251,254,248,243,241,238,238,241,246,248,246,244,248,255,255,255,241,229,228,233,251,0,0,0,255,248,126,118,137,0,0,0,0,0,255,255,220,186,137,92,81,87,103,111,116,126,137,134,108,90,88,98,100,90,61,51,53,57,57,57,59,61,63,67,67,75,81,83,89,95,95,89,83,78,79,91,137,152,157,152,148,150,139,131,124,121,121,116,100,98,131,157,129,116,124,124,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,43,25,17,12,12,9,3,1,3,0,0,0,0,0,0,0,0,0,0,0,3,3,3,3,7,9,15,9,0,0,0,0,19,25,19,3,0,0,0,0,1,7,7,13,25,31,31,31,33,43,45,43,35,29,29,31,33,61,85,95,74,45,45,39,0,0,0,11,23,17,11,11,5,11,17,11,2,0,2,9,9,7,7,7,13,19,23,31,39,57,100,137,173,191,0,0,0,235,228,215,215,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,43,12,4,0,0,0,0,0,0,0,25,0,0,0,0,0,0,0,0,0,0,0,22,12,20,0,0,0,0,0,69,69,59,48,35,21,15,15,17,13,19,53,0,0,56,56,27,7,0,0,0,0,0,0,0,0,0,71,178,212,217,215,217,217,217,222,222,230,233,233,222,191,168,117,119,170,168,107,69,23,0,0,0,5,85,178,215,241,255,255,255,255,255,238,196,134,77,93,173,204,209,194,144,37,19,59,152,137,9,0,0,0,3,0,0,0,0,0,0,131,222,207,15,0,11,116,220,255,255,235,225,212,139,0,0,0,9,121,183,147,31,0,5,59,65,69,73,1,0,0,0,0,0,0,0,0,0,0,11,53,129,152,83,74,89,155,170,155,93,93,113,155,113,96,96,111,160,160,119,117,117,117,115,165,189,191,168,101,95,103,117,178,186,181,181,181,183,183,181,176,176,178,176,176,181,186,191,186,176,176,176,176,176,176,176,173,163,165,168,176,168,165,165,173,173,173,176,183,173,152,151,152,151,146,152,170,173,165,173,173,173,173,178,173,168,165,178,181,173,69,5,6,15,25,49,89,105,99,87,85,85,91,103,163,178,178,168,163,168,178,186,170,170,194,215,220,215,215,222,228,225,209,194,189,194,204,212,217,228,199,63,3,0,0,1,21,61,99,152,144,150,186,215,225,212,202,199,202,204,202,181,147,97,93,83,61,33,24,0,25,41,77,103,109,152,157,157,152,152,160,155,109,101,101,107,113,163,176,178,173,160,117,123,163,165,173,181,186,189,183,178,178,176,176,176,181,186,199,207,186,174,174,181,181,170,163,117,111,106,106,109,115,157,115,101,87,77,79,97,152,155,111,105,113,160,165,157,151,150,152,165,165,160,160,183,191,194,191,183,115,106,111,157,173,173,173,157,113,105,105,99,96,105,119,183,199,199,194,181,174,174,181,191,194,189,189,196,209,202,189,196,207,209,215,215,215,209,209,211,215,228,241,255,255,251,241,233,215,209,209,215,215,202,186,186,189,199,189,173,125,120,123,165,168,165,160,160,155,150,150,105,103,91,79,73,65,57,51,41,41,41,51,51,57,57,57,55,51,47,41,29,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,72,92,0,137,168,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,165,212,196,178,116,0,0,51,157,176,176,173,176,181,186,191,196,202,204,199,191,191,191,191,186,183,186,191,189,186,186,189,186,176,160,155,157,163,91,92,101,170,186,189,189,178,170,155,109,111,115,49,0,0,11,186,194,191,189,181,173,168,165,160,114,111,165,183,183,183,189,209,204,202,202,189,183,170,165,165,170,176,178,178,178,181,181,178,178,181,173,168,155,113,113,160,168,160,157,165,173,73,4,0,14,155,155,107,103,105,95,75,69,95,152,152,105,105,157,170,176,173,168,155,150,150,155,163,165,173,183,189,181,170,165,165,165,170,176,178,186,191,178,189,204,199,189,160,119,157,163,168,165,165,170,176,176,176,181,183,173,163,163,160,160,165,165,165,168,170,168,165,168,178,183,173,115,111,115,119,121,117,113,115,123,125,165,168,170,170,170,170,170,173,176,173,129,123,125,125,121,120,123,176,189,194,194,189,183,189,196,202,202,202,194,189,186,186,189,191,194,199,212,217,217,215,217,222,217,207,189,186,196,204,204,202,202,207,199,191,191,196,209,225,228,230,235,235,225,194,179,178,186,194,191,183,186,191,189,191,212,217,204,189,191,199,204,196,191,191,196,202,202,202,207,209,207,209,212,215,217,217,212,209,207,196,189,189,202,217,228,222,212,199,137,134,139,191,194,202,222,235,235,225,199,139,139,186,189,196,204,209,209,212,222,233,235,235,230,228,225,228,228,230,228,228,225,222,228,233,238,238,235,230,225,212,205,204,207,217,228,228,228,228,225,217,217,217,220,222,222,220,220,222,225,228,222,204,139,194,222,220,212,204,194,191,191,191,194,202,215,215,209,209,207,207,207,204,199,194,191,191,183,183,196,207,204,196,191,191,194,194,194,191,194,199,202,199,192,191,192,199,207,217,230,233,235,235,235,238,241,238,233,233,233,235,235,235,233,228,222,209,207,207,204,202,202,199,196,195,196,199,202,199,196,196,202,202,199,196,194,196,202,202,191,186,186,189,194,196,199,199,202,204,204,204,202,194,190,190,194,199,199,196,196,196,199,202,199,194,191,194,196,194,190,191,194,199,199,202,204,204,204,199,196,199,191,187,189,199,212,225,228,217,199,191,191,191,141,135,135,191,204,207,199,191,141,135,143,199,215,225,222,217,217,207,141,133,138,204,225,233,228,220,212,207,196,189,196,217,230,228,212,137,181,209,228,233,233,230,222,217,220,225,225,230,233,230,235,235,238,243,131,93,191,196,196,183,115,116,127,178,186,135,111,112,113,111,119,202,207,199,199,202,209,222,230,233,235,235,235,235,235,238,238,238,170,152,199,199,199,189,178,176,176,129,119,127,119,105,127,194,204,191,191,209,225,228,228,230,202,118,123,186,207,215,209,196,194,194,191,191,186,133,131,131,123,123,137,186,204,230,238,238,235,230,225,222,217,216,216,222,225,225,217,207,207,217,230,235,233,230,230,228,222,212,211,211,211,211,212,215,222,225,225,225,228,233,235,233,225,215,202,199,204,207,207,209,212,212,209,207,207,207,207,207,209,215,212,207,204,204,207,212,217,220,215,207,199,198,202,215,222,222,225,225,222,225,228,225,215,212,212,209,212,222,230,233,235,238,238,238,235,233,228,228,228,230,230,228,228,228,230,225,217,209,212,233,225,199,207,212,204,194,192,202,215,225,230,230,228,228,230,228,224,224,228,230,222,215,215,222,228,233,235,230,217,217,225,222,215,215,212,202,156,163,222,228,217,217,217,217,212,209,212,215,209,204,209,217,215,202,195,196,207,215,217,217,220,222,225,225,225,230,235,235,235,233,228,222,217,217,222,217,215,215,215,222,225,228,228,230,233,233,233,230,222,207,203,207,222,225,222,222,225,225,222,217,217,222,222,222,217,220,222,222,222,222,222,220,222,228,230,230,222,123,109,235,255,135,81,51,230,209,191,187,186,191,207,207,200,198,200,209,212,212,209,211,215,209,203,203,212,212,207,202,199,202,204,199,138,139,215,225,228,228,207,202,204,202,207,212,147,139,149,212,228,230,235,238,238,241,241,243,235,212,204,211,225,235,243,243,243,246,241,238,238,238,241,243,243,243,243,241,241,243,246,248,248,248,246,246,243,243,243,246,246,243,246,246,243,242,243,243,243,243,243,238,215,143,141,207,222,225,228,230,230,233,233,235,233,228,225,222,222,228,233,238,241,241,238,233,233,235,238,241,243,243,246,243,243,241,241,241,241,241,243,243,243,243,243,243,243,241,241,241,238,238,238,238,235,235,235,235,233,233,233,235,235,233,230,225,220,217,215,215,217,222,225,228,230,228,225,222,217,217,217,217,217,217,222,225,228,228,225,222,217,222,225,230,233,230,228,228,230,230,230,228,228,225,222,225,225,225,228,228,228,225,228,228,230,228,228,228,228,228,228,228,230,230,230,228,228,225,222,222,217,215,215,213,215,215,217,217,217,222,222,222,222,220,217,217,217,220,222,222,222,217,217,217,215,215,215,215,215,215,212,209,207,204,199,196,196,194,194,191,189,191,194,199,204,207,207,212,215,212,209,207,207,209,209,209,207,207,207,209,207,204,204,204,207,207,207,207,207,207,209,212,212,209,204,191,133,122,118,119,135,199,212,215,212,207,203,203,204,207,207,209,212,215,217,217,217,222,222,222,225,225,222,215,212,212,215,215,215,212,209,204,194,141,137,134,135,137,183,186,183,139,137,137,137,137,183,189,199,204,207,207,212,209,204,202,207,212,209,209,212,212,212,215,215,212,207,207,212,215,217,217,222,225,228,233,235,238,241,243,246,248,248,248,248,251,254,254,248,246,243,243,246,246,251,251,248,248,251,254,251,248,248,251,251,251,0,0,255,255,248,241,238,241,243,248,251,254,251,248,243,243,243,246,248,248,246,241,238,235,235,235,238,243,246,246,246,251,255,255,251,235,228,228,233,248,0,0,0,255,241,118,126,0,0,0,0,0,0,255,255,230,194,144,92,81,87,100,118,150,183,204,191,152,108,90,98,105,90,53,47,53,63,63,61,63,63,65,67,67,69,81,87,91,95,95,89,83,78,79,91,137,152,157,157,148,150,139,129,121,113,113,105,90,86,95,108,95,79,79,85,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,27,20,17,17,14,14,11,22,13,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,9,9,0,0,0,0,13,19,19,13,3,0,0,3,7,11,19,25,29,31,30,30,35,43,64,64,43,35,31,33,41,79,103,103,77,39,35,25,0,0,0,11,23,17,11,11,15,23,27,21,9,1,3,9,15,15,13,19,25,35,37,47,63,100,129,168,196,0,0,0,251,251,233,228,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,72,30,4,0,0,0,0,0,0,0,0,38,4,0,0,0,0,0,0,0,0,0,0,53,0,0,0,0,0,0,0,59,56,48,46,21,15,15,15,13,13,19,53,0,0,56,53,25,1,0,0,0,0,0,0,0,0,0,3,126,186,209,215,217,220,220,222,222,230,238,241,230,207,176,111,99,101,113,121,113,75,11,0,0,0,13,91,178,225,255,255,255,255,255,255,220,91,25,33,137,207,235,233,209,83,53,75,118,63,0,0,0,0,0,0,0,0,0,0,0,45,209,241,183,47,11,25,152,243,251,228,225,222,155,0,0,0,113,217,225,194,170,168,139,152,126,126,181,189,100,51,0,25,43,47,45,13,0,0,9,47,89,142,83,74,91,155,170,144,86,87,103,113,103,94,96,115,117,117,117,117,163,117,113,114,173,191,183,117,103,113,165,178,186,186,189,191,191,183,168,163,168,176,183,183,181,181,186,186,176,168,168,176,186,191,183,168,159,160,168,176,168,163,160,165,165,165,173,178,170,152,157,165,163,152,152,163,163,152,152,152,152,163,170,170,165,157,157,155,105,47,10,15,41,41,57,89,99,91,89,86,86,95,150,170,170,176,178,178,183,186,170,117,116,176,202,212,212,215,228,228,222,207,199,199,209,220,220,217,230,209,91,13,0,0,0,17,47,75,81,71,69,109,194,215,217,209,204,202,202,202,189,163,155,152,103,75,43,27,0,29,51,83,103,109,152,160,170,170,173,170,163,152,115,117,113,155,163,170,170,160,117,116,123,165,170,173,181,181,183,178,178,174,174,176,186,189,196,199,199,183,174,176,181,183,170,163,117,111,106,106,111,157,165,157,109,99,93,93,111,160,160,109,105,109,157,163,155,155,152,160,176,165,160,176,176,176,173,173,173,109,105,109,117,157,173,170,168,117,111,105,99,98,105,117,176,191,199,191,176,172,174,181,189,189,181,178,191,207,196,181,189,194,204,215,215,212,212,212,215,217,233,243,255,255,251,241,233,215,208,212,212,209,196,185,185,189,186,186,173,123,123,123,123,163,160,157,157,150,150,105,105,99,91,77,71,63,57,51,41,31,41,41,49,55,59,61,59,53,49,45,37,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,69,90,0,0,157,186,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,51,194,183,173,142,113,79,92,155,170,170,170,178,191,199,202,199,202,199,194,189,189,194,194,189,186,189,191,189,186,183,186,183,155,147,150,150,144,103,97,103,165,183,186,186,181,170,157,150,155,160,152,109,57,93,191,196,189,178,173,173,170,168,160,117,121,178,189,189,183,189,199,207,209,202,183,168,165,165,165,170,173,176,176,176,178,178,173,165,165,170,168,163,163,163,163,160,159,160,178,202,196,163,27,55,152,150,105,15,16,63,25,7,75,150,147,99,74,109,176,181,178,178,170,157,153,155,155,160,170,178,181,176,168,165,165,164,165,176,181,183,183,183,189,194,196,189,168,165,163,165,168,165,165,170,173,173,176,181,181,168,160,160,163,168,173,168,165,168,168,160,119,160,170,176,160,108,106,111,117,117,111,109,113,121,165,168,168,166,170,170,169,169,170,176,173,125,122,123,125,123,122,123,133,186,189,186,183,183,186,194,202,207,209,204,191,183,182,186,191,194,196,209,217,217,215,215,222,225,215,196,189,199,207,204,199,199,199,199,196,191,196,207,222,228,230,233,228,212,191,181,179,183,191,186,136,137,191,183,136,194,207,202,189,186,194,194,189,186,191,202,207,207,212,217,215,212,212,217,222,217,215,215,212,204,191,137,137,194,212,215,204,186,132,135,137,183,191,189,189,209,230,228,215,196,191,204,209,202,199,207,209,209,212,222,228,233,233,230,228,225,225,225,225,228,228,228,228,228,233,235,235,235,230,222,212,205,204,207,215,225,228,230,230,228,225,222,225,228,228,225,222,222,228,230,230,217,199,145,207,217,215,209,202,196,194,199,199,194,194,202,204,202,196,191,191,196,202,199,196,196,194,194,199,209,212,207,196,194,191,191,191,189,189,191,202,207,207,199,194,196,202,207,215,225,230,233,230,228,235,241,235,233,233,233,233,230,228,217,212,207,202,199,199,199,199,202,202,196,195,195,199,202,199,199,199,202,202,196,196,194,192,192,196,196,185,185,189,199,202,204,204,209,215,217,217,209,196,190,189,190,199,202,202,199,196,196,199,196,194,196,204,207,202,194,190,194,202,207,204,199,194,191,190,189,191,190,187,189,196,207,222,228,222,202,191,189,141,135,133,135,143,194,191,141,143,133,133,189,199,204,204,202,204,207,202,189,139,141,199,212,215,209,204,202,196,189,186,194,222,235,228,207,186,189,209,230,235,230,225,217,216,216,220,225,228,228,228,230,233,235,230,209,194,199,209,207,191,120,118,123,125,125,127,123,115,109,110,129,191,196,202,204,204,207,212,217,225,230,235,233,230,233,238,243,230,176,170,183,196,202,191,181,186,196,181,119,105,82,89,109,181,196,199,204,220,230,233,235,241,230,131,120,137,194,204,204,199,196,191,185,191,189,133,131,137,141,186,186,189,189,233,238,241,243,230,225,225,222,217,225,228,225,222,209,200,200,207,225,233,233,230,230,228,222,215,215,215,217,215,212,215,217,222,222,225,228,230,233,230,225,217,209,207,207,207,207,212,212,209,207,207,204,204,204,204,209,215,209,204,202,202,207,212,215,215,217,215,207,202,207,215,222,215,212,217,222,225,233,228,212,204,202,196,202,215,228,233,235,238,241,241,238,235,233,230,230,230,230,230,230,230,230,228,207,202,215,233,230,220,217,225,222,207,198,202,215,222,233,230,230,230,230,228,225,225,228,228,222,212,212,222,230,233,230,222,204,203,217,222,207,194,199,204,204,207,230,235,222,212,217,217,215,215,209,215,209,194,204,212,209,209,202,202,207,204,215,222,225,228,230,228,224,228,233,233,233,235,230,222,217,222,222,217,213,213,217,225,228,228,228,230,233,233,235,233,228,215,212,217,225,228,228,228,228,228,222,217,217,217,220,222,222,222,222,225,228,228,222,217,220,222,222,225,222,207,204,222,225,207,109,94,230,225,202,191,190,194,212,209,204,204,207,209,212,211,208,212,217,212,204,215,222,212,202,199,199,202,207,204,202,207,217,228,230,225,212,209,215,222,225,228,217,209,217,230,238,241,238,238,241,241,241,238,233,225,217,222,230,238,241,243,243,246,243,241,241,241,241,241,243,243,241,241,241,243,246,248,248,248,248,246,243,243,243,243,243,246,246,246,243,243,243,243,238,233,235,235,230,222,228,233,230,230,228,228,228,228,230,230,230,228,225,222,222,225,233,241,241,241,235,233,233,238,241,243,243,243,243,243,241,241,241,241,241,241,243,243,243,243,243,243,243,243,241,241,238,238,238,238,235,235,235,235,235,235,235,235,235,230,228,222,225,228,225,225,225,228,230,230,233,233,230,228,225,222,222,217,217,217,217,225,230,230,225,217,217,222,228,230,230,230,230,230,230,230,228,225,225,222,220,222,225,225,228,228,225,225,225,228,228,228,228,228,225,225,225,225,228,228,230,230,228,225,222,220,217,217,215,215,215,217,217,217,217,217,217,217,217,217,217,217,217,217,220,222,222,220,217,217,217,215,215,215,215,215,212,209,209,207,204,202,199,196,194,191,189,189,189,191,196,202,204,207,215,215,212,207,207,207,207,204,204,207,207,204,204,204,204,207,207,207,204,204,207,209,212,212,209,207,196,135,123,122,127,191,199,207,212,215,215,209,207,204,207,207,207,207,212,217,222,217,217,217,222,222,225,225,222,217,215,215,212,212,215,215,215,209,199,141,135,134,134,137,183,191,191,186,183,137,137,137,139,186,194,202,207,209,212,212,209,207,207,209,209,207,209,209,212,215,215,212,207,207,209,215,217,222,225,228,228,230,235,238,241,243,246,248,248,248,251,254,254,254,251,246,246,246,243,243,246,248,248,251,255,255,251,246,246,248,251,0,0,0,0,255,251,246,241,241,246,248,248,251,254,251,246,243,246,248,248,246,241,235,235,235,235,235,235,241,243,248,251,254,255,255,248,235,228,228,230,241,0,0,254,246,235,126,0,0,0,0,0,0,0,255,255,230,186,126,92,88,92,111,0,0,230,254,230,178,116,87,87,90,82,51,47,53,63,59,59,63,67,69,69,67,75,83,89,124,95,95,95,89,83,83,93,137,147,157,157,152,150,150,129,111,103,98,95,88,90,92,87,72,60,59,64,72,82,0,0,0,0,0,0,0,0,0,0,0,103,0,0,0,0,46,38,25,20,20,17,22,30,35,35,23,11,0,0,0,0,0,0,0,0,0,0,3,3,0,1,9,9,0,0,0,0,19,25,21,19,15,9,5,3,7,13,27,35,37,35,31,31,35,43,64,66,64,41,33,37,0,0,118,105,47,27,25,13,0,0,0,11,17,13,11,17,27,37,37,33,27,17,13,15,19,21,25,31,47,57,63,63,71,113,142,178,0,0,235,255,255,255,248,228,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,64,30,1,0,0,0,0,0,0,0,74,66,25,0,0,0,0,0,0,0,0,20,51,0,0,0,0,0,0,0,56,46,35,27,13,7,9,9,15,11,11,23,53,0,64,66,56,27,7,0,0,0,0,0,0,0,0,0,0,37,157,199,215,225,228,228,222,222,230,233,241,235,222,183,105,79,73,93,113,157,95,43,0,0,0,0,5,85,178,238,255,255,255,255,255,255,181,31,25,93,209,248,255,235,191,160,131,75,47,0,0,0,0,5,0,0,0,0,0,0,49,204,255,199,31,0,0,47,220,248,235,225,212,147,57,53,129,181,222,228,212,186,189,186,103,100,139,163,196,225,181,144,134,124,124,73,45,7,0,35,69,81,129,91,77,101,155,163,93,81,87,109,113,103,96,99,105,97,83,97,160,170,117,109,113,165,183,183,173,121,121,165,176,181,186,189,196,196,186,176,165,168,183,194,191,183,181,186,189,183,166,161,168,186,189,181,168,160,165,176,176,170,163,163,160,160,164,173,173,170,165,173,181,178,165,152,152,157,152,107,107,99,99,150,168,170,165,157,152,91,53,35,59,65,57,69,83,91,93,95,95,95,105,170,178,176,176,178,178,178,178,163,117,116,168,194,209,212,215,225,215,196,191,199,212,220,228,230,243,243,228,181,73,21,9,11,27,55,69,66,60,62,83,170,207,215,220,212,204,196,194,183,163,155,160,144,79,45,29,29,43,73,95,144,150,155,165,178,186,189,176,168,165,165,165,155,155,119,163,163,119,117,114,116,121,170,178,181,181,178,178,178,178,176,186,189,196,196,196,183,183,176,181,181,181,178,170,117,113,109,111,117,160,165,165,155,107,105,111,152,160,152,109,105,109,157,163,155,155,160,176,183,160,152,160,150,109,103,115,115,109,105,107,113,115,157,170,170,170,117,107,101,105,103,105,119,181,199,191,181,176,181,181,181,173,170,178,196,207,202,186,137,189,204,217,225,225,225,222,225,233,241,251,255,255,254,238,222,215,212,230,233,217,202,191,191,196,191,186,178,129,123,123,119,117,157,157,157,157,150,105,150,134,89,81,71,63,57,51,41,31,29,37,39,55,61,90,87,79,77,53,39,21,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,69,82,0,0,155,178,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,191,173,163,170,163,147,142,155,165,170,173,181,191,199,196,194,191,191,189,183,186,194,194,189,186,189,189,186,186,183,144,57,81,134,137,137,139,103,97,105,165,178,178,176,173,165,152,150,160,163,160,160,157,168,186,186,178,173,172,176,178,173,121,119,168,189,194,191,189,189,191,199,199,189,170,163,163,165,168,170,173,173,173,176,178,178,170,163,161,164,165,165,170,170,168,165,163,168,178,191,191,170,69,97,157,147,79,0,0,12,41,59,63,75,109,109,106,105,109,173,181,181,178,173,163,157,153,157,165,173,173,170,168,168,168,165,168,173,176,176,173,170,176,181,186,181,170,168,168,165,168,168,176,178,168,168,173,176,173,163,163,163,163,168,170,168,165,165,121,116,115,117,163,168,163,110,108,111,113,108,106,106,109,121,168,170,168,168,170,173,170,169,169,173,170,123,122,123,125,125,123,125,131,181,183,183,186,186,186,191,199,207,212,209,196,186,182,183,191,194,191,199,212,215,215,217,225,230,228,207,194,196,199,196,191,190,191,194,194,194,196,207,215,217,222,222,215,202,189,183,183,189,194,186,134,134,137,136,134,189,202,199,189,185,186,186,186,189,196,207,212,215,222,225,217,212,217,225,225,217,217,222,215,196,135,133,137,199,209,204,186,132,131,132,137,189,196,186,182,194,202,199,196,196,204,222,222,207,199,202,204,207,209,217,225,228,230,230,228,225,222,222,222,225,228,228,228,230,230,233,233,233,228,217,212,207,205,207,215,222,225,228,230,230,228,228,230,233,230,228,228,228,230,233,228,215,194,145,204,212,207,202,194,191,191,196,202,199,196,196,194,191,189,187,187,191,194,196,196,194,191,199,209,215,209,202,196,194,194,189,189,186,189,191,202,212,215,207,202,207,207,204,204,212,217,217,212,217,228,230,228,228,228,225,222,217,212,207,204,199,195,195,196,196,196,202,204,202,199,196,199,202,199,198,199,202,202,202,202,199,191,191,194,199,194,191,194,199,202,204,212,222,228,230,228,215,202,194,191,194,196,199,196,196,199,199,202,199,194,196,202,207,202,194,190,191,199,204,204,196,191,190,189,187,191,196,199,204,207,207,215,222,215,202,194,191,189,139,137,141,191,191,133,123,127,127,131,141,194,194,194,196,199,196,191,189,191,199,207,207,199,191,186,139,138,139,138,135,138,207,209,196,186,191,207,228,235,233,228,222,216,216,217,222,228,228,228,228,233,235,233,220,202,194,196,196,178,114,114,123,131,176,181,178,129,114,117,178,189,194,202,207,204,202,202,202,209,222,228,228,228,230,235,235,222,189,179,186,191,194,183,181,199,212,194,123,106,98,102,107,103,117,204,215,225,233,233,233,238,235,189,122,129,181,194,199,196,196,191,183,189,186,135,137,191,196,196,189,174,170,228,241,246,243,230,225,225,225,228,228,225,217,215,209,203,202,207,225,233,230,228,228,225,220,217,217,222,222,217,212,215,222,222,222,225,230,233,230,228,222,215,209,209,209,212,212,212,209,207,204,204,204,204,204,207,212,212,204,196,196,196,202,209,209,209,212,212,209,207,209,215,212,207,207,211,217,225,228,222,207,149,137,132,134,202,222,233,235,238,241,241,238,235,233,233,233,233,230,230,233,233,230,215,145,142,199,222,225,217,222,233,233,228,215,215,217,217,225,230,230,230,230,228,228,225,225,217,209,209,222,230,230,217,204,203,202,203,209,202,136,122,117,209,217,228,238,238,217,209,217,217,215,212,209,212,204,191,204,207,209,215,222,220,207,135,191,215,225,228,230,228,225,225,225,225,228,233,233,228,222,222,222,217,213,215,217,225,228,228,228,225,228,230,233,235,233,228,225,228,230,233,233,233,230,228,225,217,215,215,217,222,225,225,225,225,228,225,222,217,215,212,209,209,215,212,215,217,215,207,196,225,238,233,215,202,199,204,212,215,215,212,212,215,215,212,211,212,215,204,194,207,217,204,144,149,204,209,215,215,209,212,217,222,225,222,217,217,225,230,233,235,238,238,238,238,238,241,243,241,241,238,235,235,233,233,230,233,235,238,241,243,243,243,243,241,241,241,241,241,241,241,241,238,238,241,243,246,246,246,246,246,246,243,243,243,246,246,248,246,243,243,246,241,217,209,225,235,235,238,241,241,238,233,230,228,228,228,230,228,228,225,225,222,222,225,233,235,238,238,235,235,235,238,241,243,243,243,241,241,241,241,241,241,241,241,241,243,243,243,243,243,243,243,241,241,238,238,238,238,238,235,235,235,235,235,235,235,233,228,225,225,228,233,230,228,228,230,233,235,233,233,233,233,230,228,222,222,222,222,222,228,230,228,217,217,217,222,228,230,230,230,230,230,230,228,225,222,225,222,222,222,225,225,225,225,225,225,228,228,228,228,228,225,225,225,222,222,225,228,228,228,225,222,217,217,217,215,215,215,215,215,215,215,215,217,217,217,217,217,217,217,217,217,217,220,220,220,217,217,217,215,215,215,215,215,212,209,209,207,204,202,199,196,196,194,191,143,141,143,191,194,196,202,207,212,212,209,209,209,207,204,202,204,204,202,202,202,204,207,207,204,204,204,207,209,212,212,207,202,191,135,127,137,204,212,212,212,215,215,215,212,207,204,204,204,204,207,215,217,222,217,217,217,222,222,222,222,222,217,217,215,212,209,212,212,215,212,199,186,135,134,135,137,183,189,189,186,183,139,137,137,137,183,189,199,207,212,215,212,209,205,205,207,209,209,207,207,209,212,212,209,207,207,209,215,217,222,225,225,228,230,235,241,243,246,246,246,248,251,251,251,254,254,251,248,246,246,246,246,246,246,248,251,255,254,248,243,241,243,0,0,0,0,0,0,254,246,241,241,243,243,246,248,251,251,248,246,246,248,246,243,235,233,233,235,235,238,241,243,246,251,254,254,254,251,246,235,229,228,230,235,238,0,241,238,235,137,0,0,0,0,0,0,0,230,212,194,150,111,100,103,111,118,0,0,0,254,243,183,124,87,79,74,49,43,43,53,57,59,63,67,75,79,81,81,81,83,83,87,89,89,95,95,89,89,95,134,147,152,157,152,139,137,126,113,103,98,95,91,91,92,87,74,72,74,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,53,43,30,22,17,17,22,30,30,33,33,21,9,5,5,9,9,3,0,0,0,0,3,7,1,0,5,11,5,0,0,13,27,27,25,25,25,19,11,7,7,19,31,43,43,35,35,31,35,39,43,45,43,41,41,41,0,103,118,98,31,13,13,13,0,0,0,11,13,11,11,21,29,37,43,43,41,35,27,25,21,25,31,47,69,100,75,98,103,124,142,170,191,215,238,255,255,255,255,235,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,53,27,1,0,0,0,0,17,0,74,82,82,48,0,0,0,0,0,0,0,0,1,43,0,0,0,0,0,0,0,66,46,25,11,1,0,0,3,9,11,17,40,59,64,66,66,66,31,9,0,0,0,0,0,0,0,0,0,0,0,103,186,228,243,246,238,222,220,230,243,248,243,230,194,111,79,61,67,87,101,103,83,37,0,0,0,0,19,81,186,255,255,255,255,255,255,255,57,25,77,199,248,255,241,202,186,147,75,47,15,0,0,0,0,0,0,0,0,53,67,113,176,215,186,63,0,0,0,186,235,235,230,222,173,139,165,165,176,196,228,217,165,57,0,0,0,0,0,0,59,126,160,160,157,147,79,39,0,0,9,69,81,83,77,77,101,144,144,87,83,101,163,165,115,117,115,99,78,70,81,160,173,163,119,163,173,181,176,168,113,111,113,160,170,183,194,196,194,183,173,117,117,173,183,183,183,183,186,191,183,173,166,176,176,176,168,165,165,168,173,176,173,173,173,173,170,173,183,181,173,165,178,183,181,173,163,157,163,163,107,99,96,96,103,163,168,165,165,150,85,53,41,47,51,57,69,83,93,103,147,147,150,163,183,189,186,178,178,168,155,115,119,160,168,178,194,202,212,215,212,202,186,186,196,215,230,230,241,251,255,248,215,150,55,25,19,31,55,73,69,68,79,101,170,196,209,220,209,202,183,176,163,155,155,152,95,61,33,27,33,61,93,109,150,150,160,168,173,181,181,176,170,176,183,168,155,113,113,117,163,163,160,116,117,165,173,181,183,181,178,178,178,178,186,199,199,196,183,181,183,181,173,173,170,170,170,165,117,109,109,111,157,165,173,173,157,113,111,152,157,160,150,106,105,109,147,155,147,152,160,183,178,152,103,109,103,89,85,103,113,109,104,107,113,117,155,170,176,176,168,111,103,103,103,99,113,176,191,183,181,181,181,173,170,127,170,189,207,215,204,186,135,186,204,225,233,230,230,233,235,241,243,254,255,255,254,241,230,220,230,241,248,230,209,199,199,207,207,196,186,178,125,117,115,115,115,157,163,160,152,147,147,144,97,83,71,63,55,49,39,29,29,29,39,53,59,87,87,87,85,77,47,27,9,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,61,77,0,0,155,181,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,33,191,170,163,173,170,157,150,155,165,173,178,183,189,191,191,186,183,183,183,182,182,183,186,191,189,183,181,183,186,178,23,5,65,129,134,139,139,101,97,142,170,173,165,163,160,155,148,150,160,165,163,163,160,160,165,168,170,176,176,178,183,173,119,119,173,189,194,191,186,181,181,181,181,178,168,163,165,168,170,170,170,170,170,173,176,178,173,164,161,163,165,165,170,170,165,165,168,168,170,176,183,173,142,147,157,150,99,25,17,7,15,65,59,65,173,181,178,102,91,99,170,178,176,170,168,160,155,157,165,168,168,165,168,170,173,176,176,173,173,170,163,115,157,168,173,173,173,173,170,170,173,178,191,189,163,119,163,170,173,168,170,170,163,165,168,165,163,121,118,117,117,119,163,170,165,119,115,119,117,109,106,106,109,123,170,173,170,170,173,176,176,173,169,170,170,123,122,123,127,125,125,125,131,176,178,183,189,189,189,191,196,202,207,207,199,186,182,183,191,191,191,194,204,212,215,222,230,233,230,209,196,194,191,191,190,191,194,196,196,194,196,202,202,202,204,202,199,196,191,191,191,194,194,186,136,134,136,139,191,202,204,196,189,185,185,186,194,196,204,215,217,222,225,228,217,215,217,225,222,215,217,222,209,139,133,135,194,215,215,202,186,135,133,133,183,207,215,196,183,183,139,133,133,189,204,217,217,202,194,194,194,199,207,217,225,228,230,230,228,225,222,222,222,225,224,225,228,230,230,230,230,228,217,215,212,212,212,212,217,222,225,228,230,230,230,230,230,230,228,228,230,230,230,230,225,212,191,144,196,199,194,189,143,143,189,194,199,199,199,194,189,187,187,189,189,189,194,199,202,196,189,196,202,199,194,194,196,199,194,186,186,189,191,189,196,209,209,202,199,202,202,196,196,202,204,202,196,204,215,212,212,215,215,212,209,204,202,202,202,202,196,195,196,196,195,199,207,207,202,196,196,199,199,198,202,202,202,204,207,199,191,190,194,199,207,204,199,196,199,204,215,228,233,233,228,212,204,202,204,204,199,194,191,192,202,207,212,209,202,199,196,199,196,194,194,196,199,202,202,199,199,199,194,190,196,204,212,217,212,207,204,207,204,199,194,191,194,196,196,199,202,191,121,116,118,133,141,196,199,196,194,196,194,186,185,185,189,199,204,199,189,141,138,137,137,139,139,137,137,189,194,194,191,194,204,222,233,233,230,225,217,217,217,225,228,228,226,228,233,238,230,215,196,173,124,126,127,114,114,173,191,202,204,199,186,131,133,191,196,199,204,207,202,195,192,192,196,209,217,222,228,230,225,217,209,196,189,189,189,186,179,181,194,202,186,125,117,176,196,178,89,85,215,217,222,230,233,233,235,228,181,123,133,181,186,191,194,196,196,191,189,183,139,189,204,207,204,196,168,165,217,238,246,246,233,230,228,230,233,230,222,212,212,215,209,207,215,225,233,230,228,222,220,220,222,225,225,222,215,212,215,225,228,228,230,235,235,230,222,215,209,204,207,212,217,217,212,207,204,204,207,207,207,207,209,212,207,199,191,191,194,199,202,204,204,204,207,207,212,215,215,211,208,208,209,215,225,228,222,207,149,135,129,132,199,225,233,238,238,238,238,238,238,235,233,233,230,229,230,233,235,228,204,140,138,145,209,212,212,220,233,235,235,228,222,217,212,217,225,228,230,228,225,225,222,217,209,204,207,222,230,225,204,196,199,204,209,204,143,135,124,117,204,225,235,238,233,217,209,212,217,215,217,215,199,139,139,204,209,212,225,230,222,109,31,45,143,212,225,225,225,225,222,217,217,222,228,230,228,228,228,228,222,217,217,222,225,225,222,217,217,222,225,230,235,235,233,233,233,233,233,233,233,230,230,225,220,215,213,215,220,225,228,228,225,225,222,217,217,212,207,200,200,204,209,217,217,209,202,196,230,233,233,222,207,207,212,215,217,222,217,215,217,222,217,215,212,209,141,128,135,199,144,133,149,209,222,228,225,215,212,212,207,207,215,225,228,230,235,238,238,241,241,243,241,238,238,238,238,235,233,230,230,230,233,235,233,235,238,241,243,243,243,241,241,238,238,238,238,238,238,238,241,241,241,243,243,243,243,246,246,246,246,246,246,246,248,248,246,243,246,248,233,130,130,157,230,238,243,246,246,241,235,233,233,230,230,230,230,228,225,225,222,222,228,230,233,233,235,238,241,238,241,241,241,241,241,241,243,243,243,241,241,241,241,241,241,243,243,243,243,243,243,241,241,241,241,241,241,238,238,235,235,238,238,238,235,233,225,222,228,233,235,233,230,228,230,235,235,235,233,233,233,230,228,225,222,222,225,225,230,230,228,217,216,217,225,228,230,233,233,230,230,228,225,222,222,225,225,225,225,225,225,225,225,225,228,228,228,228,225,225,225,225,222,222,222,222,225,225,225,222,217,215,215,215,215,215,215,215,215,215,215,215,215,217,217,217,217,217,217,217,217,217,220,220,220,217,217,217,215,215,215,215,215,212,209,209,207,204,202,199,196,196,194,189,139,135,137,143,191,194,196,202,209,212,212,209,207,207,202,202,202,202,199,199,199,202,204,204,204,202,204,207,209,212,212,204,199,194,145,191,207,222,222,217,217,215,215,215,209,204,203,203,203,203,207,215,222,222,217,217,217,222,222,222,222,222,217,217,212,209,209,209,209,212,209,199,189,139,137,137,137,139,183,186,186,183,139,137,136,136,137,186,196,204,209,212,212,207,204,204,207,209,209,207,207,207,209,209,207,207,207,212,215,220,222,217,217,222,230,235,241,243,246,246,246,248,248,251,251,254,254,251,246,243,243,246,248,246,243,243,246,248,248,243,241,239,241,0,0,0,0,0,0,255,248,241,238,238,238,241,246,251,251,248,246,246,246,246,241,235,233,230,233,235,241,246,248,251,254,255,255,254,248,243,238,235,233,235,235,0,0,0,241,238,0,0,0,0,0,0,0,194,178,170,144,118,103,103,118,134,124,0,0,0,246,230,186,131,98,79,47,40,40,43,51,57,63,67,75,105,113,118,124,118,83,82,83,83,89,89,95,95,91,126,137,139,147,152,147,137,126,126,121,111,98,88,88,95,105,105,100,108,121,0,0,0,0,0,0,0,0,0,168,157,0,0,0,0,0,0,0,79,69,46,30,22,17,17,17,12,12,17,23,25,25,21,15,15,15,9,0,0,0,0,3,7,7,1,5,19,25,25,25,31,35,35,29,31,31,29,21,11,11,23,35,43,43,39,35,31,31,31,35,35,41,41,41,43,47,95,108,82,19,7,9,15,19,11,11,11,11,8,11,21,27,37,49,61,59,59,49,33,25,27,37,63,108,116,116,113,121,0,0,163,178,207,238,255,255,255,255,235,233,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,43,20,1,0,0,0,0,25,59,82,92,82,59,4,0,0,0,0,0,0,0,0,40,0,0,0,0,0,0,0,82,59,25,1,0,0,0,0,0,5,17,53,66,74,74,66,64,31,13,0,0,0,0,0,0,0,0,0,0,0,0,129,209,238,246,248,233,230,241,248,248,243,230,212,170,91,57,46,49,75,93,103,95,37,0,0,0,0,35,95,207,255,255,255,255,255,255,91,19,45,178,241,248,222,189,165,139,85,61,41,0,0,0,0,0,0,0,25,144,163,147,160,176,199,183,0,0,0,152,220,235,246,243,217,194,217,204,176,186,220,207,77,0,0,0,0,0,0,0,27,75,144,152,152,126,59,0,0,0,0,61,81,75,67,71,101,142,144,95,101,170,189,181,173,173,183,117,78,70,82,170,194,186,181,181,186,183,173,119,106,104,106,113,160,178,186,189,189,183,173,117,107,109,117,117,119,168,176,186,186,183,183,183,176,119,118,119,165,170,173,178,183,186,183,181,183,189,189,183,170,157,165,173,178,173,165,163,170,165,150,99,98,96,103,152,157,152,152,87,47,27,20,20,29,61,83,93,103,152,163,168,168,178,191,196,194,186,178,155,100,97,113,170,189,196,202,202,204,204,196,186,178,183,191,209,220,228,241,251,255,255,225,160,67,31,25,29,47,73,85,99,157,173,189,204,209,209,202,191,178,173,163,163,163,144,75,33,19,19,29,61,95,150,109,109,155,168,163,163,163,168,176,186,186,173,115,105,103,111,170,178,176,168,168,176,181,191,191,183,176,173,178,186,189,199,199,183,173,173,173,176,168,165,119,163,163,117,107,106,106,109,155,165,176,176,163,155,152,152,160,155,109,105,105,108,147,107,107,111,160,183,176,103,89,89,87,80,80,95,113,107,107,113,117,155,170,178,183,183,170,111,103,103,98,97,109,168,181,181,176,181,178,170,125,115,170,194,215,215,199,181,135,186,204,225,235,238,238,238,241,241,241,251,255,255,251,241,238,230,235,251,255,235,215,207,207,207,215,215,204,183,165,117,107,105,103,113,155,155,155,147,147,134,97,81,69,61,55,49,39,29,29,27,37,47,59,85,87,87,87,77,69,37,21,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,48,69,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,142,176,176,163,170,165,150,146,157,173,181,181,183,186,189,186,186,183,183,182,182,183,183,189,194,191,178,170,170,168,43,7,12,126,134,139,150,144,134,131,147,168,168,157,157,155,150,147,152,170,176,165,160,117,112,113,119,173,186,183,178,176,170,121,121,173,181,178,181,176,170,165,165,168,173,173,173,173,173,173,173,170,170,170,168,170,176,176,170,165,165,165,168,168,168,168,168,168,165,165,168,173,168,155,155,160,163,186,199,202,15,5,87,97,155,178,181,183,150,91,91,107,170,168,155,163,160,157,160,168,168,163,159,159,165,176,178,178,176,176,170,115,105,111,160,165,170,178,186,181,178,186,186,191,189,160,111,119,170,181,178,178,170,163,165,165,165,163,160,160,165,168,165,165,168,165,123,121,163,163,119,115,111,117,170,178,176,173,173,176,178,181,176,173,176,173,123,121,123,129,129,127,129,131,133,133,178,183,186,186,183,189,194,196,196,191,183,183,186,189,189,191,194,199,204,212,222,228,230,228,209,196,191,190,191,194,202,207,209,204,194,189,189,191,194,199,196,194,194,194,194,194,194,196,191,141,137,137,189,204,212,207,194,189,189,186,191,199,202,207,215,215,217,225,225,215,212,215,222,222,215,212,207,189,136,137,194,215,228,225,207,194,186,135,135,191,212,217,202,186,137,133,128,128,135,191,204,207,202,194,189,141,189,196,217,228,228,230,230,228,225,222,222,225,225,225,225,228,230,230,230,228,222,215,215,217,222,222,222,225,225,228,228,230,230,230,228,225,225,225,230,233,233,228,228,222,209,196,145,194,191,141,140,141,143,189,189,191,196,199,194,189,189,191,194,191,186,191,202,202,189,181,186,191,183,182,189,194,194,189,137,137,189,191,141,141,194,194,191,143,142,189,191,196,199,199,199,195,196,204,204,204,204,202,199,199,199,198,199,204,207,199,195,196,196,195,199,207,207,199,195,196,202,204,204,209,207,204,207,207,199,191,192,196,202,207,207,202,202,202,204,212,222,225,222,215,204,202,207,215,215,204,194,191,192,204,215,222,222,215,204,196,194,194,196,199,202,199,199,204,207,215,217,212,202,199,204,215,217,212,204,199,198,199,199,194,191,196,204,212,215,212,199,119,114,116,189,204,215,212,204,196,191,186,185,186,186,185,194,199,194,186,186,141,138,139,183,191,207,202,189,191,199,202,202,207,217,228,230,228,225,222,220,222,225,230,230,228,228,235,235,217,199,189,176,124,124,173,178,186,196,207,217,222,212,194,181,186,202,209,212,212,207,195,192,191,192,195,207,217,225,228,228,217,204,202,202,194,191,189,186,181,186,202,194,115,101,117,207,228,238,91,77,217,215,215,217,228,235,235,191,122,123,181,183,183,189,194,199,202,199,189,139,186,199,215,212,207,207,179,176,209,235,246,246,241,235,233,233,235,230,222,212,215,217,217,215,217,225,230,230,225,222,218,222,228,228,225,217,215,212,217,230,233,230,233,238,235,225,217,212,204,203,204,212,222,222,209,204,204,204,207,207,207,204,204,207,202,196,191,191,194,196,196,196,196,196,196,202,212,217,217,215,225,225,212,212,225,228,222,212,204,145,135,139,207,228,235,238,238,238,235,235,235,235,230,230,230,229,230,235,235,228,204,143,142,199,209,208,209,220,230,235,233,228,222,212,204,209,215,222,225,228,225,217,215,212,209,207,204,204,212,215,207,200,203,215,215,199,143,142,143,145,209,230,235,233,225,212,204,202,204,212,228,222,137,130,135,194,207,217,230,228,194,17,0,0,9,69,143,212,222,225,222,222,222,217,222,225,228,230,230,233,228,225,222,222,222,222,216,213,215,217,222,230,235,238,238,235,235,233,233,233,230,230,230,228,222,217,215,215,220,225,228,228,228,225,222,220,222,217,207,199,199,202,202,212,217,209,191,127,135,215,228,222,212,212,217,217,222,225,225,220,220,222,222,215,209,196,131,124,131,147,145,140,204,217,228,233,230,222,215,207,200,200,207,228,233,235,235,238,238,238,241,238,235,233,230,230,230,228,225,225,225,225,230,233,233,233,235,241,243,243,241,241,241,238,238,238,238,238,238,241,243,243,243,243,243,243,243,246,248,248,248,246,246,246,248,248,248,246,246,243,212,125,124,135,215,230,241,243,243,238,235,235,233,233,233,233,230,228,228,225,222,222,228,233,235,235,238,243,243,243,241,241,238,238,238,241,241,243,243,243,241,241,241,241,241,241,243,243,243,243,241,241,241,241,241,241,241,241,238,238,238,238,238,238,235,230,222,218,225,230,233,233,230,230,230,235,235,233,228,228,228,230,230,225,222,222,225,228,230,233,228,222,217,220,225,228,233,233,233,230,228,222,221,221,222,225,225,225,228,228,225,224,224,225,228,228,228,225,225,225,225,222,222,222,222,222,222,222,217,215,215,212,212,212,215,215,215,215,213,213,215,215,215,217,217,217,217,217,217,217,217,217,220,220,220,217,217,217,215,215,215,215,215,212,209,207,207,207,204,202,199,196,191,141,134,133,135,141,189,191,194,196,204,212,209,202,199,202,199,199,199,199,196,196,199,202,202,202,202,202,204,207,209,209,209,202,199,199,204,207,215,220,217,215,215,217,215,212,207,203,203,203,204,204,207,215,222,222,222,222,222,222,222,222,222,222,217,215,212,209,207,207,209,209,207,199,189,141,141,139,139,139,139,183,183,183,139,137,136,136,137,183,194,202,209,212,209,207,204,205,207,209,209,207,207,209,209,207,207,207,209,215,217,222,222,215,212,217,230,235,241,243,246,246,246,248,248,248,248,251,251,248,243,238,241,246,248,246,238,237,238,241,243,241,241,241,241,246,0,0,0,0,0,255,248,241,238,237,237,238,243,248,251,251,248,246,246,243,238,233,230,229,230,235,243,251,255,255,255,255,255,254,246,243,241,243,243,241,241,0,0,0,251,248,0,0,0,0,0,0,217,170,144,134,118,108,103,111,126,150,144,0,0,0,0,230,189,147,116,87,43,39,40,47,51,53,59,65,69,103,111,124,126,124,116,83,83,83,89,89,95,95,95,134,137,137,139,147,147,129,126,126,124,111,95,88,91,108,129,134,129,134,0,0,0,0,0,0,0,0,168,0,176,157,137,0,0,0,0,0,0,0,87,56,35,30,27,22,17,10,12,13,33,46,51,46,25,21,15,7,0,0,1,3,3,7,11,11,15,29,56,56,56,61,61,56,53,53,53,37,29,23,21,29,37,41,41,37,35,31,29,27,29,29,33,41,47,47,72,87,92,72,21,9,9,19,23,23,19,19,13,8,11,21,23,33,55,87,95,95,65,49,25,25,47,71,116,124,124,124,131,0,160,168,181,199,233,255,255,255,248,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,64,40,20,1,0,0,0,0,22,59,82,92,82,48,0,0,0,0,0,0,0,0,4,51,0,0,0,0,0,0,0,90,66,25,0,0,0,0,0,0,5,19,59,74,74,64,56,43,27,21,7,0,0,0,0,0,0,0,0,0,0,0,9,121,191,228,246,246,241,241,241,238,233,230,222,186,107,71,46,41,49,69,101,115,95,25,0,0,0,15,59,101,189,241,255,255,255,255,134,0,13,147,222,235,202,160,139,137,124,83,61,35,0,0,0,0,19,27,53,137,163,157,165,176,225,248,0,0,0,144,220,235,246,254,241,233,238,228,209,194,209,189,67,0,0,0,0,0,0,0,47,105,118,134,134,126,59,0,0,0,1,53,73,69,69,77,101,160,170,170,178,199,207,191,183,194,204,183,105,83,97,178,204,204,196,199,199,194,181,163,110,107,107,108,115,170,170,173,181,189,186,165,109,101,95,87,89,101,119,176,186,189,194,194,183,165,118,118,119,165,173,186,191,191,183,183,189,191,189,173,117,107,117,165,173,173,165,165,170,170,157,107,103,103,139,152,139,139,99,77,41,23,20,21,47,89,103,147,150,163,168,178,178,189,199,202,194,186,176,115,97,97,105,170,191,202,212,204,196,186,178,178,178,186,191,194,194,204,217,230,243,241,209,160,81,49,35,35,47,73,99,173,189,194,204,212,215,209,202,186,181,176,181,181,163,101,59,21,7,5,13,39,83,107,103,103,144,165,163,159,159,163,178,186,183,165,113,102,100,111,178,196,183,176,183,186,191,191,191,183,173,170,178,186,189,183,183,173,169,173,183,176,165,113,107,111,113,113,107,106,106,109,157,165,176,186,165,155,152,152,160,152,109,106,109,147,147,107,103,105,160,183,173,95,79,83,83,80,80,95,113,109,107,113,155,170,170,186,194,186,176,115,105,99,97,97,109,163,173,173,170,173,178,165,113,115,173,194,207,204,176,125,129,183,202,225,238,241,241,241,238,238,238,241,251,251,251,241,235,228,230,248,248,235,215,207,207,215,222,230,222,194,170,113,103,95,95,103,147,155,155,147,147,131,93,81,69,59,49,43,39,27,27,27,35,47,53,59,77,77,82,77,69,61,35,21,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,48,69,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,100,168,156,191,173,168,144,142,160,181,181,178,181,183,183,186,186,186,183,182,182,182,186,191,194,189,176,163,152,35,9,10,118,147,142,139,144,144,139,137,150,163,160,157,160,160,152,148,160,183,189,181,173,160,113,113,119,176,189,178,170,165,163,121,121,123,113,95,117,165,163,119,117,121,168,176,181,181,178,176,173,170,170,168,165,165,170,176,176,173,170,168,168,168,170,170,168,163,160,163,168,168,163,155,155,163,176,196,212,222,61,5,93,147,160,170,181,183,178,157,104,150,170,168,155,156,157,157,165,168,163,159,156,152,160,173,176,176,178,178,173,108,101,111,160,163,168,181,191,178,105,170,181,170,176,168,119,119,168,178,176,176,170,163,165,160,121,163,170,181,183,178,168,163,163,160,123,163,165,163,163,123,123,163,176,181,181,176,176,178,178,178,176,178,181,176,123,121,129,181,181,178,176,178,176,131,133,178,181,178,178,178,181,183,183,181,183,189,191,191,186,189,191,194,196,204,212,222,225,222,209,196,191,190,191,194,202,212,215,207,191,183,185,191,204,215,209,199,191,191,191,191,194,199,196,189,141,137,141,196,204,204,194,191,194,191,194,199,199,202,207,207,207,212,212,209,209,212,212,215,215,207,189,137,139,194,207,217,228,225,204,189,139,134,137,189,196,191,189,183,137,131,128,129,135,186,196,204,207,202,189,137,135,139,212,228,230,230,230,228,222,220,222,225,228,225,225,225,228,230,233,230,225,222,225,230,230,230,228,225,225,222,222,225,225,228,225,225,224,225,230,233,230,228,225,217,209,199,196,202,196,142,141,142,143,189,189,191,196,199,194,191,194,196,199,191,182,183,189,183,176,176,183,189,183,182,186,183,135,133,131,133,186,191,141,139,140,143,143,142,141,142,194,196,199,202,207,202,196,199,204,202,202,198,198,199,199,199,199,204,207,202,195,195,196,199,204,212,209,204,199,204,212,215,217,225,222,212,209,209,202,194,196,202,202,202,204,207,209,209,207,204,207,209,209,204,196,196,204,212,215,207,196,192,194,207,217,225,228,222,207,194,191,192,196,204,207,202,202,207,217,233,235,228,209,202,202,207,209,209,204,199,198,202,202,196,194,196,207,217,225,222,204,129,117,115,186,204,217,217,212,199,189,186,194,202,199,194,196,196,194,191,191,186,139,139,183,191,207,209,196,194,199,204,202,202,212,222,228,230,228,228,225,225,228,230,233,230,233,238,222,181,127,183,194,186,176,183,199,202,202,212,228,225,207,191,183,189,204,217,228,222,204,195,196,199,202,202,209,222,228,228,225,209,199,202,204,199,194,199,191,183,196,230,217,98,65,98,181,202,212,59,1,99,191,209,217,225,233,225,178,122,131,183,181,137,186,196,199,194,191,183,139,194,209,222,215,202,202,196,186,204,235,248,251,246,241,235,233,233,230,225,222,222,225,222,217,215,217,225,228,225,220,220,225,228,228,225,217,209,207,212,225,230,230,230,235,230,222,217,212,204,203,204,209,215,215,207,204,204,207,209,209,207,204,202,202,199,194,191,191,194,194,194,194,194,192,191,196,209,217,215,217,230,233,222,217,225,225,222,217,212,202,147,199,217,230,238,238,238,238,235,235,235,233,233,230,230,230,233,235,233,228,207,149,196,215,217,209,209,225,230,233,233,228,215,202,143,194,202,209,217,222,217,212,209,209,215,212,202,127,124,196,212,215,217,228,222,199,147,199,207,209,228,233,235,228,215,204,199,195,195,209,222,212,136,131,136,145,199,209,225,230,202,25,0,0,0,0,49,199,230,230,225,225,215,209,212,225,230,230,230,233,230,228,222,222,222,222,216,215,216,217,225,228,233,238,235,235,235,235,235,233,233,233,233,230,225,220,217,217,220,225,228,228,225,222,217,222,225,222,209,200,202,209,209,209,212,204,137,112,119,209,215,209,212,217,217,217,222,225,225,222,220,222,217,212,204,147,135,133,196,207,209,215,222,225,228,230,230,228,217,207,202,203,212,233,238,235,235,238,238,241,238,230,215,213,222,225,217,215,222,228,230,228,233,235,235,233,233,238,241,241,241,241,241,238,238,238,238,238,241,241,246,246,243,243,243,243,246,248,248,248,248,246,246,246,246,246,248,248,246,235,159,133,129,135,155,220,230,235,235,235,235,233,230,230,230,230,230,230,228,225,225,222,225,230,235,238,241,243,246,243,243,241,238,238,238,238,241,241,241,241,241,241,241,241,241,241,241,243,243,241,241,241,238,241,241,241,241,241,241,238,238,238,238,238,235,230,220,217,218,225,228,230,230,230,230,230,230,228,217,217,225,228,230,228,222,225,228,230,230,233,228,222,220,222,225,230,233,233,233,230,222,220,220,222,225,225,225,225,228,228,225,224,224,225,228,228,228,225,225,225,222,222,222,222,220,220,217,217,215,215,212,212,212,215,215,217,217,215,215,213,215,215,215,217,217,217,217,217,217,217,217,217,220,220,220,217,217,217,215,215,215,215,215,212,209,209,207,207,204,204,202,199,191,141,134,133,137,143,189,191,191,194,199,207,207,199,198,198,199,199,199,196,195,195,196,199,199,199,199,202,202,204,207,207,204,196,194,199,207,209,212,212,209,212,215,217,217,212,207,203,204,207,207,204,207,215,217,222,222,222,222,222,222,222,222,217,217,215,212,209,207,207,207,207,204,196,189,189,189,186,139,139,139,139,183,183,183,139,137,136,137,183,194,202,207,209,209,207,207,207,209,209,207,207,209,209,207,204,204,207,212,217,222,225,225,215,209,215,228,235,238,241,243,246,246,246,248,248,248,248,248,246,241,237,237,243,248,246,237,235,237,238,241,243,243,243,243,246,251,0,0,0,0,254,248,243,238,238,238,238,243,251,254,254,251,248,246,243,238,233,230,229,229,235,243,254,255,255,255,255,255,251,246,243,246,248,251,248,0,0,0,0,255,255,0,0,0,0,0,254,204,157,126,118,111,111,111,118,137,155,0,0,0,0,0,0,194,157,131,98,56,38,40,47,51,49,49,53,57,63,69,77,108,116,116,89,89,89,89,124,95,95,95,134,137,134,137,147,147,129,121,118,111,98,90,91,105,129,157,157,142,139,139,0,0,0,0,0,0,144,137,144,155,134,118,0,0,0,0,0,0,0,0,77,48,38,38,33,22,13,17,33,43,56,66,56,29,25,21,11,3,7,9,7,2,7,25,31,53,61,77,77,77,82,82,82,77,72,72,61,53,31,29,31,53,41,41,37,35,31,27,26,29,28,33,41,47,72,77,77,47,39,27,19,15,19,23,23,29,29,23,11,11,17,23,33,53,92,103,103,92,53,25,24,37,67,113,124,124,124,139,0,173,181,189,199,225,246,254,248,225,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,69,46,20,1,0,0,0,0,17,48,0,82,72,22,0,0,0,0,0,0,0,0,40,66,0,0,0,0,0,0,0,98,66,30,1,0,0,0,0,0,5,30,56,66,64,40,34,34,35,35,19,7,0,0,0,0,0,0,0,0,0,0,0,17,116,181,217,230,230,233,241,233,230,225,222,204,168,93,67,49,47,49,83,109,115,85,27,0,9,25,37,49,83,183,255,255,255,255,134,0,0,61,194,222,186,150,134,139,147,134,79,51,17,0,0,13,45,53,45,33,61,121,176,199,243,255,0,0,0,170,228,235,238,243,238,233,230,225,209,207,217,194,134,7,0,0,0,0,0,33,98,118,111,124,150,152,144,79,53,41,47,47,55,69,81,91,142,178,196,196,196,199,199,189,189,199,207,202,176,115,119,178,194,204,207,212,212,207,194,183,173,165,121,117,121,123,123,115,173,191,196,181,121,101,83,67,61,75,107,176,183,191,191,191,183,170,163,118,113,121,181,196,196,191,183,183,189,191,181,165,107,106,107,157,165,173,168,168,170,170,165,152,150,152,152,139,99,93,83,65,39,23,22,41,83,139,152,152,152,155,168,178,189,196,204,199,191,183,176,160,103,100,105,160,178,196,209,199,176,113,160,173,186,194,191,183,176,178,199,209,209,199,189,165,101,85,67,55,55,75,109,181,196,204,207,215,220,215,202,191,183,189,191,181,152,83,49,21,5,2,3,0,65,87,93,95,109,165,170,161,161,170,183,183,173,155,107,102,102,111,178,196,194,181,183,183,183,191,191,189,176,170,181,186,178,176,168,170,173,181,183,176,119,105,99,99,111,117,117,115,115,115,157,165,173,170,163,155,152,152,160,150,109,109,147,155,150,107,105,111,165,183,163,95,77,83,89,89,87,101,109,107,103,113,155,170,178,196,194,191,173,165,109,103,97,103,111,163,163,117,163,170,170,123,113,115,173,186,194,176,113,105,121,135,196,222,233,238,241,241,238,238,233,238,241,248,248,238,230,220,220,230,235,220,209,204,207,212,228,233,228,202,168,113,99,91,89,95,103,144,144,144,101,131,87,81,69,55,47,39,27,27,21,21,25,25,37,45,49,51,74,74,66,41,35,21,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,59,69,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,178,173,178,173,144,140,157,176,178,176,181,181,181,183,186,186,183,182,183,186,183,189,196,181,33,11,33,29,21,51,131,142,144,144,144,144,142,139,147,157,160,160,165,165,157,152,165,186,191,189,186,176,157,115,117,163,173,165,121,121,121,117,115,113,89,77,85,168,168,119,115,117,121,168,173,178,178,176,173,170,170,168,165,164,165,173,176,176,173,170,168,168,170,173,168,159,156,159,170,173,160,152,153,168,186,202,212,222,65,0,35,99,155,165,183,181,178,173,168,168,170,168,160,160,160,165,170,170,163,160,160,160,165,173,176,176,173,176,170,150,110,160,163,160,160,163,168,111,62,79,99,89,79,107,163,119,107,113,119,163,168,163,121,113,112,121,178,196,196,183,170,163,160,163,168,170,168,163,123,165,165,168,173,178,181,178,176,176,173,173,173,176,178,173,122,123,181,196,202,199,194,186,178,131,133,135,178,178,135,133,133,133,133,135,181,189,194,191,186,186,191,194,194,199,204,209,212,209,204,196,191,191,191,194,196,204,207,202,189,183,186,204,222,230,217,199,189,189,191,196,204,209,204,194,189,141,139,186,199,207,199,194,194,194,191,194,196,199,202,199,199,200,202,202,204,207,204,207,207,196,137,137,194,204,207,212,215,212,196,137,133,137,189,191,183,134,136,183,139,131,131,137,186,191,199,209,215,209,191,135,131,130,204,225,228,230,228,225,222,220,222,228,230,228,225,222,225,228,230,230,233,233,235,238,235,233,228,225,222,217,216,216,222,225,228,228,225,225,228,230,228,228,225,217,209,199,199,212,207,196,194,191,191,191,189,194,199,202,196,196,199,202,199,191,181,181,182,181,177,186,199,196,191,186,183,137,133,132,130,133,189,199,191,141,140,141,189,191,191,194,196,194,192,204,212,207,196,196,199,199,199,199,204,207,204,199,198,199,202,199,195,195,199,204,212,217,217,212,209,215,225,228,230,233,230,217,209,207,202,196,199,202,199,199,202,209,215,217,209,200,199,202,202,199,194,194,196,202,202,199,199,196,202,207,212,217,222,217,204,194,191,192,199,204,209,204,202,207,222,235,235,225,204,196,199,202,204,207,207,204,202,207,207,202,196,199,207,217,225,217,199,141,131,125,186,202,212,217,212,196,139,186,202,212,209,202,199,196,194,194,194,189,139,139,139,183,191,199,202,199,196,196,194,196,204,212,222,228,230,230,230,230,230,230,233,235,241,241,181,101,109,173,207,207,183,183,196,194,191,207,225,212,196,191,189,194,207,222,230,222,199,196,204,209,209,204,207,212,215,215,212,202,199,207,209,202,196,204,199,183,186,215,212,119,90,101,178,191,178,9,0,2,87,204,217,222,217,212,204,199,202,196,137,125,129,186,186,137,135,133,137,202,215,225,215,192,195,196,191,202,238,251,251,246,238,235,230,228,228,228,230,233,233,225,215,213,213,217,225,222,218,218,222,225,228,225,217,209,205,204,209,217,225,230,230,228,222,222,215,209,207,207,209,209,207,204,203,204,207,209,209,207,202,199,196,194,145,143,143,143,143,145,194,199,194,192,196,204,212,212,212,220,228,228,228,222,217,222,222,217,207,199,207,225,233,238,241,241,238,238,235,235,233,233,230,230,230,228,220,225,228,207,196,204,225,225,212,212,228,230,233,233,228,209,141,129,133,145,202,212,215,212,207,207,212,215,212,145,116,114,127,209,225,228,233,228,209,204,209,215,217,222,222,225,217,209,202,198,195,200,212,209,199,145,141,143,145,196,199,209,238,243,127,29,0,0,0,11,139,230,222,202,196,115,125,149,222,230,230,230,233,230,228,225,225,228,228,228,225,225,225,225,228,233,235,233,233,235,238,238,238,235,235,233,230,225,217,215,217,220,222,225,225,222,217,217,217,222,222,209,202,207,228,225,215,209,199,137,116,122,199,196,191,215,225,222,217,217,222,222,217,215,217,215,212,204,199,196,207,217,217,217,225,228,228,225,225,228,228,222,212,212,217,230,238,241,235,233,235,241,233,217,211,209,212,217,222,211,211,222,235,238,235,238,243,241,228,217,228,235,241,241,241,241,241,241,241,241,241,241,243,246,246,243,243,243,243,246,248,251,248,248,246,246,243,243,243,246,246,243,230,215,155,151,151,157,212,222,228,230,233,233,228,225,225,228,230,230,230,230,228,225,222,225,230,235,238,238,241,243,243,243,241,238,238,235,235,235,238,238,238,241,241,241,241,241,241,241,241,241,241,241,238,238,241,241,243,243,243,241,241,238,238,238,238,235,228,220,217,217,220,225,230,230,230,228,225,225,217,213,213,222,228,230,228,225,228,230,230,230,230,228,225,222,225,228,230,233,233,230,228,222,218,220,222,228,225,225,225,228,228,225,225,225,225,228,228,225,225,225,222,222,222,222,220,217,217,217,215,215,215,212,212,215,215,215,215,215,215,215,215,215,215,215,217,217,217,217,217,217,217,217,217,220,220,220,217,217,217,215,215,215,215,215,215,212,209,209,209,209,207,204,202,199,191,143,141,143,189,189,189,189,191,196,202,204,202,199,199,199,199,199,196,195,195,196,199,199,199,199,202,202,202,204,204,199,194,190,192,202,209,209,209,209,209,212,217,217,215,209,204,207,207,207,207,209,215,217,222,222,222,222,222,222,217,217,217,217,215,212,209,209,209,209,209,202,194,189,191,194,189,186,183,183,183,183,183,183,139,139,139,183,186,194,199,204,207,209,209,209,209,209,209,207,207,207,207,204,202,202,204,212,217,222,222,225,212,204,212,228,235,238,241,243,246,246,246,246,246,246,246,248,246,241,235,237,243,248,246,243,241,241,238,241,243,246,246,243,246,248,255,0,0,254,251,248,243,241,241,241,243,248,254,255,255,254,251,246,241,238,233,230,230,230,233,241,251,255,255,255,254,251,248,248,248,251,254,255,0,0,0,0,0,255,255,0,0,0,0,0,246,186,137,118,0,0,0,0,0,0,165,178,186,0,0,0,0,194,163,137,100,64,39,39,47,47,43,42,39,42,43,49,57,63,75,113,124,124,124,124,124,89,89,91,126,134,129,134,147,152,137,118,105,95,91,91,103,121,139,155,142,129,121,121,0,0,0,0,0,0,100,92,95,98,98,100,118,0,0,0,0,0,0,100,82,53,48,43,38,33,27,38,51,77,85,87,77,56,39,39,29,21,25,25,15,7,13,33,69,90,98,0,0,0,0,0,100,95,92,92,77,61,37,35,37,53,53,37,35,35,35,29,29,31,33,41,47,49,72,72,45,31,25,27,25,21,19,17,23,29,35,27,15,15,17,23,35,53,67,100,103,95,55,24,22,37,63,105,124,124,126,142,168,181,191,196,199,215,225,233,233,217,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,79,51,27,9,1,1,0,0,17,0,0,0,48,4,0,0,0,0,0,0,0,0,61,61,51,61,0,0,0,0,0,0,66,33,17,1,0,0,0,0,0,0,56,64,53,40,34,34,35,40,35,13,0,0,0,0,0,0,0,0,0,0,0,0,31,116,168,186,199,225,243,248,241,230,222,207,186,155,107,89,75,67,75,89,107,97,71,45,43,41,37,31,39,85,209,255,255,255,144,0,0,0,93,186,170,160,150,152,168,160,124,73,51,51,51,57,75,65,21,0,0,23,150,199,251,255,0,0,13,178,228,235,228,225,222,222,207,176,160,178,196,186,121,27,0,0,0,0,45,144,155,139,124,134,160,170,163,144,85,67,53,21,31,63,91,137,150,178,186,186,178,178,183,189,189,199,199,202,191,178,176,178,186,194,204,212,215,212,209,199,196,191,181,168,170,170,119,103,115,181,194,189,173,119,89,61,49,55,87,119,183,189,183,181,173,173,173,163,118,121,181,196,196,189,183,189,196,191,181,165,117,107,107,152,165,170,165,165,165,170,165,152,147,150,147,99,85,85,71,47,23,18,22,57,95,147,139,137,139,152,168,186,196,202,196,191,186,178,178,163,113,103,105,115,165,186,194,168,93,77,99,168,186,186,176,165,160,168,199,209,199,189,176,160,111,95,85,73,63,75,99,176,196,204,207,215,220,209,202,194,194,194,189,163,93,71,55,35,15,3,3,0,55,81,93,103,144,165,176,173,176,183,183,173,157,115,107,103,104,117,178,194,186,181,176,173,173,181,191,189,178,170,176,176,168,163,165,170,181,196,196,181,115,99,95,99,111,160,160,160,157,157,157,165,163,163,157,152,152,152,160,152,109,109,147,155,155,144,105,144,160,181,157,89,77,89,101,101,101,107,107,97,93,107,155,173,186,194,199,186,173,165,115,103,98,109,117,163,117,109,113,160,160,113,109,111,163,168,168,111,97,97,107,127,186,209,230,238,238,238,238,233,230,230,235,248,248,238,228,209,209,217,217,209,199,196,204,212,225,230,222,194,168,113,99,91,89,87,93,101,101,101,131,95,87,79,67,53,37,27,25,21,13,13,13,19,25,25,35,35,45,45,41,33,19,13,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,56,66,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,59,194,168,170,163,146,143,155,170,176,178,183,181,181,181,186,186,183,183,186,196,191,189,186,43,0,0,3,142,155,142,134,137,139,144,150,150,147,142,147,157,165,165,168,170,168,165,176,183,178,173,181,178,165,119,113,115,117,115,117,160,121,111,111,121,95,80,89,181,176,163,117,115,119,123,168,170,173,170,168,168,168,170,170,165,165,168,173,173,173,170,168,168,173,176,170,160,157,160,173,176,160,153,157,178,194,204,209,204,17,0,37,105,155,157,163,168,168,170,173,176,176,173,168,168,168,176,181,176,170,170,183,191,165,160,176,178,170,170,173,168,168,170,163,157,115,104,103,111,89,91,99,83,12,0,0,35,21,67,101,113,163,165,117,110,109,115,181,196,196,186,176,170,165,168,176,181,173,165,163,168,170,168,168,173,178,178,173,170,170,173,170,168,170,127,122,173,196,209,215,217,212,196,133,127,129,133,181,183,181,133,131,131,132,132,135,183,189,186,183,189,196,199,202,199,196,196,199,199,196,194,194,196,196,194,189,189,194,191,185,185,191,209,225,228,215,199,190,189,194,207,215,217,212,199,194,194,186,186,202,207,202,194,194,194,191,194,204,212,209,202,199,202,202,204,207,207,202,199,196,143,139,191,212,209,204,199,199,196,186,137,135,199,204,204,194,135,136,183,183,137,139,191,194,194,204,212,215,207,143,133,129,126,196,222,228,228,228,225,222,220,222,228,230,225,225,222,217,212,212,222,230,235,238,238,235,233,228,225,222,217,216,216,217,225,228,230,228,228,228,225,225,225,228,222,207,196,199,212,207,199,199,202,202,196,196,199,202,202,202,207,209,209,204,196,183,182,183,191,199,217,217,212,202,189,139,137,137,137,135,139,196,204,202,194,186,186,191,199,212,212,202,192,192,204,209,204,196,195,195,195,199,204,209,212,207,202,198,198,199,199,195,196,204,207,212,222,225,215,212,222,230,233,233,233,230,222,207,202,199,199,202,202,199,199,199,204,212,215,207,200,199,200,202,199,194,194,194,191,187,186,191,202,207,204,204,207,209,207,199,196,196,199,202,207,209,204,199,202,209,217,215,194,186,192,202,209,215,215,215,212,209,212,209,204,202,202,204,212,217,204,191,196,199,196,196,202,202,204,194,129,121,129,191,207,207,199,196,194,196,196,194,191,186,186,186,183,186,194,199,196,191,191,191,191,196,202,207,215,225,230,233,233,233,230,235,243,248,238,73,65,95,123,202,207,178,173,183,181,181,191,199,189,189,199,204,207,209,217,228,217,196,196,207,209,204,199,196,199,196,194,194,191,194,204,207,194,186,191,194,178,129,176,194,207,222,222,225,222,209,93,3,6,73,181,202,199,196,209,222,225,225,220,186,119,120,133,135,132,132,131,133,202,207,215,212,194,195,199,191,199,233,246,246,243,238,235,230,228,228,228,230,233,235,228,217,212,211,215,222,222,218,222,222,225,228,230,228,217,207,204,204,212,225,230,228,222,217,217,215,212,212,212,212,209,207,204,204,204,209,209,209,204,202,199,196,191,142,141,142,143,142,143,199,207,207,199,196,199,204,209,215,215,222,228,228,217,217,222,228,230,217,204,207,225,233,238,241,241,241,238,235,233,233,233,230,230,228,207,143,202,228,209,196,202,225,228,215,215,230,230,230,233,225,207,137,128,133,145,199,207,207,204,204,209,217,222,215,196,125,120,131,202,225,230,233,233,228,217,215,217,217,196,194,207,215,209,204,204,204,217,222,194,191,199,199,199,202,199,145,191,238,251,243,127,0,0,0,43,139,145,101,94,102,105,112,139,217,233,233,233,235,233,228,225,225,228,233,233,230,228,228,228,228,230,233,233,233,235,238,238,241,238,238,235,228,217,212,212,215,217,222,222,222,220,220,217,217,222,217,209,204,215,230,230,222,209,199,145,134,136,145,191,196,217,225,222,222,217,222,220,215,213,215,215,212,209,207,209,215,222,222,220,225,228,228,225,225,225,225,222,217,222,230,235,235,233,233,230,233,235,222,208,207,212,220,222,212,209,211,225,238,241,235,235,241,241,209,146,155,230,241,241,239,241,243,243,243,243,243,243,243,246,246,243,242,242,243,246,248,248,248,246,246,243,243,243,243,243,243,238,228,217,217,217,212,209,215,217,225,228,233,230,225,217,217,222,228,230,233,233,230,225,225,230,233,235,234,235,238,241,243,243,243,241,238,235,233,233,233,235,235,238,241,241,241,241,241,241,241,241,241,241,238,238,238,241,243,243,243,243,241,241,238,235,235,233,228,222,218,218,222,225,225,228,228,228,222,215,212,212,215,225,230,228,225,224,228,230,230,230,230,230,228,225,228,230,233,233,230,230,228,225,220,220,225,228,228,225,228,228,225,225,225,225,225,225,225,225,225,222,222,222,222,220,217,217,217,215,215,215,215,215,215,215,215,212,212,212,212,215,215,215,215,215,217,217,217,217,217,217,217,217,217,220,220,220,217,217,217,215,215,215,215,215,215,212,212,212,212,212,209,207,207,204,202,196,194,191,191,189,189,186,189,194,196,199,202,202,199,199,202,199,196,195,196,199,202,199,199,199,199,199,199,199,199,199,194,190,192,199,209,212,212,212,212,212,215,215,215,212,207,207,207,207,205,207,215,217,222,222,222,222,222,217,217,217,217,217,215,215,212,209,212,212,209,199,189,189,196,199,194,189,186,186,183,139,139,183,183,183,186,189,191,194,199,204,207,207,207,209,209,209,209,207,204,204,204,202,199,199,204,212,217,222,222,225,207,153,209,228,235,238,241,246,246,246,246,246,246,246,246,248,248,241,235,237,243,248,246,246,246,243,238,238,241,243,243,243,243,246,251,0,0,254,251,251,246,243,246,246,248,251,0,255,255,254,251,246,238,235,233,230,230,230,233,238,246,254,255,255,254,251,0,0,0,255,255,255,0,0,0,0,0,255,255,0,0,0,0,246,212,176,137,137,0,0,0,0,0,0,0,191,191,0,0,0,0,0,178,147,113,82,61,56,61,47,43,42,39,39,39,43,49,57,63,75,83,124,134,134,124,89,85,89,124,124,124,129,147,157,139,118,103,92,92,103,111,121,124,124,121,113,113,116,0,0,0,0,0,0,82,74,59,66,77,92,100,111,118,0,0,0,0,0,77,64,48,43,38,33,33,43,56,85,103,103,0,0,0,0,66,43,69,43,29,25,33,74,0,0,0,0,0,0,0,0,0,111,108,100,87,64,53,48,53,56,53,37,33,33,33,29,29,33,43,47,47,45,45,45,35,25,22,25,27,23,17,17,17,25,35,27,21,17,23,33,41,53,67,92,95,71,55,31,24,37,55,75,113,124,129,155,176,191,196,196,196,204,212,215,215,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,85,61,27,20,9,17,7,7,7,0,0,0,0,14,0,0,0,0,0,0,0,0,35,9,1,9,9,4,0,0,0,0,56,46,33,25,7,1,1,0,0,0,0,59,53,43,40,43,40,43,43,19,0,0,0,0,0,0,0,0,0,0,0,0,0,47,129,168,191,217,248,255,251,241,222,207,199,194,186,170,113,97,89,83,85,85,79,71,79,81,67,35,23,31,75,189,255,255,144,0,0,0,5,87,155,194,194,176,199,191,152,124,79,134,168,163,142,75,7,0,0,0,47,168,233,243,124,0,0,142,212,228,225,222,217,217,191,151,143,152,157,118,43,19,0,3,0,5,124,163,147,118,59,69,124,137,124,71,51,35,15,0,13,43,81,142,142,160,170,170,168,168,178,183,189,189,191,191,186,186,189,189,189,194,204,204,207,212,212,212,209,202,191,183,186,186,168,98,99,168,189,196,194,183,101,63,43,39,43,85,165,181,181,173,173,173,181,178,165,165,173,183,189,189,189,191,196,191,181,170,163,117,152,152,165,168,165,163,160,163,160,107,99,103,97,83,71,65,63,29,18,19,35,83,134,139,93,95,137,155,170,181,189,186,178,178,178,183,178,165,105,99,100,115,165,176,160,89,56,53,83,113,160,113,103,103,111,176,217,217,209,189,176,113,95,85,79,67,55,61,85,157,181,194,204,204,209,202,196,194,194,199,189,163,89,71,65,59,37,19,17,31,65,87,103,142,160,173,181,186,194,196,183,165,155,115,113,107,111,160,178,181,181,176,165,160,160,173,189,191,178,165,160,160,121,121,165,178,196,202,204,181,113,99,95,99,117,160,160,160,155,150,157,155,157,157,155,111,111,152,155,157,150,109,147,155,155,144,105,105,152,173,150,83,77,89,147,113,113,109,101,90,89,101,155,178,189,204,199,181,173,163,115,103,103,113,165,165,113,107,107,113,113,105,101,105,111,111,105,97,95,93,99,119,176,202,220,228,228,230,238,230,225,228,230,238,248,238,228,209,207,215,212,204,196,196,196,207,222,222,215,191,125,113,103,93,87,85,87,93,93,95,95,93,85,79,67,53,37,27,21,13,7,0,0,5,11,15,19,23,25,25,25,17,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,66,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,144,150,147,152,163,170,176,181,183,183,183,183,183,186,183,186,189,191,199,189,27,0,0,37,137,189,207,170,144,142,139,142,155,157,155,147,150,163,173,173,173,176,178,183,186,181,157,150,160,173,170,163,113,105,105,107,117,168,165,113,117,194,183,115,176,186,178,123,115,115,119,163,165,165,165,165,165,168,170,170,170,168,163,160,165,168,168,168,168,168,170,178,178,168,163,170,178,168,160,163,173,186,196,199,202,194,7,0,43,103,157,152,152,157,163,165,170,181,186,181,176,173,173,181,183,178,173,178,196,196,101,91,165,178,173,170,178,173,173,168,157,155,113,99,97,111,183,189,173,165,35,0,0,0,0,39,93,105,121,163,119,113,111,117,176,189,186,183,183,176,168,170,176,181,176,168,168,173,176,170,165,165,173,176,170,170,173,176,173,127,125,123,122,186,207,217,225,228,225,199,125,117,121,129,135,183,183,135,131,131,133,133,132,133,137,181,186,196,207,212,212,204,194,189,191,199,199,196,196,199,199,191,141,140,141,186,186,189,196,207,215,217,209,202,194,191,196,207,217,228,217,202,199,202,191,186,204,207,202,196,194,191,191,196,222,228,228,215,209,212,212,212,215,212,209,204,196,191,194,212,228,209,196,189,189,189,183,183,194,215,215,222,217,194,137,137,139,183,189,194,194,194,199,207,204,199,186,135,131,127,191,215,225,228,228,225,222,220,225,228,228,222,222,217,209,200,199,204,222,233,235,235,235,230,228,225,222,220,217,217,217,225,230,230,228,225,225,225,222,225,225,220,207,194,194,202,199,194,199,207,209,202,202,202,198,199,207,217,225,217,212,202,191,186,191,202,215,225,230,225,215,199,186,183,189,191,189,189,196,202,202,194,189,191,191,202,228,230,209,196,196,202,202,199,199,196,195,195,202,207,209,209,204,202,199,198,199,199,199,204,209,207,207,215,217,212,208,217,230,235,233,233,230,222,207,202,204,204,204,204,199,196,195,196,204,207,204,202,202,202,202,199,196,196,196,191,185,182,189,202,207,204,199,199,196,195,195,196,202,202,202,204,207,202,196,194,196,199,195,182,168,195,215,228,233,233,233,230,225,222,212,207,207,207,204,207,209,196,190,207,217,215,204,199,186,135,115,99,102,111,123,191,204,196,194,196,199,196,194,191,191,194,189,186,189,191,189,183,183,191,191,189,189,191,191,194,202,225,233,235,233,230,233,243,254,83,0,0,65,97,125,176,124,127,181,183,181,178,174,174,191,209,215,215,209,207,212,207,189,194,202,202,194,189,189,186,183,178,181,183,189,194,191,170,121,125,173,127,125,173,202,225,233,233,230,235,238,235,105,43,71,97,105,109,133,209,228,230,233,233,204,120,122,137,137,132,131,131,133,189,194,204,209,199,204,199,194,199,228,241,241,238,235,233,230,228,228,228,228,233,235,230,222,215,213,217,225,222,222,225,228,230,233,235,235,228,217,207,207,215,228,230,225,217,215,209,207,209,212,215,215,212,209,204,204,207,212,212,209,204,204,207,202,191,142,142,191,194,191,143,194,209,209,202,199,196,202,212,225,225,222,225,217,212,215,217,230,238,230,209,207,217,230,238,241,241,241,241,238,235,233,233,230,230,222,142,130,139,222,207,145,149,215,222,217,220,230,233,230,230,225,207,141,136,145,196,202,207,204,194,199,209,217,228,222,215,209,196,194,209,228,233,235,238,238,230,222,222,222,190,190,199,215,212,209,215,222,230,225,187,190,202,204,215,230,199,136,136,222,241,248,228,21,79,99,204,220,143,93,92,107,112,123,196,225,233,230,233,235,235,230,225,225,228,230,230,230,230,228,228,228,230,233,233,233,235,235,238,238,238,235,230,222,212,211,211,215,217,217,217,217,220,222,220,217,220,217,212,209,217,228,228,222,209,196,194,145,194,191,204,217,222,222,222,222,222,222,215,213,212,215,217,217,215,212,209,209,217,225,225,225,225,228,228,225,222,222,222,217,225,228,230,225,225,225,222,222,228,222,215,215,222,225,217,211,209,212,228,238,238,225,217,230,233,147,136,144,228,241,241,239,241,243,243,243,243,243,243,243,246,243,243,242,242,243,246,248,248,248,246,246,243,243,243,243,243,241,230,217,217,225,228,222,215,215,217,222,228,233,230,220,213,215,217,225,228,230,233,233,228,230,235,238,235,233,234,238,241,243,246,246,243,241,235,233,233,233,233,235,238,238,241,238,238,238,238,238,241,241,238,238,238,238,241,241,243,243,243,243,241,238,235,233,233,228,225,222,225,228,225,220,222,228,228,222,213,212,213,222,230,233,228,224,224,225,230,230,230,233,233,230,228,228,228,230,230,230,228,228,225,222,222,225,228,228,228,228,225,225,225,225,225,225,225,225,225,225,222,222,222,220,217,217,217,215,215,215,215,215,215,215,215,212,212,211,211,212,212,215,215,215,217,217,217,217,217,217,217,217,217,220,220,220,217,217,217,217,215,215,215,215,215,215,212,212,212,212,212,209,209,207,207,204,204,202,196,194,189,186,186,189,189,191,196,199,199,199,202,202,202,199,196,199,202,202,199,199,199,196,196,194,194,196,196,196,194,199,207,212,215,212,212,212,209,209,209,212,212,209,207,207,207,205,207,212,217,222,222,222,217,217,215,212,212,215,215,215,212,212,212,212,215,209,199,189,189,199,202,199,194,189,186,183,139,139,139,183,186,189,189,191,194,196,199,204,204,204,204,207,209,209,207,204,202,199,199,198,199,204,215,220,222,222,222,202,151,204,225,235,238,243,246,246,246,246,246,243,243,246,248,248,243,237,238,243,246,246,246,246,241,238,235,238,238,241,241,241,241,246,251,254,254,254,251,248,248,251,251,251,254,0,255,255,255,251,246,241,235,233,233,233,233,233,235,243,251,255,255,255,254,0,0,0,0,255,0,0,0,0,0,0,255,255,0,0,0,0,220,204,183,170,0,0,0,0,0,0,0,0,0,194,0,0,0,0,0,186,157,124,105,82,79,79,74,72,49,49,45,43,49,55,61,63,69,77,83,89,124,91,89,83,89,91,121,89,126,147,150,137,121,111,103,105,111,111,103,95,95,98,105,116,131,0,0,0,0,0,0,90,82,59,56,74,90,100,100,111,0,0,0,0,0,85,77,64,48,40,38,35,38,48,77,95,0,0,0,0,0,0,95,98,87,69,79,100,100,0,0,0,0,0,0,0,0,0,0,116,108,95,72,56,53,53,56,53,33,33,37,35,29,29,41,47,49,47,45,39,35,31,25,22,25,29,25,19,14,15,23,35,35,27,29,35,41,41,53,59,65,67,65,57,39,37,45,63,75,113,129,142,168,186,196,196,196,204,207,212,204,204,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,92,69,40,20,17,17,17,7,0,0,0,0,0,0,56,53,14,35,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,59,46,27,0,0,0,0,0,0,53,53,40,51,53,43,43,43,19,1,0,0,0,0,0,0,0,0,0,0,0,0,9,108,165,196,230,251,255,255,241,222,215,215,217,217,212,196,181,150,95,77,71,69,71,99,147,93,49,23,14,17,31,152,168,85,9,0,0,0,15,93,209,225,209,215,215,191,157,129,168,220,217,168,77,21,0,0,0,0,131,225,243,186,0,0,37,163,212,225,225,222,225,212,176,160,157,142,55,25,25,31,39,21,7,51,57,7,0,0,7,37,45,35,19,5,0,0,0,13,31,57,91,83,101,160,170,168,170,178,183,183,181,181,178,177,183,191,194,189,186,194,196,204,207,215,215,212,209,191,178,178,183,168,99,99,123,189,204,207,199,165,73,41,31,23,35,91,165,173,173,169,173,181,183,181,173,173,173,173,181,183,189,191,181,173,165,165,157,107,107,152,160,160,160,157,160,152,97,85,83,77,59,51,41,29,19,19,51,137,147,97,85,83,89,137,163,170,178,170,168,163,160,170,183,183,163,103,97,103,155,168,157,93,61,48,47,71,91,89,77,67,77,95,168,209,217,209,194,176,111,87,75,63,52,46,49,69,101,163,181,189,196,202,196,192,194,199,202,199,173,103,83,77,75,63,45,45,59,83,103,147,155,165,181,186,189,196,202,183,165,155,157,155,155,155,163,168,173,173,168,157,115,115,165,191,202,183,163,117,114,117,163,173,183,196,196,196,173,115,101,99,105,155,168,163,157,150,150,155,155,155,155,111,105,111,109,150,150,150,147,147,155,152,144,97,103,150,157,103,73,71,95,155,155,150,107,93,87,89,101,157,178,194,204,194,181,173,163,115,107,107,163,170,170,115,107,107,109,105,93,91,93,99,97,97,97,97,93,97,109,176,199,212,217,220,228,235,233,224,224,228,235,238,233,220,204,204,209,204,196,191,189,194,202,209,215,204,181,125,115,111,101,93,87,87,87,87,87,85,85,85,79,67,51,37,21,13,7,0,0,0,0,0,5,5,9,11,15,13,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,118,163,170,173,176,176,176,178,186,186,183,186,189,186,186,186,186,23,0,17,113,150,191,183,181,168,155,152,150,152,163,168,163,155,157,165,173,173,173,176,181,189,189,165,144,146,152,163,170,168,115,101,101,104,113,170,173,170,186,199,194,183,189,189,170,105,97,109,119,163,165,165,163,165,165,168,170,173,163,157,115,109,107,160,147,160,165,165,152,176,173,165,157,170,173,157,155,160,170,178,186,186,181,147,71,16,43,49,89,139,139,147,165,168,170,183,189,183,176,176,181,183,183,178,160,163,186,181,45,0,152,168,178,178,173,168,163,157,155,152,113,104,100,160,178,176,173,176,119,43,23,0,0,19,85,111,165,163,121,115,114,121,170,176,178,181,178,173,165,165,168,173,168,163,168,176,178,173,165,164,165,168,170,173,178,181,176,127,123,122,127,196,215,222,225,228,222,202,118,113,119,129,133,181,183,178,133,133,181,137,132,132,135,137,189,204,215,220,217,209,186,135,196,202,207,199,189,186,189,186,141,140,141,186,189,194,196,204,209,207,207,204,199,196,199,204,215,228,217,202,199,204,196,194,204,207,204,199,196,191,191,204,225,235,233,230,228,228,228,225,225,225,228,225,217,215,209,217,215,196,191,187,191,199,186,137,199,215,222,225,225,209,133,127,131,137,135,135,186,189,189,137,189,199,202,194,141,139,143,202,217,222,225,228,222,222,225,225,222,215,215,215,204,198,196,202,215,225,230,233,233,230,228,222,217,217,222,222,222,225,230,228,222,217,225,225,222,222,222,217,204,190,191,194,192,191,196,204,204,199,202,199,196,198,209,228,230,222,207,196,194,194,196,204,212,225,230,228,217,207,196,191,196,202,199,194,194,196,194,194,194,194,194,204,228,233,215,199,196,196,196,199,202,202,199,199,204,207,204,199,200,207,207,202,199,196,202,207,207,199,199,202,207,209,207,208,228,235,233,233,228,215,209,209,209,209,207,202,195,194,195,195,199,199,199,204,209,204,202,196,196,204,209,204,189,187,191,199,204,202,196,195,195,192,195,202,202,199,196,199,199,202,196,192,192,196,196,204,215,225,230,235,241,241,241,238,238,233,228,220,215,212,209,207,202,194,199,217,217,209,204,191,137,129,133,139,110,109,123,141,196,196,194,196,199,196,194,190,190,191,191,189,183,136,135,134,134,186,189,183,181,183,183,131,107,191,230,230,225,230,222,225,33,0,0,0,0,57,170,127,120,170,194,194,186,176,174,176,196,204,204,212,204,186,186,133,131,186,191,186,176,176,178,133,133,176,181,189,189,189,173,111,99,87,113,127,176,199,222,233,235,235,233,238,251,238,111,91,81,77,28,24,115,217,230,235,233,235,235,204,122,131,183,135,137,141,186,186,194,204,209,207,204,199,194,202,225,235,238,235,233,230,225,225,225,230,233,235,238,235,230,225,228,228,228,228,228,228,233,235,238,241,238,233,225,215,215,217,222,228,225,215,207,202,200,204,207,209,209,209,207,207,207,212,215,212,207,202,207,212,209,199,145,191,207,212,204,143,142,143,194,196,196,196,202,212,225,228,222,215,207,204,207,215,228,238,235,217,204,209,233,238,241,241,241,241,241,238,235,233,225,228,217,143,132,196,196,131,137,147,204,215,222,228,233,233,230,233,228,202,141,145,199,204,207,215,209,138,142,207,202,194,215,217,204,194,202,222,230,235,235,238,238,235,233,233,230,209,199,199,204,209,209,215,228,235,228,207,202,202,207,217,225,215,109,109,212,233,238,228,209,215,225,233,228,209,141,135,139,139,149,209,225,230,233,233,235,235,233,230,230,230,228,226,228,230,228,228,230,233,235,235,233,233,235,238,235,233,233,228,217,209,209,212,217,217,217,217,217,220,222,220,217,220,217,215,215,222,230,228,217,196,125,111,56,137,199,217,225,225,222,225,228,225,217,213,213,215,222,225,222,217,212,209,209,217,225,228,228,228,230,228,225,222,222,222,222,225,222,215,215,217,217,215,215,222,225,222,222,225,228,220,211,211,217,230,238,235,212,207,211,225,209,149,207,230,241,243,241,243,243,243,241,238,238,241,243,243,243,243,243,246,248,248,248,248,248,248,246,246,246,243,246,246,241,215,151,212,230,230,222,211,212,217,225,230,233,230,217,212,213,217,222,225,228,230,233,230,230,235,238,235,234,234,235,241,243,246,246,246,243,238,235,233,233,233,235,238,238,238,238,235,235,235,238,238,238,238,238,235,235,238,238,241,241,241,241,241,238,235,233,230,230,228,228,230,233,222,209,212,230,233,225,217,217,222,228,230,230,228,224,224,228,233,233,233,230,230,228,225,225,228,228,228,228,225,225,225,225,225,228,230,230,228,225,225,225,222,222,222,225,225,225,225,225,222,222,217,217,215,215,215,215,215,215,215,215,212,212,212,212,212,212,212,212,215,215,215,217,217,217,217,217,217,217,217,217,220,222,220,217,217,217,217,217,217,215,215,215,215,215,212,209,207,207,207,209,209,209,207,207,207,207,202,196,191,189,186,186,189,189,194,196,196,199,202,204,202,202,199,202,202,202,196,196,196,194,189,187,189,191,196,199,202,207,212,215,212,209,209,209,207,204,207,212,212,212,215,215,212,207,207,212,217,217,215,215,215,215,212,208,208,209,215,215,212,212,212,212,212,209,199,194,194,202,204,204,199,191,186,139,139,139,139,139,183,186,186,189,189,194,199,202,202,199,202,204,207,207,207,204,199,198,196,198,202,207,212,217,220,222,215,199,148,152,225,233,238,243,246,243,243,243,243,246,243,243,246,246,243,238,238,241,243,243,243,241,238,235,233,233,238,241,241,238,238,241,246,0,0,0,0,251,254,255,254,254,254,255,255,255,255,251,248,246,241,235,235,233,231,233,238,243,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,150,0,0,0,0,0,0,0,0,0,0,150,134,124,108,100,108,100,90,82,79,79,61,61,63,69,69,75,75,75,77,77,83,83,87,89,89,87,89,118,126,137,126,118,116,118,118,121,111,95,87,87,87,95,118,0,0,0,0,0,121,108,108,95,74,66,0,0,0,0,0,0,0,0,0,0,95,92,77,56,43,35,34,35,40,56,87,111,121,121,113,113,113,113,108,0,0,0,0,126,116,116,0,0,0,0,0,0,137,129,118,113,103,77,56,56,53,53,33,33,33,37,37,27,27,37,47,47,41,35,31,27,25,21,21,27,37,25,14,10,17,29,43,43,43,43,41,53,53,57,61,65,65,65,59,55,57,65,69,77,116,139,163,181,194,196,204,204,212,212,212,202,202,202,202,204,222,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,0,0,0,0,0,0,12,22,4,14,0,0,64,48,27,17,17,12,12,9,20,40,40,33,33,33,33,35,35,27,7,0,0,0,0,0,0,0,0,0,0,0,0,0,87,142,189,230,248,254,251,225,199,209,230,238,233,228,220,217,194,150,101,89,69,51,91,186,105,71,55,31,21,5,0,11,25,0,0,0,0,0,53,163,222,238,243,238,217,194,170,178,202,194,129,61,43,13,0,0,0,83,222,255,207,0,0,0,19,165,212,222,222,225,217,194,183,176,150,113,57,39,31,39,0,0,0,0,0,0,0,0,7,3,0,0,0,0,0,17,43,47,55,65,65,77,155,173,173,173,173,181,181,181,181,178,177,183,186,186,181,181,191,194,196,207,212,209,207,209,189,121,97,92,97,105,123,178,196,204,215,215,191,105,55,27,20,19,35,97,170,173,168,173,173,181,186,181,173,166,164,166,173,181,181,173,165,165,165,152,99,95,99,150,160,160,160,160,147,85,59,49,41,41,37,31,22,23,57,99,150,147,97,79,78,91,137,155,170,170,170,170,160,147,160,183,186,163,103,103,115,157,152,93,71,59,58,67,81,93,83,62,55,59,77,113,183,199,202,199,176,111,83,67,57,52,46,50,69,93,155,170,181,194,202,202,194,194,202,209,215,196,163,89,65,59,59,65,71,83,139,147,150,155,163,173,186,194,194,191,178,170,168,168,157,155,163,163,168,168,170,168,157,112,112,165,191,204,189,163,114,114,117,168,176,183,183,183,181,165,115,111,111,111,157,168,168,157,150,157,157,155,155,111,105,105,107,107,105,147,147,144,144,155,157,144,95,97,147,155,95,69,69,99,152,152,111,99,90,89,93,111,170,194,204,204,194,183,176,165,113,109,113,165,170,170,160,107,105,105,93,79,73,79,85,91,97,103,99,93,93,109,181,202,202,202,204,220,235,235,228,228,228,233,233,225,207,204,204,204,196,137,135,131,139,194,204,204,191,173,125,119,119,111,101,95,91,87,85,85,85,85,83,77,65,51,35,25,13,3,0,0,0,0,0,0,0,0,0,3,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,64,100,139,176,191,204,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,170,173,168,157,155,165,181,186,186,189,191,186,178,157,33,0,0,85,147,160,163,168,160,157,163,165,163,165,173,176,170,165,163,168,173,176,176,176,181,189,186,165,148,148,155,160,168,168,155,105,104,109,113,160,168,170,181,194,191,189,194,191,178,95,60,60,107,121,119,121,121,163,163,165,168,173,163,115,105,83,53,69,75,107,160,155,142,103,139,155,101,137,152,152,144,144,150,152,144,142,144,131,95,83,71,45,49,85,95,101,165,173,176,181,183,183,178,174,181,183,183,173,157,155,157,63,0,0,55,163,170,170,173,153,152,155,157,163,163,155,113,165,165,156,156,186,204,204,194,17,0,0,105,183,183,176,168,165,115,117,165,173,173,173,170,163,121,121,163,163,119,117,165,173,173,168,165,164,165,170,173,176,178,178,173,127,122,122,129,202,222,225,222,220,215,204,127,116,125,131,133,181,186,181,135,178,181,135,132,133,137,183,191,207,220,222,217,207,129,122,130,209,212,196,133,131,135,141,189,189,191,189,189,194,196,199,202,199,202,202,199,196,199,204,209,209,207,202,202,202,199,202,209,209,204,204,204,199,194,204,225,235,235,235,235,235,235,233,230,230,233,230,230,228,215,212,199,189,189,189,191,194,137,133,199,215,217,217,217,204,130,127,131,131,127,127,133,139,139,126,131,207,217,209,189,141,143,196,204,212,215,222,222,222,222,222,215,211,211,212,209,204,204,209,217,222,228,230,230,228,225,220,216,217,222,222,222,225,225,222,217,217,225,228,222,222,222,212,199,189,191,194,192,192,199,204,199,194,199,199,198,199,209,217,222,209,199,194,196,199,199,199,204,217,228,225,212,207,204,199,202,207,207,202,196,194,192,194,199,202,196,196,207,209,199,191,194,199,202,204,207,204,202,202,207,204,202,199,200,209,212,207,204,199,196,196,196,196,196,202,207,215,209,205,215,228,230,230,222,205,207,215,217,215,209,199,195,195,196,199,199,196,196,202,207,204,199,195,196,202,207,202,196,194,194,196,199,199,196,195,194,196,202,202,199,194,194,194,145,145,194,196,196,202,217,230,235,235,238,241,243,243,241,241,241,241,238,233,228,222,215,207,199,194,202,215,209,199,194,189,141,189,204,217,207,189,186,186,191,196,202,202,199,196,199,194,190,191,191,191,139,135,134,133,131,137,183,178,135,135,129,101,84,96,186,207,209,199,125,176,37,0,0,9,15,89,199,173,123,183,209,204,196,186,178,178,194,189,191,207,202,62,58,95,123,183,183,176,118,119,181,178,127,129,176,186,194,194,178,115,99,39,89,176,207,228,233,235,235,235,235,238,243,254,170,97,89,87,17,13,119,235,233,230,233,235,235,202,118,122,135,141,196,204,209,207,209,212,212,207,202,196,194,202,217,233,235,233,230,225,220,222,228,233,238,241,241,238,233,230,230,230,228,228,230,230,233,235,238,238,238,230,225,222,222,217,217,222,225,215,204,200,200,202,202,202,202,204,204,207,209,215,215,209,199,196,204,215,215,207,196,196,209,215,207,143,141,141,142,143,194,199,204,209,217,222,215,207,202,202,204,212,228,238,238,215,202,204,228,235,235,238,238,241,241,238,233,209,207,217,222,225,207,149,110,82,119,196,209,209,212,225,230,230,230,233,225,147,143,199,207,209,212,217,209,118,121,147,147,143,147,202,194,192,204,225,233,235,235,238,241,238,238,238,235,228,217,204,196,199,207,212,222,230,225,215,209,207,207,207,207,145,105,107,202,228,233,230,228,233,235,238,233,217,202,194,196,202,209,222,228,230,230,233,233,233,230,230,230,230,228,226,228,228,228,228,230,233,233,233,230,230,233,235,235,235,233,228,217,212,212,217,222,222,222,217,217,222,222,225,222,222,217,217,217,225,228,225,217,113,46,39,26,115,194,225,230,225,225,228,228,225,217,213,213,222,228,230,230,225,215,209,212,217,225,230,230,230,230,228,222,217,222,222,225,222,217,215,215,222,222,217,216,217,222,217,217,222,225,222,215,215,225,230,235,230,213,208,212,228,222,212,222,235,243,243,243,243,243,241,238,235,235,238,241,243,243,243,246,248,248,251,251,248,248,248,248,246,246,243,243,248,243,149,131,149,233,233,222,213,213,217,225,230,233,228,217,212,213,215,222,225,228,230,233,230,233,238,241,238,238,238,238,241,243,243,246,246,243,241,238,235,235,233,235,238,238,238,238,235,235,235,235,238,238,238,238,235,235,235,238,238,241,241,241,238,238,235,230,228,228,228,233,235,230,212,152,153,217,228,225,222,222,225,228,228,228,228,225,225,230,233,233,230,228,225,225,225,225,225,228,228,228,225,225,225,225,225,228,228,228,228,225,225,222,217,217,222,222,222,225,228,225,217,215,209,209,212,212,212,212,212,212,212,212,209,209,209,209,212,212,212,215,215,215,217,217,217,220,220,217,217,217,217,217,220,222,220,217,217,217,217,217,217,217,217,215,215,215,212,209,207,204,204,207,209,209,209,209,209,207,204,199,194,191,189,189,186,189,191,194,196,199,202,204,204,202,202,202,204,202,199,199,196,191,187,186,187,191,196,202,207,209,212,212,209,207,204,204,204,204,207,212,215,215,217,222,215,209,207,212,217,217,215,213,213,215,212,208,207,209,215,215,212,212,212,212,212,209,202,196,199,204,209,212,207,199,186,183,139,138,138,139,183,186,186,186,189,194,196,199,199,199,199,204,204,207,204,202,199,198,198,199,204,207,209,212,215,215,207,151,149,153,222,230,235,241,243,243,243,243,243,246,243,241,241,241,241,238,235,235,238,238,238,235,235,235,235,233,238,241,241,238,238,238,241,0,0,0,0,254,255,255,255,254,254,254,255,255,255,254,251,248,246,241,238,235,233,235,241,248,0,0,0,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,150,0,0,0,0,0,0,0,0,0,157,155,150,134,126,134,126,116,108,100,98,98,100,108,108,116,108,77,69,67,67,75,81,83,83,83,83,83,83,116,116,116,111,116,118,118,118,103,92,85,82,82,85,105,0,0,0,0,0,113,98,98,95,82,66,0,0,0,0,0,0,0,0,0,0,98,82,66,48,38,35,34,40,40,51,77,105,129,124,124,124,118,118,116,124,126,0,137,142,134,0,0,0,0,0,0,0,144,137,129,118,103,82,61,56,53,33,27,25,25,27,27,23,27,35,47,45,39,27,25,25,25,21,21,25,33,25,14,14,23,37,55,55,55,53,59,59,65,67,69,67,67,65,67,71,77,77,105,111,126,157,176,189,196,199,207,212,215,225,215,202,199,202,199,199,209,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,46,0,0,0,0,0,4,0,0,3,0,0,56,33,25,17,27,25,12,5,12,22,30,22,22,30,33,35,35,33,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,65,183,241,251,228,199,189,199,228,233,233,230,233,233,220,191,176,152,83,39,45,147,155,155,147,69,49,29,0,0,0,0,0,0,0,0,41,131,196,238,254,255,246,217,194,173,160,126,53,47,69,65,21,7,27,81,199,255,248,113,0,0,0,59,163,183,196,215,209,189,178,168,155,124,57,17,0,0,0,0,0,0,0,0,0,0,1,1,5,27,53,79,87,147,157,150,99,83,65,65,160,178,178,178,173,181,181,181,181,181,178,183,183,183,176,178,183,183,189,207,207,199,199,199,191,121,90,82,86,105,178,194,204,215,222,217,199,157,85,49,20,18,22,53,115,173,173,173,163,173,183,186,173,168,166,166,173,181,189,181,170,170,163,113,97,91,94,105,160,163,163,160,105,79,53,41,41,49,49,47,51,63,89,137,97,95,91,79,79,95,137,155,170,170,170,178,163,105,155,183,191,168,150,150,150,103,89,71,63,71,93,113,113,113,93,65,56,59,67,87,160,183,191,191,176,111,83,69,67,63,63,75,89,111,155,160,176,189,204,207,204,209,212,220,230,215,178,83,43,27,35,55,79,101,147,155,152,147,155,160,186,194,194,183,173,173,173,170,163,163,163,165,168,168,173,168,115,112,112,160,191,207,189,165,117,117,163,176,176,176,173,173,165,155,113,111,111,111,152,168,165,150,150,165,165,163,155,111,105,107,107,99,99,105,144,144,144,155,157,144,95,95,142,155,95,68,70,101,152,152,107,95,93,93,99,115,178,204,207,202,194,183,173,165,115,115,160,170,178,178,168,111,105,99,87,67,57,65,69,77,95,103,103,94,96,119,181,191,191,191,202,228,248,248,235,233,233,233,225,207,196,196,196,191,135,121,115,115,127,181,191,191,178,125,125,119,119,115,111,99,93,85,85,85,85,85,83,75,65,55,41,25,17,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,61,95,137,163,181,199,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,74,105,124,147,173,181,181,189,194,189,183,131,59,19,0,0,0,0,0,0,39,144,160,168,170,173,170,168,163,157,157,165,173,176,176,178,186,191,189,178,163,160,163,163,165,170,165,157,119,119,115,117,160,165,173,181,183,186,189,189,189,173,61,49,51,66,83,95,105,115,117,157,163,170,176,189,186,178,65,55,33,25,144,103,89,87,61,0,0,89,144,142,133,131,137,139,138,139,150,150,142,97,63,27,27,79,85,91,155,168,173,173,181,186,181,176,181,183,178,176,170,157,63,0,0,0,0,65,155,168,163,148,150,157,170,181,183,178,173,176,168,155,153,173,204,212,215,109,0,0,183,189,181,178,178,173,114,112,160,170,173,170,163,117,115,117,123,123,115,113,121,168,168,165,164,168,170,173,176,176,176,170,168,125,123,123,170,202,222,222,217,215,215,209,186,127,131,176,178,186,191,186,178,178,135,131,131,137,183,186,194,202,212,217,215,204,128,121,127,199,204,189,132,130,133,186,196,202,199,194,191,191,194,191,194,194,191,191,194,196,199,204,207,204,199,199,204,204,202,207,207,204,204,207,212,202,191,199,225,235,235,235,235,238,235,235,233,233,233,230,233,230,212,199,187,189,194,194,189,183,129,129,199,215,217,215,212,202,135,130,137,135,128,128,133,183,183,123,121,199,222,212,137,136,141,191,196,199,202,207,215,217,217,215,215,212,212,215,217,222,225,225,225,222,225,228,228,228,228,225,220,217,217,217,222,220,215,215,215,222,228,230,228,228,225,212,199,196,204,204,196,199,209,209,199,194,199,202,202,199,202,207,204,199,196,199,204,207,199,198,199,207,215,212,204,204,204,202,199,207,209,207,202,194,191,194,202,202,194,189,191,194,191,191,196,207,212,212,207,202,199,202,204,202,204,204,207,209,207,207,207,204,196,195,195,195,196,204,217,230,222,205,207,212,217,217,209,204,209,217,215,209,207,202,196,199,202,202,202,196,196,199,202,199,196,196,199,196,196,196,199,196,194,194,196,199,199,195,195,202,207,202,196,194,196,145,140,140,191,202,204,215,235,243,243,243,243,243,243,241,238,235,235,238,241,241,238,230,222,209,202,196,196,204,194,186,187,191,194,199,209,228,228,222,207,189,186,196,207,209,199,199,209,204,191,191,191,191,186,183,186,186,135,181,181,181,178,178,131,101,85,92,173,178,84,66,82,109,0,0,0,107,89,117,202,176,126,183,204,196,189,183,178,176,189,196,199,222,233,61,31,73,127,176,131,119,109,108,202,202,129,125,127,176,191,199,191,127,103,35,89,209,233,238,235,233,233,233,238,238,238,238,84,74,103,61,9,9,125,235,228,222,225,230,209,121,114,125,186,191,204,217,228,230,228,215,207,204,202,196,194,202,215,228,230,230,230,222,220,222,230,235,241,243,241,238,233,228,228,230,228,228,230,230,233,235,233,233,233,228,217,215,217,222,222,225,222,215,204,202,204,204,196,194,196,202,204,207,215,217,212,202,194,194,196,207,212,209,202,199,204,209,207,199,196,194,142,142,194,202,204,207,212,215,207,202,200,200,204,209,222,233,233,209,200,203,225,230,230,233,238,243,238,225,204,183,200,215,225,230,217,149,128,103,126,199,209,209,215,222,225,228,228,225,202,141,145,204,207,199,204,217,204,114,116,143,196,145,146,196,199,199,209,222,233,235,238,238,241,238,235,233,230,233,230,209,194,194,202,207,212,222,217,212,212,212,207,196,145,141,116,119,212,228,233,233,235,238,238,238,230,217,207,204,209,215,222,228,230,230,230,230,230,230,230,228,230,230,228,228,228,225,228,230,233,233,230,228,226,226,230,235,238,238,235,230,225,220,217,220,222,225,225,225,222,222,225,228,228,222,217,217,217,217,222,215,194,68,51,59,72,119,202,228,230,225,222,225,225,225,217,215,217,228,233,235,233,228,217,215,215,222,228,230,230,230,228,225,217,217,222,222,222,222,217,215,217,228,230,228,222,217,216,216,216,217,225,225,222,225,230,228,228,228,222,215,217,230,228,228,233,241,246,246,243,243,241,241,235,235,235,238,241,243,243,243,246,248,248,251,251,248,248,248,246,246,243,241,241,241,235,139,121,129,228,235,228,222,222,217,222,228,230,228,215,213,213,217,222,225,228,230,233,233,235,241,243,243,241,241,241,241,241,241,243,241,241,241,238,238,235,233,235,238,238,238,238,235,235,235,235,235,235,235,235,235,235,235,235,238,238,241,238,235,235,233,228,225,225,228,230,230,217,155,151,152,207,217,222,222,225,225,225,228,228,228,228,230,230,230,228,225,225,222,225,225,225,228,228,228,228,228,228,225,225,225,228,228,228,225,225,225,222,217,217,222,222,222,225,228,222,212,207,204,204,209,212,212,209,209,209,209,209,207,207,209,209,212,212,215,217,217,217,217,217,217,220,220,217,217,217,217,217,217,220,222,220,220,220,220,222,222,217,217,217,217,215,212,209,207,204,204,207,207,207,207,207,209,209,207,202,199,196,194,189,186,185,186,191,194,196,199,202,202,204,204,204,204,202,199,199,196,194,189,189,191,196,202,204,207,209,212,209,204,202,202,202,204,207,212,215,217,217,222,222,215,209,209,215,217,217,213,213,215,215,212,209,208,209,215,215,215,212,212,212,212,209,204,199,199,202,209,212,212,204,191,186,139,138,138,139,186,189,189,186,189,191,196,199,199,199,199,202,204,204,204,202,199,198,199,202,204,207,207,207,209,207,202,151,151,207,222,230,235,241,243,243,241,243,243,246,243,241,239,241,241,238,235,233,233,230,230,230,230,233,233,233,238,241,243,241,238,238,241,248,254,255,254,255,255,255,255,251,248,248,251,255,255,255,255,254,248,243,241,235,235,238,246,254,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,126,137,0,0,0,0,0,0,0,0,0,170,170,157,157,170,157,150,126,118,111,108,113,124,134,144,124,116,77,69,67,67,71,77,81,81,83,83,83,83,79,79,79,108,111,111,105,95,85,85,87,85,82,95,0,0,0,0,0,105,82,82,82,69,56,48,0,0,0,0,0,0,0,0,0,90,69,48,40,38,38,40,40,40,46,69,98,121,131,131,134,131,126,134,150,165,165,163,165,150,0,0,0,0,0,0,0,0,152,144,126,103,87,74,53,43,25,19,17,17,17,17,15,21,33,45,45,39,27,25,25,29,25,23,23,25,25,23,23,29,43,55,61,59,59,87,95,103,103,103,100,100,71,100,108,116,116,111,116,131,163,178,189,194,199,207,215,225,222,215,204,202,202,199,200,209,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,186,137,35,0,0,0,0,0,0,0,3,0,0,56,30,9,9,25,27,12,5,5,20,22,22,22,30,33,43,43,43,27,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,183,220,209,194,192,202,212,220,220,230,235,246,246,230,222,199,109,51,30,55,99,194,215,157,89,57,11,0,0,0,0,0,0,0,35,81,157,217,254,255,255,246,217,178,147,75,44,45,79,113,53,45,108,165,225,255,255,228,0,0,0,0,65,144,178,209,204,178,152,144,134,100,37,0,0,0,0,0,0,0,0,0,0,0,7,33,61,71,79,124,155,181,191,191,183,168,142,99,168,186,181,178,173,173,181,181,181,181,178,183,183,183,176,170,126,168,181,196,204,194,186,189,181,168,111,93,97,117,186,204,212,215,225,212,189,115,91,79,59,25,25,49,97,170,173,163,153,170,186,189,178,173,170,173,170,181,194,189,178,168,160,113,97,91,94,105,163,170,170,163,105,83,63,53,59,65,65,71,83,85,91,91,79,77,79,79,91,150,160,160,168,165,163,168,160,105,150,178,186,170,152,147,97,83,77,75,77,95,113,160,152,111,89,77,69,77,83,89,101,157,176,176,165,103,77,65,67,77,89,109,155,163,157,155,160,181,196,212,215,220,220,217,217,215,189,83,25,15,19,37,73,99,144,150,147,147,152,160,178,189,189,183,173,173,173,176,170,165,163,165,168,176,178,168,115,109,112,160,191,212,204,170,163,163,176,176,168,157,157,157,155,113,108,108,108,111,160,168,157,150,150,168,176,170,155,152,144,150,109,99,93,99,105,107,144,155,157,142,95,89,107,147,95,70,77,105,152,147,105,95,91,93,101,115,178,196,204,202,191,191,181,168,160,160,170,178,181,176,168,160,105,99,79,61,53,51,53,63,85,103,101,97,101,121,170,181,186,194,215,235,254,254,248,248,246,243,225,204,191,145,145,135,121,103,96,97,113,125,178,178,131,125,123,117,113,111,109,109,99,93,93,89,91,89,87,81,69,55,49,39,31,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,87,121,155,181,194,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,157,189,189,165,144,118,95,74,0,0,0,0,0,0,0,98,152,163,165,168,160,155,150,146,148,156,168,173,176,181,186,191,189,181,176,173,168,168,170,176,173,168,168,165,157,119,163,168,170,173,176,178,183,186,191,196,189,69,49,49,56,60,73,95,103,109,119,168,189,207,204,204,191,178,53,0,75,147,103,99,0,0,0,0,134,139,134,134,139,147,155,168,183,186,170,131,1,0,0,77,83,85,142,157,163,168,178,186,178,178,183,183,178,178,183,183,61,0,0,0,0,0,95,168,160,151,153,165,181,189,191,189,183,181,183,176,161,159,160,170,176,168,23,91,183,173,165,170,176,176,117,113,160,178,183,173,117,109,113,119,123,163,117,114,116,163,165,165,165,168,173,176,176,173,168,123,123,123,123,123,173,202,217,217,217,222,222,215,194,133,133,178,181,191,196,191,183,183,137,131,133,183,186,191,199,196,202,207,207,202,139,131,191,199,196,141,132,133,141,194,202,207,209,202,194,189,187,187,189,189,187,186,189,194,199,204,207,207,196,196,204,204,207,209,204,200,200,204,207,196,141,191,222,233,233,233,235,235,235,233,230,230,230,230,230,228,202,191,186,194,202,199,189,133,126,129,204,215,215,212,212,202,137,135,186,196,196,189,137,186,196,125,114,127,194,189,134,134,139,189,191,191,191,196,207,212,215,215,217,217,217,222,228,233,233,230,228,228,228,228,225,225,230,230,228,225,217,217,222,217,212,212,215,222,228,230,233,233,228,209,199,207,217,212,199,202,212,212,199,194,199,204,202,199,199,198,198,199,196,204,212,212,202,198,199,199,202,199,196,202,204,199,199,204,204,204,202,196,192,194,199,196,191,189,191,191,191,194,202,212,217,217,209,199,195,196,199,199,207,215,215,209,205,204,207,207,199,196,199,196,195,204,225,233,225,209,205,208,209,207,204,205,217,222,212,204,204,202,199,202,202,202,199,196,194,196,196,196,196,199,199,191,141,143,196,196,194,192,196,202,204,202,199,199,202,202,196,199,199,145,139,141,194,207,215,228,241,246,243,243,243,243,241,235,233,231,231,233,238,241,241,238,230,217,209,202,196,194,186,183,187,194,196,196,199,217,230,230,217,191,186,194,207,209,204,204,209,207,189,139,133,135,189,199,212,212,202,189,189,186,186,191,196,202,189,176,196,117,53,50,119,207,17,0,0,119,103,111,173,176,173,181,191,178,176,178,177,174,189,209,217,233,235,65,51,101,119,119,115,113,108,106,209,215,181,123,121,121,173,183,183,109,81,71,183,230,238,241,235,233,233,233,235,235,233,181,68,57,117,38,17,39,186,217,217,209,204,199,131,120,120,191,202,199,207,225,235,238,230,207,196,196,202,202,199,202,212,222,228,230,230,222,222,225,233,238,243,243,241,235,228,228,228,228,225,222,225,230,233,230,230,228,228,222,215,213,215,225,228,228,222,209,202,202,207,207,194,191,192,202,204,209,215,217,207,199,194,192,192,196,204,209,204,202,204,209,209,207,209,204,145,142,194,204,207,207,209,212,207,200,200,202,204,207,212,225,228,212,203,205,222,228,225,225,233,238,233,215,200,183,208,225,228,228,209,137,141,199,207,209,212,222,228,228,225,228,225,209,145,139,143,196,196,187,191,212,212,130,131,209,215,147,146,202,209,209,209,215,228,235,238,238,241,238,233,225,225,230,233,212,141,143,202,212,217,222,215,215,217,217,212,199,145,145,138,191,228,233,233,233,233,233,235,235,222,204,202,209,225,228,230,233,233,233,230,230,230,230,230,228,228,228,228,225,225,222,225,228,230,228,228,228,228,228,230,235,235,235,235,233,228,225,225,222,225,228,228,228,225,225,228,228,228,225,222,217,215,212,215,196,63,49,73,199,204,202,217,225,225,215,215,222,222,217,217,217,225,233,235,235,233,230,225,222,222,225,230,230,228,225,215,212,212,215,215,212,212,215,215,215,217,225,230,228,225,217,216,216,216,222,228,230,230,233,233,225,222,228,230,228,228,230,230,230,235,243,246,246,246,243,243,241,238,235,238,241,243,243,243,246,246,246,248,248,246,246,246,246,246,246,243,241,241,238,230,153,129,131,215,233,233,230,225,217,217,225,228,222,215,215,220,225,225,228,230,230,233,233,238,243,248,246,246,243,243,243,243,241,238,238,238,238,238,238,235,235,235,235,238,238,235,235,235,235,235,235,235,235,235,233,233,235,235,238,238,238,238,238,233,230,225,225,228,230,228,212,153,152,153,204,212,217,222,225,225,225,225,225,228,228,230,230,230,228,225,222,222,225,228,228,228,228,230,230,230,230,230,228,228,225,225,228,228,225,225,225,222,217,217,222,222,222,222,222,215,204,200,202,204,207,209,209,209,209,209,207,207,205,205,207,209,212,215,215,217,222,222,217,217,217,220,220,217,217,217,217,217,217,220,222,222,222,222,222,222,222,220,217,217,217,215,212,209,207,204,204,204,204,204,204,207,207,209,207,204,204,202,199,194,189,185,185,186,191,191,194,196,199,202,204,204,204,202,199,196,196,194,194,194,196,202,204,204,207,209,209,207,204,202,202,202,204,209,217,222,222,222,222,222,217,209,209,215,217,215,215,215,215,215,215,212,212,212,215,217,215,215,215,212,212,209,207,199,198,199,207,212,215,209,199,191,183,138,138,139,186,189,189,186,189,191,194,196,196,196,199,202,204,204,204,202,199,199,199,202,204,204,204,204,207,204,199,152,204,217,225,228,235,241,243,241,241,243,243,246,243,243,241,241,241,238,233,230,228,228,225,225,228,230,230,233,235,241,243,241,238,238,241,248,254,255,255,255,255,255,255,243,241,243,246,254,255,255,255,255,251,246,241,238,241,243,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,183,186,189,189,183,176,155,142,129,124,131,147,163,163,152,131,113,75,67,67,67,71,77,83,87,87,83,83,77,71,71,71,71,92,92,85,85,85,95,95,92,103,0,0,0,0,0,105,69,61,61,51,43,43,0,0,0,0,0,0,0,0,0,85,66,48,38,38,43,43,38,25,29,51,87,121,139,147,147,139,139,150,176,194,202,196,181,170,0,0,0,0,0,0,0,0,168,152,129,108,92,74,46,21,17,9,9,9,9,9,9,15,27,41,45,45,31,25,25,31,29,23,19,19,25,31,35,41,55,61,61,59,87,95,111,118,118,118,118,108,103,108,118,118,118,116,116,126,155,170,183,191,199,212,225,225,225,222,209,204,202,200,200,209,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,25,40,0,0,0,0,0,0,246,254,255,255,209,22,0,0,0,0,0,0,0,20,0,66,56,30,1,0,1,17,12,7,9,20,30,0,0,33,40,43,56,43,27,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,137,186,207,217,217,212,209,212,225,238,248,255,255,255,238,189,83,35,28,33,99,225,215,150,73,55,0,0,0,0,0,0,0,29,55,124,191,246,255,255,251,233,196,163,129,69,77,124,113,61,59,129,173,222,255,255,255,69,0,0,0,13,121,178,209,209,178,152,137,118,71,39,5,0,0,0,0,0,0,0,0,0,0,39,134,163,137,73,67,147,176,191,191,191,186,183,183,186,186,186,178,173,173,176,181,181,176,176,178,183,183,176,127,122,122,170,189,196,181,119,99,103,127,181,186,181,183,194,202,212,225,225,204,173,105,97,105,165,87,59,71,97,117,163,152,152,165,186,189,178,170,178,181,168,170,183,181,170,155,115,150,103,97,99,147,163,170,168,160,150,91,71,59,59,65,71,79,83,83,85,89,79,74,77,79,97,160,160,150,147,103,97,105,103,97,105,160,168,160,147,103,87,77,75,77,89,111,157,152,103,89,83,83,93,103,103,95,88,95,147,157,147,95,77,62,62,69,95,160,173,168,155,151,153,163,186,212,220,220,220,209,209,209,186,95,33,15,15,23,53,79,99,147,155,155,155,160,178,189,183,178,173,173,178,181,181,170,163,165,170,181,183,176,115,110,111,165,191,212,202,178,163,163,176,168,115,103,107,113,155,113,108,108,111,115,160,168,150,144,157,173,189,170,163,152,152,157,147,95,87,93,97,101,105,150,150,103,87,87,99,144,93,71,79,107,152,111,101,91,89,91,97,109,170,191,204,204,202,191,181,173,163,168,178,186,186,186,176,165,111,103,85,65,53,43,37,41,65,87,95,95,101,109,127,178,194,209,235,248,254,251,254,255,255,251,230,204,194,143,143,133,119,97,93,93,101,119,135,178,178,123,117,117,109,109,109,109,107,97,97,97,97,97,89,81,69,61,53,47,43,23,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,61,103,137,163,189,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,137,139,131,186,95,0,0,0,0,0,0,0,0,0,113,152,155,155,157,155,151,147,147,152,157,168,176,181,183,181,181,178,178,176,170,170,176,178,176,168,168,168,165,163,170,176,176,176,176,176,183,189,194,196,202,202,170,71,58,59,75,91,91,93,107,155,202,215,207,204,202,220,207,0,0,95,139,71,0,0,5,0,93,173,178,170,168,170,178,186,191,191,189,178,3,0,0,33,69,75,152,165,163,165,170,178,176,178,183,186,181,178,183,191,87,0,0,0,0,0,55,160,165,163,165,173,183,189,191,189,189,186,189,189,173,157,156,163,173,173,121,113,111,115,121,165,178,186,178,168,170,181,189,176,101,104,165,176,168,163,121,116,116,121,163,163,125,125,165,170,173,168,121,118,119,123,123,125,176,199,212,215,222,230,230,217,189,131,131,133,181,194,199,194,191,191,183,137,183,186,186,194,209,202,199,194,191,191,183,186,207,212,202,139,133,141,194,196,202,209,212,207,196,189,186,186,189,189,187,187,194,199,199,199,202,204,196,194,199,199,204,207,202,200,199,202,199,143,136,139,209,228,233,233,233,233,233,230,228,228,228,228,228,217,191,189,189,196,202,199,183,129,126,131,204,212,212,207,202,191,135,135,194,212,217,209,134,137,199,139,114,125,137,137,135,136,139,143,194,194,191,194,202,209,212,217,225,225,225,228,230,230,230,230,230,230,230,228,222,225,230,233,233,228,222,222,222,215,212,212,215,217,225,230,235,235,225,202,191,204,212,204,189,191,204,207,199,194,196,199,202,202,202,199,198,199,199,204,212,209,202,199,202,199,195,195,196,202,196,191,194,196,196,199,202,202,199,196,196,196,191,189,189,191,194,196,202,207,212,215,207,199,195,196,196,196,209,222,222,215,207,205,209,207,199,196,199,202,199,204,217,222,220,215,212,209,209,205,204,207,217,222,212,204,202,202,202,202,204,202,199,194,191,191,191,194,199,202,196,141,137,138,189,196,196,196,199,207,209,207,202,198,199,202,202,204,209,202,191,199,204,212,225,235,241,243,241,241,241,238,235,233,231,231,231,231,235,238,241,238,233,225,215,204,196,194,191,189,194,191,186,139,133,196,217,228,215,196,191,196,202,204,204,202,199,191,137,130,117,118,137,204,217,222,215,199,194,196,196,199,209,228,241,235,207,91,60,60,129,196,73,0,0,63,83,93,121,191,191,186,189,183,178,189,183,178,186,199,220,225,107,62,72,129,119,116,113,118,119,125,204,202,173,121,119,115,113,105,93,39,61,178,215,230,235,238,235,235,235,235,235,230,222,97,95,87,178,79,67,121,207,215,212,202,191,181,131,135,191,202,199,198,207,222,233,233,217,196,191,195,204,207,204,204,209,217,225,230,230,228,225,230,235,238,241,238,235,228,225,225,230,230,225,220,220,225,230,228,225,222,225,222,215,213,217,225,228,225,217,209,202,202,209,207,196,191,192,199,207,212,215,209,204,199,199,196,192,194,202,209,209,207,209,209,209,207,209,204,145,143,194,204,207,209,212,215,207,202,202,207,209,209,209,217,225,222,212,212,222,228,215,212,217,228,230,228,225,222,225,228,233,233,207,91,92,209,225,230,230,230,233,233,230,233,228,212,196,141,135,141,194,189,191,212,222,207,209,225,225,196,194,204,212,209,204,209,225,233,235,238,241,241,235,225,225,230,222,117,91,123,207,225,230,228,222,217,222,228,225,209,199,194,196,212,233,238,235,233,230,230,233,228,212,202,203,215,228,230,233,233,233,233,233,230,228,228,228,228,228,228,228,228,225,222,222,225,225,225,225,228,230,233,233,233,230,230,233,233,230,228,225,222,225,228,230,228,228,228,225,225,225,225,225,220,212,202,147,105,44,43,121,202,202,215,225,222,217,215,215,215,212,209,212,222,230,235,238,235,233,233,230,228,225,225,228,228,222,212,202,199,209,209,204,202,207,212,212,212,215,222,225,225,222,217,217,217,217,222,230,233,233,233,230,222,222,230,238,238,233,228,225,225,228,235,241,246,246,246,243,241,241,241,243,243,246,246,246,246,246,246,246,246,243,242,242,243,246,246,246,243,241,235,217,151,145,153,222,233,235,233,228,222,220,225,228,222,215,222,228,228,230,230,230,230,230,233,238,243,248,248,248,246,246,246,246,243,238,238,237,238,238,238,235,235,235,235,238,235,235,235,235,235,235,235,235,235,235,233,233,233,235,235,238,238,238,235,230,225,224,228,233,233,225,150,148,151,207,217,225,228,228,228,225,225,225,225,228,228,228,228,228,225,222,221,222,228,230,228,228,228,230,233,233,233,233,230,228,225,225,225,225,225,225,225,222,217,217,222,222,222,217,212,204,199,200,204,209,207,204,204,207,207,207,207,207,205,205,207,209,212,215,217,217,222,222,217,217,217,220,220,217,217,217,217,217,217,220,222,222,222,220,222,222,217,217,217,217,215,215,212,209,207,204,204,204,204,202,204,204,207,207,207,207,207,204,204,199,191,186,186,186,186,186,189,191,196,199,204,204,207,204,202,199,196,196,196,196,199,204,204,202,204,207,207,204,202,204,202,202,207,212,217,222,225,222,222,222,217,212,209,215,217,215,215,215,215,215,212,212,212,215,215,217,217,217,215,215,215,212,207,202,198,198,204,209,215,212,204,194,186,138,138,139,183,186,186,186,186,186,191,194,194,194,196,202,202,204,202,202,199,198,199,202,204,204,204,204,207,204,198,199,212,225,225,228,235,238,241,241,241,243,246,246,246,243,243,243,241,235,230,225,225,225,225,225,228,228,228,230,235,238,241,241,238,241,243,248,254,255,255,255,255,255,248,235,230,235,243,0,0,255,255,255,255,248,246,243,243,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,217,217,215,207,199,183,176,173,173,0,183,189,191,183,163,142,111,75,67,65,69,77,83,87,87,116,83,77,71,65,63,59,57,57,59,79,85,87,92,95,103,0,0,0,0,155,103,64,48,43,40,38,38,40,0,0,0,0,0,0,0,0,0,66,53,43,43,40,35,25,23,25,33,77,121,160,163,147,139,150,165,181,196,212,220,209,199,0,0,0,0,0,0,0,0,173,152,129,108,92,74,38,17,7,7,7,9,9,3,0,1,15,29,39,39,33,27,25,27,29,25,17,17,23,35,37,51,61,90,87,87,95,103,118,126,129,129,126,118,116,118,124,126,126,118,116,131,152,170,178,189,199,212,225,228,225,222,212,209,202,202,202,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,25,46,0,0,0,0,0,0,255,255,255,255,139,9,0,1,0,0,0,0,0,12,46,46,33,22,0,0,0,1,12,20,20,0,0,0,0,0,25,25,35,35,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,144,199,228,228,217,211,217,228,241,255,255,255,255,255,230,163,73,30,23,31,109,212,163,67,73,43,0,0,0,0,0,0,29,49,79,160,217,254,255,248,235,204,173,163,155,163,165,131,67,47,41,51,77,215,255,255,225,0,0,0,0,121,183,215,217,194,178,152,126,71,51,39,37,27,0,0,0,0,0,0,0,9,150,186,196,170,87,79,147,173,191,191,183,181,183,194,189,186,181,178,178,178,181,181,176,174,174,178,186,186,181,129,126,125,129,181,189,127,89,73,86,113,194,212,207,194,196,202,212,222,225,202,170,97,87,97,157,117,105,99,99,107,163,160,155,163,181,181,170,170,170,170,160,117,155,155,115,105,115,150,150,150,150,150,160,163,155,147,137,89,65,53,53,59,69,71,71,71,85,95,91,85,79,77,85,134,95,89,85,79,77,85,97,97,97,147,157,147,103,93,87,77,75,81,93,147,165,160,95,83,82,89,103,147,111,95,86,93,144,147,147,103,83,65,61,69,95,165,173,163,155,148,148,160,186,212,238,235,220,209,204,204,196,155,69,27,15,15,31,57,79,139,160,165,163,160,178,186,183,176,173,173,181,189,183,170,160,160,168,183,183,173,157,113,114,173,191,204,191,170,111,117,160,160,109,99,100,107,155,113,111,111,152,152,168,165,150,144,157,186,194,186,160,152,157,160,147,93,81,81,85,87,97,101,101,95,81,83,95,101,85,69,79,107,147,107,99,93,91,89,93,105,168,194,209,209,202,191,189,178,173,173,186,194,189,189,186,173,157,103,85,63,45,31,21,27,43,69,81,83,87,103,125,191,209,233,248,255,254,251,255,255,255,248,225,202,194,194,194,141,123,111,96,95,101,125,137,199,189,173,123,117,109,109,109,107,97,97,97,139,139,134,89,81,69,63,55,53,47,35,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,69,111,144,170,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,0,0,0,0,0,0,0,0,0,0,0,27,139,157,160,168,173,170,157,153,156,165,176,178,173,170,170,173,173,173,173,176,176,178,173,164,164,165,165,168,173,178,181,181,176,176,183,191,194,191,191,199,204,196,168,111,117,109,89,87,91,97,199,212,215,209,202,212,225,0,0,0,0,0,0,27,142,31,134,176,183,181,176,181,189,191,189,183,186,191,47,0,0,0,0,45,181,186,170,160,147,157,170,181,186,191,194,189,165,83,15,51,53,0,0,0,67,163,168,173,173,173,178,183,186,186,189,189,186,181,170,161,163,178,181,176,168,109,93,103,113,160,191,202,202,191,178,178,181,123,88,98,196,204,176,121,119,119,121,121,123,121,119,117,119,123,165,125,119,118,121,125,125,127,176,191,204,212,225,233,228,212,178,127,129,133,181,194,199,194,191,189,186,183,186,186,183,191,212,215,204,137,133,139,183,183,196,207,196,139,141,202,209,202,199,204,209,207,196,191,187,187,191,191,189,194,207,209,199,191,191,196,196,196,194,194,196,204,204,204,202,202,194,139,135,137,199,222,228,230,230,233,233,230,228,228,228,228,222,209,185,187,191,191,191,191,139,129,127,133,199,212,209,196,186,137,133,137,204,222,222,212,128,133,199,202,135,139,141,141,141,141,141,189,199,209,204,196,199,204,212,222,225,228,230,230,230,228,228,228,230,230,230,228,222,222,228,230,230,228,225,225,222,215,212,213,215,217,225,230,233,230,212,145,140,191,196,189,141,142,196,202,196,194,192,194,202,209,212,207,202,199,199,202,204,204,202,199,199,196,194,194,196,199,187,185,187,191,194,196,202,204,204,204,202,196,191,186,185,186,189,196,199,199,202,207,202,199,196,199,194,191,202,215,217,217,209,207,209,204,192,191,194,204,204,204,207,207,209,217,222,222,217,209,207,209,215,212,204,199,202,204,207,209,209,207,199,194,191,190,190,196,204,207,199,143,137,138,143,196,199,202,204,207,207,204,199,199,202,204,207,215,222,222,217,215,212,215,222,230,235,241,243,241,238,235,233,233,233,233,233,235,235,235,238,238,230,217,207,199,194,196,199,199,196,139,128,112,111,122,135,199,202,191,191,196,196,199,202,199,189,137,135,139,121,122,183,204,212,217,212,199,199,199,199,196,202,212,228,233,97,82,95,105,107,109,125,93,0,7,45,81,125,225,215,189,186,199,207,217,207,196,186,119,83,93,85,64,65,103,173,127,127,204,215,207,202,183,123,118,119,119,115,101,85,0,111,215,230,233,230,235,235,233,233,238,241,233,170,43,186,202,215,215,115,133,207,212,207,199,196,191,186,191,199,204,199,196,198,204,215,215,207,195,194,202,215,217,209,204,207,215,225,228,228,228,228,228,233,235,235,233,230,225,225,228,233,235,228,220,218,222,225,225,220,222,225,225,222,222,225,225,217,215,212,207,202,202,207,207,204,199,196,199,207,209,209,204,199,199,199,196,194,196,204,212,215,212,209,207,207,204,207,204,194,147,196,202,204,207,215,215,209,204,207,209,212,212,212,217,225,225,215,212,212,209,207,208,212,222,225,228,233,235,230,228,235,241,225,89,89,217,233,241,238,235,235,235,235,233,230,228,225,202,132,133,207,209,209,217,225,222,222,225,225,212,204,204,207,202,200,209,228,233,235,238,243,243,235,225,217,225,119,50,43,79,196,217,230,230,228,225,228,233,233,222,207,204,215,228,235,238,235,230,230,230,228,222,212,212,222,228,228,228,230,230,233,233,233,228,225,225,225,225,225,228,228,228,225,222,222,222,225,225,228,230,233,233,233,233,228,228,228,228,228,225,225,225,225,228,228,230,230,228,225,224,224,225,228,225,217,199,127,105,70,87,143,141,135,217,222,217,215,215,215,212,208,207,209,222,230,235,235,235,233,233,230,228,225,222,217,215,212,204,198,198,204,207,199,199,204,212,215,215,215,220,222,222,217,216,217,217,217,222,228,230,228,225,222,217,222,235,241,241,235,228,222,215,212,222,235,241,243,243,243,241,243,243,246,246,246,243,243,243,243,243,246,243,243,242,242,243,246,246,248,246,241,212,133,133,153,222,233,235,235,233,230,225,222,225,228,225,222,228,230,230,230,233,233,230,228,228,233,241,248,248,248,246,246,248,246,243,241,238,238,238,238,238,238,235,235,235,235,235,235,235,235,235,235,235,235,235,235,233,233,233,233,235,235,238,235,233,225,221,224,230,238,238,228,153,151,204,215,225,228,228,228,225,225,225,225,228,228,228,228,228,228,228,225,222,225,228,230,228,225,228,230,233,233,233,233,233,228,225,225,225,225,225,225,225,222,217,217,222,222,222,215,207,200,199,202,209,209,207,203,203,204,207,207,207,207,207,207,209,212,215,215,217,217,222,222,217,217,217,220,220,217,217,217,217,217,217,220,222,220,220,217,217,217,217,215,215,215,215,212,209,207,204,204,204,204,202,202,204,204,204,204,204,204,207,207,207,202,196,194,191,189,183,183,183,186,189,194,196,202,204,204,202,202,199,196,196,196,199,202,202,199,199,202,202,199,196,202,204,204,207,212,217,222,222,222,222,222,217,212,212,215,215,215,217,217,215,212,209,209,212,215,215,217,217,217,217,217,215,215,212,204,199,199,204,212,215,212,207,196,186,139,139,139,186,186,186,186,185,186,189,191,191,194,196,199,202,202,202,199,198,198,199,202,202,202,202,204,207,204,199,199,215,225,217,222,233,235,238,241,241,243,246,246,246,246,243,241,235,228,225,224,225,230,230,233,230,226,226,230,235,238,238,238,241,243,246,251,254,255,255,254,254,251,243,230,225,228,243,0,0,0,0,255,255,254,248,248,248,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,243,217,209,0,0,0,0,0,0,241,230,215,199,163,129,83,69,67,69,77,81,83,83,83,83,79,77,65,57,51,47,45,51,53,74,74,77,92,103,0,0,0,0,131,98,69,56,46,38,38,40,40,0,0,0,0,0,0,0,0,0,0,59,51,43,38,33,24,23,25,33,79,124,170,178,147,147,160,170,181,196,212,228,230,217,0,0,0,0,0,0,0,0,165,144,126,108,95,74,43,11,7,6,9,15,15,3,0,0,3,15,25,27,27,25,23,21,23,23,17,11,17,27,35,49,90,95,98,98,103,111,118,129,134,134,134,126,124,126,134,139,139,139,134,137,155,163,168,181,199,215,228,230,225,225,222,209,204,202,209,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,22,14,46,0,0,0,0,0,0,255,255,186,69,5,3,64,64,40,38,20,0,0,0,4,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,22,25,33,20,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,155,215,228,225,228,230,235,248,255,255,255,255,255,255,212,105,53,31,27,41,147,101,57,51,45,33,21,7,0,0,15,35,43,63,142,199,233,246,254,255,222,194,173,163,173,173,144,67,35,21,9,15,69,225,255,225,17,0,0,0,113,178,217,228,225,194,163,124,59,37,25,57,142,0,0,0,0,0,0,37,147,186,204,220,196,163,147,155,173,194,209,194,181,181,183,186,178,178,178,178,178,183,183,176,174,174,178,186,191,183,176,178,176,176,181,189,173,95,79,92,125,199,217,212,202,202,212,222,222,225,202,121,79,49,37,73,105,163,117,93,85,105,160,160,117,160,163,163,170,170,170,105,91,91,99,105,105,113,150,160,160,160,155,160,163,150,95,79,65,53,49,49,53,65,71,65,64,79,126,126,91,79,71,71,74,74,71,73,73,74,85,97,97,97,103,103,103,95,83,71,69,83,95,111,157,160,147,93,80,82,95,147,147,147,103,93,103,157,157,157,160,103,83,69,81,95,155,168,173,163,153,153,170,186,212,238,243,235,209,207,204,204,186,144,59,25,15,19,31,53,79,144,155,155,160,170,181,183,173,173,176,183,189,186,170,152,152,168,181,183,173,157,152,155,173,181,189,173,152,97,97,105,109,103,102,102,107,155,113,113,152,152,157,160,165,150,148,155,186,194,170,152,152,157,157,147,93,75,73,73,73,79,85,85,81,75,81,89,93,75,59,69,101,107,103,101,99,97,97,97,109,168,194,212,212,202,196,191,181,178,178,194,199,194,194,183,176,157,103,77,47,31,17,13,17,35,57,67,71,79,99,125,202,228,248,255,255,255,255,255,255,254,233,207,194,190,194,194,191,133,123,117,113,117,131,199,207,199,186,129,121,115,109,107,97,97,97,107,139,139,134,87,75,65,59,53,53,51,37,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,79,113,144,160 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,150,168,183,189,183,173,163,160,165,170,170,160,155,160,163,165,170,176,178,178,178,173,164,163,165,165,165,168,173,181,183,178,176,183,191,194,189,186,186,194,199,194,183,183,173,91,85,85,78,168,204,220,212,202,209,230,31,0,0,0,43,55,7,19,47,134,176,183,181,178,181,186,186,186,178,165,163,77,0,0,0,0,0,189,191,173,152,93,121,160,176,191,199,202,183,25,0,0,71,67,0,0,0,155,178,176,178,173,170,173,178,183,183,183,183,178,178,176,173,183,194,189,178,173,109,90,98,113,123,191,202,204,199,183,176,176,165,96,101,186,194,163,115,115,121,123,123,119,115,113,113,115,119,121,121,119,121,127,170,168,129,173,183,196,207,222,228,217,199,132,129,133,183,189,196,196,191,186,186,186,186,183,183,183,191,209,217,202,124,123,183,191,186,186,189,186,139,191,215,217,207,199,202,204,202,199,196,194,191,194,191,191,196,209,209,196,189,189,194,199,194,191,194,196,199,204,202,204,202,194,139,137,138,194,212,222,225,228,230,233,230,228,228,228,228,222,204,183,187,191,186,183,186,139,130,128,131,186,202,202,189,137,133,132,181,204,209,204,196,133,137,199,212,215,212,204,196,191,191,189,191,204,217,212,199,194,199,212,222,228,230,230,233,230,228,225,225,225,225,228,228,225,222,222,222,222,222,225,225,217,213,213,215,217,222,228,230,230,222,202,143,140,143,143,142,142,186,194,199,199,194,192,192,204,217,222,209,202,199,202,202,202,204,207,204,196,195,195,196,196,196,187,185,187,191,194,196,202,204,207,209,212,204,196,189,186,186,189,196,199,194,196,199,196,196,199,196,194,191,199,207,209,212,209,209,209,202,191,190,192,199,204,202,199,202,202,212,222,225,222,209,209,212,207,202,199,199,199,204,212,212,215,209,204,199,196,191,191,199,207,207,199,191,189,189,191,196,202,204,204,202,199,194,194,199,202,207,217,228,230,230,228,222,222,217,212,209,222,235,243,243,241,238,235,235,235,235,238,241,241,238,238,235,228,207,191,189,141,191,196,194,189,133,125,111,110,120,126,132,183,189,194,196,194,194,196,196,189,183,189,215,207,196,196,199,207,212,207,199,196,199,196,194,189,186,183,131,94,89,115,117,109,111,255,199,39,27,37,95,191,233,230,170,170,204,217,228,225,215,194,72,39,76,109,95,52,33,129,189,204,225,228,222,212,189,170,123,123,125,121,117,111,0,176,215,230,235,233,235,233,233,233,238,238,225,29,25,191,215,228,228,121,131,194,202,202,202,209,209,196,196,202,204,204,198,196,196,199,204,202,199,202,212,225,225,212,202,202,212,222,225,222,222,225,225,225,228,230,230,228,225,225,230,235,235,228,222,220,222,222,222,220,222,225,228,228,228,228,222,215,209,207,204,202,202,202,207,212,209,202,202,204,209,204,199,199,196,196,194,196,202,207,215,217,215,209,207,204,204,204,204,204,202,202,202,202,204,209,212,209,204,207,212,215,215,215,217,225,222,215,211,208,205,207,211,222,222,218,218,228,233,228,230,235,238,235,91,91,230,235,241,235,233,235,238,235,233,230,230,235,228,137,133,207,222,222,225,225,225,225,225,228,225,212,204,202,202,204,215,228,233,235,238,241,241,233,217,212,212,111,49,46,80,139,204,217,225,228,228,230,235,233,222,209,212,228,233,233,235,235,230,228,228,225,222,222,228,233,230,225,225,225,228,230,233,230,225,224,224,228,228,225,225,228,228,225,222,222,225,228,230,230,230,230,230,230,230,228,228,228,228,225,224,225,228,228,228,230,230,230,230,228,225,224,225,228,230,230,228,145,137,135,141,147,138,130,217,222,220,217,217,215,212,208,209,215,225,230,233,233,233,230,230,228,225,217,212,209,207,202,202,199,199,199,199,199,202,207,212,215,215,217,220,222,222,217,216,217,222,220,222,225,225,222,215,212,215,228,241,241,238,238,233,222,211,208,212,230,241,243,243,241,241,243,246,248,246,241,241,241,241,243,243,246,246,246,243,243,246,246,248,248,246,238,145,124,127,209,235,241,238,235,233,230,222,215,217,228,230,230,228,228,228,228,230,233,230,225,220,228,238,246,248,248,246,246,246,243,243,243,241,241,243,241,241,238,235,235,235,235,235,234,234,235,235,235,235,238,238,235,233,233,233,233,235,235,235,235,230,225,221,225,230,235,233,225,212,212,222,225,228,228,225,222,222,225,225,228,228,228,228,228,228,230,230,230,228,228,228,228,225,225,225,228,230,233,233,233,233,230,225,225,225,225,225,225,225,222,217,217,220,222,222,212,202,200,202,204,207,207,204,203,203,204,207,207,209,209,209,212,212,215,215,215,217,217,220,217,217,217,217,220,220,217,217,217,217,220,220,222,220,217,217,217,215,215,215,215,212,212,212,209,207,204,204,204,204,204,204,202,202,204,202,202,202,204,204,204,204,202,199,199,196,191,186,139,139,139,139,186,189,191,196,199,202,202,199,196,196,196,199,199,199,194,194,196,196,192,191,196,207,207,209,212,217,217,217,222,222,217,217,212,212,215,217,217,217,222,215,207,205,207,212,215,215,217,217,222,217,217,215,215,215,209,204,202,207,212,215,212,204,194,186,139,183,186,189,189,189,186,185,186,189,191,191,194,196,199,202,202,202,199,198,198,199,202,202,202,202,202,204,204,202,202,217,225,215,217,233,235,238,238,241,243,246,248,246,246,243,238,230,225,224,225,233,241,241,241,235,228,226,230,235,235,235,235,241,246,248,254,254,255,255,254,251,248,241,228,221,222,243,255,255,255,0,0,255,255,254,251,251,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,251,217,209,0,0,0,0,0,0,255,255,248,220,191,155,113,77,67,67,69,75,77,77,77,77,79,77,69,59,47,37,35,37,45,47,69,77,87,92,92,98,0,121,118,111,103,87,69,46,43,43,38,38,0,0,0,0,0,0,0,0,0,0,53,43,38,35,25,25,29,37,77,118,163,178,170,170,173,181,191,202,212,212,209,209,207,0,0,0,0,0,0,168,142,126,118,108,100,82,53,27,8,7,15,21,15,9,1,1,3,9,19,21,25,21,19,13,17,23,17,11,11,19,27,43,87,103,111,111,111,111,118,126,134,134,134,134,131,134,142,157,163,163,155,152,155,160,163,176,199,215,230,230,225,225,222,212,209,209,207,207,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,22,7,38,0,0,0,0,0,255,255,255,131,17,1,0,98,85,61,61,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,35,35,20,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,113,189,225,235,246,246,248,254,255,255,255,255,255,255,251,183,79,55,41,37,73,65,35,23,31,51,69,61,41,31,35,43,45,63,134,178,215,241,255,255,248,209,163,131,124,137,129,77,49,27,0,0,0,37,121,209,137,0,0,0,41,168,228,243,225,176,134,73,59,39,19,5,25,0,0,0,0,0,0,3,77,152,186,220,204,178,157,155,157,176,194,194,183,183,183,178,173,174,178,178,189,191,189,181,174,174,183,186,191,183,176,178,178,183,178,181,186,181,127,125,181,199,215,212,207,209,212,212,222,222,212,170,71,32,28,35,83,157,115,79,71,89,115,115,104,104,113,163,178,178,168,99,85,85,91,113,150,113,150,155,163,163,155,160,168,150,89,65,53,52,52,53,63,71,77,65,61,65,83,85,85,79,69,68,73,71,71,74,76,83,95,97,95,89,89,89,89,81,71,56,69,101,160,165,157,147,103,89,82,83,101,147,152,152,152,147,163,168,165,165,176,163,101,89,83,93,144,168,181,178,170,163,170,186,212,238,243,222,209,199,202,204,204,176,93,47,21,15,15,23,41,69,87,97,142,160,178,183,173,173,178,183,191,183,163,144,142,160,176,178,173,157,157,155,165,163,163,152,101,89,88,91,103,107,109,113,113,113,111,152,160,160,152,150,155,150,148,155,176,186,168,152,144,152,155,147,93,73,65,61,59,67,71,71,71,69,75,85,85,65,54,63,95,103,103,105,105,105,103,103,109,163,183,204,209,199,194,189,178,178,186,199,204,196,191,183,165,109,91,59,31,15,0,11,21,51,65,65,65,83,101,168,202,233,254,254,251,254,254,254,254,246,230,204,190,190,194,199,196,189,137,133,133,141,196,207,209,204,186,176,170,123,115,105,93,91,95,105,144,137,95,85,71,61,53,51,51,51,39,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,85,116,142 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,173,191,186,176,170,168,168,165,163,160,150,144,147,152,157,163,170,176,173,176,173,165,165,170,168,164,163,165,176,181,178,176,186,194,191,186,186,186,186,191,194,191,194,186,107,87,86,63,91,215,212,196,199,202,222,55,0,0,150,204,209,0,0,13,163,186,186,178,178,176,176,176,181,176,157,155,93,0,0,0,0,0,165,183,168,144,83,79,137,163,191,202,199,43,0,0,0,61,43,0,0,0,173,183,186,183,176,170,170,176,181,181,181,178,177,183,189,186,191,196,191,186,183,117,95,105,176,173,176,191,199,196,186,181,183,183,163,109,119,119,111,111,115,121,163,123,119,113,112,115,115,115,117,119,121,127,173,173,168,129,176,181,191,196,209,212,204,189,176,178,191,199,202,202,194,183,178,183,189,189,186,186,191,196,207,209,139,117,118,207,217,204,194,194,186,139,186,207,215,209,204,202,202,199,199,202,202,199,196,191,190,194,202,202,194,190,191,196,199,191,189,196,199,196,196,199,202,199,191,143,141,141,189,202,212,217,222,228,230,230,230,228,228,228,222,207,185,187,189,183,139,183,183,133,129,129,133,186,186,135,132,132,133,183,196,191,181,186,183,189,199,215,228,228,220,207,196,191,189,191,199,212,209,196,191,194,209,222,228,230,233,230,230,228,225,221,220,222,228,230,228,222,217,215,215,222,228,228,217,213,213,215,217,225,228,230,225,215,199,191,143,189,189,143,189,189,194,196,199,199,194,194,204,222,222,209,198,199,204,202,199,204,209,207,196,194,199,202,202,196,189,189,194,194,196,196,199,202,207,215,225,225,217,212,204,194,191,194,196,194,194,194,196,196,196,194,189,191,199,202,204,204,207,209,209,202,196,194,194,196,196,196,199,207,202,207,215,217,212,204,207,207,202,198,199,202,202,202,204,209,209,209,207,207,207,204,199,196,199,196,191,191,199,199,196,196,199,202,199,196,192,191,192,199,204,212,230,235,235,230,228,222,225,222,202,198,204,228,238,241,243,241,238,238,238,238,241,243,243,238,238,233,222,196,141,140,138,140,141,141,139,133,132,209,207,191,131,132,139,189,196,196,194,194,194,196,199,199,204,212,212,204,191,186,196,204,202,194,194,196,196,194,189,183,178,176,181,115,107,105,109,111,204,178,83,55,47,115,194,220,225,113,107,196,215,228,230,235,207,65,55,178,251,254,99,29,83,209,222,228,225,225,225,212,204,186,170,165,119,123,119,0,95,194,220,233,238,238,235,233,238,241,212,93,0,39,189,212,228,207,120,133,191,196,204,207,215,212,204,204,204,204,204,202,202,199,202,204,204,202,204,212,222,228,215,196,196,209,222,222,217,215,215,217,217,225,228,228,225,225,222,225,230,230,225,220,220,222,225,222,222,225,228,230,228,228,228,222,212,207,204,204,202,204,202,207,217,215,207,202,207,207,202,196,196,194,145,191,199,207,212,217,222,217,212,207,207,204,204,207,209,212,209,207,204,204,212,212,209,204,209,215,217,217,217,222,225,222,215,211,211,212,217,228,230,222,216,216,222,228,228,230,238,241,241,87,79,207,230,238,235,230,235,238,235,228,226,226,233,241,207,131,145,215,225,228,228,228,228,230,230,225,209,199,199,207,215,225,225,222,225,228,233,233,228,215,211,215,147,107,99,127,143,202,212,217,228,230,230,233,230,215,207,215,230,230,228,233,235,230,222,217,222,225,230,233,233,228,217,217,222,225,230,233,230,224,221,225,230,228,225,225,225,225,225,225,225,225,230,233,233,230,228,228,228,230,228,228,228,228,224,224,225,228,228,228,228,230,230,230,228,225,225,225,230,235,235,228,196,143,139,143,194,147,194,225,225,225,222,222,215,212,212,217,225,230,233,233,230,230,228,228,228,225,217,212,204,202,199,196,198,199,195,195,199,204,207,212,212,212,215,217,222,222,217,216,222,225,225,222,225,222,215,211,211,215,233,241,241,235,238,235,228,212,209,212,230,241,243,241,238,238,243,246,246,243,238,235,235,238,241,246,246,248,248,246,246,246,248,246,246,243,235,212,139,149,238,243,243,241,238,233,225,213,211,215,228,233,230,228,225,222,225,230,233,228,217,207,215,233,241,246,246,243,241,241,241,241,243,243,246,246,246,243,241,238,238,238,238,235,235,235,234,234,235,235,238,238,235,233,230,230,233,233,235,235,233,230,225,224,225,228,228,217,212,211,222,230,233,230,228,222,220,221,222,225,228,228,225,225,225,228,230,233,233,230,228,225,222,221,221,222,228,230,230,233,233,233,230,225,225,225,222,222,222,222,222,217,217,217,222,217,212,202,202,207,207,204,203,203,203,204,207,207,209,209,212,212,212,215,215,215,217,217,217,217,217,217,217,220,222,222,222,220,217,220,222,222,222,220,217,217,215,215,215,215,212,212,212,212,209,207,204,204,204,204,204,204,202,202,202,202,202,202,202,202,202,202,202,202,202,202,196,189,183,138,138,138,139,139,186,189,191,196,199,196,196,196,199,199,199,196,192,192,194,194,191,191,196,209,212,212,215,215,215,217,222,217,217,215,212,212,215,217,217,217,222,215,205,204,207,212,215,215,217,217,222,222,217,217,215,215,209,204,204,207,215,215,207,199,191,141,141,186,191,191,191,189,186,186,186,189,189,191,191,196,199,202,202,202,199,198,199,202,202,202,202,202,202,202,204,204,204,217,222,212,217,235,235,235,238,238,241,246,246,246,246,246,238,230,224,225,233,243,248,248,246,241,230,228,230,235,233,233,235,241,246,251,254,255,255,254,251,248,248,243,233,222,221,246,255,255,255,255,255,255,255,255,254,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,243,217,202,199,0,0,0,0,0,255,255,255,248,209,176,131,83,69,63,63,67,69,69,71,75,77,77,71,63,47,35,33,33,35,45,77,92,95,87,79,79,87,105,121,131,131,118,87,56,43,40,33,30,38,0,0,0,0,0,0,0,0,0,0,53,46,43,38,29,33,37,69,103,147,191,199,199,194,194,202,209,207,196,181,181,189,194,0,0,0,0,0,0,126,116,108,108,103,92,74,40,15,9,15,21,15,9,9,11,9,15,19,25,25,25,13,12,12,19,19,11,8,11,21,39,87,111,121,113,111,113,121,126,129,134,137,137,134,139,157,170,173,173,163,155,152,152,152,170,194,215,225,225,212,212,215,212,209,207,207,202,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,7,0,17,0,0,0,0,255,255,255,255,194,100,74,0,100,74,46,66,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,43,25,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,152,204,235,254,254,254,254,255,255,255,255,255,255,255,233,85,79,73,65,69,43,20,15,23,59,93,99,87,71,61,57,53,73,134,176,202,225,251,254,238,204,147,61,47,61,103,116,67,35,0,0,0,0,0,202,163,0,0,0,0,160,228,238,191,134,100,100,113,134,118,0,0,0,0,0,0,0,0,0,0,35,134,191,199,178,163,155,150,152,168,176,173,178,183,176,172,174,178,186,191,196,199,181,176,176,181,191,191,183,176,173,178,178,170,125,170,181,181,173,189,207,215,212,202,199,194,202,212,222,215,186,91,41,31,31,53,97,103,79,69,85,105,105,105,104,115,170,183,186,170,103,87,85,97,150,155,147,105,150,168,163,150,155,168,155,89,59,57,59,65,71,79,83,79,71,64,65,69,71,79,83,77,77,83,83,77,83,83,89,97,89,83,83,83,83,71,57,56,67,89,147,160,157,147,147,103,95,89,95,147,157,147,157,160,160,173,176,165,163,173,165,103,89,83,87,101,165,189,196,183,170,168,178,199,220,235,220,194,183,183,196,199,186,160,81,47,15,12,11,15,27,51,69,89,160,183,183,173,173,178,183,189,178,152,134,135,150,170,176,165,157,150,155,155,113,105,99,91,89,88,90,109,157,160,155,150,113,111,111,152,152,109,109,109,150,150,163,170,170,160,144,144,147,147,105,85,69,61,56,56,57,63,65,65,65,69,75,73,54,52,57,85,101,103,105,111,111,105,102,103,115,173,189,194,189,189,183,178,176,178,194,196,196,191,183,157,91,63,35,17,11,0,14,41,75,81,67,69,89,107,165,191,225,246,246,243,233,233,230,241,243,230,217,199,194,199,202,199,191,189,191,202,212,217,222,212,199,194,189,183,173,119,105,95,88,91,95,103,137,95,81,65,57,51,47,47,47,35,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,56,92,118 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,105,118,92,155,160,160,157,160,157,152,147,143,150,152,152,157,163,165,168,170,168,168,173,173,168,165,164,168,176,181,186,189,194,191,186,186,186,189,191,194,196,196,191,178,119,109,101,101,178,157,163,157,178,176,0,0,0,163,222,215,0,0,7,155,176,178,178,165,173,165,165,176,176,176,191,142,0,0,0,0,0,131,163,181,144,85,81,118,150,160,199,124,0,0,17,69,39,27,13,0,27,181,186,189,183,176,172,173,178,183,186,183,178,181,189,194,196,194,194,191,189,176,113,106,178,186,183,173,178,189,191,186,183,183,186,178,121,107,103,107,113,117,121,163,123,119,113,113,121,117,109,109,113,121,127,173,173,168,170,181,186,183,178,176,186,189,186,186,202,204,204,207,209,199,183,134,135,189,189,183,189,204,209,204,199,135,124,130,225,230,225,225,215,204,189,189,196,204,212,212,204,202,202,202,207,209,207,202,191,191,191,194,194,194,191,191,194,194,189,187,191,196,196,196,199,199,196,191,194,191,189,191,196,207,212,217,222,228,228,228,230,230,228,217,207,194,189,189,186,139,137,135,133,130,130,133,181,132,130,132,132,137,191,189,127,136,186,189,189,194,212,225,228,222,212,202,194,191,189,194,194,194,191,192,199,209,217,225,228,230,230,230,228,225,221,220,222,225,230,230,217,204,207,217,222,225,225,222,217,215,215,215,222,225,225,217,207,196,194,194,194,194,191,189,186,191,196,199,199,196,194,196,207,209,202,198,199,202,204,199,196,207,207,195,195,199,204,204,194,186,187,196,199,202,199,196,199,209,225,230,233,230,228,222,204,190,189,191,191,191,194,202,204,199,189,186,187,196,202,199,199,202,207,207,207,209,207,199,196,196,196,207,215,215,212,212,207,202,199,202,202,199,199,199,204,204,202,199,202,199,202,207,215,222,217,209,196,189,185,185,190,199,202,199,195,196,196,192,192,192,194,196,199,207,217,230,235,235,230,228,228,230,225,202,196,200,215,228,233,241,243,238,241,243,241,243,243,241,235,233,225,207,194,143,141,140,139,139,141,141,139,189,228,243,241,212,194,194,196,196,196,196,194,194,196,202,204,202,202,191,139,129,119,133,191,189,189,196,202,202,199,196,194,189,196,191,131,109,105,113,125,168,117,85,79,89,173,181,189,186,89,75,165,207,217,230,255,178,68,81,113,233,251,93,69,119,225,230,228,225,225,230,228,225,215,199,181,109,93,85,0,63,85,178,228,238,238,233,230,230,209,59,0,0,35,181,202,199,116,123,183,207,215,215,217,217,217,212,209,209,209,207,204,204,207,209,212,212,207,209,215,222,230,217,149,146,209,225,222,217,215,213,215,217,225,228,228,225,222,222,222,225,225,222,222,222,225,228,230,228,230,230,225,217,217,222,215,207,207,207,204,207,212,209,209,215,212,207,204,209,207,202,194,194,191,143,143,199,215,225,225,225,222,215,212,212,212,209,209,212,215,212,209,209,212,225,225,212,207,212,222,225,225,225,222,222,222,217,212,215,222,230,233,230,222,218,222,222,212,215,233,238,241,228,86,82,147,215,230,230,233,238,238,233,226,226,226,233,241,243,122,139,204,222,230,233,230,230,235,233,217,207,187,196,209,228,228,215,207,209,215,217,222,222,215,212,217,215,147,147,145,145,202,209,209,228,225,199,212,217,207,205,225,233,228,228,235,233,215,209,212,217,228,233,233,228,217,215,217,222,225,230,233,230,225,225,228,230,228,225,224,224,225,225,225,228,225,230,233,230,230,228,228,228,230,230,230,230,230,228,225,225,225,225,225,225,225,228,228,225,225,225,228,233,235,230,212,196,139,137,143,147,196,215,228,228,225,228,225,217,215,217,222,228,233,235,235,233,230,228,228,228,225,222,217,212,209,207,196,196,198,199,204,207,209,209,209,209,207,207,212,217,222,217,216,222,228,228,225,222,217,212,212,211,215,230,238,235,233,230,230,228,222,215,222,233,238,241,238,238,238,241,243,243,241,235,234,234,238,241,243,246,248,246,246,246,246,246,246,241,235,230,228,230,241,246,246,246,246,243,241,217,207,207,215,230,233,228,222,222,222,222,228,233,225,157,138,151,225,238,243,243,241,235,235,235,238,243,246,246,246,246,243,241,241,241,241,238,241,241,238,235,235,235,238,238,238,235,233,230,230,230,233,233,233,233,228,225,225,228,228,222,209,205,211,225,233,233,230,225,222,222,222,225,225,225,222,222,222,225,228,230,233,233,230,228,225,222,220,220,222,225,228,230,233,233,230,230,225,225,225,222,220,217,217,217,217,217,217,217,217,215,207,204,207,207,204,203,203,204,207,209,209,209,209,209,212,212,212,215,215,217,217,222,222,220,217,220,220,222,222,222,222,222,222,222,222,222,222,217,217,215,215,215,215,215,215,212,212,209,207,204,204,204,204,204,202,202,202,202,202,202,202,202,202,202,202,202,202,204,204,202,194,186,139,138,138,138,139,183,183,186,191,194,194,196,196,199,202,202,199,194,194,194,199,199,199,202,209,212,215,215,215,215,217,217,217,217,215,211,211,215,217,216,217,217,212,207,205,209,212,215,215,217,217,217,217,217,217,215,212,209,204,202,207,215,212,202,194,189,141,141,189,194,194,191,186,185,186,186,189,189,189,189,194,199,202,204,202,199,199,199,202,202,202,204,204,202,202,202,202,204,212,215,212,217,235,238,235,233,235,241,243,246,246,246,246,241,230,225,230,246,251,248,246,246,241,233,228,230,230,229,230,235,241,248,254,255,255,255,254,251,251,248,246,238,233,238,251,255,255,255,255,255,255,255,255,255,255,255,254,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,243,228,217,209,199,0,0,0,0,255,255,255,255,255,220,183,144,113,69,57,57,61,67,69,75,75,71,69,65,59,47,37,33,32,33,41,77,103,103,87,78,78,79,92,126,131,124,103,77,56,43,35,29,29,38,0,0,0,0,0,0,0,0,0,0,0,0,48,46,48,37,37,41,92,144,199,207,207,202,207,209,209,202,191,176,174,178,0,199,0,189,173,0,0,0,108,108,108,108,100,90,56,30,15,22,17,15,9,15,9,7,9,19,25,29,23,17,13,12,17,23,17,8,7,11,33,0,0,113,118,111,118,126,126,126,134,137,139,0,0,0,186,191,178,170,155,152,144,146,163,189,204,212,204,196,194,209,212,209,209,207,199,189,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,56,0,0,0,0,0,0,0,255,255,255,255,228,189,150,131,92,18,16,85,92,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,74,40,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,137,207,246,251,255,255,255,255,255,255,255,255,255,255,191,99,93,93,89,69,37,20,33,59,91,137,147,144,131,87,71,77,137,163,178,202,209,204,202,173,113,29,9,27,61,124,108,11,0,0,0,0,0,150,147,0,0,0,0,126,186,186,160,134,129,144,152,155,144,0,0,0,0,0,0,39,0,0,0,0,121,186,191,178,170,155,147,147,160,165,157,163,176,176,173,176,186,191,196,196,196,183,181,183,191,191,186,178,176,129,131,131,123,117,113,119,119,173,189,209,217,215,209,202,194,194,194,202,202,117,65,53,63,47,47,77,95,83,71,79,79,95,155,170,170,170,183,191,186,163,105,103,105,150,150,105,105,150,170,168,147,147,160,137,77,59,59,65,71,85,89,85,83,79,77,71,65,71,83,89,85,91,91,89,83,83,83,89,83,79,76,80,95,87,56,48,53,83,147,165,165,160,157,152,103,103,144,157,163,160,157,160,163,163,163,168,165,157,160,157,103,95,93,89,93,160,189,196,183,170,168,170,186,204,220,209,183,170,170,178,186,176,168,150,85,41,17,10,10,14,29,55,83,165,186,183,173,168,178,189,183,170,144,127,131,150,170,173,157,150,150,155,113,99,91,91,91,97,97,103,152,165,165,155,113,105,105,105,105,103,103,101,107,107,147,163,163,157,144,103,103,107,105,93,79,69,59,56,56,57,61,65,65,61,63,69,63,53,51,55,83,103,103,105,111,150,105,100,102,115,178,194,194,186,178,170,170,170,170,178,186,191,191,173,95,59,35,23,15,12,19,53,85,91,81,73,73,85,101,115,173,207,233,233,222,209,207,207,220,238,243,241,225,217,217,215,199,187,191,212,241,241,238,235,222,202,199,199,196,183,125,115,105,91,88,88,93,103,131,85,67,57,49,45,45,39,27,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,66,100 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,152,152,150,157,165,165,160,147,144,157,155,152,150,152,155,157,163,168,170,170,173,170,168,173,181,189,194,194,194,191,189,186,186,189,194,196,196,196,196,191,181,173,165,165,160,109,99,39,19,0,0,0,0,0,176,134,0,0,0,89,139,35,27,65,170,152,142,163,170,170,173,83,0,0,0,0,87,139,142,160,150,118,81,85,118,71,39,0,0,0,118,144,79,53,29,19,41,165,186,189,183,178,173,178,183,189,189,186,186,186,191,194,194,194,194,194,194,186,113,92,183,191,183,170,170,178,186,183,181,178,178,173,165,105,99,105,117,121,123,163,119,115,111,113,121,117,107,106,111,119,125,170,168,125,129,178,181,173,125,123,128,176,183,196,215,209,204,207,212,204,189,135,133,135,181,186,199,215,222,212,196,137,135,202,230,233,233,233,233,225,207,194,189,196,215,217,204,199,199,202,207,212,212,202,194,194,194,191,191,191,191,191,191,189,187,187,189,194,196,199,199,199,194,191,196,196,194,196,199,202,204,209,215,217,222,225,228,230,225,212,204,202,194,189,183,137,131,131,131,133,135,181,181,132,131,133,135,183,189,183,134,135,137,183,186,191,209,217,222,217,215,207,196,191,189,191,194,194,196,202,207,209,209,212,217,225,228,228,228,225,222,222,222,222,225,217,204,196,202,215,217,217,222,222,222,215,212,209,212,217,217,209,196,189,191,199,202,191,141,141,139,137,186,199,199,196,192,191,196,199,199,202,202,199,202,204,196,196,202,202,199,199,202,202,191,185,185,191,196,202,202,199,202,215,230,235,235,233,230,228,212,194,187,189,191,194,202,215,222,212,196,187,186,191,199,196,191,191,194,202,209,215,209,202,196,195,199,215,225,222,215,209,199,195,196,199,196,196,199,202,204,204,202,196,196,196,199,202,212,225,228,222,199,190,187,187,190,196,199,199,199,196,194,191,194,204,212,212,212,212,217,225,233,235,233,228,233,241,241,222,204,202,207,212,222,233,241,241,241,241,238,241,241,233,222,209,199,196,194,194,194,189,143,143,191,191,186,191,217,235,233,215,204,202,204,199,196,196,199,194,194,199,202,194,183,137,133,119,104,105,123,181,194,204,209,209,207,204,199,191,183,176,129,123,125,181,181,178,127,99,97,117,191,176,121,101,26,32,93,186,202,212,230,97,61,77,83,87,93,91,97,212,230,233,230,225,225,230,230,228,225,222,212,165,103,105,5,61,29,81,176,212,233,230,202,95,37,0,0,0,43,191,196,189,183,191,207,222,228,228,228,228,225,217,217,222,217,212,207,209,215,222,225,225,222,209,212,228,217,207,146,145,202,217,225,222,215,213,215,217,225,228,228,225,222,222,225,222,220,220,225,230,233,233,233,233,233,228,212,208,212,215,209,204,204,207,209,215,222,220,212,209,207,207,209,209,207,199,194,191,191,141,141,199,220,230,230,230,228,220,215,217,217,217,217,222,217,215,212,212,222,233,235,228,215,212,217,225,228,228,228,228,225,222,215,217,225,230,233,228,222,228,230,222,183,192,233,235,228,207,110,130,145,199,209,225,233,238,235,228,226,228,230,238,238,217,122,133,204,222,233,235,233,235,238,230,212,194,177,194,215,225,228,212,195,195,207,215,222,222,215,212,222,225,217,215,202,147,204,212,207,209,191,166,173,195,207,217,233,235,228,228,233,217,139,141,209,222,230,235,230,222,215,215,222,225,228,233,235,233,230,230,233,233,228,225,224,225,225,225,225,228,228,230,230,225,228,230,228,228,228,230,230,230,230,228,228,228,225,222,221,220,221,222,225,225,228,230,230,233,233,222,199,143,138,141,147,143,147,230,233,230,228,230,228,222,217,217,225,228,233,235,238,235,233,230,228,225,222,217,217,222,222,222,209,204,204,209,215,217,215,215,212,207,205,207,215,222,222,216,216,222,230,230,225,217,209,208,211,215,217,225,228,222,221,222,225,222,222,225,233,235,235,233,235,238,241,243,243,241,238,235,234,235,238,241,243,246,246,246,243,246,246,246,243,238,233,230,233,238,243,246,246,246,246,246,241,217,208,211,222,233,230,222,215,217,220,222,228,230,222,153,135,146,225,235,238,241,238,235,234,234,235,241,243,246,246,246,243,246,246,243,241,241,241,241,241,241,238,238,238,238,238,235,233,230,230,233,233,233,233,230,228,228,228,230,230,222,211,209,215,228,230,230,225,222,222,225,225,225,222,222,221,220,222,225,225,225,225,225,225,225,225,222,220,220,222,225,228,230,233,233,230,228,225,225,222,222,220,217,215,215,215,215,215,217,215,212,207,207,207,204,204,203,204,207,209,209,209,209,209,209,212,212,212,215,217,217,222,222,222,222,220,217,220,222,222,222,222,222,222,222,222,222,220,217,217,215,215,215,215,215,215,212,212,209,207,204,204,204,204,202,202,202,202,202,202,202,202,202,202,202,202,202,204,204,204,199,194,189,186,183,181,181,183,183,181,183,186,189,191,194,196,199,202,204,204,202,199,202,207,209,209,209,209,212,215,215,215,215,215,217,217,217,215,211,211,217,217,216,217,217,215,209,209,212,212,215,215,217,217,217,217,217,217,215,212,209,204,199,202,209,207,196,191,186,141,141,189,191,194,191,186,185,186,186,189,189,187,189,194,199,202,202,202,199,199,202,202,202,202,204,207,204,202,199,199,204,212,215,212,225,238,238,233,230,233,238,243,243,246,246,243,241,230,228,235,248,0,246,243,241,238,233,230,230,230,229,230,235,243,251,254,255,255,255,254,251,251,251,251,248,246,248,254,255,255,255,255,255,255,255,255,255,254,251,248,247,248,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,217,217,207,217,243,243,243,251,255,255,255,255,228,191,163,124,77,57,57,61,67,69,75,69,69,63,57,51,45,39,35,33,33,41,77,95,92,85,85,92,87,92,111,113,98,79,61,46,40,35,29,30,43,0,0,0,0,0,0,0,0,0,0,0,0,0,59,66,66,41,41,87,131,191,199,202,202,209,217,220,220,202,181,178,181,194,199,194,176,163,0,0,0,0,0,0,108,100,92,74,43,30,27,22,15,9,7,3,0,1,13,25,25,23,17,17,17,23,21,19,8,7,15,33,0,0,121,118,118,118,126,126,126,134,139,0,0,0,0,0,194,183,170,160,152,146,152,165,189,202,204,196,189,186,194,202,207,207,207,191,183,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,40,0,0,0,0,0,0,255,255,255,255,238,228,212,170,113,64,9,13,85,92,0,0,0,0,0,0,0,0,0,0,0,0,38,0,0,0,0,0,0,0,66,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,105,207,243,255,255,255,255,255,255,255,255,255,255,233,186,157,150,103,95,95,83,67,69,79,93,137,163,168,142,81,77,118,144,163,178,181,176,155,121,45,9,0,7,35,103,108,3,0,0,0,0,0,137,152,39,0,0,0,57,124,155,160,163,170,170,170,160,144,45,0,0,0,0,105,160,21,0,3,65,168,194,189,178,176,163,150,150,157,157,153,155,176,178,178,186,186,189,191,189,183,181,181,183,183,186,183,178,176,129,123,117,109,109,109,119,127,181,194,207,215,209,207,199,194,181,186,194,191,103,57,50,61,65,57,63,69,65,71,68,61,67,105,178,178,170,170,183,189,183,176,163,150,147,105,105,105,150,160,155,147,137,137,83,58,56,59,69,85,89,77,61,65,77,77,75,71,77,83,89,91,95,89,81,77,77,83,93,89,77,77,87,101,87,61,54,67,95,160,173,176,173,173,160,147,147,160,173,176,173,165,157,147,95,89,103,152,147,147,147,103,103,144,101,101,155,176,183,173,160,152,152,163,186,202,202,176,157,163,170,178,176,170,170,142,75,37,19,13,17,0,57,95,170,183,173,165,165,181,191,183,163,137,127,130,150,170,170,157,150,150,155,147,99,91,91,97,103,99,103,157,165,157,113,105,99,99,97,97,97,97,101,97,99,105,147,152,105,97,97,95,95,93,85,73,61,59,56,57,63,67,67,63,59,57,57,55,53,52,59,85,105,109,109,150,147,107,100,102,115,178,194,199,186,170,166,168,168,165,169,176,183,183,157,77,41,27,21,21,29,55,91,107,99,81,73,72,77,87,99,117,191,225,230,209,202,194,194,207,228,246,246,241,228,228,215,196,189,199,225,251,254,251,243,235,215,207,209,204,191,176,163,111,97,89,87,88,103,101,87,71,63,55,51,45,35,19,7,0,0,0,0,3,0,0,0,0,0,0,0,0,5,5,5,5,3,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,82 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,152,155,165,165,152,129,103,163,157,150,147,147,147,152,163,165,164,165,173,176,176,181,189,194,196,194,191,191,189,189,189,189,191,194,194,194,194,191,189,189,186,186,176,160,150,83,77,77,0,0,0,0,0,0,0,0,0,0,0,0,0,9,139,77,65,85,91,97,137,91,11,51,150,126,144,142,134,139,144,81,71,77,71,33,15,0,0,0,55,108,83,69,23,19,55,131,178,186,183,178,176,181,186,189,189,189,189,189,191,194,194,196,196,196,199,191,123,80,178,189,168,163,165,173,181,181,178,176,173,168,119,98,95,101,119,163,123,121,115,111,109,111,117,117,110,108,111,117,121,125,123,121,125,173,176,129,124,123,127,129,176,194,209,202,196,202,209,209,196,181,134,133,135,191,209,222,228,217,186,137,194,222,230,230,233,235,238,235,225,207,182,182,215,215,202,194,191,194,204,209,209,202,196,196,196,196,194,194,194,191,194,191,187,187,189,196,202,207,207,204,196,194,202,207,207,209,204,196,196,204,209,204,202,207,212,217,215,207,204,204,199,189,139,135,131,131,135,135,137,181,137,133,133,133,135,183,189,183,181,137,136,183,191,194,204,207,207,207,209,204,199,194,194,196,199,202,204,209,212,209,204,202,207,215,222,225,225,222,222,225,222,222,217,209,199,195,199,212,215,215,217,222,222,215,208,207,209,217,215,202,142,141,191,199,196,133,123,127,133,137,186,196,199,196,192,191,194,196,199,204,207,202,202,202,196,196,199,204,202,196,199,199,196,189,187,191,194,199,202,202,204,212,228,235,235,230,230,230,217,202,191,190,191,196,207,225,230,222,207,196,191,194,196,194,142,139,140,189,199,204,202,199,196,195,199,217,228,228,217,207,196,192,194,195,195,195,199,202,202,202,199,196,196,199,196,194,199,215,225,217,204,202,199,196,196,199,202,202,204,202,196,196,209,228,233,230,225,217,212,215,230,235,235,230,233,243,248,235,215,204,199,199,207,222,238,241,238,235,233,230,230,217,204,192,191,192,199,202,199,194,191,194,199,199,194,194,207,215,215,207,204,207,207,199,195,199,202,199,199,204,207,202,189,183,137,119,103,104,127,194,209,217,222,217,212,207,199,186,176,129,131,181,199,207,199,194,189,111,101,113,183,121,91,45,33,38,85,168,178,115,101,80,81,105,99,82,83,101,191,222,230,233,228,225,225,230,230,228,228,230,230,215,181,183,3,0,0,27,51,57,57,45,23,19,27,21,0,23,53,191,204,222,222,217,222,228,230,228,230,233,228,225,228,230,228,217,212,215,222,225,230,235,238,145,137,202,202,196,146,145,149,212,228,228,222,215,217,222,228,230,228,225,220,228,230,225,220,222,230,235,235,233,230,228,225,212,207,208,215,217,209,202,204,207,209,215,225,222,212,203,203,209,212,212,207,199,194,191,145,139,141,199,222,233,233,233,230,222,215,217,222,225,228,228,225,217,212,212,225,235,238,230,212,202,204,215,222,230,235,235,233,228,225,222,222,225,217,212,217,230,230,217,182,187,222,230,225,215,147,196,196,145,145,209,228,230,228,228,228,228,233,235,230,133,127,135,204,225,233,235,238,238,233,222,209,192,186,209,222,225,222,212,186,187,196,217,228,225,215,215,222,228,228,225,204,146,202,217,212,204,191,168,173,199,215,228,235,235,230,225,212,129,125,135,215,230,235,235,228,217,215,216,228,230,230,233,235,235,233,235,235,233,228,225,225,225,225,224,224,228,230,230,228,217,222,228,228,225,228,228,228,228,228,228,230,228,225,221,220,220,220,222,225,228,230,233,230,230,230,215,194,141,141,145,145,130,131,241,238,233,230,230,228,222,217,222,225,228,233,235,238,238,235,233,230,225,212,207,212,217,228,230,222,212,209,209,217,225,222,217,215,209,205,209,220,225,222,216,216,220,230,233,230,215,208,208,212,222,225,225,220,217,217,220,222,220,222,230,238,238,230,225,228,235,243,246,243,238,238,235,238,238,238,238,241,243,243,243,243,246,246,246,241,235,230,230,235,238,241,243,246,248,248,246,238,225,215,222,230,233,228,222,215,215,217,220,225,230,220,151,136,147,222,235,238,241,241,238,234,234,235,238,241,243,243,243,246,246,248,246,243,241,241,243,243,241,238,238,238,238,238,235,233,230,233,233,233,233,230,230,228,228,230,230,228,222,215,215,222,225,225,225,222,222,225,225,225,225,225,222,220,220,222,222,225,217,215,215,222,225,228,225,222,222,225,228,230,233,233,233,233,228,225,222,222,222,220,217,215,215,215,215,215,215,212,209,207,204,204,204,204,204,204,207,209,209,209,209,209,209,212,212,212,215,217,217,222,222,222,220,217,217,217,217,220,222,222,222,220,220,220,220,220,217,215,215,215,215,215,215,215,212,209,209,207,204,204,204,202,202,202,202,199,202,202,202,202,202,202,199,202,202,204,202,199,196,194,194,194,191,186,183,183,183,181,181,181,139,186,189,194,199,202,204,204,202,202,204,207,209,209,209,209,212,215,212,212,212,215,215,217,217,215,212,215,217,222,217,217,222,217,215,212,212,212,212,215,217,217,217,217,217,217,215,212,209,202,194,191,196,199,196,194,189,186,186,189,191,194,191,189,186,189,189,189,189,189,191,194,199,199,199,196,196,199,202,202,202,202,204,207,204,202,196,195,202,212,212,212,228,238,238,233,230,233,241,246,246,243,243,243,238,233,230,235,0,0,243,241,238,235,230,228,230,233,230,230,238,246,254,255,255,254,254,251,254,254,255,255,254,254,254,254,254,254,254,255,255,255,255,255,255,251,247,246,247,251,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,217,217,209,217,217,202,202,217,251,255,255,251,228,199,176,134,83,63,57,57,63,69,71,69,63,57,51,45,43,45,35,35,33,37,74,85,85,85,92,103,103,92,95,95,79,69,53,46,43,40,38,43,51,66,0,0,0,0,0,0,0,0,0,0,0,0,72,77,77,66,41,79,121,160,178,191,194,209,228,243,238,225,207,196,191,194,189,181,170,147,0,0,0,0,0,0,0,0,100,90,69,43,33,27,22,20,7,3,0,0,1,13,21,23,23,23,23,27,23,19,8,7,17,41,0,0,129,126,126,126,126,126,125,131,144,163,0,0,0,0,196,183,170,160,152,152,157,170,189,204,204,202,191,183,186,191,199,202,199,191,183,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,25,0,0,0,0,0,0,255,255,255,243,215,228,215,142,61,14,7,22,92,100,25,0,0,0,0,0,0,0,0,0,0,9,25,27,27,30,30,0,0,0,43,0,0,1,20,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,181,238,255,255,255,251,255,255,255,255,255,255,241,217,196,157,95,97,160,165,142,91,91,91,129,147,173,165,126,75,77,126,152,165,176,173,144,69,29,0,0,0,17,55,61,15,0,0,0,0,0,111,147,67,0,0,1,45,71,116,137,163,173,178,181,173,170,178,59,0,0,41,191,220,41,11,37,131,186,194,183,170,168,168,155,152,160,160,155,157,170,183,183,176,186,196,196,181,170,176,173,173,173,173,178,178,176,123,109,103,103,104,113,129,181,189,196,199,199,196,191,191,194,179,179,191,189,119,77,65,73,73,65,61,59,60,79,71,59,61,89,170,178,170,170,178,194,196,194,178,163,150,105,105,105,150,147,137,147,137,85,58,52,61,71,79,83,61,27,29,57,71,77,77,81,83,83,83,83,81,77,71,75,81,89,131,134,89,87,89,83,69,63,77,93,103,152,160,157,157,160,157,147,157,165,173,176,176,168,147,87,43,25,55,101,147,147,147,147,152,157,147,101,144,163,165,160,147,101,99,144,163,183,183,168,155,152,163,168,176,176,170,157,91,63,41,25,23,35,65,126,160,168,152,150,157,181,189,178,152,137,130,135,152,170,165,157,150,147,150,147,99,91,93,105,103,95,101,107,147,107,101,99,91,87,85,89,97,101,95,87,87,93,105,105,97,91,83,83,87,87,85,73,61,56,57,65,71,71,69,65,57,57,55,55,53,55,67,93,142,144,150,152,163,109,102,103,163,183,199,199,186,170,168,170,170,166,169,176,183,183,155,73,37,29,29,41,73,105,168,165,105,87,73,72,72,79,91,105,186,215,222,209,202,186,181,191,209,228,241,241,238,225,207,194,196,212,238,248,254,254,248,235,220,212,212,212,202,191,176,119,105,91,87,87,101,101,91,79,69,65,57,49,33,17,3,0,0,0,1,7,5,0,0,0,0,0,0,5,7,11,11,11,11,11,11,11,7,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,64 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,157,168,165,144,61,0,124,152,152,147,144,144,155,165,165,163,168,173,176,178,186,191,196,196,194,191,191,191,189,186,186,189,189,186,186,186,186,186,186,189,189,183,181,194,204,225,235,178,87,45,0,0,0,0,0,0,0,0,0,0,0,35,65,77,97,93,95,139,144,163,189,212,186,176,168,155,144,137,0,0,0,0,0,19,73,77,0,11,35,65,63,0,0,75,131,163,181,186,183,181,183,186,189,189,189,189,191,194,196,196,196,194,191,186,176,170,92,168,176,159,160,163,170,176,178,181,178,176,170,117,98,96,105,121,163,121,117,113,110,109,111,117,121,119,113,113,115,117,117,117,117,121,129,176,170,128,173,176,129,128,176,191,191,191,199,207,209,202,189,134,132,137,196,215,225,225,215,136,135,199,225,228,230,233,233,235,235,233,222,172,170,204,207,194,189,187,190,196,204,204,199,195,196,199,199,202,202,199,196,194,191,191,191,196,204,212,215,212,207,199,199,207,212,212,212,204,191,194,207,209,191,182,182,189,196,199,202,204,204,196,186,186,183,183,186,186,183,181,137,135,135,135,133,135,186,189,189,194,186,181,194,202,199,199,199,196,199,199,199,199,199,199,199,196,199,204,209,212,209,202,194,194,202,212,217,217,222,222,225,222,217,212,207,199,198,204,215,215,215,222,225,222,212,208,208,215,217,212,194,140,141,191,196,131,119,117,120,133,186,189,191,199,202,199,196,196,194,196,204,204,204,204,204,202,199,194,183,186,186,191,199,199,196,196,196,196,199,202,202,202,202,212,225,230,230,230,228,217,204,196,196,194,196,207,225,228,222,209,202,199,196,191,189,141,139,140,142,142,189,194,199,199,195,199,217,228,230,225,209,196,192,192,195,196,199,202,202,199,199,196,196,199,199,194,139,137,191,202,204,204,209,209,207,202,204,207,209,207,202,202,209,228,238,238,233,225,215,209,211,225,233,233,228,230,238,243,233,217,204,194,145,147,202,230,238,233,228,217,215,207,202,194,191,191,196,204,204,199,194,189,194,199,204,204,202,204,207,204,203,203,207,202,196,195,196,199,202,204,209,215,212,204,194,139,131,127,189,215,222,225,228,228,225,217,212,202,189,181,176,181,194,207,209,204,196,191,111,96,93,113,113,91,49,43,55,79,107,117,105,103,105,123,181,125,101,103,189,212,222,228,228,225,222,225,230,230,228,228,228,228,225,207,199,0,0,0,15,43,61,61,13,0,1,67,65,67,109,189,215,225,235,233,225,225,225,225,228,230,233,228,228,230,235,233,225,222,222,225,228,233,238,246,116,112,133,204,196,147,145,146,207,228,230,225,222,222,225,230,230,230,228,228,233,233,225,222,222,230,233,230,228,209,204,209,208,205,209,217,217,207,202,202,204,207,212,217,217,207,200,202,212,217,212,204,196,145,143,141,137,139,196,217,233,235,230,225,215,212,215,222,228,230,228,225,217,209,207,217,228,230,222,199,192,194,204,217,230,235,238,235,233,230,228,222,209,200,199,209,222,222,215,202,200,217,225,225,222,212,215,215,194,144,199,215,225,222,225,225,228,230,235,225,119,135,137,199,222,230,235,238,235,225,215,215,215,207,207,212,215,215,204,187,187,199,225,228,215,209,215,217,222,222,220,204,146,194,212,212,212,209,207,217,228,222,215,225,230,228,209,127,120,126,204,225,233,235,230,222,217,217,225,230,230,228,230,235,235,235,235,235,233,228,225,228,228,225,224,225,230,233,233,225,212,212,222,225,225,225,228,228,228,228,228,230,228,225,222,222,222,222,225,228,228,230,230,230,230,225,207,145,145,147,145,133,120,123,241,238,233,230,230,225,217,217,222,225,228,230,233,235,235,235,235,233,228,209,151,151,207,217,230,225,215,209,209,217,228,230,225,222,209,204,207,222,228,225,217,216,217,228,235,233,222,212,217,225,230,230,228,222,220,222,225,225,222,228,235,241,241,228,213,217,233,243,246,243,238,238,238,241,238,238,238,241,243,246,246,246,246,246,246,241,233,228,228,230,233,235,241,246,248,243,238,230,225,225,233,235,235,228,222,217,215,215,215,222,228,220,155,143,150,222,235,241,241,241,238,235,234,235,238,238,241,241,243,246,246,248,246,243,241,243,243,243,243,238,238,238,238,235,233,230,230,233,235,235,233,230,228,225,225,225,222,217,215,215,217,222,222,217,217,222,225,225,225,225,228,225,225,222,222,222,222,217,212,211,212,222,228,230,228,225,225,228,230,233,233,233,233,233,230,225,222,218,220,220,217,217,215,215,212,212,212,209,207,204,204,204,204,204,204,207,209,209,209,209,209,209,209,212,212,215,215,217,217,222,222,220,217,217,217,217,217,217,217,220,217,217,217,217,217,217,217,215,215,215,215,215,215,212,212,209,207,204,204,204,202,202,202,202,199,199,199,202,202,202,202,199,199,202,202,204,202,196,194,194,196,199,194,189,183,183,181,181,137,137,137,139,183,189,194,196,199,202,202,202,204,207,209,209,209,209,212,215,212,212,212,212,215,217,217,217,215,217,222,222,217,222,222,222,222,217,215,212,212,215,217,217,217,217,217,217,217,215,212,204,190,186,187,194,196,194,191,191,191,194,194,194,191,191,191,191,191,191,191,194,194,196,199,196,196,194,194,199,202,202,202,202,204,207,204,202,195,192,202,212,212,212,228,238,235,230,228,230,238,246,246,243,243,241,238,233,230,238,0,0,243,241,238,230,225,222,228,230,233,235,241,246,251,254,254,254,254,254,254,255,255,255,255,255,255,255,254,252,254,255,255,255,255,255,255,254,251,248,248,254,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,217,217,209,196,194,202,228,251,255,251,230,207,183,147,108,65,57,57,63,67,69,67,63,55,45,39,39,43,39,35,33,35,61,77,85,77,85,95,95,92,90,0,0,72,69,61,53,48,53,53,61,69,72,0,0,0,0,0,0,0,0,0,0,0,0,87,85,74,51,77,103,129,147,165,191,217,255,255,255,246,225,199,186,178,173,173,165,147,0,0,0,0,0,0,0,0,0,0,0,0,40,33,27,27,20,5,0,0,0,1,13,19,23,27,27,29,27,15,8,10,23,69,103,118,126,134,134,134,126,125,125,134,157,170,0,0,0,0,0,189,170,163,160,157,165,181,196,212,225,212,191,178,168,176,186,196,196,191,189,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,48,0,0,0,0,0,255,255,255,254,230,215,225,191,90,18,10,20,74,0,0,69,0,0,0,0,0,0,0,0,0,0,0,1,4,4,4,22,38,0,0,33,9,9,33,46,35,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,173,230,255,255,248,248,251,255,255,255,255,255,246,225,207,157,92,97,170,194,170,152,152,137,93,93,147,165,142,89,79,85,131,147,170,181,155,69,29,0,0,0,15,43,49,21,0,15,0,0,0,95,147,111,13,0,17,59,116,95,92,121,152,165,173,173,202,235,191,69,53,139,212,212,29,0,5,85,173,194,183,170,155,137,79,87,150,160,165,165,176,178,173,172,178,196,199,186,170,125,123,119,119,121,129,131,129,115,108,104,104,108,123,173,189,189,196,191,183,176,176,176,183,183,179,179,183,170,107,97,97,59,51,63,77,91,105,105,85,77,97,163,178,178,178,186,196,202,199,186,170,155,150,105,144,144,135,135,137,97,69,55,58,91,95,83,57,24,20,26,59,71,71,77,83,83,77,77,75,67,66,71,83,93,134,134,147,152,134,81,58,56,69,95,147,147,144,103,98,98,103,147,152,157,160,163,168,176,168,144,69,18,15,25,93,160,157,157,152,147,147,147,144,144,157,157,147,99,91,87,93,150,168,176,157,150,144,152,165,176,178,178,157,131,79,61,41,29,37,61,124,150,152,134,131,147,170,181,165,152,144,135,142,157,165,157,147,142,101,101,99,91,89,91,99,99,95,95,101,101,93,93,91,85,79,71,83,97,101,87,82,83,87,95,97,97,89,79,77,87,93,91,79,61,57,61,67,71,75,75,69,63,57,57,55,55,63,75,97,144,165,168,173,168,150,103,107,165,186,202,196,186,176,170,178,176,170,173,183,191,183,163,75,41,33,39,67,105,176,196,189,160,93,77,68,68,77,93,117,189,220,222,209,194,183,176,181,202,225,235,238,238,217,199,196,207,225,241,246,251,251,248,235,220,220,220,217,209,202,191,173,119,103,88,88,91,101,91,83,75,69,63,55,37,15,3,0,0,0,5,9,11,5,1,0,0,5,11,15,15,15,17,17,27,29,31,29,25,17,15,15,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,48 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,165,168,170,152,19,0,3,63,131,134,134,142,152,163,165,164,168,173,176,181,189,194,196,196,191,186,186,186,186,186,183,183,183,183,181,181,178,178,178,181,183,183,189,196,199,204,204,204,204,183,150,29,0,0,0,0,0,0,0,0,0,65,186,191,176,165,147,152,163,189,189,191,186,183,183,191,183,147,0,0,0,0,0,67,116,113,67,73,45,45,49,0,0,83,131,150,178,189,191,189,189,191,194,191,191,194,194,196,196,196,194,191,181,160,143,178,173,170,165,159,160,165,168,173,176,181,181,181,181,176,119,109,115,123,163,121,119,117,111,111,117,125,170,168,123,117,113,113,115,117,119,123,127,170,129,129,176,181,131,126,129,181,189,194,199,204,204,199,189,133,133,181,194,209,222,217,202,137,137,199,217,225,228,230,225,222,228,230,225,170,169,194,199,191,189,187,189,194,202,204,196,194,195,199,204,207,209,207,202,196,196,199,202,209,215,225,225,212,204,199,199,204,209,207,207,196,190,196,215,217,194,181,181,187,189,190,196,202,196,191,189,191,191,194,196,194,189,183,183,186,186,181,135,181,191,196,202,207,202,194,204,207,202,196,196,194,191,191,194,199,204,204,199,141,189,202,209,215,212,199,143,142,191,199,207,212,215,222,222,217,212,212,209,207,207,212,222,220,217,222,217,215,212,209,209,215,212,202,142,140,143,196,196,125,120,120,127,141,186,141,189,207,212,204,196,194,194,196,202,199,204,215,225,217,189,73,59,113,127,139,194,199,199,199,202,199,199,199,202,196,189,191,202,215,217,217,215,204,196,199,202,199,199,207,215,217,212,204,199,199,194,189,191,189,143,189,191,143,189,191,196,199,196,196,209,220,225,225,215,207,202,202,204,212,209,204,199,196,196,199,202,196,191,141,135,133,135,143,194,204,212,212,207,204,209,222,228,212,204,207,215,230,238,238,230,222,212,211,212,217,222,217,215,217,225,225,215,207,202,194,143,136,136,215,230,225,217,209,204,196,194,194,192,196,204,207,204,196,189,186,189,199,209,215,215,212,207,203,202,204,207,202,196,195,196,196,196,202,207,207,204,199,191,183,183,204,225,228,228,228,228,228,225,222,215,204,194,189,189,194,202,204,202,199,194,178,115,96,88,107,117,109,63,61,87,89,91,97,105,109,111,109,105,97,101,168,209,225,225,225,225,222,222,225,228,230,225,222,222,217,217,207,181,0,0,0,11,61,157,181,63,0,0,0,21,99,196,225,225,230,233,228,224,222,225,228,228,230,233,228,228,230,233,230,225,225,228,225,225,230,230,222,116,116,225,228,209,196,147,147,209,228,230,228,225,228,228,230,233,230,230,233,233,233,230,225,225,225,225,217,199,124,125,209,215,208,208,212,209,202,196,199,202,202,209,212,212,204,200,202,212,217,212,202,145,137,135,137,133,133,145,212,230,233,225,212,207,208,215,225,230,228,222,217,212,207,205,205,212,217,215,199,191,192,204,217,228,235,238,238,235,235,238,230,207,195,196,204,209,209,217,217,209,212,212,212,222,225,228,230,215,202,202,212,217,215,209,215,225,230,233,207,98,137,139,191,215,228,233,238,233,212,207,230,235,222,91,88,129,207,207,199,199,215,228,222,202,200,207,217,215,212,212,207,199,202,209,212,209,212,225,235,238,222,195,191,209,217,202,127,125,199,225,230,235,233,222,216,217,225,230,233,228,225,228,233,235,235,238,235,230,228,225,228,228,225,224,228,233,235,233,225,207,155,215,225,225,225,225,225,225,225,228,228,228,228,228,228,228,228,230,233,230,230,233,233,230,217,142,138,196,202,147,131,121,126,235,238,233,230,228,222,215,215,222,228,230,230,233,233,235,235,235,235,233,215,150,149,151,209,225,228,222,212,215,225,233,235,230,222,209,204,207,217,228,228,222,222,222,225,230,230,225,225,230,233,233,230,228,230,233,233,230,222,225,230,238,241,241,230,208,213,228,238,243,243,241,241,241,241,238,238,238,241,243,248,248,246,246,246,243,235,230,228,225,224,225,230,238,243,241,235,228,224,224,230,238,241,235,230,228,222,215,212,212,217,225,225,212,153,207,225,235,241,243,243,238,238,235,235,238,238,241,241,241,243,243,246,243,243,243,243,246,246,243,241,238,238,238,235,233,229,230,233,235,235,235,233,228,222,222,220,215,213,213,215,217,217,217,217,222,228,228,228,228,228,230,230,228,225,225,225,225,215,209,209,212,225,230,233,230,228,228,230,230,233,233,233,233,233,230,225,222,218,220,220,217,217,215,215,212,209,209,207,204,203,204,204,204,204,204,207,209,209,209,209,209,209,212,212,215,215,215,215,217,217,217,215,215,215,215,215,215,217,217,217,217,217,217,217,217,217,215,215,212,215,215,215,215,212,209,207,204,204,204,202,202,202,202,199,199,199,199,199,202,202,199,199,199,202,202,202,199,194,192,194,196,199,194,189,183,181,181,181,137,137,137,135,135,137,183,189,194,196,199,204,207,207,209,209,209,209,212,212,212,209,209,209,212,215,215,215,215,217,222,222,222,222,222,225,225,222,215,212,212,215,217,217,217,217,217,217,217,215,215,209,194,187,187,191,196,196,196,199,202,199,196,194,194,194,194,194,194,194,194,196,196,199,199,196,194,192,194,199,202,202,202,202,204,207,204,202,194,191,202,212,212,215,230,238,235,230,225,228,238,246,246,243,241,241,238,233,230,235,243,246,243,243,241,230,221,220,222,228,230,235,241,243,246,248,248,251,254,0,0,0,255,255,255,255,255,255,254,254,255,255,255,255,255,255,255,255,255,255,254,255,255,255,254,254,255,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,152,124,116,0,0,0,0,0,0,0,0,0,0,0,215,202,191,209,217,209,202,198,202,209,228,0,0,0,209,189,155,113,65,57,56,61,67,67,67,61,53,43,39,39,39,35,33,31,31,35,74,85,74,61,66,79,85,0,0,0,0,0,82,77,72,69,61,51,51,61,72,0,0,0,0,0,0,0,0,0,0,0,0,0,74,53,77,95,113,121,147,191,235,255,255,255,255,228,199,178,166,166,170,170,165,0,0,0,0,0,0,0,0,0,0,0,0,0,40,35,27,20,5,0,0,0,0,5,17,23,27,29,29,23,15,8,10,27,74,103,118,129,134,144,142,134,125,126,139,163,176,0,0,0,0,0,0,191,181,176,170,181,189,204,230,243,222,194,173,161,164,176,189,191,191,196,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,90,64,56,105,0,255,255,255,251,254,235,204,186,142,85,48,48,74,100,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,61,0,0,0,0,0,0,27,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,147,196,230,238,238,241,248,255,255,255,255,255,241,225,217,186,109,150,186,0,194,194,186,163,129,82,89,150,150,124,81,73,83,131,155,173,144,65,23,0,0,0,7,31,47,15,0,0,0,0,0,152,191,144,29,7,23,92,152,144,92,65,118,139,144,163,215,243,212,139,73,137,189,155,0,0,0,39,160,194,194,178,147,53,48,59,81,152,173,183,183,178,172,169,178,189,196,186,127,119,116,114,114,116,118,121,125,123,123,123,129,131,176,178,186,194,196,191,181,172,172,176,183,183,179,179,181,178,117,93,69,22,25,57,105,178,178,176,178,160,115,115,168,178,186,191,194,196,194,186,170,160,152,147,147,137,135,137,137,85,61,61,89,144,126,63,33,24,27,51,61,55,55,63,71,71,71,71,71,64,64,75,89,134,144,147,147,157,95,63,55,61,89,147,147,144,103,103,98,99,147,157,157,157,157,157,165,173,168,147,81,20,18,37,152,168,157,147,134,93,95,147,155,163,173,163,142,95,85,81,93,144,160,168,157,150,144,147,160,176,178,168,155,129,89,73,57,41,43,57,89,150,150,131,93,139,155,157,147,152,147,142,142,150,147,147,103,93,83,79,87,87,77,87,97,97,89,89,95,93,87,85,85,81,71,69,79,95,101,87,81,83,85,91,97,97,89,83,77,87,99,97,85,67,57,59,65,71,75,79,75,71,63,61,57,57,67,83,99,150,173,176,178,178,165,109,109,170,191,202,202,189,178,176,183,186,176,176,189,199,189,157,83,51,39,49,81,150,178,207,207,181,105,83,72,70,85,107,173,202,220,220,209,199,183,178,183,204,228,241,241,238,215,199,196,215,238,246,246,244,248,243,235,220,218,230,230,217,217,207,191,173,115,101,91,91,91,91,85,77,69,63,55,41,25,7,0,0,0,3,9,9,9,7,7,9,15,25,27,27,31,35,39,41,61,61,59,35,35,35,35,31,23,13,7,0,0,0,0,0,0,0,0,0,0,0,0,0,3,38 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,155,173,170,134,16,0,9,39,63,71,75,137,144,155,170,168,165,168,173,181,186,191,194,194,189,183,182,182,186,189,186,183,178,178,176,176,173,172,172,176,178,183,189,189,189,189,191,194,196,194,199,181,91,0,0,0,0,0,0,0,65,194,199,199,186,170,150,152,165,186,186,189,186,181,183,194,202,202,0,0,0,0,23,118,134,150,202,207,139,0,0,0,0,49,73,83,178,191,194,194,196,196,199,196,194,194,194,191,191,191,194,194,186,157,140,186,189,178,163,160,160,163,165,168,176,181,183,181,183,181,165,115,115,121,163,165,165,125,121,119,165,178,186,178,168,121,115,113,115,119,125,127,129,125,121,116,121,131,129,127,129,181,191,199,199,196,194,191,183,134,181,189,189,194,202,199,186,183,189,202,209,217,225,222,212,207,212,222,215,179,176,189,196,194,194,191,191,196,202,204,202,196,199,207,209,215,217,215,207,196,199,207,215,222,228,228,222,209,202,196,196,202,202,199,196,191,190,199,225,228,209,196,196,204,194,190,191,194,189,189,191,191,191,194,191,189,183,189,196,207,204,186,181,189,202,207,215,222,215,202,202,202,196,196,196,191,189,187,190,196,204,207,199,135,141,204,217,225,222,204,143,142,143,191,196,204,212,215,215,212,212,212,212,212,215,222,228,228,217,209,202,202,202,199,199,202,199,189,140,141,194,202,196,137,133,194,217,202,137,137,196,222,225,207,189,186,191,196,199,196,202,215,228,209,65,49,54,111,129,186,196,199,199,204,207,202,196,196,199,194,186,185,187,196,199,199,191,187,187,191,202,202,202,204,207,204,199,194,191,191,189,191,194,191,189,189,191,196,199,194,191,194,194,194,199,204,212,215,215,215,217,222,225,228,217,204,196,194,196,202,202,191,141,137,136,135,137,189,199,209,212,209,204,204,217,235,238,228,209,204,212,228,235,235,233,222,217,217,217,217,212,204,199,194,196,199,199,196,199,202,196,134,128,145,212,212,209,207,202,196,196,194,194,196,204,209,204,194,187,186,189,202,217,228,228,222,212,204,204,207,209,204,199,199,196,194,191,194,191,189,182,182,183,186,194,215,228,225,222,222,225,225,225,225,217,207,196,194,196,199,199,196,196,194,189,178,168,119,103,123,163,111,65,85,123,101,91,91,111,117,105,94,84,80,94,183,204,217,230,225,225,222,222,222,228,225,222,217,217,217,215,204,9,0,0,0,67,113,155,113,29,0,0,0,3,163,209,225,222,228,228,225,222,224,228,230,233,233,233,230,228,228,228,225,225,228,230,222,147,109,112,125,133,147,233,235,222,204,196,202,217,230,230,230,230,230,233,233,233,230,230,233,233,235,235,228,202,113,106,139,137,125,124,209,217,209,209,212,207,199,195,196,195,195,202,209,215,212,204,203,209,212,204,194,141,133,131,131,128,128,141,212,228,228,212,207,205,208,220,230,230,225,212,209,209,207,204,203,205,215,215,204,196,198,209,225,233,238,238,238,241,241,243,243,228,202,203,215,209,208,230,235,217,194,190,202,222,230,230,228,222,212,209,215,215,202,145,202,215,215,199,95,83,139,145,147,215,225,230,238,228,126,113,207,225,217,83,80,121,212,217,212,212,222,228,215,202,199,204,217,215,212,212,215,225,217,217,212,199,202,215,230,238,235,207,177,192,209,209,196,204,225,230,233,235,228,216,215,222,230,233,230,225,225,228,235,238,238,238,235,230,228,228,228,228,225,225,230,230,233,230,222,204,149,209,225,228,228,225,225,225,228,225,225,225,228,230,230,233,233,235,233,230,230,235,238,233,204,131,128,196,207,199,143,137,149,235,238,233,230,228,217,213,213,222,230,233,230,230,230,233,235,238,238,238,222,153,150,153,209,222,230,228,222,222,228,233,235,230,222,212,205,209,222,228,228,225,225,225,225,225,225,225,228,233,235,230,225,225,230,235,235,228,212,207,228,238,241,241,230,207,213,228,235,241,241,241,241,241,241,241,238,238,241,246,248,248,246,246,243,238,233,228,228,225,220,220,225,233,238,235,230,225,224,225,233,241,241,238,233,233,225,215,211,211,215,225,228,225,217,217,225,233,241,243,243,241,241,238,238,235,238,238,238,241,241,241,243,243,241,241,243,243,246,243,241,241,241,241,241,235,230,230,233,233,235,233,233,228,222,222,217,215,213,213,215,217,217,222,225,230,230,233,230,230,230,233,230,230,228,228,228,225,215,212,212,220,228,230,233,230,228,230,230,230,230,230,230,230,230,228,225,222,222,222,220,217,217,215,215,212,209,207,204,204,203,204,204,204,204,204,204,207,207,209,209,209,209,212,215,215,212,212,212,215,215,215,212,212,212,212,212,215,215,215,215,215,217,217,217,217,217,215,215,212,215,215,215,212,212,209,207,204,204,202,202,202,199,199,199,199,199,199,199,199,199,199,199,199,202,202,199,196,194,194,194,194,196,194,189,183,183,181,181,137,137,137,135,134,134,135,139,186,191,196,202,207,207,207,209,209,212,212,212,212,209,209,209,212,215,215,212,212,215,222,222,222,222,222,222,225,222,215,212,212,215,217,217,217,217,217,217,217,215,215,215,209,196,191,191,196,199,202,204,204,202,199,194,194,194,196,196,196,199,199,199,199,199,199,199,196,194,194,199,202,204,204,204,204,204,204,202,194,194,204,209,212,222,233,235,233,230,225,225,235,243,246,246,243,241,238,233,230,233,238,243,246,246,243,233,222,220,222,225,228,233,238,241,241,243,246,251,254,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,255,248,246,248,251,251,248,248,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,147,124,124,0,0,0,0,0,0,0,0,0,0,0,0,183,183,0,204,209,217,217,202,202,217,0,0,0,220,199,163,121,69,57,56,57,63,63,63,57,51,45,39,39,35,31,29,27,27,31,66,77,66,48,48,61,79,0,0,0,0,0,98,95,87,72,48,42,42,51,69,79,0,0,0,0,0,0,0,0,0,0,0,0,82,74,0,0,103,121,139,191,246,255,255,255,255,235,204,170,165,165,173,181,181,0,0,0,0,0,0,0,0,0,0,0,0,0,56,43,25,7,0,0,0,0,0,5,11,17,23,27,27,21,10,8,11,33,77,103,118,126,134,144,144,137,131,131,144,168,183,191,0,0,0,0,0,0,0,199,194,196,202,212,230,246,230,202,176,164,164,170,181,191,199,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,139,139,176,225,246,238,238,255,255,238,178,137,103,103,131,116,100,92,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,139,176,191,212,230,243,251,251,251,254,254,235,215,204,196,181,170,191,207,217,212,196,173,147,93,83,89,89,81,57,51,65,118,137,137,113,47,7,0,0,0,0,29,59,21,0,0,0,0,105,225,235,170,33,0,1,45,144,170,116,55,55,92,126,155,191,222,126,39,0,25,113,27,0,0,0,0,129,186,196,189,163,56,49,59,76,150,173,186,194,186,178,176,176,181,178,170,121,121,119,119,119,121,123,129,129,176,183,194,202,196,194,186,189,196,199,196,186,176,176,183,183,183,178,186,191,189,117,65,23,15,20,51,119,191,183,178,194,191,157,107,108,165,178,186,186,186,186,183,178,168,157,150,144,135,137,147,134,81,65,83,152,147,81,49,39,61,87,75,39,27,31,39,47,49,63,81,81,70,70,77,89,134,134,144,134,93,69,61,75,134,160,152,95,93,103,147,147,147,157,157,155,160,165,165,165,165,165,157,134,75,55,89,165,168,147,134,89,83,83,95,144,173,189,178,147,91,81,81,93,144,160,157,157,147,144,144,160,170,176,168,150,139,129,91,73,51,47,57,77,139,144,131,93,129,139,137,97,137,139,99,95,99,101,101,95,79,71,65,71,73,73,77,87,89,89,91,95,87,81,81,81,79,70,69,71,89,97,87,83,83,85,91,97,97,89,83,77,87,99,97,85,69,57,57,59,71,81,87,85,79,73,67,63,63,67,83,99,147,176,189,189,183,170,150,147,170,191,202,202,183,176,176,186,186,176,176,189,194,181,150,89,63,49,61,81,103,176,207,215,202,165,93,77,83,97,165,183,202,220,212,204,199,191,189,196,217,241,248,243,233,215,202,202,217,241,248,248,244,246,246,241,233,228,233,235,233,228,215,207,189,165,109,103,99,99,97,89,81,75,67,55,43,31,17,9,7,3,3,5,9,9,9,13,15,27,35,35,41,41,45,61,72,77,77,69,59,53,53,53,53,51,51,31,23,15,0,0,0,0,0,0,0,0,0,0,1,13,29 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,183,178,150,95,85,152,139,111,43,1,83,147,160,173,170,165,165,170,176,183,189,189,189,186,183,182,182,183,191,191,183,176,170,170,173,172,172,173,176,181,189,189,187,187,187,187,189,191,202,202,199,225,181,0,0,0,0,0,0,137,189,196,202,191,165,148,148,163,176,181,186,186,181,178,181,204,222,67,0,0,0,0,67,147,194,207,207,194,0,0,0,0,0,0,0,142,186,191,194,199,204,202,196,191,189,191,191,191,191,191,191,189,173,168,183,186,178,163,160,159,163,163,168,176,183,181,178,173,168,117,113,114,121,168,173,173,173,176,176,186,204,202,183,170,123,119,119,121,127,173,176,173,127,117,112,112,123,131,131,131,178,183,186,183,183,183,183,181,183,194,194,186,181,183,139,137,186,194,199,202,209,215,212,204,196,204,209,204,189,183,191,196,199,202,202,196,196,202,204,204,204,209,215,217,222,222,217,207,196,202,217,230,233,230,225,215,207,202,194,194,199,199,194,191,190,191,204,225,230,217,207,209,212,204,196,191,189,186,186,189,186,183,186,183,181,181,191,207,217,209,183,181,196,207,212,222,228,222,204,196,191,191,196,196,194,190,190,191,199,204,202,194,131,137,199,212,222,222,209,194,189,143,143,191,199,207,209,209,212,212,212,212,215,220,225,228,230,209,137,133,141,191,189,141,142,143,142,141,189,199,202,194,189,194,215,230,217,140,140,207,228,230,207,185,183,191,196,196,196,196,199,204,191,63,57,105,186,196,202,202,199,196,204,207,199,191,192,199,199,189,185,187,189,191,190,186,185,186,191,202,204,204,204,204,202,194,187,187,187,191,196,194,189,187,187,189,196,199,194,190,194,196,191,189,189,196,202,207,217,230,233,233,230,212,196,189,189,191,199,199,189,139,141,191,196,199,207,217,217,215,207,199,204,222,238,241,228,204,194,202,217,228,228,225,222,222,225,225,222,209,199,191,189,191,196,199,196,199,207,212,137,125,134,196,199,204,207,204,199,199,196,191,194,199,204,199,194,189,191,199,215,228,230,230,228,217,209,207,207,209,204,202,199,199,196,194,191,189,183,182,181,183,186,194,215,225,222,222,222,225,225,225,225,222,209,199,194,196,196,186,183,189,191,191,183,181,186,186,191,178,121,83,91,99,91,103,111,123,165,125,113,97,93,125,202,181,121,212,217,217,217,217,222,225,225,222,216,217,222,225,225,0,0,0,73,220,225,170,81,0,0,0,47,57,121,209,225,228,228,224,225,225,225,230,235,233,230,230,230,228,230,228,225,224,225,230,222,127,91,107,120,199,204,212,222,217,204,202,212,228,230,233,233,233,233,233,235,233,233,230,233,230,230,228,139,80,60,53,121,147,141,136,209,222,217,222,220,212,202,199,199,195,194,196,207,217,222,215,209,207,207,199,191,143,137,133,129,126,128,145,215,228,217,207,207,209,217,228,235,233,222,205,204,207,209,209,207,209,215,212,204,202,207,220,233,238,238,238,241,241,238,238,241,233,215,215,230,217,215,238,243,228,185,183,202,222,225,222,222,215,212,212,222,222,202,141,145,196,131,110,92,93,204,209,207,215,212,204,222,207,118,106,129,199,222,116,120,199,217,222,217,215,222,225,222,209,204,207,212,215,217,217,228,243,241,235,225,199,149,199,207,228,241,238,189,196,215,217,207,212,230,235,235,235,230,217,216,228,233,233,228,224,224,230,235,241,241,238,233,228,228,228,228,228,228,228,228,225,228,225,217,155,145,204,225,230,230,228,228,228,228,228,225,225,225,228,230,233,235,235,235,233,233,233,235,230,207,133,132,196,204,204,202,204,215,233,238,235,233,228,217,213,215,225,233,235,233,230,230,230,233,235,238,233,215,202,204,215,222,225,230,233,230,230,230,233,233,230,225,215,212,217,225,228,225,222,225,228,225,224,224,225,230,235,235,230,217,215,222,230,230,215,145,124,147,235,241,235,217,205,216,230,235,238,241,241,239,241,241,241,241,241,241,243,248,248,246,246,243,235,230,228,228,228,220,220,225,233,235,233,230,228,228,230,235,241,241,238,238,235,233,222,212,212,215,225,228,228,225,225,228,230,235,241,241,243,241,238,235,235,235,235,235,238,238,241,241,241,238,238,238,241,243,243,241,241,241,243,241,238,235,235,233,233,233,230,228,228,222,222,222,222,217,217,217,217,222,225,230,233,230,230,230,233,233,233,230,230,228,228,228,228,222,222,222,225,228,230,230,230,228,230,230,230,230,230,228,228,228,228,225,225,222,222,217,217,215,215,212,209,207,204,203,203,204,204,207,204,204,203,204,207,207,207,207,209,209,212,215,212,212,209,212,212,212,209,209,209,209,212,212,212,212,215,215,215,215,215,217,217,215,215,212,212,215,215,215,212,209,207,204,202,202,202,202,199,199,199,199,199,196,196,199,199,199,199,196,199,199,199,199,196,196,194,191,191,191,189,186,186,183,183,181,137,137,135,135,134,134,134,134,137,183,194,202,204,207,207,209,212,212,212,212,212,209,207,207,209,212,212,209,209,212,217,222,222,222,217,217,222,222,215,212,215,217,217,217,217,217,217,217,215,215,215,217,212,202,194,194,199,202,204,204,204,199,196,196,196,196,196,199,202,202,202,202,199,199,202,199,199,196,196,202,204,204,207,207,204,204,204,199,195,196,204,207,209,225,230,230,233,230,222,222,233,243,246,246,246,243,238,233,230,230,235,241,246,246,246,238,230,228,225,225,225,228,233,238,241,243,246,248,251,0,0,0,255,255,255,255,255,255,255,255,0,0,0,0,255,255,255,255,0,0,0,0,0,255,243,238,241,246,248,246,246,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,134,121,124,0,0,0,0,0,0,0,0,0,0,0,0,183,176,0,0,202,220,228,209,202,209,0,0,243,228,207,176,131,75,57,56,57,61,63,61,57,51,49,43,39,31,29,27,25,25,29,51,66,51,47,48,59,69,0,0,0,0,0,0,98,87,72,46,40,42,48,69,79,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,121,144,191,235,255,255,255,255,255,222,186,166,166,178,191,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,25,4,0,0,0,0,0,1,7,11,17,21,27,17,10,8,15,35,77,100,118,126,134,144,144,139,137,139,157,170,183,189,191,0,0,0,0,0,0,0,0,0,0,0,0,230,230,209,186,165,163,164,176,189,204,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,157,160,163,150,150,189,0,0,0,142,92,85,137,199,116,66,59,66,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,61,0,0,0,0,0,0,0,14,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,33,55,118,163,212,235,243,246,251,254,254,241,217,196,196,196,183,165,194,212,204,170,155,147,131,71,43,37,31,19,23,47,77,111,77,53,23,0,0,0,0,0,35,118,53,0,0,0,0,105,202,209,116,0,0,0,0,31,129,118,47,7,21,69,147,165,137,7,0,0,0,0,0,0,0,0,0,45,160,186,189,183,163,95,77,83,109,168,183,186,194,194,186,178,173,123,119,120,125,170,173,176,176,173,173,176,186,194,204,209,204,196,189,186,196,199,199,191,183,183,183,191,191,183,194,204,212,186,77,25,18,27,57,97,178,178,168,178,178,115,104,106,115,160,168,178,178,178,178,178,173,160,144,135,134,144,147,97,83,77,131,157,134,81,69,81,121,81,33,18,17,25,35,33,39,69,89,89,83,83,89,134,144,134,95,87,67,51,61,101,173,168,95,86,86,95,147,152,157,160,157,155,165,176,168,160,147,147,157,160,152,134,147,157,147,147,152,134,83,69,69,81,155,181,170,142,85,77,77,93,144,150,150,150,147,144,144,152,168,176,157,150,139,139,129,77,57,41,41,55,81,124,124,81,79,81,79,79,83,81,79,77,81,89,93,91,75,63,61,65,69,69,73,85,85,89,95,101,93,81,76,81,79,71,69,71,89,95,95,87,85,85,87,93,97,89,77,75,81,91,91,79,69,57,53,55,71,89,129,129,87,77,67,63,61,65,79,95,147,178,199,199,194,178,160,160,173,196,207,196,176,166,168,176,176,168,163,173,181,163,107,95,81,67,73,87,103,168,204,215,212,176,103,93,99,155,168,178,186,199,202,199,199,189,189,199,225,243,246,238,225,215,204,209,220,238,248,251,251,251,251,248,238,238,241,241,238,230,228,215,204,178,157,109,107,105,137,99,89,79,67,61,47,41,35,27,15,9,3,3,5,9,13,15,25,29,35,39,41,45,45,61,69,72,77,72,59,59,41,59,59,59,61,59,59,51,27,0,0,0,0,0,0,7,13,25,25,25,29 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,183,189,181,168,181,199,202,209,35,0,37,173,176,178,173,168,163,165,173,181,186,186,186,186,186,183,183,186,191,191,181,170,169,170,176,176,176,181,186,191,194,194,191,191,189,189,194,199,199,194,194,202,220,191,3,0,0,0,0,144,196,202,202,183,168,155,157,168,178,183,183,181,173,169,166,189,217,131,0,0,0,0,61,131,194,189,191,186,15,0,0,0,0,0,0,53,173,181,186,194,202,202,194,189,189,191,194,194,191,186,181,178,178,178,176,176,178,170,163,161,165,168,173,181,183,181,170,163,119,115,114,119,165,173,176,176,178,189,194,204,222,212,186,173,168,127,127,168,176,181,183,178,170,121,110,109,121,173,176,133,129,125,121,121,127,135,181,183,189,196,194,186,137,137,137,136,137,191,194,194,199,204,202,196,190,199,204,202,194,189,191,196,196,202,204,204,202,204,207,207,207,215,222,222,222,217,212,202,196,207,225,235,235,228,215,207,202,196,191,191,194,194,191,191,189,191,204,222,222,209,204,204,207,209,207,199,191,189,189,186,183,183,186,183,181,181,191,207,209,194,131,135,196,207,209,222,222,215,199,191,186,189,194,199,207,212,212,209,202,199,194,139,123,129,137,189,199,209,204,196,191,143,141,189,196,204,204,204,209,212,212,212,215,220,222,222,217,134,119,123,137,196,191,140,140,142,189,191,196,202,199,191,191,199,215,228,222,207,202,212,225,228,204,183,185,194,196,194,194,194,194,194,194,141,137,212,212,212,207,199,194,194,196,199,194,190,191,202,204,194,187,189,194,196,194,191,191,199,204,207,209,212,212,212,204,194,189,187,187,196,199,191,187,189,194,199,199,199,194,191,196,202,191,186,186,187,189,194,207,222,230,228,217,199,189,142,142,143,194,196,196,191,196,209,217,222,228,233,228,215,202,195,202,217,230,230,209,190,186,191,207,215,212,212,215,217,217,222,217,209,196,190,191,202,212,209,196,147,204,212,196,129,134,143,191,202,209,207,202,199,194,145,145,194,196,194,194,194,199,209,225,230,230,228,228,222,212,207,207,204,202,199,199,202,204,202,196,194,191,189,183,183,181,181,207,222,225,225,225,225,225,225,225,222,209,196,194,191,181,172,172,183,194,194,189,191,199,207,212,196,189,183,107,80,74,163,165,165,173,196,215,225,222,230,230,101,63,95,202,207,209,212,215,222,225,222,222,217,222,230,255,0,0,0,111,225,241,235,202,21,0,0,67,93,186,228,225,228,228,228,228,228,228,233,233,230,228,228,228,228,230,230,225,224,225,228,225,209,125,135,127,207,207,204,207,212,207,207,222,228,230,233,233,230,230,233,233,233,230,228,228,217,212,202,110,80,82,115,135,209,196,145,217,230,228,230,225,215,204,202,204,202,196,196,204,215,225,225,215,207,204,199,194,194,191,143,135,128,133,204,222,225,212,205,207,215,225,230,235,233,217,203,202,207,215,217,228,230,228,215,207,207,215,228,233,235,230,230,230,230,228,222,217,222,212,215,228,225,225,238,241,235,199,194,204,212,209,212,215,212,209,215,225,230,217,194,137,131,117,113,113,222,230,228,222,212,116,106,132,141,131,128,141,196,233,228,225,222,222,222,222,222,225,228,228,225,215,207,205,212,225,222,230,248,246,243,238,212,199,148,145,147,212,217,209,212,228,222,200,202,230,238,238,235,230,220,220,230,235,230,225,222,224,230,238,241,238,235,230,228,228,228,228,228,225,228,225,221,222,222,217,204,141,153,222,230,233,233,230,230,230,230,228,225,225,222,225,230,233,235,235,233,230,228,230,228,215,145,145,199,202,204,212,215,222,233,238,238,235,230,217,213,215,228,235,235,233,228,228,230,233,233,233,228,204,200,215,230,230,228,230,233,235,235,235,235,233,230,228,222,222,225,228,228,222,217,222,228,228,225,225,230,235,235,233,225,215,213,217,225,225,207,125,108,116,235,241,230,215,205,225,233,235,238,238,241,239,241,243,243,243,243,243,243,246,246,246,246,243,235,228,226,228,230,224,224,228,233,235,235,235,235,238,235,235,238,241,238,238,238,238,230,217,215,217,222,222,222,222,225,228,230,233,235,241,243,241,238,235,235,235,235,235,235,235,238,238,238,235,235,235,238,241,241,238,238,241,241,238,238,238,238,235,233,230,228,225,225,225,222,222,225,225,222,222,222,225,230,233,230,228,228,228,230,230,230,228,228,225,228,228,230,230,230,230,228,228,228,228,228,228,228,230,230,230,228,228,225,225,225,225,225,225,222,217,217,215,215,212,209,207,204,204,204,207,207,207,207,204,203,203,204,207,207,207,207,209,212,212,212,209,209,207,209,207,207,207,207,209,209,209,212,212,212,212,212,215,215,217,217,215,215,212,212,212,212,212,209,207,204,202,202,202,199,199,199,196,199,196,196,194,194,196,196,196,196,196,196,199,196,196,194,194,194,191,189,186,186,186,186,186,186,183,181,137,135,135,135,135,134,134,135,183,191,199,204,207,209,209,212,209,212,212,209,207,207,207,209,212,209,208,209,212,215,217,222,217,215,215,217,217,215,215,217,217,217,217,217,217,217,217,215,215,215,212,209,199,194,196,202,204,204,204,199,196,195,196,196,196,199,202,202,202,202,202,202,202,202,202,199,199,199,202,204,207,207,207,207,207,204,199,195,196,202,202,207,222,228,228,230,228,222,221,230,241,246,246,246,246,241,233,229,229,233,238,243,246,246,243,238,235,230,228,224,225,230,235,241,243,246,248,251,0,0,0,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,238,234,235,246,248,246,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,209,217,209,199,199,0,0,228,220,207,181,147,113,63,57,61,61,61,55,51,49,49,45,39,31,27,23,23,23,29,46,59,51,51,59,61,61,0,0,0,0,0,0,0,87,77,53,44,46,64,79,82,79,0,0,0,72,66,64,56,51,41,0,0,0,0,0,0,0,129,157,191,225,255,255,255,255,255,235,199,170,169,178,196,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,27,17,12,12,4,0,1,5,7,6,13,30,38,21,11,11,21,53,85,100,108,121,134,144,155,144,142,155,163,173,183,189,191,0,0,0,0,0,0,0,0,0,0,0,0,220,230,220,199,176,164,164,173,189,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,116,101,94,88,103,160,0,0,204,131,82,82,134,0,12,0,25,0,0,0,20,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,25,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,129,194,228,241,243,243,254,255,251,225,207,202,199,165,109,142,160,152,99,89,93,79,43,17,3,0,0,0,25,51,59,47,33,9,0,0,0,0,0,0,139,124,0,0,0,0,0,53,65,13,0,0,0,0,0,65,118,53,0,0,25,95,95,47,0,0,0,0,0,0,0,0,0,0,9,144,173,189,202,196,170,107,101,150,168,183,186,194,194,194,178,168,121,119,121,170,176,181,181,181,181,173,176,183,191,202,202,194,186,186,186,189,196,199,196,189,183,189,191,191,191,194,202,220,202,113,63,39,65,71,79,111,117,103,113,117,111,107,107,150,150,160,165,165,168,176,178,173,160,144,134,135,147,147,89,83,93,147,152,134,126,144,152,81,19,13,13,17,29,37,35,45,75,121,89,87,89,134,152,157,134,81,57,49,45,63,134,168,144,86,83,89,134,147,147,147,163,163,160,163,168,160,134,95,95,147,163,163,147,131,95,93,147,173,152,81,51,31,37,75,144,142,91,83,77,77,85,97,142,142,147,144,139,134,147,160,163,150,139,129,129,83,61,41,25,23,31,55,75,75,65,59,61,61,61,69,69,67,65,69,77,87,89,75,63,61,65,69,69,73,85,85,89,101,107,93,81,76,79,81,79,71,77,89,95,95,93,85,85,87,93,97,89,73,70,75,81,81,73,61,53,53,53,77,95,137,134,93,79,67,62,61,65,77,95,150,189,204,202,199,178,163,163,181,202,207,199,173,166,166,168,165,152,109,157,165,155,139,101,97,87,81,87,137,168,194,209,204,178,152,103,150,163,163,155,119,170,186,186,181,173,181,196,215,235,235,225,222,215,212,212,220,241,248,251,248,251,255,254,254,248,254,248,241,235,235,230,212,194,176,157,111,107,137,137,97,87,75,65,53,51,45,39,29,11,5,0,1,7,13,23,25,29,33,39,39,39,33,37,39,45,66,59,59,59,43,59,59,66,66,66,66,66,51,21,0,0,0,0,7,23,33,33,33,33,31 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,186,186,173,170,181,204,217,228,142,0,43,183,173,186,181,168,160,168,178,183,189,189,189,186,186,186,186,189,191,189,181,173,170,178,183,181,181,189,194,196,199,199,196,194,196,196,199,199,194,187,191,202,217,228,165,0,0,0,0,85,191,199,199,181,173,165,168,178,186,181,173,168,170,168,160,170,202,131,0,0,0,0,0,3,37,139,150,75,0,0,0,0,0,0,0,0,29,63,155,170,183,189,186,186,186,189,191,191,183,176,170,170,173,176,178,181,181,178,173,170,170,178,186,186,183,176,163,117,114,117,165,170,168,168,170,170,173,189,199,207,212,209,194,178,176,176,176,178,178,181,181,178,173,123,105,103,123,178,181,183,131,112,103,106,115,131,189,194,189,189,191,189,186,183,139,135,135,189,199,196,194,196,196,191,191,204,217,204,194,191,189,189,189,191,202,209,212,212,209,202,204,215,217,215,212,209,204,199,199,209,228,233,233,228,209,196,196,190,189,191,191,189,190,194,190,190,202,212,196,191,189,191,196,209,222,215,199,191,189,183,139,183,186,186,183,183,189,191,137,129,127,131,189,199,202,207,209,202,191,186,186,189,194,207,217,222,228,222,202,194,186,114,116,125,122,118,129,141,189,189,189,141,139,186,194,199,199,196,199,204,207,204,207,212,212,207,196,110,116,135,207,217,204,189,189,191,196,202,199,194,191,189,189,199,209,217,215,207,202,207,215,212,186,181,185,194,196,194,199,196,196,196,199,204,212,225,225,215,202,196,194,194,196,196,191,190,194,202,202,194,189,191,196,202,209,212,215,215,215,215,215,222,225,217,209,199,191,189,194,194,194,191,191,202,212,217,212,207,199,196,194,194,191,189,187,187,187,189,194,199,207,209,199,191,143,142,142,143,191,199,207,212,215,225,230,233,235,235,230,215,196,191,195,209,212,204,191,189,190,199,207,209,209,209,212,209,209,209,209,207,199,194,202,212,217,209,146,141,143,196,199,194,145,143,194,215,225,209,202,194,143,141,145,191,194,196,199,204,204,209,225,228,225,225,228,225,217,207,204,204,199,195,198,204,207,204,202,196,194,189,183,181,133,123,119,204,222,215,217,228,228,225,225,222,204,189,189,191,179,168,176,202,207,202,196,196,207,215,212,204,202,207,209,183,85,88,168,176,186,215,225,225,230,235,246,103,25,70,125,183,191,199,196,196,215,217,217,212,212,220,230,73,47,93,152,178,228,246,238,45,0,0,0,87,191,230,233,228,233,225,225,225,228,230,230,230,228,225,225,225,228,228,228,228,228,230,233,228,212,199,199,204,204,202,204,207,207,212,225,225,225,230,228,225,225,225,228,228,222,212,209,208,209,212,202,131,129,143,196,204,143,147,225,233,230,228,225,212,204,202,202,207,202,192,194,207,217,215,207,204,202,199,196,202,209,209,196,145,194,209,225,225,209,205,207,217,225,225,230,228,217,203,203,207,215,222,230,235,235,225,215,215,217,225,228,225,217,209,209,215,212,209,209,209,209,212,217,225,228,235,238,228,207,199,202,207,207,205,209,209,212,215,212,228,233,207,131,127,125,139,207,225,235,235,228,212,117,109,132,137,141,202,215,225,233,233,233,233,228,225,225,230,233,230,230,230,222,209,207,212,222,222,228,238,243,238,235,228,215,196,144,142,145,196,209,225,230,212,195,202,233,238,235,235,228,218,218,228,235,233,225,224,225,233,238,238,233,230,228,228,230,230,228,228,225,225,225,225,225,225,225,215,147,133,153,225,233,235,235,233,233,233,230,225,222,220,222,228,230,230,233,233,230,225,225,222,209,204,202,204,204,207,215,222,225,233,235,238,238,230,217,213,217,228,233,233,230,228,230,230,233,233,233,228,195,196,230,235,230,228,230,235,241,241,238,238,235,233,230,225,222,225,228,228,222,216,220,225,228,230,233,235,235,233,225,215,212,212,217,228,225,212,124,115,121,235,241,225,215,222,235,241,241,241,241,241,241,243,246,246,246,246,243,246,246,246,246,243,243,238,230,226,226,230,230,228,230,233,235,238,241,241,241,238,235,235,238,241,238,238,238,235,228,222,217,222,221,220,222,228,233,235,235,235,238,241,241,238,235,235,238,238,238,235,235,235,235,235,235,235,235,235,238,238,238,238,238,238,235,233,235,238,238,235,230,225,224,225,225,222,222,225,228,228,225,225,228,230,230,230,228,225,225,225,225,225,225,225,225,228,230,233,233,233,230,228,226,226,228,228,228,228,230,230,230,230,228,222,217,222,225,228,225,222,217,217,212,212,209,209,207,207,207,207,209,209,209,207,204,204,203,204,207,207,207,207,209,212,212,209,207,207,207,204,204,204,207,207,207,207,207,209,212,212,212,212,215,215,215,215,215,215,215,212,212,209,207,204,204,202,202,199,199,199,196,196,196,196,196,194,191,191,191,194,194,194,194,194,194,194,194,194,191,191,189,186,183,183,183,186,186,189,186,186,181,137,137,137,135,135,135,137,183,189,196,202,204,207,207,209,209,209,212,209,207,207,207,209,212,209,209,209,212,215,217,217,217,217,215,215,215,217,220,222,217,217,217,217,217,217,217,215,215,212,215,209,202,191,194,202,207,204,202,196,195,195,196,196,199,199,199,199,202,202,202,202,202,202,202,202,202,202,202,204,207,207,207,207,209,207,202,196,196,195,195,204,217,225,225,228,228,222,221,230,241,246,248,248,248,241,233,229,228,230,235,241,243,246,246,243,238,235,230,225,225,230,235,241,243,248,251,251,251,251,251,255,255,0,0,0,0,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,234,233,235,243,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,0,176,181,189,189,181,168,176,191,207,209,199,176,155,121,75,69,67,63,55,49,43,43,43,43,39,31,25,21,21,23,38,51,61,61,61,69,69,61,61,0,0,0,0,0,0,0,0,77,64,64,72,82,87,87,79,69,61,56,51,46,43,31,35,41,74,92,95,0,0,0,129,160,191,225,254,255,255,255,255,243,215,191,178,178,191,199,217,0,0,0,0,0,0,0,0,0,0,0,0,0,74,35,27,27,27,17,9,14,17,7,7,13,38,53,35,17,17,43,74,92,100,108,121,134,144,155,155,155,155,165,173,183,189,189,191,207,0,0,230,215,204,209,225,212,202,202,220,230,220,204,191,186,178,173,186,217,0,0,0,0,0,0,255,255,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,209,235,209,173,113,92,88,96,131,183,233,233,189,131,85,74,100,0,0,0,0,0,0,72,27,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,53,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,207,233,241,243,243,251,251,233,228,228,217,191,152,103,91,85,79,71,71,63,55,37,9,0,0,0,0,0,5,27,27,21,0,0,0,0,0,9,25,0,150,63,0,0,0,0,0,0,0,0,0,0,0,0,49,124,55,0,0,0,33,39,25,0,0,0,0,0,0,0,0,0,0,13,144,178,189,196,189,170,157,157,168,178,186,186,186,186,186,178,168,127,170,173,173,176,176,181,183,183,183,183,183,191,191,186,178,131,178,186,189,196,207,202,194,191,191,199,209,204,202,202,202,194,121,91,91,83,71,60,65,77,77,83,97,115,155,155,150,113,103,95,95,103,160,168,178,168,160,147,152,160,144,83,81,126,152,147,131,131,144,126,55,21,17,19,23,31,47,55,63,77,83,87,124,131,131,152,144,93,49,34,36,51,77,131,147,144,89,85,93,147,147,144,147,160,160,144,131,144,131,89,90,134,160,168,150,87,75,67,81,95,134,131,63,29,13,8,10,37,75,83,85,79,79,81,85,91,126,142,134,124,124,131,150,144,137,118,85,75,67,45,21,11,11,0,49,69,59,41,33,41,45,43,53,59,59,57,63,75,87,87,73,65,65,69,73,71,77,89,85,93,107,144,101,91,85,91,91,85,83,85,95,101,101,99,93,91,97,103,101,87,73,68,75,81,79,71,59,52,53,61,79,95,134,137,129,83,71,67,62,63,73,97,170,194,209,207,199,176,163,168,186,204,212,204,183,176,173,168,157,103,97,97,139,152,139,137,137,93,73,77,99,165,183,194,189,173,150,101,150,157,103,87,87,103,119,125,123,123,129,189,204,225,222,220,220,220,215,215,220,235,248,248,246,248,255,255,255,255,255,254,246,246,246,238,230,207,186,168,113,107,105,137,129,126,83,73,65,59,53,45,37,23,7,3,1,7,13,29,33,25,29,37,39,29,13,21,33,39,45,45,64,45,59,59,64,66,66,66,74,66,59,33,13,0,0,3,21,23,23,23,31,31,31 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,173,178,168,165,170,196,209,230,100,0,0,144,168,183,176,160,163,170,181,183,186,189,186,186,186,189,189,189,189,186,183,181,181,189,189,181,181,189,196,202,202,202,196,196,199,202,202,199,191,187,189,194,204,225,222,85,0,0,0,163,189,191,189,186,181,181,183,189,186,173,161,161,176,173,163,168,202,199,47,0,0,0,0,0,0,0,0,0,61,165,147,0,0,0,0,0,0,0,87,152,165,173,170,176,181,181,181,181,176,168,165,163,163,168,178,183,183,181,176,176,178,186,186,181,176,170,163,117,115,165,181,181,173,123,119,119,121,173,186,194,196,196,189,183,181,181,181,178,176,173,176,176,178,127,106,105,183,199,199,199,189,117,106,107,114,133,191,196,183,181,186,189,183,183,139,136,137,196,207,204,199,196,194,191,194,209,217,202,187,187,187,187,187,189,199,212,222,217,207,194,196,209,209,207,202,202,199,199,199,209,222,228,228,222,207,196,196,191,190,191,191,190,191,196,194,194,199,202,189,185,183,187,199,209,222,215,199,189,186,139,136,137,183,186,186,186,186,183,131,129,130,133,181,189,194,196,196,194,183,182,186,191,199,215,222,222,225,217,202,199,196,123,120,133,124,121,133,141,189,191,189,141,137,139,189,196,194,191,191,196,196,191,194,199,199,194,186,116,124,212,230,233,217,202,199,202,207,207,196,187,186,187,189,196,202,207,204,202,200,202,204,196,183,182,189,196,196,196,196,199,202,199,199,204,215,225,222,207,196,196,196,196,194,194,191,191,194,199,202,196,194,194,199,204,212,217,222,217,215,215,217,228,230,225,217,209,204,199,196,194,191,191,196,207,217,228,225,215,209,204,199,194,196,199,196,191,189,189,189,191,194,194,189,189,189,143,143,143,191,196,199,207,215,228,235,235,235,233,228,209,196,195,199,204,202,194,190,191,207,217,215,212,212,212,209,207,207,207,207,204,199,199,202,204,207,202,194,144,146,202,212,215,209,202,209,225,222,209,194,139,135,137,143,194,196,202,215,222,212,209,215,215,215,222,228,225,217,209,207,204,199,195,196,202,204,207,202,199,194,191,186,183,133,114,108,114,186,202,212,222,225,225,225,222,204,181,172,181,186,191,209,225,225,215,204,202,207,215,215,207,209,215,217,202,163,117,165,173,191,217,228,228,230,235,238,113,48,87,97,121,181,191,173,117,178,199,207,186,178,168,168,157,155,107,103,107,91,51,27,0,0,0,0,41,189,228,238,235,233,230,225,224,225,228,230,230,228,228,225,225,228,230,230,230,228,230,233,230,222,212,207,207,202,198,196,202,204,209,217,217,215,215,215,212,212,212,215,215,209,207,208,209,215,222,222,212,199,194,147,139,119,131,222,228,225,217,207,202,199,196,196,196,194,190,192,202,204,199,199,202,202,199,202,209,215,215,204,199,204,222,228,225,215,208,212,217,222,222,222,222,215,205,205,209,215,217,228,235,235,233,230,228,217,215,215,215,212,208,208,208,208,208,208,209,212,215,217,222,228,233,233,228,212,202,202,207,209,209,212,209,207,202,199,215,230,215,143,139,139,194,212,228,238,238,235,222,194,145,194,141,143,222,228,233,235,238,238,241,238,233,233,235,235,233,230,228,222,212,207,212,222,222,228,233,233,225,228,233,233,225,207,149,149,202,217,230,230,207,196,204,228,233,233,233,225,216,216,225,235,233,228,228,233,238,238,233,228,225,228,230,230,233,230,230,228,228,228,228,228,228,230,228,202,135,135,202,222,233,235,235,233,233,230,225,222,222,225,228,230,229,229,230,225,215,212,209,204,207,212,215,212,215,222,225,225,228,233,238,238,228,215,212,215,228,230,230,228,228,233,235,235,235,233,225,191,192,228,233,226,225,230,235,241,243,241,238,238,235,233,222,217,222,225,225,217,216,217,225,228,233,233,235,233,228,215,212,212,213,217,225,230,225,157,143,207,238,241,225,222,233,241,243,243,243,243,243,243,243,246,246,246,246,246,246,246,243,241,238,238,241,238,233,230,230,230,230,230,233,235,238,241,241,238,235,235,238,241,241,238,238,238,238,230,222,217,222,225,225,230,230,235,238,241,238,238,241,241,238,235,238,241,241,238,235,234,234,235,235,238,238,235,235,238,235,235,238,238,238,235,233,233,233,235,233,230,225,224,225,225,222,222,225,228,228,228,228,230,230,230,228,228,225,222,222,222,222,222,225,225,228,230,233,233,233,230,228,226,226,228,228,228,228,228,228,230,230,225,217,216,217,225,225,225,222,217,215,212,209,209,209,209,209,209,209,209,209,209,207,207,204,204,204,207,207,207,207,209,212,209,209,207,207,204,204,204,204,204,207,207,205,207,207,209,212,212,212,212,215,215,215,215,212,212,212,209,207,204,202,202,199,199,199,199,196,196,194,194,194,194,191,189,189,189,191,191,191,191,191,191,191,191,191,189,189,189,186,183,183,183,186,186,189,189,189,186,183,181,137,137,137,137,139,183,186,191,194,196,199,202,202,207,209,212,209,209,209,209,212,212,212,209,209,212,215,215,217,217,217,215,212,215,217,222,222,217,217,217,217,217,217,217,215,215,215,215,212,202,190,191,202,204,204,199,196,195,196,196,199,199,199,199,199,199,202,202,202,202,202,202,202,202,202,202,202,204,207,207,209,209,209,204,196,195,195,196,204,212,217,225,228,228,222,222,230,241,246,248,248,248,241,233,229,228,230,235,241,243,243,246,246,243,241,235,233,230,233,235,241,246,251,254,251,251,248,248,254,255,0,0,0,0,255,0,0,0,0,0,0,0,0,0,0,0,0,0,255,243,235,233,235,243,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,155,163,152,142,152,0,0,163,176,183,189,183,176,163,131,113,75,75,67,55,45,35,35,35,35,33,29,21,19,21,27,43,61,69,61,69,77,77,69,61,61,0,0,0,0,0,0,0,0,79,77,77,79,87,90,82,64,46,40,40,40,28,27,29,39,51,85,92,98,0,0,137,163,196,222,243,255,255,255,255,243,235,215,199,178,163,170,199,228,0,0,0,0,0,0,0,0,0,0,0,0,79,40,33,33,33,25,20,25,17,4,6,22,40,66,66,43,38,56,87,103,108,118,126,134,0,155,157,163,165,170,173,183,189,189,191,207,228,230,222,202,194,196,204,204,196,196,209,230,230,222,212,202,191,183,191,225,0,0,0,0,0,255,255,255,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,90,139,183,202,191,183,147,108,113,238,255,255,230,183,165,147,108,59,46,0,0,40,0,0,0,72,27,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,25,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,233,251,243,241,243,254,243,225,217,225,220,191,152,99,91,85,77,79,79,81,55,23,0,0,0,0,0,0,0,0,5,0,0,0,0,0,23,23,23,0,157,137,19,0,0,0,0,0,0,0,19,3,0,0,31,55,23,0,0,3,37,37,17,0,0,0,0,0,0,0,0,0,0,69,152,189,196,189,168,165,173,178,178,178,178,176,178,183,183,186,178,178,181,186,186,178,181,183,189,194,191,186,183,183,183,173,123,123,131,178,183,196,207,207,196,196,199,209,212,215,209,202,196,183,168,119,113,91,67,56,51,51,57,65,89,111,113,115,113,101,75,49,59,75,93,152,178,183,178,170,165,147,97,85,75,75,85,131,144,53,27,55,63,45,29,31,35,37,51,61,69,83,89,124,134,147,134,131,83,61,37,34,39,59,77,95,152,165,144,88,89,134,147,144,144,144,95,77,67,81,91,93,144,168,183,178,131,47,29,25,49,77,77,65,33,23,13,8,8,13,51,81,81,79,75,79,79,85,95,124,87,79,79,87,124,121,85,77,63,59,53,35,0,10,0,21,49,59,47,29,23,23,23,27,39,51,57,51,57,67,75,75,69,65,65,67,71,77,91,99,99,105,150,152,111,105,105,105,103,99,95,101,107,147,147,105,99,97,99,105,101,91,75,73,81,89,87,79,67,61,67,73,81,93,129,137,131,91,77,67,63,62,73,131,173,194,199,202,196,181,168,168,191,207,212,207,189,189,186,176,163,103,89,83,89,99,137,137,139,85,59,59,79,147,168,173,170,163,144,101,103,103,89,76,74,85,101,111,117,123,129,186,207,222,220,220,220,220,215,212,217,220,233,238,241,248,255,255,255,255,255,255,254,254,248,243,230,212,194,176,160,144,105,103,134,126,89,79,71,65,57,51,43,31,23,11,5,7,13,31,27,21,23,31,31,21,7,5,13,33,45,66,64,43,43,37,43,43,66,74,74,66,56,56,31,11,5,11,23,21,9,5,13,27,31 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,152,163,165,173,186,157,108,0,0,0,83,163,176,163,156,163,176,181,183,182,183,186,186,186,189,189,189,189,186,186,186,189,191,189,181,179,186,196,199,199,194,191,194,199,202,202,194,189,189,191,189,189,212,228,215,67,0,0,173,178,181,181,186,191,191,191,191,183,165,159,159,181,186,170,168,191,217,176,0,0,0,0,0,0,0,0,65,155,204,215,59,0,0,0,0,0,0,37,95,139,144,144,157,168,165,165,168,168,165,163,160,121,165,176,183,183,178,173,176,181,183,181,173,168,165,165,123,121,173,183,178,170,116,112,114,116,123,173,181,181,181,183,183,186,183,178,170,127,127,129,173,178,131,114,115,196,212,215,215,212,189,119,115,123,181,194,196,172,173,181,186,183,186,191,191,199,212,222,215,207,199,194,189,191,204,215,196,186,187,191,194,194,189,189,202,215,215,199,189,190,199,202,196,194,194,196,199,202,207,215,217,217,212,204,196,196,194,191,191,194,194,196,196,199,202,202,196,189,183,183,189,204,209,209,199,186,183,139,136,134,136,186,191,191,189,186,183,181,183,191,186,137,183,189,189,194,191,183,182,189,199,209,225,225,222,222,217,209,215,222,207,186,194,186,186,196,202,207,209,199,186,137,137,141,191,194,194,191,191,189,185,185,189,191,189,189,133,202,235,235,230,212,202,199,202,204,204,191,186,186,189,194,196,199,199,202,202,207,209,204,194,185,186,194,196,195,194,194,199,202,194,189,190,196,204,199,194,191,191,194,194,194,194,194,194,196,199,202,199,199,199,202,207,212,217,215,212,209,212,217,228,230,228,225,217,215,207,199,196,191,191,196,204,212,222,225,217,212,207,202,199,202,209,207,199,191,189,194,196,194,189,187,189,191,191,191,191,191,194,196,199,204,215,222,222,222,225,215,204,202,207,209,207,199,194,191,202,222,230,222,212,212,212,207,204,204,204,202,199,199,199,196,196,196,202,209,212,215,217,230,238,228,212,209,209,204,202,191,139,136,139,145,194,196,204,215,222,215,209,209,207,209,215,215,215,212,207,204,202,199,199,202,204,207,204,202,199,199,199,196,194,181,117,111,117,183,199,209,215,225,225,212,209,202,173,143,155,183,207,217,228,230,222,207,202,202,209,212,212,209,212,212,202,181,163,116,116,178,215,228,228,235,235,230,115,60,85,97,115,173,194,186,119,117,113,67,65,117,163,168,176,183,115,16,31,33,0,0,0,0,0,0,33,194,228,241,238,230,230,225,225,225,228,228,228,228,225,228,228,230,233,233,233,230,230,230,230,225,222,215,212,204,198,194,200,207,209,212,212,207,204,204,207,207,205,207,207,209,208,215,225,228,228,228,225,207,143,139,123,109,120,207,215,215,204,181,189,196,196,196,196,196,196,199,202,196,190,191,199,202,202,204,209,212,212,204,204,212,228,230,228,222,220,222,225,225,222,217,215,212,207,207,209,212,217,228,235,238,238,238,233,222,208,208,209,212,212,209,209,209,209,209,217,222,222,220,217,225,228,230,228,217,209,207,209,215,217,215,207,202,198,195,207,222,212,202,202,196,202,212,230,238,238,230,222,212,212,217,196,141,204,228,235,238,241,243,246,243,238,238,235,233,233,228,222,217,212,209,207,212,217,217,215,202,196,207,222,233,235,228,217,212,215,228,235,230,207,200,209,225,228,230,230,225,217,217,225,233,233,230,233,238,238,235,228,224,224,230,233,235,235,233,233,230,228,228,230,228,230,233,233,215,143,132,137,145,202,215,222,228,230,228,225,222,225,228,230,230,230,230,230,215,151,147,149,202,212,225,228,217,215,222,228,228,228,230,235,235,228,213,212,217,228,228,228,228,228,230,230,230,230,230,217,191,192,225,230,228,225,230,238,241,243,241,238,238,238,233,222,212,212,222,222,217,217,217,225,228,233,233,233,228,217,212,212,215,215,217,225,230,235,233,228,235,241,238,230,228,235,241,243,243,243,243,243,243,243,243,243,243,243,248,248,246,241,233,225,228,235,243,241,235,230,229,230,233,235,235,235,235,235,228,230,238,241,241,241,238,235,235,235,228,222,217,222,228,233,233,230,230,235,241,241,238,238,238,238,238,238,241,241,238,235,235,235,235,238,238,238,238,238,235,235,235,238,238,238,235,233,230,230,230,230,228,225,225,225,225,222,222,225,228,228,228,230,230,230,230,230,228,225,217,217,217,222,225,225,228,230,230,233,233,230,228,228,226,228,228,230,228,228,228,225,228,228,225,217,216,217,222,225,222,217,215,215,212,212,212,212,212,212,212,212,212,209,209,207,207,204,204,204,207,207,207,207,209,212,209,209,207,204,204,204,204,204,204,207,207,207,205,207,209,212,212,212,212,212,212,212,212,212,212,209,209,207,202,202,199,199,199,199,199,199,196,196,194,194,191,191,189,189,189,191,191,191,191,191,191,189,189,189,189,189,189,186,186,183,183,183,186,186,189,189,189,186,183,181,181,139,139,183,183,183,186,186,186,189,191,196,204,209,209,209,209,209,212,215,212,212,209,209,212,215,215,215,215,215,212,212,212,215,217,217,217,215,215,215,215,215,215,215,215,215,217,212,196,189,190,202,204,204,199,196,196,196,199,199,199,202,202,202,202,202,199,199,202,202,202,202,202,202,202,202,204,207,207,209,209,207,202,196,195,196,202,204,207,215,225,230,230,222,220,228,241,246,248,246,246,241,235,230,229,230,235,238,241,243,0,251,251,248,243,238,235,235,235,241,246,251,254,251,248,247,247,248,255,0,0,0,0,255,0,0,0,0,0,0,0,0,0,0,0,0,0,255,248,241,235,235,241,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,142,0,131,121,131,0,0,173,173,173,176,183,183,168,142,124,113,105,71,57,45,35,33,33,31,29,23,19,19,23,38,43,61,69,61,61,77,95,85,69,61,0,0,0,0,0,0,0,95,87,77,77,77,79,87,82,61,40,39,40,40,28,27,29,35,49,57,65,95,0,0,144,176,199,225,243,255,255,255,255,255,255,243,215,178,139,129,147,191,0,0,0,0,0,0,0,0,0,0,0,0,90,56,40,40,33,33,33,33,17,3,3,14,38,69,85,74,69,85,103,118,126,126,137,139,155,157,168,173,178,178,183,189,189,189,191,204,222,225,207,194,189,194,194,204,204,196,202,230,248,246,230,220,202,191,196,0,0,0,0,0,0,255,255,255,243,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,147,176,189,207,225,202,173,220,255,255,255,207,126,108,144,116,33,5,40,59,92,0,0,0,64,30,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,1,0,0,0,0,0,0,25,27,20,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,207,241,235,233,233,235,243,241,222,212,220,225,202,160,103,97,99,91,87,93,99,71,15,0,0,0,0,0,0,0,0,0,0,0,0,0,27,55,57,45,0,160,176,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,57,100,69,57,49,0,0,0,0,0,0,0,11,126,157,137,152,196,204,173,161,165,183,186,178,170,168,168,168,178,194,194,194,189,189,196,191,189,189,189,199,202,199,194,186,183,178,129,123,121,123,131,178,189,196,207,202,202,204,207,212,215,212,207,191,183,176,168,113,85,69,63,55,49,51,63,89,101,103,115,160,111,63,38,39,46,67,97,168,183,183,176,160,93,81,83,67,39,45,75,81,6,1,20,61,55,45,49,51,51,55,63,69,83,124,134,147,147,124,63,37,35,49,63,77,83,91,137,165,176,152,93,88,93,137,144,131,89,69,49,43,61,91,150,176,183,178,165,61,9,8,15,31,49,37,35,29,33,29,17,11,17,55,91,81,73,73,73,79,83,89,91,83,71,67,73,75,65,59,55,53,53,53,45,25,0,21,33,49,49,41,27,21,0,15,17,29,45,51,45,43,47,61,65,61,61,60,63,71,89,107,147,150,155,157,163,160,160,160,157,152,109,109,150,157,165,155,147,105,99,103,109,142,101,87,85,91,99,93,89,85,85,83,87,87,93,129,137,134,126,83,73,63,62,73,134,178,186,186,191,196,181,168,170,189,207,212,204,189,186,186,186,170,142,89,75,73,85,99,137,99,71,39,39,65,95,155,160,155,155,103,95,95,93,79,74,74,83,99,111,117,123,178,194,212,220,220,215,215,212,212,212,217,217,217,220,235,248,255,255,254,254,255,255,255,254,251,246,238,215,202,186,168,111,105,137,134,126,87,81,73,71,63,57,49,37,31,21,11,5,11,23,19,5,5,19,21,11,5,0,3,11,37,45,43,35,31,21,31,37,64,74,74,72,64,64,37,21,21,21,21,11,3,3,9,21,29 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,152,165,173,181,183,19,0,0,0,0,0,139,163,156,156,168,181,186,186,183,183,186,186,185,186,189,189,189,186,189,191,191,194,191,183,183,189,196,196,189,181,181,183,194,199,196,189,183,189,194,189,186,196,215,222,222,43,13,150,168,176,178,191,199,199,194,191,183,170,164,163,176,181,176,170,176,207,196,0,0,0,0,0,0,0,0,118,183,204,215,121,0,0,0,0,0,0,45,93,101,100,98,105,152,155,155,160,165,163,160,157,121,163,173,181,181,176,170,173,176,176,173,168,163,121,121,121,123,176,173,125,121,114,112,116,121,125,168,173,173,170,173,178,181,181,173,127,124,125,129,178,181,173,123,125,191,207,212,217,212,196,135,129,135,186,194,189,168,170,186,199,196,202,209,215,217,225,228,222,209,202,194,141,139,194,207,196,189,196,202,212,217,196,178,179,202,207,194,186,187,194,199,194,192,192,194,199,199,204,209,207,204,202,199,196,196,196,194,194,196,199,199,196,202,207,204,194,194,187,187,202,215,215,202,139,133,139,186,137,137,186,199,204,202,194,189,186,183,194,207,199,137,183,191,189,196,194,186,183,194,204,212,225,225,222,220,222,220,225,230,215,194,194,194,196,207,209,215,215,204,191,137,133,135,141,194,196,189,189,186,185,185,191,194,191,191,189,212,230,222,199,141,141,186,189,194,196,189,187,191,196,199,196,194,194,199,204,215,222,209,199,189,191,196,196,194,194,195,199,199,189,185,187,187,186,186,187,189,190,190,191,191,196,199,196,196,202,204,202,199,199,202,207,212,215,212,209,209,209,215,222,225,225,225,225,222,212,204,199,199,199,202,202,204,207,212,212,209,207,202,196,199,207,209,202,194,194,199,204,202,196,194,191,194,194,194,194,194,196,199,199,202,209,207,202,202,204,202,199,202,209,215,209,204,199,199,207,217,225,217,209,207,207,202,202,207,209,204,199,196,196,195,194,196,209,228,233,230,228,233,243,233,204,145,124,122,191,191,139,136,141,191,194,194,196,204,207,209,212,209,204,202,204,209,209,207,204,199,196,196,204,209,207,204,202,202,204,204,204,204,204,191,183,207,215,204,207,209,209,215,212,176,178,196,191,143,150,181,209,215,217,222,215,204,199,199,204,207,207,204,204,202,199,189,165,103,103,163,212,228,230,238,235,215,109,73,83,111,119,170,199,215,209,95,20,20,46,168,186,183,181,183,170,81,87,81,39,0,0,0,0,0,0,85,209,230,238,230,233,230,228,228,228,228,225,224,224,228,230,233,235,235,235,235,233,233,233,230,228,225,222,215,204,202,212,217,215,212,209,204,199,202,207,209,207,207,212,217,222,228,233,233,228,228,225,207,138,141,137,119,129,191,204,209,202,181,189,195,196,204,207,207,207,204,202,191,187,189,196,204,207,207,207,207,209,209,212,225,233,233,230,230,228,230,233,230,228,220,215,212,212,209,209,212,217,230,235,238,238,238,235,222,209,207,209,215,217,215,215,217,217,222,228,233,230,217,212,215,222,222,222,217,215,215,217,222,225,222,212,204,198,198,207,212,207,207,209,207,209,222,233,241,233,222,209,209,230,238,212,129,133,222,233,238,241,241,241,241,241,238,233,230,230,228,222,215,212,204,145,143,199,196,140,136,140,149,209,222,225,225,217,217,225,233,238,228,204,202,212,225,230,230,228,225,222,222,228,230,230,230,235,241,238,233,225,224,225,233,238,238,235,235,233,228,228,228,228,228,228,233,233,222,202,141,139,135,130,132,137,147,222,225,228,228,230,230,230,230,230,230,230,212,145,143,146,204,217,230,230,215,204,212,228,230,230,228,230,230,222,215,215,225,230,230,230,228,230,230,228,222,217,217,209,192,195,217,230,230,230,235,238,241,243,241,241,238,238,235,225,209,204,212,222,225,222,220,225,230,233,233,228,222,215,212,213,217,217,217,222,230,238,238,238,241,241,238,233,233,235,238,241,243,243,243,243,241,241,241,241,238,241,246,248,243,233,217,215,217,233,243,246,241,235,233,233,233,235,235,235,233,225,218,222,235,243,243,241,238,235,233,230,225,217,217,225,233,235,228,217,216,225,235,238,238,238,238,238,238,238,238,238,235,235,235,235,238,238,241,241,238,238,235,235,235,235,238,235,235,230,228,225,228,228,228,228,228,228,225,222,222,225,228,230,230,230,230,230,230,230,228,222,217,216,216,222,225,228,230,230,230,230,233,230,228,228,228,230,230,230,230,230,228,225,225,228,228,222,217,217,222,222,220,215,215,215,215,215,215,215,215,215,215,215,212,209,209,207,207,207,207,207,207,207,207,207,209,212,209,209,207,204,204,204,204,204,204,207,207,207,205,207,209,212,212,212,209,209,209,209,212,212,212,209,207,204,202,199,199,199,199,199,199,199,196,196,194,191,191,191,189,189,191,191,191,191,191,189,189,189,189,189,189,189,189,189,186,183,181,181,181,183,186,189,189,186,186,183,183,183,183,186,183,183,140,140,140,141,186,194,204,209,209,209,209,209,212,215,212,212,209,209,212,215,215,215,215,212,212,212,212,212,215,215,215,215,215,215,215,215,215,215,215,215,217,209,194,189,191,202,204,202,202,199,199,199,199,199,202,202,202,202,202,199,199,196,199,199,202,202,204,204,204,204,204,207,207,207,207,204,202,196,195,199,204,204,207,215,225,230,230,222,218,222,235,243,246,246,246,243,238,233,230,233,235,235,238,241,0,0,254,251,246,243,238,233,233,238,246,251,251,251,248,247,247,248,254,0,0,0,0,255,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,246,241,238,241,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,124,131,131,131,131,131,131,0,0,0,0,0,0,0,0,0,0,0,131,142,144,0,0,0,0,0,176,183,189,191,189,176,155,144,131,116,100,63,51,37,31,31,29,23,19,19,19,25,38,51,66,69,69,69,85,103,103,77,69,0,0,0,0,0,0,0,87,77,69,64,64,69,72,79,69,48,43,40,31,29,29,31,35,39,51,57,71,111,137,168,189,212,230,243,255,255,255,255,255,255,255,228,178,139,117,117,147,199,0,0,0,0,0,0,0,0,0,0,0,0,74,56,48,46,48,56,53,35,17,5,17,38,69,87,95,103,118,126,134,137,144,155,157,157,0,0,191,0,191,0,0,0,0,0,0,0,215,0,189,194,194,212,222,220,204,0,0,0,0,0,238,217,199,207,0,0,0,0,0,0,255,255,255,243,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,183,207,238,241,254,255,255,255,238,163,61,43,98,98,38,25,66,90,100,0,0,0,0,46,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,48,46,38,30,22,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,194,233,222,191,186,196,209,225,225,217,217,230,238,220,170,103,97,105,99,87,87,101,87,23,0,0,0,0,0,0,0,0,0,0,0,0,0,49,108,126,116,137,181,212,165,3,0,0,0,0,0,0,0,0,0,0,0,0,0,69,165,160,113,51,45,35,19,0,0,0,0,0,53,165,194,163,157,196,204,173,164,173,183,183,168,164,165,170,178,186,194,194,194,194,196,196,191,189,183,189,199,202,199,194,186,183,178,131,129,123,123,127,173,183,191,199,207,207,207,207,209,212,215,209,194,183,183,181,105,85,89,103,89,63,63,83,111,113,152,168,183,176,93,49,38,39,47,77,144,170,176,165,144,79,65,67,49,32,35,55,29,5,2,20,55,61,59,63,57,51,57,63,75,83,124,147,147,124,67,30,29,31,87,173,165,152,150,152,160,160,144,93,88,91,97,131,91,77,55,45,40,55,93,160,176,152,121,75,29,11,11,14,25,35,31,33,37,51,55,45,29,33,75,129,87,73,67,67,75,83,91,89,79,67,61,57,45,33,35,45,55,63,67,61,41,29,33,45,41,33,31,27,21,15,14,15,23,39,43,33,29,33,47,61,61,61,60,60,71,101,160,165,165,157,157,163,168,168,168,157,152,152,152,165,173,170,163,155,107,103,103,109,150,150,107,103,139,139,134,134,137,134,131,126,93,93,129,137,134,129,118,77,65,62,75,139,178,186,183,186,196,186,173,173,189,207,212,204,194,186,186,194,181,157,93,75,69,75,87,93,83,51,27,31,57,91,150,155,144,144,101,93,87,87,83,79,81,87,95,107,121,173,186,199,215,220,220,215,212,217,217,217,217,213,212,217,235,246,254,248,246,246,254,255,255,255,254,251,243,228,209,191,173,152,109,103,97,97,87,79,69,67,63,57,49,43,37,31,19,9,11,11,5,0,0,5,11,11,11,5,0,5,19,31,21,21,19,21,31,39,64,72,82,72,64,64,61,37,31,31,21,11,3,2,3,9,21 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,170,173,178,194,204,9,0,0,0,0,0,85,160,157,157,176,189,191,191,189,189,189,186,186,186,189,189,189,189,191,194,194,196,194,191,191,194,194,194,183,179,179,181,189,194,191,186,177,181,189,189,187,191,204,215,230,181,12,85,173,173,178,199,207,202,196,189,186,181,176,170,168,168,170,173,176,191,173,0,0,0,0,0,0,0,0,67,155,155,61,0,0,0,29,43,35,51,137,152,150,137,97,99,144,147,152,160,163,155,117,119,121,163,168,178,181,176,173,170,170,170,170,165,121,115,113,114,123,168,123,118,119,117,117,168,170,168,168,168,127,123,121,125,170,173,170,127,124,127,178,186,183,173,123,125,178,191,191,194,194,191,183,135,181,191,194,186,177,179,204,217,217,217,225,228,228,228,225,217,207,199,191,140,137,186,199,194,194,204,215,225,230,204,169,169,196,209,196,189,190,199,207,202,199,194,192,194,196,202,204,199,196,195,195,196,199,199,196,199,204,207,202,196,199,207,202,194,196,196,202,212,222,222,204,133,130,186,196,189,189,196,207,212,207,194,186,181,136,186,202,196,136,186,202,196,196,194,186,183,196,207,212,217,222,217,217,222,225,222,215,204,191,191,191,199,209,212,212,207,194,186,137,133,132,133,139,186,141,186,189,186,189,196,199,194,189,187,202,207,191,136,133,137,186,186,191,194,189,189,194,199,199,194,189,189,191,202,212,217,209,202,194,194,196,199,199,204,204,202,196,190,191,204,202,189,186,187,190,190,189,189,191,196,199,196,199,204,207,204,199,198,202,204,209,209,209,207,209,209,212,215,217,222,228,230,225,212,204,204,209,215,215,209,202,202,204,207,207,207,204,196,196,202,204,202,199,199,202,207,209,209,204,199,196,194,191,194,194,194,196,199,204,209,207,202,199,199,196,196,199,204,209,215,209,202,202,202,207,209,209,207,207,204,199,202,209,217,212,202,199,196,195,196,207,222,233,235,233,228,230,235,217,194,137,120,115,125,194,139,136,141,191,194,191,191,196,194,199,207,207,202,196,196,215,215,207,199,191,189,191,199,204,202,199,199,207,209,209,209,207,204,196,202,228,230,217,212,212,202,194,178,161,169,202,209,173,169,191,209,212,209,209,204,199,196,194,196,196,194,194,194,199,204,204,181,105,104,165,209,225,230,235,228,186,99,73,81,113,121,176,194,212,217,53,0,29,113,199,196,189,183,183,186,173,115,87,19,3,0,69,89,0,0,51,196,215,235,238,235,233,230,230,230,228,225,224,224,225,230,233,235,238,238,235,235,233,233,230,228,228,228,225,217,215,222,230,230,217,207,202,199,204,209,209,209,212,222,228,230,230,233,230,228,228,225,209,194,194,209,207,191,141,194,215,215,204,196,194,191,212,215,209,202,199,199,194,189,190,196,207,209,207,204,207,215,225,230,233,235,233,233,230,230,233,233,233,233,228,222,215,215,212,212,212,215,222,230,235,238,235,233,225,212,208,209,215,222,222,222,228,230,233,238,241,233,217,209,212,220,217,209,205,207,215,225,233,235,235,228,212,200,200,209,215,209,209,212,212,212,217,228,233,215,141,101,110,228,230,96,86,124,212,230,235,238,235,235,238,238,235,233,233,235,233,228,222,217,202,131,129,142,145,137,136,143,199,204,207,207,207,209,215,225,235,235,222,202,199,207,225,230,228,228,222,222,225,230,230,230,230,235,238,235,230,225,224,228,233,235,235,235,233,233,230,228,228,225,225,225,228,228,222,212,209,204,145,130,130,129,123,143,217,228,230,233,233,230,230,228,230,230,212,147,145,151,207,217,228,225,207,151,204,222,228,228,225,225,222,222,222,225,230,233,233,233,233,235,235,230,225,217,212,207,196,199,209,222,230,233,238,241,241,241,241,238,238,238,238,230,209,202,204,222,228,218,220,225,230,233,230,225,217,215,215,217,220,217,217,222,228,233,235,238,241,238,238,241,235,233,235,241,241,243,243,241,241,241,243,241,238,238,241,243,238,228,212,212,217,230,241,243,243,241,241,235,233,235,238,238,230,220,215,222,238,243,243,241,238,235,230,228,222,220,222,228,235,235,225,213,212,217,233,238,238,237,237,238,235,235,235,233,233,233,235,235,238,238,241,241,238,238,238,238,235,235,238,235,233,230,225,225,225,225,228,228,228,228,225,220,220,225,228,230,230,233,233,230,230,230,225,222,217,216,216,217,225,230,230,230,230,230,230,230,228,228,230,233,233,233,233,233,230,225,225,228,228,222,217,217,222,222,217,215,215,215,217,217,217,217,217,217,217,215,212,209,209,209,207,207,207,207,207,207,207,207,209,212,209,209,207,204,204,204,204,204,204,207,207,207,205,207,209,212,212,212,209,209,209,209,212,212,212,212,209,207,204,202,199,199,199,199,199,199,196,194,194,191,191,191,191,191,191,191,191,191,189,189,189,186,186,189,189,189,189,186,183,181,137,137,137,181,183,186,186,186,186,186,186,186,189,189,186,183,140,139,140,141,186,194,202,207,209,209,209,209,212,215,212,212,209,209,212,215,215,215,212,212,212,212,212,212,215,215,215,215,215,215,215,215,215,215,215,215,215,204,191,189,191,202,204,202,202,202,202,199,199,202,202,202,202,202,202,199,199,196,196,196,199,204,207,207,209,209,207,207,207,207,204,204,202,199,196,199,204,207,209,222,228,228,228,222,217,217,225,238,246,246,246,243,241,238,235,233,230,230,235,238,243,0,0,248,246,243,238,231,231,233,241,248,251,248,248,247,247,247,254,255,0,0,0,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,251,246,243,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,116,113,105,105,105,113,113,131,0,0,0,0,0,0,0,0,0,0,144,0,0,0,0,0,0,173,183,202,209,209,191,183,173,163,147,124,108,98,57,43,31,29,25,21,19,19,21,33,38,51,77,85,77,77,92,0,0,0,0,0,0,0,0,0,0,0,79,69,53,46,46,46,53,69,72,69,53,43,29,29,33,39,39,49,51,57,69,116,144,0,204,222,233,254,255,255,255,255,255,255,255,215,178,139,117,113,121,170,0,0,0,0,0,0,0,0,0,0,0,0,0,79,72,56,66,72,72,53,38,30,38,66,74,77,92,118,137,134,137,144,157,165,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,254,0,0,0,255,255,255,255,255,220,186,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,181,191,222,254,255,255,255,255,196,95,0,0,56,77,56,40,48,74,77,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,64,69,48,30,17,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,222,199,160,139,129,139,181,202,217,228,243,255,241,199,111,95,99,93,79,79,95,101,71,1,0,0,0,0,0,0,0,0,0,0,0,23,55,126,157,165,168,202,220,178,25,0,0,0,0,0,0,0,0,0,0,0,0,19,126,183,178,100,19,14,57,189,116,0,0,0,0,21,121,176,183,194,204,204,189,178,181,186,173,165,161,168,186,191,196,196,189,186,186,186,191,186,178,173,181,189,194,189,191,186,183,178,176,176,176,131,131,178,183,189,196,207,207,207,207,207,204,209,209,196,183,183,189,163,105,121,183,181,113,113,176,183,183,183,191,199,191,176,103,55,46,47,65,91,150,160,144,89,67,49,39,34,32,36,49,37,21,21,43,67,75,71,63,37,33,51,67,83,121,131,144,147,89,57,30,31,43,173,207,186,176,165,152,134,93,93,126,95,93,91,89,81,71,61,52,49,71,131,150,131,67,37,25,13,13,15,11,11,19,25,31,37,53,63,61,61,67,87,131,129,79,63,59,67,83,124,89,71,65,57,49,32,28,32,55,73,83,83,73,51,33,33,41,25,23,29,31,27,21,17,19,27,39,39,30,27,30,49,65,69,67,67,67,83,157,183,178,163,157,163,165,168,168,163,157,152,151,157,165,173,176,165,155,111,105,109,147,157,157,150,147,150,147,144,144,144,142,137,131,126,129,131,134,134,134,126,81,65,62,75,142,181,191,186,191,202,196,178,178,194,207,212,204,194,194,194,194,191,170,99,75,70,72,73,73,61,29,17,27,63,129,155,155,144,134,101,93,83,81,85,95,99,99,99,113,168,181,186,196,212,215,212,209,212,217,217,220,217,215,215,217,238,246,248,246,241,241,251,255,255,255,255,254,243,235,225,202,183,163,109,97,87,83,77,69,63,57,49,49,43,41,41,35,21,9,9,9,3,0,0,3,9,21,29,21,5,0,0,0,0,3,9,21,35,41,64,79,79,72,64,64,64,35,29,21,19,9,7,3,3,5,9 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,181,183,186,202,209,3,0,0,0,0,0,61,147,155,165,181,189,191,189,189,191,189,186,186,189,189,189,189,189,191,194,194,194,191,191,189,189,186,183,183,181,183,186,191,191,191,186,178,178,183,189,189,189,194,202,207,191,10,85,194,176,176,204,209,207,199,191,189,189,186,178,170,166,168,178,181,181,77,0,0,0,0,0,0,0,0,57,79,37,0,0,0,0,65,150,144,155,176,181,183,178,144,103,105,109,150,157,155,111,111,117,119,117,121,170,178,176,170,168,165,163,163,123,121,115,114,119,168,168,121,118,165,173,176,181,181,176,168,123,119,118,117,119,168,176,173,127,124,125,173,186,186,173,123,123,131,178,176,173,186,191,186,181,183,194,199,191,181,183,204,222,225,225,225,225,225,222,212,207,202,194,189,140,139,141,191,186,189,207,215,222,222,202,172,172,207,215,199,192,199,215,222,217,212,204,194,192,196,199,199,196,195,195,196,202,202,196,194,199,207,209,202,195,199,204,199,191,194,196,204,209,215,215,204,135,130,183,196,194,194,196,204,209,202,186,137,135,135,181,189,181,135,183,194,194,196,194,183,183,202,215,217,217,220,217,215,220,217,207,196,191,191,191,194,199,207,209,207,191,131,137,183,183,133,130,130,133,139,189,191,189,191,199,202,196,187,186,191,194,186,136,135,141,196,194,196,196,191,191,191,196,202,196,189,187,189,194,202,207,209,209,199,192,194,202,207,209,207,199,191,191,202,222,225,207,194,194,199,194,191,191,194,196,195,195,199,207,209,204,199,199,202,204,207,207,205,205,207,209,212,215,215,222,228,233,225,209,199,204,217,230,233,225,212,207,207,204,207,209,207,202,196,196,196,199,199,199,204,209,215,217,215,207,199,194,191,191,191,194,196,202,204,204,202,199,202,202,199,199,196,196,204,215,212,204,199,195,196,202,207,207,204,202,194,196,209,222,217,204,199,199,199,207,222,230,235,235,230,228,230,225,204,191,143,133,120,121,135,137,139,141,135,125,135,191,191,186,189,196,199,196,196,199,215,212,202,186,140,141,186,191,191,191,196,204,215,222,217,212,207,202,199,207,225,228,222,222,215,196,189,183,177,183,196,194,178,173,181,199,207,207,199,191,194,191,189,186,183,183,183,186,199,212,215,199,168,119,173,202,217,228,230,209,123,72,60,57,91,113,178,183,186,189,69,5,85,207,202,189,183,189,189,186,163,113,77,9,15,59,199,225,61,0,65,194,207,233,241,238,233,229,230,230,230,228,225,225,224,225,228,233,233,235,233,233,230,230,228,228,228,230,230,222,217,222,230,230,215,202,199,196,199,202,207,209,215,225,230,230,230,230,228,228,228,225,212,199,194,215,222,202,139,143,222,225,212,199,187,173,222,225,215,202,199,196,196,196,196,202,207,209,207,204,207,222,233,235,235,235,233,230,228,228,228,228,228,230,230,228,222,215,212,212,209,207,202,215,230,235,233,228,222,215,212,212,215,222,228,230,233,238,241,241,238,228,212,209,215,225,222,207,202,204,215,230,238,243,246,238,217,204,207,217,228,225,222,225,220,212,202,139,135,127,94,93,112,204,129,80,83,139,209,222,230,235,235,234,235,238,238,235,238,241,238,235,233,230,222,136,133,149,204,147,145,204,204,202,202,202,204,212,222,230,233,230,212,198,199,207,217,228,228,222,216,216,217,228,230,233,233,235,233,230,228,225,228,228,230,230,233,233,233,233,233,230,228,225,225,225,225,225,222,215,215,217,215,151,149,135,118,132,209,222,228,230,230,228,228,230,233,230,207,145,146,204,212,217,217,212,199,149,204,217,222,222,225,222,222,225,228,233,233,233,231,231,233,235,238,238,235,230,222,212,204,204,209,217,230,235,238,238,238,238,238,238,235,235,235,228,204,200,204,222,225,218,222,228,230,230,230,225,222,217,217,222,222,222,217,222,225,230,235,241,241,241,243,243,241,233,235,238,241,241,241,241,241,243,246,243,238,235,233,233,228,222,215,216,225,233,238,241,243,243,243,238,233,235,238,241,230,220,218,228,241,243,243,243,241,235,228,217,216,217,225,230,233,235,225,216,215,222,233,238,238,237,237,238,238,235,233,231,231,233,233,235,235,238,238,238,238,238,241,238,238,238,238,238,233,230,228,225,224,225,228,230,230,228,225,220,220,225,230,230,230,233,233,230,230,228,225,222,222,217,217,217,225,230,230,230,230,230,230,228,225,225,230,233,233,233,233,233,228,225,225,225,225,220,217,220,222,222,217,217,217,217,217,217,217,217,217,217,217,215,212,209,209,209,209,209,209,209,209,207,207,207,209,212,209,209,207,204,204,204,204,204,204,207,207,207,205,207,209,212,212,212,209,209,209,212,212,215,215,215,212,209,207,204,202,199,199,199,199,199,196,194,194,191,191,191,191,191,191,191,191,189,189,189,186,186,186,186,186,186,186,186,183,181,137,136,136,137,181,183,183,186,183,186,186,189,191,191,189,186,183,141,140,141,186,191,199,204,207,209,209,209,212,212,212,212,209,209,212,215,215,215,212,212,212,212,215,215,215,215,215,215,215,215,215,215,215,215,215,215,209,199,191,190,194,202,202,202,202,202,202,202,202,202,202,202,202,202,202,202,199,196,195,196,199,204,207,209,212,209,207,207,207,204,202,202,202,199,196,196,202,207,215,225,228,225,228,222,217,217,220,233,243,246,246,246,243,241,238,233,230,228,230,233,238,0,0,246,246,243,238,233,231,233,238,243,246,248,248,248,248,248,254,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,251,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,105,90,87,87,98,105,113,131,144,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,0,220,217,202,191,183,176,152,131,116,105,87,49,33,31,27,21,19,21,23,33,35,51,85,100,100,92,0,0,0,0,0,0,0,0,0,0,0,0,77,61,43,40,38,38,43,61,77,79,69,46,29,29,35,47,49,57,57,59,69,111,144,0,207,225,235,243,255,255,255,255,255,233,215,189,170,147,129,117,117,147,191,0,0,0,0,0,0,0,0,0,0,0,0,0,90,79,72,72,64,69,79,87,103,103,87,69,77,100,118,118,126,134,157,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,246,0,0,255,255,255,255,255,255,254,204,176,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,181,207,254,255,255,255,255,163,0,0,0,38,79,69,14,0,25,51,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,48,46,27,14,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,147,176,152,118,57,51,93,178,209,235,254,255,255,222,168,99,99,93,78,79,95,150,139,53,9,0,0,0,0,0,0,0,0,0,29,41,55,105,157,189,189,202,202,160,45,0,0,0,0,0,0,0,0,0,0,0,0,5,103,186,212,150,43,17,31,116,37,0,0,0,0,0,7,93,183,202,196,186,189,189,191,186,173,164,165,176,189,194,196,194,183,178,178,181,186,178,172,169,172,181,183,181,181,178,176,176,178,183,183,176,173,178,186,186,196,207,209,207,196,191,183,191,204,199,191,191,199,191,181,181,191,189,183,189,209,212,209,209,209,199,191,191,186,144,75,61,65,83,134,150,134,87,65,45,35,34,37,55,65,75,71,67,71,87,116,71,35,21,22,37,75,124,134,134,134,131,89,77,61,67,93,181,194,183,168,168,160,134,93,131,152,147,95,85,81,75,71,75,75,77,121,134,121,67,29,17,15,6,6,15,23,15,10,9,21,45,53,63,75,83,89,129,142,142,85,63,57,65,79,89,83,57,55,61,57,41,33,47,73,118,129,118,73,41,23,21,21,15,19,31,43,43,35,29,29,35,43,43,35,31,45,65,79,85,85,77,83,142,178,204,196,165,163,165,168,168,168,160,160,160,160,157,165,173,176,170,163,111,109,109,150,157,160,155,150,147,150,152,152,150,144,142,139,137,137,139,137,137,134,126,83,73,63,77,139,186,196,196,204,207,199,183,178,194,207,209,204,202,194,194,194,194,173,137,81,73,73,73,65,45,16,13,23,63,131,163,152,134,131,101,95,85,83,89,99,107,107,113,160,178,183,183,186,196,204,204,209,212,212,212,215,215,215,217,230,246,246,242,239,241,243,246,251,254,255,255,255,251,241,233,209,191,170,109,87,79,71,63,57,55,49,43,37,37,37,41,41,29,19,17,9,3,0,3,9,19,29,35,29,17,0,0,0,0,0,3,19,35,41,69,77,79,61,41,41,41,33,19,9,7,9,9,7,1,1,1 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,183,189,189,196,191,0,0,0,0,0,0,39,75,150,176,186,186,181,178,181,186,186,183,189,189,189,189,189,191,191,191,186,183,183,181,181,178,178,178,181,186,189,191,191,191,191,189,183,178,178,186,191,189,189,194,196,189,61,101,181,178,174,191,207,209,204,196,191,191,189,183,178,176,176,181,176,163,65,0,0,0,0,0,0,0,0,7,113,67,0,0,0,0,35,134,155,170,181,186,194,202,176,147,107,109,150,155,109,96,99,113,117,115,117,168,178,178,170,165,163,121,117,115,115,119,165,181,186,173,121,121,173,186,191,189,183,178,168,119,116,117,118,123,181,189,186,173,125,123,125,173,183,178,131,129,131,176,178,181,196,202,194,179,181,196,207,202,186,181,191,209,217,222,222,217,215,209,199,194,191,189,186,141,140,141,186,141,186,202,204,207,207,199,182,182,212,212,196,194,207,225,230,230,230,222,204,196,196,199,199,196,196,199,207,212,207,196,190,194,204,207,199,196,204,207,202,191,141,191,196,196,191,191,191,139,130,133,186,189,189,189,194,199,191,137,134,135,137,183,183,136,135,139,189,191,196,194,139,139,202,217,222,217,217,215,215,212,204,183,137,186,194,199,194,194,199,202,194,118,117,129,191,194,137,130,130,133,186,194,191,189,189,194,196,194,187,186,189,191,191,183,138,189,196,196,199,199,194,191,194,199,204,199,191,189,191,194,196,202,207,212,202,191,191,196,204,207,204,196,189,186,189,202,209,204,196,199,202,199,199,202,199,196,195,196,202,207,207,204,199,202,207,209,209,207,205,205,207,209,215,217,217,222,228,228,217,199,195,199,217,235,241,235,225,215,212,207,204,207,209,204,196,194,194,194,196,199,204,212,222,228,225,215,204,196,194,191,189,189,191,199,199,191,189,196,204,204,196,189,141,143,199,209,209,202,196,194,195,202,207,207,199,191,145,191,202,215,212,202,198,199,207,217,230,233,233,233,233,230,230,222,204,191,145,191,143,133,124,131,137,135,118,106,118,194,194,186,187,196,196,196,199,204,209,207,189,137,137,141,191,191,190,191,194,202,207,212,215,215,204,196,202,212,222,225,225,220,209,196,194,204,207,199,191,183,178,170,165,169,196,202,183,173,183,181,170,165,170,178,181,183,196,212,209,196,186,178,181,196,207,217,215,181,101,71,59,57,87,101,125,121,111,115,101,95,117,186,183,178,178,191,196,194,186,170,165,163,117,83,101,99,33,13,91,189,202,217,233,238,233,230,230,233,233,230,230,225,224,225,228,230,230,230,228,228,225,225,225,225,228,233,230,225,217,217,222,212,147,194,196,147,141,143,194,202,215,225,230,228,228,228,228,228,228,228,215,199,192,207,215,204,141,191,230,230,222,204,185,165,235,233,230,215,202,199,202,204,204,202,196,196,202,207,215,228,235,235,233,233,233,230,230,228,225,224,221,224,228,230,228,217,212,209,204,199,196,209,225,228,225,217,215,215,212,211,215,225,230,233,235,238,238,235,230,215,207,207,217,228,228,209,203,205,215,228,233,238,246,241,225,209,217,230,235,233,233,233,230,215,139,119,123,125,111,121,209,217,147,128,147,212,212,212,217,230,235,235,238,241,241,243,243,241,238,241,241,238,235,215,202,212,222,217,209,207,204,204,207,209,215,222,228,230,228,225,204,198,203,215,222,225,225,217,215,215,217,228,233,235,235,233,230,225,225,228,230,230,228,230,230,233,235,235,233,233,228,225,225,225,225,225,222,217,215,222,225,215,217,212,122,141,204,215,222,225,225,225,228,233,235,228,149,141,145,209,217,215,209,199,143,143,202,212,217,222,225,225,225,228,233,235,233,233,231,231,233,235,238,238,235,233,230,222,212,209,212,217,230,235,238,238,235,233,235,233,230,228,222,204,199,202,212,225,225,222,225,228,230,230,230,228,222,222,222,225,225,222,217,222,225,230,233,238,243,241,243,243,241,238,238,241,241,241,241,241,241,243,246,243,235,230,228,225,225,222,222,228,230,233,233,235,238,241,243,241,235,235,241,241,235,228,228,235,243,241,238,241,238,233,222,215,213,217,228,230,230,230,230,222,220,228,235,238,238,238,238,238,238,235,233,231,231,233,233,233,235,235,238,238,235,235,238,238,235,238,238,238,235,233,230,225,225,225,230,233,233,230,225,220,220,225,230,230,233,233,233,230,228,225,222,222,225,222,222,222,225,228,230,230,230,230,228,225,221,222,228,230,230,230,230,230,225,222,222,222,222,217,217,217,222,222,220,217,220,222,217,217,217,217,217,217,217,215,212,209,209,209,209,209,209,209,209,207,207,207,209,212,209,209,207,204,204,204,204,204,207,207,207,205,207,207,209,212,212,209,209,209,212,212,215,215,217,217,215,215,209,207,204,202,199,199,199,196,196,194,194,194,194,194,191,191,191,191,191,189,189,189,189,189,189,186,186,186,183,183,181,181,137,137,137,137,137,181,181,181,183,183,186,191,194,194,194,191,189,186,141,141,186,186,191,196,204,209,212,212,212,215,212,212,209,209,212,215,215,215,212,212,212,215,215,215,215,215,215,212,212,212,212,212,212,215,215,212,204,196,190,191,196,202,202,202,202,202,202,202,202,202,202,202,199,199,199,202,202,199,196,196,199,204,207,209,212,209,207,207,207,204,202,199,202,199,196,195,202,212,222,225,225,225,225,222,220,218,222,233,241,243,243,243,243,243,241,235,230,225,222,225,228,230,0,0,243,243,241,238,235,233,235,241,243,246,248,248,251,251,255,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,105,87,87,87,87,98,98,105,113,113,121,131,144,0,0,0,163,131,131,0,0,0,0,0,0,183,202,215,215,209,199,189,176,155,131,113,108,98,55,37,33,29,23,23,23,33,33,33,46,85,0,118,0,0,0,0,0,0,0,0,0,0,0,0,0,77,61,43,36,35,35,38,61,79,90,87,69,48,35,37,72,82,82,63,65,71,111,134,176,204,220,230,233,233,233,235,230,225,204,196,178,168,160,139,121,117,129,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,79,69,69,98,129,0,0,139,103,74,66,72,77,85,98,118,139,157,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,220,176,147,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,199,238,255,255,255,222,113,0,0,0,0,98,79,1,0,0,43,66,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,38,22,5,4,7,14,17,7,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,129,121,53,38,48,142,199,230,243,248,248,238,209,170,155,101,87,87,101,150,150,89,37,0,0,0,0,0,0,0,0,27,47,51,49,61,134,202,209,202,189,152,92,35,5,0,0,0,13,33,0,0,0,0,0,0,51,207,251,243,183,111,0,0,0,0,19,7,0,0,0,0,77,131,85,144,178,189,191,186,183,173,178,183,186,186,183,183,183,178,178,181,181,178,172,169,172,181,181,181,174,174,170,172,176,183,183,176,178,186,186,186,196,204,207,196,189,173,123,129,199,215,204,202,209,199,183,178,178,183,191,199,209,220,220,217,209,199,191,194,209,199,152,75,61,75,93,144,144,97,77,57,49,57,71,81,87,121,121,85,81,87,113,63,25,20,21,37,77,134,147,134,124,88,89,121,124,131,152,176,183,176,163,163,163,152,144,152,168,152,124,81,77,75,77,85,124,131,134,121,67,35,15,14,17,14,9,35,142,142,25,11,37,51,63,77,87,87,83,87,129,129,79,59,53,65,77,79,71,54,55,69,81,81,69,75,111,134,137,126,67,31,0,11,11,9,21,43,53,59,57,51,45,45,51,57,57,61,75,93,131,101,91,87,101,163,183,196,186,168,163,165,160,155,150,157,168,168,160,157,165,170,186,186,160,111,109,109,152,160,165,155,139,137,144,157,163,152,150,150,152,147,147,144,142,137,134,126,116,75,65,77,144,191,207,209,215,215,204,189,189,196,204,209,207,209,202,192,194,194,178,139,87,77,77,71,59,37,13,9,17,57,95,152,152,134,99,142,142,99,85,85,91,97,107,155,178,189,183,178,178,183,191,199,202,204,202,199,199,207,209,217,235,246,243,239,239,243,246,246,242,248,255,255,255,254,243,230,222,199,170,109,83,69,57,51,49,45,41,37,37,37,39,41,47,41,35,29,29,19,9,19,35,35,35,35,29,19,3,0,0,0,0,0,3,19,35,61,79,79,45,35,35,33,19,3,0,3,9,19,19,1,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,163,176,186,189,15,0,0,0,0,0,41,113,168,189,189,181,174,173,177,181,181,181,189,191,189,189,189,191,191,189,181,178,176,176,176,176,176,176,178,183,189,191,189,189,189,189,181,177,177,183,191,191,191,194,196,194,160,144,160,183,176,181,196,207,207,199,191,189,189,186,181,183,183,181,165,144,87,0,0,0,0,0,0,0,0,0,116,189,71,0,0,0,51,124,163,178,186,189,196,209,191,152,109,147,155,152,97,86,88,107,117,117,119,173,191,186,170,163,163,117,112,110,112,117,168,189,196,176,123,123,176,189,196,191,183,181,173,123,118,121,125,176,196,204,202,189,170,124,124,131,178,183,189,186,178,181,196,207,207,207,194,178,178,196,209,207,191,183,189,199,207,212,209,207,204,199,189,187,187,189,191,186,141,186,189,140,141,196,196,194,199,199,189,189,207,204,143,143,204,222,230,233,238,233,217,204,196,199,202,202,199,202,212,222,215,199,190,194,202,204,199,202,209,212,209,199,134,139,186,186,139,137,183,139,130,128,133,183,186,186,189,194,189,136,135,181,186,189,183,136,137,186,191,196,196,189,135,135,196,215,217,215,212,212,209,202,183,128,130,189,207,212,202,196,194,196,186,115,114,125,186,191,137,131,133,183,196,204,199,189,186,189,191,194,191,189,189,191,194,189,139,183,186,186,194,199,196,196,202,207,207,202,194,194,194,194,194,196,199,204,196,189,189,194,202,204,202,196,189,185,181,177,179,185,190,196,199,199,204,209,207,202,199,202,207,209,207,202,202,207,212,212,212,207,207,207,209,212,217,222,217,220,225,222,204,195,194,199,215,230,238,238,230,222,215,204,203,204,207,202,194,192,192,192,194,199,209,222,228,228,225,209,202,199,196,191,143,135,130,143,191,143,189,199,204,199,141,132,131,139,196,202,199,196,195,195,196,204,207,202,191,143,143,144,194,204,207,199,198,202,212,225,230,230,230,233,233,230,230,222,204,191,143,191,207,209,133,131,137,141,129,121,137,204,202,191,196,207,204,202,207,212,215,209,194,137,139,194,202,199,196,194,194,194,192,196,204,209,207,194,202,217,225,225,217,207,196,186,186,199,207,196,191,189,186,176,163,161,196,202,168,161,170,165,155,150,157,173,183,186,191,202,199,191,191,191,189,196,199,202,176,95,95,97,125,181,107,91,91,86,87,103,109,121,176,165,163,173,168,191,204,207,202,163,157,173,163,0,0,3,33,107,186,194,199,204,212,228,233,233,235,235,235,235,233,230,228,228,230,230,230,228,225,224,224,224,225,228,230,233,230,225,222,222,215,144,137,145,199,143,136,138,141,194,209,225,230,228,228,228,228,228,233,233,222,202,196,204,209,207,199,207,233,233,233,225,202,172,238,238,235,222,204,199,199,207,204,194,135,129,204,217,230,235,235,230,230,233,233,230,230,230,228,224,221,221,225,230,228,217,209,207,202,196,207,215,217,217,215,213,213,215,212,211,215,228,235,235,235,235,230,228,217,207,202,204,217,230,228,212,205,209,217,215,204,207,235,238,230,225,233,241,238,235,233,235,233,222,141,120,139,235,251,225,225,235,235,225,225,225,215,207,207,217,233,235,238,241,243,243,243,238,235,238,241,241,233,222,212,215,225,225,215,203,203,207,215,222,225,225,222,222,222,217,204,202,215,228,225,225,222,217,216,217,228,233,235,235,235,233,225,222,225,228,230,230,230,230,230,233,235,235,235,230,228,228,228,228,228,225,225,222,217,222,222,217,225,225,125,199,202,204,209,215,217,222,228,233,233,217,146,142,151,215,215,207,202,143,131,133,151,212,225,230,230,230,230,233,233,233,233,233,233,235,235,235,235,235,233,230,228,217,207,209,212,222,230,233,235,235,233,230,230,228,217,212,200,194,195,204,222,228,225,225,228,228,228,230,230,228,225,222,222,222,222,220,217,222,225,228,230,235,241,241,238,241,243,241,241,243,241,241,241,241,243,243,243,238,235,230,225,225,228,228,230,230,230,230,230,230,233,233,241,241,235,235,241,241,238,235,235,241,241,238,235,235,235,230,222,216,215,222,230,233,230,230,230,225,225,233,238,241,241,241,241,241,241,238,235,233,233,233,233,233,235,235,235,235,235,235,233,230,230,233,235,235,233,230,228,225,225,225,230,233,233,230,225,220,221,225,230,230,230,233,233,228,222,217,217,225,228,228,222,222,225,225,228,230,230,230,228,222,220,222,225,228,225,225,225,225,222,217,217,217,217,215,215,217,222,222,222,222,222,222,222,217,217,215,215,215,215,215,212,209,209,209,209,209,209,209,207,207,207,207,209,212,212,209,204,204,202,204,204,207,207,207,205,205,207,209,212,212,212,212,212,212,209,212,215,215,217,217,217,215,215,209,207,204,202,199,199,196,196,194,194,194,194,194,194,191,191,191,191,191,189,189,189,189,189,186,186,186,183,183,183,181,181,181,181,181,181,137,137,181,181,183,186,189,191,196,196,196,194,191,189,186,141,141,141,189,196,204,209,212,212,215,212,209,207,209,212,212,212,212,212,212,212,215,215,215,215,215,212,212,212,212,212,212,212,212,215,209,202,194,190,194,199,202,202,202,202,202,202,202,202,202,202,199,199,199,199,202,202,202,199,196,199,204,207,209,212,209,207,207,207,204,202,199,199,199,195,195,202,217,225,225,225,222,222,225,225,225,225,233,238,241,241,241,243,243,241,235,230,225,217,216,217,222,0,0,243,246,246,241,238,235,235,235,241,246,248,251,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,98,98,98,87,87,79,79,79,87,98,113,113,113,121,131,121,105,105,121,142,142,142,0,0,181,191,207,209,209,202,183,176,155,131,113,108,98,57,43,33,31,27,25,35,35,35,38,51,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,64,46,40,38,38,43,69,87,95,95,90,79,64,64,82,90,90,87,69,71,111,134,176,196,215,222,220,215,215,215,212,204,196,189,189,178,168,160,139,121,121,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,79,118,0,0,0,0,118,92,77,60,53,59,74,100,124,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,202,147,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,111,170,199,189,196,209,181,92,0,0,0,0,129,98,4,0,0,48,66,0,0,0,0,0,0,20,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,48,22,9,11,30,38,38,25,7,7,9,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,65,139,118,41,35,87,181,212,220,228,230,233,225,222,202,173,160,152,150,150,142,91,51,5,0,0,0,0,5,21,25,33,45,55,55,57,111,202,220,209,181,160,137,92,35,0,0,0,53,108,0,0,0,0,0,0,41,217,255,255,246,157,0,0,0,41,144,83,0,0,0,0,0,0,1,43,144,178,189,186,191,191,194,194,183,174,176,178,183,183,186,181,181,178,173,173,178,183,189,189,181,174,173,172,176,183,183,176,176,186,186,191,196,204,207,196,181,127,119,125,199,222,220,212,209,191,179,176,176,183,199,199,202,209,217,212,209,202,191,199,217,220,183,81,51,49,67,89,134,144,93,77,81,89,124,131,131,131,121,87,81,81,81,67,39,23,29,55,116,147,147,124,86,83,89,131,152,152,165,176,181,168,147,147,152,157,152,163,168,157,131,87,85,85,87,124,134,144,131,69,31,19,13,11,19,29,45,81,87,131,170,131,67,63,69,79,81,69,55,61,81,79,67,53,57,65,71,65,57,55,59,75,131,142,118,79,75,118,126,111,57,23,0,9,9,9,23,43,55,63,73,67,55,51,61,67,75,87,134,144,144,134,91,91,142,165,173,181,178,163,163,163,150,109,111,160,173,170,165,165,165,170,186,186,168,111,109,150,157,160,160,155,137,131,137,157,173,160,155,170,173,157,152,150,150,144,139,131,118,75,69,79,150,196,215,217,222,222,0,199,196,204,212,212,209,204,196,192,194,194,170,137,83,77,77,71,59,33,13,8,17,45,81,142,142,129,129,147,150,139,87,77,81,87,97,117,178,186,183,178,173,133,135,183,191,196,194,191,191,196,204,212,230,243,243,239,239,246,251,243,242,243,251,254,255,254,241,230,222,204,178,107,81,63,55,43,37,37,41,39,41,41,39,47,53,53,47,39,39,39,33,39,47,45,39,33,27,27,7,0,0,0,0,0,0,1,27,39,69,74,39,27,23,19,5,0,0,0,7,19,15,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,160,176,194,191,105,0,0,0,0,47,152,181,191,191,181,174,176,178,181,179,181,186,191,194,191,186,186,186,186,181,178,176,174,174,176,178,178,181,183,186,186,183,183,183,181,178,177,177,178,186,194,194,191,196,196,168,150,160,178,183,183,194,207,204,196,186,183,183,183,183,183,186,173,50,126,124,131,134,139,73,0,0,0,0,0,17,37,0,0,0,0,19,75,170,183,196,199,207,215,207,95,101,147,157,163,101,84,81,109,119,119,121,173,202,196,170,168,168,121,113,111,113,115,121,168,176,168,125,170,181,189,191,191,183,178,176,178,173,127,168,178,199,207,207,199,186,129,127,173,178,183,194,194,186,189,204,209,207,196,189,183,181,194,204,199,194,196,196,196,199,196,191,186,194,196,191,191,194,194,199,196,194,199,196,186,140,186,191,194,196,194,194,199,204,194,137,135,189,209,225,230,233,230,215,199,196,202,207,207,202,204,212,222,217,204,194,191,196,199,196,204,215,228,238,243,113,134,189,194,194,186,137,137,130,126,131,186,189,189,189,194,191,136,136,189,194,186,139,139,183,189,196,199,189,135,132,135,196,212,215,209,209,209,207,196,127,114,133,204,217,217,207,194,191,191,183,133,124,133,139,137,135,137,186,196,209,212,204,194,189,185,186,194,194,191,189,194,194,189,139,138,139,183,189,194,199,204,209,209,207,194,189,191,191,191,191,194,196,196,192,191,192,199,204,207,204,202,199,196,191,186,181,181,189,191,194,196,202,207,207,202,202,204,207,207,204,207,207,209,215,215,212,209,212,215,217,217,217,217,217,217,217,215,202,196,202,204,209,222,233,235,233,228,215,204,203,204,204,199,194,194,194,194,194,202,215,228,228,222,207,143,191,202,202,196,141,115,113,133,143,139,139,196,202,191,126,131,143,202,209,207,202,199,196,196,199,199,199,194,145,144,144,144,191,199,202,199,199,207,222,233,233,230,230,233,233,230,228,217,199,145,141,139,189,209,189,194,207,217,222,222,222,215,199,194,199,207,209,212,222,225,230,222,215,215,207,207,212,209,207,202,196,194,194,199,207,209,202,186,186,204,217,217,209,199,189,176,168,164,172,189,194,196,196,191,181,194,222,233,159,161,164,165,160,111,109,165,183,186,186,189,202,196,191,199,194,196,194,183,76,81,165,181,181,165,111,83,81,79,85,186,204,212,202,191,176,121,116,209,194,209,199,117,103,119,117,0,0,11,178,183,194,196,194,194,207,222,235,235,235,238,241,241,241,235,235,233,233,233,233,228,224,221,224,224,225,228,230,233,230,225,225,228,217,145,140,196,204,140,136,141,145,139,194,217,228,230,228,225,225,228,230,228,212,199,199,207,212,209,204,209,222,230,233,233,225,199,233,238,235,225,204,198,202,212,212,139,117,108,212,230,235,235,228,228,228,233,230,228,230,230,230,228,225,225,228,228,225,207,204,199,196,202,215,225,211,211,217,213,213,215,212,212,217,233,238,238,235,230,225,222,209,202,204,207,215,233,233,217,212,222,230,204,179,176,230,238,241,241,243,243,238,233,230,230,230,222,204,147,204,233,241,238,233,235,235,233,230,228,225,212,204,207,222,230,233,238,238,238,238,238,234,233,238,235,228,215,209,211,217,222,212,204,203,209,217,228,228,217,215,216,217,220,215,215,225,230,225,217,217,217,217,225,230,233,233,233,230,225,222,222,225,230,230,230,230,230,230,233,238,238,235,230,228,228,230,230,230,228,225,222,216,217,222,222,225,228,228,217,207,202,204,209,215,222,230,233,225,207,149,149,204,212,207,202,153,130,120,129,151,215,228,235,235,235,233,233,233,233,231,231,235,238,238,238,235,233,230,228,215,153,151,155,212,222,230,233,235,235,233,228,222,209,198,191,191,198,203,212,222,228,228,225,228,228,228,228,230,230,225,220,220,222,220,215,215,225,228,225,228,233,235,235,235,238,243,243,243,243,246,243,243,243,246,243,243,241,235,233,230,230,233,233,228,228,228,228,230,233,230,233,235,238,235,238,243,243,238,235,238,238,238,235,233,233,233,230,228,225,225,228,230,230,230,230,228,225,228,233,238,238,238,241,241,238,238,238,238,238,235,233,233,235,235,233,235,235,235,233,228,225,225,228,228,228,228,225,217,222,222,225,228,233,230,225,222,222,225,228,228,230,230,230,228,222,212,209,215,228,230,228,222,225,225,224,225,230,233,230,228,225,222,225,225,225,222,222,222,222,220,217,215,217,215,215,215,217,217,222,222,222,222,222,225,222,217,215,215,215,215,212,212,209,207,209,209,209,209,207,207,205,207,209,212,212,212,207,202,199,199,202,204,207,207,207,207,207,207,209,212,215,215,215,215,212,209,209,212,212,215,215,215,215,215,215,212,209,204,202,199,199,196,196,196,196,196,196,194,194,194,194,194,194,194,194,191,189,189,186,186,186,186,186,186,186,186,183,183,183,181,137,137,139,183,186,189,189,191,194,196,199,199,196,194,189,186,141,140,141,189,196,202,207,209,209,209,207,204,207,209,209,209,212,212,212,212,212,215,215,215,215,215,212,212,212,212,212,212,212,215,212,202,191,190,194,199,202,202,199,199,199,202,202,202,202,199,199,199,202,202,202,204,202,199,196,199,202,207,209,209,209,209,209,209,207,202,196,199,199,195,196,207,222,228,228,222,217,220,225,228,228,228,233,238,235,238,238,241,243,241,238,233,228,220,216,215,215,217,228,238,246,246,243,238,235,235,235,238,243,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,79,79,79,72,64,64,64,72,72,79,79,87,98,98,105,113,121,121,131,142,155,176,191,209,217,209,199,183,176,160,131,113,105,98,74,45,37,31,27,35,35,35,40,43,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,69,64,59,46,43,43,53,72,87,95,98,98,90,85,82,87,90,82,63,63,71,108,134,186,202,215,222,222,212,209,212,215,212,196,196,189,189,168,160,144,137,129,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,108,92,77,59,64,79,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,241,176,155,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,40,69,111,155,178,181,168,131,66,0,0,0,0,152,108,12,0,0,40,59,0,0,0,0,0,0,20,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,64,46,20,25,43,48,61,51,25,27,27,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,144,160,59,44,75,152,189,204,212,199,186,194,222,241,241,225,215,207,176,157,137,83,31,0,0,0,0,0,5,0,0,7,43,90,105,111,168,212,202,170,163,163,129,33,0,0,0,45,131,37,0,0,0,0,0,113,217,255,255,255,189,139,61,67,183,222,215,196,0,0,0,0,0,0,11,65,163,181,191,194,199,202,202,186,174,173,176,183,194,194,186,181,186,186,181,189,189,194,199,199,194,186,178,178,183,183,181,176,181,186,186,194,204,204,202,189,173,127,178,209,228,233,217,199,191,186,183,186,199,209,209,202,209,220,217,212,207,199,199,207,212,183,83,43,32,33,55,83,93,93,89,121,124,131,134,144,134,121,81,67,75,81,81,67,59,67,83,134,150,144,121,86,88,124,147,157,168,176,176,176,157,134,126,131,150,160,168,168,157,144,131,131,134,144,144,131,134,131,0,0,15,15,6,0,29,61,121,150,176,191,163,77,55,55,55,55,49,45,37,49,55,33,33,57,71,59,47,49,57,63,75,121,121,81,67,51,61,77,73,41,13,3,7,13,17,25,33,43,57,73,67,57,61,71,75,87,131,147,155,144,131,97,103,150,163,168,173,170,157,152,152,111,109,150,165,168,160,165,165,165,163,176,186,163,111,150,157,157,155,155,155,137,127,135,157,176,176,170,173,178,168,157,168,165,165,147,139,124,71,68,113,170,209,217,215,222,0,0,0,0,212,220,220,209,202,192,192,202,191,160,91,77,73,73,71,57,33,17,15,21,35,73,131,129,95,129,142,139,97,87,77,73,75,85,97,113,165,183,186,176,128,128,133,189,189,191,196,199,204,204,207,215,243,251,243,241,242,248,248,243,243,248,254,254,248,238,230,222,207,178,107,85,69,57,43,31,27,33,41,47,45,45,53,59,59,59,57,53,53,45,51,53,53,45,39,33,33,17,0,0,0,0,0,0,0,7,33,45,69,45,27,17,7,0,0,0,0,7,15,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,152,170,194,215,212,0,0,0,0,61,181,183,186,189,181,177,178,183,183,181,181,183,189,191,189,181,178,181,186,183,183,181,176,174,178,181,183,186,189,186,181,178,178,178,178,181,178,177,176,181,191,196,194,194,194,191,155,150,176,178,178,186,202,199,189,181,178,183,183,183,183,170,137,65,124,155,199,209,220,204,168,157,165,155,116,0,9,0,0,0,9,29,93,163,183,202,204,209,215,209,89,95,107,152,160,155,107,105,117,119,115,115,160,183,189,178,178,176,168,119,117,121,121,117,117,123,165,170,183,191,191,189,186,181,176,173,176,173,127,123,168,183,196,199,194,186,173,131,173,176,181,189,191,183,186,196,202,196,186,186,194,194,194,194,189,196,202,202,196,189,139,133,131,186,199,207,215,207,194,194,199,204,207,207,196,141,139,186,196,194,191,194,196,194,140,134,132,140,202,215,222,222,217,204,194,195,199,204,204,204,204,209,212,212,207,196,189,189,191,194,204,217,228,241,254,111,139,199,207,217,209,189,135,129,128,139,191,189,187,191,194,189,136,137,189,191,189,139,138,139,189,194,191,135,131,131,137,199,215,215,209,207,207,204,196,131,126,196,209,215,212,199,189,189,189,186,139,137,183,186,186,186,191,196,204,212,209,199,191,189,186,186,191,196,191,191,196,199,194,186,139,139,139,183,189,196,207,209,209,204,189,141,189,191,194,199,199,202,202,202,202,202,202,204,207,204,207,209,215,217,215,207,199,194,191,190,191,194,199,199,196,194,196,199,202,202,207,209,212,212,212,212,212,215,217,222,222,217,222,222,217,215,209,202,202,209,209,209,212,222,228,230,228,215,207,204,207,207,202,196,196,199,196,196,204,212,217,215,207,145,140,144,199,202,202,191,122,122,131,135,132,133,143,189,132,122,202,230,230,228,225,215,204,194,191,194,196,196,191,144,144,145,145,191,194,196,196,202,212,228,233,233,230,230,233,233,230,225,209,194,189,138,134,133,141,202,215,228,233,235,235,233,225,196,194,202,209,212,222,235,241,241,235,235,233,217,209,209,212,209,204,199,202,212,225,233,228,207,183,176,178,194,202,196,196,191,178,165,159,164,176,191,199,202,196,194,199,217,225,176,170,173,170,155,105,101,152,178,181,181,183,209,196,191,194,189,189,178,117,79,83,186,199,189,119,89,75,84,186,230,233,222,222,215,209,194,170,119,176,121,183,207,105,103,168,123,6,3,109,204,209,207,202,196,194,204,225,233,235,238,241,246,246,246,243,241,238,235,233,233,230,228,225,228,228,228,230,235,235,233,228,225,228,225,207,204,215,209,140,138,199,196,113,112,145,217,228,228,228,228,225,215,207,199,198,202,212,217,212,207,207,212,217,228,235,230,212,225,233,233,222,202,199,207,225,230,209,132,129,215,238,235,202,137,217,222,225,228,228,228,233,233,233,230,228,230,228,212,196,196,196,196,199,212,225,211,211,217,215,217,222,217,215,222,233,241,238,233,228,217,212,202,202,209,212,215,230,230,222,217,230,246,230,196,199,235,243,246,248,246,243,235,230,228,228,228,222,207,196,207,230,238,238,235,233,233,233,230,230,230,228,209,199,204,217,225,230,233,233,233,235,235,235,238,233,222,212,209,211,215,217,212,204,204,212,222,228,228,217,215,216,225,228,225,225,230,230,225,216,216,217,222,228,230,233,230,225,217,217,217,225,228,230,230,233,233,233,233,235,241,241,233,228,225,225,230,233,233,230,225,222,217,222,225,225,217,217,228,230,209,202,204,209,215,225,228,225,209,202,202,204,212,217,212,204,204,145,133,141,204,217,228,235,238,235,235,235,235,235,233,233,233,235,235,238,238,238,233,225,155,149,149,153,212,222,228,233,238,238,233,222,209,200,195,194,204,207,207,209,217,225,225,222,225,228,228,228,228,225,222,222,222,222,217,213,217,228,230,228,225,225,228,228,233,241,246,246,243,243,243,243,246,246,246,246,243,241,238,235,233,233,235,235,230,228,228,228,230,233,230,233,233,233,235,238,243,243,241,238,238,238,235,235,233,233,230,230,230,230,230,230,230,230,228,228,225,222,225,233,235,235,238,243,241,241,238,238,238,238,235,235,235,235,235,233,235,233,230,230,225,222,222,225,222,222,217,213,213,215,215,217,222,228,228,222,222,225,225,228,228,228,228,225,217,212,205,204,212,225,230,222,215,220,228,225,228,233,233,230,228,228,225,222,222,222,222,217,217,217,217,215,215,215,217,215,215,217,217,220,222,222,222,222,222,222,217,215,212,212,212,212,209,209,207,207,209,209,209,207,207,207,207,209,212,212,209,204,199,198,199,204,207,209,209,207,207,209,209,212,212,215,215,217,215,212,209,209,212,212,215,212,212,215,215,217,215,212,207,204,202,202,199,199,199,199,199,199,199,196,196,196,196,199,199,196,194,189,186,186,189,189,189,189,186,186,186,186,186,183,139,139,139,183,186,191,191,191,191,194,196,202,202,202,196,191,186,141,140,140,141,143,191,199,202,204,207,204,202,204,209,209,209,209,209,212,212,212,212,215,215,215,215,215,215,212,212,212,212,212,215,209,202,191,191,196,202,202,202,199,199,199,202,202,202,202,202,202,202,202,202,204,204,202,199,196,199,202,204,207,207,207,207,207,207,207,202,196,196,199,195,202,215,225,228,225,215,211,215,225,225,225,228,233,235,235,235,238,241,241,241,238,233,228,225,217,215,215,216,225,235,241,243,241,235,234,234,235,241,243,248,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,87,79,79,72,64,56,56,56,64,66,77,87,98,105,105,113,121,121,131,147,173,0,0,217,209,199,183,183,176,150,131,108,90,74,64,56,33,27,33,33,35,40,48,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,61,59,51,43,43,51,69,82,0,0,95,90,87,85,85,82,55,55,57,69,108,142,194,220,228,241,238,222,220,222,233,225,212,204,196,189,168,160,144,137,129,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,111,100,98,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,248,191,183,202,215,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,22,35,77,126,160,160,124,66,0,0,0,0,0,152,98,1,0,0,0,0,40,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,48,40,20,30,51,61,72,64,33,27,27,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,129,147,124,73,83,152,191,212,202,178,166,169,215,251,255,254,251,246,238,207,178,150,51,0,0,0,0,0,0,0,0,0,0,61,103,90,63,126,150,152,170,163,111,5,0,0,0,0,35,0,0,0,0,0,0,118,207,255,255,255,196,131,73,129,191,233,238,241,0,0,0,31,63,51,57,95,170,181,191,199,202,204,202,194,183,174,178,186,196,196,194,186,186,181,178,178,183,189,199,199,202,194,183,183,183,183,183,176,129,131,173,186,204,212,215,202,189,186,194,215,241,241,215,199,194,199,199,191,199,207,207,204,217,228,228,217,207,194,191,191,181,152,79,49,33,33,38,61,81,126,134,134,126,121,126,134,144,116,67,54,61,77,83,81,77,121,144,157,147,124,116,89,124,134,144,157,165,176,176,173,147,93,83,87,134,157,160,152,144,121,87,126,144,144,134,144,81,0,0,0,21,17,8,13,25,71,152,178,186,183,134,57,37,37,37,39,45,37,34,35,33,24,24,35,57,47,44,49,55,59,69,75,75,67,47,23,31,61,63,27,0,0,0,13,23,29,33,39,57,73,71,67,71,81,89,126,139,147,155,144,134,134,142,152,160,168,173,168,152,144,105,109,111,157,165,160,150,157,165,157,163,170,170,160,110,150,157,157,155,157,157,144,131,135,157,181,173,170,173,176,168,168,168,173,168,163,147,126,73,71,124,186,217,225,222,0,0,0,0,212,220,230,230,220,202,194,199,202,189,150,87,79,77,77,69,51,33,25,19,19,31,67,121,129,91,91,91,91,87,77,63,59,67,71,75,83,107,168,183,181,130,127,131,189,191,196,204,207,207,207,207,215,235,246,243,239,242,248,254,248,248,251,254,254,248,241,228,225,215,178,107,85,69,55,39,25,23,27,39,45,45,45,53,59,65,65,65,65,85,59,59,59,59,53,51,45,39,27,5,0,0,0,0,0,0,0,17,33,45,39,27,7,0,0,0,0,0,5,5,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,168,196,233,255,31,0,0,0,61,183,181,183,186,183,181,183,186,183,181,181,181,186,191,186,176,174,176,183,183,186,183,178,176,178,181,183,189,191,189,178,177,177,181,183,186,183,178,177,181,191,202,202,194,185,202,152,93,163,165,165,170,186,189,183,178,183,189,183,183,178,93,89,126,157,209,225,217,215,204,189,186,199,204,202,176,157,131,65,9,27,43,85,147,168,194,196,207,209,199,83,85,101,150,157,157,115,117,163,157,112,112,115,163,176,176,178,181,176,163,123,163,163,119,116,119,165,178,191,196,194,189,181,176,169,169,170,168,123,122,123,170,181,183,181,181,178,173,176,178,181,183,186,183,182,183,194,194,189,194,204,204,194,186,183,189,191,191,186,135,130,129,133,191,204,212,212,196,133,138,199,212,215,215,212,194,139,140,196,143,143,189,194,194,189,141,141,194,207,215,215,212,209,199,194,195,195,195,199,204,204,202,202,204,207,202,189,187,190,196,207,215,215,222,241,99,183,212,222,228,222,199,139,131,131,186,191,187,189,196,199,194,183,139,186,189,189,183,136,137,189,191,139,132,131,133,189,207,225,225,217,209,207,204,196,139,139,199,204,204,199,189,139,183,189,186,183,183,183,189,196,202,199,199,202,207,204,196,189,189,186,189,196,199,196,196,199,202,196,189,183,139,139,139,139,189,199,204,207,204,186,141,194,204,209,215,212,212,215,217,215,207,202,196,196,196,199,207,217,228,230,230,228,212,196,190,191,194,191,191,189,189,189,189,194,199,204,207,207,207,207,207,209,215,220,222,222,222,222,217,212,204,202,199,202,207,207,207,209,212,215,222,222,209,204,204,204,207,202,199,199,199,199,202,204,207,207,207,199,191,143,191,204,207,209,209,189,131,137,141,139,143,191,135,117,111,215,243,238,235,235,225,204,189,141,142,191,194,189,143,144,196,202,199,196,194,196,204,215,228,233,233,230,233,235,235,233,222,202,194,191,139,135,134,139,212,225,233,235,235,235,233,228,209,202,204,204,204,215,238,246,241,241,243,235,196,138,189,202,204,202,202,212,230,243,246,241,228,204,176,177,196,196,186,194,194,196,189,176,176,178,189,199,196,191,194,191,191,189,176,173,170,157,87,73,45,35,150,165,163,160,117,75,105,183,186,186,173,113,109,123,189,196,178,105,93,91,196,235,241,238,228,225,225,222,212,202,178,117,103,103,99,99,121,178,85,9,27,165,209,225,225,217,212,199,194,212,228,235,238,243,246,248,246,243,241,238,235,233,233,233,233,230,233,230,230,233,238,238,235,230,230,228,225,220,222,225,215,145,145,202,194,111,109,125,199,217,225,230,230,222,202,195,195,202,209,217,222,215,209,207,207,209,217,230,228,215,217,222,222,215,202,202,209,225,233,222,204,204,209,204,77,50,47,135,212,222,228,228,228,233,233,233,230,230,233,230,212,147,196,202,202,199,207,225,215,213,217,220,222,225,222,215,217,225,230,228,222,215,209,196,194,199,209,215,217,225,225,225,215,217,241,230,215,228,241,246,248,248,246,241,233,228,228,228,230,225,209,202,209,233,241,238,233,230,230,230,230,233,238,241,222,135,133,202,217,230,233,233,230,230,235,235,230,222,217,212,211,212,215,217,212,207,209,222,228,230,228,222,216,225,230,233,233,233,233,230,225,217,217,225,228,228,230,230,228,215,212,213,222,228,230,230,230,230,235,235,235,238,241,238,233,225,224,225,230,233,235,230,225,222,225,230,233,228,209,151,199,209,202,204,209,212,217,228,228,215,199,202,209,212,217,228,222,212,209,209,209,209,215,222,228,233,235,235,235,235,238,238,235,233,233,233,235,238,241,241,233,222,153,151,153,212,222,228,233,235,238,235,228,215,204,203,204,215,228,209,151,202,215,225,225,222,222,225,230,228,225,222,222,225,225,225,215,213,222,230,233,228,225,225,225,228,235,243,248,246,243,241,238,241,246,246,246,243,241,241,238,235,235,235,235,235,233,230,228,228,230,233,233,233,233,233,235,241,246,246,243,238,235,235,235,233,233,233,230,230,230,233,233,233,230,228,225,225,222,222,225,230,230,230,238,243,243,241,238,238,238,238,238,235,235,235,233,233,233,228,222,228,228,222,222,222,217,217,215,213,213,213,213,213,217,222,225,222,225,225,228,228,228,228,225,222,215,209,204,203,207,217,222,215,211,215,230,233,230,233,233,230,230,228,222,222,222,222,222,217,217,215,215,215,215,217,217,217,217,217,217,220,222,222,220,220,220,217,215,212,209,209,209,209,209,207,207,207,207,209,207,207,207,207,209,209,212,209,204,199,198,199,202,207,212,212,212,209,209,212,212,215,215,215,217,217,217,215,212,212,215,215,215,212,209,212,215,215,215,212,207,204,204,204,204,204,204,202,202,202,202,202,202,202,202,202,202,199,194,189,186,186,189,191,191,189,189,189,189,186,186,183,139,139,186,189,191,194,196,196,196,196,199,202,204,204,199,194,189,186,143,141,140,140,141,189,194,199,199,199,202,204,207,207,207,209,209,212,212,212,212,215,215,215,215,215,212,212,212,212,212,212,209,207,199,194,194,199,204,204,202,199,199,199,202,202,204,202,202,202,202,202,204,204,204,204,202,199,202,202,204,204,207,207,204,204,204,202,199,196,196,196,195,204,215,222,225,222,211,207,215,222,222,220,222,230,233,233,233,235,238,241,241,238,235,230,228,222,217,217,222,228,233,238,241,238,235,234,234,235,241,243,246,251,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,98,98,87,79,72,56,56,56,56,64,72,87,87,98,98,98,105,105,113,131,152,0,0,202,202,202,194,191,183,168,147,113,98,79,72,59,33,27,31,31,35,40,56,66,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,51,46,40,39,43,61,77,0,0,87,79,77,77,79,74,49,49,55,65,108,142,202,230,254,255,255,254,241,254,255,254,233,212,212,196,176,160,144,137,121,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,150,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,248,217,217,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,21,25,61,103,134,124,66,0,0,0,0,0,0,137,69,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,33,64,48,33,38,66,72,74,51,26,27,27,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,129,155,157,134,121,155,204,222,212,186,174,179,215,243,254,255,255,255,255,255,251,207,75,0,0,0,0,0,0,0,0,0,0,0,27,23,19,35,65,137,170,170,95,0,0,0,0,0,0,0,0,0,0,0,0,57,168,235,255,255,228,126,81,150,191,228,254,254,0,0,21,93,150,134,137,170,189,196,199,207,209,209,204,196,186,183,183,194,196,202,194,186,181,178,176,174,176,181,189,199,202,194,186,183,183,178,176,129,119,117,117,170,194,212,217,215,196,194,196,215,230,228,212,194,191,199,194,178,173,176,181,191,209,228,228,217,207,181,163,147,103,97,87,67,49,39,39,55,87,129,129,121,77,69,73,79,79,73,63,57,61,67,61,51,67,121,150,150,124,83,116,124,134,142,144,147,157,157,165,163,134,83,78,81,124,147,147,126,75,55,51,75,131,134,81,59,0,0,0,0,31,13,7,25,49,113,152,163,163,152,87,49,35,36,39,49,55,53,43,43,33,24,23,29,45,45,44,49,55,59,65,63,63,63,41,0,15,43,0,21,0,0,0,19,33,39,39,47,67,81,81,79,89,124,131,134,142,144,147,147,147,144,150,157,165,168,173,168,152,105,101,104,150,160,160,150,107,150,157,155,155,163,163,155,111,150,157,157,155,163,163,147,135,142,163,181,173,170,170,170,168,168,168,173,170,165,150,131,105,105,137,186,215,0,0,0,0,0,217,209,217,235,238,230,209,202,199,196,170,131,87,85,85,77,63,45,33,21,13,11,19,49,79,89,85,81,77,73,67,53,45,47,59,65,63,67,95,163,186,189,176,131,181,196,207,207,212,215,215,215,215,228,238,248,248,242,243,254,255,254,251,254,254,254,251,243,230,228,215,183,113,93,75,59,39,27,23,26,33,39,39,43,45,51,65,98,98,95,92,92,92,92,92,85,77,53,45,33,17,0,0,0,0,0,0,0,5,25,33,33,17,5,0,0,0,0,0,5,5,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,147,202,230,233,59,0,0,0,47,178,181,186,183,183,183,186,189,186,183,181,181,186,191,186,176,172,174,181,183,186,183,178,176,176,178,181,189,191,189,181,178,181,186,189,189,186,181,181,183,194,207,209,199,185,189,144,55,101,152,157,173,181,178,173,176,183,186,176,170,61,53,87,204,209,215,215,207,196,189,185,186,191,199,202,209,199,207,204,63,57,65,87,97,97,134,144,170,157,93,73,79,97,155,157,152,109,114,168,163,112,112,115,117,163,168,170,178,178,165,122,122,123,121,119,121,168,181,191,194,189,183,176,169,168,169,170,170,127,123,123,127,173,173,173,178,181,178,181,183,186,183,186,189,183,182,191,194,194,199,207,202,189,133,133,183,186,137,133,129,128,131,189,202,204,202,202,139,126,136,204,217,222,225,225,207,186,140,186,140,140,143,191,196,207,217,228,222,225,222,212,207,204,202,196,196,194,192,199,204,202,200,199,200,209,212,196,191,196,199,209,212,209,208,212,79,128,215,230,230,222,199,183,133,131,186,194,191,194,207,215,212,202,191,183,183,189,186,138,139,189,189,137,132,133,141,199,215,230,233,225,217,212,204,194,189,194,202,196,189,186,139,139,183,186,183,183,182,181,189,204,209,199,191,194,199,204,202,194,189,183,189,199,199,199,196,199,199,194,186,183,189,191,186,141,186,194,199,199,189,131,137,204,225,230,230,225,225,228,230,228,217,207,196,194,194,192,194,207,222,230,233,230,217,199,191,194,196,191,187,187,187,186,187,189,196,202,204,203,203,203,203,207,212,215,215,217,222,217,209,199,194,194,196,202,204,207,207,207,207,204,207,207,202,200,200,200,202,202,199,202,202,204,204,204,204,204,204,204,199,194,196,204,209,217,222,212,194,196,202,207,212,207,139,114,107,196,228,230,233,233,217,199,143,140,140,189,194,191,144,191,207,207,204,196,191,191,199,212,225,230,233,233,235,235,233,228,212,199,199,199,194,189,141,141,215,228,230,230,230,230,230,228,217,209,202,192,189,196,222,233,233,238,241,225,134,128,137,196,199,199,204,215,233,243,246,243,241,235,194,194,215,196,117,115,183,207,217,222,209,189,183,194,181,176,186,168,160,152,160,157,147,103,79,67,22,0,28,87,150,152,74,29,59,173,186,194,170,99,117,173,183,186,123,101,97,117,217,228,230,233,233,228,228,228,228,228,215,109,99,95,89,115,165,97,27,15,49,109,199,225,228,228,225,204,183,187,225,233,235,238,241,243,243,241,238,235,233,233,235,235,235,233,230,228,225,228,233,235,235,235,233,228,225,222,222,222,215,202,202,204,196,137,125,127,137,202,217,228,230,217,199,194,198,209,217,222,222,215,209,207,207,209,215,225,225,215,209,207,209,207,204,204,207,212,222,222,217,217,207,54,12,36,48,113,204,228,230,228,230,230,233,233,233,233,235,235,209,143,149,204,207,202,207,225,225,215,215,217,222,225,222,212,209,209,202,142,147,209,204,190,189,199,215,222,222,222,225,225,202,191,199,207,217,238,243,246,246,246,243,238,233,228,230,233,235,230,212,207,215,233,241,238,233,233,233,233,235,235,241,243,209,96,96,139,222,233,233,235,225,215,225,222,209,207,212,215,215,215,217,215,209,207,217,228,233,233,230,225,222,230,235,235,233,233,233,230,228,225,228,233,233,230,228,230,222,212,211,215,225,233,233,230,228,228,230,233,233,238,238,238,233,228,225,225,230,230,230,228,222,222,228,233,235,233,217,147,142,142,144,204,215,217,225,230,228,207,196,204,212,215,222,233,230,217,212,222,228,225,225,230,233,235,235,235,235,235,238,241,238,235,235,233,235,241,243,241,230,215,204,207,222,230,233,233,235,235,233,228,222,215,212,215,225,230,215,143,142,153,217,228,225,222,220,225,230,230,228,225,228,230,230,225,215,213,217,230,230,228,228,230,230,235,241,246,246,246,243,238,235,238,243,246,243,241,238,235,235,235,235,235,235,235,233,230,228,228,230,233,233,235,238,238,241,243,246,246,243,238,235,235,233,233,233,230,230,230,230,233,233,233,233,228,225,222,222,222,225,228,228,230,238,246,246,241,238,235,238,238,238,235,235,233,231,233,233,217,212,217,228,222,217,215,215,217,225,222,217,215,215,215,215,222,225,225,225,225,228,228,228,228,228,225,217,212,207,205,209,215,217,213,211,217,233,235,233,230,230,230,228,225,222,222,222,222,217,217,215,215,217,217,220,220,220,217,217,217,217,220,222,220,217,217,217,215,215,212,209,207,207,207,207,207,204,207,207,207,207,207,207,207,209,209,209,207,202,198,199,202,207,212,217,217,215,212,215,215,215,215,217,217,217,217,217,215,215,215,217,217,215,212,209,209,212,212,212,209,207,204,204,207,207,207,207,207,204,204,204,204,204,204,204,204,202,199,194,191,189,189,189,191,191,191,189,189,189,189,186,183,183,183,186,191,194,199,202,202,202,202,202,202,202,202,199,196,194,191,191,189,141,141,141,143,189,191,194,196,199,202,207,207,207,207,209,212,212,212,212,215,215,215,212,212,212,212,212,209,209,209,207,202,199,196,199,204,207,207,204,202,199,199,202,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,204,207,207,207,204,204,204,202,199,196,199,196,194,202,212,217,222,222,212,208,215,222,220,218,220,225,230,230,233,235,238,241,241,238,235,233,228,225,222,225,228,233,235,238,241,238,235,234,235,238,243,246,246,246,248,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,105,98,87,79,64,56,56,56,64,72,79,79,79,79,77,59,61,63,67,100,113,134,163,176,183,191,189,183,181,163,142,105,90,87,79,61,31,25,30,31,35,43,59,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,51,43,39,38,40,59,69,0,0,79,77,73,73,79,77,49,48,49,63,105,139,194,233,255,255,255,255,255,255,255,255,254,233,225,204,176,160,137,126,111,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,64,66,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,150,126,118,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,248,248,255,255,255,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,33,27,59,0,103,85,30,0,0,0,0,0,0,87,38,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,35,69,98,95,79,72,82,87,82,51,35,27,27,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,118,152,181,157,139,170,222,235,222,207,207,217,225,235,243,254,255,255,255,255,255,255,150,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,105,178,189,147,51,0,0,0,0,0,0,0,0,0,0,0,17,121,194,251,255,255,181,165,191,215,243,255,255,155,75,129,170,178,160,160,181,196,199,207,207,207,202,202,194,191,183,183,183,194,194,189,186,178,178,174,174,174,181,189,199,199,194,181,173,176,129,121,116,115,112,112,123,186,209,212,212,202,196,196,207,215,215,199,187,186,191,181,121,112,113,121,176,199,209,207,207,199,173,89,69,79,93,101,95,77,57,53,61,87,87,73,49,39,37,43,49,49,55,61,55,45,31,25,21,49,69,81,79,69,73,116,131,131,131,131,144,144,144,142,134,89,83,81,81,87,131,134,87,31,31,33,43,81,131,41,0,0,0,0,31,31,11,7,17,61,121,144,134,131,121,75,37,35,37,51,61,75,67,57,55,51,35,29,37,51,49,47,53,57,63,69,63,63,71,51,9,9,0,0,0,9,5,23,43,47,45,47,59,83,137,137,124,124,131,131,134,137,137,144,147,152,155,152,157,165,173,173,165,152,104,101,105,157,165,160,109,101,107,113,113,113,155,160,152,150,155,157,155,155,163,163,152,142,144,160,176,173,170,163,168,168,166,168,168,165,165,165,144,129,129,144,176,0,0,0,0,0,0,212,204,212,235,248,235,217,207,199,181,152,126,85,116,116,73,51,33,23,11,5,0,1,21,59,75,77,75,71,65,57,37,29,43,65,73,73,75,105,173,194,199,191,186,191,207,212,215,225,225,225,228,228,235,248,255,254,248,248,254,254,254,246,248,251,251,248,238,230,225,204,183,111,99,89,73,53,39,31,31,33,39,37,41,43,51,65,95,98,98,95,95,92,95,98,98,90,82,55,39,23,5,5,0,0,0,0,0,0,5,21,15,5,3,0,0,0,0,1,15,13,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,222,246,199,0,0,0,0,15,173,181,186,183,181,181,186,189,191,183,178,177,183,189,186,176,173,174,178,183,186,183,181,178,178,178,181,186,191,189,186,183,183,186,186,183,183,183,183,186,191,204,209,202,194,186,157,41,45,142,163,176,181,170,168,173,181,178,152,81,0,27,134,209,209,207,199,194,186,185,185,189,191,194,196,196,194,202,204,97,89,87,95,101,95,95,91,89,64,68,79,87,103,157,160,115,103,110,170,170,113,113,113,111,119,123,121,170,178,170,122,122,123,123,125,125,170,181,189,189,183,178,170,169,173,178,181,181,178,173,127,129,173,176,178,186,186,181,181,186,189,186,189,194,189,183,189,189,186,194,202,196,120,115,124,191,194,189,139,133,131,141,199,202,194,189,196,191,138,194,215,222,225,228,225,215,202,186,140,139,141,143,189,196,212,228,233,233,230,222,207,199,202,207,204,196,194,194,196,202,204,204,204,204,215,217,202,196,202,204,212,217,212,209,209,79,121,204,225,228,209,189,139,133,130,189,207,207,204,215,228,228,222,207,189,186,186,186,186,186,186,183,137,135,139,191,204,217,228,230,228,222,212,204,194,191,199,202,191,139,139,139,183,186,186,183,183,182,182,191,209,212,196,186,186,191,202,202,196,189,139,133,137,189,189,191,194,196,194,189,189,199,204,199,191,189,194,196,191,128,123,128,202,225,235,235,233,230,230,233,233,233,228,215,207,202,192,190,194,207,215,217,215,207,194,191,199,202,194,189,189,189,189,189,194,202,207,207,207,204,203,203,207,209,207,207,209,215,212,199,191,191,194,202,204,207,207,207,204,202,200,200,202,202,202,200,200,202,204,207,209,209,209,209,207,204,207,209,209,204,196,196,202,212,225,230,225,212,209,212,217,225,225,212,191,134,196,204,209,217,217,207,199,194,143,142,189,194,194,191,194,199,199,194,190,189,190,196,207,217,228,230,233,230,225,215,207,194,191,199,199,194,196,194,139,217,228,228,225,228,228,230,230,228,217,207,192,190,194,209,215,215,217,220,209,189,139,196,202,196,196,202,212,225,233,235,238,238,238,215,207,207,168,81,26,107,207,228,233,222,181,163,178,63,83,134,76,67,65,97,137,139,137,142,176,75,9,17,24,152,157,103,58,72,117,168,189,98,70,96,168,173,173,121,111,103,113,191,209,217,228,233,230,230,230,228,228,217,109,93,95,125,178,85,26,45,77,89,109,196,217,222,225,230,212,182,181,209,222,225,228,233,235,235,235,233,230,230,233,235,235,233,230,228,222,218,220,225,230,235,235,235,230,228,222,212,209,209,207,209,212,209,199,141,131,133,196,209,217,222,215,204,199,204,215,222,222,217,209,204,203,204,209,212,217,222,215,204,199,202,202,204,204,204,207,215,225,230,235,217,46,7,65,141,199,212,230,233,230,230,230,233,233,233,233,235,233,133,129,137,199,207,207,209,222,225,217,215,217,225,228,222,209,209,207,143,130,135,215,212,192,192,207,225,225,222,220,222,222,202,189,192,199,215,238,243,246,246,246,243,238,233,230,230,235,238,233,217,212,217,230,235,233,233,233,233,235,235,235,238,230,111,86,91,196,228,230,225,215,143,143,212,215,205,204,207,215,220,217,217,215,209,209,225,233,235,233,230,222,221,228,233,233,233,230,233,230,230,233,235,238,235,230,228,228,220,213,215,222,230,233,233,228,228,228,230,230,233,235,235,233,230,228,225,225,225,225,225,222,222,225,230,230,233,235,233,215,145,141,141,199,215,217,225,228,217,199,198,207,215,215,225,235,233,222,217,228,230,230,230,235,238,235,235,235,235,235,238,241,241,238,235,235,238,241,243,241,230,217,215,225,233,238,238,235,235,235,233,228,225,225,225,228,228,217,140,137,141,204,225,230,225,222,222,225,228,230,233,233,233,230,228,222,215,213,215,222,225,222,228,233,235,238,241,243,246,246,243,235,233,238,243,243,238,238,235,233,230,233,233,235,233,230,230,228,228,228,230,235,238,238,241,243,243,246,246,243,241,235,233,233,233,233,230,230,230,230,230,233,233,233,233,228,225,222,222,225,228,228,228,230,235,243,243,241,238,235,238,238,238,238,235,233,233,235,233,215,209,212,217,215,215,217,217,228,233,233,228,222,217,217,217,217,222,225,222,222,225,228,228,230,230,228,222,215,212,209,212,217,217,215,215,228,235,235,230,228,230,230,228,225,222,222,222,222,217,215,215,217,220,222,225,222,222,222,217,217,220,222,220,217,217,217,215,215,212,212,209,207,204,204,207,204,204,204,207,207,207,207,207,207,209,209,209,207,202,202,202,207,209,215,217,217,215,212,215,215,215,217,217,217,217,217,217,217,215,217,217,217,217,212,207,207,209,209,209,207,207,207,207,209,209,209,209,209,207,207,207,207,204,204,204,202,202,199,196,191,189,189,191,191,191,191,189,189,189,189,189,186,183,183,189,191,196,202,204,204,204,204,202,199,199,199,199,199,199,199,196,194,191,191,189,189,143,143,145,194,196,199,202,204,207,207,209,212,212,212,212,215,215,215,212,212,212,209,209,209,209,207,204,199,199,199,202,207,209,209,204,202,199,202,202,204,204,204,204,204,204,204,204,204,204,204,207,207,207,207,207,207,207,207,204,207,204,204,202,202,202,199,194,199,209,212,217,222,215,212,217,222,220,218,220,225,228,230,230,233,235,241,241,241,238,233,228,222,225,228,235,241,241,241,241,238,235,235,235,238,243,246,243,243,243,248,254,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,98,87,87,87,79,72,56,56,56,64,72,79,87,79,77,55,55,55,55,57,59,59,69,108,124,147,155,168,163,155,150,131,105,87,82,87,82,56,40,35,33,35,38,48,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,46,40,39,40,51,66,77,79,79,77,74,75,87,82,72,48,49,63,105,134,194,238,255,255,255,255,255,255,255,255,254,241,233,204,176,144,126,118,111,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,43,46,64,77,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,137,118,116,126,0,0,0,0,0,0,0,0,0,0,152,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,51,33,51,0,0,59,14,0,0,0,0,0,0,53,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,56,95,131,139,118,95,90,98,90,77,51,43,43,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,103,165,160,168,209,233,233,222,215,228,241,243,238,243,254,254,255,255,255,255,255,225,97,59,41,15,0,0,0,0,0,0,0,0,0,0,0,0,53,178,222,228,209,105,31,0,0,0,0,0,0,0,0,0,1,69,170,220,255,255,255,233,222,225,255,255,251,225,199,204,217,196,170,152,165,189,196,202,207,207,202,202,194,191,183,176,176,178,183,183,178,181,178,178,178,178,183,189,194,189,181,173,173,170,168,117,116,116,117,117,123,178,194,204,204,207,196,196,207,215,215,196,187,187,189,181,119,109,112,159,178,196,189,176,181,183,150,69,55,73,142,163,150,85,59,49,53,53,43,35,31,31,33,37,37,37,43,35,19,11,12,17,27,37,45,43,43,49,69,116,121,81,81,121,131,131,131,124,87,87,89,121,87,73,73,87,81,30,30,31,29,37,49,13,0,0,31,49,39,31,21,15,17,61,144,163,131,81,67,51,37,35,45,55,69,81,75,63,67,73,67,59,59,65,65,57,57,59,69,69,63,65,79,67,15,0,15,0,0,43,65,75,71,61,53,57,73,137,152,152,142,129,124,121,126,129,131,137,144,160,160,152,152,165,173,170,165,163,111,104,111,163,170,160,109,101,107,113,110,112,152,160,155,152,157,157,155,155,176,178,155,144,150,155,170,170,170,163,168,168,168,168,168,165,170,170,0,0,0,0,0,0,0,0,0,0,0,212,199,202,228,235,228,209,199,181,160,134,121,111,111,77,61,33,21,9,3,0,0,0,3,33,57,67,71,73,67,51,27,25,49,77,91,93,105,163,189,207,209,207,199,199,207,215,225,225,228,228,233,233,241,254,255,255,246,241,246,246,241,241,243,248,248,243,235,225,215,202,181,157,111,105,91,71,51,41,37,37,37,43,43,51,55,63,69,90,90,90,90,95,98,113,103,98,90,82,49,35,23,15,0,0,0,0,0,0,0,5,5,0,0,0,0,0,0,5,25,23,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,92,0,0,0,0,0,0,116,173,178,181,181,181,183,189,191,183,177,176,178,186,186,181,178,176,178,183,186,186,183,181,181,181,181,183,189,189,186,183,183,183,182,179,181,182,183,183,186,194,202,199,199,194,186,53,17,65,168,176,178,168,163,168,165,137,29,0,0,31,152,181,194,196,194,189,186,186,189,191,191,186,183,183,183,194,194,163,142,89,95,155,152,142,91,73,51,63,155,107,111,157,163,160,112,115,176,173,113,109,107,107,117,121,117,121,173,173,165,163,163,165,168,170,176,183,189,189,186,178,173,178,189,196,194,191,189,183,173,129,170,178,186,191,183,173,176,183,189,186,189,194,191,183,182,182,182,189,207,204,111,108,129,207,212,212,209,207,204,207,209,196,131,117,137,191,194,212,225,225,225,225,222,222,215,196,139,140,189,194,194,199,215,230,233,230,228,215,199,191,199,209,209,196,195,196,199,202,207,215,217,217,222,217,202,199,202,204,215,222,222,217,215,109,129,189,202,199,186,137,183,183,137,202,228,228,207,209,228,233,230,225,202,191,186,186,191,189,141,137,137,141,194,202,207,212,222,225,222,217,209,202,191,189,194,194,186,139,139,139,186,191,189,186,186,186,186,196,209,207,189,183,185,191,199,199,196,194,139,116,108,125,137,189,191,194,194,191,194,204,209,207,199,194,196,199,196,135,127,130,199,217,230,235,233,233,233,233,233,235,233,225,217,212,196,191,192,199,204,204,202,194,190,191,199,202,199,196,196,196,194,196,202,207,212,212,215,215,207,204,207,204,199,196,202,207,207,196,191,191,196,204,209,209,204,202,202,202,202,204,207,207,209,209,209,209,215,220,222,222,220,215,212,209,209,209,212,207,199,196,202,215,230,233,228,217,215,215,225,230,230,228,228,225,209,199,198,202,202,199,202,204,202,194,191,194,196,199,196,191,190,189,189,190,196,204,209,212,215,217,217,212,196,186,183,183,186,186,183,185,194,199,199,217,225,224,224,225,228,230,233,233,230,222,204,194,196,202,196,191,131,129,189,202,215,217,207,194,191,196,204,215,222,230,233,233,235,222,209,183,115,105,27,73,207,233,233,222,131,15,0,0,57,77,70,61,60,91,137,142,144,176,222,217,91,37,31,87,150,173,194,181,107,103,111,89,78,113,170,117,111,119,127,123,100,93,181,207,222,230,228,225,222,215,207,183,115,79,77,127,115,37,29,119,119,103,117,194,215,222,230,238,228,187,183,191,204,212,217,225,230,233,233,228,228,228,233,233,233,230,228,228,222,218,218,225,233,238,238,233,230,230,222,207,204,207,207,207,215,215,196,137,131,135,194,204,209,209,209,209,209,212,217,222,222,215,207,203,202,204,209,209,209,215,215,202,199,202,202,204,207,207,212,228,233,238,246,251,113,40,117,230,222,217,228,230,230,230,230,233,235,235,238,238,222,108,120,133,202,215,222,220,222,228,222,217,222,228,233,228,217,222,228,204,135,141,225,217,199,196,207,222,217,212,212,215,217,212,202,199,207,222,235,243,246,246,243,241,235,233,230,233,235,238,235,228,222,222,228,230,230,230,230,233,233,230,230,230,212,109,95,129,233,233,217,207,127,116,123,207,222,215,205,207,215,222,220,217,217,215,217,230,238,238,233,228,220,218,225,230,230,230,233,233,233,233,235,235,233,230,228,228,225,220,217,225,228,230,233,230,228,228,228,233,233,235,235,233,233,230,230,228,225,222,222,221,222,228,230,233,230,229,230,235,230,209,145,142,199,215,217,222,217,204,195,200,212,217,217,228,235,235,228,228,233,233,230,233,238,238,235,235,233,233,235,238,238,238,235,235,235,238,241,243,238,230,225,225,233,235,238,235,235,238,235,235,233,233,233,230,228,217,202,139,139,151,217,230,230,225,222,222,225,228,233,235,235,233,228,222,217,213,213,213,215,217,217,222,228,235,238,241,241,243,246,241,235,233,238,241,238,233,233,230,228,228,230,233,233,230,228,225,225,225,228,233,235,238,241,243,243,243,243,241,238,233,230,230,230,230,230,230,230,230,230,233,233,233,233,230,228,225,225,225,228,230,230,230,230,235,241,241,238,235,235,238,241,238,238,238,238,235,235,233,222,212,212,212,212,215,225,230,235,238,233,230,228,225,222,217,216,217,222,222,221,222,225,228,230,230,228,217,215,215,212,215,222,225,222,225,230,233,233,228,225,228,228,225,222,222,222,222,222,215,215,215,220,222,225,225,225,222,220,220,220,222,222,220,217,217,215,215,215,215,212,209,207,207,204,204,204,204,204,207,207,207,204,207,207,207,207,209,209,209,207,207,209,209,215,215,215,212,209,212,215,215,215,217,217,220,217,217,215,215,217,220,217,215,209,207,204,207,207,207,207,207,207,209,209,212,212,209,209,209,207,207,207,207,204,204,202,202,199,196,194,191,189,191,191,191,189,189,189,191,189,189,186,183,183,189,191,196,202,204,207,207,204,204,199,199,199,199,202,204,204,202,199,199,199,196,194,189,142,143,191,194,196,199,202,207,207,209,212,212,212,212,215,215,212,212,212,209,209,209,209,207,207,202,199,198,202,207,209,209,209,207,204,202,202,204,204,207,207,207,207,207,207,204,204,204,204,204,204,204,204,207,207,207,207,207,207,207,204,204,207,207,202,196,202,207,215,217,217,215,212,217,222,222,220,220,225,228,228,228,230,235,241,241,241,238,235,228,225,225,230,238,246,246,246,243,238,235,233,235,238,241,243,243,241,241,246,251,255,255,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,87,72,66,66,72,72,64,64,64,72,79,87,98,98,87,77,55,52,52,55,57,59,63,67,100,116,124,124,131,131,121,113,103,85,78,75,82,79,56,43,40,40,43,56,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,51,46,43,43,51,61,69,79,82,79,77,82,90,87,72,49,53,87,116,155,202,255,255,255,255,255,255,255,255,255,254,238,233,204,168,137,118,118,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,48,66,82,90,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,150,126,116,113,124,155,0,0,0,0,0,0,0,189,165,155,173,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,77,79,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,43,7,22,0,0,0,0,0,0,0,0,0,53,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,43,95,142,155,134,103,90,103,98,85,64,53,53,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,126,152,183,212,222,222,212,215,233,248,251,246,246,254,255,254,255,255,255,255,255,199,142,67,13,0,0,0,0,0,0,0,0,0,0,0,0,53,165,230,248,251,246,168,116,23,0,0,0,0,0,0,0,25,121,160,160,181,254,255,233,191,194,235,251,220,202,215,228,235,225,178,134,129,163,181,194,199,199,199,196,194,194,183,174,176,176,178,178,176,178,181,186,186,191,191,191,189,176,169,168,170,173,176,168,121,125,125,127,127,170,178,194,204,209,207,196,207,215,215,207,196,196,202,189,168,123,173,186,196,199,176,109,103,147,95,63,55,89,157,168,147,79,53,37,27,17,18,27,43,49,53,53,53,47,43,27,12,9,12,31,53,49,37,33,34,49,69,81,79,61,61,75,89,124,89,81,75,75,89,121,79,55,49,57,63,45,37,35,25,13,8,11,29,47,43,43,37,37,49,69,75,121,152,160,73,25,29,43,49,37,45,55,69,81,81,75,79,91,87,81,75,77,79,79,73,69,69,75,65,65,79,73,33,19,23,0,0,0,116,129,111,71,63,67,118,152,160,152,134,89,83,87,91,93,129,137,144,160,152,144,142,155,168,170,165,163,152,150,152,163,165,150,101,101,107,113,113,112,152,160,160,157,157,155,150,157,178,178,160,150,150,150,160,160,168,168,168,165,168,168,165,168,173,0,0,0,0,0,0,0,0,0,0,0,230,212,194,199,215,228,217,199,181,152,129,126,121,111,75,61,45,25,9,0,0,0,0,0,0,23,51,63,71,75,67,43,25,24,45,73,83,93,109,168,189,207,215,215,207,204,207,225,228,225,225,228,230,235,241,254,255,251,238,230,233,229,229,230,238,243,243,243,233,217,212,194,181,163,155,142,103,89,63,43,37,31,37,43,49,57,57,61,63,63,90,90,90,92,98,111,111,98,98,90,74,43,31,23,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,29,29,15,0,0,3 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,160,170,176,178,181,181,183,186,183,178,177,181,186,191,189,183,178,176,181,186,186,183,181,183,183,181,183,186,186,183,181,181,183,182,181,182,183,186,182,181,186,194,199,196,196,202,181,23,1,147,170,176,155,87,51,9,0,0,0,0,69,160,173,183,191,194,191,191,189,191,191,189,183,178,174,176,178,186,178,152,59,81,160,163,155,101,83,55,66,109,111,150,157,160,160,160,168,178,168,111,107,106,109,121,119,111,111,123,165,163,163,168,168,170,176,178,178,178,181,183,178,176,186,202,207,199,191,189,186,181,170,129,173,183,189,173,127,173,181,183,183,186,191,191,183,176,179,186,196,207,202,120,118,207,215,222,222,222,220,222,220,217,207,127,102,111,137,196,215,228,225,225,222,220,225,222,207,141,140,199,209,207,209,225,233,230,228,225,209,194,189,194,207,207,199,202,204,202,204,212,225,230,233,230,222,207,204,204,199,207,215,215,209,204,141,140,141,139,135,135,136,186,191,196,215,230,230,199,202,225,233,233,233,215,199,186,186,189,189,139,137,186,196,204,207,207,207,209,212,209,207,194,194,186,183,183,139,138,139,137,133,137,191,194,191,191,191,194,199,204,199,189,186,189,199,204,199,196,196,183,117,108,121,135,191,194,191,191,194,194,194,199,199,196,194,196,199,199,196,141,186,202,212,222,230,230,233,233,230,230,228,228,228,222,212,199,194,196,199,196,194,194,191,191,196,202,202,202,202,202,202,199,202,207,209,209,212,217,217,209,202,202,199,195,195,199,207,209,207,199,196,199,204,207,207,202,199,200,204,207,209,209,209,215,222,222,225,228,230,230,230,228,225,222,220,215,215,212,209,207,202,207,222,230,230,225,215,212,215,225,228,225,217,222,225,215,202,198,199,198,199,209,217,217,212,202,199,204,204,202,196,194,194,194,204,215,217,212,208,208,208,209,202,189,182,181,183,185,183,182,186,191,199,215,222,225,224,224,225,228,230,230,233,233,225,207,191,191,191,143,141,126,124,129,191,209,215,204,194,190,191,196,207,217,225,228,230,233,225,207,75,93,170,31,17,163,222,222,202,51,0,0,0,69,131,157,147,137,147,152,144,137,186,220,233,233,79,57,51,83,181,225,228,163,105,101,97,107,170,176,110,103,119,129,127,90,74,109,194,207,225,222,202,199,196,186,127,119,40,36,67,67,61,101,181,129,113,119,191,209,222,228,233,222,194,186,189,196,209,222,228,230,233,233,228,228,228,230,230,230,230,228,228,225,222,225,230,235,238,235,230,228,228,215,202,202,207,204,147,145,141,139,137,131,131,145,204,204,203,204,209,215,215,215,215,215,215,209,203,202,207,212,209,202,204,212,202,199,204,207,207,209,212,222,233,238,241,246,255,254,87,123,215,215,212,222,230,230,230,230,233,235,235,241,241,196,85,122,204,225,233,233,230,225,228,225,222,225,228,233,230,225,233,243,238,209,202,207,204,199,196,199,209,207,200,202,204,207,217,222,217,217,228,233,235,238,238,238,235,233,230,230,230,235,235,235,233,228,222,220,222,225,225,228,228,225,222,217,215,207,141,139,217,233,225,212,199,121,116,127,207,225,225,212,205,209,217,215,215,222,225,225,233,238,238,235,230,222,220,228,228,228,233,235,235,233,233,233,230,222,218,225,225,222,222,228,230,230,230,230,230,228,228,228,233,235,233,233,233,233,233,233,233,228,225,222,222,225,230,233,233,230,229,228,230,233,222,202,147,202,215,220,222,215,204,199,207,217,225,228,233,238,235,230,233,233,233,230,233,235,235,233,233,233,233,233,235,238,235,234,234,234,238,241,241,238,233,228,228,230,233,230,230,235,241,241,238,238,235,230,225,215,204,151,147,204,222,228,230,230,225,222,225,228,233,235,238,233,228,217,213,213,215,215,215,215,217,222,222,225,230,235,241,241,241,243,238,233,235,241,241,233,228,228,230,228,228,230,233,235,230,225,224,224,224,228,233,235,238,238,241,243,243,243,238,235,230,230,230,230,230,230,230,230,233,233,233,233,230,230,230,228,228,228,228,228,230,230,233,235,235,238,235,235,235,238,241,241,241,238,238,238,233,230,230,228,222,217,213,213,222,233,235,238,238,233,233,230,228,225,217,216,216,222,222,222,225,228,228,230,230,228,217,217,217,217,222,228,228,228,228,230,230,228,225,224,225,228,225,225,222,222,222,217,217,215,217,222,225,225,225,222,220,217,217,222,222,222,220,217,217,215,215,215,215,215,212,209,207,204,204,204,202,204,204,207,204,204,202,202,202,202,207,209,212,212,212,212,212,212,212,212,209,207,209,212,212,215,217,217,220,217,215,215,215,217,217,217,215,209,204,204,204,204,204,204,204,207,209,212,209,209,209,209,209,209,209,207,207,204,204,202,202,199,199,196,194,191,191,191,189,189,189,191,191,191,189,186,186,186,189,194,199,204,207,209,209,207,204,202,199,199,202,204,204,204,204,202,202,202,202,196,191,143,143,145,191,194,194,202,207,209,209,212,212,212,212,215,215,212,212,209,209,209,209,207,207,204,202,198,199,204,209,209,209,209,207,204,202,202,204,207,207,207,207,207,207,207,207,204,204,204,204,204,204,204,207,207,207,207,207,209,207,204,207,209,209,204,199,199,209,217,222,217,212,215,220,225,225,222,222,225,228,225,228,230,235,238,241,241,241,235,230,225,225,233,241,0,248,246,241,238,233,230,230,233,235,241,241,241,241,243,251,255,255,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,90,79,72,66,66,69,72,72,77,79,87,98,98,103,98,87,77,55,52,52,55,59,67,69,77,108,116,124,124,121,121,113,111,98,90,85,82,79,69,61,56,61,72,74,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,59,51,51,51,59,69,79,85,87,87,90,90,87,72,49,77,98,134,183,233,255,255,255,255,255,255,255,255,255,254,238,230,202,168,137,118,118,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,66,77,90,90,90,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,165,134,116,116,116,124,150,0,0,0,0,0,207,189,176,165,173,181,189,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,0,0,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,17,0,0,0,0,0,0,0,0,0,0,0,61,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,13,33,79,124,142,139,103,90,98,90,64,51,51,53,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,116,152,181,194,204,204,207,215,235,248,254,251,251,255,255,255,255,255,255,255,255,202,142,67,13,0,0,0,0,0,0,0,0,69,173,131,53,47,108,189,241,255,255,233,212,160,9,0,0,0,0,0,17,57,186,183,122,104,199,225,183,142,160,189,204,194,168,173,204,233,235,194,134,117,144,170,181,191,194,194,196,194,194,186,176,176,176,178,178,176,170,178,186,196,199,196,189,181,173,168,169,176,183,183,176,170,170,176,176,129,127,170,186,204,209,202,191,196,215,217,212,207,207,207,194,181,181,196,207,207,191,163,85,65,65,65,63,73,142,157,150,131,83,59,33,18,15,19,47,73,73,65,67,73,67,49,27,13,13,27,59,79,75,59,47,49,61,75,79,69,55,55,61,73,75,73,67,59,57,67,69,55,37,31,43,51,51,49,43,25,9,6,13,49,37,33,31,34,49,85,152,163,155,131,31,0,1,21,51,57,45,51,55,69,87,93,91,129,139,139,89,79,77,89,124,87,81,77,81,75,67,73,75,61,49,49,0,0,65,81,124,113,81,73,79,139,165,160,142,89,75,71,75,81,93,129,139,147,155,144,101,103,150,168,170,163,160,160,160,157,157,113,107,99,101,107,113,113,112,155,160,163,165,160,155,147,157,178,183,163,152,147,147,155,160,168,170,170,168,165,163,163,168,173,0,0,0,0,0,0,0,0,0,0,0,230,207,189,189,202,207,196,181,152,121,113,118,126,108,61,49,35,21,5,0,0,0,0,0,1,27,51,63,69,69,65,49,25,25,41,53,59,73,95,117,176,196,207,212,212,204,207,225,225,225,222,222,228,233,241,246,246,241,230,228,229,229,229,235,243,246,248,246,235,225,215,199,181,163,160,155,103,87,63,43,29,25,31,39,49,55,55,61,61,63,63,87,90,92,95,100,100,95,95,92,79,47,35,23,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,27,29,21,3,1,13 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,43,0,65,144,160,170,178,181,181,181,183,186,183,186,189,191,191,191,183,178,176,178,183,183,181,178,178,181,181,183,183,183,181,181,183,186,186,183,186,189,189,183,181,183,191,194,189,194,209,233,59,0,57,147,139,25,0,0,0,0,0,0,0,126,168,181,189,194,194,191,189,183,181,183,186,186,181,176,177,177,183,186,147,30,53,155,165,160,150,147,91,87,99,107,155,157,155,153,165,176,178,157,107,106,107,113,121,117,109,108,113,117,115,121,168,170,170,178,178,170,165,168,173,173,173,183,199,202,191,183,186,186,183,173,127,125,170,173,127,126,176,181,183,183,183,186,191,186,172,177,194,202,194,183,135,191,217,222,222,220,217,217,222,222,222,228,191,103,107,133,194,212,222,225,222,221,222,225,225,212,194,141,204,222,222,222,228,230,228,217,212,204,190,187,190,199,204,207,215,215,207,204,215,228,233,235,230,225,215,212,204,195,196,202,199,196,194,196,196,189,136,135,136,137,183,186,196,215,228,222,186,196,228,233,233,233,217,199,189,141,141,186,186,189,194,202,207,207,204,202,202,202,194,141,134,139,139,137,139,138,183,186,133,128,131,191,196,194,194,196,199,202,202,199,194,196,207,215,217,209,202,196,189,131,123,129,186,196,196,191,191,191,191,187,189,190,189,189,190,191,194,194,191,194,202,209,215,225,228,230,230,228,228,226,226,228,225,209,202,202,204,202,196,196,202,202,202,202,202,202,202,204,204,204,204,204,207,204,204,207,215,215,207,199,196,196,194,195,202,217,228,228,215,204,199,202,204,207,202,199,200,204,207,205,205,209,217,228,230,230,233,233,235,235,235,235,235,233,230,225,222,217,212,209,209,217,217,215,215,209,207,207,209,212,207,202,202,204,207,204,202,202,204,209,225,233,235,230,212,204,209,215,212,209,207,207,209,220,228,228,215,209,208,209,209,204,194,187,189,189,191,191,202,207,194,194,212,225,228,225,225,225,230,230,233,233,233,228,212,194,194,196,191,196,137,129,129,133,189,204,204,196,190,190,191,199,209,215,217,225,225,215,181,3,11,150,0,0,33,93,131,131,27,0,0,0,75,176,230,217,186,163,155,140,129,189,215,233,241,77,59,57,81,183,228,241,243,225,111,107,113,119,123,115,113,123,125,127,103,91,113,176,183,189,172,170,181,189,181,119,117,22,6,61,73,107,178,186,178,127,127,191,204,209,204,194,194,191,190,190,199,215,228,233,233,233,230,230,228,228,228,228,230,230,230,228,225,225,228,230,233,233,233,230,228,222,209,194,199,209,207,134,113,111,135,194,139,129,133,204,204,203,203,209,212,209,204,207,212,215,212,207,207,215,222,204,194,194,204,191,196,207,212,215,217,215,222,230,235,235,241,248,255,117,137,207,204,202,212,228,230,230,230,233,238,238,241,243,127,77,135,241,241,238,238,235,225,222,217,217,222,222,228,225,225,233,243,246,233,207,195,198,202,198,196,202,202,200,202,202,200,215,230,225,222,225,225,225,225,225,225,225,228,225,225,228,230,233,233,233,228,215,207,209,212,212,215,215,212,207,204,204,207,207,212,217,212,207,209,204,131,129,151,209,220,225,222,203,205,209,209,212,217,225,230,235,238,238,238,238,233,230,233,230,230,235,241,241,235,230,230,222,216,215,220,225,222,225,230,230,228,228,230,233,230,230,230,233,233,231,231,231,233,235,235,233,230,228,225,225,228,230,230,229,230,233,229,229,233,230,215,204,209,217,222,225,222,212,209,217,225,228,230,235,238,235,233,233,235,233,233,233,233,231,233,233,235,235,235,235,235,235,234,234,235,238,241,238,233,230,228,225,228,225,225,230,235,241,241,238,235,230,217,202,147,146,147,207,225,233,233,230,228,225,222,222,228,233,238,235,230,222,213,212,213,217,217,217,217,222,225,225,225,228,235,241,243,243,241,235,233,235,243,241,230,226,228,228,228,228,230,235,235,230,225,224,224,225,228,233,235,235,238,241,243,243,243,241,235,233,233,230,228,228,230,230,233,233,233,233,233,230,230,228,228,228,225,225,225,228,233,235,238,238,235,235,235,235,238,241,241,241,238,235,233,225,217,225,228,230,230,225,225,230,235,238,238,235,233,233,233,230,228,222,216,216,222,225,225,225,228,228,230,228,225,222,222,222,225,225,230,230,230,230,228,228,225,224,224,224,225,228,225,222,222,222,220,217,217,220,222,222,225,225,222,217,217,217,222,222,222,222,217,217,215,215,215,215,215,212,209,207,204,204,204,202,202,204,204,202,199,196,196,196,199,204,209,212,212,215,212,212,212,212,212,207,207,207,209,212,215,217,217,217,217,215,212,215,217,217,217,212,209,204,204,204,204,204,204,204,207,209,209,209,209,209,209,209,209,209,207,207,204,204,204,202,202,199,196,194,191,191,191,189,189,189,189,191,191,191,189,189,189,191,194,199,204,209,209,209,207,204,202,202,202,204,204,204,204,204,202,202,202,202,199,196,191,145,191,191,191,191,199,204,209,209,212,212,212,212,215,215,212,212,209,209,209,207,207,207,207,202,198,199,207,212,209,209,209,207,204,204,204,207,207,207,207,209,209,209,209,207,207,207,207,207,207,207,207,209,209,209,209,207,207,207,204,207,209,209,204,199,199,209,222,228,217,212,215,222,225,225,225,225,225,225,225,225,228,233,238,241,241,241,238,233,225,225,230,238,246,246,246,241,235,230,229,229,230,233,235,241,241,241,243,251,255,255,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,87,79,72,72,69,72,79,90,98,103,98,103,103,103,98,87,59,55,52,55,67,100,108,116,121,124,131,134,134,131,131,131,121,111,105,105,98,87,72,72,72,82,98,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,66,61,51,51,59,66,79,87,98,98,90,85,77,69,72,87,121,160,199,255,255,255,255,255,255,255,255,255,255,255,255,238,212,176,134,126,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,69,64,66,61,66,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,157,126,108,108,108,116,131,0,0,0,0,0,181,165,160,173,181,0,183,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,0,0,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,1,0,0,0,0,0,0,0,0,0,0,0,77,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,22,25,27,61,105,131,129,98,0,95,72,33,29,35,43,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,105,124,160,181,194,204,209,212,222,233,235,243,243,246,254,254,246,238,248,255,255,248,170,139,87,53,31,21,23,17,0,0,0,49,196,225,178,67,39,43,131,215,248,255,255,255,255,157,69,35,0,0,0,27,142,243,235,122,91,183,194,147,113,134,163,176,186,126,139,181,220,235,207,160,122,131,147,168,181,191,191,191,183,183,176,173,176,178,183,176,163,117,160,178,191,196,196,189,181,173,173,173,181,191,191,183,176,176,183,186,176,170,170,186,209,204,183,129,181,202,215,209,202,202,196,189,181,189,202,199,181,163,85,53,43,47,59,75,91,150,157,150,147,134,83,43,19,17,35,75,85,75,65,75,111,79,55,27,19,21,45,75,118,124,113,75,67,69,69,69,61,55,53,49,49,53,55,51,45,37,37,37,33,30,35,45,55,55,61,57,37,17,13,19,29,37,32,30,34,67,147,168,150,144,29,0,0,1,43,57,45,45,55,61,71,87,129,142,152,160,150,126,79,77,91,134,134,124,87,85,81,75,75,83,83,77,77,71,61,55,65,75,113,126,121,129,152,170,152,124,75,63,61,65,73,89,131,144,144,144,101,99,139,155,168,165,163,160,160,160,157,113,107,99,96,96,105,113,155,152,160,160,157,157,157,147,147,152,178,176,160,150,144,143,150,157,168,170,165,165,152,147,152,168,0,0,0,0,0,0,0,0,0,0,0,238,230,209,186,168,168,168,160,137,121,73,73,111,126,77,51,37,27,15,0,0,0,0,0,0,15,45,63,63,63,63,61,55,35,27,41,47,53,65,87,109,123,181,199,212,212,207,204,225,225,222,212,222,225,230,230,238,238,238,229,229,235,235,235,243,248,251,255,255,243,233,212,199,178,163,155,147,101,79,59,39,23,18,23,35,47,55,55,59,59,61,87,87,95,95,100,95,95,95,95,92,77,49,35,21,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,29,21,13,13,13 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,152,181,202,202,183,157,152,160,170,178,181,178,181,186,189,189,189,189,189,189,183,181,178,178,183,186,183,176,173,173,178,181,183,183,181,177,177,181,183,183,186,186,186,186,186,183,183,186,186,186,194,207,235,228,19,0,21,27,0,0,0,9,33,9,0,19,137,165,186,194,191,186,186,183,179,179,181,186,189,183,178,178,178,183,186,173,67,31,105,157,160,157,165,163,109,105,109,157,163,151,144,160,183,178,113,107,106,107,109,115,115,111,113,119,115,111,113,165,170,168,178,181,173,165,165,168,127,127,170,183,186,181,176,178,181,178,170,124,123,124,127,127,131,181,186,186,186,183,182,186,189,182,183,194,196,191,189,194,209,217,222,217,217,215,213,215,215,222,230,199,100,100,129,189,202,215,222,222,225,225,225,225,215,204,199,207,215,220,222,222,222,215,204,202,196,191,191,191,196,204,215,228,225,215,209,209,217,228,228,222,217,217,212,202,195,195,196,196,194,194,199,202,196,186,137,137,139,139,139,194,209,217,215,132,191,225,228,230,228,209,194,186,141,141,186,194,199,204,207,209,209,207,209,207,199,141,133,133,135,137,136,139,186,191,196,135,123,128,194,196,194,199,207,204,202,202,202,202,207,217,228,225,215,204,196,191,189,183,186,194,196,194,191,191,194,196,196,194,191,190,190,190,190,190,194,194,196,202,204,212,222,228,230,230,230,230,230,230,230,222,209,204,204,204,204,209,217,222,215,207,202,204,207,207,207,209,209,207,204,202,200,202,207,215,222,207,199,195,195,195,199,209,228,235,233,217,204,199,202,204,207,202,199,200,207,209,207,207,212,225,233,235,233,233,235,238,238,241,241,241,238,235,233,233,228,215,207,207,207,199,199,202,202,202,202,202,204,204,202,200,200,202,199,198,199,212,225,233,238,238,230,212,204,209,217,217,212,209,209,212,222,228,225,215,209,208,209,212,202,194,194,199,202,199,199,204,204,196,196,207,225,230,230,225,222,228,233,235,235,235,233,225,225,238,141,133,131,137,189,141,135,186,204,207,202,194,194,191,191,194,199,207,209,199,176,165,57,19,0,0,0,0,0,0,0,0,0,0,0,0,45,207,255,204,150,155,155,170,173,194,212,163,67,55,61,71,178,228,238,241,235,191,103,101,111,117,119,115,111,115,127,123,103,121,127,122,176,176,173,194,196,189,117,105,63,55,173,176,176,178,181,178,178,183,199,204,204,194,186,186,190,194,194,202,215,230,235,238,235,233,230,230,230,228,228,228,228,228,228,228,228,230,230,230,230,230,233,230,225,212,137,199,215,207,194,113,114,191,212,207,131,128,191,204,207,207,207,207,196,190,195,212,215,204,202,212,225,222,196,191,191,141,135,143,204,212,215,215,215,222,228,230,230,235,246,207,141,191,202,200,199,207,225,230,228,228,233,238,238,238,241,104,100,209,235,238,238,238,235,233,217,213,215,217,215,217,217,222,228,235,241,238,222,202,204,212,209,204,204,209,212,212,209,202,212,230,230,225,225,222,222,216,213,215,216,217,217,217,225,233,230,230,235,220,149,149,145,196,196,202,209,207,199,202,207,212,215,215,209,204,203,204,204,202,204,212,217,225,228,225,215,209,209,209,212,217,228,233,238,238,235,235,238,238,238,235,233,230,233,238,238,235,230,228,220,216,216,222,225,222,222,230,230,228,230,233,235,235,233,235,235,233,231,230,231,233,233,230,228,228,225,228,228,228,230,230,230,230,233,230,230,233,230,225,217,222,222,222,225,225,217,222,228,225,225,228,233,235,233,233,235,235,235,235,235,233,233,233,235,238,238,238,235,235,235,238,238,238,238,241,235,230,228,225,225,225,225,225,230,235,235,235,228,225,217,151,145,146,147,153,217,230,233,233,233,228,222,220,222,228,233,235,235,230,225,222,217,222,225,225,225,225,228,230,228,228,233,238,243,246,243,241,235,228,230,241,238,230,226,228,230,228,228,230,233,233,230,228,225,225,225,228,233,235,238,238,241,243,243,246,246,241,235,235,230,228,228,230,230,233,235,235,233,233,230,228,228,228,225,217,213,215,222,230,235,238,238,238,235,233,233,235,241,241,238,233,228,222,213,213,217,228,235,235,233,233,235,238,238,235,230,230,230,230,230,228,222,217,220,225,228,228,225,225,228,228,228,225,225,225,225,225,228,230,233,233,233,230,228,225,225,225,225,228,230,228,228,225,225,222,222,222,222,222,222,222,222,222,220,217,222,222,222,222,222,220,217,217,215,215,215,212,212,209,209,207,204,204,202,202,202,199,196,196,194,194,196,202,204,207,209,209,209,212,212,212,212,209,207,207,207,209,209,212,217,217,215,212,212,212,215,215,215,215,212,207,204,204,204,204,204,204,204,204,209,209,209,209,209,209,209,209,207,204,204,204,204,204,204,202,196,194,191,191,191,191,191,189,189,189,191,194,196,194,194,194,196,196,202,204,209,212,209,209,204,204,202,202,204,204,207,207,204,204,202,202,202,199,199,196,194,194,191,191,191,196,202,204,209,209,209,212,212,212,212,212,212,212,209,207,207,207,207,209,207,199,199,207,215,212,209,212,209,207,207,207,207,207,207,209,209,209,209,209,209,209,209,209,209,209,207,207,209,212,209,209,207,207,207,207,207,207,207,204,202,204,212,222,222,215,209,215,222,225,225,225,225,222,217,217,222,228,230,233,241,241,241,238,233,228,225,228,233,235,238,241,235,230,230,230,230,230,233,233,235,238,241,246,248,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,0,0,0,0,72,74,87,87,87,82,77,77,72,64,61,69,85,111,113,98,79,79,85,87,98,87,82,63,59,69,121,152,168,168,155,147,144,147,152,147,144,144,121,111,111,113,105,98,90,82,90,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,51,51,61,61,69,87,98,98,87,79,77,77,87,113,142,183,217,255,0,0,0,255,255,255,255,0,0,0,255,238,194,165,142,134,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,48,40,40,48,72,0,0,0,0,0,0,0,0,0,0,0,0,0,165,155,147,116,90,90,90,95,105,129,144,144,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,248,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,131,82,0,0,0,0,0,0,0,0,0,0,0,100,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,35,17,0,0,0,14,7,17,35,46,61,0,131,116,0,0,0,48,29,29,35,43,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,124,131,157,189,199,212,212,207,215,225,215,215,235,246,246,246,238,238,233,241,255,235,173,155,163,147,61,31,37,55,49,29,31,67,144,168,129,67,55,61,121,191,248,255,255,255,255,191,124,51,1,0,0,155,233,254,230,163,148,181,183,144,69,67,124,139,69,31,63,165,204,222,228,194,134,116,120,155,181,191,191,183,165,157,150,150,157,165,176,168,109,96,101,155,173,181,196,196,181,170,173,173,176,181,183,183,183,186,183,181,176,176,178,186,194,196,109,86,103,189,207,207,200,207,207,189,181,181,181,173,57,29,23,29,53,87,142,147,142,99,163,189,189,168,129,53,18,18,29,73,85,79,79,116,113,75,57,35,31,43,63,111,131,144,131,81,53,43,45,49,53,53,47,33,27,33,45,47,37,33,31,31,31,39,57,73,79,85,83,75,69,73,67,43,31,45,37,37,57,81,131,124,83,51,0,0,0,33,59,55,45,55,77,81,75,77,93,147,152,150,129,85,77,77,89,134,134,95,93,93,93,85,91,129,134,126,83,71,65,55,59,69,121,147,147,147,152,160,144,89,65,51,41,39,55,73,93,137,134,103,95,97,147,165,170,165,163,160,160,160,152,113,109,99,97,96,99,113,155,160,160,160,155,155,150,147,147,152,157,160,155,147,143,143,147,147,157,157,152,150,142,139,147,0,0,0,0,0,0,0,0,0,0,251,251,238,230,209,173,139,126,111,69,65,59,57,65,100,108,67,43,27,21,9,0,0,0,0,5,19,31,57,75,69,63,55,55,49,35,27,33,41,53,71,85,105,121,178,196,207,212,204,204,212,222,212,209,209,222,222,230,230,228,233,235,238,243,243,246,248,251,255,255,255,254,235,212,191,178,160,152,107,101,87,63,43,21,12,17,35,41,47,53,59,61,61,87,87,95,108,108,95,90,90,90,87,77,47,27,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,27,27,13,11,13 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,183,181,186,196,199,194,181,168,165,173,178,178,181,186,191,191,186,181,181,181,181,181,181,181,181,186,186,181,176,170,172,176,181,183,183,178,177,177,181,183,181,181,181,178,178,183,186,189,191,186,179,189,204,220,225,95,0,0,13,0,0,0,77,85,37,0,11,142,160,176,186,186,183,183,183,183,181,181,183,186,186,181,178,178,181,186,183,142,47,55,93,165,168,173,178,150,104,107,157,160,150,146,155,181,181,117,113,111,109,109,111,111,113,123,168,163,114,115,165,170,168,173,178,170,165,165,165,123,123,123,168,173,173,170,173,173,170,127,124,125,127,129,131,178,186,189,189,189,186,183,189,189,186,186,191,194,194,196,204,215,217,222,222,217,215,213,213,213,217,228,217,111,93,102,133,196,212,222,225,228,228,228,225,217,212,204,204,204,209,215,212,209,199,191,194,194,196,196,196,199,209,222,230,230,225,215,207,202,204,207,207,207,209,209,204,199,196,199,199,199,196,199,202,199,191,141,139,141,183,139,191,209,215,202,130,186,207,212,217,215,194,141,141,141,186,194,209,215,215,212,212,212,212,215,215,207,189,135,134,137,137,136,139,189,194,196,183,131,135,189,191,194,204,207,204,199,202,202,202,209,222,228,225,215,204,196,196,199,199,189,191,196,191,189,190,194,199,199,199,202,204,207,202,194,190,191,194,199,202,204,209,217,228,230,230,230,233,235,235,230,217,202,196,199,202,209,225,233,235,225,209,202,207,212,212,212,212,215,209,202,200,200,202,209,217,225,209,199,195,195,196,202,209,222,230,228,215,204,199,199,204,207,202,199,204,215,217,217,215,217,228,233,235,235,233,235,235,238,238,241,241,238,235,238,238,230,215,207,202,199,196,195,196,199,202,204,207,209,212,209,207,204,202,198,198,204,217,230,235,235,228,212,204,202,202,207,207,202,199,202,207,215,222,217,212,209,209,209,207,196,192,199,204,209,207,204,202,202,202,202,202,212,225,228,222,222,228,238,243,241,235,233,230,230,238,131,127,129,135,189,194,191,194,199,204,204,199,199,194,191,191,194,199,199,178,155,150,103,89,11,0,0,0,0,0,0,0,0,0,0,0,0,59,176,75,47,144,176,207,199,186,160,59,23,0,35,61,189,222,233,235,230,178,85,91,107,115,113,105,99,97,115,176,129,129,129,178,202,194,194,202,191,129,119,119,119,178,199,186,181,178,177,177,183,199,209,212,207,199,191,190,194,199,199,204,215,228,235,238,233,230,230,230,230,228,225,224,225,225,228,230,230,230,230,230,230,233,233,233,228,204,133,147,212,209,202,135,145,209,217,212,145,139,196,215,222,217,215,209,194,189,196,209,204,185,185,207,217,207,194,199,202,137,125,129,194,209,212,209,212,222,228,228,230,228,215,196,191,199,207,204,202,207,217,228,225,225,228,230,230,233,212,125,129,222,233,235,235,238,238,235,225,213,213,213,213,213,215,217,222,228,238,241,230,212,212,222,225,217,215,222,225,225,222,212,217,228,230,228,228,225,222,222,217,217,222,222,217,215,222,230,230,230,228,199,136,136,139,143,144,149,204,204,199,199,204,212,215,215,212,207,204,204,207,209,212,222,230,233,233,225,215,209,212,215,217,225,233,238,235,235,235,235,235,235,235,233,233,228,225,230,233,233,230,228,225,220,222,225,225,222,225,230,230,228,230,235,238,235,235,238,238,235,233,233,233,233,228,225,224,224,225,225,228,230,230,233,230,230,233,230,229,230,230,228,225,222,217,217,217,222,228,230,228,225,225,228,230,233,230,230,235,238,238,238,238,235,235,235,235,238,238,235,235,235,238,241,243,241,238,238,233,225,224,225,225,228,225,225,228,228,228,222,212,209,207,202,153,204,209,212,222,230,233,230,230,225,222,222,222,228,233,235,233,233,230,230,230,230,230,228,228,230,230,230,228,230,235,241,243,243,243,241,230,224,226,235,235,230,230,233,233,228,225,228,230,230,230,230,228,228,228,230,233,235,238,238,238,241,241,246,248,241,230,228,225,228,230,230,233,233,233,233,233,233,230,228,228,228,222,215,212,213,217,228,233,235,235,235,233,230,230,235,238,238,233,225,217,213,212,213,222,230,235,235,233,235,235,238,235,233,230,229,229,230,230,228,225,225,228,230,230,225,225,225,228,228,225,225,225,225,225,225,225,228,230,233,233,233,230,228,225,228,228,230,230,230,230,228,228,225,225,225,228,225,225,225,225,225,225,222,225,225,225,225,222,222,222,217,217,215,215,212,212,209,209,207,204,204,204,204,202,196,194,192,194,196,199,202,204,204,207,207,207,207,209,212,209,209,207,207,209,209,212,215,217,217,215,212,212,212,212,212,212,212,209,207,207,207,207,207,204,204,204,204,207,207,209,209,209,209,209,207,207,204,204,204,207,207,204,202,196,194,191,191,194,194,194,191,191,191,194,196,199,199,196,196,199,199,202,204,209,212,209,207,204,204,204,204,204,207,207,207,204,204,202,202,199,199,202,202,202,199,194,194,191,194,196,202,204,207,209,209,212,212,212,212,212,212,212,209,207,207,207,209,207,202,202,209,215,212,212,212,209,207,207,207,207,207,207,209,209,209,209,209,209,209,209,209,212,209,209,209,212,212,209,207,207,204,204,202,204,204,207,204,202,207,212,217,217,209,207,212,222,225,225,225,225,222,217,215,212,215,225,233,241,241,241,241,238,230,225,225,228,228,228,225,225,225,228,233,235,235,233,233,233,235,238,243,246,248,251,251,251,251,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,124,0,0,0,72,64,66,66,72,77,87,77,72,53,40,40,61,82,87,66,45,66,77,77,85,87,95,105,108,129,173,0,215,202,189,181,163,163,155,155,155,131,113,105,105,105,105,98,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,61,61,61,79,98,98,87,87,92,98,111,131,163,191,228,255,0,0,0,0,0,0,0,0,0,0,0,230,186,157,157,142,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,72,48,40,40,64,0,0,0,0,0,0,0,0,0,0,0,0,157,155,131,113,98,87,82,78,79,87,111,121,126,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,248,242,244,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,124,111,66,0,0,0,0,0,0,0,0,0,0,100,92,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,46,69,0,0,142,116,0,0,0,38,29,29,43,40,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,165,150,150,163,189,199,212,202,194,194,204,196,196,217,235,246,246,246,238,233,233,241,235,207,202,207,181,93,35,31,49,63,69,69,69,71,108,105,73,61,63,121,176,222,255,255,255,243,194,152,134,0,0,0,0,246,246,222,186,173,176,170,139,67,47,43,33,7,7,43,142,196,220,233,207,142,103,107,150,194,191,176,163,150,139,139,139,97,99,160,170,152,100,100,109,160,178,186,186,173,170,173,173,168,173,173,183,183,191,183,176,168,173,176,186,178,125,83,77,93,189,207,199,199,215,220,207,183,121,99,75,16,11,17,35,73,150,189,176,87,55,85,196,207,181,121,41,14,17,27,59,75,75,79,113,113,79,65,53,47,55,73,121,144,142,111,63,45,35,31,35,43,43,35,29,26,27,33,33,27,27,43,55,57,61,79,124,129,83,79,77,83,129,142,111,63,69,69,69,75,75,61,51,47,37,19,13,31,55,69,69,77,83,124,93,81,77,93,131,129,93,87,79,72,72,79,87,95,93,93,95,95,129,134,147,147,134,83,73,71,71,69,81,139,165,163,155,152,152,137,81,65,49,29,23,27,45,67,91,134,97,95,101,147,157,163,165,163,160,155,151,152,157,150,109,101,99,103,152,160,165,165,157,150,147,147,147,147,152,152,152,150,147,147,147,144,144,147,150,150,142,134,134,142,0,0,0,0,0,0,0,0,0,0,251,241,233,230,207,165,121,95,59,39,33,37,49,59,63,55,43,27,17,9,0,0,0,0,21,43,49,57,77,89,83,63,55,55,43,27,24,24,41,59,79,93,109,165,178,196,204,212,209,209,212,212,209,207,207,209,222,222,228,228,235,243,243,246,248,248,251,255,255,255,255,255,233,212,191,178,160,152,107,101,93,71,49,27,17,21,33,39,45,47,53,59,59,65,90,92,108,98,92,87,85,85,85,53,39,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,27,27,21,11,10 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,186,196,191,186,186,191,194,189,176,168,173,178,181,183,189,191,189,181,177,176,176,178,181,181,183,183,186,186,183,178,172,170,173,178,183,183,181,178,178,183,186,183,178,176,174,174,181,186,191,194,186,178,182,199,209,220,212,35,0,0,0,0,0,7,17,0,0,0,83,144,160,178,186,183,183,189,189,183,178,178,181,183,178,178,176,178,186,189,178,103,15,41,165,163,144,155,147,107,109,155,160,153,152,157,170,176,160,117,115,111,109,111,111,113,165,176,173,123,123,168,170,165,165,168,125,121,123,123,121,119,121,123,125,125,127,168,129,127,125,127,173,181,183,183,186,191,189,186,189,189,189,191,191,186,186,189,189,194,202,209,215,217,222,222,217,215,213,213,213,215,225,228,133,78,80,105,186,209,225,228,228,230,228,225,222,217,209,202,198,202,207,202,194,143,189,194,196,196,196,194,199,212,225,230,230,230,222,204,194,194,199,199,199,202,207,209,207,196,194,196,194,192,194,199,199,191,186,141,189,189,141,186,204,212,199,135,186,194,196,199,194,135,137,141,186,194,207,225,230,228,217,215,215,217,222,222,212,196,141,139,141,141,139,183,191,194,194,191,191,191,191,191,196,202,204,199,196,196,199,199,207,215,217,212,204,199,196,199,204,204,191,194,196,191,189,189,194,199,199,202,209,222,228,222,204,191,189,191,199,204,209,209,217,228,233,233,230,230,233,230,225,209,196,195,196,202,212,228,235,233,222,204,199,204,212,212,212,215,217,212,204,200,202,209,215,220,217,204,196,195,195,199,207,207,209,215,215,207,202,202,202,204,204,200,200,209,222,230,230,228,225,228,230,235,235,235,235,235,235,235,238,238,238,238,241,241,235,225,212,204,204,202,199,198,199,204,207,207,209,212,212,212,209,202,198,199,207,215,222,222,212,199,199,202,204,199,191,190,187,189,191,196,204,209,212,209,212,212,212,204,194,194,202,207,207,207,202,200,202,209,207,196,191,202,217,225,225,230,235,241,241,235,230,222,209,199,130,128,131,137,189,194,196,191,186,199,207,207,207,199,191,191,194,194,191,173,152,109,93,69,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,212,204,152,71,61,47,0,0,31,176,217,222,228,212,103,53,75,103,121,107,85,89,93,109,183,183,181,178,186,207,202,199,202,181,121,133,186,194,215,225,196,181,178,178,177,189,209,217,215,207,202,199,199,202,202,202,204,209,222,230,233,230,228,228,228,228,228,225,224,225,228,230,230,233,233,233,233,233,233,233,233,228,137,127,139,207,212,207,202,209,212,215,209,145,138,204,225,233,233,230,222,204,194,199,207,194,176,177,194,202,191,191,204,222,215,133,134,194,204,207,207,209,217,228,228,228,225,207,199,202,212,222,217,212,209,215,225,217,209,212,194,111,119,133,194,225,233,233,235,238,241,241,233,225,215,213,213,213,215,217,217,215,217,233,238,233,217,215,225,228,225,225,228,228,228,230,225,222,225,225,230,233,225,212,217,230,235,238,235,222,207,138,209,225,230,217,144,136,138,143,147,147,196,209,209,199,147,147,199,209,215,217,215,212,209,209,212,222,230,238,241,235,225,212,209,212,217,225,230,235,235,234,234,235,235,233,230,230,230,225,212,215,228,235,233,230,225,228,230,228,225,220,222,225,230,230,228,230,235,235,235,235,238,238,235,235,238,238,235,228,224,224,224,225,225,228,228,230,230,230,230,233,229,229,230,228,225,222,215,212,207,207,215,228,230,222,222,225,230,233,230,230,230,235,238,238,238,238,238,235,235,238,238,238,235,235,235,241,243,243,241,238,235,230,225,224,224,225,228,225,224,225,225,222,215,204,200,204,209,217,222,217,215,217,225,228,228,225,222,225,225,225,228,230,233,233,233,233,235,235,233,230,228,225,228,228,225,225,230,235,241,241,238,238,238,230,226,226,230,230,228,233,238,235,228,224,224,225,228,230,233,230,230,230,233,233,235,235,238,238,238,238,246,248,238,222,218,221,225,230,235,235,235,233,230,230,233,230,230,230,228,222,215,215,215,222,225,230,233,235,233,230,229,230,235,238,235,228,217,215,213,215,222,230,235,233,233,231,233,235,235,235,233,230,230,230,230,230,230,228,228,230,230,228,225,225,225,230,230,228,222,222,222,222,222,222,225,225,228,230,230,228,225,225,228,228,230,230,233,230,230,228,228,228,228,230,230,228,228,230,230,228,225,225,225,225,225,225,222,222,222,217,215,215,212,209,209,209,207,204,204,204,204,202,196,192,192,194,196,199,202,202,202,204,204,204,207,207,209,209,209,209,209,212,212,212,212,215,215,212,209,209,209,212,212,209,209,207,207,207,209,207,207,204,204,203,203,204,207,207,207,207,207,207,207,207,207,207,209,209,209,204,202,196,194,191,194,194,196,199,199,196,196,196,199,199,202,202,202,202,202,202,204,207,209,212,209,204,204,204,207,207,207,207,207,204,204,202,199,199,199,202,207,204,202,199,196,194,194,196,199,202,204,207,209,209,212,212,215,215,215,212,209,207,207,207,207,202,202,204,207,209,209,212,212,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,212,212,212,212,212,212,212,209,207,204,202,199,199,199,202,204,204,204,209,215,215,212,207,204,212,217,225,228,225,222,222,225,217,149,151,222,233,241,241,241,241,241,235,230,225,225,225,215,205,209,217,230,238,241,241,238,235,231,233,235,241,243,246,246,246,248,251,254,254,254,254,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,0,0,0,0,79,72,64,61,64,87,98,98,79,56,35,24,26,31,41,35,39,51,77,57,61,87,116,147,155,173,0,0,0,215,207,199,191,163,155,155,155,131,105,101,101,105,105,105,105,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,61,61,61,69,79,79,79,98,105,113,129,152,178,199,228,0,0,255,255,0,0,0,0,0,0,0,0,209,173,157,157,142,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,82,53,40,46,69,0,0,0,0,0,0,0,0,0,0,0,0,152,124,98,90,90,82,75,75,79,100,113,113,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,248,248,255,255,255,255,255,199,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,124,100,48,0,0,0,0,0,0,0,0,0,0,92,82,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,66,87,0,0,126,105,0,0,0,43,33,33,35,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,194,196,181,170,170,189,194,199,194,172,173,189,186,181,196,228,238,238,238,241,222,212,225,230,235,235,235,207,155,49,11,0,21,55,63,49,25,33,103,126,65,47,53,113,163,243,255,255,243,217,191,178,0,0,0,0,254,235,212,186,170,155,142,129,61,27,0,0,0,11,49,134,173,196,222,207,152,118,130,194,222,176,81,77,87,142,150,139,81,77,157,194,176,152,109,109,160,170,170,170,173,181,170,168,165,165,168,173,183,183,178,168,165,168,176,181,173,107,86,86,119,199,212,204,204,217,225,204,178,99,75,43,11,9,21,59,79,142,189,176,73,29,47,163,191,165,81,29,14,17,33,53,65,73,75,79,113,111,75,63,57,61,75,118,129,111,59,43,37,35,29,29,35,35,35,33,29,27,25,23,22,26,59,118,129,118,113,85,83,73,73,75,83,121,129,111,69,69,69,69,61,45,27,29,37,51,55,63,69,77,83,89,124,124,137,131,87,81,93,95,91,85,79,73,70,70,73,79,83,89,95,131,137,139,142,157,155,137,89,81,81,87,124,142,157,155,155,155,152,144,134,89,75,61,39,22,18,0,37,69,91,97,95,101,107,147,155,163,165,155,151,151,157,160,160,150,109,111,113,160,163,165,165,157,150,147,147,147,152,152,150,150,150,147,155,155,147,139,137,142,142,134,126,134,142,0,0,0,0,0,0,0,0,0,0,238,233,233,228,202,163,118,67,45,25,15,21,35,37,33,21,17,13,5,0,0,0,0,17,57,83,111,83,124,139,124,75,61,57,47,35,24,26,45,65,91,107,121,176,183,196,204,209,209,212,222,209,207,207,207,220,222,230,230,235,243,243,248,248,248,248,254,255,255,255,255,254,228,212,196,176,160,150,107,99,87,73,55,33,21,27,33,37,39,45,45,51,57,85,90,92,92,92,87,85,85,85,77,51,33,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,27,33,27,11,5 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,189,191,191,189,183,181,183,183,181,168,163,168,176,181,183,183,186,186,181,177,176,176,178,181,181,181,183,189,191,191,183,176,172,173,176,181,181,181,183,186,189,186,181,178,176,173,173,178,183,186,189,186,183,179,189,207,212,207,150,0,0,0,0,0,0,0,0,0,0,53,129,150,170,183,181,181,186,186,181,176,176,181,183,181,176,174,176,181,186,186,183,23,7,19,101,67,67,147,160,150,157,163,165,168,163,160,165,160,119,113,111,113,115,115,119,163,170,170,168,170,176,173,125,121,123,121,119,119,119,117,117,121,121,117,113,117,127,129,125,125,129,178,189,194,196,199,196,186,185,186,191,191,191,191,189,183,183,183,189,202,209,215,217,220,222,217,215,215,215,215,217,225,230,139,76,78,102,135,204,222,228,228,230,228,228,228,225,217,204,195,198,202,194,141,138,191,202,199,194,191,191,199,215,225,225,225,225,222,202,194,196,199,199,199,202,209,215,207,194,191,194,194,192,194,199,199,191,189,191,202,204,186,139,194,209,202,133,137,141,141,186,137,134,189,191,191,199,217,233,235,230,222,217,217,225,228,225,212,199,189,189,191,191,189,189,194,194,196,199,204,207,202,202,202,199,199,196,191,191,194,196,202,207,204,199,196,196,196,199,202,199,194,194,194,194,190,191,196,202,199,199,209,222,228,222,204,191,190,194,202,209,212,212,217,228,228,222,215,215,215,212,204,196,196,196,202,204,212,222,222,215,202,189,189,199,207,209,209,212,215,209,204,207,212,215,217,215,209,199,195,195,196,204,209,207,202,204,204,202,204,207,212,209,204,200,202,212,228,233,233,233,230,228,228,230,233,235,235,233,233,235,235,238,241,241,243,243,238,228,217,212,215,217,215,204,202,202,202,204,207,209,209,212,212,202,198,202,207,204,202,202,196,190,191,204,204,191,187,187,186,189,190,191,199,207,212,212,215,212,207,199,191,199,204,207,204,202,200,200,207,215,209,196,189,195,209,215,217,222,225,228,228,228,225,207,135,132,135,141,141,191,191,194,194,133,126,199,217,225,222,204,189,189,191,191,183,173,155,103,61,15,9,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,155,93,67,79,91,0,0,0,67,105,95,65,37,9,7,13,31,111,87,47,84,101,117,133,183,189,189,186,196,204,207,207,189,125,217,212,212,225,228,204,191,189,189,189,199,212,215,212,204,199,199,202,202,204,204,204,207,212,222,228,228,225,225,225,225,225,225,225,228,228,230,230,233,233,233,233,233,233,230,228,209,117,124,137,202,209,204,196,202,209,212,207,139,129,209,228,235,235,233,225,212,202,202,207,202,185,186,196,196,189,190,202,225,233,225,215,207,202,204,207,209,217,225,228,228,225,212,212,217,225,230,228,217,209,209,207,134,132,137,103,53,50,123,209,233,235,235,238,241,238,233,225,222,217,217,217,217,217,222,217,215,215,225,230,228,222,222,225,225,222,225,228,225,225,230,230,222,217,217,225,228,217,202,209,233,246,248,241,215,140,110,141,228,235,222,199,149,220,228,222,209,212,217,215,202,145,144,147,204,215,225,228,217,209,209,217,230,238,243,241,235,225,212,212,217,225,230,233,235,235,234,235,238,235,233,230,233,230,212,202,209,233,241,241,230,222,228,233,230,222,218,222,230,233,230,228,228,230,233,233,233,235,235,235,235,238,238,235,230,225,225,225,228,228,228,228,228,228,228,230,233,230,230,230,222,222,222,215,207,204,203,209,225,217,212,215,225,233,235,233,233,233,235,235,238,238,238,235,235,235,235,238,241,238,238,238,241,241,241,235,233,233,230,225,224,225,228,228,225,224,224,225,222,217,202,198,202,217,228,222,212,207,207,215,222,225,222,222,222,225,222,225,228,230,233,233,233,233,230,230,225,222,222,225,225,217,217,228,235,241,238,235,234,235,235,229,229,230,226,226,233,241,238,228,224,224,225,225,230,233,233,233,235,235,235,235,235,235,234,235,235,241,243,233,218,217,220,228,233,238,238,235,230,228,228,230,230,230,230,230,225,222,225,225,228,228,230,233,235,235,230,229,230,235,235,233,228,217,215,215,217,228,233,235,233,231,231,233,233,233,233,233,230,230,228,228,228,228,225,228,228,228,225,222,225,228,230,230,228,222,217,217,217,217,217,222,225,225,228,228,225,225,225,225,228,230,233,233,233,230,230,228,228,228,230,230,230,230,230,230,230,228,225,225,225,225,225,222,222,222,217,215,215,212,209,209,209,207,207,207,204,202,199,196,192,192,196,196,196,199,199,202,202,204,207,207,207,209,209,212,212,212,212,212,212,212,209,209,207,207,209,209,209,209,207,207,205,207,209,209,209,207,204,203,203,203,204,204,204,204,204,204,204,207,207,209,209,212,212,212,207,204,202,196,194,194,199,202,204,204,202,202,202,202,202,202,204,207,207,204,202,204,207,209,212,209,207,204,207,207,207,207,207,204,204,204,202,199,198,199,204,209,209,207,204,202,199,199,199,199,204,204,207,209,212,212,215,215,215,212,209,209,209,207,207,202,196,196,196,196,199,207,212,209,209,209,209,209,209,209,209,209,209,212,212,212,212,212,212,212,212,212,212,215,215,209,207,202,202,199,199,199,199,202,204,204,207,212,215,215,209,202,202,209,222,228,225,217,217,225,233,230,134,134,217,235,243,241,241,243,243,241,233,228,225,222,207,196,203,215,228,238,243,243,243,238,233,231,235,238,241,243,243,243,248,251,254,254,254,251,248,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,246,0,0,103,87,87,87,69,64,0,0,108,92,66,27,22,22,27,39,43,49,77,77,58,85,118,0,0,204,199,0,0,0,212,212,217,207,183,155,155,163,131,105,101,101,105,105,105,113,113,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,61,61,61,61,69,69,90,105,113,131,160,183,207,228,0,255,255,255,0,0,0,0,0,0,0,0,194,173,165,157,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,72,46,38,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,90,87,79,75,79,95,111,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,233,155,155,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,100,40,0,0,7,0,0,0,0,0,0,0,100,92,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,77,87,87,79,90,82,0,0,0,66,51,33,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,144,194,202,202,194,189,199,191,191,194,172,169,186,186,177,189,217,230,230,230,220,202,196,198,215,241,254,246,225,186,79,0,0,0,0,17,11,0,0,103,160,126,11,0,0,41,212,235,243,243,243,225,181,0,0,0,255,255,228,189,170,157,126,81,81,65,15,0,0,0,23,55,83,129,142,176,194,181,189,189,199,181,37,4,29,77,147,150,97,75,75,107,183,176,163,155,155,170,165,111,111,170,178,181,173,165,163,165,170,178,183,176,168,165,168,181,186,178,123,101,117,189,209,212,209,212,212,212,196,170,93,69,49,18,17,65,109,101,144,173,160,79,29,25,65,142,131,73,27,15,18,41,55,65,79,75,75,118,129,111,73,65,73,75,75,73,65,57,41,27,21,17,25,35,35,43,45,45,35,27,24,24,47,83,150,173,152,67,35,43,67,73,73,75,81,79,69,61,55,59,61,49,26,23,26,49,65,77,77,77,83,124,131,89,89,91,93,87,87,93,95,87,79,75,73,72,72,77,81,87,93,131,142,142,144,152,165,163,147,126,87,89,134,142,152,152,139,139,147,152,150,134,89,87,81,63,29,18,16,23,57,83,91,99,101,100,101,144,165,170,160,151,152,157,165,160,155,111,152,160,165,165,165,160,155,147,109,144,147,152,152,150,144,142,142,150,152,144,129,121,129,137,126,126,134,137,0,0,0,0,0,0,0,0,0,0,230,230,230,228,202,160,118,63,35,17,0,1,7,9,1,0,0,0,0,0,0,0,0,31,108,147,150,147,147,155,144,89,73,67,61,47,41,39,59,85,107,160,178,183,191,196,204,209,209,209,222,209,207,199,207,222,230,235,243,243,246,248,251,248,248,248,255,255,255,255,255,246,228,209,189,170,150,144,103,91,75,69,55,35,25,27,27,25,31,39,39,45,51,59,87,92,87,85,77,74,77,85,74,47,31,11,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,25,31,25,19,11 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,176,189,189,183,181,181,178,173,165,157,157,163,176,181,181,177,178,183,183,181,178,177,178,178,176,176,181,191,196,196,191,183,176,173,173,173,178,181,183,189,191,186,178,176,176,174,174,181,181,181,183,186,186,182,186,202,207,199,77,0,0,0,0,0,0,0,170,77,53,73,137,142,147,160,165,176,181,178,176,173,176,181,186,183,174,173,176,178,181,189,196,181,0,0,37,39,35,160,168,157,155,157,165,173,165,159,160,163,119,111,110,115,119,121,123,165,168,168,170,178,181,173,121,120,121,121,119,121,121,118,117,119,119,111,104,106,127,173,127,125,129,176,186,196,204,207,199,186,185,189,191,186,183,186,186,183,181,181,186,199,209,212,215,215,215,215,215,217,217,222,225,228,228,191,105,107,125,135,196,215,225,228,230,230,233,233,233,228,209,198,198,199,191,139,137,189,202,199,191,190,190,196,209,215,212,212,217,215,202,194,196,202,202,202,207,215,217,207,192,192,199,202,199,199,202,199,194,194,202,217,217,189,133,186,202,139,108,115,129,133,133,135,141,199,196,194,204,222,235,235,233,225,222,225,230,230,222,207,194,189,189,194,196,194,191,194,194,199,204,215,217,209,204,202,196,199,196,194,191,191,194,199,202,202,196,195,195,196,199,202,199,196,194,194,194,196,196,202,202,199,196,202,207,209,207,196,194,202,209,212,209,204,202,207,212,207,196,143,141,143,143,141,139,191,199,204,209,212,215,212,202,142,138,140,194,207,207,207,207,207,204,207,209,215,215,209,207,204,199,196,196,199,207,212,207,199,199,199,199,204,215,222,222,209,202,204,215,228,233,230,230,230,225,221,222,225,230,230,233,233,235,235,238,241,243,246,241,233,225,215,212,215,222,215,204,199,196,196,204,209,212,209,207,209,202,199,207,209,202,194,191,194,189,190,199,199,189,189,199,204,202,196,194,199,209,215,215,209,196,141,137,141,196,207,207,204,202,202,207,212,215,209,202,199,199,202,202,199,199,199,199,199,209,215,204,137,133,196,199,199,209,204,196,186,122,117,215,230,235,233,202,185,186,189,191,186,173,155,107,81,31,35,131,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,0,0,19,85,109,97,51,21,6,9,12,21,105,89,60,111,129,131,133,181,196,199,194,196,204,212,215,199,186,225,217,204,212,212,207,202,202,204,204,204,209,212,209,204,199,199,199,204,207,207,204,203,204,212,222,225,225,225,225,228,228,225,225,228,230,230,230,230,230,233,233,233,233,230,217,127,106,125,143,202,204,194,187,195,212,217,209,143,137,217,228,233,230,228,217,209,204,207,215,222,217,215,212,204,196,194,199,215,225,225,222,215,207,207,207,209,217,225,225,225,225,217,217,222,225,228,228,215,207,204,199,133,133,147,109,58,54,139,217,233,238,238,241,238,230,212,217,222,222,225,225,222,217,217,217,215,212,215,217,222,225,225,222,215,215,222,225,222,217,228,230,217,211,212,217,217,209,204,208,228,243,246,235,202,133,130,204,235,241,233,215,209,222,230,225,225,228,230,225,204,144,146,199,207,220,233,235,222,202,196,207,230,241,241,233,228,217,212,215,222,230,233,233,233,235,235,235,235,233,230,233,235,230,207,194,209,235,243,243,230,222,225,230,228,220,220,228,235,235,230,226,226,228,230,228,230,233,233,233,230,233,235,238,233,230,230,230,228,228,225,225,225,225,228,230,233,235,235,225,204,212,230,222,209,204,204,212,217,211,208,212,225,233,235,235,238,238,235,233,235,235,235,235,233,233,233,235,241,241,238,235,235,235,233,230,230,233,233,228,225,225,228,230,228,224,225,225,225,222,207,200,204,217,222,212,200,198,200,209,217,225,222,222,222,222,217,222,228,233,235,233,230,228,225,222,217,216,217,222,222,216,216,225,235,238,235,234,234,235,238,233,233,233,228,226,233,238,238,230,225,225,225,225,228,233,233,235,238,238,238,238,235,235,234,235,235,238,238,230,222,222,228,230,235,238,238,235,230,228,226,228,228,233,233,230,225,225,230,230,230,230,233,235,235,235,233,230,233,233,235,233,230,228,225,222,225,228,235,235,235,233,233,233,233,233,233,230,230,228,228,228,225,222,222,222,222,222,222,217,222,225,228,228,225,217,215,215,215,215,217,222,225,225,228,228,225,225,225,228,230,233,233,233,233,230,230,228,228,228,230,230,230,230,230,230,228,228,225,225,225,225,222,222,222,220,217,215,215,212,209,209,209,209,207,207,204,199,196,196,196,196,194,194,194,196,196,199,202,204,204,207,207,209,209,212,212,212,212,212,209,207,204,204,204,204,207,207,207,207,205,205,207,207,212,212,209,207,204,204,204,204,204,204,204,204,204,204,204,204,207,209,209,212,215,212,209,207,204,202,199,199,202,207,207,209,207,204,204,202,202,204,207,207,207,207,204,204,207,209,212,209,207,207,207,209,209,207,207,204,204,204,202,199,199,202,207,212,212,209,209,207,207,204,204,204,207,207,209,209,212,215,215,217,215,212,207,207,209,209,204,199,199,196,194,192,195,204,209,209,209,209,209,209,209,209,209,209,212,212,212,212,212,212,212,212,212,212,212,212,212,207,202,199,196,199,199,202,202,204,204,204,207,212,215,215,209,202,199,207,222,225,222,215,217,228,238,243,126,123,217,233,241,241,241,243,243,243,238,233,233,228,207,194,203,215,228,235,241,243,243,243,235,233,235,238,241,241,243,243,248,251,254,254,254,251,248,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,241,173,0,87,95,111,118,95,69,0,0,0,100,74,31,24,23,37,85,95,85,85,59,85,118,0,0,0,0,0,241,0,0,228,238,246,225,199,176,183,183,144,113,105,105,113,113,113,121,131,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,69,69,61,61,69,85,98,113,131,163,191,0,0,0,0,255,255,0,0,255,255,0,0,0,202,183,173,165,157,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,118,87,51,38,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,95,92,85,79,87,100,103,0,0,0,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,199,165,238,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,100,17,0,0,0,0,0,0,0,0,0,0,124,100,33,17,0,0,0,0,0,0,0,0,0,0,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,77,69,51,35,48,64,48,0,56,66,51,25,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,129,181,196,202,209,204,183,170,183,173,183,194,196,181,196,217,220,220,220,209,198,196,196,215,243,255,255,243,215,157,27,0,0,0,0,0,0,0,43,147,116,0,0,0,0,53,111,134,176,230,230,173,0,0,0,255,255,235,181,170,170,137,129,131,79,21,0,0,0,15,37,45,37,21,57,152,168,178,160,147,63,0,0,21,81,144,73,63,69,77,99,160,168,160,163,163,163,152,93,87,163,178,181,176,173,165,165,168,173,183,178,170,168,178,189,194,189,178,170,178,191,202,202,202,204,204,199,183,165,99,87,87,61,51,113,196,196,168,144,97,81,35,15,21,67,87,65,25,15,18,41,59,73,111,111,81,129,142,118,73,73,79,75,59,47,47,53,41,0,0,0,17,41,47,49,55,63,65,65,73,85,121,134,163,165,71,0,0,27,61,69,67,69,73,73,67,57,55,61,75,69,37,26,33,55,69,75,69,65,77,124,131,83,69,69,77,83,93,99,99,91,85,79,79,77,79,85,95,134,139,147,150,150,152,157,168,168,155,137,91,95,134,150,152,142,131,133,147,152,144,126,79,79,91,79,53,25,22,41,71,91,95,101,103,100,100,152,170,178,168,157,157,157,160,157,155,150,160,165,168,160,160,157,150,147,106,144,152,155,157,150,144,137,134,142,144,131,121,113,121,129,124,126,134,137,0,0,0,0,0,0,0,0,0,0,220,220,220,217,194,152,113,59,31,9,0,0,0,0,0,0,0,0,0,0,0,0,7,43,0,0,165,163,163,163,155,93,81,81,79,65,59,59,77,101,155,176,186,194,202,204,209,209,209,207,207,199,191,189,199,220,233,243,246,248,248,255,255,254,254,254,255,255,255,255,255,246,228,209,186,157,107,103,93,75,61,59,51,33,25,20,20,20,25,31,37,43,49,57,59,82,77,74,51,51,74,77,74,43,23,9,0,0,0,0,0,0,0,0,0,0,0,9,15,19,9,0,0,0,19,31,31,23,19 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,186,191,189,183,183,181,176,168,160,156,156,163,176,183,181,176,176,178,183,183,178,178,178,173,165,168,178,186,194,196,191,183,176,172,170,170,173,176,181,189,191,183,176,176,176,176,178,183,183,178,178,181,183,189,191,199,212,183,0,0,0,0,0,0,0,0,207,199,170,152,147,134,94,96,147,168,173,173,173,173,178,183,186,183,178,176,178,178,178,186,202,209,99,0,0,0,15,168,163,160,155,155,157,163,160,160,163,165,119,111,111,115,121,163,168,173,173,168,173,181,183,173,123,123,165,125,123,165,165,125,123,123,121,111,103,106,127,176,170,127,129,173,181,191,204,207,199,189,185,189,189,182,179,182,183,183,181,181,186,196,207,212,212,212,212,212,215,217,225,228,230,230,217,196,191,202,189,135,141,207,217,225,230,233,235,238,238,233,217,204,204,202,189,139,138,141,196,196,194,191,191,194,199,202,204,204,207,207,196,192,196,199,199,199,207,217,217,209,196,194,202,204,202,199,202,202,199,196,204,215,215,137,127,133,139,111,100,105,119,127,129,131,137,189,186,189,202,222,235,238,233,228,222,225,230,230,217,199,189,186,186,191,194,194,191,191,194,196,204,215,215,204,199,196,196,202,202,196,191,191,194,199,202,204,202,196,196,199,204,207,207,202,196,194,196,196,196,194,194,194,192,192,194,196,199,202,207,217,225,217,196,135,133,137,141,141,137,134,134,137,139,138,138,141,196,204,207,209,212,212,204,142,138,140,194,207,207,207,204,202,202,204,209,212,209,202,199,202,202,199,199,202,207,209,204,199,196,196,199,204,217,225,225,212,207,209,222,228,230,228,225,228,224,221,221,224,225,228,230,233,233,233,238,241,243,243,238,230,217,207,202,202,196,143,143,196,199,199,209,222,217,209,204,204,202,199,207,207,199,191,190,189,187,191,199,199,191,196,215,228,217,204,196,199,209,212,207,194,121,114,118,135,196,209,207,207,207,209,209,207,204,199,199,199,199,199,194,191,189,186,139,141,194,204,204,194,196,217,199,196,212,204,194,139,122,119,230,238,241,235,196,183,187,194,196,194,186,173,163,152,67,73,183,207,157,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,173,186,189,202,222,230,207,176,127,181,121,105,178,191,204,233,215,199,196,199,207,209,209,204,202,199,202,196,196,209,199,174,172,198,202,207,209,212,209,207,204,209,209,207,204,202,204,207,207,204,203,203,204,207,212,222,228,228,230,230,230,228,225,225,228,228,230,230,230,233,233,233,233,228,207,124,113,135,196,204,207,195,191,209,228,225,212,202,207,215,222,225,222,215,209,204,204,212,222,230,230,228,222,215,209,199,199,209,217,217,215,215,212,209,207,209,215,220,220,217,217,217,220,222,222,225,222,215,212,215,212,207,222,243,212,123,137,215,225,233,238,238,241,233,217,204,217,222,215,222,222,217,217,212,212,212,211,211,212,215,222,225,217,212,212,215,217,217,217,228,228,212,209,212,215,212,212,208,208,217,233,238,228,204,143,204,217,230,238,235,225,204,140,141,202,222,230,230,225,204,143,149,204,212,222,233,235,225,199,183,194,225,235,233,222,215,212,211,215,225,233,235,235,235,238,238,235,233,230,230,235,235,233,215,190,215,235,241,238,230,222,222,225,222,222,225,233,238,238,230,228,226,228,228,228,230,233,233,230,230,230,235,238,235,233,230,230,230,228,225,225,225,225,228,233,238,241,238,209,131,204,233,228,209,203,205,215,215,209,208,212,225,230,235,238,238,238,233,233,233,233,235,235,233,233,231,233,238,238,235,233,230,229,229,229,230,235,235,230,217,217,228,230,228,225,225,225,222,222,212,204,207,215,217,207,199,196,200,209,217,225,225,225,222,217,217,217,225,230,233,233,228,222,217,217,216,216,217,225,222,216,216,225,233,235,235,234,234,235,235,233,233,233,230,228,233,233,233,228,225,228,228,228,228,230,233,235,238,241,241,241,238,235,235,235,235,235,238,233,230,235,235,235,238,241,238,235,230,230,228,228,230,233,233,228,222,222,228,230,230,230,230,233,235,235,233,233,233,233,233,233,233,233,233,230,228,230,233,235,233,233,233,233,233,230,230,230,228,230,230,228,222,222,220,217,217,215,215,215,215,217,222,222,217,213,213,213,213,215,217,222,225,228,228,228,228,228,230,233,235,238,235,235,233,233,230,230,228,230,230,230,229,229,230,230,228,225,225,222,222,222,222,220,220,217,215,215,215,212,209,209,209,207,204,202,199,196,196,196,199,199,196,194,196,196,199,202,202,202,204,207,207,209,209,209,207,207,209,209,207,204,203,203,203,204,207,207,207,205,205,207,209,209,212,212,209,207,204,204,207,207,204,204,204,204,204,204,204,204,207,207,207,209,212,212,212,209,207,204,204,204,207,209,209,209,209,207,204,204,204,204,207,209,209,207,207,207,209,212,212,209,209,209,209,209,209,207,207,207,207,204,204,204,204,204,209,212,212,212,212,212,212,212,212,209,209,209,209,212,212,215,215,215,215,209,207,207,207,204,202,199,202,202,195,194,196,207,209,209,209,209,209,209,209,209,209,212,212,212,212,212,212,212,212,212,212,212,209,209,207,204,199,196,194,196,199,202,204,204,204,207,209,212,212,212,209,202,194,202,212,212,209,212,222,230,241,248,125,115,215,233,241,241,241,243,243,246,243,241,241,235,212,198,204,217,228,233,235,238,241,243,238,235,235,235,238,241,243,246,248,254,254,255,254,251,248,248,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,225,191,118,79,69,95,118,129,103,0,0,0,0,108,92,59,27,27,69,103,103,92,79,61,100,0,0,0,0,0,0,0,0,255,255,255,255,254,215,199,199,199,163,121,105,105,113,113,113,121,131,131,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,77,69,77,87,87,95,116,139,170,0,0,0,235,235,228,238,255,0,255,251,235,228,209,183,173,173,165,142,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,124,95,69,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,103,95,87,85,87,95,103,100,0,118,150,157,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,246,230,255,163,108,0,0,0,0,0,0,0,0,0,0,0,0,0,155,90,14,0,0,0,0,0,0,0,0,0,0,137,95,40,51,0,0,0,0,0,0,0,113,98,90,61,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,48,27,15,27,72,82,64,40,40,53,40,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,69,165,189,191,207,191,142,144,170,186,194,196,199,199,217,228,230,220,212,212,202,199,204,235,255,255,255,254,222,165,57,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,217,209,152,152,220,255,255,255,196,173,189,191,191,189,144,33,0,0,0,0,0,0,0,0,0,1,35,31,65,134,113,19,9,23,37,13,0,0,31,63,83,139,160,160,168,155,105,101,85,85,157,178,181,181,181,181,176,173,173,173,173,176,176,186,191,196,194,186,186,186,186,191,191,194,194,204,196,178,170,163,121,170,155,178,209,225,196,85,41,59,85,65,13,13,55,85,71,33,16,16,25,53,73,111,113,113,129,129,111,67,65,67,65,47,35,29,23,0,0,0,0,41,59,65,63,65,75,83,118,134,150,157,163,163,118,0,0,0,53,73,67,61,63,73,75,69,57,47,53,77,87,69,47,45,55,61,69,69,67,71,89,126,85,66,64,69,81,95,142,99,91,85,85,81,83,89,103,150,155,163,160,163,160,157,160,168,170,157,139,89,88,129,150,157,139,134,133,144,142,95,71,61,63,79,87,73,53,57,83,134,103,101,139,107,100,105,163,181,178,170,163,152,152,155,157,155,155,160,160,160,157,152,152,147,147,106,107,152,160,157,152,142,131,131,129,129,124,116,113,118,124,126,126,134,137,0,0,0,0,165,0,0,0,0,0,212,209,209,199,176,137,103,53,27,1,0,0,0,0,0,0,0,0,0,0,0,0,19,55,118,0,170,163,155,163,160,142,93,87,85,79,71,77,91,107,160,178,191,204,209,222,222,209,207,199,181,133,131,131,139,207,233,243,248,248,251,254,255,255,255,255,255,255,255,255,254,246,230,215,186,115,99,99,89,65,53,51,45,31,25,21,20,19,25,31,39,43,45,49,49,51,51,49,45,45,51,72,66,39,17,0,0,0,0,0,0,0,0,0,0,0,0,9,15,17,25,17,7,0,17,25,25,21,15 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,189,191,189,186,183,176,168,163,160,157,157,163,176,183,181,177,176,178,181,181,178,176,176,165,163,165,176,181,186,191,191,183,178,173,172,172,172,173,178,189,191,186,178,178,181,178,181,183,183,178,178,181,183,194,199,199,191,21,0,0,0,0,0,0,0,0,139,191,183,165,150,134,94,94,137,160,168,173,176,178,181,183,183,183,183,183,181,178,181,186,196,209,233,97,0,0,15,157,160,163,160,157,157,156,157,160,163,160,117,115,115,117,119,163,173,183,178,170,173,178,181,176,170,170,170,165,125,168,173,176,176,170,125,117,110,111,123,168,129,127,170,176,178,189,199,202,199,189,185,186,189,183,183,189,191,186,182,183,191,202,207,212,212,212,211,212,215,217,225,230,230,228,209,191,194,204,189,131,137,196,207,215,225,230,235,238,238,235,225,212,209,204,189,141,141,189,196,196,194,194,194,194,194,194,199,199,196,194,192,194,199,199,196,196,202,212,212,207,202,199,202,202,196,196,202,204,202,199,199,199,186,126,124,127,127,115,106,111,129,137,137,135,135,133,132,135,199,222,233,238,235,225,217,217,225,225,209,194,186,141,141,186,189,189,191,194,194,194,191,189,191,194,194,191,194,202,202,196,191,189,191,196,202,204,202,199,199,202,207,209,209,202,196,196,199,199,194,191,191,191,192,192,192,194,199,207,217,228,233,220,131,123,125,129,131,135,135,134,137,189,191,143,139,141,194,202,202,204,209,215,215,199,143,143,199,207,207,204,204,202,202,202,204,204,202,199,199,202,199,196,196,196,204,207,199,196,196,196,199,204,212,217,215,209,207,212,222,228,225,222,222,225,225,225,225,228,230,230,230,230,230,230,233,238,241,241,235,228,212,202,194,145,140,138,141,204,207,204,209,215,212,204,204,204,202,199,202,202,196,194,191,187,187,194,202,199,196,202,217,228,217,202,195,199,209,209,202,141,112,110,119,194,209,209,204,207,215,215,204,189,143,189,191,191,196,196,191,189,186,139,138,138,141,191,186,139,186,212,125,127,186,189,186,139,129,128,228,238,241,233,199,189,207,212,204,202,204,196,178,168,85,85,157,228,202,55,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,109,204,202,204,212,222,230,230,233,241,254,243,225,217,228,238,235,228,222,217,222,217,222,222,215,204,195,199,204,209,209,198,170,165,198,200,202,209,209,204,202,204,207,209,212,212,209,209,207,204,202,202,204,207,207,209,217,225,230,233,233,230,228,228,228,228,228,230,230,233,233,235,235,233,222,204,137,137,194,204,207,212,209,207,225,230,222,212,215,225,215,212,215,212,207,199,196,196,207,217,225,228,225,222,217,215,204,204,209,215,212,212,215,212,212,209,209,212,212,212,209,212,217,225,225,228,225,220,217,225,225,212,204,225,238,225,209,217,230,230,233,235,235,235,230,209,208,222,143,100,199,217,215,215,212,212,212,212,211,211,212,215,217,215,212,212,215,217,217,222,230,228,212,211,215,217,217,228,215,209,212,228,230,225,212,209,212,215,225,233,233,225,151,133,133,141,215,228,225,215,204,145,149,207,215,217,225,230,225,204,189,195,215,225,220,212,211,211,212,215,228,233,235,235,238,238,238,235,233,230,233,235,238,233,215,182,225,238,235,235,230,222,222,222,222,225,233,241,241,238,233,230,228,228,230,228,230,235,235,233,230,233,235,238,235,233,230,228,228,228,225,225,225,225,228,233,238,238,228,115,85,149,230,230,209,203,207,217,217,212,212,215,222,228,230,233,235,235,233,231,233,235,235,235,235,233,231,233,235,235,233,229,228,228,229,230,233,241,238,228,212,209,222,230,228,228,228,225,222,222,217,212,215,217,222,215,207,204,209,215,222,228,228,228,225,222,217,217,222,228,230,228,225,217,216,216,216,217,222,225,222,215,216,222,228,233,235,235,235,235,233,228,230,233,233,230,228,225,222,222,222,228,230,230,228,230,233,235,241,241,243,241,241,238,238,235,233,233,238,235,235,241,243,243,241,241,238,235,233,233,233,233,233,235,233,225,218,218,225,230,230,230,230,230,233,233,233,233,233,233,233,233,235,235,238,235,233,233,233,235,233,230,230,230,230,230,230,230,230,230,230,225,222,217,217,217,215,212,215,212,209,212,215,215,215,213,213,215,215,215,217,222,225,225,228,228,228,230,233,235,241,241,238,235,233,233,230,230,230,230,230,230,229,229,230,230,228,225,222,222,222,220,217,217,217,217,215,215,215,212,209,209,209,204,199,194,194,194,194,196,199,199,199,199,202,202,204,204,202,202,204,207,209,212,212,209,207,205,207,209,207,204,203,203,204,207,207,207,205,205,207,209,212,212,215,212,209,204,204,207,207,209,207,207,204,204,204,204,204,204,204,204,204,207,212,212,212,212,209,209,207,209,209,212,212,209,207,207,207,204,204,204,207,207,207,207,207,209,212,212,209,209,209,209,209,209,207,207,207,207,207,207,207,207,207,209,212,215,215,215,215,215,215,215,212,212,209,209,209,209,212,212,212,212,209,209,207,204,202,199,196,199,204,204,202,199,202,207,209,209,209,209,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,207,204,204,199,196,194,194,194,196,196,199,202,204,207,209,212,212,212,212,202,147,194,199,194,149,212,228,233,241,246,130,110,212,230,238,238,238,241,243,243,243,246,246,238,212,202,205,217,230,233,233,233,238,238,238,235,233,233,235,238,243,246,248,251,254,254,254,254,251,248,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,191,152,103,77,69,87,103,103,87,0,0,113,126,129,108,82,59,41,74,92,82,47,51,61,118,0,0,0,0,0,0,0,255,255,255,255,255,255,225,207,207,199,163,121,105,105,105,105,105,113,121,121,113,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,105,121,150,170,0,207,217,217,207,207,217,235,0,251,238,228,217,199,173,165,173,173,142,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,129,113,95,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,118,103,95,87,79,85,90,90,85,85,103,118,150,165,204,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,155,111,0,0,0,0,0,0,0,0,0,0,0,0,0,139,85,40,5,43,0,0,0,0,0,0,0,0,160,92,53,77,0,0,0,0,0,0,137,131,108,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,13,0,0,61,98,100,72,27,25,38,33,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,39,157,181,183,196,160,75,77,144,186,194,196,196,204,228,228,220,209,209,212,207,207,228,251,255,255,255,255,209,142,57,25,31,49,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,207,235,217,151,220,255,255,255,215,181,202,235,255,243,173,27,0,0,0,0,0,0,0,0,0,0,0,0,57,165,173,81,37,11,0,0,0,0,0,7,49,83,105,160,168,91,68,85,87,93,152,170,173,183,189,189,183,181,173,168,165,170,183,191,191,189,181,176,178,178,183,191,194,194,199,204,186,176,183,186,194,204,196,222,241,212,107,29,25,37,142,163,19,13,43,71,65,53,29,18,21,47,71,73,73,73,73,67,65,53,47,41,41,37,33,25,3,0,0,0,116,129,111,111,75,67,79,118,129,142,147,150,163,150,73,5,0,13,79,81,61,47,55,73,79,73,57,41,41,55,77,75,63,61,63,63,69,75,77,89,95,97,89,69,66,75,87,134,142,95,87,87,85,83,85,95,150,170,178,178,178,170,165,160,165,165,168,157,139,88,85,95,152,163,147,139,139,137,91,71,55,49,55,69,79,73,67,83,144,152,142,105,142,107,103,147,178,194,176,168,157,148,148,155,163,168,160,160,152,152,150,150,150,147,109,106,107,152,157,157,152,139,99,97,95,93,121,118,121,126,126,131,131,129,137,137,0,0,0,163,163,0,0,0,0,207,209,202,191,163,129,103,53,25,0,0,0,0,0,0,0,0,0,0,0,0,1,27,53,108,152,163,152,144,152,155,144,93,87,83,77,77,85,103,155,170,183,196,209,222,230,230,222,202,189,131,122,119,121,135,204,233,248,248,248,248,255,255,255,255,255,255,255,254,254,254,248,235,215,186,152,99,99,89,61,51,51,45,31,25,25,19,19,23,37,45,45,43,43,43,43,43,43,39,43,49,66,49,37,17,0,0,0,0,0,0,0,0,0,0,0,0,0,9,17,23,27,17,17,17,23,21,13,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,178,189,183,176,165,157,155,157,160,163,165,173,183,183,181,178,181,178,178,176,176,173,165,163,168,178,178,181,189,191,189,183,181,181,178,176,176,178,186,191,189,183,183,183,183,183,186,183,178,178,181,186,196,202,199,53,0,0,0,0,0,0,0,0,0,85,173,178,165,147,137,99,97,137,152,165,173,181,183,183,181,181,179,186,189,181,178,183,189,191,204,217,215,29,0,47,97,168,170,170,173,168,157,157,160,119,115,115,115,117,119,121,165,173,183,176,168,168,173,176,176,173,173,170,165,125,168,178,186,189,181,170,123,119,117,117,119,123,170,176,178,178,183,194,199,194,186,183,185,191,194,202,212,209,191,186,189,199,207,209,209,212,212,212,212,215,222,225,228,228,222,204,189,186,189,135,129,135,186,194,199,209,222,228,230,233,230,222,212,207,199,189,189,196,204,204,196,192,194,199,199,196,194,196,194,190,190,192,202,212,204,196,195,202,209,209,207,204,204,209,207,194,191,194,202,202,199,196,191,135,125,125,129,129,131,137,199,209,217,225,209,196,130,129,135,199,217,230,235,233,225,212,209,212,212,202,189,186,189,141,140,141,141,189,196,199,191,182,168,172,191,194,190,191,199,199,191,189,189,191,194,196,199,196,196,196,202,207,207,199,191,191,194,199,199,194,194,194,194,199,202,199,196,199,207,217,228,233,217,128,123,126,133,135,139,139,141,191,199,199,191,141,141,191,199,199,199,204,215,217,209,196,194,202,207,204,204,204,204,202,199,199,196,196,196,199,196,195,195,195,195,199,202,196,196,196,196,199,202,204,204,204,204,204,209,217,225,222,217,222,228,228,230,233,235,235,235,233,230,229,229,230,235,238,235,230,225,207,196,194,145,141,142,202,217,209,204,202,202,196,196,202,207,207,202,199,196,194,196,199,199,196,202,202,196,195,196,209,215,209,196,195,202,212,209,202,143,110,110,199,233,230,212,203,204,217,215,189,137,139,189,191,194,196,194,186,137,136,139,141,139,139,133,105,90,90,127,104,106,119,129,135,137,134,136,212,233,235,228,199,199,228,228,215,209,212,204,178,168,103,91,91,83,75,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,157,181,176,189,217,215,215,220,220,220,228,233,233,235,235,235,233,235,238,235,230,230,228,225,228,230,230,230,228,225,228,228,228,233,228,222,207,204,204,200,200,202,202,200,202,207,207,209,212,215,215,212,207,202,200,203,209,212,212,212,215,222,228,230,228,225,225,228,228,228,228,230,230,233,235,235,238,233,217,207,199,209,207,207,207,215,215,209,212,212,207,212,225,230,215,212,212,209,202,194,191,191,196,207,215,215,217,222,222,217,215,209,207,209,212,215,215,215,215,212,209,209,209,208,207,209,222,228,233,233,225,217,222,230,230,196,137,202,228,225,217,228,233,230,233,235,230,230,228,209,209,212,73,46,109,215,212,212,222,222,217,215,212,212,215,215,217,217,215,217,217,222,225,230,235,228,211,211,222,222,225,235,225,215,217,228,228,217,212,212,212,215,222,230,230,225,204,136,136,145,217,222,212,209,207,196,202,212,215,209,209,217,217,209,204,209,215,217,215,212,215,217,215,222,228,233,235,238,238,238,238,235,235,235,238,241,238,230,205,176,225,238,235,233,228,222,220,222,225,233,238,243,241,238,233,230,228,230,230,230,230,235,238,238,235,235,238,238,235,230,228,225,225,225,228,228,228,228,228,230,233,230,202,66,55,137,225,230,209,204,209,222,225,225,222,222,222,225,228,230,233,233,233,231,233,235,238,238,238,235,233,233,233,233,230,229,228,230,233,235,238,243,238,222,208,205,215,228,228,225,225,225,225,225,222,222,222,222,225,228,228,222,217,222,225,230,230,230,228,222,217,215,217,222,225,225,217,216,216,217,217,217,225,228,217,213,216,217,225,230,235,238,238,235,230,228,230,235,233,230,228,220,220,220,222,230,233,233,230,230,233,235,238,243,243,241,241,241,238,233,229,229,235,238,238,241,246,246,243,238,235,233,235,235,238,238,238,238,233,222,218,218,225,228,230,230,230,233,233,233,230,230,233,233,233,233,235,238,241,238,235,233,235,235,233,228,228,228,228,228,228,230,233,233,228,222,217,215,215,215,212,212,212,209,207,207,209,212,215,215,215,215,217,217,222,222,225,225,225,228,228,230,233,238,241,241,238,235,233,233,230,230,230,230,230,230,230,230,230,230,230,228,225,222,222,222,222,220,220,217,215,215,212,209,209,209,207,202,191,190,190,191,194,196,199,199,202,204,204,207,207,207,204,204,204,207,209,212,212,209,207,207,209,209,209,207,204,204,207,209,209,207,207,207,209,212,212,215,212,209,207,204,204,207,209,209,209,207,207,204,204,207,207,204,204,203,203,204,209,212,212,212,212,212,212,212,215,212,209,207,207,207,207,207,207,207,207,207,207,207,207,209,212,212,209,209,212,212,209,209,207,209,209,207,207,207,209,209,209,212,215,215,215,212,215,215,215,215,215,212,209,209,209,209,209,209,209,209,207,207,207,204,196,194,194,199,204,207,207,204,204,207,207,209,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,209,204,199,199,196,194,194,194,194,194,194,194,196,202,204,207,209,207,209,209,202,147,145,143,137,139,215,233,235,238,241,137,109,207,230,238,238,238,241,243,243,243,246,246,238,217,204,207,222,230,233,233,233,233,235,235,235,233,233,235,238,243,246,246,248,251,254,254,251,251,248,254,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,173,131,95,77,69,69,69,61,61,0,95,118,142,142,124,100,74,66,69,51,33,31,41,67,142,0,0,0,0,0,0,0,255,255,255,255,255,254,207,191,191,183,155,121,105,98,98,87,87,98,105,105,87,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,121,139,0,181,191,199,191,191,191,199,220,238,248,238,220,207,191,173,163,173,0,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,108,129,139,129,113,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,105,103,92,92,85,77,72,74,74,69,69,85,100,118,147,165,186,178,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,252,255,255,255,255,255,255,139,118,0,0,0,0,0,0,0,0,0,0,0,0,0,134,100,74,59,77,121,124,92,100,0,0,0,0,168,100,77,126,0,0,0,0,0,116,139,142,118,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,105,98,38,0,0,13,25,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,144,168,168,181,124,51,54,129,170,189,189,191,207,217,220,209,199,204,212,212,212,241,255,255,255,255,255,196,79,37,25,45,71,81,9,0,0,0,0,0,0,45,65,0,0,0,0,0,31,186,251,254,251,255,255,255,255,212,189,230,0,255,255,173,0,0,0,0,0,0,0,0,0,0,0,0,1,63,155,147,69,37,1,0,0,0,0,0,5,55,83,91,150,152,68,54,71,91,95,113,163,165,170,176,181,176,173,165,121,165,173,183,191,186,178,168,123,117,123,170,186,204,204,196,199,191,186,209,225,225,217,195,207,241,222,107,34,29,59,168,204,15,7,27,51,51,61,71,25,25,59,77,61,47,41,35,43,47,41,33,30,30,35,41,25,15,11,33,79,150,160,150,129,79,73,85,129,142,142,142,142,150,142,69,41,47,73,85,79,53,42,47,67,73,75,67,47,42,47,61,69,71,75,75,77,75,81,93,152,157,147,95,85,83,87,97,144,142,95,87,91,89,89,89,105,163,183,191,186,178,176,176,165,160,163,168,157,139,88,85,95,157,170,155,139,137,129,77,61,49,49,55,59,63,61,57,71,137,142,103,142,150,142,105,150,178,194,168,160,150,147,148,155,168,170,168,152,147,111,107,107,107,109,109,106,144,152,157,152,142,101,95,93,93,87,87,121,129,137,139,139,134,131,137,139,0,0,157,163,155,155,0,0,0,202,202,194,181,160,137,111,63,27,0,0,0,0,0,0,0,0,0,0,0,0,13,31,49,75,142,150,144,139,150,155,150,131,91,83,81,87,101,115,163,176,183,202,212,225,233,233,222,207,186,131,123,121,123,135,204,235,248,248,248,254,255,255,255,255,255,255,254,254,254,251,248,238,215,191,155,105,97,85,59,51,49,43,31,29,23,21,23,29,43,51,47,41,35,35,35,37,37,37,41,43,47,43,31,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,23,29,29,23,23,23,17,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,147,150,59,0,0,137,152,157,173,168,173,178,181,181,183,183,178,176,176,173,170,165,165,176,181,177,181,189,191,191,194,194,191,186,181,176,178,186,189,189,183,186,186,183,186,189,183,178,178,183,186,196,207,89,0,0,0,0,0,23,43,51,15,97,23,131,155,155,144,137,101,95,103,147,160,168,181,186,183,181,181,181,186,191,183,183,189,189,194,199,199,173,67,55,83,152,173,181,186,189,181,173,168,160,115,114,117,117,117,121,163,165,168,165,123,123,165,170,173,170,170,165,125,125,165,170,178,186,189,186,181,170,123,121,119,117,123,176,181,176,176,176,186,189,189,186,186,189,194,204,217,222,212,194,191,196,204,209,209,209,209,212,212,215,217,222,225,228,222,209,196,199,196,133,127,129,133,139,189,185,183,209,215,217,222,217,209,202,196,191,191,202,217,222,207,194,190,191,202,209,204,199,196,194,192,191,196,209,215,207,198,198,207,215,212,207,204,209,217,215,199,190,190,196,199,196,196,196,186,129,131,139,139,189,204,217,228,233,235,233,228,207,204,207,207,212,225,233,230,222,207,202,199,199,194,189,191,196,194,141,139,139,189,196,202,199,183,177,191,207,199,191,191,196,191,183,186,191,194,196,199,199,194,191,194,199,202,196,189,186,187,189,194,196,196,196,196,199,204,207,202,195,195,199,207,222,225,207,139,129,135,139,139,189,191,194,204,209,202,191,141,141,189,196,202,204,207,209,212,209,202,199,204,207,204,204,207,204,199,195,195,195,195,195,195,196,196,196,195,195,196,196,196,196,194,194,196,196,191,145,196,199,202,204,212,215,215,217,222,228,225,230,235,238,241,238,235,233,229,229,230,235,235,233,225,217,207,202,202,196,194,202,209,209,199,194,196,196,192,192,199,207,204,202,199,196,196,207,215,215,215,215,212,202,196,196,202,204,202,199,199,204,209,209,204,196,111,107,202,238,228,207,204,207,209,199,138,136,141,196,199,196,194,189,137,133,133,139,191,191,141,133,121,108,119,111,87,107,125,137,139,183,137,183,202,217,222,202,183,194,222,225,209,204,207,204,186,165,155,142,87,56,69,13,0,0,0,0,0,0,0,0,0,0,0,0,0,150,199,217,212,207,212,220,222,222,220,217,220,225,230,230,228,225,228,230,233,233,230,225,224,224,228,233,235,235,235,233,235,235,233,235,238,238,235,228,217,215,209,200,198,200,209,212,207,207,215,217,215,215,212,207,203,204,209,215,217,215,215,215,217,225,222,212,207,212,222,225,225,225,225,228,230,233,235,235,230,217,209,207,207,207,207,209,212,209,199,192,190,196,215,225,217,209,209,212,209,204,199,196,194,189,191,199,207,212,217,222,222,222,215,204,204,209,215,217,225,225,215,209,209,209,208,208,212,222,230,233,233,228,220,222,228,228,141,53,145,215,129,144,225,233,235,233,233,233,230,225,212,204,145,58,45,107,209,212,215,228,230,228,215,211,217,225,222,222,222,222,222,222,225,230,235,235,225,209,208,217,222,217,225,228,222,222,225,225,217,212,212,215,217,222,225,230,230,222,204,199,209,222,217,212,209,209,212,217,222,209,199,200,209,217,217,217,222,222,222,222,222,225,225,222,225,230,233,235,238,238,238,235,233,233,235,241,243,241,230,203,203,215,230,233,228,222,220,220,225,233,235,238,241,238,233,228,226,226,230,233,230,230,233,238,238,235,235,238,235,233,228,225,225,225,225,228,230,230,230,228,228,225,212,69,39,52,137,217,222,212,212,217,225,228,230,228,228,225,225,228,230,233,233,231,231,233,235,238,241,243,238,233,230,233,230,229,229,230,233,238,238,241,243,235,222,211,211,215,222,222,217,215,215,217,217,217,225,228,225,225,230,230,225,220,222,228,233,233,228,225,222,215,213,215,222,222,222,217,216,222,222,217,222,228,230,222,215,215,217,225,230,235,235,235,230,228,228,230,233,235,233,230,228,222,225,228,230,233,233,233,233,235,235,238,241,241,238,238,238,238,230,228,229,233,241,241,241,246,246,243,238,233,230,233,235,241,243,241,238,233,225,220,220,225,228,230,230,233,235,235,235,230,230,230,230,233,235,235,238,238,235,235,235,235,233,230,228,228,228,225,225,225,230,233,230,225,222,217,215,215,215,212,212,209,207,207,205,207,209,215,215,215,217,217,225,228,228,228,225,225,225,228,230,233,235,238,238,235,235,233,230,230,228,230,230,233,233,233,233,233,233,230,230,228,225,225,225,225,225,225,222,217,212,209,209,207,207,204,199,191,189,189,194,196,196,199,202,204,207,207,209,207,207,207,207,204,207,207,212,212,212,209,207,209,209,209,209,209,212,212,212,209,209,209,212,212,212,212,212,209,207,207,204,204,207,209,209,209,207,207,204,204,204,207,207,204,203,203,204,209,212,212,212,212,212,215,217,217,212,209,207,207,207,207,207,207,207,207,207,207,207,207,209,209,209,208,209,209,212,209,209,209,209,209,209,209,209,212,212,212,212,212,212,212,212,212,212,215,215,215,215,212,209,208,208,209,209,209,207,207,207,204,199,194,194,196,204,209,209,207,207,207,207,209,209,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,207,202,196,194,194,194,194,196,196,194,192,192,194,196,199,202,202,202,204,204,199,147,145,139,132,134,222,235,235,238,233,147,116,133,241,238,237,243,243,241,241,243,243,246,243,230,215,212,217,228,230,230,230,230,233,233,233,233,235,235,241,243,246,244,246,248,254,254,251,251,251,254,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,165,113,85,69,61,53,43,43,43,61,79,100,118,118,111,90,66,39,41,32,31,33,59,118,173,0,0,0,0,0,0,255,255,255,255,255,255,207,183,173,173,168,152,131,105,98,87,79,79,79,79,72,64,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,137,160,0,181,181,181,176,191,209,230,238,235,217,199,170,163,163,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,103,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,85,77,85,79,69,59,46,35,33,46,66,85,100,108,108,108,116,126,157,0,0,0,0,0,0,0,255,255,255,255,255,255,255,252,255,255,255,255,255,176,111,116,0,0,0,0,0,0,0,0,0,0,0,0,0,168,139,103,92,108,139,108,87,139,0,0,0,217,168,108,111,0,204,207,207,0,0,100,139,155,131,92,0,0,0,0,0,0,40,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,105,72,17,0,0,0,30,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,129,147,124,98,53,50,54,91,155,183,189,194,199,207,202,194,191,196,204,207,212,243,255,255,255,255,255,207,57,11,19,51,85,168,168,0,0,0,0,0,0,57,142,111,71,43,49,75,124,173,235,255,254,255,255,255,255,248,0,0,255,255,255,147,0,0,0,0,0,0,0,0,0,0,0,0,0,5,55,69,47,29,1,0,21,147,202,199,168,150,139,99,91,71,60,60,71,91,107,152,163,157,111,93,93,113,115,113,113,170,178,183,183,176,125,117,113,97,97,117,178,196,204,204,204,207,222,246,255,248,212,192,204,255,254,168,77,51,91,142,31,0,0,23,45,43,51,165,126,65,67,105,59,27,27,33,41,47,47,37,35,37,47,49,53,53,65,111,142,150,160,157,129,111,83,118,131,142,142,129,131,142,118,59,49,67,113,118,85,63,47,53,61,61,67,69,57,49,49,61,71,77,81,81,83,87,93,144,165,170,165,147,101,101,101,101,103,142,142,99,97,97,97,99,147,170,191,196,186,178,176,176,165,160,163,170,163,144,97,88,101,165,173,155,139,147,137,71,49,49,55,57,59,53,44,41,47,71,97,103,139,147,147,107,144,157,168,160,146,144,148,157,163,170,170,160,147,109,109,107,105,107,106,107,144,144,152,150,137,95,87,87,87,85,85,87,126,137,144,147,142,137,137,137,134,137,0,155,163,163,155,0,0,0,199,199,183,160,150,137,126,98,37,0,0,0,0,0,0,0,0,0,0,0,0,25,45,65,81,126,139,139,142,150,157,155,139,93,91,93,105,155,163,163,176,194,209,212,225,233,230,228,207,196,186,131,125,123,135,202,233,248,248,254,255,255,255,255,255,255,255,254,252,255,255,248,233,215,191,163,103,91,81,65,49,43,39,31,23,17,15,23,33,47,53,47,37,27,23,27,35,37,41,41,43,47,41,29,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,19,23,23,23,23,15,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,163,165,165,170,176,176,178,183,183,181,176,176,173,170,170,173,181,183,181,183,186,189,191,196,202,199,191,183,178,178,183,186,183,181,181,186,186,189,191,189,178,173,178,183,191,87,0,0,0,0,0,0,89,134,168,176,202,61,85,97,142,150,150,95,74,80,103,152,168,181,186,181,178,183,186,189,191,191,199,204,199,194,189,181,165,109,99,150,173,186,189,194,194,189,183,178,170,157,157,163,163,163,163,163,163,123,117,115,119,125,168,170,168,165,125,165,168,173,178,181,183,186,183,181,173,168,168,127,119,119,170,178,178,173,170,176,181,183,194,196,196,202,209,217,217,209,202,199,204,209,209,209,209,207,207,209,215,217,222,228,230,225,189,189,225,225,127,122,125,131,139,186,185,186,202,207,207,194,194,202,202,194,190,196,212,228,225,209,194,190,191,204,217,215,209,209,204,196,196,204,209,212,209,202,202,209,222,222,212,207,212,225,222,202,190,190,194,196,194,194,194,141,131,135,191,196,204,215,225,230,235,241,241,235,228,225,222,215,209,215,222,222,215,202,194,191,191,194,196,207,215,207,191,139,139,189,202,207,204,194,196,217,222,204,194,191,191,139,136,189,199,202,202,199,196,194,189,189,194,196,191,186,186,187,191,191,191,194,196,196,196,202,202,196,195,196,196,199,204,207,196,189,143,191,191,143,189,196,209,222,217,207,194,143,141,143,194,204,209,212,209,207,207,204,202,207,207,207,207,207,202,196,195,196,199,196,196,196,196,199,204,204,202,199,196,199,199,196,191,191,191,143,142,144,194,199,204,204,207,209,212,217,222,225,228,233,235,235,238,238,235,233,230,229,230,233,230,225,207,207,215,215,202,196,202,202,194,141,140,191,199,196,194,196,202,204,202,202,199,204,212,225,228,228,228,225,217,209,204,202,204,207,207,204,204,204,202,196,191,125,121,199,222,212,194,194,207,209,202,140,137,143,199,199,194,189,141,137,136,141,196,196,196,199,191,141,196,202,131,105,141,204,209,207,204,196,199,204,194,177,166,165,177,207,209,199,191,194,194,183,173,176,176,150,99,139,91,3,0,0,0,0,0,0,0,0,0,0,63,178,212,228,228,215,207,209,217,222,222,217,215,217,222,228,228,225,225,225,228,230,228,228,225,224,225,228,233,238,235,235,235,235,235,235,235,238,238,238,233,228,222,215,204,199,202,212,215,212,212,217,225,222,215,212,207,204,207,217,222,222,217,217,222,225,225,217,207,204,205,212,215,215,215,217,220,222,225,228,228,225,215,212,209,207,207,209,212,212,204,196,192,191,196,209,207,198,198,204,212,215,217,217,217,215,183,186,194,204,215,217,215,212,212,209,202,198,209,217,222,217,217,209,204,207,209,209,212,215,222,228,233,230,228,225,225,228,217,58,42,143,147,133,145,217,233,235,235,233,233,233,228,212,202,149,109,98,196,209,209,215,228,230,228,215,215,225,230,225,222,222,222,222,222,228,233,235,233,222,208,208,215,215,212,215,222,217,217,217,215,211,211,215,222,217,215,220,230,233,225,212,209,215,225,222,212,212,215,225,230,228,212,204,204,209,215,220,222,225,225,222,225,228,230,228,228,228,233,235,235,235,238,235,233,230,230,233,238,241,238,228,207,205,215,230,233,228,225,222,225,233,238,238,235,235,233,228,226,226,226,230,233,233,230,233,235,235,233,233,233,233,230,225,222,220,222,228,230,230,230,228,228,225,204,87,67,69,117,143,212,217,215,222,228,228,230,233,233,233,230,230,233,233,233,233,233,233,233,235,238,241,241,235,230,229,230,230,229,230,233,238,238,238,238,241,238,228,217,217,222,217,212,207,204,204,205,209,215,225,228,225,225,225,225,225,222,225,228,233,233,228,222,217,215,215,217,222,222,222,217,217,225,225,222,222,228,230,228,217,222,225,230,233,235,233,233,228,226,226,228,233,235,235,235,233,230,228,230,233,235,235,235,235,235,235,235,238,238,235,233,233,230,229,229,230,238,241,241,241,243,246,241,235,230,230,233,235,241,243,241,235,230,225,225,225,228,228,230,230,233,235,235,235,230,229,229,230,233,235,235,235,233,233,230,233,233,233,230,228,228,228,225,222,225,228,230,228,225,222,220,217,217,217,217,215,212,209,207,205,207,207,212,215,217,220,225,228,230,230,228,225,225,228,228,230,233,235,238,235,235,233,233,230,228,228,228,230,230,233,233,233,233,233,233,230,230,230,228,228,228,228,225,222,217,212,209,207,207,207,204,202,196,191,191,196,202,202,202,204,207,207,209,209,209,207,207,207,204,204,204,209,212,212,209,207,207,207,207,212,217,220,217,212,209,209,212,212,215,212,212,209,207,207,207,204,207,207,209,209,209,207,204,204,204,207,207,207,204,203,203,207,209,212,212,212,212,212,215,217,217,212,209,207,207,209,209,209,209,209,209,207,207,207,207,209,209,209,208,209,209,212,209,209,212,212,212,209,209,212,215,215,215,215,215,215,212,211,211,212,215,215,215,215,212,212,209,209,209,209,209,209,209,207,202,196,194,196,202,207,212,209,209,207,207,209,209,212,209,209,209,212,212,212,212,212,212,212,212,212,212,209,209,209,212,207,199,194,194,194,194,194,194,196,194,192,192,192,194,194,196,196,196,202,204,199,196,194,141,130,131,209,230,235,235,230,199,121,129,238,238,238,241,238,241,241,241,243,248,248,238,225,217,222,225,225,228,228,228,228,230,230,230,233,235,241,243,246,244,246,248,254,254,254,251,251,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,121,85,56,53,53,43,43,43,53,61,72,77,85,85,74,45,32,30,31,31,41,95,144,191,0,0,0,0,0,255,255,255,255,255,255,255,217,183,173,170,168,160,160,144,113,98,79,72,72,72,72,64,64,72,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,152,160,170,181,176,191,207,228,230,230,217,191,170,159,163,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,0,0,0,95,69,61,69,69,48,27,25,13,11,25,56,85,108,111,108,104,105,124,155,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,118,105,111,173,0,0,0,0,0,0,0,0,0,0,0,0,196,176,147,147,176,225,194,157,183,204,225,225,178,150,131,142,178,196,199,199,0,105,72,131,160,118,85,0,0,0,0,0,0,0,77,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,95,124,92,30,0,0,1,0,25,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,105,57,49,47,61,61,48,63,191,209,189,189,189,176,170,176,194,202,204,204,235,255,255,255,255,255,228,35,0,0,39,81,160,168,29,0,0,0,0,0,0,65,65,73,152,157,79,113,173,207,209,220,246,255,255,254,254,0,0,255,255,230,147,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,21,13,9,17,150,202,233,228,204,183,165,99,70,64,64,68,77,91,152,170,170,111,87,87,95,113,113,113,113,165,165,115,121,121,115,115,99,89,85,91,123,186,204,212,212,222,246,255,255,255,238,204,225,243,222,160,87,71,91,75,0,0,0,13,27,27,23,57,111,75,67,71,59,32,29,33,47,59,59,53,49,55,61,65,67,67,75,124,150,160,144,118,79,79,113,129,131,131,129,131,131,124,73,35,35,65,124,134,116,53,46,67,69,53,45,55,55,55,55,63,77,83,83,83,83,87,93,144,165,178,176,165,157,157,155,147,144,152,147,107,150,150,150,147,155,170,191,199,186,178,176,176,170,160,163,170,170,152,101,89,134,163,165,150,139,147,99,61,44,47,55,59,59,53,44,39,44,65,91,103,139,147,142,105,105,107,152,155,147,147,152,165,168,170,165,155,147,144,144,109,107,107,107,147,144,144,142,103,95,83,79,79,79,81,85,91,129,142,150,163,142,137,137,137,134,137,144,163,170,163,152,139,0,183,199,202,181,152,129,126,118,105,47,1,0,0,0,0,0,0,0,0,0,0,9,37,59,71,83,126,142,142,142,150,157,157,139,101,103,105,147,163,168,168,181,202,222,222,222,228,230,228,220,199,186,135,125,123,133,202,230,248,248,254,255,255,255,255,255,255,255,255,255,255,255,248,233,215,191,163,107,91,73,63,49,39,31,23,17,7,7,21,27,41,47,41,27,21,21,23,29,37,43,47,61,61,41,29,21,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,15,15,21,21,15,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,168,163,163,168,176,176,178,181,186,183,178,173,170,170,173,176,181,183,186,189,189,186,189,194,199,196,189,183,178,178,181,181,181,176,176,186,189,191,194,191,178,163,150,91,41,0,0,13,71,61,0,0,142,165,181,186,194,152,93,93,134,160,181,101,66,76,103,152,168,178,178,176,176,183,189,194,196,204,207,202,196,186,168,165,165,165,163,170,181,194,196,196,194,189,189,189,186,176,173,176,176,176,173,163,119,117,115,114,117,125,165,165,125,125,125,170,178,183,186,183,181,181,178,178,173,173,181,178,123,115,119,129,176,173,170,170,178,189,202,204,204,202,207,209,209,207,207,209,209,212,212,209,207,205,205,209,215,217,222,230,233,228,121,129,215,222,131,123,127,137,186,191,196,202,191,199,202,139,141,199,207,202,196,202,215,225,225,212,199,191,190,199,215,217,215,215,207,199,202,209,212,207,204,204,204,209,222,225,215,207,209,222,217,202,191,190,194,196,196,194,191,141,135,141,202,212,217,222,225,228,233,238,241,235,233,233,230,217,207,204,207,209,204,196,189,187,189,196,209,225,230,217,196,140,140,194,209,212,207,202,209,228,228,204,191,189,186,135,135,189,204,204,199,196,196,191,187,187,189,194,191,187,189,194,194,191,190,191,196,199,199,196,195,195,196,199,199,194,191,191,191,194,207,217,209,194,191,204,225,230,228,217,204,194,143,143,191,202,212,212,209,207,212,209,204,207,209,207,204,207,202,196,196,199,204,204,202,199,199,207,215,217,209,202,199,199,202,204,199,196,196,191,145,145,194,199,202,199,196,199,204,207,215,222,225,233,235,235,233,235,235,233,230,229,229,233,230,217,196,202,215,209,194,191,194,194,144,138,137,145,204,204,195,194,199,204,204,207,207,212,225,233,233,230,230,230,230,225,215,207,209,212,209,202,199,199,194,143,141,143,191,199,202,194,189,189,209,215,207,143,138,141,194,196,194,189,189,189,194,207,207,194,194,204,196,141,209,222,199,186,207,225,230,230,230,225,217,215,199,177,168,168,181,199,199,189,182,183,189,186,186,194,204,191,163,150,144,142,39,0,0,0,0,0,0,0,0,1,183,225,233,238,228,212,207,212,220,225,220,215,213,215,222,228,228,225,225,228,228,228,230,228,228,228,228,230,235,235,235,235,235,235,235,233,233,235,235,235,233,230,225,217,207,204,202,207,209,209,215,222,225,222,215,207,202,202,207,215,222,217,217,222,225,228,228,222,212,205,207,212,212,209,209,212,212,212,215,215,215,215,209,209,209,209,209,212,215,215,207,199,195,196,204,204,198,195,196,204,215,225,233,235,235,233,186,189,196,209,217,215,199,141,147,194,199,198,209,222,225,196,122,122,135,199,212,215,217,217,222,225,228,228,225,225,225,225,139,25,36,191,147,146,209,225,233,235,235,235,235,235,230,215,204,199,199,204,212,209,202,204,212,217,215,212,217,225,222,215,213,215,222,222,222,225,230,233,230,220,211,209,212,212,211,212,215,215,215,215,212,211,212,222,228,222,215,217,225,225,217,215,215,222,228,225,217,212,217,228,233,228,217,215,215,212,215,222,222,225,222,222,222,225,228,225,225,228,230,233,235,235,235,235,233,230,229,230,233,235,230,222,207,207,217,230,235,233,225,225,228,233,238,235,233,230,230,228,228,228,230,235,238,235,233,235,235,233,230,229,229,230,228,225,220,220,222,228,230,233,233,233,230,217,123,81,83,147,202,202,215,222,222,228,233,233,233,233,233,233,233,235,233,233,233,233,235,233,233,235,238,238,238,233,230,229,229,229,230,230,235,235,233,233,235,238,235,233,230,228,225,215,207,204,203,203,204,207,217,225,225,222,215,212,215,225,228,225,225,230,233,228,225,222,222,225,225,225,225,225,222,225,225,228,225,222,225,228,228,225,228,233,235,238,235,233,233,230,228,228,228,230,233,235,235,235,233,230,228,233,235,238,235,235,235,235,235,238,235,233,230,229,228,229,233,238,241,241,241,241,243,241,235,230,228,228,230,235,238,238,235,230,228,225,228,228,228,228,228,230,233,233,235,233,230,229,229,230,233,233,233,230,230,229,229,230,233,233,230,228,228,228,222,221,222,228,228,225,222,222,222,220,220,222,222,220,215,212,209,209,207,207,209,212,217,222,225,230,233,233,228,225,225,228,228,230,233,235,235,235,235,235,233,230,228,225,228,230,230,230,233,233,233,233,233,233,233,230,230,228,228,225,225,222,217,212,209,207,207,207,204,204,202,199,199,202,204,207,207,207,209,209,209,207,207,207,207,207,204,203,204,207,209,209,209,207,205,205,207,212,222,222,217,212,208,208,209,212,215,212,209,209,207,207,204,204,207,207,209,209,207,207,204,202,204,207,207,209,207,204,204,207,212,215,215,212,212,212,215,215,215,212,212,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,209,212,212,209,209,212,212,212,212,212,215,217,217,217,217,217,215,215,212,211,212,215,215,215,212,212,212,212,212,212,212,209,209,209,207,199,194,194,199,204,209,212,212,212,212,212,212,212,212,209,209,209,212,212,212,212,212,215,215,212,212,212,209,209,209,209,204,199,194,194,194,194,192,192,194,194,194,194,196,196,194,194,194,196,202,204,204,202,199,147,132,133,204,225,233,233,233,220,129,129,215,235,241,238,238,241,241,241,243,248,248,243,230,222,217,217,217,222,225,225,228,228,228,228,230,235,238,243,246,246,248,251,254,254,254,254,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,87,53,38,61,85,77,61,61,77,82,77,69,64,56,32,30,30,30,33,47,103,173,0,0,0,255,255,255,255,255,255,255,255,255,243,207,191,181,183,191,183,181,173,152,121,98,79,72,72,72,72,64,72,79,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,160,0,0,183,194,207,215,228,217,207,191,163,159,159,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,113,113,0,0,87,61,48,48,48,25,7,7,7,11,17,56,90,111,116,111,108,116,139,173,0,0,0,235,246,255,255,255,255,255,255,255,246,238,255,255,255,255,255,255,163,134,152,186,0,0,0,0,0,0,0,0,0,0,0,0,235,228,215,235,255,255,255,255,243,196,160,147,108,129,134,150,173,191,204,207,168,82,65,139,168,118,100,0,0,0,0,0,0,0,116,64,0,0,0,0,0,0,0,0,0,0,0,0,17,35,69,108,131,124,72,0,0,13,40,25,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,82,53,50,50,75,71,45,54,209,230,191,176,168,156,156,170,194,202,196,194,207,243,255,255,255,254,233,150,0,0,0,37,71,142,139,85,0,0,0,0,0,0,27,19,53,29,0,23,121,150,157,186,196,220,241,241,246,255,255,255,235,165,79,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,81,191,225,228,225,209,194,170,99,70,71,79,91,105,147,152,152,101,73,73,101,181,181,173,168,165,105,49,21,63,105,121,125,115,91,84,84,99,176,204,217,217,222,241,255,255,255,241,212,202,160,107,147,93,71,77,33,0,0,0,15,23,23,21,33,71,116,108,65,51,45,35,33,41,51,59,59,59,65,73,77,77,77,81,118,144,150,129,65,41,53,81,129,121,118,121,131,129,79,41,25,31,75,150,150,79,38,37,67,79,47,29,31,45,55,61,71,81,87,83,83,83,83,87,131,165,181,173,157,147,157,160,163,163,163,157,152,163,168,165,160,157,170,191,199,186,176,176,178,173,165,163,176,170,152,95,85,101,157,157,147,147,144,89,49,42,44,53,59,59,57,47,45,51,75,103,142,142,142,105,101,99,101,109,150,157,157,160,165,163,165,160,160,152,150,150,144,107,107,142,144,144,139,103,95,85,77,71,69,75,79,85,121,134,144,150,150,142,137,137,137,134,137,155,163,170,163,137,131,152,183,202,207,189,152,121,111,108,100,47,7,0,0,0,0,0,0,0,0,0,0,21,51,69,69,77,124,152,152,142,142,147,150,142,139,144,147,157,168,173,176,194,209,225,225,222,228,228,222,207,189,131,121,113,117,127,191,222,241,246,251,255,255,255,255,255,255,255,255,255,251,251,246,235,220,191,170,144,89,71,63,49,37,25,15,7,7,5,13,27,27,27,19,13,9,13,19,29,39,45,64,69,64,41,33,23,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,21,21,5,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,160,160,168,176,178,181,183,186,183,176,169,168,168,170,176,178,183,189,191,189,186,186,189,191,191,186,181,178,176,178,178,176,174,174,183,189,189,191,186,168,152,105,77,0,0,59,165,160,155,79,55,160,173,178,178,181,176,147,134,139,165,194,170,82,101,155,155,163,170,170,170,170,173,181,194,199,212,202,181,181,163,147,155,163,168,168,173,183,194,199,199,191,187,191,196,196,189,183,181,183,186,181,123,113,115,117,119,119,123,125,121,121,121,125,173,183,189,189,183,183,181,181,181,176,178,183,183,127,115,111,113,125,127,170,176,189,202,209,212,207,199,194,194,199,204,212,215,212,212,209,209,207,207,207,212,215,215,222,230,228,207,122,126,139,199,189,139,186,191,194,202,217,228,125,135,202,141,138,191,204,204,202,207,212,217,217,209,199,192,190,196,209,209,209,209,204,199,204,217,215,202,200,204,209,209,212,215,209,202,204,215,212,202,194,194,199,204,204,199,196,194,194,202,215,225,228,225,225,225,230,238,238,233,228,228,228,217,204,199,199,199,196,191,189,187,189,199,215,230,230,217,199,191,191,204,222,222,204,199,207,222,217,199,189,189,186,136,135,186,196,194,191,191,196,194,191,189,191,196,194,191,196,199,196,191,191,196,202,202,202,199,196,196,199,202,204,199,194,191,194,204,225,233,225,207,202,215,228,233,233,225,207,191,143,143,191,196,204,207,207,209,215,215,212,209,207,203,204,207,207,202,199,204,209,209,204,202,202,209,217,222,215,207,199,199,209,222,217,209,212,215,212,207,199,202,199,195,194,196,194,191,202,209,220,230,238,233,225,225,233,235,233,230,235,235,228,207,196,194,196,194,144,145,194,196,202,145,142,194,204,204,196,194,199,204,204,209,217,228,233,238,235,233,230,233,233,233,225,217,215,215,209,199,196,196,194,143,189,204,217,212,199,191,190,192,215,225,215,191,138,139,189,191,194,194,196,199,209,222,215,194,194,199,139,131,139,215,215,207,215,230,233,235,238,235,230,228,215,194,178,181,194,202,196,186,182,183,186,189,194,204,215,207,176,155,168,199,134,0,0,0,0,0,0,0,0,61,228,233,238,238,230,220,215,222,225,225,222,215,213,215,222,228,228,228,228,228,228,230,230,233,233,233,233,233,235,235,235,233,233,233,233,233,235,235,235,233,230,228,225,217,215,212,207,202,202,209,215,217,222,222,212,202,149,196,202,209,212,212,212,222,225,228,225,222,215,215,217,222,215,209,209,209,209,207,204,202,202,204,204,207,209,209,212,215,215,212,207,199,199,202,207,204,202,199,204,217,228,233,238,238,235,233,212,207,209,215,222,217,149,137,136,138,202,207,215,217,222,145,99,111,127,199,212,217,222,222,225,222,222,225,228,225,212,196,63,15,48,196,204,212,225,230,233,235,235,235,238,238,233,222,207,202,204,212,215,207,200,199,200,207,207,207,217,217,212,211,212,215,215,217,217,222,228,230,228,222,215,215,215,212,212,215,215,215,217,217,215,215,225,233,230,222,215,217,217,212,213,217,222,225,230,230,222,212,212,225,228,222,217,222,222,217,217,220,215,217,222,217,215,215,217,222,222,222,228,230,235,235,235,235,233,230,229,230,235,235,225,209,156,207,222,233,235,233,228,225,230,233,233,233,233,233,233,233,233,233,233,241,243,241,238,238,238,235,230,229,229,230,230,230,225,220,222,225,230,233,235,238,235,147,117,113,139,151,202,209,222,228,230,233,233,233,233,233,230,230,233,235,233,233,230,233,235,235,233,235,238,238,235,233,230,230,230,230,230,233,233,233,230,228,230,233,233,233,230,230,225,215,209,207,207,207,207,212,228,228,222,209,204,207,215,225,228,225,224,228,230,230,228,228,230,230,230,230,230,228,228,225,225,225,225,225,225,225,225,225,228,233,238,238,235,235,235,238,233,230,230,233,233,233,235,235,233,230,228,233,238,241,238,235,235,235,235,238,235,230,229,229,228,230,238,243,243,241,241,241,238,233,225,222,225,228,233,235,235,235,230,228,225,225,228,228,226,226,228,230,230,233,233,233,233,230,229,230,230,230,230,230,229,229,229,230,230,230,228,225,225,225,221,220,222,228,228,222,217,217,217,217,220,220,217,217,212,212,212,212,212,209,209,212,217,222,225,230,230,230,228,225,225,225,228,230,233,235,238,238,235,235,233,230,228,225,228,230,230,233,233,233,233,233,233,233,233,233,230,228,225,222,220,217,217,215,209,209,207,207,207,207,207,204,204,204,207,209,209,209,209,209,207,207,207,207,207,204,204,203,203,204,207,209,209,207,207,207,209,212,217,220,217,212,208,208,209,212,212,212,209,207,207,207,204,204,207,207,209,209,209,207,204,202,202,204,207,207,207,207,207,209,212,215,215,215,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,209,209,207,207,207,207,209,209,212,212,209,209,212,212,212,212,212,215,217,217,217,217,217,217,215,212,212,212,215,215,215,212,212,212,215,215,215,212,212,209,209,204,196,192,194,199,204,209,212,212,212,215,215,212,212,209,209,209,209,212,212,212,212,212,212,212,212,212,212,209,209,209,207,202,194,192,192,194,194,192,192,194,196,196,199,199,199,199,196,196,199,204,207,207,204,202,194,138,139,209,225,230,233,235,235,137,129,137,230,238,238,241,241,241,238,241,243,246,243,233,222,216,216,216,216,222,225,228,228,225,225,228,233,238,243,246,248,248,251,254,255,0,0,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,77,0,0,0,79,56,35,35,0,150,129,103,95,103,108,100,77,56,37,31,31,33,51,95,121,186,0,0,0,255,255,255,255,255,255,255,255,255,243,191,173,173,191,215,228,217,202,176,152,129,105,87,79,79,79,72,64,64,72,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,0,0,189,191,199,202,207,207,199,181,163,157,163,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,0,92,108,98,90,90,103,103,0,79,69,48,35,46,33,17,5,7,7,11,17,64,100,116,116,111,108,116,139,168,0,220,220,217,254,255,255,255,255,255,255,255,217,225,251,255,255,254,251,251,228,212,202,183,178,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,186,82,30,37,108,152,160,178,199,220,222,168,100,87,168,194,160,131,111,0,0,0,0,0,0,116,61,0,0,0,0,0,0,0,0,0,0,0,0,25,59,79,95,121,124,98,22,5,25,33,17,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,105,90,57,98,111,111,118,157,215,225,204,176,160,151,156,170,196,194,187,187,202,235,254,254,246,246,254,215,0,0,0,37,71,147,199,181,67,0,0,0,0,0,11,3,0,0,0,9,9,9,61,207,163,155,199,228,246,255,255,255,199,124,49,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,183,199,207,198,199,209,204,173,91,71,77,99,160,168,160,91,71,79,61,62,111,189,189,183,199,101,29,0,0,49,121,183,183,176,111,88,85,93,125,196,209,209,202,209,246,251,246,217,186,99,61,77,160,160,89,89,33,15,11,23,27,23,21,17,33,108,147,126,41,22,33,45,41,31,41,51,59,67,77,113,113,113,113,113,113,126,129,79,37,15,29,75,118,85,79,85,118,79,47,24,24,53,131,163,129,59,37,37,53,67,33,26,26,37,55,63,77,87,89,87,87,87,83,83,101,165,168,150,95,91,101,155,163,173,178,173,168,176,183,183,173,165,170,189,199,189,176,176,178,176,168,173,170,165,107,87,85,137,157,157,147,139,137,91,59,44,47,53,63,63,63,57,57,65,91,142,150,150,107,105,99,97,98,105,150,165,170,168,163,163,163,160,160,152,150,150,107,101,103,139,147,147,103,91,81,75,69,61,61,69,79,85,121,129,134,139,139,131,137,137,137,137,142,157,170,170,155,129,124,139,183,202,207,189,152,121,108,100,92,43,5,0,0,0,0,0,0,0,0,0,7,37,71,108,81,113,144,173,160,139,134,134,142,142,144,155,163,168,168,176,183,199,222,228,228,222,222,222,217,204,183,121,111,109,110,119,139,212,230,246,251,255,255,255,255,255,255,255,255,255,246,241,238,230,220,202,170,144,93,79,65,49,37,27,15,7,0,5,5,13,13,5,0,0,0,0,13,21,33,39,59,61,59,41,33,25,19,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,21,13,5 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,157,170,176,181,183,183,183,181,176,169,169,169,173,176,178,181,186,189,186,186,186,186,186,186,181,178,176,176,176,176,176,176,176,181,183,186,183,165,111,111,111,107,35,27,150,173,173,173,103,95,191,183,181,181,181,176,165,157,157,165,186,183,157,160,163,144,155,163,168,168,165,163,152,170,168,111,83,93,157,108,105,109,155,155,157,168,181,194,199,196,189,187,191,196,196,191,183,181,181,189,186,163,111,113,119,121,121,121,121,119,119,121,165,173,183,186,183,181,181,186,189,189,183,178,178,176,168,119,110,109,113,121,170,181,199,209,215,215,207,194,181,178,189,204,212,212,212,212,209,209,209,209,212,215,215,215,225,228,217,194,136,135,186,199,202,196,196,196,199,207,217,230,122,130,196,139,132,131,138,194,202,204,209,212,209,204,199,194,192,196,204,204,207,209,204,202,212,225,217,199,196,204,212,209,207,207,204,202,207,212,212,209,204,207,212,217,217,212,204,202,204,212,222,233,230,228,225,225,230,238,238,230,222,217,222,217,204,196,191,191,191,191,189,189,191,199,212,222,222,212,204,202,204,215,225,228,209,199,199,209,209,196,186,186,186,137,136,139,183,139,183,191,196,199,196,194,196,199,199,196,199,199,194,191,194,202,204,202,202,199,199,199,202,202,207,209,209,204,204,212,225,230,222,209,212,222,228,233,233,225,196,128,135,141,189,194,199,202,204,207,212,215,215,209,203,202,204,215,212,204,202,207,212,212,207,204,204,207,212,217,215,207,198,196,215,230,230,228,230,235,233,225,209,204,199,195,196,199,145,135,139,202,212,222,228,215,204,215,233,238,235,230,230,230,217,207,199,145,144,145,144,144,196,212,225,217,207,204,204,204,202,202,204,204,207,212,222,233,238,238,238,235,233,233,235,235,233,228,220,212,204,196,196,199,202,199,204,222,233,228,204,194,194,207,220,225,220,202,140,139,140,143,194,196,194,196,204,225,225,209,204,194,138,131,131,202,215,212,217,230,233,235,241,238,235,230,220,199,186,186,194,199,202,196,186,183,189,191,194,204,212,207,186,183,196,189,69,39,15,0,0,0,0,0,0,83,222,235,238,235,230,228,228,230,228,225,225,215,213,217,225,228,228,230,230,230,230,233,233,235,238,238,235,235,233,235,235,233,233,230,230,233,235,238,235,233,228,225,225,222,225,228,222,207,204,209,215,217,222,225,217,207,196,149,196,202,204,207,212,222,225,222,217,217,217,222,225,228,225,215,212,212,209,207,199,195,195,196,199,204,207,209,212,212,212,209,202,199,199,204,209,209,209,212,222,230,235,238,238,233,231,233,233,225,215,217,225,228,209,141,130,129,207,215,222,212,215,204,118,127,204,215,217,217,217,222,228,207,207,225,230,225,207,135,58,45,121,199,209,222,230,235,235,233,233,235,235,238,233,222,212,204,207,215,212,204,200,199,200,204,204,207,217,215,209,209,215,217,217,217,217,222,225,228,230,228,225,225,222,217,222,225,225,225,225,222,217,217,228,238,233,217,212,217,217,213,213,220,222,228,233,230,217,209,212,217,222,222,215,213,215,222,222,217,212,215,225,222,213,212,215,217,222,225,225,230,235,238,238,238,238,233,230,235,241,235,217,155,153,157,225,233,233,230,228,228,230,233,233,233,235,235,235,238,238,235,238,243,246,243,243,241,241,238,235,233,230,233,235,233,230,225,222,225,228,230,230,230,222,135,125,143,199,149,149,212,230,235,235,235,233,233,233,230,226,228,233,235,233,230,230,233,233,233,233,233,235,238,238,235,233,233,230,230,230,233,233,230,228,226,228,228,230,230,230,228,225,222,215,215,215,215,215,217,230,230,215,199,198,207,222,228,230,228,225,228,230,230,228,228,230,233,235,235,235,233,230,225,217,217,222,225,225,225,225,225,228,233,238,238,235,235,238,241,235,233,230,233,233,233,233,235,233,230,230,233,238,241,238,235,235,235,235,238,235,233,230,230,230,233,241,243,241,241,241,241,235,222,213,215,222,228,233,235,233,233,230,228,225,225,228,228,228,226,228,230,230,233,235,235,233,233,230,230,233,233,230,230,230,230,230,230,230,228,225,222,222,222,222,221,225,228,228,222,216,216,217,217,217,215,212,211,211,212,215,215,217,215,215,215,222,222,225,225,228,228,228,225,225,228,228,230,233,235,235,238,235,235,235,230,228,225,225,228,230,233,233,233,233,233,233,230,230,230,228,225,217,215,215,217,217,215,212,209,209,209,207,207,209,207,207,204,207,209,209,209,209,209,207,207,204,204,204,204,204,204,204,204,207,209,209,209,209,212,215,212,212,212,212,212,208,208,209,212,212,209,209,207,207,207,204,204,207,207,209,209,209,207,204,202,202,202,202,204,209,209,209,209,212,215,215,212,212,212,209,209,209,209,212,212,215,215,215,215,215,215,215,212,209,207,207,204,204,207,207,209,212,212,209,209,212,212,212,211,212,215,215,217,217,217,217,217,215,212,212,212,212,215,212,212,212,212,215,215,215,212,209,209,207,199,194,191,194,199,204,209,209,212,212,215,215,212,212,209,209,209,209,212,212,212,212,212,212,212,212,212,212,212,212,209,202,196,194,192,192,194,194,192,192,194,196,196,199,204,204,202,202,202,204,207,209,209,204,199,147,143,196,217,228,230,233,235,230,145,129,132,222,235,238,241,241,241,238,238,238,241,238,230,222,217,216,216,216,217,225,228,228,228,225,228,230,238,243,248,248,248,251,254,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,69,0,0,0,59,35,30,0,0,0,199,142,111,103,111,108,82,61,39,39,41,77,118,183,225,0,0,0,0,0,255,255,255,255,255,255,255,255,209,157,152,173,207,243,255,243,207,160,144,129,121,105,87,79,79,72,64,60,64,72,0,0,0,0,0,0,0,0,131,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,183,183,181,181,181,181,170,170,170,181,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,74,98,108,92,82,82,87,87,0,56,46,35,35,33,13,5,3,7,9,11,17,64,100,116,108,98,98,105,124,155,183,199,199,209,255,255,255,255,255,255,255,238,217,233,255,255,255,243,246,248,248,241,204,160,163,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,225,37,1,13,129,178,196,207,230,238,235,189,160,150,186,209,194,160,108,0,0,0,0,0,0,0,48,7,0,0,0,0,0,0,0,0,0,0,0,25,66,0,0,90,105,92,64,40,25,17,7,7,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,126,129,85,55,131,144,144,170,194,204,204,199,176,160,156,168,194,202,194,187,196,212,235,246,243,238,254,255,255,0,0,23,69,81,134,168,168,116,5,0,0,0,0,39,39,8,15,67,39,0,0,19,255,126,79,183,241,255,255,255,230,212,152,53,45,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,150,209,209,199,198,204,225,225,173,81,57,51,71,101,152,91,61,53,71,69,79,173,189,79,0,0,0,0,3,43,121,183,183,183,176,121,97,89,97,123,189,204,202,189,194,209,228,209,194,170,83,61,80,186,194,160,178,126,71,57,57,35,15,5,5,27,126,126,17,0,0,23,71,61,27,33,53,67,77,118,121,113,81,77,75,81,118,79,41,15,15,35,79,121,85,76,79,79,53,25,20,24,65,142,124,59,45,42,44,47,43,31,27,27,45,63,75,87,131,131,97,93,89,87,87,97,150,144,87,81,88,101,155,163,173,178,178,168,178,191,191,181,173,170,183,196,189,176,176,183,183,173,170,170,155,89,78,85,142,157,150,139,139,137,99,79,65,59,65,67,73,73,71,65,77,97,150,150,139,107,101,99,97,98,109,157,173,173,173,163,163,157,155,155,160,157,150,107,101,99,105,147,147,97,79,69,69,63,55,53,67,81,85,91,91,91,118,124,124,131,137,137,142,147,163,170,170,137,113,116,139,176,196,202,181,137,111,100,69,65,35,3,0,0,0,0,0,0,0,1,9,21,51,111,126,124,137,155,176,160,134,89,93,139,139,147,157,168,173,173,176,189,207,228,235,230,222,222,217,215,204,186,123,113,110,115,127,191,212,235,246,254,255,255,255,255,255,255,255,255,246,238,233,230,225,212,199,170,147,95,81,63,55,43,35,19,5,3,3,3,0,0,0,0,0,0,0,0,13,19,27,35,39,39,39,33,25,25,25,23,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,19,19,13 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,168,176,178,183,186,183,183,181,178,176,176,176,176,178,181,181,181,181,181,186,189,189,189,186,178,176,173,173,173,173,173,178,183,181,181,181,176,155,109,111,150,111,105,101,107,176,202,191,150,97,178,191,186,178,176,176,173,178,178,165,165,176,165,160,105,68,92,163,170,170,165,160,107,95,15,0,0,7,152,109,103,106,108,107,108,155,176,189,196,196,191,189,189,191,189,186,181,179,179,189,189,170,113,111,117,119,119,119,119,118,121,125,168,176,181,181,176,173,176,183,191,196,186,176,170,170,127,123,115,112,112,117,127,176,191,204,209,209,202,189,177,176,183,202,209,212,212,209,212,212,212,212,215,217,222,222,228,225,212,191,183,189,199,209,207,199,194,196,204,202,196,191,130,133,186,137,132,130,136,191,202,202,202,204,202,199,199,196,194,202,207,207,212,212,209,209,217,228,215,198,196,207,220,215,207,204,202,204,207,212,215,215,215,220,225,230,230,225,209,202,204,212,217,225,228,228,228,228,233,235,235,228,215,212,215,212,204,194,190,190,191,191,191,189,191,199,204,209,209,207,207,212,217,222,225,225,215,202,196,199,199,194,189,189,189,183,137,135,135,137,183,189,194,196,196,196,196,196,196,194,196,196,191,191,199,204,204,199,196,196,199,199,199,202,209,222,228,225,217,215,215,212,207,204,212,222,225,230,228,209,129,120,128,137,189,194,199,199,202,204,204,212,215,209,203,203,212,228,222,209,204,207,215,217,215,212,212,212,212,215,217,212,202,199,215,233,233,230,233,235,233,225,215,207,202,199,204,204,191,132,133,196,204,199,143,127,129,207,225,230,225,209,199,199,204,204,194,143,144,191,145,144,202,222,230,230,222,212,207,209,215,215,209,209,209,209,215,228,233,235,235,235,235,233,233,233,235,233,220,207,199,199,202,202,207,209,212,222,228,222,202,194,199,207,212,215,215,207,191,143,143,143,199,196,190,189,190,207,215,209,204,194,189,139,137,199,207,202,212,228,230,230,235,235,235,233,225,204,186,181,189,199,207,204,186,182,186,194,196,202,207,204,194,194,186,53,47,155,168,9,0,0,0,0,0,207,220,235,233,230,228,228,233,233,233,230,225,217,215,222,228,230,230,230,233,233,233,235,235,238,238,238,235,233,233,235,235,235,233,228,225,228,233,235,235,230,228,228,228,230,233,235,233,222,212,215,217,222,225,228,228,217,202,147,147,199,207,209,215,222,225,222,216,217,222,228,230,233,230,222,217,217,215,209,199,195,194,196,202,204,204,209,212,212,209,204,199,199,204,209,212,215,212,212,222,233,238,238,235,231,231,235,241,233,215,212,222,228,217,196,129,130,209,222,222,212,212,215,217,228,230,222,215,212,217,217,194,104,110,215,228,228,212,147,121,133,207,207,209,222,228,235,235,235,233,235,235,238,233,222,212,209,212,217,209,202,202,202,202,204,207,209,215,215,212,212,225,230,228,222,222,222,228,233,233,228,225,225,225,225,230,233,230,228,225,222,217,215,222,230,230,212,207,212,225,225,222,217,222,228,230,222,209,207,209,215,217,222,215,211,212,217,222,213,211,215,225,222,213,212,215,222,228,228,228,230,235,238,238,238,238,235,233,235,238,233,212,154,153,209,228,233,230,228,230,233,235,233,233,238,238,238,238,238,238,238,238,243,246,246,243,241,238,238,238,235,233,235,235,235,230,225,225,225,225,217,215,209,204,143,143,202,204,151,199,222,235,241,241,235,233,233,230,228,226,228,233,235,233,230,233,233,233,230,230,233,235,238,238,238,235,235,233,230,233,233,230,228,228,228,230,230,230,230,228,225,225,225,222,217,217,217,215,222,230,228,207,196,198,215,228,233,233,230,228,230,230,228,225,225,228,230,233,235,233,233,230,222,215,215,217,225,225,225,225,228,230,233,235,233,233,233,235,235,230,230,230,230,233,233,233,233,233,230,230,235,238,241,238,235,234,234,234,235,238,235,233,233,235,241,241,241,241,239,241,241,233,215,211,213,225,230,233,233,233,233,230,228,228,228,228,230,228,228,228,230,233,233,235,235,235,233,233,233,233,233,233,230,230,230,228,228,230,228,225,222,221,222,225,225,225,228,230,228,225,222,225,222,217,215,211,211,212,215,217,222,222,222,222,222,225,222,222,222,225,228,228,228,230,230,230,230,233,233,233,235,235,235,235,230,228,225,225,228,230,230,230,230,230,230,230,228,225,225,225,222,212,209,209,215,217,215,212,209,209,209,207,207,207,207,207,204,207,209,209,209,207,207,207,207,204,204,204,204,207,204,204,207,209,212,212,212,212,215,217,215,209,207,209,212,212,209,209,212,209,209,209,207,207,207,204,204,207,207,209,209,212,209,204,202,199,199,202,204,207,209,209,209,212,215,212,209,209,207,207,207,207,209,209,212,212,212,212,212,212,212,212,212,209,207,204,204,204,204,207,209,212,212,209,209,212,212,212,211,211,212,215,215,215,215,215,215,215,215,212,212,212,212,212,209,209,212,215,212,212,209,209,209,204,199,192,192,196,204,207,209,209,212,212,212,212,212,212,209,209,209,209,212,212,212,212,212,212,212,212,212,212,212,209,207,202,196,194,192,194,194,194,194,192,194,196,196,199,204,204,204,207,207,207,209,209,209,207,196,145,145,202,222,228,228,230,233,222,194,135,143,225,235,235,238,241,241,238,237,238,238,235,230,228,222,217,217,217,222,225,228,228,228,225,225,230,235,243,248,248,248,248,251,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,64,0,0,0,43,30,27,0,0,0,225,173,103,77,87,95,74,45,47,53,77,103,173,255,0,0,0,0,0,0,255,255,255,255,255,255,255,251,183,146,146,168,207,248,255,241,191,144,124,129,121,105,87,79,79,79,72,60,64,72,98,0,0,0,0,0,0,131,134,144,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,170,160,152,139,152,160,181,191,207,228,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,82,98,98,90,74,69,77,79,0,35,35,48,46,25,3,0,3,11,9,7,11,56,100,108,90,74,74,90,116,147,168,186,199,217,255,255,255,255,255,255,255,248,233,255,255,251,241,243,255,251,241,209,178,146,152,212,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,165,0,0,142,228,243,251,255,255,254,222,202,186,191,202,189,160,103,87,85,0,0,0,0,0,0,61,3,0,0,0,0,0,0,0,0,0,0,33,85,0,0,69,90,82,64,40,7,0,0,1,12,20,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,105,21,9,139,181,191,194,194,196,196,176,165,160,168,191,204,202,187,187,204,225,228,228,209,217,254,255,255,157,0,0,51,81,126,150,168,165,77,0,0,0,0,45,47,41,87,139,33,0,8,155,220,47,53,189,255,255,255,222,212,243,243,170,137,126,67,0,0,0,0,0,0,0,0,0,0,0,0,5,59,150,202,233,225,207,202,209,228,209,157,63,31,7,7,43,57,43,39,61,85,85,101,163,85,0,0,0,0,11,103,173,183,173,166,176,168,121,105,99,107,123,181,194,194,181,181,202,215,202,186,173,109,83,147,194,194,168,194,186,163,126,73,19,0,0,0,19,71,27,2,0,6,65,77,51,23,33,59,77,113,118,113,73,59,51,53,65,71,45,7,1,25,65,118,131,118,79,79,73,47,24,20,24,53,73,53,41,44,53,55,49,41,35,35,43,61,77,87,93,144,155,144,134,93,89,89,97,103,93,84,77,91,105,150,150,155,165,170,164,170,191,199,194,181,170,178,186,189,176,176,183,181,181,170,168,144,81,75,85,150,157,147,99,99,137,144,144,97,81,73,73,87,93,85,77,75,97,142,150,139,103,101,99,98,103,150,168,173,173,173,163,157,155,147,152,152,152,144,101,93,93,99,144,139,85,63,55,63,61,53,52,67,79,79,79,79,77,77,81,121,131,137,142,144,155,168,170,160,121,103,108,131,168,189,183,160,118,73,63,63,61,35,5,0,0,0,0,0,7,25,37,37,43,69,126,144,144,147,170,176,150,91,85,85,101,139,144,155,170,176,176,178,191,207,228,230,228,220,217,215,215,215,194,183,129,127,133,191,209,230,246,251,255,255,255,255,255,255,255,255,255,241,230,225,220,212,209,199,170,150,93,81,67,53,47,39,27,13,5,3,1,0,0,0,0,0,0,0,0,0,0,7,15,21,25,25,25,21,25,31,37,31,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,19,19 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,186,183,181,181,186,186,183,181,178,181,181,178,178,176,178,181,181,179,179,186,191,191,191,189,178,173,170,170,168,170,173,178,183,183,178,173,173,165,157,157,160,111,105,105,107,168,199,191,170,97,144,186,186,176,174,176,178,186,189,142,65,105,157,155,93,55,86,173,181,178,170,176,163,107,13,0,0,0,165,160,109,107,107,106,107,111,157,173,191,196,194,191,189,183,181,179,181,179,181,189,194,181,117,109,111,115,117,119,119,119,123,165,173,178,181,176,168,125,125,170,183,189,181,170,168,168,168,168,168,123,119,119,121,125,170,183,191,191,189,181,177,176,186,202,207,209,212,212,212,212,215,215,217,222,225,228,225,215,204,191,186,194,204,209,204,194,191,199,204,194,125,124,133,137,189,191,196,199,204,204,204,202,202,199,199,199,202,199,194,199,207,209,209,207,207,212,222,228,215,200,200,215,228,225,209,202,199,202,207,212,215,217,222,225,230,233,233,230,212,199,202,204,204,207,215,225,228,228,230,233,230,222,209,202,202,204,199,194,190,190,191,194,191,189,191,196,196,199,202,204,209,222,228,225,225,222,215,204,196,196,196,194,191,194,194,191,137,133,133,139,186,186,189,191,194,194,194,194,190,190,191,191,191,191,196,202,199,194,191,191,194,196,199,204,215,230,235,233,228,217,207,199,196,202,209,217,222,225,215,191,131,126,135,141,189,194,199,199,199,199,202,209,212,209,207,209,225,235,230,212,207,209,217,225,225,222,225,222,222,222,222,217,212,212,222,230,230,230,230,225,215,212,209,207,207,209,217,212,199,137,133,191,191,139,131,126,126,204,207,141,121,123,131,139,194,202,194,144,145,196,196,196,207,217,222,222,217,212,209,215,217,215,209,212,215,209,205,207,217,225,228,230,230,228,228,228,228,228,215,199,198,204,207,202,204,207,207,207,204,194,189,191,196,199,199,199,202,199,196,199,207,209,215,202,191,189,190,199,204,199,194,194,196,204,207,204,199,198,207,217,222,220,222,225,225,230,225,207,189,181,186,199,204,199,183,181,186,196,199,199,202,199,189,176,91,46,75,204,183,5,0,0,0,0,147,235,248,233,228,225,225,228,233,235,235,233,228,220,217,225,230,230,230,233,233,233,235,238,241,241,238,238,235,233,233,235,238,238,233,225,221,224,228,233,233,233,233,233,233,235,238,238,238,233,228,222,225,228,228,228,228,222,199,141,142,199,212,217,215,215,222,222,222,225,225,225,228,230,230,225,222,222,222,212,204,196,196,199,204,207,207,207,212,212,212,207,202,207,212,212,215,217,215,209,209,228,238,241,238,233,233,241,243,233,215,211,215,225,217,202,138,149,217,222,217,212,212,222,228,230,228,215,209,209,215,209,113,87,94,209,222,222,217,209,204,209,217,212,209,215,228,233,235,235,235,235,238,238,233,222,212,212,215,215,212,207,207,209,207,204,207,212,212,215,217,222,230,235,235,228,217,217,228,238,235,225,224,225,224,228,233,233,233,228,222,217,212,211,211,217,225,209,205,208,225,228,222,216,220,230,228,207,151,202,209,215,217,222,215,211,212,217,222,215,212,215,217,215,213,213,217,225,228,228,222,225,230,235,238,238,238,238,233,233,230,217,204,155,207,225,233,233,228,230,235,238,238,235,235,241,243,241,241,238,235,233,235,241,246,243,241,238,235,235,235,235,233,233,233,233,228,222,217,217,215,209,204,202,199,151,151,204,209,209,217,228,235,241,243,238,233,233,230,228,228,230,235,235,233,230,233,233,233,230,230,233,235,235,235,235,235,235,233,230,233,233,233,230,228,230,233,233,230,230,225,225,228,228,225,217,213,213,215,222,228,217,200,196,202,222,233,233,233,233,233,233,230,225,222,225,225,225,225,228,228,228,228,225,217,215,216,222,225,225,225,228,230,230,230,230,230,230,230,230,229,230,230,233,233,233,233,230,230,233,233,235,238,238,238,238,234,233,234,238,238,238,238,241,243,243,243,241,241,239,241,238,233,215,212,215,228,233,230,233,233,230,228,225,222,222,228,230,228,228,230,230,233,235,235,238,235,235,233,235,235,235,235,233,230,228,225,225,228,228,225,220,221,228,230,228,225,228,230,230,230,230,228,225,222,217,215,215,217,222,222,225,228,228,228,228,228,225,221,220,222,228,233,233,233,230,233,233,233,233,233,235,235,238,235,230,228,225,225,225,228,228,228,228,228,225,225,222,220,222,222,215,209,207,207,212,215,215,212,209,209,209,207,207,204,207,207,207,207,212,209,207,207,207,207,204,204,202,202,204,207,207,207,207,209,212,215,215,215,217,217,215,212,207,207,209,215,215,212,209,209,209,209,209,207,207,207,204,207,207,209,209,209,207,204,202,199,199,202,204,207,209,209,209,212,212,212,209,204,204,204,204,207,207,207,209,212,212,212,212,212,212,212,212,212,209,207,204,204,207,209,212,212,212,209,209,212,212,212,211,211,212,212,215,215,215,215,215,215,215,212,212,212,212,212,209,209,212,212,209,207,207,209,209,204,196,194,194,202,207,209,209,209,209,212,212,212,212,209,209,209,209,209,212,212,212,212,215,215,215,215,212,209,209,207,204,199,196,196,196,199,199,199,196,194,196,196,196,199,204,207,207,209,209,209,209,212,212,207,199,147,147,207,222,228,228,228,225,217,202,194,202,222,0,238,238,241,241,241,238,238,238,235,233,230,228,225,222,222,225,228,228,228,228,225,224,225,233,241,243,246,246,248,248,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,56,40,0,0,43,35,35,0,0,0,238,173,69,29,59,74,45,37,51,85,95,0,0,0,0,255,255,255,255,0,255,255,255,255,255,255,251,191,157,140,144,165,202,241,241,207,170,0,0,121,113,95,79,79,79,79,72,64,72,79,98,0,0,0,0,0,0,131,144,150,152,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,0,160,155,139,121,113,124,152,181,207,235,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,92,98,98,77,53,53,53,61,0,0,48,59,46,7,0,0,11,17,11,7,11,56,90,90,69,62,68,87,124,155,176,199,217,233,254,255,255,255,255,255,255,251,254,255,255,235,204,222,251,243,233,204,186,150,165,209,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,29,8,202,255,255,255,255,255,255,235,202,173,173,176,163,142,118,111,95,77,59,0,0,0,0,0,51,0,0,0,0,0,0,0,0,0,0,33,92,0,0,61,90,64,17,0,0,0,0,1,0,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,13,0,0,57,165,212,212,204,204,191,160,153,155,178,209,212,207,194,187,204,225,217,194,186,194,238,255,254,165,0,0,0,71,160,181,155,173,139,69,59,35,19,25,1,0,51,147,47,33,155,183,53,17,36,163,230,255,255,199,230,255,255,255,178,137,105,65,0,0,0,0,0,0,0,0,0,0,0,41,147,202,235,233,225,209,207,209,212,194,139,63,37,0,0,3,37,33,25,45,83,85,85,77,0,0,0,0,45,105,165,168,168,164,164,170,170,168,168,168,168,168,173,181,186,173,173,199,215,209,202,194,176,165,176,194,194,157,176,178,157,126,63,3,0,3,13,39,51,25,16,27,111,108,39,13,15,31,67,116,131,129,111,65,52,50,59,53,15,0,0,7,65,85,124,126,129,118,85,79,65,41,25,24,31,43,47,47,53,59,59,59,53,53,59,73,81,83,87,93,144,155,155,144,101,101,101,103,144,144,97,93,101,147,101,95,99,152,165,164,164,183,202,204,183,170,170,181,186,176,170,183,191,181,176,168,107,78,75,95,157,157,99,85,91,137,152,160,160,139,87,87,93,93,85,77,83,103,150,150,139,103,105,105,103,109,160,168,165,168,168,163,157,147,107,105,142,105,95,81,73,73,81,91,91,65,47,47,57,67,61,53,67,73,71,67,65,69,75,79,121,131,137,142,144,157,170,170,137,111,68,75,129,163,176,168,137,71,53,47,51,55,41,11,0,0,0,5,27,61,75,75,67,61,79,144,163,152,155,170,165,142,85,77,83,99,101,107,147,170,178,178,183,196,207,220,228,222,217,209,215,217,215,212,202,194,191,199,212,230,243,251,255,255,255,255,255,255,255,255,255,248,238,225,220,209,202,199,189,173,150,97,79,67,53,45,39,25,13,11,11,3,0,0,0,0,0,0,0,0,0,0,0,0,1,11,13,13,13,19,37,56,37,29,11,0,0,3,11,0,0,0,0,0,0,0,0,0,0,0,3,17,17 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,189,178,170,173,176,178,178,178,178,178,178,178,174,174,176,181,181,179,181,186,191,191,191,189,178,173,168,164,164,168,173,176,178,178,168,157,168,178,178,176,173,160,147,147,157,170,186,194,173,142,144,178,186,189,183,176,176,178,181,59,3,43,142,152,160,71,152,196,191,183,176,189,194,199,165,0,0,17,178,176,170,155,147,150,150,147,113,152,178,189,194,194,189,181,178,178,181,183,183,191,199,189,121,109,107,109,115,117,121,123,165,173,178,181,181,178,168,121,120,122,168,173,173,168,168,168,168,173,176,173,127,123,118,118,119,127,131,131,173,178,181,181,189,199,207,209,212,215,215,215,215,217,217,225,225,225,215,204,196,191,191,199,204,204,199,191,191,196,202,183,118,113,135,141,199,212,222,230,230,217,207,202,199,199,198,202,209,202,189,189,202,207,199,194,199,207,215,217,209,202,207,222,230,225,209,202,198,199,209,212,212,217,225,228,230,230,230,233,215,196,196,199,194,192,202,212,217,222,222,225,222,212,202,194,191,194,194,191,191,191,194,194,191,189,189,194,194,191,194,202,209,225,230,228,222,220,215,207,199,199,199,196,196,199,196,191,137,132,134,186,194,186,186,189,191,194,194,194,190,189,190,191,191,191,196,199,196,191,191,190,191,196,202,207,217,233,235,235,230,222,207,196,196,202,209,212,212,209,196,143,141,189,191,191,189,194,199,202,199,199,202,209,215,212,212,215,228,235,230,217,209,215,225,230,230,230,230,228,228,225,225,222,217,217,222,225,225,225,222,209,204,204,209,209,212,222,228,217,202,143,131,133,129,129,137,141,191,212,191,115,104,113,129,143,194,199,199,194,196,204,209,215,215,212,209,207,207,204,209,215,215,207,205,215,217,209,203,202,207,212,212,215,215,212,212,212,212,212,207,198,199,212,215,204,202,202,196,191,139,134,137,191,196,194,189,141,139,143,191,209,230,235,230,207,199,202,207,209,207,196,190,194,204,222,233,222,202,202,207,209,207,202,202,199,204,215,217,207,189,181,189,199,196,186,183,182,189,199,202,199,196,189,173,150,97,99,163,170,57,0,0,0,0,27,255,233,238,230,225,224,225,230,233,235,235,233,228,222,222,228,233,233,233,233,235,235,235,238,241,241,238,238,235,233,235,238,238,238,233,225,221,221,225,228,230,233,235,238,235,235,235,238,238,238,233,228,228,228,228,228,228,222,145,132,140,204,222,222,207,204,212,225,228,228,225,222,217,222,225,222,222,222,222,212,204,199,199,204,207,207,207,207,209,212,212,209,212,217,222,217,215,217,215,207,204,215,233,238,238,235,238,243,241,228,212,212,217,225,222,212,204,225,225,217,215,215,215,217,222,222,209,202,204,209,212,202,133,88,96,212,215,212,215,215,215,212,215,212,207,212,225,228,233,235,235,238,241,238,233,217,212,212,212,209,215,217,215,215,212,209,212,215,215,222,228,228,233,238,238,228,215,213,225,238,235,225,224,225,225,228,230,230,228,222,215,212,211,211,211,215,222,215,208,209,217,222,217,216,225,233,225,149,144,149,209,215,217,215,213,212,215,222,225,217,213,213,213,213,213,217,222,225,228,225,217,217,228,233,238,238,238,235,233,230,217,207,156,207,222,233,233,230,228,233,238,241,238,235,235,241,246,243,241,238,233,230,233,238,243,241,238,235,231,233,233,233,230,230,230,228,222,215,212,207,204,204,204,204,204,202,202,207,215,222,228,233,235,238,241,238,235,235,233,230,228,230,233,233,228,228,228,230,230,230,230,233,235,235,235,235,235,233,230,230,233,235,233,230,230,233,235,233,230,228,225,222,225,228,225,215,213,213,217,225,228,212,200,202,212,228,233,233,233,233,233,233,230,225,222,225,222,217,215,215,217,217,222,225,225,222,217,222,222,222,220,225,230,230,230,228,228,230,230,230,230,233,233,235,235,233,230,228,230,233,235,238,238,238,241,241,238,235,235,238,241,241,243,243,246,246,243,243,241,241,241,241,235,222,215,225,233,233,230,230,230,228,222,213,213,215,225,228,228,228,230,233,233,235,235,235,235,235,235,235,238,238,235,233,228,222,222,225,225,228,225,222,222,230,233,233,228,228,228,230,230,228,225,222,220,220,222,225,225,225,225,228,228,228,228,228,230,228,222,222,225,230,235,235,233,233,233,235,235,235,235,238,238,238,235,230,228,225,225,225,225,225,225,225,225,222,217,215,215,217,217,215,207,205,207,212,215,215,212,209,207,207,207,207,204,204,204,204,207,209,209,207,207,207,207,204,204,202,202,204,207,207,207,209,212,212,215,215,215,217,217,217,215,209,204,207,215,215,215,212,209,209,209,209,209,207,207,204,207,207,207,209,207,207,204,202,199,202,202,204,207,207,207,207,209,209,207,207,204,204,204,207,207,204,207,207,209,212,212,212,212,212,212,212,215,212,209,207,207,209,212,215,212,212,209,209,212,212,212,211,211,212,212,215,215,212,212,212,215,215,212,212,212,212,212,209,209,212,212,209,207,205,207,207,202,194,194,196,204,209,209,208,209,209,209,209,209,209,209,209,209,209,209,212,212,212,215,217,217,217,215,215,212,207,202,199,199,199,199,202,202,204,202,202,199,202,202,199,202,207,212,212,209,209,209,209,212,215,209,202,199,202,209,222,225,225,225,222,217,204,196,202,212,0,235,238,238,241,241,241,241,241,241,235,233,230,225,225,228,230,230,230,230,228,225,224,225,230,235,241,243,246,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,85,40,30,35,51,61,53,56,0,0,189,212,160,51,17,23,37,29,31,49,87,0,0,0,0,0,255,255,255,255,255,255,255,255,217,207,207,189,165,151,144,155,173,204,217,207,183,144,118,116,111,95,79,75,75,79,79,72,72,74,87,98,98,98,0,0,0,126,144,152,152,152,0,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,150,155,150,129,113,107,113,139,170,215,248,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,108,98,85,61,30,27,27,48,0,0,69,66,46,5,0,0,17,43,23,11,17,64,82,82,66,60,66,87,124,155,181,215,246,248,254,255,255,255,255,255,255,246,255,255,255,202,168,163,194,209,228,225,202,168,176,209,246,255,255,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,61,75,255,255,255,238,246,246,230,209,181,156,163,168,147,147,150,142,111,77,69,0,0,0,0,0,74,0,0,0,0,0,0,0,0,0,5,40,87,0,0,66,87,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,212,230,225,209,189,157,150,160,194,215,222,212,196,199,215,228,217,190,185,202,238,254,235,207,43,0,0,57,142,131,10,69,83,81,121,113,47,19,0,0,0,235,207,173,165,63,8,0,29,91,139,191,222,181,255,255,255,255,160,58,73,131,69,0,0,0,0,0,0,0,0,0,0,43,160,225,241,225,212,199,196,196,191,170,87,75,189,0,0,0,49,31,5,0,0,37,101,178,173,111,117,160,113,113,109,113,168,181,183,183,183,186,196,202,191,176,176,176,173,111,115,194,222,225,225,215,194,186,186,194,194,147,147,139,83,63,25,0,0,47,73,73,65,57,71,147,160,65,12,6,13,33,105,142,160,155,126,73,59,73,83,51,0,0,0,59,77,113,113,113,121,121,87,85,87,79,47,27,25,35,65,79,59,51,53,67,69,65,75,87,87,87,87,93,97,134,144,144,144,144,144,155,165,173,173,173,152,101,87,81,93,152,170,168,163,176,199,207,189,165,163,170,178,170,168,176,186,186,181,165,107,81,77,101,157,150,85,82,91,137,152,168,168,150,101,95,87,77,71,71,91,142,168,157,139,105,105,105,107,150,163,168,165,165,168,168,157,144,99,97,91,89,75,57,51,49,55,59,59,47,45,46,61,71,63,53,55,61,61,59,63,65,75,81,124,137,137,137,139,155,165,165,134,79,65,73,129,165,170,160,126,63,35,32,35,51,47,19,0,0,0,21,61,118,137,124,113,79,124,163,176,160,152,155,144,91,77,71,77,89,101,107,111,170,183,189,189,196,196,204,220,220,215,215,215,222,225,222,215,202,199,212,228,238,246,254,0,0,255,255,255,255,255,255,254,246,238,225,220,202,189,181,186,168,147,126,79,61,47,39,33,21,11,11,17,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,11,11,17,31,56,56,35,17,11,11,17,23,11,0,0,0,0,0,0,0,0,0,0,3,17,17 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,157,147,155,160,160,165,170,173,173,176,176,176,176,176,174,181,186,181,183,183,181,181,186,189,181,173,165,161,161,168,173,176,176,176,93,73,115,191,189,181,178,181,178,165,163,168,178,181,163,142,101,165,183,194,189,181,157,152,51,0,0,33,93,144,155,163,186,199,196,189,186,189,199,194,176,0,0,23,168,170,163,165,173,178,173,170,160,101,109,168,186,189,189,183,178,179,181,183,191,199,199,186,117,103,103,107,113,121,163,176,191,196,191,181,173,181,181,123,119,122,125,165,168,168,125,125,168,173,176,176,176,170,121,119,119,117,119,121,131,183,191,186,186,196,202,207,212,215,217,217,217,217,225,222,215,207,202,199,194,191,194,202,204,196,190,190,191,191,191,139,132,132,139,194,204,215,230,235,235,225,207,196,196,199,199,209,222,212,139,135,191,199,189,189,194,202,207,209,204,196,196,212,222,215,204,199,198,199,207,209,209,215,225,230,230,230,230,230,215,190,189,194,194,194,196,202,204,209,212,215,212,204,196,189,142,189,189,194,199,196,191,190,194,194,191,194,194,187,187,194,209,225,230,228,222,217,215,207,202,199,202,196,189,189,189,189,137,132,136,196,202,194,186,186,189,194,196,194,194,194,194,191,191,194,202,204,202,199,196,191,191,196,202,207,217,228,230,230,228,222,209,202,196,199,207,204,189,139,141,143,189,191,194,194,191,194,199,204,204,202,204,212,217,217,215,217,225,228,228,217,215,222,230,233,230,230,228,228,230,228,228,222,217,215,215,217,215,212,207,202,202,204,212,222,222,230,230,217,202,145,133,128,126,128,143,199,207,209,139,123,117,123,135,191,196,199,202,207,215,222,228,228,222,209,199,199,196,196,202,212,215,209,207,209,212,212,209,207,207,207,204,202,199,196,196,199,202,202,202,204,212,225,228,222,212,202,194,139,134,131,137,194,196,194,143,135,130,130,137,202,225,233,228,204,202,215,222,217,212,207,199,202,212,230,238,233,222,212,204,196,191,189,187,189,199,209,212,202,181,178,189,194,186,183,189,191,191,196,202,199,186,165,157,152,163,163,103,91,53,0,0,0,29,168,233,235,230,228,225,225,225,230,233,235,235,233,228,225,228,230,235,238,238,238,235,235,235,235,238,238,238,235,238,235,235,238,238,238,233,228,225,225,228,230,230,233,235,233,228,225,228,233,238,241,235,230,228,228,228,228,235,233,207,140,149,222,228,212,140,137,149,222,228,225,222,217,212,212,215,215,217,220,215,209,204,202,199,202,207,207,207,207,207,209,212,212,215,217,225,225,225,225,217,209,205,209,217,228,235,235,238,241,233,217,212,217,222,225,222,217,217,225,225,217,215,217,217,215,212,207,198,195,200,217,222,212,202,147,196,207,207,204,209,217,215,215,217,212,209,212,225,230,228,228,233,241,241,238,225,209,207,209,209,209,212,215,215,215,215,217,215,212,215,225,230,230,233,241,241,228,213,212,217,233,233,228,230,233,233,230,225,222,220,217,215,212,212,215,215,217,225,225,215,215,222,228,225,222,225,230,217,145,142,147,209,217,215,215,213,215,222,230,230,225,215,213,215,217,222,228,233,233,230,225,217,215,222,230,238,241,241,235,235,233,217,156,156,215,228,233,233,230,230,235,241,241,238,235,235,241,243,243,238,230,222,225,230,238,241,241,235,233,233,233,233,230,230,230,230,225,217,215,209,204,203,203,203,204,209,209,207,207,212,225,235,238,238,235,235,235,235,235,233,230,230,230,230,228,226,226,228,228,228,228,230,233,235,235,235,235,235,233,230,230,233,233,233,233,233,235,238,230,225,225,222,222,225,228,225,222,222,222,225,228,225,215,209,215,225,230,233,235,235,233,233,233,228,221,220,222,217,213,213,213,215,215,217,222,225,225,222,217,222,220,220,225,233,235,233,228,228,233,233,230,230,233,235,235,233,233,230,228,230,235,238,235,233,238,241,243,243,243,241,238,238,241,243,246,243,246,246,243,243,243,243,241,235,230,228,230,235,235,230,228,230,228,217,212,211,215,222,222,225,228,228,230,233,235,235,233,233,233,235,235,238,238,235,230,228,222,222,222,225,228,228,228,228,230,233,233,233,230,228,225,225,225,225,222,218,222,225,228,230,228,225,225,228,228,228,230,230,230,228,228,230,233,235,235,235,235,235,238,238,238,238,238,238,238,235,233,228,228,228,228,228,228,225,225,225,222,213,212,215,217,222,215,209,205,207,212,215,212,209,207,207,207,207,207,204,204,204,204,207,207,207,207,204,204,204,204,204,204,202,202,204,203,207,209,212,212,212,215,217,217,222,217,212,207,203,204,209,215,215,212,212,209,212,209,209,209,207,207,207,207,207,207,207,209,207,202,196,199,202,204,207,207,207,204,204,204,204,204,207,207,209,209,207,204,204,207,209,209,209,212,215,215,215,215,215,215,212,209,209,212,212,215,215,212,212,212,215,212,212,211,212,212,212,212,212,212,212,212,212,215,215,212,212,212,212,209,209,209,209,207,207,207,207,204,199,192,194,202,209,209,209,208,209,209,209,209,209,209,209,209,209,209,209,209,212,215,217,217,217,215,215,215,212,209,202,199,199,204,204,207,207,207,207,207,207,209,207,204,207,212,217,215,212,212,212,212,215,217,212,204,202,207,215,222,225,225,225,222,215,202,192,196,209,225,233,238,238,238,238,241,241,243,243,243,241,233,228,228,230,230,230,230,230,228,225,225,225,228,233,238,241,243,246,0,0,0,0,254,255,255,0,0,0,0,0,251,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,95,33,17,17,38,59,66,66,79,111,150,144,85,25,13,13,21,25,25,43,82,111,0,0,0,255,255,255,255,225,225,255,255,215,176,170,173,165,165,165,173,189,207,215,209,189,160,129,85,73,67,65,79,78,78,79,79,77,77,79,87,98,98,87,87,98,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,64,59,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,160,160,150,129,111,107,113,137,168,204,248,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,105,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,108,87,64,35,14,12,14,35,0,0,82,77,46,5,0,1,33,43,23,7,13,56,79,82,79,72,72,87,108,137,173,207,0,254,255,255,255,255,255,255,255,238,255,255,255,176,103,100,139,176,191,191,176,165,181,233,255,255,254,241,246,255,0,255,255,255,255,255,255,255,255,255,255,255,202,255,255,129,129,255,255,255,139,0,17,134,160,168,181,176,183,168,160,170,170,113,0,0,0,0,0,0,0,77,0,0,0,0,0,0,0,0,0,20,66,61,56,56,59,46,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,207,225,209,196,173,157,160,189,207,212,217,212,212,207,215,212,202,194,202,222,238,241,225,199,57,0,0,129,93,0,0,15,75,71,75,75,55,47,7,0,163,233,241,241,173,41,0,131,181,129,47,5,21,35,255,255,255,255,45,37,61,121,69,0,0,0,0,0,0,0,0,0,0,3,160,207,186,183,183,157,157,176,139,0,5,75,173,15,29,0,0,0,3,0,0,65,178,215,204,186,181,173,119,106,106,165,183,199,199,199,191,191,202,212,209,196,191,186,105,64,91,186,212,246,254,238,212,194,182,186,170,91,93,87,45,0,0,0,5,59,111,79,65,71,108,139,168,150,51,17,17,45,113,144,147,147,126,79,73,111,118,51,0,0,33,71,79,79,79,79,85,79,77,79,87,124,73,29,23,35,73,75,50,47,53,67,75,75,81,85,87,93,95,101,101,97,101,103,144,150,155,165,176,181,189,178,111,83,69,71,93,163,178,176,168,176,196,207,189,163,157,163,168,160,152,165,178,186,181,163,107,87,79,101,157,99,79,82,97,105,144,160,168,160,150,139,87,61,59,65,97,152,165,157,139,105,144,144,144,150,157,160,157,165,170,163,147,103,97,89,85,71,53,46,44,46,45,45,45,45,44,53,65,69,51,43,43,45,49,59,65,69,77,87,131,139,137,134,133,142,163,163,131,73,67,73,137,170,181,165,134,69,35,30,33,47,47,23,0,0,9,45,105,126,137,139,124,113,144,176,183,160,134,93,85,85,77,71,73,85,101,107,155,168,189,207,202,196,196,204,217,225,225,225,222,222,230,230,220,199,199,212,230,238,248,0,0,0,0,255,255,255,255,254,248,243,238,230,217,202,181,170,168,163,144,93,77,59,45,33,25,19,17,17,17,17,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,17,23,35,56,53,29,17,21,29,29,23,1,0,0,0,0,0,0,0,0,0,15,17,17 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,152,155,152,157,160,165,170,176,178,181,181,181,186,189,186,183,178,172,173,181,183,176,173,165,164,168,173,176,176,176,157,75,68,103,183,186,181,178,189,194,181,165,157,150,107,98,93,96,150,178,194,99,73,19,4,3,49,93,93,99,150,160,160,173,189,191,189,189,191,194,194,178,0,0,0,13,33,81,163,183,189,181,173,168,113,86,91,168,181,183,183,181,181,181,186,196,202,199,181,111,98,99,103,115,170,183,199,209,212,204,183,165,165,173,165,123,125,168,168,165,125,124,123,165,170,170,173,178,181,170,125,119,113,112,115,127,189,196,186,181,189,194,199,204,209,215,217,217,217,215,212,204,196,194,194,194,194,196,202,202,194,191,191,194,191,189,191,194,196,199,202,202,209,230,235,235,228,207,194,192,196,204,212,225,217,139,130,135,186,191,191,191,196,204,209,204,196,191,199,207,204,199,199,199,199,202,204,207,212,222,228,230,230,230,230,202,177,178,191,202,199,196,199,199,202,207,209,209,199,189,189,143,189,189,194,202,194,187,189,199,204,202,199,194,185,183,189,204,217,225,225,225,222,222,212,204,202,199,191,185,185,187,191,186,139,189,202,204,191,185,185,191,199,199,196,194,199,199,196,196,199,207,209,207,202,196,194,196,202,204,204,207,212,220,225,222,217,209,202,199,196,189,125,117,127,141,191,191,191,194,194,194,194,199,204,207,204,207,212,215,215,212,212,215,222,217,217,222,228,233,230,230,230,230,230,233,233,228,225,222,222,217,215,209,207,204,202,202,207,215,225,225,230,230,222,207,191,137,133,129,131,143,194,194,141,131,139,139,131,131,145,199,199,204,217,230,233,230,228,222,212,199,199,196,143,143,204,222,225,209,207,209,215,217,217,212,207,202,196,191,191,196,199,202,202,202,209,217,228,230,230,225,212,196,141,137,137,191,199,196,196,191,137,130,128,131,143,204,212,199,133,141,217,225,215,212,212,209,207,215,233,241,238,228,212,196,191,191,189,186,187,196,209,209,194,177,177,183,183,183,189,191,196,191,181,181,191,183,160,152,151,168,183,170,157,81,0,0,0,147,207,222,225,225,225,221,222,225,230,233,235,235,233,230,228,230,233,238,241,241,241,235,233,233,233,233,235,233,233,235,235,235,238,241,241,238,235,233,233,233,233,233,233,230,225,215,212,217,228,233,235,235,230,225,225,228,233,241,243,230,207,212,222,222,202,141,139,147,215,225,222,217,212,207,204,209,209,212,215,212,209,207,199,196,199,207,209,212,209,209,212,212,215,217,222,228,230,230,228,217,209,205,207,212,222,230,230,228,228,217,207,209,222,225,222,222,222,222,228,228,222,217,217,215,215,212,207,200,198,207,228,233,225,217,209,207,207,207,207,215,222,215,212,212,212,217,228,233,230,222,217,230,238,241,233,215,202,199,204,207,209,209,212,215,215,217,217,215,211,215,228,233,233,235,241,241,228,215,213,220,230,230,228,230,235,238,233,225,217,217,217,217,215,217,222,220,217,225,228,225,222,222,230,230,222,217,222,212,151,147,207,222,222,222,217,217,222,228,233,233,228,222,217,225,230,233,238,241,238,235,230,217,209,212,225,235,241,241,238,235,230,217,204,204,215,225,228,230,230,233,238,241,238,235,235,235,238,241,235,225,215,213,222,230,235,238,235,235,235,235,235,233,230,233,233,230,225,217,215,212,212,209,202,200,204,209,212,209,207,212,228,238,243,238,235,234,235,235,235,233,230,228,230,230,228,228,226,228,228,228,230,233,233,235,235,235,235,235,233,230,228,230,233,233,233,235,235,233,215,211,222,225,225,225,225,225,225,225,225,228,228,228,225,225,230,235,235,233,235,235,235,233,230,225,222,222,222,217,215,215,217,217,215,215,217,225,225,225,222,225,225,225,228,235,238,233,228,228,233,233,230,230,233,235,233,230,230,230,228,230,233,233,230,229,233,241,246,248,248,243,235,233,235,241,243,243,243,243,246,246,246,243,235,235,233,230,233,235,235,233,230,228,225,217,213,213,217,222,222,222,225,228,230,233,233,233,230,228,230,233,233,233,233,230,228,225,225,225,222,222,225,228,230,230,230,230,230,228,225,222,222,222,225,225,225,225,225,225,228,228,225,222,225,228,228,228,230,230,230,233,233,233,233,235,238,235,235,235,238,238,235,235,235,235,235,233,230,230,228,228,230,230,230,228,228,228,222,215,213,215,222,222,217,212,209,209,215,215,212,209,207,207,207,207,207,204,204,204,204,204,204,204,202,202,202,202,202,204,202,202,204,204,204,204,209,209,209,212,215,217,220,220,217,212,204,203,204,209,212,215,212,212,212,212,212,209,209,207,207,207,207,204,204,207,212,207,196,145,191,196,202,207,207,204,204,204,204,204,207,209,212,212,212,209,204,207,209,209,209,209,212,215,217,217,215,215,212,212,212,209,209,209,212,212,212,212,215,215,215,212,212,212,212,212,212,212,212,212,212,212,215,215,212,212,212,212,209,209,209,209,207,207,207,207,204,196,194,196,207,212,212,209,209,209,209,209,212,212,209,209,209,209,209,209,212,212,215,217,217,215,215,213,215,215,212,204,199,202,207,209,209,209,209,209,209,212,215,212,209,212,217,222,217,215,212,215,215,220,220,212,204,204,209,217,222,225,225,225,222,212,196,191,194,207,222,233,235,238,238,238,238,241,243,243,246,243,235,228,225,225,225,228,230,230,228,225,225,225,230,233,235,238,243,246,0,0,0,0,254,254,254,0,0,0,0,0,251,251,251,248,0,0,0,0,0,0,0,0,0,0,0,0,243,95,30,7,7,22,33,38,38,51,64,74,59,25,13,11,13,13,21,25,39,61,111,0,0,0,255,255,255,241,189,181,207,215,191,173,169,173,178,191,207,228,238,238,225,207,181,152,93,73,65,60,61,85,85,87,79,85,79,85,87,98,105,98,87,87,98,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,82,74,64,74,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,178,168,160,150,129,111,107,111,129,160,196,233,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,116,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,147,105,72,38,22,14,14,27,59,0,0,90,82,51,7,0,0,17,23,11,1,5,23,74,87,98,98,98,95,98,113,150,189,0,0,0,255,255,255,255,255,235,204,235,255,241,139,86,86,116,147,155,144,144,165,199,246,255,254,220,199,246,255,255,255,255,251,255,255,255,255,255,255,255,255,101,113,155,137,255,255,255,241,51,0,0,31,126,173,238,241,233,183,160,178,178,113,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,20,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,45,155,194,186,160,152,160,176,207,207,194,178,194,212,222,212,200,200,207,228,246,254,241,183,97,13,0,33,165,147,25,15,55,129,121,87,69,59,131,142,121,176,215,230,241,207,87,55,181,191,139,0,0,0,0,29,255,255,233,55,59,69,41,0,0,0,0,0,0,0,0,0,0,0,17,137,129,9,19,43,57,77,69,0,0,0,35,55,31,85,0,0,0,0,11,69,160,202,207,196,186,186,178,163,113,119,181,202,207,207,202,194,194,199,209,215,220,209,176,74,61,97,186,204,241,254,246,215,196,189,196,178,137,95,87,1,0,0,0,3,23,57,59,45,65,103,111,139,142,103,45,21,45,73,105,81,111,81,65,71,85,126,71,15,27,83,116,85,83,85,85,79,73,65,65,79,118,73,33,23,29,59,65,53,50,51,55,65,69,73,75,81,93,134,144,144,103,101,144,150,157,165,168,178,181,181,155,75,51,49,69,95,165,178,176,168,176,191,199,189,163,157,157,160,116,116,152,173,181,170,163,111,87,79,99,150,93,79,83,101,105,137,152,176,176,165,150,93,60,53,61,97,152,157,147,139,107,150,152,152,150,157,157,152,150,150,142,101,97,91,85,77,57,49,46,51,55,51,49,49,49,53,57,57,47,35,27,35,41,47,59,69,77,87,93,131,137,137,134,134,134,152,155,126,75,66,77,134,173,186,176,152,108,49,32,33,47,53,31,11,5,19,59,116,139,139,142,124,124,144,168,173,142,85,75,77,83,77,71,70,89,107,155,165,173,191,207,207,191,189,204,217,228,233,225,222,222,225,222,209,181,178,191,217,233,246,0,0,0,0,255,255,255,254,246,243,243,243,233,220,196,176,165,157,155,134,89,75,53,39,31,25,17,17,17,23,17,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,15,21,46,64,53,35,27,27,35,53,35,15,5,0,0,0,0,1,0,0,1,19,21,19 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,134,150,152,155,160,168,176,181,186,189,189,191,189,183,173,168,169,178,178,173,168,168,170,176,176,176,176,173,155,84,87,170,176,173,170,168,183,191,183,165,150,107,101,96,92,107,165,194,204,9,0,5,14,65,152,157,152,155,165,165,147,147,173,186,191,191,189,194,207,147,0,0,0,0,0,73,176,196,194,173,163,165,157,66,66,107,170,178,183,183,183,186,191,196,194,186,168,107,97,98,103,163,194,207,215,220,217,212,196,165,111,111,123,165,168,170,165,125,125,124,124,125,165,165,165,176,183,178,129,119,113,111,113,121,181,189,178,173,178,186,191,196,202,207,209,209,207,204,204,202,196,194,194,194,194,196,202,202,199,196,196,194,191,191,196,209,217,215,207,199,202,222,233,233,225,209,194,191,192,202,212,230,230,141,127,129,141,191,191,194,196,207,212,209,199,192,194,194,191,194,196,199,199,199,202,204,207,215,222,225,228,230,225,191,172,176,204,215,209,199,199,199,196,199,207,209,202,141,141,189,191,191,194,196,191,187,191,209,225,222,209,196,183,183,189,202,212,217,222,225,228,228,217,207,202,199,189,185,185,191,196,199,196,199,202,196,186,185,189,196,202,199,194,194,199,202,202,204,207,212,212,209,202,199,196,199,202,202,199,196,199,207,209,212,209,207,202,199,194,133,114,112,119,141,191,194,194,196,196,196,196,199,207,209,207,207,209,209,209,207,207,209,212,215,217,228,233,230,228,230,230,230,230,233,233,228,228,228,230,230,225,222,222,222,212,203,203,209,222,228,230,228,215,209,196,143,143,141,137,139,141,135,128,125,133,137,131,131,141,194,199,209,228,235,235,230,225,222,217,209,204,194,137,137,196,215,220,209,204,207,217,228,225,217,209,204,194,191,199,209,212,209,207,209,215,225,230,230,230,230,228,204,145,145,196,202,204,204,204,202,191,139,133,137,191,202,202,129,83,75,131,199,196,202,209,207,204,209,225,233,230,217,204,194,194,196,196,189,187,194,207,212,191,177,177,179,179,181,191,191,194,183,170,181,191,186,165,155,151,170,186,170,107,53,0,0,81,222,222,222,222,222,222,220,220,222,228,230,233,233,233,233,233,233,235,238,241,241,241,238,233,233,233,233,233,230,230,233,235,235,238,241,241,238,235,233,233,233,235,235,233,230,222,211,209,212,222,228,233,235,233,222,222,228,233,241,243,235,222,215,215,209,199,146,147,204,215,215,212,209,204,195,195,202,207,207,215,217,215,212,202,196,198,209,215,215,215,215,215,215,215,215,222,228,233,233,230,220,209,205,204,207,215,222,209,202,207,207,203,207,222,225,225,225,225,228,233,233,228,222,215,212,212,217,217,207,204,215,230,235,230,228,217,212,209,212,217,225,225,217,209,207,209,222,233,233,228,217,209,215,230,230,217,207,198,199,204,209,209,215,217,222,222,222,222,215,209,211,225,230,230,233,238,238,230,222,222,228,230,230,228,228,235,238,233,225,217,222,222,215,212,212,215,215,215,215,222,222,217,215,217,215,212,215,217,215,212,217,233,235,228,225,222,225,228,230,235,233,230,228,228,230,238,241,243,243,238,235,228,215,202,154,209,225,235,238,238,233,225,212,204,207,215,217,225,230,233,235,238,238,235,235,235,235,238,235,228,215,211,213,225,235,238,238,235,235,235,235,235,235,235,235,235,233,225,217,212,215,225,222,204,200,204,204,204,207,207,215,228,238,241,238,235,235,235,238,235,230,228,225,228,233,233,230,228,228,230,233,233,235,235,235,235,235,235,233,230,228,228,228,230,233,233,233,235,230,209,208,222,228,225,222,217,217,217,222,225,225,228,230,230,233,241,243,241,235,235,235,235,235,233,230,230,230,225,222,222,225,225,217,209,208,215,225,228,228,228,228,230,230,233,238,238,233,226,226,230,233,230,233,233,233,228,228,228,228,228,230,233,233,229,229,230,238,243,246,248,243,233,230,231,235,241,243,243,243,243,246,246,241,233,233,233,233,235,238,238,235,230,228,225,222,217,217,222,222,220,220,222,228,230,230,233,230,228,228,228,228,228,228,228,228,225,225,228,225,225,222,222,228,230,230,228,228,222,215,209,209,215,222,228,230,230,228,225,225,225,225,220,220,222,225,228,228,228,228,228,233,233,233,233,233,235,235,235,235,233,233,233,230,230,230,230,230,230,230,228,228,228,230,230,230,228,225,222,217,217,220,225,225,222,215,212,215,217,217,215,212,209,207,207,204,204,204,204,204,204,204,202,199,196,196,196,199,202,202,202,202,204,207,207,207,207,207,209,212,215,217,217,217,215,209,207,204,207,212,215,215,212,212,212,212,212,209,209,207,207,207,204,202,202,207,209,204,145,140,141,194,202,207,207,204,204,204,204,207,209,212,212,209,209,207,204,204,207,209,207,207,209,215,217,217,215,212,209,209,209,209,209,208,209,209,212,212,215,215,215,215,212,212,212,212,212,212,212,212,212,212,215,215,212,212,212,212,209,209,207,207,207,209,209,207,202,194,194,202,209,212,209,209,209,209,209,209,212,212,209,209,209,212,212,212,212,212,215,217,217,215,213,213,215,215,212,207,204,207,209,212,212,215,215,215,215,215,217,215,215,215,222,225,222,215,215,217,222,222,220,209,204,204,212,217,225,225,225,222,217,209,196,191,196,209,222,230,235,238,238,238,238,238,241,243,243,241,235,228,222,217,215,222,228,225,222,222,222,228,230,230,233,235,238,243,0,0,0,0,251,251,254,0,0,0,0,248,248,243,243,241,243,0,0,0,0,0,0,0,0,0,0,0,241,85,27,0,0,1,5,5,9,13,17,13,11,9,9,11,13,13,17,25,39,63,111,0,0,0,255,241,241,212,177,173,181,191,191,191,199,204,217,248,255,255,255,248,225,199,181,152,129,79,65,60,65,95,95,95,87,87,87,95,105,113,113,105,90,90,105,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,90,90,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,168,160,150,129,111,111,118,129,150,189,225,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,129,82,30,14,12,14,22,48,0,0,100,90,82,56,11,0,0,5,11,1,0,0,15,61,0,111,118,113,103,95,103,137,173,0,0,0,255,255,255,255,243,194,173,186,228,202,131,90,98,129,147,137,137,137,155,181,207,207,178,142,126,199,255,255,255,255,224,242,255,255,255,255,255,255,191,105,109,147,191,255,255,255,212,39,0,0,0,47,129,255,255,255,183,150,176,178,121,0,0,0,0,0,0,0,124,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,95,165,165,139,139,176,207,215,199,155,101,147,196,222,212,200,200,215,246,255,254,233,178,51,0,0,19,137,137,73,134,157,176,170,176,157,142,176,176,176,207,207,194,215,207,178,168,150,93,49,0,0,0,0,0,233,255,254,183,150,61,0,0,0,0,0,0,0,0,0,0,0,0,0,19,0,0,11,43,69,129,108,19,0,3,63,35,0,0,0,0,0,87,168,176,196,215,194,179,177,181,181,173,170,181,196,217,217,207,202,192,196,202,209,220,235,202,97,66,70,170,186,204,238,254,243,220,212,209,220,199,137,83,53,3,0,0,0,0,0,0,3,0,57,75,71,73,108,77,57,33,41,57,59,63,77,73,59,57,73,85,73,59,85,160,152,129,126,126,118,87,73,59,55,61,65,55,41,29,35,59,79,75,59,51,51,59,65,65,67,81,101,155,165,160,150,144,144,155,168,168,165,173,181,165,87,41,37,41,61,99,165,178,176,168,170,183,194,183,165,159,163,160,116,114,117,165,173,168,157,111,95,79,85,101,93,80,84,97,97,95,150,176,183,168,147,93,61,56,61,97,144,142,103,139,147,152,155,155,155,157,157,147,107,99,92,93,97,93,83,71,53,51,57,81,93,85,79,79,77,71,57,43,27,15,15,31,41,53,65,75,87,93,131,131,137,134,134,134,131,134,131,121,75,66,69,124,163,176,170,152,121,59,35,35,47,55,47,23,17,29,71,126,139,147,147,124,121,137,152,150,121,73,65,79,85,77,68,70,89,155,165,168,170,189,199,199,186,186,196,215,228,230,225,222,217,220,212,189,125,117,125,186,217,241,0,0,0,0,255,255,255,254,243,243,243,241,233,217,196,176,157,147,137,95,85,69,53,43,31,23,17,17,17,17,15,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,21,46,64,64,35,29,29,53,64,41,35,21,19,13,5,5,9,1,0,9,21,29,29 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,144,147,152,157,165,176,181,189,196,194,191,191,186,176,169,170,176,176,173,168,166,168,168,165,168,173,176,176,170,178,181,173,165,165,165,173,181,173,163,155,147,107,103,102,157,186,207,207,8,0,0,45,147,163,168,170,178,181,173,144,106,150,173,186,186,183,194,220,101,0,0,0,0,0,101,194,199,183,156,152,157,163,59,58,91,160,170,178,183,186,189,191,186,178,165,117,109,103,103,113,186,207,215,217,217,212,209,204,183,101,96,107,163,165,163,123,123,165,170,168,165,165,165,165,170,178,173,125,119,117,115,114,115,123,176,173,172,178,186,191,196,196,194,194,194,194,194,196,199,199,199,194,189,186,194,199,202,199,196,196,194,190,190,196,209,222,222,212,199,196,212,225,228,225,212,199,192,192,194,204,225,225,139,129,131,141,194,196,199,199,204,207,204,199,199,194,189,187,190,196,202,199,199,199,202,202,204,209,217,228,228,217,194,182,190,222,225,217,209,207,202,194,194,207,217,212,141,135,141,191,191,191,196,194,191,202,222,233,230,215,196,186,187,191,199,207,215,222,225,228,225,217,204,199,194,189,187,191,199,204,207,204,202,199,191,185,186,191,196,199,196,194,194,199,204,207,209,212,212,212,207,204,199,196,196,196,196,196,196,196,199,202,204,207,204,204,204,202,143,123,115,118,129,143,196,196,191,191,196,199,204,209,212,209,207,207,207,204,202,202,204,209,215,225,230,230,228,225,228,230,230,230,230,230,228,228,233,235,238,235,233,235,238,228,209,204,209,220,225,225,217,196,202,189,143,199,199,143,141,143,139,130,125,122,124,133,141,189,194,204,217,228,235,235,228,225,225,222,215,202,143,137,141,194,199,191,191,191,199,215,225,225,215,207,199,189,189,209,228,228,217,215,217,225,228,228,225,225,230,230,212,191,196,204,207,212,215,215,215,212,212,215,215,217,217,212,135,74,58,62,109,137,196,204,203,203,209,222,228,220,207,196,192,196,202,202,196,194,196,209,225,207,186,183,183,179,181,186,127,75,77,125,194,196,186,173,155,155,170,173,105,71,21,0,29,173,228,230,228,228,228,222,220,222,228,230,230,233,233,235,235,238,238,238,238,241,241,241,241,238,235,233,233,233,230,230,235,235,235,235,238,235,233,230,228,228,230,233,235,233,230,225,212,212,217,222,225,228,233,230,217,222,230,235,238,238,233,222,215,209,204,202,202,207,215,217,212,207,204,199,191,192,199,204,209,222,228,228,222,209,199,202,212,217,217,222,220,217,212,209,212,212,217,228,230,228,222,212,207,205,207,212,209,194,191,199,204,203,209,220,225,228,230,233,235,238,238,233,222,215,212,215,228,225,215,209,215,228,230,228,222,215,209,209,215,230,233,225,209,199,199,207,222,230,230,225,215,202,202,209,209,204,199,198,202,207,212,217,225,228,230,230,230,230,217,211,211,217,225,225,228,233,235,233,230,233,233,230,225,225,228,233,233,228,222,217,222,217,212,205,205,207,209,212,215,212,212,215,207,198,198,207,215,222,225,228,235,243,241,233,225,225,225,228,233,233,233,230,230,228,233,238,241,241,238,233,228,225,212,153,152,155,217,230,235,238,233,222,212,209,212,217,222,225,230,233,235,238,238,234,234,235,238,238,233,225,215,215,222,233,243,246,243,241,238,235,233,235,235,238,238,235,230,217,209,207,212,222,225,209,204,207,200,202,204,212,217,230,235,238,238,235,235,238,238,235,230,225,224,228,235,238,235,233,230,233,233,235,235,235,235,235,235,235,233,230,228,228,228,233,235,233,230,235,233,212,211,225,228,222,217,212,209,212,217,217,222,225,230,230,233,241,246,243,238,235,235,235,233,230,233,238,235,230,225,222,225,225,215,207,205,209,225,228,228,230,233,235,235,235,238,235,230,226,226,230,230,230,230,233,230,225,224,225,225,228,230,233,235,233,230,230,235,241,241,243,241,233,231,231,235,238,243,243,241,241,241,243,238,235,235,235,235,238,241,243,241,233,228,222,222,222,222,225,225,222,222,225,228,228,228,228,228,228,228,230,228,225,225,228,228,228,228,228,225,222,222,225,228,230,228,228,225,215,204,154,155,209,217,225,230,230,230,228,225,222,222,220,220,222,222,222,222,222,222,222,228,230,230,230,230,230,233,233,233,230,228,228,228,228,225,228,228,228,228,228,225,228,228,230,228,228,222,222,222,222,222,225,225,225,220,217,217,217,217,215,212,209,207,204,204,202,202,204,204,204,202,199,195,194,195,196,199,202,204,204,204,207,209,209,207,205,205,207,212,215,217,217,215,212,209,207,209,212,212,215,215,212,212,212,212,209,209,209,207,202,199,199,202,204,204,204,194,140,138,141,196,204,204,204,204,204,204,207,209,212,212,209,207,204,203,203,203,207,209,207,207,209,212,215,215,212,209,209,209,212,209,209,208,208,209,209,212,215,217,217,215,212,212,212,212,212,215,215,215,215,215,215,215,212,212,212,212,209,207,207,207,207,209,207,207,202,194,196,207,212,212,212,209,212,209,209,209,212,212,209,209,209,212,212,212,212,215,215,215,215,215,213,213,215,217,215,209,209,212,215,215,217,217,217,217,217,217,217,217,215,217,222,222,222,217,220,222,222,222,217,209,204,207,215,222,225,225,222,222,217,209,199,194,202,212,220,228,235,238,238,238,235,235,238,241,243,241,233,225,217,215,213,217,222,222,217,215,217,225,228,228,228,230,233,241,243,0,0,0,251,251,0,0,0,0,0,248,243,235,235,235,241,0,0,0,0,0,0,0,0,0,0,0,235,77,20,0,0,0,0,0,0,1,1,0,1,3,11,13,13,15,19,25,39,65,121,0,0,0,255,248,241,215,181,173,179,189,207,225,248,255,255,255,255,255,255,246,215,199,181,173,152,118,79,73,103,103,103,103,95,95,105,0,0,0,121,113,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,108,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,168,150,137,129,118,111,118,137,160,196,233,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,90,30,1,0,4,20,38,0,0,0,100,92,82,66,22,1,0,1,3,1,0,0,11,51,79,105,121,121,111,103,105,137,170,0,0,254,255,255,255,251,235,194,173,176,194,194,157,0,0,0,0,0,137,137,137,137,137,111,95,81,79,126,255,255,255,250,230,251,255,255,255,255,255,255,225,233,255,255,255,255,255,255,173,9,0,0,0,0,9,255,255,255,139,118,160,170,131,0,0,0,0,0,0,147,116,64,11,1,0,0,0,0,0,0,0,0,0,0,0,0,0,25,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,134,147,129,147,199,225,220,191,103,94,101,173,207,212,212,215,225,246,254,241,228,209,89,0,0,1,85,91,69,139,178,186,194,233,255,204,176,183,194,215,183,150,157,176,186,144,59,61,39,0,0,0,0,0,215,255,255,255,191,61,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,129,165,186,191,196,209,202,176,87,0,0,0,165,194,204,196,196,204,207,189,179,177,179,181,186,189,194,204,217,217,207,199,192,199,209,220,220,199,115,77,74,97,178,178,194,246,254,243,212,204,204,209,186,95,63,21,5,0,0,0,0,0,0,0,0,51,108,65,59,77,108,71,51,35,39,59,79,83,73,57,47,59,73,71,77,139,163,163,155,152,142,129,85,73,61,57,53,48,49,53,49,47,61,85,79,63,53,55,73,81,81,81,93,155,173,181,173,155,144,144,165,173,165,165,173,186,155,61,37,35,41,69,103,170,178,176,170,170,183,191,189,173,165,168,163,160,117,157,165,173,168,163,152,95,76,79,93,87,83,91,101,91,89,142,176,178,157,137,89,73,67,77,97,142,101,101,147,155,163,160,160,160,157,152,142,99,94,91,93,99,97,83,63,59,65,87,139,155,147,139,134,91,71,47,27,14,13,14,33,47,59,73,89,95,131,137,137,129,126,126,134,131,131,124,89,69,64,66,83,144,165,160,147,121,65,37,33,43,57,53,43,29,47,77,129,139,142,137,124,87,89,134,134,79,59,59,77,83,77,67,68,89,157,173,173,170,178,189,189,178,178,186,194,204,217,222,222,220,220,212,189,119,110,110,123,196,241,0,0,0,0,255,255,255,254,243,243,235,235,228,212,186,170,150,105,97,89,81,65,51,43,31,17,9,1,5,7,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,27,53,53,33,31,33,53,61,61,41,39,33,21,15,7,15,13,7,15,27,33,33 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,142,144,155,163,173,178,186,194,191,191,191,191,183,173,176,181,181,181,176,173,170,165,161,165,178,189,194,189,183,176,168,163,163,168,170,170,168,165,163,160,152,150,150,160,176,189,173,95,35,39,59,107,176,189,189,186,186,183,168,152,107,93,103,165,173,183,225,170,0,0,0,0,0,160,196,191,168,155,153,163,173,63,61,89,150,160,170,178,178,181,176,170,163,152,111,111,117,163,178,202,212,212,212,209,204,202,199,189,105,95,102,119,123,123,122,123,170,178,178,170,165,165,164,170,176,168,123,121,123,125,119,115,121,131,176,178,186,194,202,204,199,189,183,183,183,183,189,196,202,202,196,181,174,183,189,194,194,194,191,191,194,196,196,202,209,215,212,199,195,204,212,215,215,209,204,199,194,194,189,137,130,130,139,186,186,196,204,207,199,195,194,195,198,202,194,187,189,194,202,202,199,199,199,199,198,198,204,215,225,225,212,196,194,215,230,230,228,222,212,199,189,191,207,222,222,186,130,132,141,191,194,199,204,204,212,222,230,225,207,191,189,196,196,196,202,215,225,228,225,217,209,199,191,189,187,189,202,209,215,215,209,202,194,189,186,191,191,189,191,191,189,191,196,202,204,207,209,207,204,202,199,199,199,196,196,196,199,202,202,199,199,202,204,207,209,215,217,222,209,135,121,127,189,196,190,181,185,191,202,209,215,215,212,207,207,204,202,200,200,202,209,222,228,228,228,225,228,230,230,230,230,228,228,228,230,233,235,238,238,235,238,241,228,209,207,217,222,217,202,139,109,125,119,141,209,215,202,199,204,202,196,143,124,125,189,199,196,202,215,215,217,217,222,225,225,222,217,204,143,139,194,202,194,141,134,132,133,139,199,212,212,207,202,191,185,186,207,228,228,222,217,222,225,228,225,224,224,228,230,217,196,199,204,207,215,225,228,228,230,233,235,235,235,235,233,222,123,62,61,107,191,204,207,203,204,212,225,228,217,204,196,194,196,204,209,209,209,215,225,233,222,202,194,191,189,183,131,56,41,42,101,189,191,189,181,160,160,168,160,105,93,61,9,93,194,228,235,235,233,230,228,225,228,233,235,233,233,233,235,241,241,241,241,238,238,238,238,241,241,238,235,235,233,230,230,233,235,233,233,233,233,228,225,224,224,225,230,233,233,233,228,222,222,225,228,228,228,228,225,215,217,230,235,235,233,225,217,215,212,207,207,212,217,222,222,212,209,207,199,192,192,196,204,215,228,233,230,228,215,209,212,217,222,222,225,225,222,212,209,207,205,209,217,225,222,222,215,207,207,209,212,202,191,191,202,207,207,209,217,222,228,235,238,238,238,238,233,228,225,225,230,235,230,217,212,212,217,222,217,209,209,208,208,215,230,230,215,138,140,147,204,217,228,225,217,209,200,200,204,204,199,196,196,204,212,215,225,233,235,238,238,238,235,225,212,211,215,222,222,225,230,233,233,233,235,233,225,215,217,225,228,222,215,212,217,222,222,212,205,203,205,209,212,217,212,212,209,203,196,198,212,225,230,230,233,235,238,235,233,228,225,222,228,233,233,228,225,225,225,230,233,233,233,228,222,217,222,215,204,153,155,215,228,233,235,233,222,215,217,222,225,228,230,233,230,233,235,235,234,235,238,241,238,230,222,222,225,230,235,241,246,246,243,235,233,233,235,238,238,235,230,217,204,153,204,209,212,217,215,212,209,202,203,209,215,222,228,233,235,235,235,235,238,238,235,230,225,224,228,233,238,238,235,233,233,233,233,233,235,235,238,238,238,235,233,228,228,230,235,235,233,230,233,233,215,212,225,225,222,215,209,208,209,215,217,222,225,225,225,225,233,241,241,241,238,235,230,222,217,228,235,238,233,222,217,217,217,209,207,208,215,228,230,230,230,235,235,238,238,235,233,228,226,226,228,230,230,230,230,228,224,224,225,228,228,230,233,238,235,233,233,235,235,233,233,233,235,235,235,235,238,243,243,241,235,233,238,238,238,235,235,235,238,241,243,238,233,225,217,216,217,222,225,225,225,228,228,225,225,225,225,222,225,230,233,230,225,225,228,228,228,228,225,222,222,225,228,228,228,228,230,228,215,155,153,154,207,215,225,230,233,230,228,225,222,222,222,222,222,222,217,215,215,215,217,222,228,228,228,228,228,230,230,228,225,225,225,225,225,228,228,228,228,228,225,224,225,228,228,228,225,222,222,222,222,222,225,225,225,222,220,217,217,215,212,212,209,207,204,202,199,199,202,202,202,199,196,194,194,196,199,202,204,204,207,207,207,209,209,209,207,207,209,215,215,217,217,215,212,209,209,212,215,215,215,215,212,212,212,212,209,207,207,204,198,195,196,199,207,204,199,145,140,140,191,202,204,204,204,204,204,207,209,212,212,212,209,207,204,203,203,203,207,209,209,207,209,209,209,209,209,209,212,212,212,212,209,209,208,209,209,212,215,217,217,215,212,212,212,212,212,215,215,215,215,215,215,215,212,212,212,212,209,207,207,207,207,209,207,204,199,192,199,209,215,215,212,212,212,209,209,209,212,212,209,209,209,212,212,212,215,215,215,215,215,215,215,215,215,217,215,212,212,215,217,217,222,222,222,222,222,217,217,217,217,222,222,222,222,225,225,222,222,217,212,207,204,209,215,222,225,225,222,222,217,215,202,194,204,215,217,225,230,238,238,235,235,235,238,241,241,238,230,225,217,215,213,215,217,217,215,212,215,222,225,225,222,225,230,235,241,0,0,0,0,0,0,0,0,0,0,248,241,234,234,235,241,0,0,0,0,0,0,0,0,0,0,238,228,59,14,0,0,0,0,0,0,0,0,0,1,9,15,15,15,17,21,25,39,95,152,0,0,0,0,0,255,248,199,181,186,199,225,248,255,255,255,255,255,255,255,246,225,207,199,199,181,160,129,118,118,118,118,111,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,194,168,150,137,137,129,129,137,150,168,204,246,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,98,38,4,0,0,0,27,0,0,0,0,100,100,90,74,30,1,0,0,0,1,0,3,15,51,77,103,118,121,118,118,134,144,163,0,0,254,255,255,255,251,243,204,176,176,0,0,0,0,0,0,0,0,0,0,0,113,95,85,81,75,81,111,235,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,246,69,0,0,0,0,0,0,255,255,255,64,66,118,134,118,118,0,0,0,0,126,126,108,66,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,100,105,139,191,215,209,178,144,101,144,181,204,220,225,235,243,255,255,246,225,209,152,39,0,31,89,89,66,75,157,176,183,215,215,168,157,183,207,194,150,91,83,67,77,0,5,137,170,0,0,13,95,217,255,255,255,0,248,157,255,228,176,129,31,0,0,0,0,0,0,0,0,0,0,0,0,118,176,202,222,225,233,225,199,199,155,67,83,199,202,204,202,195,196,202,196,189,181,176,176,186,196,199,204,217,217,202,199,199,199,207,207,183,83,63,83,95,121,170,118,178,254,255,246,207,194,176,157,134,77,55,21,0,0,0,0,0,0,0,0,0,63,108,53,53,111,142,129,71,31,29,71,147,139,73,53,45,57,63,53,57,79,137,152,155,152,142,89,73,65,65,65,55,49,55,61,59,47,53,65,65,59,59,73,91,142,142,99,101,155,176,181,178,165,155,160,173,173,155,155,168,173,101,55,41,45,61,89,157,183,194,186,176,168,173,191,194,183,178,173,168,168,163,165,168,173,170,163,152,99,76,75,83,93,86,97,105,91,79,99,157,160,142,93,85,91,103,103,101,101,101,139,155,163,163,160,160,160,150,144,103,99,95,95,99,142,103,83,71,77,95,147,157,163,165,160,152,95,57,31,15,13,14,27,43,59,71,83,95,139,147,147,137,129,91,91,126,134,134,129,89,77,66,66,83,134,160,160,144,116,65,41,34,47,63,67,59,53,63,83,126,137,137,124,87,81,75,79,73,55,40,43,67,79,71,67,70,89,157,173,173,163,170,181,186,176,170,168,173,186,202,215,220,222,228,222,207,131,114,110,117,194,233,0,0,0,0,255,255,254,254,243,235,235,235,228,209,186,165,147,97,91,83,75,61,49,37,27,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,19,31,27,27,33,51,61,61,61,39,39,27,17,13,13,13,13,19,27,37,39 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,111,157,160,165,173,178,183,186,186,189,194,189,183,181,183,183,186,191,191,181,168,163,173,191,204,204,196,183,173,170,165,163,165,165,163,165,168,170,170,160,155,157,165,168,163,147,160,173,170,152,155,176,194,191,189,186,178,173,170,150,70,62,74,107,168,207,196,0,0,0,0,0,176,199,186,168,160,165,176,183,74,76,97,144,155,165,170,168,163,157,157,160,150,108,110,163,178,191,204,207,202,199,202,202,196,191,183,115,98,103,115,119,168,165,165,170,178,181,178,170,164,164,173,176,168,125,125,127,127,125,121,121,127,173,178,194,207,215,212,204,191,181,178,178,135,181,189,196,202,194,178,172,174,177,183,189,189,189,194,204,209,204,196,196,204,204,199,196,196,196,194,189,191,196,199,196,191,141,130,123,123,135,191,191,196,204,207,199,192,191,195,202,204,194,190,194,204,207,202,199,199,199,198,198,198,204,217,225,217,204,194,202,225,233,233,233,228,207,141,137,186,199,212,212,137,127,129,135,186,196,207,215,215,215,212,209,204,194,186,191,204,202,195,199,212,225,228,217,209,204,199,191,189,189,194,207,215,217,215,209,199,191,186,189,194,189,186,186,186,186,189,194,196,199,202,202,196,194,194,194,196,199,199,202,204,209,212,207,202,199,202,204,207,215,225,235,241,235,204,135,137,202,199,185,182,187,199,204,209,215,215,209,207,204,202,202,200,200,202,207,222,225,225,224,225,230,233,233,233,230,228,228,228,230,230,233,235,238,241,241,235,212,143,189,207,222,215,139,46,33,83,109,189,217,228,225,225,228,225,225,225,215,202,199,199,199,209,217,209,199,196,202,209,212,209,199,133,131,189,212,212,196,141,139,134,132,135,189,202,202,196,196,194,190,191,204,217,217,212,212,215,222,225,228,225,228,230,230,222,207,202,202,207,222,230,233,235,235,238,238,235,238,241,241,238,225,119,103,199,217,212,207,204,204,209,222,225,215,207,199,196,204,212,217,225,225,228,230,233,228,215,204,199,199,189,119,55,50,56,103,178,194,194,186,176,173,170,163,121,119,99,45,101,196,228,238,238,233,230,228,230,233,238,238,235,233,235,238,241,241,241,241,238,238,238,238,241,238,235,235,233,233,230,230,230,230,230,230,230,230,228,225,224,224,225,228,230,233,230,230,228,230,230,230,230,228,225,217,212,215,228,233,233,228,217,212,212,212,212,215,222,228,230,228,217,212,212,207,196,195,199,204,215,228,230,230,225,217,215,222,225,225,225,228,228,228,217,209,205,204,207,215,222,217,215,212,205,205,207,209,199,192,192,204,209,207,209,215,215,225,235,238,238,235,235,235,238,238,241,243,241,235,228,217,212,212,215,212,209,208,208,209,212,212,204,142,133,139,199,209,215,215,212,209,204,202,202,207,207,202,196,194,207,215,217,230,238,241,243,241,241,235,228,212,211,215,220,217,225,230,235,235,235,233,228,215,212,215,225,225,215,209,209,215,225,225,222,209,207,209,215,215,215,217,215,207,203,204,215,228,233,233,233,233,233,230,228,228,228,217,212,222,230,230,217,213,215,222,228,230,225,222,217,212,212,222,222,212,155,155,212,225,230,233,233,228,225,225,228,230,233,235,233,233,233,235,238,238,238,241,243,235,228,225,228,230,225,228,233,238,241,238,233,230,235,238,235,230,225,212,153,146,147,207,209,208,212,222,217,215,212,212,215,215,217,228,233,235,235,235,235,235,238,235,230,228,225,225,228,233,235,238,235,235,233,233,233,233,235,238,238,238,235,233,230,233,233,235,235,233,228,228,225,209,208,215,222,225,222,209,207,212,222,225,228,228,222,220,220,228,235,241,241,241,233,212,153,202,212,228,235,233,217,209,209,212,212,212,217,230,233,230,230,233,235,238,238,238,235,230,228,226,226,226,228,228,230,233,230,225,225,228,230,230,230,233,235,238,235,230,230,230,225,218,220,230,238,238,235,238,241,243,238,231,231,233,238,238,235,233,230,233,235,238,233,230,222,216,216,217,222,225,228,228,230,228,222,217,217,217,222,225,230,233,230,225,225,228,228,228,225,222,220,222,228,230,230,230,230,233,230,217,207,155,204,209,215,222,228,230,230,228,225,225,225,225,228,225,222,215,213,213,215,217,222,225,228,228,228,230,230,230,228,225,224,224,225,228,230,230,230,228,225,225,224,225,228,228,228,225,225,222,222,222,222,222,225,225,225,222,217,215,212,212,209,209,207,204,202,199,199,199,199,199,199,196,195,195,196,202,202,204,204,207,207,207,209,212,209,207,207,212,217,217,217,217,215,212,209,212,215,215,215,215,215,212,212,212,212,209,207,204,202,198,195,196,202,207,204,196,145,143,191,199,204,204,204,204,207,207,209,209,212,212,212,212,209,209,207,204,204,209,209,209,207,207,207,207,207,207,209,212,215,215,212,212,209,209,212,212,212,215,215,215,215,212,212,212,215,215,215,215,215,215,215,215,215,212,212,212,212,209,207,207,207,209,207,204,202,196,194,202,209,215,215,215,215,215,212,209,209,212,212,209,209,209,209,212,215,215,215,215,213,213,215,215,217,217,217,215,215,215,217,217,222,222,225,225,222,222,222,222,222,225,225,222,222,225,225,225,225,222,215,207,202,204,209,217,222,228,225,225,222,222,212,194,143,196,209,215,215,225,0,235,235,235,235,238,241,241,235,228,222,217,217,215,215,217,222,215,209,212,215,217,215,215,217,225,233,238,0,0,0,0,0,0,0,0,0,0,246,241,235,234,238,243,0,0,0,0,0,0,0,0,0,243,233,217,33,3,0,0,0,0,0,0,0,0,0,0,11,17,17,17,21,27,27,43,103,181,0,0,0,0,0,255,241,199,181,189,215,241,255,255,255,255,255,255,255,255,255,241,225,225,225,220,199,178,160,150,150,147,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,194,168,150,150,157,150,150,150,160,189,212,246,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,64,20,0,0,0,20,0,0,0,0,108,108,108,108,87,56,7,0,0,0,0,3,9,21,53,0,103,121,134,134,142,144,144,157,0,0,251,255,255,255,255,251,212,176,0,0,0,0,0,0,0,0,0,0,0,0,111,95,85,85,92,108,139,189,235,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,155,0,0,0,176,157,31,1,255,255,255,0,0,59,85,103,142,0,0,0,124,108,108,90,66,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,35,73,139,176,194,189,170,170,194,212,225,235,243,251,255,255,255,255,233,168,91,45,1,1,53,73,67,75,142,165,176,150,94,113,157,191,191,168,142,91,69,0,0,0,0,147,199,67,11,189,255,255,255,255,255,0,0,255,255,255,215,147,129,55,0,0,0,0,0,0,0,0,0,0,0,111,176,207,222,222,209,199,199,202,199,181,183,199,202,202,204,195,196,202,202,202,194,176,169,181,199,204,204,209,209,199,191,199,191,189,176,89,52,58,115,173,173,118,106,168,246,254,254,241,212,163,89,77,69,61,25,0,0,0,0,0,0,0,5,29,63,43,17,31,126,176,176,126,39,31,108,178,160,79,51,39,51,47,29,29,47,71,118,129,129,118,73,57,55,59,67,65,55,55,59,53,45,49,65,73,75,83,95,147,150,144,99,101,144,168,181,176,173,168,173,181,168,155,111,111,93,69,49,55,69,87,111,170,186,194,189,170,168,173,194,207,196,183,178,173,170,170,170,168,165,168,163,152,95,76,74,83,93,93,97,97,81,75,83,103,139,97,89,91,144,160,152,101,101,139,155,163,163,157,155,155,150,107,101,101,105,105,105,144,142,103,89,83,95,150,165,168,165,165,163,150,83,47,23,15,19,29,43,61,71,83,95,134,147,150,147,144,97,90,91,131,152,152,139,93,83,73,77,87,144,165,163,142,89,65,47,39,57,81,85,77,73,77,116,139,137,124,121,83,73,67,67,55,41,33,34,57,71,75,70,75,99,157,170,165,160,163,178,186,170,160,117,121,173,191,209,220,222,230,230,225,196,123,114,121,204,241,255,0,0,255,255,255,254,251,243,233,233,230,222,207,183,157,107,97,87,81,67,57,43,35,21,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,19,19,31,51,59,59,59,59,39,31,19,13,17,19,19,19,25,37,39 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,163,147,147,163,157,170,181,181,183,186,189,181,178,178,181,183,191,194,178,160,163,183,204,212,212,204,189,173,165,165,160,160,157,160,163,170,173,173,165,144,155,176,163,155,152,160,165,165,163,157,152,157,181,186,181,160,152,165,168,81,63,68,97,160,183,191,1,0,0,0,0,147,194,183,173,170,173,178,183,84,88,105,144,152,163,160,157,152,151,157,170,160,104,105,160,178,186,194,194,189,189,199,204,202,191,178,115,93,98,117,163,176,170,165,170,176,181,181,176,164,164,170,173,173,173,176,170,129,129,125,121,119,119,129,191,215,222,215,204,194,186,181,176,131,133,178,186,191,191,183,176,174,174,178,186,189,189,199,217,225,212,196,192,194,199,204,202,196,186,129,125,128,186,199,202,194,191,191,131,123,128,186,194,189,199,212,209,199,199,209,222,215,199,191,199,207,207,199,199,202,202,199,199,202,207,215,217,207,199,194,202,222,233,235,235,228,186,131,133,141,194,196,196,141,131,134,137,141,204,215,225,225,220,207,196,194,187,186,196,209,204,196,199,209,217,217,212,204,202,202,199,196,194,199,209,212,212,212,209,199,191,191,199,202,196,191,189,186,185,186,191,194,196,199,196,190,189,189,191,194,196,199,202,207,212,215,212,202,198,198,199,204,215,228,238,243,238,222,202,202,212,212,196,202,207,209,207,207,207,209,207,204,202,202,202,202,202,202,207,217,228,225,224,225,230,233,230,230,230,230,228,225,222,225,230,235,241,238,233,212,125,115,125,143,209,209,139,33,25,75,135,207,228,233,233,233,233,233,233,233,230,215,202,196,196,204,207,202,191,187,189,191,189,137,129,126,131,196,215,212,204,204,215,207,137,134,141,199,202,199,196,199,202,207,212,215,209,204,199,207,212,220,225,228,228,228,225,215,209,204,199,212,233,233,233,235,235,238,235,235,235,241,243,243,235,202,191,217,217,207,204,204,199,196,204,212,212,204,196,196,209,222,228,230,230,230,230,230,230,230,215,204,202,191,117,105,113,121,170,196,215,207,191,186,181,178,176,178,168,105,65,111,199,225,233,233,233,230,230,230,235,241,241,238,235,235,238,235,235,238,238,238,241,241,241,238,235,235,233,233,233,230,230,230,230,230,230,233,230,230,225,225,225,225,228,230,230,233,230,230,230,233,233,233,233,228,220,212,215,222,228,228,222,215,211,212,212,215,222,228,233,233,228,215,209,212,209,204,202,204,204,212,225,228,225,222,215,217,225,230,228,228,230,233,230,225,215,209,207,212,225,225,215,209,207,204,205,207,207,202,196,195,199,207,209,212,215,215,222,230,235,235,234,234,238,243,243,243,243,241,238,233,225,217,212,209,209,212,212,212,212,212,207,196,142,143,204,215,212,207,202,202,202,202,204,207,209,209,207,198,191,209,212,217,230,238,241,241,241,235,233,225,212,212,215,217,217,225,233,238,238,235,230,222,215,213,217,228,228,217,211,211,215,225,228,228,222,215,215,217,215,212,215,212,207,207,222,233,235,238,235,233,233,230,228,225,225,217,208,205,212,228,228,215,211,215,225,233,233,225,215,212,211,215,228,230,217,207,204,209,217,225,225,230,233,233,230,228,230,233,235,235,233,235,238,241,238,241,241,238,233,228,228,228,228,217,216,222,228,230,230,230,233,238,235,230,217,209,202,147,144,147,209,215,212,217,228,228,222,217,222,217,215,217,228,235,238,238,235,234,235,235,235,233,230,228,225,222,228,233,238,238,235,233,230,230,230,233,235,238,238,235,233,233,233,235,235,233,228,225,217,212,207,205,209,217,228,225,209,208,212,225,228,230,230,222,218,218,228,235,241,241,235,222,151,148,152,212,217,225,225,212,207,207,209,215,217,228,233,233,230,229,230,233,235,235,233,230,228,228,228,228,226,226,226,228,230,230,228,228,230,233,233,230,230,235,235,233,229,230,230,222,213,213,228,241,238,235,238,241,241,235,231,231,235,238,238,235,230,228,230,233,233,230,225,222,216,216,222,225,228,228,230,230,225,217,215,215,217,225,228,230,230,228,222,222,222,222,222,217,217,222,225,230,230,230,230,233,233,230,222,209,207,207,212,215,222,228,233,233,230,230,230,228,228,228,228,222,215,213,213,215,217,222,225,228,228,230,233,230,228,225,224,224,225,228,230,230,230,230,228,225,225,225,225,228,228,225,222,222,222,217,217,217,220,222,225,225,222,217,212,212,212,212,209,209,207,204,202,199,199,199,202,202,202,199,199,199,202,202,204,204,204,204,204,207,207,204,199,202,209,217,217,217,217,215,215,212,212,215,215,215,215,215,212,212,212,212,209,207,202,199,199,199,202,204,202,191,145,145,145,196,204,207,204,204,204,207,209,212,212,209,209,212,212,212,212,209,207,207,209,209,207,207,207,207,207,207,207,212,215,212,212,212,212,212,212,215,212,212,215,215,215,212,212,215,215,215,215,215,215,215,215,215,215,215,212,212,212,209,209,207,207,209,209,207,204,199,196,196,202,209,212,215,217,217,215,212,209,209,212,212,212,209,209,209,212,215,215,215,215,213,213,215,217,222,217,217,215,215,215,217,217,222,222,225,225,222,222,222,221,222,225,222,220,218,222,225,225,225,222,215,204,200,200,209,217,222,228,228,225,225,222,209,141,137,143,204,212,212,217,0,0,235,235,238,238,241,238,235,230,225,217,215,212,217,225,225,217,209,207,209,212,209,209,215,222,228,233,238,0,0,0,0,0,0,0,0,0,246,243,235,235,238,241,243,0,0,0,0,0,0,0,0,243,233,215,17,0,0,0,0,0,0,0,0,0,0,0,9,15,19,25,25,35,39,51,118,0,0,0,0,0,0,255,225,189,181,199,241,255,255,255,255,255,255,255,255,255,255,248,228,238,246,246,225,204,183,170,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,194,168,150,168,178,168,168,168,0,189,212,246,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,105,53,14,1,0,9,38,0,0,0,0,108,116,124,124,113,82,33,1,0,0,3,9,15,30,59,0,111,134,139,142,142,142,134,144,0,0,251,255,255,255,255,243,202,176,0,0,0,0,0,0,0,0,0,0,0,0,103,103,95,92,134,0,0,204,243,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,13,255,255,92,0,238,255,209,0,0,0,59,100,152,0,0,178,124,98,85,82,74,66,0,0,0,0,20,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,49,131,168,194,202,202,217,233,235,243,251,254,255,255,255,255,251,81,45,25,0,0,0,0,49,83,165,183,183,144,92,117,181,194,186,157,93,87,49,0,0,0,0,17,89,155,191,255,255,255,255,255,255,0,0,0,0,0,196,160,170,178,92,0,0,0,0,0,0,0,0,0,155,170,194,207,209,212,207,199,194,194,199,202,194,202,212,228,212,196,196,202,202,207,202,179,172,186,204,209,204,209,209,196,189,189,189,183,125,75,55,75,183,199,186,118,106,176,235,251,255,255,251,191,142,89,87,81,37,0,0,0,0,0,0,11,41,55,39,6,2,19,139,186,189,157,108,69,124,176,178,121,51,33,41,33,20,25,41,57,73,79,79,79,67,55,52,57,71,71,59,49,44,44,49,65,87,131,144,155,160,160,157,147,101,99,144,165,173,173,173,173,181,181,168,155,103,75,43,41,47,61,81,101,163,178,186,186,181,168,163,173,199,215,204,186,178,168,168,170,165,165,157,157,157,147,95,75,73,83,97,93,91,91,71,65,71,87,91,93,95,137,160,165,142,98,101,152,168,170,163,152,152,150,142,101,95,97,105,144,144,103,103,103,95,95,103,155,181,178,165,160,152,134,73,43,29,31,39,53,65,77,83,95,134,142,150,160,147,137,93,90,97,155,163,155,137,126,87,83,81,124,150,165,165,142,89,65,47,53,71,126,139,126,126,126,129,137,139,137,89,79,73,67,67,65,51,40,45,59,75,81,81,87,105,157,165,160,155,160,178,183,168,117,110,112,163,191,209,220,220,217,225,220,207,131,117,127,212,243,254,255,255,255,255,255,254,251,241,233,233,225,215,202,181,157,107,95,83,75,63,49,37,29,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,25,51,69,69,59,59,45,39,29,19,19,19,19,19,25,31,39 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,142,79,74,108,95,139,168,173,170,176,181,176,170,170,173,173,181,176,147,140,147,186,209,215,215,207,189,165,157,160,160,155,155,155,160,165,168,168,163,95,95,168,147,152,163,157,155,160,165,157,144,144,163,168,160,152,140,146,168,155,79,87,160,163,170,178,89,0,0,0,0,45,170,170,168,170,168,170,176,95,101,142,142,147,157,152,150,152,152,165,178,168,104,103,155,168,173,178,181,178,181,194,204,209,199,183,107,79,83,117,170,173,170,168,168,170,178,181,176,168,165,168,170,176,189,194,183,178,181,176,121,115,113,119,186,215,215,204,196,194,189,183,133,125,123,125,127,133,183,186,186,178,178,183,189,189,189,202,228,233,217,196,191,192,199,209,212,204,181,126,121,123,137,204,207,196,196,207,207,141,135,186,191,189,202,222,228,222,217,222,228,230,209,196,196,202,202,199,199,202,204,204,204,204,209,215,209,196,194,194,199,220,235,238,235,230,135,129,134,186,189,191,199,202,204,212,191,191,217,228,230,233,225,204,194,191,189,191,204,212,207,199,196,202,209,209,204,200,202,204,207,204,202,204,209,207,202,204,204,199,196,204,212,212,207,202,196,189,186,186,189,191,194,196,194,190,189,189,191,194,199,199,196,202,209,212,209,199,198,198,198,202,212,225,230,233,233,225,215,212,217,217,212,209,212,212,204,200,202,204,204,202,200,200,204,207,204,204,207,222,230,230,228,225,225,225,225,228,230,230,225,220,218,218,225,238,241,222,127,101,95,107,127,141,196,196,189,50,57,131,204,225,233,233,230,230,230,230,233,233,228,215,204,196,196,196,199,202,196,191,191,189,135,124,122,127,139,199,207,209,212,222,230,217,137,133,137,202,212,209,204,199,207,215,222,217,207,199,196,199,204,209,215,217,215,212,209,207,207,202,199,222,241,235,233,230,233,238,238,238,238,241,241,241,235,207,199,209,202,191,199,202,189,185,191,207,207,202,195,194,204,222,228,228,228,228,230,233,233,233,225,207,199,189,123,121,127,176,199,230,241,215,191,186,183,183,189,194,181,113,101,125,202,212,217,225,233,233,230,228,233,238,241,238,235,233,233,230,228,230,235,238,241,243,241,238,233,230,233,235,235,233,230,230,230,230,233,233,233,230,228,225,225,225,228,230,233,233,233,233,233,235,235,235,235,230,222,212,207,212,225,225,220,212,212,217,217,217,222,228,230,228,217,204,203,209,212,209,209,207,207,209,220,225,222,215,215,217,228,230,230,230,233,235,233,225,215,212,209,217,230,228,215,207,205,207,212,212,209,207,202,198,199,207,209,215,217,217,225,230,233,235,234,234,238,243,243,241,238,238,238,238,230,225,215,212,209,209,209,212,217,222,217,215,212,217,225,222,209,200,199,200,202,204,207,209,207,207,207,202,194,204,207,209,222,230,233,235,233,230,228,217,209,207,212,212,212,217,230,238,241,235,230,225,217,217,225,230,230,228,217,212,212,215,225,230,225,217,215,215,212,211,211,212,215,222,230,238,243,241,235,231,233,233,230,228,225,215,207,204,211,225,228,222,215,222,230,238,235,228,215,212,212,220,233,235,228,212,207,212,215,215,217,228,233,235,230,228,228,228,233,233,235,238,241,241,238,238,235,230,230,230,233,230,225,215,215,217,225,228,230,235,238,235,230,222,209,202,151,147,146,149,209,217,217,225,230,230,228,222,217,215,215,222,233,238,238,235,235,235,235,235,235,235,233,228,222,220,222,230,235,238,235,230,230,230,230,230,233,235,235,233,230,230,233,233,233,230,228,222,212,208,207,208,212,220,228,222,209,208,215,225,230,233,233,225,218,220,230,238,241,238,230,204,148,149,209,222,217,217,217,212,207,207,209,215,222,228,230,230,229,229,230,230,233,230,230,228,226,228,230,230,228,226,226,228,228,228,228,228,233,233,233,230,233,235,235,233,230,233,235,230,216,213,230,243,241,238,238,238,238,233,231,233,238,238,238,235,233,228,228,228,228,228,225,222,217,217,225,228,228,230,230,228,222,212,212,215,222,228,230,228,225,225,222,221,222,217,216,216,217,225,230,230,230,230,233,233,233,230,222,212,209,212,215,217,225,230,233,233,233,233,230,230,228,228,228,222,215,213,215,215,217,222,225,225,228,230,230,228,228,225,225,225,228,228,230,230,230,228,222,222,222,225,228,228,225,222,222,222,217,215,213,215,217,222,222,222,217,215,212,212,212,212,212,212,209,204,202,199,199,202,204,204,204,204,204,202,202,202,204,202,202,202,202,204,202,191,145,147,204,215,217,215,215,215,215,212,212,212,215,215,215,215,212,212,212,209,207,202,199,196,202,204,204,199,191,138,139,143,191,196,204,209,207,207,207,209,212,212,212,209,209,212,212,212,212,209,207,207,207,207,207,207,207,207,207,209,209,215,215,212,209,209,209,212,215,215,215,212,212,212,212,212,212,215,215,215,215,215,215,215,215,212,212,212,212,212,212,209,207,207,209,209,209,204,199,196,196,199,204,209,212,215,217,217,215,212,209,212,212,212,212,209,209,209,215,215,217,217,215,213,213,217,222,222,222,217,215,217,217,217,222,222,225,225,225,225,225,222,221,221,222,222,218,218,220,222,225,225,225,215,202,198,199,207,217,222,225,228,225,225,222,209,140,136,141,207,215,215,222,0,0,233,235,238,238,238,238,233,230,228,222,212,209,217,228,228,217,207,204,207,207,207,207,212,222,228,233,238,0,0,0,0,0,0,0,0,0,246,241,235,235,235,235,238,0,0,0,0,0,0,0,243,243,233,217,11,0,0,0,0,0,0,0,0,0,0,0,7,15,25,27,29,43,53,63,129,0,0,0,0,0,0,255,238,199,196,225,255,255,255,255,255,255,255,255,255,255,255,238,217,228,246,246,238,207,196,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,0,0,0,0,0,0,246,220,194,165,157,168,186,186,178,178,178,194,222,254,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,95,56,22,4,7,20,51,0,0,0,0,111,124,137,144,137,108,72,30,9,9,20,27,27,46,64,0,0,134,142,134,131,118,118,131,0,0,0,255,255,255,243,228,183,168,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,139,0,0,0,31,255,255,41,0,43,176,134,0,0,0,51,100,168,0,243,215,155,108,85,90,0,0,0,0,0,121,43,22,22,33,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,3,0,0,0,0,0,0,0,0,21,81,163,194,202,202,207,225,238,246,254,255,255,255,255,255,251,37,25,39,27,0,0,0,0,69,176,176,176,168,150,176,183,194,186,144,43,17,0,0,0,0,0,0,43,165,222,255,255,255,255,255,255,0,0,0,255,0,0,147,178,189,124,0,0,0,0,0,0,0,178,217,178,194,189,189,196,207,212,194,178,178,194,202,202,202,225,217,194,196,194,194,194,204,215,194,186,196,215,215,204,204,209,202,189,181,186,186,165,81,61,89,183,199,191,168,156,202,243,251,255,255,255,220,186,181,178,163,63,11,0,0,0,0,0,57,63,63,25,0,0,39,155,186,189,170,157,129,129,155,163,126,47,29,33,27,20,33,51,63,73,69,73,77,73,67,57,59,73,85,73,47,39,41,53,77,131,155,165,176,181,176,173,173,165,155,155,165,168,168,168,173,173,173,168,168,111,55,32,32,49,77,97,119,173,189,191,189,178,165,163,173,199,215,209,191,178,168,168,170,165,157,155,155,152,111,89,75,75,87,99,93,83,75,65,61,63,73,81,93,137,147,160,152,99,96,103,165,173,170,163,152,142,142,101,95,93,95,144,155,139,97,94,95,101,142,144,155,168,178,163,147,103,89,67,47,39,45,61,73,83,91,97,134,142,150,163,160,144,97,91,97,134,155,160,142,129,91,89,83,81,93,144,160,160,129,79,55,47,51,79,139,144,142,139,139,137,144,144,137,124,85,75,73,79,83,83,79,75,71,77,87,91,97,105,152,160,160,155,163,178,186,173,117,109,112,165,191,209,212,209,207,196,196,194,176,121,133,222,246,254,0,255,255,255,255,255,251,241,233,225,225,215,204,181,163,144,95,83,73,55,41,29,21,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,23,37,69,69,69,66,45,45,37,25,17,17,17,17,17,31,37 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,19,152,160,157,160,170,178,168,165,165,168,170,155,142,139,146,189,204,209,207,196,173,160,155,157,152,150,150,152,152,155,157,150,99,75,97,165,147,109,150,150,150,147,150,152,109,103,102,150,157,152,143,150,170,163,150,160,170,176,178,178,170,95,0,0,0,0,0,51,147,155,152,157,168,160,144,139,103,97,101,139,142,150,157,165,168,163,155,155,165,170,173,173,176,176,178,189,204,212,209,199,107,86,95,157,165,165,170,168,163,165,173,178,176,170,168,165,165,186,204,209,202,196,196,189,127,115,114,121,178,196,199,176,126,178,183,178,129,123,115,110,111,123,133,186,191,189,186,186,189,189,191,202,222,230,217,202,192,199,209,222,222,212,123,125,129,125,135,204,204,194,194,202,212,212,202,199,199,204,215,228,233,230,225,222,225,225,215,199,191,194,199,196,191,199,204,207,204,207,215,222,209,194,192,194,199,212,230,233,230,222,135,132,186,139,141,194,212,222,225,215,199,196,209,225,230,230,217,207,202,199,199,199,204,212,207,196,194,196,204,204,202,202,207,215,215,215,215,215,207,196,183,139,194,194,196,215,215,212,202,196,194,189,189,191,189,189,191,196,196,194,191,190,194,202,204,199,196,196,202,202,202,202,199,199,202,207,212,217,217,222,215,215,215,215,212,209,199,198,204,207,202,199,200,204,202,202,200,202,209,215,212,209,215,225,230,233,230,225,222,220,222,222,228,228,225,221,218,218,225,233,235,93,37,81,103,119,129,133,189,194,194,194,204,217,225,230,233,230,228,228,228,228,230,230,225,215,202,199,199,189,194,202,204,207,209,215,202,122,118,141,194,199,202,204,209,222,225,199,137,136,196,215,225,222,215,212,212,217,217,209,202,199,199,202,204,202,199,145,141,191,202,207,207,199,199,215,233,235,230,230,233,235,241,241,241,241,238,238,230,199,141,143,139,133,139,189,186,186,202,209,207,202,196,195,202,209,212,215,220,225,228,233,233,228,215,204,196,183,125,129,178,191,215,228,212,196,189,183,182,183,191,199,194,117,111,189,202,204,209,222,233,235,230,228,230,233,235,233,230,228,222,220,222,228,233,238,241,243,241,235,230,229,230,235,238,235,233,230,230,228,230,233,233,228,225,225,225,225,228,233,235,235,231,233,235,238,235,233,230,230,228,153,138,145,228,233,228,222,222,228,222,215,215,222,225,217,204,200,203,212,215,212,209,209,209,209,215,215,215,212,209,215,225,230,233,233,235,235,233,225,212,208,209,217,230,228,217,209,212,222,225,222,215,209,207,204,204,209,212,215,215,217,225,230,233,235,235,235,235,238,238,238,238,238,241,238,233,228,225,222,215,209,204,207,215,220,222,225,228,225,225,217,207,200,200,202,204,209,207,207,204,207,207,204,202,202,204,204,209,215,222,225,222,217,215,212,207,205,207,209,208,212,228,238,238,233,230,225,222,222,225,230,233,233,228,212,203,204,215,225,222,215,212,212,212,212,212,215,225,233,235,241,243,241,235,233,233,233,233,230,228,222,217,215,215,222,228,228,228,230,233,238,238,230,220,215,212,222,230,233,228,215,212,209,209,212,222,230,235,238,235,230,226,226,228,228,233,238,241,241,238,238,233,230,233,233,233,233,228,215,216,225,228,230,235,238,235,230,225,215,209,207,202,153,151,202,209,215,222,228,230,233,230,222,215,213,213,222,238,238,235,234,234,238,238,235,233,235,235,228,222,221,222,225,230,233,233,228,228,228,230,230,230,233,235,233,230,230,230,233,233,230,230,228,220,209,209,215,225,225,217,212,209,208,215,228,233,233,233,228,222,225,233,241,241,233,217,199,199,215,225,225,217,222,225,217,212,209,209,212,217,225,225,230,230,233,233,233,233,230,228,226,226,228,233,233,230,228,228,228,228,226,228,230,233,233,230,230,233,238,235,233,233,235,238,238,233,228,235,243,248,243,238,233,233,235,235,235,238,238,238,238,235,228,222,222,225,225,225,225,225,222,225,228,230,230,228,222,215,211,212,217,225,230,230,225,222,222,222,222,222,220,216,217,225,230,233,230,230,230,233,233,235,230,217,209,212,215,217,222,225,230,233,233,233,230,230,228,228,228,225,217,215,215,217,217,217,217,222,222,222,222,225,225,225,225,225,228,228,230,230,230,230,225,212,209,217,222,225,225,222,222,222,217,215,213,213,217,222,220,217,217,215,215,215,215,215,212,212,212,209,204,199,198,199,202,207,209,209,207,207,204,204,204,204,204,202,202,202,202,191,143,143,147,204,212,215,215,215,215,215,212,212,212,212,212,215,212,212,212,212,207,199,195,195,196,202,202,191,139,138,138,143,191,194,199,209,212,212,209,209,212,212,212,212,212,212,212,212,212,209,209,207,207,209,209,209,209,207,207,207,209,215,215,215,212,208,208,209,212,215,215,215,212,209,208,208,209,215,215,215,212,212,215,215,215,212,212,212,211,212,212,209,207,205,207,209,209,207,202,196,196,199,202,204,207,209,215,217,215,212,209,209,212,212,215,215,212,209,212,215,217,217,217,215,215,215,217,222,225,222,217,217,217,222,222,222,225,225,228,228,228,225,225,222,222,222,222,220,220,222,222,225,225,225,215,202,198,199,209,217,222,225,228,228,225,225,215,141,136,143,212,222,222,225,0,0,233,235,238,235,235,235,233,233,230,225,212,207,212,217,217,209,204,202,202,204,204,207,212,217,225,233,238,243,246,246,0,0,0,0,0,0,246,241,235,233,233,233,0,0,0,0,0,0,0,235,235,235,230,222,21,0,0,0,0,0,0,0,0,0,0,0,5,15,27,37,43,53,65,108,142,0,0,0,0,0,0,255,215,207,207,241,255,255,255,255,255,255,255,255,255,255,255,211,208,225,241,228,217,207,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,126,0,0,0,0,0,255,254,220,194,165,165,178,186,194,186,186,0,0,222,246,255,255,255,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,105,74,30,9,9,27,66,0,0,0,90,108,113,126,144,0,137,100,72,51,51,53,0,51,61,0,0,0,134,139,134,118,109,109,111,134,0,0,235,235,235,233,202,176,176,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,212,0,0,0,92,255,255,0,0,0,79,64,11,3,11,64,100,170,238,255,255,202,147,0,0,0,0,186,202,204,168,43,56,90,157,152,59,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,61,27,0,0,0,0,0,0,0,0,15,129,163,181,194,196,199,212,243,246,254,254,255,255,255,255,228,9,19,134,142,37,0,0,0,41,131,150,134,168,209,215,207,191,186,157,51,0,0,0,0,0,0,0,89,235,243,207,255,255,255,255,255,0,0,255,255,147,126,105,155,170,121,43,0,0,0,0,0,0,105,137,100,124,152,170,191,207,222,199,181,176,183,194,196,204,215,215,196,186,183,183,189,202,212,202,202,202,209,204,199,199,204,202,194,183,183,181,107,47,11,41,119,173,186,186,202,225,251,254,254,254,246,222,199,189,191,176,118,49,0,0,0,0,0,1,45,71,57,47,69,137,163,186,196,189,170,147,126,139,142,83,45,25,21,21,23,41,65,73,73,69,72,79,85,79,67,67,79,126,83,49,40,44,53,71,95,150,165,173,181,181,181,181,173,173,173,173,173,173,173,168,168,166,173,178,165,75,31,30,87,119,165,168,181,189,196,194,186,168,164,173,189,204,215,196,173,168,176,176,173,165,155,155,155,111,81,75,77,93,99,91,81,71,61,61,63,73,77,93,137,144,152,142,99,99,142,160,163,157,157,152,142,97,92,92,93,99,144,155,105,91,89,95,142,150,150,155,163,163,152,99,89,79,67,55,55,67,79,85,91,97,134,142,152,163,165,160,144,97,91,97,131,131,95,93,93,91,89,81,77,85,131,152,150,89,59,39,39,45,77,139,147,139,139,137,137,144,144,134,93,85,79,85,91,139,142,142,101,87,81,87,99,97,92,103,155,160,155,160,178,189,176,119,109,109,165,189,196,196,189,178,170,176,186,183,129,183,230,251,254,254,255,255,255,255,255,255,248,233,225,220,215,207,191,170,152,95,81,63,47,35,21,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,35,56,66,66,66,66,43,37,29,23,17,14,16,17,29,29 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,144,126,126,163,178,155,155,163,170,176,168,152,147,155,178,189,191,191,183,168,157,155,155,150,150,147,147,147,147,144,105,94,85,107,157,144,106,109,147,144,103,105,144,104,101,99,147,165,168,160,163,165,157,157,165,173,186,194,191,183,173,101,41,21,0,0,0,89,137,137,144,163,163,160,144,90,85,91,131,142,150,155,160,160,157,160,168,178,183,183,181,183,186,191,202,209,212,207,191,105,95,101,155,160,157,163,165,163,160,165,173,173,173,170,125,165,191,215,220,212,207,202,191,170,119,118,121,127,173,131,125,125,131,178,173,125,117,110,108,110,119,127,178,186,194,194,189,186,189,196,202,207,215,204,196,199,212,225,228,228,225,102,102,137,186,189,196,199,196,195,196,202,207,204,207,212,215,217,225,228,230,225,215,209,212,207,196,190,191,194,143,140,191,204,209,204,204,215,222,212,202,196,196,199,207,215,215,212,209,137,135,196,186,141,194,225,233,228,215,202,196,202,209,215,215,209,204,209,212,209,204,204,207,204,196,194,194,196,202,204,209,222,222,215,215,222,215,196,183,133,133,183,189,186,196,202,202,189,187,187,187,186,187,187,187,191,199,202,199,196,191,196,212,215,207,199,194,194,196,199,202,204,204,204,209,212,212,212,212,207,207,207,207,204,199,194,194,199,204,202,200,202,204,207,207,204,202,207,212,215,217,217,225,230,233,233,228,222,220,220,221,225,228,228,225,225,228,228,225,95,53,51,111,125,125,115,113,133,196,207,209,222,233,233,230,230,230,230,230,230,228,228,228,222,215,204,204,202,129,137,196,207,222,230,233,225,135,131,191,202,202,196,194,199,209,209,196,191,199,215,228,230,228,225,217,212,204,194,141,141,191,199,202,202,196,145,139,138,143,202,207,207,199,202,217,230,233,230,229,230,233,238,241,241,241,241,238,228,189,134,135,133,130,133,194,204,215,225,222,209,207,207,204,202,202,202,207,215,222,228,230,225,215,204,196,194,183,131,181,191,202,212,207,194,189,189,186,183,186,191,194,181,111,110,202,207,209,215,228,235,235,228,217,220,225,228,225,222,218,217,220,222,228,233,238,238,241,238,235,233,230,233,238,238,235,230,228,225,225,225,225,225,217,216,217,225,225,228,233,238,235,233,233,235,238,238,233,233,233,225,141,136,141,225,235,230,225,225,228,217,213,213,215,215,207,202,200,207,215,217,212,209,209,212,207,207,209,209,207,204,207,215,230,235,235,230,228,228,222,212,207,209,222,230,233,228,225,228,230,230,228,220,212,212,209,209,212,215,215,209,209,215,225,230,233,235,238,238,235,235,235,235,235,238,235,230,230,230,228,217,209,204,204,207,212,215,217,222,217,217,217,209,207,207,207,207,207,204,204,204,207,209,209,207,204,202,202,204,207,212,212,212,212,212,209,207,207,209,209,209,212,222,230,230,228,228,225,225,225,228,230,235,235,225,207,198,194,200,212,222,222,222,217,217,222,225,228,230,233,238,243,246,243,238,235,235,235,233,233,233,230,225,217,217,222,225,225,225,228,230,238,235,225,215,212,209,215,225,228,222,212,209,208,208,215,228,233,238,238,241,235,230,228,226,226,228,235,241,241,241,241,238,238,238,235,233,233,230,222,222,230,230,230,233,233,230,222,215,212,212,209,207,204,204,209,215,217,222,228,228,228,228,222,215,215,215,225,235,235,234,234,235,238,238,235,233,235,235,230,225,222,222,222,225,230,228,226,226,228,230,230,229,230,233,235,233,233,230,230,233,233,233,233,228,222,222,225,228,225,215,212,209,209,215,225,230,230,230,228,228,228,233,238,235,225,209,204,212,222,228,225,222,225,230,230,228,225,217,212,215,225,228,233,235,238,241,238,235,230,228,226,226,230,235,235,230,228,228,230,230,228,230,233,233,230,229,230,235,241,238,235,235,238,241,241,238,238,241,246,251,243,235,231,233,238,238,238,238,238,238,235,233,228,220,220,222,228,228,230,230,228,228,230,230,230,228,222,212,209,211,217,228,230,228,222,217,217,222,228,228,222,217,222,228,230,230,230,228,230,230,233,235,230,217,212,212,217,222,225,228,230,230,230,228,228,225,228,228,225,222,217,217,217,217,217,216,216,216,216,216,216,216,220,225,225,225,225,228,228,228,228,225,215,204,204,212,217,222,222,222,221,222,220,215,215,217,222,222,222,217,215,215,215,215,215,215,212,212,209,209,204,202,199,202,204,209,212,212,209,207,204,204,207,207,204,204,202,202,202,194,145,146,196,207,209,209,215,215,215,215,215,212,212,212,212,212,212,212,212,212,207,199,194,195,196,191,136,131,133,139,194,199,199,196,199,209,215,212,212,212,212,212,212,212,212,212,212,212,209,209,209,209,212,212,212,209,209,207,205,207,209,215,215,212,212,209,209,209,212,215,215,215,215,209,207,207,209,215,215,215,212,212,212,215,215,212,212,212,212,212,212,212,207,205,207,209,207,204,199,195,196,204,204,204,204,207,212,215,212,209,209,209,212,215,215,215,212,209,212,215,217,217,217,215,215,215,217,222,225,222,222,217,217,222,225,225,225,228,228,228,228,228,225,222,222,222,222,222,225,225,222,222,222,225,217,204,199,200,209,217,222,225,225,228,225,225,215,141,134,138,204,217,222,222,0,0,233,235,235,235,233,233,230,233,233,225,212,207,207,209,207,202,199,196,199,202,204,207,212,215,222,230,235,241,241,241,243,246,0,0,0,0,243,241,235,230,228,230,233,0,0,0,0,0,235,233,230,228,225,217,25,9,0,0,0,0,0,0,0,0,0,0,7,17,27,43,53,69,105,118,144,0,0,0,0,0,255,225,199,207,241,255,255,255,255,255,255,255,255,255,255,255,241,204,204,217,225,212,212,207,207,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,155,144,131,0,0,0,0,0,0,0,0,176,157,0,0,0,194,243,255,251,230,194,178,165,178,186,194,194,194,0,0,212,230,230,222,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,113,79,38,14,14,35,69,0,0,0,77,87,100,113,0,0,144,116,90,77,77,0,0,0,0,0,0,0,118,142,142,131,118,111,111,118,142,170,0,204,212,209,194,176,168,168,157,157,0,0,0,0,0,0,142,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,238,0,0,0,0,5,0,0,0,1,64,43,37,72,82,82,92,157,0,0,255,255,183,0,0,0,0,215,215,186,103,69,98,155,202,176,108,0,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,90,82,15,0,0,0,0,0,0,0,0,7,113,150,163,168,181,196,212,243,254,254,254,255,255,255,255,230,1,25,173,178,71,0,0,0,0,77,134,131,168,217,225,207,186,186,183,142,3,0,0,0,0,0,29,209,255,255,211,248,255,255,255,255,255,255,255,255,215,150,101,126,155,134,61,0,0,0,0,0,0,0,0,0,11,59,129,170,196,225,222,199,181,183,183,183,196,212,215,202,186,178,176,183,194,204,207,204,202,202,196,196,191,196,196,196,194,196,170,5,0,0,0,53,113,181,202,220,220,235,243,238,212,220,220,194,163,137,131,89,63,0,0,0,0,0,0,0,73,75,75,124,152,170,186,196,183,165,142,124,124,124,85,53,20,17,17,20,45,73,79,73,73,77,85,89,77,59,65,83,129,89,65,53,55,55,61,85,142,157,165,173,181,183,183,183,183,181,181,181,181,181,181,176,173,173,173,165,93,55,69,173,178,173,173,181,189,196,194,181,168,168,173,186,202,209,196,170,163,168,176,173,163,155,155,155,111,81,75,78,99,103,95,81,75,67,63,69,73,77,85,99,139,144,137,99,101,142,150,155,150,152,147,103,94,92,93,95,99,105,144,105,93,92,103,150,150,150,150,155,152,144,91,83,79,75,69,75,85,93,97,97,134,142,150,163,168,163,144,137,97,91,91,87,81,81,85,91,95,95,85,75,77,93,142,129,79,47,35,34,38,69,137,147,139,139,137,137,144,152,142,124,85,79,83,93,142,155,155,139,91,81,83,99,103,92,97,109,150,113,160,176,191,181,119,108,112,165,178,170,168,123,115,111,127,183,183,127,183,222,243,254,251,254,254,254,251,251,251,248,233,225,220,212,204,196,173,152,101,85,61,43,27,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,27,35,56,56,43,43,43,35,35,29,23,17,17,23,29,29 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,56,27,15,129,131,82,103,157,165,178,176,170,163,157,163,168,170,176,173,163,157,157,157,152,144,142,142,144,144,142,139,103,98,150,152,147,107,107,109,105,103,104,105,104,105,105,150,160,170,170,168,163,156,163,168,173,189,199,191,181,178,170,101,69,3,11,63,101,137,137,139,152,165,181,165,87,84,92,139,150,155,157,160,157,157,160,170,181,194,196,194,194,199,212,220,222,215,199,170,102,98,103,155,157,113,115,160,160,160,160,163,170,173,168,123,125,194,222,225,217,207,196,183,170,125,123,121,123,127,127,127,129,173,176,131,123,117,111,111,115,119,123,127,176,189,199,196,183,183,196,202,199,196,183,182,199,215,225,225,225,228,97,91,181,199,191,186,199,207,204,202,199,199,204,209,212,212,212,215,222,225,217,207,199,199,199,194,190,191,191,141,138,143,209,217,209,204,207,207,204,202,196,196,204,209,207,199,196,196,137,135,194,189,141,194,217,228,222,212,204,199,196,196,202,202,199,202,212,217,215,209,204,204,204,199,196,195,195,199,204,209,217,212,209,209,207,139,134,137,134,131,137,186,183,186,194,194,186,186,189,187,186,186,187,189,196,204,204,202,196,194,199,215,220,209,199,192,192,194,196,199,202,204,207,209,209,209,207,207,202,202,202,202,199,198,194,195,199,204,207,207,209,212,217,222,215,207,204,209,215,215,215,225,228,230,230,230,228,222,222,228,228,230,233,230,233,233,228,207,45,47,89,141,141,131,110,113,139,212,222,225,230,235,235,230,229,230,230,230,230,230,228,228,222,215,207,207,204,115,125,191,209,228,233,235,222,194,191,199,207,202,194,189,189,189,189,191,202,215,225,230,230,230,228,222,209,191,137,136,139,191,202,194,145,143,141,140,141,194,202,204,202,198,202,217,233,233,230,229,230,233,238,241,241,241,241,241,228,145,135,139,137,130,132,204,222,233,233,230,220,212,209,207,202,199,196,202,207,215,222,222,212,202,194,191,194,191,183,199,212,222,220,209,202,196,194,186,186,191,194,191,133,109,110,209,217,222,225,233,238,233,222,212,212,215,220,222,220,218,218,225,228,233,235,235,235,238,235,235,233,233,235,238,238,233,230,228,225,222,222,222,217,215,215,217,225,228,230,233,238,238,235,233,235,235,238,238,238,235,228,155,143,149,215,228,217,207,212,222,217,213,213,215,215,207,203,203,212,222,217,207,202,204,207,199,200,204,207,204,203,203,207,217,225,225,222,217,215,212,209,208,212,222,233,235,235,235,235,233,233,233,225,217,215,215,212,212,215,215,208,207,208,215,225,230,235,241,241,238,235,235,235,238,238,235,230,228,228,217,207,207,204,204,204,207,212,217,222,217,217,215,212,209,209,209,209,204,203,203,207,209,215,215,215,215,212,212,212,215,217,215,215,215,217,217,217,217,217,217,215,215,222,222,222,222,225,225,222,225,225,225,228,228,217,207,199,196,200,209,222,228,230,228,225,228,233,233,230,235,243,248,248,246,241,238,238,238,238,238,235,233,222,216,217,225,228,222,215,217,225,228,225,209,207,209,212,217,225,225,212,208,208,209,217,225,233,235,235,238,243,243,238,233,228,225,226,233,238,243,243,243,243,243,241,235,230,230,233,233,235,233,230,228,228,228,225,217,215,215,217,215,209,209,212,215,215,217,222,225,225,225,222,217,217,217,215,225,233,235,235,235,235,235,235,235,235,233,233,230,225,225,222,222,225,230,228,226,226,228,233,230,230,230,233,233,233,233,230,230,233,235,235,235,233,228,222,222,222,217,212,215,215,212,212,217,228,230,230,230,228,228,230,233,230,212,149,199,212,222,222,225,228,230,235,238,238,235,228,215,215,225,233,235,238,241,243,241,238,233,230,228,228,230,235,235,230,228,228,233,233,233,233,233,233,230,229,230,235,241,238,235,235,238,238,238,241,241,246,251,251,243,233,233,238,241,243,241,238,238,238,235,233,228,222,222,228,230,233,233,233,233,233,235,233,230,228,222,215,209,211,222,228,228,222,212,212,215,222,230,230,225,222,225,228,230,230,228,228,228,230,233,233,230,222,215,217,222,225,228,228,230,230,228,225,224,224,228,228,225,222,217,217,222,222,217,216,216,216,216,216,216,216,217,225,225,225,225,228,228,225,225,222,207,203,203,212,222,225,222,222,222,225,222,222,222,225,225,225,222,217,215,215,215,217,217,215,212,209,209,209,207,204,204,204,207,212,212,212,209,207,207,207,207,207,207,204,204,202,199,194,194,199,204,209,209,209,215,215,215,215,215,215,215,212,212,212,212,212,209,212,207,202,196,199,199,145,135,132,139,202,209,207,202,196,202,209,215,212,212,212,212,212,212,212,212,212,209,209,209,209,209,212,212,212,212,212,209,207,205,207,209,212,212,212,212,212,209,209,212,215,215,217,215,209,208,207,209,212,215,212,212,212,215,215,215,212,212,212,215,215,215,212,209,207,209,209,207,204,199,196,199,207,207,207,204,207,209,209,209,207,209,209,209,212,215,215,215,212,212,215,217,217,215,215,215,217,217,222,225,225,222,222,217,222,225,225,225,228,228,228,228,228,225,222,222,222,222,225,225,225,221,220,222,225,222,209,202,204,212,217,222,222,225,228,225,222,212,143,134,135,196,215,222,217,222,0,230,233,235,233,230,230,230,233,233,228,215,204,202,199,199,196,195,196,199,204,207,209,209,212,220,228,233,235,238,238,243,246,0,0,0,0,246,241,235,230,225,225,228,0,0,0,0,0,235,230,228,222,215,209,21,7,0,0,0,0,0,0,0,0,0,0,7,19,37,49,65,105,118,126,144,181,241,255,255,255,243,194,194,215,255,255,255,255,255,255,255,255,255,255,255,255,241,208,211,217,217,209,215,215,215,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,155,144,144,131,144,0,0,0,0,0,0,0,0,191,176,134,126,0,194,230,255,255,243,209,186,176,186,194,202,212,202,0,0,212,222,212,202,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,105,72,27,14,20,51,74,77,69,59,66,72,79,100,0,0,0,121,98,85,0,0,0,0,0,0,0,0,111,142,150,144,134,134,118,116,118,142,170,194,202,209,194,168,157,157,144,0,0,0,0,0,0,0,170,163,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,209,0,0,0,0,0,0,0,7,61,77,61,61,90,113,82,66,118,0,0,255,255,183,0,0,0,212,243,225,144,61,79,126,163,183,0,0,0,0,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,35,69,43,0,0,0,0,0,0,0,0,0,0,49,124,139,150,173,196,220,243,255,255,254,251,255,255,255,233,95,142,199,160,0,0,0,0,0,77,124,124,157,207,217,207,186,186,194,168,49,0,0,0,0,0,165,228,255,254,222,248,255,255,255,255,255,255,255,255,255,202,131,126,155,163,113,0,0,0,0,0,0,0,0,0,0,0,0,67,176,225,230,199,186,181,174,174,178,204,215,196,186,176,176,178,194,202,207,202,202,194,191,189,189,191,196,196,196,196,168,0,0,0,0,59,109,181,209,212,209,209,220,220,195,199,209,191,142,71,65,57,13,0,0,0,0,0,0,0,27,49,61,100,124,147,165,176,160,147,129,111,83,85,83,65,39,23,21,31,59,83,83,73,73,79,85,79,59,53,58,79,129,139,89,77,73,59,59,77,101,150,160,170,173,181,183,183,183,181,183,186,189,189,189,189,181,173,165,155,111,111,181,189,178,168,168,176,183,186,181,168,121,160,173,183,196,204,196,168,156,160,168,173,168,163,155,152,111,85,76,83,103,139,97,91,91,77,73,75,79,77,85,95,137,144,134,97,99,139,147,147,144,144,103,97,95,95,97,101,99,99,99,99,99,103,150,152,150,139,137,137,137,103,97,89,83,83,81,81,93,99,137,137,142,142,150,163,163,160,142,97,95,89,83,78,75,78,85,97,97,95,85,75,75,89,129,91,73,47,36,35,45,69,137,144,139,124,124,126,144,150,150,134,85,78,79,91,139,147,144,137,87,74,81,105,144,105,101,103,101,103,113,168,181,173,115,108,113,163,163,117,107,103,100,101,127,183,178,126,131,209,235,241,243,246,243,243,248,248,248,238,230,222,220,212,204,196,173,152,101,85,61,43,27,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,15,29,35,35,43,43,41,35,35,29,23,16,16,23,35,43 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,1,0,25,0,0,0,0,131,173,178,176,168,155,153,157,163,168,170,165,163,163,168,163,144,140,142,144,142,139,142,152,173,155,95,103,105,107,142,142,144,144,147,150,155,150,147,147,155,163,163,160,163,170,173,173,178,183,176,165,173,170,144,85,142,157,152,142,142,152,155,157,168,191,183,129,124,142,155,165,165,165,163,163,165,165,168,173,191,194,191,194,202,215,222,217,202,186,168,109,101,105,150,155,111,111,155,163,160,120,121,165,170,165,119,123,194,217,225,215,199,186,173,127,125,123,123,123,127,127,170,176,176,178,173,121,115,113,115,119,121,121,123,127,181,204,204,176,129,186,202,202,186,177,174,199,212,215,212,215,217,114,105,186,199,186,182,199,209,212,207,204,202,204,204,207,202,202,204,209,212,207,196,190,191,191,191,191,196,196,189,141,191,209,222,217,207,195,191,192,202,199,202,215,217,209,194,189,186,133,130,139,189,191,196,204,209,207,204,204,199,195,196,199,199,194,194,204,212,212,207,202,204,202,199,199,199,195,195,202,207,207,204,209,215,137,116,123,191,191,130,131,183,186,189,191,191,189,189,191,189,189,191,194,202,212,217,209,202,196,196,202,209,212,204,194,191,191,194,196,196,199,204,209,209,209,204,202,199,196,199,199,199,202,202,199,199,199,204,209,212,217,225,230,230,217,207,204,207,209,209,212,225,228,228,228,228,228,228,228,228,228,230,233,235,238,238,225,63,35,79,133,191,191,141,129,189,209,222,228,228,233,235,235,230,230,230,230,228,228,230,230,230,228,215,204,199,191,110,125,196,215,230,233,228,212,196,199,207,209,207,199,189,139,137,141,196,212,225,228,228,230,230,225,222,212,189,136,137,191,207,209,143,135,135,141,196,204,204,202,199,198,196,202,225,233,235,233,233,233,235,238,238,238,238,238,235,217,145,141,194,145,133,133,207,228,235,235,235,230,215,204,204,204,199,194,191,191,196,202,204,199,191,187,187,194,196,196,212,230,235,230,222,209,199,189,182,183,194,199,196,133,113,117,215,228,230,233,235,238,230,217,211,211,215,222,225,228,225,228,230,233,233,233,233,233,233,233,233,233,233,235,235,235,233,230,230,228,225,225,225,225,220,216,222,228,230,233,235,238,238,238,235,235,235,241,243,241,235,230,222,212,207,212,215,204,198,203,217,222,217,222,222,222,212,207,209,217,222,212,199,196,198,200,198,199,202,204,204,204,204,207,207,212,215,212,212,212,212,208,209,212,222,230,233,233,233,233,233,233,233,228,222,217,215,215,215,215,215,209,208,208,212,222,228,235,241,243,241,238,238,241,241,238,235,230,225,209,199,199,207,209,207,204,204,209,215,217,217,215,212,209,208,209,215,212,204,203,207,209,215,222,225,228,233,233,233,233,233,230,228,225,222,228,230,230,230,230,225,217,217,217,222,222,222,225,217,215,215,215,215,215,215,215,212,212,209,209,212,217,228,233,235,233,230,230,230,230,238,246,248,246,243,241,241,243,243,241,235,235,228,217,216,222,230,233,225,217,215,212,209,205,203,204,209,215,222,228,225,212,207,208,217,228,230,235,238,238,241,243,246,243,235,230,228,228,233,238,241,243,243,243,241,238,230,226,226,233,241,243,238,228,222,222,222,222,222,222,222,225,222,209,212,215,212,212,212,215,222,228,225,217,216,217,217,211,212,230,238,238,238,235,235,235,235,235,233,228,225,225,225,228,228,230,233,233,228,230,233,235,235,233,233,233,230,230,230,228,230,233,235,238,241,233,217,212,212,215,215,215,222,220,212,212,217,230,235,235,233,230,225,225,228,225,141,99,133,202,215,222,228,235,238,241,243,243,238,230,217,217,228,233,235,238,241,241,241,238,235,233,230,230,233,233,233,228,226,228,235,238,235,235,233,230,229,229,230,235,238,238,238,238,238,238,238,241,243,246,248,251,243,235,235,241,246,246,241,235,235,235,235,233,230,225,225,230,233,233,233,233,233,235,238,235,230,228,228,222,215,215,225,225,220,211,208,209,215,225,230,230,228,228,228,230,230,228,228,228,230,233,233,233,228,225,222,225,228,228,228,230,230,230,228,225,224,224,228,228,225,222,222,222,225,225,222,217,217,217,217,217,217,217,222,228,228,225,225,228,225,225,225,217,207,204,207,217,225,225,225,225,225,225,225,225,225,228,228,225,222,220,217,217,217,217,217,215,212,209,209,209,209,209,207,209,209,212,212,212,209,207,207,207,209,209,207,207,204,202,194,194,196,204,209,212,212,212,215,215,217,217,217,215,215,215,212,212,212,209,209,209,207,204,202,202,199,196,194,199,207,212,212,209,202,199,204,212,215,212,209,212,212,212,212,212,212,212,209,209,209,209,209,212,212,212,212,212,209,209,207,209,209,209,212,212,212,212,209,209,212,215,217,217,217,212,209,208,209,212,215,212,212,215,215,215,212,212,212,215,215,217,217,215,212,209,209,209,207,202,199,199,204,209,209,209,207,207,207,209,207,207,209,209,209,212,215,215,215,212,215,215,217,217,215,215,215,217,222,225,228,228,225,222,222,222,225,225,228,228,228,228,228,228,225,225,222,222,222,225,225,225,222,221,225,228,225,215,207,209,215,222,222,222,225,225,222,217,212,196,138,138,196,215,222,217,217,222,225,230,233,230,228,228,230,233,235,230,217,204,199,196,196,196,196,199,204,207,207,207,207,212,217,225,230,233,235,238,241,243,0,0,0,0,246,243,238,230,225,225,225,0,0,0,0,0,238,233,228,220,212,204,7,0,0,0,0,0,0,0,0,0,0,1,11,27,49,65,77,113,118,126,139,165,207,255,255,251,202,190,199,246,255,255,255,255,255,255,255,255,255,255,255,255,248,225,225,228,225,215,225,217,207,199,189,181,0,0,0,0,0,0,0,0,0,0,0,113,103,95,95,105,116,0,0,0,0,0,0,0,0,0,178,155,131,124,113,124,243,0,0,0,0,0,0,191,183,176,147,147,155,194,230,251,255,251,220,202,202,202,202,209,220,220,0,0,230,220,212,202,202,0,0,0,0,0,0,0,0,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,113,87,51,20,14,27,56,69,69,59,51,53,53,66,90,137,0,0,134,103,95,0,0,0,0,0,0,0,0,131,144,150,150,147,150,142,118,111,118,0,176,202,209,191,176,157,144,144,0,0,0,0,0,0,0,0,178,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,47,0,0,0,0,0,0,74,95,103,98,72,56,74,82,51,13,69,0,0,255,238,147,150,0,202,233,255,238,121,65,90,116,126,118,0,0,0,0,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,1,0,0,0,0,9,0,0,0,0,0,0,19,0,0,0,0,0,0,0,0,0,0,0,29,71,118,134,165,196,215,243,255,255,255,255,255,255,255,233,204,202,199,63,0,0,0,0,17,69,77,77,142,183,194,183,178,178,176,142,29,0,0,0,0,0,109,191,217,220,222,255,255,255,255,255,255,255,255,255,255,255,186,157,181,212,186,47,0,0,0,0,0,0,0,0,0,0,0,0,129,199,196,173,178,178,174,170,178,204,209,196,186,176,168,176,183,196,204,202,194,194,191,191,191,196,196,189,181,173,117,65,1,0,27,95,119,181,202,202,202,209,217,217,204,199,202,191,150,67,47,33,7,0,0,0,0,0,0,0,0,5,21,37,55,103,126,147,139,139,126,81,73,73,77,71,59,47,45,53,73,79,79,69,73,79,79,73,58,56,67,85,139,155,150,99,83,61,59,81,142,157,160,160,165,173,181,181,173,173,176,176,181,181,186,186,181,165,160,111,111,181,207,186,168,165,165,173,178,178,170,160,119,121,168,181,189,196,186,168,155,153,160,173,173,163,155,152,144,85,79,85,139,147,139,97,97,83,79,79,81,77,85,95,99,134,99,95,96,139,147,139,137,101,97,97,101,101,101,99,99,99,97,99,105,144,150,150,139,99,93,93,97,97,97,91,89,89,87,87,93,97,137,137,103,103,103,139,150,147,137,97,89,85,83,78,75,78,87,97,97,93,85,71,73,89,131,129,77,61,57,57,63,79,126,126,89,83,81,87,93,142,142,137,87,78,78,91,99,99,99,89,81,72,79,142,160,155,103,97,95,95,101,115,163,163,112,109,119,165,119,101,99,100,100,101,121,178,176,127,173,202,228,228,235,241,241,238,238,238,238,238,230,220,220,212,204,194,170,152,101,83,61,43,21,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,21,27,27,35,35,35,35,31,27,27,21,21,27,41,55 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,181,186,181,168,153,152,155,163,168,168,168,170,176,183,183,170,150,142,140,142,137,131,97,150,47,5,83,99,142,144,150,163,173,176,168,160,150,147,111,109,109,147,155,168,173,176,176,168,163,160,160,168,173,170,168,170,170,165,152,152,163,165,165,176,189,181,157,150,157,165,173,173,165,160,163,170,176,173,173,181,178,173,178,189,199,196,181,163,176,181,176,152,109,111,113,110,111,155,165,163,120,120,163,165,123,119,125,191,209,212,204,191,178,127,123,121,121,121,123,123,125,170,176,176,176,129,109,105,105,109,117,119,121,121,127,178,204,204,133,128,181,196,196,183,178,178,207,212,207,196,199,202,194,183,194,199,189,182,191,204,209,209,207,204,202,199,194,189,189,194,199,202,196,191,189,189,190,191,196,204,207,204,196,199,204,209,209,204,192,189,196,222,212,212,222,225,209,199,191,139,131,128,130,191,202,202,196,196,194,196,199,199,196,199,207,204,194,191,194,202,204,202,199,199,196,196,202,199,195,194,196,204,207,205,215,225,191,120,128,215,217,130,127,135,189,194,191,196,199,196,186,185,196,202,199,204,217,222,212,204,199,199,202,202,202,196,192,191,194,196,196,195,199,207,212,212,207,202,194,190,190,194,199,199,204,209,207,202,199,202,207,215,222,228,230,222,207,202,204,209,209,212,220,228,230,228,225,225,225,228,230,230,230,230,233,233,222,107,45,0,5,141,191,191,189,189,204,215,222,225,228,230,235,238,238,235,233,230,228,225,225,228,233,238,235,220,194,131,123,110,131,199,215,233,235,230,212,196,199,207,215,217,212,189,133,135,194,209,222,228,228,228,230,230,225,222,212,194,139,143,207,217,212,135,129,137,199,217,225,215,207,199,198,198,204,228,235,235,233,233,230,233,233,233,233,233,233,228,207,191,196,212,207,141,135,202,225,235,241,238,233,212,196,202,207,202,143,133,133,139,191,194,191,189,186,186,189,194,199,217,230,233,225,217,209,196,182,183,185,191,202,196,135,121,135,222,233,235,235,238,235,230,217,213,213,222,228,233,235,235,235,235,235,233,230,230,228,228,228,230,230,230,230,233,230,230,230,233,233,230,230,233,235,230,225,222,222,228,233,235,238,241,241,241,238,238,241,241,238,230,222,217,217,212,215,217,207,200,205,225,230,230,228,228,225,215,212,215,222,222,209,199,196,199,202,202,204,209,209,209,209,212,215,212,209,207,209,212,217,215,212,212,215,217,225,228,228,228,228,228,230,230,228,222,215,215,215,215,212,212,212,212,212,215,217,225,230,235,241,241,241,243,243,243,238,235,235,222,198,195,199,209,212,209,204,202,204,209,212,212,209,209,208,208,209,215,215,212,209,215,222,225,228,230,235,241,243,243,243,243,238,230,225,225,228,233,233,230,230,225,217,217,222,222,222,225,222,212,207,208,209,212,215,215,215,217,222,222,217,212,217,230,238,241,238,233,225,217,228,241,243,243,241,241,241,241,243,243,235,228,225,222,217,222,233,241,241,235,228,212,205,203,204,204,205,209,209,215,222,222,215,212,217,225,230,230,235,238,241,241,243,243,241,238,233,228,225,228,233,235,238,238,235,235,233,228,226,228,238,243,243,235,225,217,216,216,217,225,225,228,230,225,212,209,212,207,204,207,209,222,230,230,222,217,225,217,203,203,228,238,241,238,233,230,233,233,233,228,225,225,225,228,233,233,233,235,235,233,233,235,238,238,238,235,230,228,225,225,228,228,230,235,238,241,228,211,208,211,215,217,217,222,222,212,211,215,230,238,241,238,230,217,217,222,212,99,55,113,147,217,230,233,238,241,241,241,238,235,228,217,217,228,233,235,238,238,238,235,235,233,233,233,230,233,233,233,228,226,228,235,238,238,235,233,230,229,229,230,233,238,241,241,241,241,241,241,241,241,241,243,246,241,235,235,241,246,246,241,238,235,235,235,233,230,228,228,228,230,230,230,230,233,235,235,233,228,225,228,225,225,228,230,228,215,208,208,212,225,230,230,230,230,230,230,228,228,230,230,233,233,233,230,228,225,222,222,225,228,228,228,228,230,230,228,225,225,225,228,228,225,222,225,228,228,225,225,222,225,225,225,225,225,225,225,228,228,228,228,228,228,225,225,217,212,209,215,225,228,228,230,228,228,228,225,225,225,228,230,228,225,222,220,217,217,217,217,215,209,209,212,212,212,212,212,212,212,212,212,212,209,209,209,209,209,209,209,209,207,202,194,194,199,204,209,212,215,215,215,215,215,217,217,217,215,215,212,212,212,209,209,209,204,199,194,196,202,204,209,212,212,212,209,207,202,202,207,212,212,209,209,212,212,212,212,212,212,212,209,209,209,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,212,209,209,209,212,215,217,217,217,215,212,212,212,212,212,212,212,215,217,215,212,212,212,215,217,217,217,215,212,212,209,209,204,199,199,202,207,212,212,212,209,209,209,209,207,207,209,209,209,209,215,215,217,215,215,215,217,215,215,215,215,217,222,225,228,228,225,222,222,222,225,225,228,228,228,228,228,228,228,225,225,222,222,222,222,225,225,225,228,228,225,215,209,212,217,222,222,222,225,225,222,217,212,204,194,191,202,215,225,222,215,215,220,228,230,228,225,225,228,230,233,228,217,204,196,194,194,196,199,202,207,207,204,204,204,209,217,222,228,230,233,238,241,243,243,0,0,0,0,243,241,235,228,228,0,0,0,0,0,243,238,233,228,217,209,199,0,0,0,0,0,0,0,0,0,0,0,5,17,43,65,103,108,113,116,89,126,152,181,207,217,209,199,207,241,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,248,241,225,217,225,215,199,186,181,178,0,0,0,0,0,0,0,0,0,0,113,103,95,87,90,95,108,124,155,176,0,0,0,0,0,199,173,131,105,90,79,90,228,255,0,0,0,0,0,191,183,176,155,155,176,191,220,251,255,251,243,230,220,220,220,220,230,230,0,0,0,243,209,202,202,0,0,0,0,0,0,0,134,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,72,27,14,20,27,51,59,59,51,43,43,48,64,98,144,176,0,0,0,0,0,0,0,0,0,0,0,0,150,144,139,147,157,155,142,118,0,0,131,157,0,202,191,176,157,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,186,126,25,0,0,0,0,0,23,0,131,134,124,87,51,38,35,0,0,30,0,0,255,191,135,176,241,248,251,255,228,121,90,90,98,85,82,0,0,0,0,69,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,12,20,0,0,0,0,0,13,0,0,0,0,0,0,0,0,0,0,0,11,49,67,83,144,173,196,230,254,255,255,255,255,255,248,222,204,204,189,31,0,0,0,0,0,43,63,69,142,178,183,173,172,172,176,147,35,0,0,0,0,0,0,35,95,111,173,248,255,255,255,255,255,255,255,255,255,255,235,173,173,220,225,204,15,0,0,0,0,0,0,0,0,0,0,0,45,160,155,114,165,183,178,174,181,204,212,204,186,176,168,168,178,194,202,202,194,189,194,194,196,199,199,186,160,101,87,87,103,113,113,115,165,173,183,191,202,212,222,222,220,212,212,191,144,61,33,17,9,0,0,0,0,0,0,0,0,0,5,15,37,69,116,126,139,152,150,118,75,75,75,69,55,51,55,63,65,59,59,63,73,77,77,73,73,83,97,142,152,168,165,150,89,65,59,87,155,165,163,160,160,160,165,173,168,168,173,173,176,181,181,176,165,160,160,115,111,189,207,181,165,160,161,165,170,170,123,116,116,121,165,181,183,189,186,178,156,153,157,170,173,168,155,147,144,85,79,85,139,147,139,97,93,83,79,81,87,87,93,99,97,101,97,93,96,139,147,139,101,97,103,142,142,139,101,93,99,99,97,99,137,142,139,101,95,89,87,87,93,99,103,97,95,95,93,93,93,97,99,103,96,96,96,101,147,147,137,91,85,85,83,81,81,80,87,97,97,93,77,67,69,91,147,142,89,77,83,89,81,85,87,83,75,69,69,73,85,134,142,134,91,83,79,89,89,81,75,74,75,74,79,105,163,163,109,101,95,93,93,99,105,115,113,113,160,160,107,99,98,101,105,101,109,121,127,170,189,207,217,228,233,235,238,238,238,238,238,238,230,220,217,209,202,194,170,152,101,85,71,45,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,7,15,21,27,27,27,27,27,25,21,21,21,33,49,85 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,186,196,186,170,157,155,160,165,165,168,170,178,186,191,196,191,168,142,139,142,142,126,71,49,0,0,0,15,139,147,160,181,181,178,160,152,144,147,147,109,105,105,144,165,170,173,178,173,163,159,160,165,170,176,186,183,178,176,173,170,163,160,165,176,178,173,165,163,163,170,176,173,163,157,160,176,186,186,183,178,163,152,160,173,176,168,159,157,178,186,178,160,147,144,147,112,112,155,165,165,160,121,160,123,121,119,125,186,196,196,191,183,170,125,121,119,119,119,119,121,125,127,125,127,129,121,100,99,101,104,113,121,123,123,127,178,194,191,176,131,181,189,189,183,182,186,207,209,196,183,181,186,191,191,196,199,194,181,179,194,202,202,199,196,196,194,189,186,187,191,196,199,196,194,191,190,190,194,204,212,217,215,209,207,202,196,196,202,196,195,215,228,215,209,212,209,204,199,196,139,133,130,131,199,204,199,191,189,189,191,194,196,199,207,215,215,199,190,190,194,199,202,199,199,196,196,199,199,196,195,196,207,212,212,215,222,217,202,202,215,215,135,130,137,191,199,199,209,215,204,182,178,189,199,191,120,134,202,207,204,204,204,202,196,196,194,194,196,202,202,196,195,199,207,212,209,204,196,191,187,189,194,199,199,204,209,212,207,204,202,204,212,225,230,228,212,202,200,204,209,207,209,222,228,228,225,222,222,222,228,230,230,233,228,217,207,101,0,0,0,0,191,191,143,141,189,217,225,225,225,230,235,238,238,235,235,235,230,225,224,224,228,235,243,241,228,143,107,116,115,133,189,202,225,235,233,217,196,196,202,215,228,212,126,120,129,202,212,217,225,228,228,230,230,228,222,212,199,143,143,209,217,196,114,124,191,215,228,230,228,217,204,199,198,207,225,233,233,230,228,228,228,228,228,228,228,228,217,199,194,209,230,225,199,141,194,215,235,238,235,225,207,195,195,199,194,132,128,132,189,196,194,189,189,187,187,189,194,194,202,207,204,204,207,207,199,189,194,194,199,202,196,135,129,204,228,235,235,235,235,235,230,222,222,222,228,233,235,238,238,238,238,235,233,230,228,228,228,230,233,233,230,230,228,228,228,230,235,235,233,233,238,241,238,233,222,220,222,230,235,238,241,243,243,241,238,238,238,233,222,216,216,217,222,228,230,228,217,222,233,235,235,230,228,222,215,212,215,220,217,212,204,202,207,215,215,215,215,212,209,212,215,222,215,209,204,202,207,215,217,215,215,215,217,217,222,228,225,225,225,225,225,222,217,212,212,212,212,211,211,215,215,215,212,215,222,225,228,233,238,241,243,243,241,238,235,235,222,199,199,209,209,209,207,202,200,202,207,209,209,208,209,212,212,212,215,217,217,222,228,230,230,230,233,235,241,243,246,246,243,235,228,222,217,222,228,228,228,225,222,217,217,222,222,222,222,217,209,205,207,212,225,228,225,217,215,217,225,222,222,230,241,246,246,243,233,212,209,217,238,243,241,241,243,241,241,241,235,225,212,209,215,225,233,241,248,251,246,233,209,203,205,209,215,212,207,149,145,149,209,217,228,235,235,233,230,235,241,243,243,243,241,235,235,230,224,220,218,222,228,233,230,230,230,230,228,228,230,235,238,235,228,222,217,217,217,217,222,225,228,230,228,217,212,209,202,153,153,204,215,230,233,228,228,228,222,203,203,228,238,238,235,230,229,229,230,228,225,224,225,228,230,233,230,233,233,233,233,235,238,238,238,241,235,230,225,224,225,228,230,230,233,235,235,217,208,208,212,215,215,215,217,217,211,209,215,233,241,238,233,222,213,217,217,207,99,56,123,202,230,235,233,233,233,233,235,233,230,225,217,222,230,235,238,241,238,235,233,233,233,233,233,230,230,233,230,228,226,230,235,238,238,233,230,230,233,233,235,235,238,241,241,241,241,241,241,241,241,238,238,238,235,230,230,235,243,246,243,238,238,238,235,233,230,228,225,225,225,228,230,230,230,233,233,230,225,222,222,225,230,233,235,230,217,211,212,217,225,230,228,228,230,230,230,230,230,233,235,238,235,233,225,217,215,215,217,222,225,225,225,228,228,230,230,228,225,228,228,228,225,228,230,230,230,228,228,228,228,228,228,228,228,225,225,228,228,228,228,230,228,225,225,220,215,217,222,225,228,228,233,230,228,228,225,224,225,228,230,230,228,225,222,220,220,217,215,212,212,212,215,215,215,215,212,212,212,215,212,212,212,209,209,212,212,212,212,209,207,204,202,202,204,207,212,215,215,215,215,215,215,215,215,215,215,215,212,212,209,209,212,209,202,191,186,191,202,209,212,215,212,209,209,207,207,207,209,209,207,204,209,212,212,212,212,212,212,209,209,209,209,212,212,212,212,209,212,212,212,212,215,217,217,215,215,212,212,209,209,209,212,215,217,217,217,217,215,215,215,215,212,212,212,215,217,217,212,211,211,215,217,217,217,215,212,212,212,209,204,199,199,204,209,212,212,212,212,212,209,209,207,209,209,209,207,209,212,215,217,217,217,217,217,215,212,215,215,217,222,225,230,230,228,225,222,222,225,225,228,228,228,228,228,228,228,228,225,222,222,222,222,225,228,228,228,228,222,215,212,215,222,222,222,225,225,225,222,215,212,204,199,199,204,212,217,222,212,212,217,225,228,225,224,225,225,228,228,222,212,202,196,194,191,194,196,199,204,204,202,199,199,207,215,222,222,225,230,235,238,241,243,0,0,0,0,246,243,238,233,230,0,0,0,0,0,238,233,228,222,215,209,199,0,0,0,0,0,0,0,0,0,0,0,5,23,57,103,118,113,85,85,85,91,142,170,189,191,199,209,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,248,241,225,215,215,207,189,186,181,181,0,0,0,0,0,0,0,0,0,0,111,90,79,77,77,85,98,121,160,0,0,0,0,0,0,173,129,98,72,53,43,53,209,255,0,0,0,0,0,204,191,176,163,163,183,202,217,243,251,251,251,243,251,243,230,230,230,220,0,0,0,251,220,202,194,202,0,0,0,0,0,0,126,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,0,20,27,35,56,59,51,43,43,43,48,66,105,163,191,189,0,0,0,113,113,108,0,0,0,0,0,0,144,131,139,142,142,131,111,0,0,108,0,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,251,255,255,255,255,255,255,255,255,255,255,222,152,134,116,66,0,0,0,0,0,0,139,160,144,98,38,3,0,0,0,30,111,0,251,189,165,255,255,255,222,222,191,124,105,98,90,65,66,82,0,0,105,69,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,0,0,19,1,0,0,0,0,0,0,0,0,0,0,0,11,27,53,79,85,97,178,238,255,255,255,255,251,228,191,181,186,170,0,0,0,0,0,0,15,63,131,176,194,183,172,172,178,215,217,163,89,75,51,0,0,0,0,0,0,7,199,255,255,255,255,255,255,0,255,255,255,243,160,118,152,194,228,53,0,0,0,0,0,0,0,0,0,0,0,0,111,126,120,173,199,194,178,178,199,212,212,194,178,166,165,170,183,194,194,186,186,189,194,199,204,199,178,107,79,73,87,119,181,189,189,181,173,176,191,202,220,235,235,235,243,235,191,93,39,7,0,0,0,0,0,0,0,0,0,0,0,1,9,27,69,124,137,157,178,178,157,137,124,87,75,55,53,59,65,55,45,43,45,55,65,73,79,91,142,160,160,163,173,168,152,97,71,65,89,160,168,163,155,152,155,160,163,173,173,173,173,176,181,181,173,155,119,119,119,165,199,207,181,168,165,161,163,165,165,123,116,116,117,165,176,181,179,183,181,168,157,160,170,173,170,157,152,144,85,73,83,103,139,97,95,89,79,75,79,81,85,93,101,134,134,134,96,96,139,147,139,99,103,142,150,142,101,95,89,93,99,97,99,103,103,95,89,87,87,82,87,97,103,142,105,101,101,99,99,93,97,137,103,97,93,92,101,147,160,134,89,89,89,93,89,87,85,87,91,93,87,67,55,59,85,147,147,93,87,126,137,87,81,81,69,66,65,66,73,85,134,142,139,131,85,83,89,89,75,69,72,79,79,81,101,155,157,147,101,99,93,87,87,99,109,117,117,117,111,101,97,100,109,105,91,87,93,107,123,189,209,225,228,233,238,238,238,238,237,238,235,228,217,215,209,202,194,176,157,139,91,77,55,33,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,7,13,21,21,25,21,21,13,19,21,27,33,55,92 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,196,186,173,163,163,168,168,165,165,170,181,186,189,189,189,176,152,139,144,157,155,124,95,7,0,0,0,142,160,178,178,168,157,107,101,101,107,144,144,106,104,107,157,165,168,176,183,176,163,161,163,163,163,168,176,176,178,178,170,152,150,155,160,160,165,165,163,165,170,170,165,159,157,163,176,186,189,189,181,150,137,147,160,163,159,157,163,181,178,163,152,147,147,150,147,150,155,163,165,165,160,119,117,117,119,165,178,183,178,176,170,125,121,121,121,119,117,117,119,123,117,99,111,170,127,104,103,104,111,123,131,129,125,125,131,176,176,133,131,176,183,189,194,191,196,202,199,186,181,181,178,179,186,196,196,189,179,177,183,191,191,189,191,194,194,191,189,189,191,196,199,202,199,196,194,196,204,215,225,225,222,217,215,212,195,192,202,204,199,207,209,204,202,199,196,194,196,194,139,137,139,186,199,186,133,137,186,189,189,189,194,202,215,225,222,204,192,192,199,207,207,202,196,194,194,194,194,199,202,204,204,207,209,212,215,217,212,209,212,204,194,191,189,189,194,199,215,220,212,186,179,183,189,135,97,118,139,196,199,202,204,202,194,192,194,199,207,215,209,202,196,199,204,204,202,199,196,191,187,189,196,202,199,202,207,209,212,209,204,199,207,222,225,217,209,204,202,202,202,199,204,215,225,228,225,222,225,225,222,222,222,225,196,137,141,117,5,0,0,0,133,139,137,137,191,215,222,222,225,230,233,235,235,233,233,233,230,228,224,224,228,238,243,243,230,191,92,119,123,135,135,135,194,212,225,212,194,191,196,212,215,131,115,117,131,199,207,212,217,222,222,222,217,217,212,202,196,141,127,194,207,127,106,120,199,222,230,233,230,222,207,199,196,204,222,230,230,230,230,228,225,225,225,222,222,222,212,194,194,215,233,228,207,145,143,202,222,230,228,215,204,195,194,196,189,129,127,141,202,204,196,189,191,196,202,204,202,194,191,191,191,194,196,199,196,194,196,199,204,207,194,129,124,212,230,238,238,233,233,235,233,228,228,228,230,233,235,238,238,238,238,235,233,230,228,228,230,230,233,233,230,228,226,228,228,233,235,235,233,233,235,241,238,235,228,222,222,233,238,241,241,241,241,241,241,241,238,233,228,222,225,225,228,233,233,233,233,230,235,235,233,230,225,217,217,217,215,215,215,212,209,212,217,222,225,222,217,212,204,204,207,209,209,204,200,199,200,209,215,215,212,212,212,215,222,228,228,228,225,225,222,220,215,212,212,215,215,212,212,215,212,212,212,217,222,222,222,228,235,241,241,238,238,235,233,228,215,209,212,215,207,207,207,204,202,204,212,215,212,209,212,215,215,212,215,222,228,233,235,235,233,230,228,230,235,238,241,241,238,230,222,213,213,217,222,225,225,225,222,222,222,225,217,212,209,209,208,208,209,225,238,241,233,222,215,215,225,225,228,235,246,248,248,243,233,212,207,209,228,241,243,243,241,238,233,233,228,215,208,207,212,230,238,243,248,254,246,228,209,207,215,228,228,217,204,147,142,146,204,222,238,243,243,235,233,238,243,246,246,243,238,233,233,228,222,218,218,221,225,230,228,226,228,230,230,225,225,225,228,228,225,222,225,228,225,217,215,217,222,228,230,228,217,209,202,153,151,153,212,228,233,230,230,230,225,213,215,233,238,238,233,230,229,229,230,228,225,228,230,230,228,228,225,228,230,230,233,233,233,233,235,238,235,228,225,225,228,230,233,230,230,230,228,215,208,209,212,215,215,215,217,217,212,209,215,233,241,235,217,212,213,220,222,207,125,104,151,217,233,235,228,217,215,222,230,233,233,228,217,217,230,235,238,235,233,230,230,233,238,238,235,230,230,230,230,228,228,230,235,238,238,233,230,233,238,241,241,238,238,241,243,238,238,238,243,243,241,238,233,230,228,222,222,230,241,243,241,238,238,235,233,230,228,228,225,224,224,228,233,233,233,233,233,228,222,218,220,225,233,238,238,230,225,217,215,215,215,217,225,228,228,230,233,233,233,235,241,241,235,230,217,209,207,212,215,217,217,222,222,225,225,228,228,225,225,225,228,228,225,230,233,233,230,228,228,228,228,228,225,225,222,222,222,225,228,228,228,230,230,228,225,222,222,222,225,225,225,230,233,230,228,225,225,224,225,228,230,230,228,225,222,222,222,217,215,212,212,215,217,217,217,215,215,215,215,215,215,215,212,212,212,212,212,212,212,212,209,209,207,207,209,212,215,217,215,215,212,212,212,215,215,215,215,215,212,209,209,209,215,212,199,189,185,191,202,207,209,212,215,212,209,209,209,209,209,207,204,204,209,212,212,212,212,212,212,209,207,207,209,212,212,212,212,212,209,209,209,212,217,217,217,215,212,212,215,212,212,209,212,212,215,215,215,217,217,217,217,215,212,212,212,215,217,217,212,211,211,212,217,217,215,212,212,212,212,209,202,198,199,207,212,212,209,209,212,212,209,207,207,207,209,209,207,209,212,215,217,217,217,217,217,215,212,212,215,217,222,225,230,230,230,225,222,222,225,225,228,228,228,228,228,228,228,225,225,222,222,222,225,228,228,225,222,222,217,215,212,217,222,225,222,225,225,222,220,215,207,199,194,196,199,204,209,215,212,212,217,228,230,228,225,225,225,225,222,215,209,202,199,196,191,191,191,194,196,199,199,198,199,207,215,222,222,225,230,235,238,241,241,0,0,0,0,0,243,238,233,230,0,0,0,0,235,230,225,217,215,209,207,199,0,0,0,0,0,0,0,0,0,0,0,9,27,59,111,126,116,85,84,85,91,144,170,189,199,209,248,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,248,248,238,225,215,207,199,199,199,199,196,0,0,0,0,0,0,0,0,0,147,111,85,64,53,61,77,98,129,168,183,0,0,0,0,0,124,95,61,38,35,35,38,199,255,0,0,0,0,251,209,183,176,163,163,183,209,228,243,255,255,251,251,255,251,241,220,209,212,0,0,0,255,220,194,186,186,0,0,0,0,0,0,118,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,51,59,56,48,43,48,53,56,0,126,189,209,202,0,0,118,118,113,108,0,0,0,0,0,0,147,131,131,129,131,129,111,0,0,100,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,215,255,255,255,255,233,255,255,255,255,255,228,189,196,217,168,27,0,0,0,0,0,0,0,170,105,1,0,0,0,7,61,100,150,189,186,215,255,255,194,85,157,160,129,124,116,108,82,92,111,121,121,103,69,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,9,31,5,0,0,0,0,0,0,5,33,55,49,52,142,225,255,255,255,251,233,189,155,144,155,152,0,0,0,0,0,0,0,77,157,183,194,183,178,176,191,235,251,235,225,230,220,168,31,0,0,0,0,0,61,255,255,255,255,255,255,255,255,255,255,255,165,75,67,77,163,73,0,0,0,0,0,0,0,0,0,0,0,0,35,131,170,199,212,202,168,155,170,196,212,202,186,166,165,168,178,183,183,176,178,181,194,194,194,191,170,85,71,73,91,163,194,204,204,189,183,191,191,202,209,233,241,248,255,241,181,85,31,0,0,0,0,0,0,0,0,0,0,0,0,0,5,25,113,150,150,176,194,194,186,170,157,137,81,65,57,65,69,65,49,43,42,42,57,79,91,129,152,170,168,163,168,165,160,139,77,65,83,155,165,160,152,150,155,160,173,181,181,181,176,181,181,181,173,165,165,117,117,181,204,199,186,173,165,161,161,163,163,123,119,116,117,165,176,181,176,179,189,181,165,165,168,173,170,163,152,105,79,69,77,99,101,97,91,89,79,73,79,79,79,91,131,144,152,142,101,97,139,142,137,137,144,150,150,101,89,79,83,87,91,97,97,95,95,87,87,82,82,87,91,103,144,150,142,142,139,144,139,99,99,137,142,142,96,95,101,160,160,144,97,91,95,129,95,93,87,91,126,95,83,57,35,41,65,129,139,93,89,129,137,87,81,79,75,69,69,73,85,134,150,147,147,139,89,89,99,99,75,71,75,85,87,85,97,107,152,147,107,101,93,86,92,103,113,152,117,111,107,100,100,105,113,99,73,64,64,83,105,168,202,225,233,241,241,241,241,241,241,238,235,228,220,217,209,204,191,173,157,147,134,87,75,51,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,13,19,19,19,13,10,12,19,25,39,53,90 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,181,178,173,168,168,170,168,165,165,170,178,181,178,173,176,178,168,150,150,170,186,189,191,176,173,61,0,186,176,173,155,150,147,99,85,69,89,103,142,142,106,107,155,160,157,168,181,181,173,165,165,160,156,157,165,173,176,176,163,147,139,134,130,133,152,160,157,160,165,165,163,160,160,168,178,183,186,183,178,131,118,134,155,160,160,160,165,176,170,157,155,155,150,147,147,150,155,160,165,165,160,117,112,113,119,168,176,176,168,165,123,117,115,121,123,121,117,115,115,115,95,81,95,183,194,183,173,129,131,183,186,176,125,121,121,125,129,129,128,129,183,204,209,207,204,194,191,189,194,191,177,176,183,196,194,182,181,182,183,186,186,189,191,199,199,196,194,191,191,194,196,196,196,196,202,207,215,225,228,228,225,225,228,233,204,192,202,207,191,187,194,196,196,196,194,189,186,183,139,186,196,202,204,96,98,123,137,189,189,189,194,207,217,225,222,204,194,199,212,222,215,202,186,189,191,190,191,196,204,207,203,203,207,209,207,207,207,207,209,207,209,217,196,131,131,133,202,209,209,199,186,189,191,183,107,127,186,196,199,199,199,196,192,194,196,204,215,222,215,204,202,202,204,202,199,196,196,196,191,191,199,204,202,202,207,207,209,209,202,195,199,212,215,209,207,207,204,199,198,198,202,212,222,225,225,225,228,222,212,209,215,220,138,124,191,202,199,217,107,0,115,129,131,137,194,207,217,222,225,228,230,230,230,230,230,230,230,228,225,225,230,235,241,243,233,194,90,129,135,139,132,130,135,191,204,202,190,190,191,202,191,118,115,129,202,207,212,212,212,212,207,194,189,189,189,143,141,127,88,119,191,122,116,133,204,222,228,228,217,209,207,199,196,199,217,228,230,233,233,233,230,228,228,225,217,209,199,141,141,207,222,215,199,143,143,191,202,212,217,215,207,199,196,204,202,133,131,194,199,196,196,194,199,212,225,228,217,204,202,202,207,207,204,196,191,190,191,194,202,207,194,122,118,202,230,235,235,233,230,233,233,233,230,230,230,233,235,238,238,238,235,233,233,230,228,228,230,230,233,233,230,230,228,230,233,235,235,235,233,233,238,241,238,235,233,228,230,238,243,243,241,238,238,238,241,241,241,241,238,238,238,235,233,230,229,230,235,233,233,233,233,228,225,222,222,225,217,215,212,212,212,215,217,225,225,225,222,209,196,148,149,199,202,204,204,202,202,207,215,215,212,212,209,207,215,228,230,228,228,225,217,217,215,212,215,217,217,217,215,215,211,209,212,225,225,222,217,225,233,238,238,235,233,230,225,212,209,212,215,212,209,212,212,209,209,209,215,215,215,212,212,212,212,212,217,228,233,238,238,238,233,228,222,222,225,225,230,233,230,225,215,212,215,222,228,228,230,233,230,228,228,228,217,208,207,208,212,215,222,233,243,243,233,222,215,217,222,217,222,230,238,243,246,243,233,222,211,208,215,233,241,238,235,230,225,222,217,212,208,209,215,230,238,241,243,248,238,222,215,215,228,230,225,212,204,149,149,202,209,222,230,238,238,230,228,233,241,243,243,241,235,233,233,230,228,225,225,228,230,233,228,226,228,230,230,222,212,212,217,222,225,230,233,233,228,217,213,215,222,228,233,233,228,215,202,151,151,202,212,228,228,228,230,228,230,230,235,241,241,241,238,233,233,233,233,233,230,233,233,228,225,224,222,225,228,230,230,230,230,230,230,235,233,230,228,230,233,235,235,233,230,228,225,217,211,211,215,215,215,217,222,222,215,212,217,233,238,230,213,212,215,225,222,207,149,149,217,228,233,230,217,212,209,213,228,235,235,228,217,217,230,233,233,230,225,222,225,233,243,243,238,230,230,230,230,228,228,230,235,238,238,235,233,235,241,246,243,241,241,241,241,235,235,238,241,243,241,235,230,225,220,218,222,233,238,243,241,235,233,233,230,228,225,228,228,225,225,230,235,235,235,235,233,228,222,218,220,228,235,238,235,230,228,222,212,208,207,209,215,225,228,230,233,235,235,238,241,241,233,225,212,205,205,209,215,215,217,217,217,222,225,225,222,222,222,222,225,225,228,230,235,235,230,225,228,228,225,222,220,217,216,216,217,225,225,225,228,228,228,228,225,228,228,228,228,225,225,228,230,230,228,228,228,225,228,230,233,230,230,225,222,220,217,215,212,211,212,215,217,222,217,217,215,215,215,215,215,215,215,212,212,212,212,212,212,209,209,209,209,209,209,212,217,217,215,212,209,209,212,212,215,215,215,215,212,207,207,209,212,209,199,191,194,202,204,207,207,212,212,212,209,209,209,209,207,204,204,207,209,212,212,212,212,212,212,209,207,207,207,209,212,215,215,212,209,207,207,212,217,217,217,215,212,212,215,215,212,212,209,212,212,212,215,215,217,222,222,217,215,212,212,215,217,217,215,212,211,212,215,217,215,212,212,212,212,207,202,198,199,209,212,212,207,207,209,209,207,202,202,204,207,207,207,209,212,215,217,217,217,215,215,212,209,209,212,215,217,225,230,233,230,225,222,222,225,228,228,228,228,230,230,228,228,225,222,222,222,222,225,228,228,225,222,217,215,212,215,217,222,222,222,222,222,222,217,215,204,191,143,189,191,194,199,209,215,215,222,228,230,230,228,228,225,222,217,212,207,204,202,199,191,189,189,191,191,194,199,202,202,207,215,222,225,228,230,235,235,238,238,241,0,0,0,0,243,238,233,230,230,233,0,0,230,225,217,212,209,207,204,199,1,0,0,0,0,0,0,0,0,0,0,13,27,59,108,129,124,89,85,91,99,150,173,199,215,243,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,248,238,225,217,207,207,207,207,207,199,181,173,0,0,0,0,0,0,0,144,111,77,53,33,33,61,87,121,152,173,181,181,173,147,113,79,53,35,35,38,40,53,207,255,255,255,0,255,243,194,178,168,168,176,194,215,241,251,255,255,251,251,255,248,228,209,207,209,230,255,0,255,220,186,176,176,0,0,0,0,0,0,0,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,56,48,43,48,53,56,64,0,0,202,217,207,173,0,113,108,103,100,0,0,0,0,0,0,157,142,131,129,137,137,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,255,255,255,241,209,255,255,255,255,255,235,217,228,235,160,0,0,0,0,0,77,0,243,199,85,0,0,0,43,66,85,0,0,142,173,246,255,255,0,0,95,144,144,144,155,144,108,126,160,152,118,85,66,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,105,113,47,9,0,0,0,0,0,15,45,61,52,53,144,215,254,255,251,225,191,160,130,94,125,155,41,0,0,0,0,0,0,124,165,168,168,168,168,168,186,228,251,241,251,255,248,222,212,170,55,0,0,0,0,233,255,255,255,255,255,0,0,255,255,255,235,142,69,45,69,65,0,0,0,0,0,0,0,0,0,0,0,0,7,147,199,222,212,186,142,77,85,170,202,212,191,176,168,176,183,183,183,168,160,168,186,194,194,178,111,57,57,79,103,165,189,196,194,189,194,196,191,191,199,220,243,251,251,220,176,137,59,0,0,0,0,0,0,0,0,0,0,0,0,0,7,37,144,178,170,176,191,194,194,186,170,139,77,63,57,65,75,83,75,59,45,39,63,97,142,152,160,173,173,163,163,160,160,155,89,67,73,99,160,160,152,152,160,165,173,181,176,173,173,173,181,181,173,173,173,115,115,181,199,186,181,178,168,165,159,160,163,123,160,121,121,168,181,181,178,183,194,189,176,165,165,168,170,163,147,101,75,67,77,97,101,97,97,93,79,71,73,77,79,89,137,155,160,150,137,131,99,134,131,139,152,150,101,81,67,73,79,87,91,97,97,95,89,87,83,82,82,87,97,142,152,152,150,150,155,155,147,137,137,144,152,152,137,101,139,163,168,147,99,131,134,129,129,93,91,126,95,95,77,43,23,25,53,83,89,83,83,89,95,83,83,87,87,77,75,85,134,150,157,163,157,147,93,89,137,137,87,75,81,97,97,95,95,101,107,147,147,107,97,92,97,113,155,155,115,115,115,107,105,119,119,97,67,60,60,66,89,117,196,225,241,248,246,246,241,241,238,243,235,235,228,225,217,207,199,178,165,155,142,129,113,67,39,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,19,19,19,13,9,9,19,25,31,47,63 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,181,176,168,165,163,160,157,160,165,170,176,173,168,168,173,176,160,160,176,181,183,186,194,181,155,129,178,181,170,155,147,144,103,73,45,57,97,99,144,144,142,155,155,152,160,176,181,173,168,170,160,155,157,165,173,173,173,173,152,137,134,108,94,139,157,157,155,155,163,165,160,160,163,173,183,181,178,173,95,0,121,157,165,168,165,168,168,170,168,168,165,157,147,147,150,155,160,165,165,160,115,111,109,115,168,176,173,168,121,117,115,117,123,127,125,121,117,117,109,91,90,119,202,209,207,196,183,183,194,191,176,125,121,118,121,127,129,129,173,194,215,215,215,207,186,178,196,204,194,179,177,183,202,202,182,196,196,183,181,183,191,202,209,209,209,209,202,196,189,186,186,189,196,204,212,217,225,228,225,225,228,230,230,215,192,196,199,185,185,189,194,196,196,196,191,138,134,183,196,207,215,215,82,48,115,129,139,191,199,204,204,209,217,212,202,196,209,228,233,230,141,129,137,191,196,196,196,202,204,204,207,209,207,199,196,199,202,207,215,217,220,137,33,107,109,181,191,199,194,189,196,207,199,189,141,191,199,202,199,196,194,196,204,209,207,209,215,212,204,202,204,204,199,196,199,199,199,196,199,202,202,204,207,209,207,204,202,196,194,195,207,209,209,209,207,202,198,198,199,202,209,217,222,222,225,225,207,196,199,204,207,207,204,209,222,233,238,222,129,113,115,125,135,143,199,212,225,228,228,225,225,230,230,228,228,230,228,225,225,230,235,238,243,228,139,127,129,133,135,133,135,143,196,204,202,191,189,190,194,143,126,126,199,217,225,225,215,202,196,191,141,137,131,127,137,127,89,82,84,189,202,202,196,202,212,215,209,204,204,204,202,195,195,209,217,222,230,230,233,230,228,228,222,212,191,139,135,139,196,207,196,143,145,191,143,145,196,199,204,209,204,204,212,215,215,207,202,194,191,199,204,215,230,238,238,225,209,204,207,215,225,215,202,191,190,190,190,190,196,202,125,115,129,222,230,230,230,230,228,229,233,233,233,233,235,238,241,238,235,230,228,230,230,228,228,228,230,230,233,233,233,233,233,235,235,235,233,235,238,241,241,241,238,233,230,233,241,246,246,243,238,238,238,241,241,241,243,243,243,243,241,235,230,229,229,230,233,233,233,233,230,228,225,228,228,222,215,212,215,215,217,222,228,228,228,225,215,149,145,147,207,215,225,225,212,209,212,217,222,217,215,212,204,204,222,225,222,222,217,212,212,212,212,215,217,225,225,222,215,211,211,217,225,225,217,215,217,228,230,233,230,228,222,212,208,207,208,209,209,209,209,212,212,212,212,212,215,212,212,215,212,211,211,217,228,233,235,235,235,233,228,217,215,209,204,212,222,217,215,215,215,225,233,233,233,235,235,233,230,230,233,228,215,208,209,217,225,228,235,238,235,225,217,215,217,217,209,212,217,225,233,235,235,228,225,217,212,215,225,235,235,233,222,215,215,215,212,209,215,220,228,233,235,235,235,230,222,217,222,225,222,209,204,202,204,207,212,212,209,207,212,222,222,220,225,233,241,241,235,231,233,235,235,233,230,233,235,235,233,230,228,228,233,233,222,209,209,215,222,228,235,238,230,222,215,213,215,217,225,230,233,230,215,151,148,151,209,225,222,222,222,228,230,230,235,241,243,243,243,243,238,233,233,235,235,235,235,235,228,222,221,224,225,228,230,230,230,230,233,233,235,233,233,230,230,230,235,241,238,233,228,222,217,212,212,217,217,220,220,217,220,217,222,225,230,230,228,217,215,222,225,225,215,209,212,225,230,230,222,215,211,209,215,230,235,230,222,216,222,228,230,225,225,221,220,222,233,243,246,238,233,228,228,230,230,228,228,230,233,235,235,235,238,241,243,241,235,238,238,238,233,233,235,238,238,238,235,230,225,220,220,228,235,241,241,238,233,228,225,220,222,225,225,225,225,230,233,235,235,235,235,235,233,225,222,222,230,233,235,233,230,228,222,209,208,208,209,215,222,228,230,230,233,233,235,238,238,230,215,207,204,204,209,215,215,215,215,215,217,222,217,216,217,222,222,225,222,225,233,235,233,228,225,225,225,222,217,216,216,216,217,220,225,228,228,228,228,228,228,228,228,230,233,230,228,225,222,225,228,228,230,233,233,230,230,230,230,228,222,215,215,215,215,212,212,212,215,217,222,222,217,215,215,215,215,215,215,215,212,212,212,212,212,212,209,207,207,209,209,209,212,215,217,215,212,209,208,209,215,215,215,212,212,207,202,202,204,204,199,199,204,209,209,209,209,209,212,215,212,212,212,209,207,204,202,204,207,212,212,212,212,212,212,212,209,207,207,207,209,212,217,217,212,207,207,209,212,215,217,217,217,215,215,215,215,212,212,212,212,209,212,212,215,215,217,217,217,215,212,212,215,217,217,217,215,215,215,215,215,215,212,212,209,209,207,202,199,202,209,212,209,204,204,207,204,199,147,194,202,207,209,209,212,212,215,217,217,215,212,212,209,204,204,207,215,217,225,228,230,230,225,222,225,228,228,228,228,230,230,230,233,230,230,225,222,222,222,225,228,228,225,222,217,215,212,215,222,222,222,222,222,220,217,217,212,202,145,139,143,143,141,194,212,215,217,217,225,228,233,233,228,228,225,217,215,209,204,202,196,191,189,189,191,191,191,196,202,204,204,209,222,228,230,230,233,233,233,235,238,241,241,0,0,0,0,233,230,229,230,230,230,225,220,215,209,207,204,204,202,1,0,0,0,0,0,0,0,0,0,5,13,27,57,79,124,129,129,91,91,93,147,181,207,228,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,241,228,228,228,217,212,207,207,199,191,181,181,181,0,0,0,0,160,144,118,92,59,38,25,20,30,61,95,111,129,152,160,144,111,72,42,31,33,43,69,87,124,217,255,255,255,255,255,251,202,194,209,212,209,217,243,251,255,255,255,255,251,246,230,220,212,212,217,243,255,255,243,209,183,165,165,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,82,74,59,51,51,56,56,43,36,36,43,56,56,66,0,163,202,217,199,181,144,111,103,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,222,0,255,255,255,255,243,217,194,178,121,7,0,0,0,0,0,152,202,233,163,0,0,46,79,74,92,92,0,0,0,0,230,255,181,0,0,66,0,131,129,181,131,82,134,255,196,25,0,0,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,35,129,137,85,25,0,0,0,0,27,45,59,121,147,147,160,202,238,255,235,204,165,139,126,108,170,168,147,33,0,0,0,0,0,131,173,173,168,160,150,150,183,228,246,241,246,255,254,235,233,246,254,189,81,0,0,95,241,255,255,255,255,0,0,255,255,255,241,186,157,67,23,0,0,0,0,0,0,0,0,0,0,0,0,51,142,178,207,209,189,142,75,17,3,139,194,209,194,183,183,186,191,191,189,168,139,160,186,202,194,160,43,10,33,85,155,163,170,170,173,183,191,191,189,183,191,204,220,230,233,209,191,170,81,0,0,0,0,0,0,0,0,0,0,0,0,3,17,49,157,178,176,176,183,186,183,178,160,81,51,51,63,71,81,126,139,83,45,39,69,142,168,170,170,176,173,168,163,160,165,173,155,81,64,81,150,168,160,155,163,165,163,170,155,111,111,165,181,181,173,173,165,119,119,173,181,181,173,173,168,165,161,159,163,160,163,168,173,183,186,189,183,186,189,189,183,170,160,163,163,155,144,95,73,65,73,93,101,101,101,95,73,68,70,81,89,91,137,152,152,142,139,134,99,131,137,144,147,137,91,64,60,65,79,85,97,99,97,95,91,87,83,83,85,91,103,144,152,152,150,160,170,173,168,150,144,150,163,163,139,101,144,163,165,144,137,139,137,137,131,129,134,134,134,126,67,25,17,19,43,65,73,59,63,77,83,83,83,93,134,89,87,134,144,152,157,163,157,139,89,89,101,137,97,87,85,95,97,97,97,99,107,157,157,150,103,97,99,152,163,160,152,152,157,157,117,163,170,103,69,67,67,69,89,117,202,233,248,251,254,248,241,237,243,246,241,243,235,233,225,222,207,189,165,155,142,131,118,79,51,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,19,19,19,19,19,12,12,19,25,25,37,51 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,173,160,157,160,157,155,155,160,168,170,168,164,165,173,183,176,170,170,165,168,181,181,176,170,170,173,173,170,163,160,155,99,43,35,40,75,97,142,142,147,160,155,148,152,170,178,173,168,168,163,156,157,163,165,165,173,176,155,137,137,124,79,139,170,160,156,163,165,163,157,155,150,160,173,176,173,57,0,0,63,176,170,168,165,165,168,173,173,170,170,160,142,144,157,165,165,163,163,163,119,112,109,113,123,165,165,125,117,113,117,121,127,168,127,123,119,119,119,121,173,196,212,217,215,204,189,186,191,191,176,131,127,119,119,123,125,129,181,199,212,217,222,212,176,125,183,199,194,181,181,191,207,215,202,199,178,130,178,194,204,209,215,220,225,222,217,207,189,138,139,189,196,207,215,220,225,225,225,225,228,228,228,212,198,199,202,189,187,191,196,196,196,196,191,139,137,194,209,215,222,228,101,46,48,121,133,191,204,209,204,199,199,191,189,196,225,235,235,215,131,122,130,194,209,209,202,199,207,207,207,209,207,202,196,196,199,207,215,217,215,93,19,83,129,137,133,135,186,194,202,209,204,196,191,191,199,202,202,199,199,204,209,209,204,202,204,204,199,199,204,204,202,199,202,202,202,202,204,204,204,207,209,209,204,202,199,196,196,199,209,212,212,215,212,207,199,198,199,204,209,212,215,212,207,199,192,192,196,207,212,215,217,222,233,243,248,251,220,133,119,123,131,137,191,212,225,225,225,225,225,230,230,228,225,228,225,222,225,230,235,238,233,204,129,127,131,131,131,139,196,212,225,225,217,207,199,194,196,194,141,189,215,225,222,215,202,189,141,143,143,141,135,125,117,97,87,85,97,202,215,204,199,199,207,209,207,204,204,204,202,196,196,207,212,209,212,225,228,215,204,194,141,143,137,135,139,141,145,145,137,137,145,145,141,141,141,140,145,207,215,217,222,228,228,225,215,202,194,196,209,228,238,241,230,212,196,141,191,202,209,207,202,199,194,191,190,189,191,191,125,112,113,204,222,228,230,230,228,229,233,233,233,233,235,235,238,238,233,228,225,225,228,228,228,230,233,233,235,238,238,238,238,238,238,233,233,235,238,241,241,241,238,233,230,235,241,243,243,241,235,235,238,238,238,241,241,241,241,241,238,235,233,230,230,230,233,233,235,235,233,230,230,230,228,225,217,215,217,217,217,222,228,230,228,225,217,202,149,204,228,238,241,235,225,215,212,217,222,222,222,222,209,205,209,215,212,212,211,211,209,211,212,217,225,228,230,230,225,217,215,217,222,215,212,212,222,228,228,228,225,222,215,209,208,208,208,208,209,209,208,209,212,212,209,209,209,212,215,215,212,212,212,222,228,233,235,235,233,230,228,222,215,207,202,204,209,204,207,217,228,235,238,238,235,235,235,230,228,230,235,235,228,215,215,225,230,230,230,230,228,222,222,225,225,212,153,202,209,217,222,225,222,222,225,222,217,217,225,228,230,228,225,212,205,207,209,212,217,222,222,222,225,228,228,225,217,216,216,217,215,209,207,207,209,215,217,215,205,202,204,212,222,222,225,230,238,238,233,231,233,238,238,235,233,233,235,235,233,230,228,230,235,235,230,215,209,209,215,228,238,238,230,222,215,213,213,215,222,230,233,230,217,143,144,202,217,225,212,209,212,215,222,228,233,241,243,243,243,243,238,230,228,233,235,238,238,235,228,225,228,230,230,230,230,230,230,235,235,235,233,230,228,228,226,228,233,238,241,233,225,217,212,212,215,217,222,222,222,222,222,222,225,228,233,230,225,217,217,225,228,225,222,217,217,228,225,207,212,215,213,213,222,230,230,225,217,216,222,228,228,225,222,221,220,222,233,243,243,238,233,230,228,228,225,225,225,225,228,233,235,235,233,230,230,230,230,233,235,233,230,233,235,235,235,235,233,230,228,225,225,233,238,241,241,238,230,225,216,216,217,222,222,217,216,225,230,233,235,235,238,238,235,230,228,228,228,230,230,230,228,228,222,215,212,215,215,217,225,228,233,233,233,233,233,235,235,228,215,209,207,207,209,215,217,217,215,217,222,222,217,216,217,225,225,218,218,225,233,235,230,228,225,225,225,222,217,216,216,216,217,222,228,230,230,230,228,228,230,230,233,233,233,228,222,217,217,220,225,228,233,235,233,230,228,225,225,220,212,207,209,215,215,215,217,217,217,217,217,217,217,215,215,215,215,215,215,215,212,212,212,212,212,209,207,205,207,209,212,209,212,212,215,212,212,209,208,209,215,215,215,212,212,204,200,200,202,202,198,199,209,215,215,215,215,215,215,217,215,212,209,209,207,202,202,202,207,209,212,212,212,212,212,212,212,212,212,209,209,212,217,217,212,207,207,209,215,217,217,217,217,217,217,215,215,215,212,209,209,209,209,212,215,215,217,217,217,215,212,212,215,217,217,217,217,217,217,217,215,215,212,212,209,207,204,199,199,202,209,209,209,207,204,202,196,146,144,146,199,207,209,212,212,215,215,215,215,215,209,203,202,202,203,207,215,222,225,230,233,230,222,217,222,228,230,230,228,230,230,233,233,233,233,228,225,222,222,228,230,230,228,225,222,215,212,215,217,222,222,222,220,217,217,215,212,202,141,133,133,137,141,199,215,215,215,217,222,228,0,0,233,228,225,222,215,212,207,202,196,191,189,189,191,191,191,194,199,202,202,207,217,228,230,230,230,228,228,230,233,235,238,241,0,0,0,235,230,230,230,230,228,225,220,215,209,207,204,204,202,9,1,0,0,0,0,0,0,0,1,3,11,23,49,73,85,91,93,93,91,97,150,189,215,251,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,246,228,207,207,215,225,225,225,215,207,199,199,196,196,196,196,186,173,150,129,113,95,59,30,17,13,7,9,25,59,85,105,126,131,121,87,53,38,38,56,87,113,129,173,248,255,255,255,255,255,255,255,255,255,255,255,254,254,251,246,246,254,254,251,243,230,222,220,220,230,248,251,248,228,199,176,164,165,165,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,74,74,66,56,35,33,43,43,43,43,38,42,56,0,0,113,173,199,199,199,189,160,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,209,165,131,85,40,0,0,0,0,0,0,225,142,126,126,77,79,152,137,74,82,100,0,0,0,0,144,255,163,0,0,0,0,0,98,121,79,64,163,255,129,0,0,0,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,41,113,116,39,7,0,0,0,11,45,59,77,142,178,183,183,183,225,246,241,207,168,147,139,204,189,134,142,131,0,0,0,0,0,37,170,194,186,165,138,134,168,228,241,235,235,235,235,228,233,255,255,248,9,0,0,101,225,255,255,255,255,0,0,255,255,255,238,228,243,191,47,0,0,0,0,0,0,0,0,0,0,0,49,196,207,207,222,194,139,0,0,0,0,129,176,194,191,183,186,191,199,199,191,160,129,160,186,202,194,115,16,8,21,79,111,155,155,113,155,181,191,191,183,173,176,189,202,207,217,217,196,144,51,13,0,0,0,0,0,0,0,0,0,0,0,1,19,51,137,165,170,170,170,178,170,144,71,38,34,45,71,83,89,150,160,91,47,43,71,152,170,170,170,170,160,152,152,160,178,199,189,107,66,73,107,160,150,150,157,157,111,101,97,97,107,165,181,181,173,165,119,119,163,173,181,181,176,173,173,168,163,163,163,160,168,176,178,183,189,189,189,186,186,183,183,173,160,157,163,152,105,89,69,61,69,85,97,97,97,89,71,68,73,89,93,91,129,142,134,131,139,142,142,139,144,144,137,93,75,63,63,65,79,91,97,97,91,89,87,87,82,89,93,101,139,150,152,150,150,160,176,176,168,155,155,165,170,163,139,131,137,147,157,139,134,142,152,152,137,137,139,137,134,121,59,23,16,18,35,53,47,38,41,53,65,67,77,89,137,134,137,144,144,142,142,147,142,91,81,83,97,142,142,103,85,83,87,97,95,101,147,157,165,150,103,97,97,109,152,157,157,165,168,155,152,160,163,99,67,71,83,89,109,176,212,238,251,254,254,251,238,237,246,246,243,243,243,233,230,225,209,194,173,152,144,134,126,105,57,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,11,15,17,17,17,12,12,17,23,27,37,51 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,95,113,157,157,155,155,157,163,165,164,164,165,170,183,183,183,178,166,166,168,170,176,186,191,157,152,163,165,168,152,75,35,32,38,47,97,137,134,144,163,160,151,152,165,176,173,170,170,165,159,159,160,157,163,176,170,124,116,137,144,105,147,168,163,165,173,160,139,21,11,47,144,165,173,191,85,0,0,19,168,168,150,157,157,160,168,170,173,165,144,84,91,150,168,170,165,165,168,163,119,113,117,121,121,119,115,111,111,119,125,127,127,168,168,123,121,168,189,202,209,215,217,215,204,186,179,183,186,181,178,176,117,113,115,121,125,129,189,204,212,217,212,173,116,123,183,183,181,181,186,191,209,207,191,114,125,181,204,215,217,220,225,228,228,228,212,183,136,139,191,199,209,217,222,222,222,222,225,225,228,225,212,207,202,199,194,189,189,191,191,191,189,183,183,191,209,222,222,225,228,186,57,50,111,125,183,199,207,199,191,186,182,182,199,225,235,230,204,137,122,133,207,222,215,199,194,204,207,204,207,215,212,204,199,196,202,207,202,103,18,17,71,202,194,129,128,139,202,209,209,207,196,191,191,194,199,199,199,204,207,207,202,194,196,202,202,198,199,202,204,202,202,202,204,204,204,204,204,204,204,207,204,202,202,199,199,204,209,215,217,220,217,215,209,202,198,198,202,207,212,209,204,194,189,190,196,204,215,222,225,225,228,238,246,248,248,235,217,207,194,143,143,196,209,215,215,222,225,225,230,228,225,222,222,222,222,222,228,230,230,222,141,119,119,127,129,131,191,212,235,243,241,233,225,215,202,202,202,196,204,217,217,204,189,137,135,135,137,143,143,141,133,117,103,119,143,143,194,199,199,199,204,212,217,220,217,212,207,202,199,204,215,217,212,212,215,209,191,133,126,122,130,133,135,145,191,143,137,134,136,141,141,141,143,141,139,141,204,225,230,230,230,233,233,228,212,202,196,204,217,230,228,209,191,134,129,135,189,191,196,202,202,196,194,190,190,194,194,135,116,112,135,212,228,230,230,229,230,233,230,230,233,233,235,235,235,235,230,225,224,224,228,230,233,235,235,238,238,241,241,241,241,238,235,235,238,238,241,241,238,235,233,233,235,238,241,241,238,233,233,233,235,235,235,235,235,235,233,233,233,233,233,233,233,233,235,235,235,235,235,233,230,228,222,217,217,215,215,215,222,228,230,225,222,215,209,207,217,235,241,238,233,225,209,204,209,217,225,228,228,222,205,204,212,215,215,212,212,212,212,217,225,228,230,230,233,230,225,217,215,212,209,209,215,222,228,228,222,217,217,215,212,209,209,209,212,212,209,209,209,209,209,207,207,209,212,212,212,212,215,217,225,228,230,233,230,228,225,217,215,215,209,207,207,204,199,202,222,238,241,241,238,233,230,230,225,224,225,235,238,230,217,217,225,230,228,225,222,222,225,230,235,233,204,150,151,209,212,209,212,217,228,228,225,222,222,225,225,222,217,225,212,200,200,207,212,217,225,222,215,215,222,225,225,222,216,216,222,222,222,215,212,212,217,228,228,215,207,209,217,228,228,225,230,235,238,235,233,233,238,241,238,233,228,230,230,230,225,225,228,230,233,230,217,207,204,207,222,235,241,235,228,222,215,212,213,222,230,233,233,228,153,151,215,217,215,205,207,209,208,212,225,233,238,241,241,243,243,235,228,226,228,233,235,238,235,230,230,235,238,235,230,229,229,233,235,238,238,233,228,226,226,226,228,233,238,238,233,222,212,211,212,215,222,222,217,222,225,225,225,225,233,238,233,225,222,225,228,228,228,225,225,217,212,121,72,133,217,225,230,228,225,225,222,217,217,225,230,230,228,228,225,225,228,235,241,241,238,235,233,230,225,222,220,218,218,222,230,233,230,225,221,220,222,225,228,230,230,230,230,235,238,235,233,228,228,228,228,233,235,241,241,241,235,228,217,215,216,222,225,222,215,213,217,228,233,235,238,238,235,235,233,230,222,217,217,222,228,228,228,225,225,225,225,222,222,222,228,235,235,235,235,233,235,235,230,217,212,215,215,212,215,225,225,222,222,225,225,217,216,222,225,222,217,217,225,233,233,230,228,228,228,225,225,222,220,217,217,217,225,228,230,233,230,230,230,233,233,235,233,230,222,215,212,215,217,222,225,230,233,233,228,222,215,212,207,204,204,207,215,222,225,225,225,222,222,217,217,215,215,215,212,212,212,212,215,215,212,212,212,212,209,209,207,207,209,212,212,212,212,212,212,212,209,209,209,215,215,215,212,212,207,202,202,204,202,202,204,209,212,215,215,217,217,217,217,215,212,209,207,204,202,200,200,204,209,212,212,212,212,212,212,212,215,215,212,209,212,215,217,212,207,207,209,215,217,222,217,217,215,215,217,217,215,212,209,209,209,209,212,215,217,217,217,215,212,212,212,215,217,217,217,217,217,220,217,217,215,212,209,207,202,199,199,199,204,209,209,209,209,207,202,194,145,144,149,207,212,212,212,215,215,215,215,215,215,209,203,203,204,207,215,222,225,230,230,233,230,222,215,217,225,230,230,228,230,230,233,233,233,233,230,228,225,225,230,230,230,228,225,222,215,212,212,215,217,217,222,222,217,215,212,207,196,135,128,128,132,143,202,212,212,212,212,217,228,235,235,233,230,225,222,217,215,212,204,196,191,189,187,191,194,196,199,199,199,202,209,222,230,230,230,230,228,228,228,230,233,235,238,241,0,241,235,233,233,230,230,230,228,222,217,212,207,204,202,202,13,7,0,0,0,0,0,0,1,3,1,7,25,57,73,83,91,97,99,101,111,173,207,241,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,228,212,196,181,189,199,217,241,241,225,215,215,217,225,225,207,196,178,150,121,103,85,69,23,9,7,5,3,3,9,30,59,85,105,118,118,105,79,69,87,118,142,147,160,207,255,255,255,237,242,255,255,255,255,255,255,255,255,254,230,204,204,222,243,246,246,246,246,243,243,243,251,251,248,228,199,178,164,165,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,59,66,66,51,27,17,22,43,64,64,53,42,46,0,0,0,0,189,189,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,243,207,150,85,48,7,9,11,0,0,0,0,0,255,38,5,131,228,255,230,157,82,74,85,0,0,0,77,79,150,64,0,0,0,0,0,85,79,53,40,134,209,0,0,0,0,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,61,100,72,5,0,0,0,0,27,59,83,121,165,204,215,225,215,238,255,248,215,178,147,147,222,163,51,71,137,17,0,0,0,0,0,163,215,217,168,130,122,160,217,235,230,220,212,199,198,225,248,255,255,0,23,67,123,217,246,255,255,0,0,0,255,255,255,241,255,255,255,157,0,0,0,27,1,0,0,0,0,0,0,129,243,243,222,222,199,137,0,0,0,29,155,181,183,191,191,191,194,199,199,189,146,116,160,178,186,181,105,15,17,59,93,155,155,111,101,101,163,189,196,183,165,163,181,196,217,217,217,196,91,27,17,13,0,0,0,0,0,0,0,0,0,0,13,29,61,137,157,157,142,118,126,126,77,41,33,34,57,81,126,150,168,168,89,53,47,77,152,165,168,160,160,152,99,99,150,173,196,196,160,77,71,89,107,107,109,155,150,100,96,97,101,155,165,173,173,168,119,115,117,163,173,181,183,181,181,178,173,168,163,163,163,168,176,178,183,186,189,183,178,176,181,183,173,165,157,157,147,99,85,67,55,61,77,91,95,89,73,71,73,87,131,93,85,91,97,97,129,134,147,147,144,144,139,97,83,67,65,65,67,77,85,93,89,83,83,83,87,87,99,105,139,144,152,157,150,150,157,176,176,168,165,165,170,170,163,144,131,134,137,137,129,126,139,155,160,152,150,139,131,124,85,57,25,18,19,29,43,37,34,36,45,51,57,69,87,137,144,144,144,134,91,131,137,137,87,77,77,97,157,173,150,95,77,77,83,93,99,144,163,165,144,99,96,96,101,111,152,163,165,165,113,103,109,115,89,64,67,89,109,170,202,225,246,254,255,255,251,235,235,246,251,251,248,243,233,228,222,209,194,170,160,147,139,129,111,65,33,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,11,17,23,17,13,13,19,29,31,43,61 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,144,152,157,157,160,165,168,170,170,176,181,183,186,186,178,168,166,168,181,191,194,126,129,155,165,165,155,126,89,137,129,85,137,134,131,142,160,157,152,155,165,176,178,178,178,176,168,163,163,159,170,196,165,49,57,147,157,157,144,111,144,165,170,157,77,0,0,0,0,0,82,251,196,0,0,0,0,0,0,108,150,144,155,170,176,165,133,74,79,103,165,168,165,168,170,168,160,121,119,119,115,111,108,107,109,121,168,127,125,127,170,127,125,178,196,209,215,217,215,212,199,181,177,181,186,186,186,181,115,109,111,121,119,97,100,186,202,207,196,117,108,113,129,176,178,181,133,122,196,209,204,119,128,186,209,222,225,225,222,222,225,217,202,138,136,139,191,199,209,217,222,222,222,222,225,225,225,225,217,212,199,186,186,183,186,186,183,183,182,181,186,204,222,225,225,222,217,204,127,125,121,131,183,194,202,196,189,183,181,179,199,217,230,233,199,137,137,207,222,228,217,196,183,189,199,199,207,225,225,209,199,196,189,194,131,24,0,31,87,207,225,137,131,183,207,212,209,207,199,191,191,191,194,196,202,209,212,209,196,192,194,202,202,199,199,202,204,204,204,204,204,204,204,203,203,203,204,202,199,199,199,199,202,209,215,215,217,222,217,212,207,202,199,202,204,209,212,212,207,192,187,194,217,222,222,225,228,225,230,235,241,241,235,228,228,228,230,228,222,217,207,204,202,209,217,222,225,225,222,217,217,215,215,215,215,215,212,207,139,116,113,116,125,139,202,222,238,246,243,238,230,217,207,204,202,202,207,215,209,194,141,136,134,134,137,141,189,189,189,137,137,212,225,204,189,186,199,207,215,228,233,235,233,225,212,207,207,209,222,228,228,222,209,196,139,135,128,125,132,135,131,143,191,143,136,135,135,137,139,141,191,191,143,143,199,217,228,225,225,230,235,233,222,207,199,196,199,202,202,191,135,131,131,141,194,194,196,202,202,196,194,190,191,196,199,194,135,119,125,209,228,230,230,230,230,230,230,230,233,235,233,233,235,238,233,228,224,224,228,233,235,235,235,235,235,238,241,241,241,238,238,238,238,241,241,241,238,235,233,233,235,238,241,238,238,233,233,233,233,233,233,233,233,230,225,225,228,230,233,233,233,233,233,233,233,235,238,235,233,225,215,213,215,215,212,212,215,222,225,222,217,215,209,212,222,233,233,228,222,212,196,191,196,217,228,230,228,217,202,196,215,225,225,222,217,217,222,225,228,230,228,230,233,235,233,225,212,208,209,212,212,217,222,222,215,212,212,212,209,209,212,212,212,212,212,212,209,207,207,207,207,207,209,209,209,212,217,222,222,217,215,217,217,215,212,207,207,212,215,212,212,204,200,202,222,241,241,241,235,230,228,225,224,224,225,233,233,228,217,220,225,225,222,217,215,217,228,235,241,235,152,149,153,209,208,205,209,228,235,230,225,222,228,233,228,217,215,222,212,200,200,207,215,222,228,225,215,212,217,225,230,230,228,228,230,233,233,228,217,212,217,230,238,238,228,222,225,228,228,222,225,230,235,233,230,230,235,238,235,228,222,225,228,228,225,225,225,225,228,230,222,207,203,207,222,230,235,235,233,228,222,212,212,225,230,230,233,233,230,228,228,222,212,205,208,212,212,217,228,235,238,235,235,238,241,235,230,226,226,230,233,233,230,230,235,243,246,238,233,229,230,233,238,238,238,233,228,226,228,230,230,235,238,238,230,217,211,211,212,217,217,217,217,217,225,228,225,228,235,241,238,230,228,228,230,228,228,230,230,222,135,74,61,91,209,230,235,230,225,222,220,222,222,228,230,230,230,230,230,230,233,238,238,238,238,238,235,230,222,218,218,218,218,222,228,230,228,222,220,218,220,222,228,230,233,233,233,235,235,230,225,222,217,222,228,233,238,238,238,238,233,228,217,216,222,233,233,228,216,213,217,230,233,235,235,233,230,230,233,230,209,205,207,215,225,230,230,228,228,228,228,222,220,222,228,233,238,235,233,233,233,233,230,225,217,215,217,217,222,228,228,228,228,228,228,222,220,220,222,218,217,222,228,233,233,228,228,228,228,228,228,228,225,222,222,222,225,230,233,233,233,230,230,230,233,233,230,222,212,208,209,212,217,222,225,228,230,230,225,217,209,207,205,204,204,209,217,225,228,230,228,225,222,217,217,215,215,212,209,209,209,212,215,215,215,212,212,209,209,209,209,209,209,212,215,215,209,209,209,212,209,209,209,212,215,215,215,215,212,209,207,207,207,207,209,212,212,212,215,217,220,220,217,215,212,209,207,204,202,200,200,204,207,209,212,212,212,212,212,212,215,217,212,209,209,215,215,209,205,207,209,215,217,222,217,215,212,212,215,217,217,215,212,209,209,212,215,217,217,217,215,215,212,212,212,212,215,217,217,217,217,222,220,217,215,209,207,202,199,199,202,204,207,209,209,209,209,207,202,196,147,196,207,215,217,215,215,215,215,215,215,215,215,212,209,215,217,217,217,222,228,230,233,235,230,217,213,216,225,228,230,228,230,230,233,233,233,233,230,228,228,228,230,233,230,230,225,222,217,215,212,212,215,217,222,222,217,215,209,204,194,139,130,129,133,191,204,209,209,209,209,215,228,233,233,230,228,222,217,217,217,215,207,199,191,187,187,191,199,204,204,199,194,199,209,225,230,230,230,230,230,228,228,230,233,235,238,241,243,241,238,235,235,233,233,230,230,228,222,215,207,202,199,196,7,3,0,0,0,0,0,0,0,0,0,5,25,57,75,81,126,142,150,163,176,196,220,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,212,196,139,131,131,181,199,228,254,255,248,241,238,248,255,246,215,186,152,118,100,82,69,51,17,5,0,0,0,0,9,27,51,77,98,118,142,150,144,144,147,160,173,173,189,246,255,255,255,237,248,255,255,255,255,251,220,228,248,254,222,196,191,200,228,248,255,255,255,255,255,254,255,255,255,241,209,191,183,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,51,56,56,59,43,17,8,12,43,72,82,72,53,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,108,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,150,92,48,9,3,0,0,0,0,0,0,0,255,0,0,163,255,255,255,157,79,40,40,0,0,0,72,59,64,4,0,0,0,0,0,0,53,20,14,46,40,0,0,0,51,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,87,108,49,0,0,0,0,17,49,105,124,139,173,204,225,251,255,255,255,241,212,176,131,69,87,81,35,45,79,67,3,0,0,0,0,155,225,225,176,130,118,144,209,228,228,217,194,189,192,220,235,254,235,61,79,119,194,225,238,243,255,0,0,255,255,255,168,217,251,255,225,165,35,0,0,57,39,0,0,0,0,0,0,100,246,243,233,233,225,191,0,0,0,87,173,181,183,194,204,199,199,199,199,183,139,107,152,168,163,160,91,23,91,160,170,170,163,111,93,87,111,173,189,181,157,155,173,199,217,217,217,207,152,47,27,45,37,75,157,176,173,113,49,45,41,47,59,61,124,186,165,137,71,45,51,71,71,47,41,51,77,126,150,168,173,160,83,53,59,91,157,168,165,170,170,152,99,96,98,139,165,173,144,77,67,81,97,107,150,160,160,111,100,111,155,163,155,155,119,119,119,119,119,163,173,181,181,181,181,178,173,163,163,163,160,160,168,173,173,181,181,176,168,168,173,176,168,160,155,155,107,95,85,65,49,55,67,77,91,89,73,73,87,131,134,85,71,75,93,129,129,131,139,137,137,131,97,87,75,67,65,67,73,73,77,85,83,75,75,87,93,99,144,147,147,150,157,155,150,150,157,176,176,165,152,150,163,165,163,147,137,129,129,126,121,124,137,160,163,157,150,131,124,118,79,55,31,23,27,33,41,38,41,47,57,57,61,69,89,144,152,152,142,91,88,91,131,137,89,75,73,97,173,181,165,95,73,70,73,77,95,107,163,165,109,99,96,96,97,107,157,168,173,155,97,95,103,109,89,67,71,95,160,186,212,230,254,255,255,255,251,235,235,246,255,255,248,241,230,222,220,209,194,183,160,150,142,131,116,71,39,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,3,0,0,0,9,23,29,23,17,17,25,35,43,49,90 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,139,160,160,160,168,176,178,178,181,178,176,178,183,183,176,173,173,181,196,202,63,65,144,152,157,163,173,191,202,189,160,139,126,129,142,155,155,153,157,165,176,183,186,189,186,178,168,163,160,176,191,113,38,47,160,170,173,152,72,19,35,100,118,0,0,0,0,0,0,0,163,74,0,0,0,0,0,0,0,108,113,139,170,176,168,152,134,103,155,165,165,164,168,170,170,168,163,121,117,113,111,108,107,108,121,170,168,126,127,168,168,170,183,199,209,217,222,217,209,194,179,178,181,189,191,191,183,121,111,113,123,121,95,96,118,186,189,176,112,104,113,131,176,176,178,129,114,183,215,217,181,131,191,209,217,217,217,217,217,215,202,186,139,139,186,191,196,207,215,222,222,220,222,225,222,225,225,222,215,196,132,133,137,189,189,186,183,181,181,191,209,222,225,222,209,202,207,212,217,183,186,194,202,207,202,191,183,178,178,196,207,217,228,133,124,222,230,228,225,212,194,135,133,135,189,209,228,222,191,191,199,189,191,196,85,31,121,137,222,235,212,139,183,199,207,204,202,199,196,194,194,194,196,202,212,225,217,202,194,196,202,202,199,199,202,204,204,204,204,204,207,204,203,203,204,204,202,199,196,196,195,196,204,209,209,209,212,212,207,202,204,209,215,215,212,212,212,209,196,192,212,233,230,228,228,228,225,230,235,238,233,225,215,215,228,235,238,238,235,222,202,141,143,196,204,212,215,215,212,209,207,204,202,199,196,191,196,143,123,115,117,133,199,215,228,233,238,238,235,230,222,212,207,202,202,207,212,207,196,189,141,137,139,143,191,194,196,199,196,202,217,225,215,202,199,209,217,225,230,238,241,241,233,217,209,209,215,222,228,230,222,212,196,145,199,204,145,143,137,121,129,137,137,139,139,141,143,145,194,199,202,199,196,202,207,207,202,204,222,230,228,222,209,202,199,199,196,191,141,135,135,202,215,217,209,204,202,202,199,194,189,191,199,202,204,194,127,131,215,230,230,230,230,230,230,230,233,235,235,233,233,235,238,235,228,225,224,228,233,238,238,235,235,235,235,241,241,238,238,238,238,238,238,238,235,235,235,233,233,235,238,238,238,238,235,233,233,233,233,233,230,230,228,224,224,225,230,235,235,235,233,233,230,230,233,235,235,233,225,213,213,215,215,212,209,207,207,212,215,215,212,207,207,215,225,222,207,202,199,194,191,199,217,228,230,225,212,199,195,222,230,228,222,216,217,228,233,230,226,226,228,233,238,235,228,215,209,209,209,209,212,215,217,215,212,212,212,209,209,212,212,209,209,212,215,215,215,212,209,207,204,204,204,207,212,220,222,217,207,199,202,204,207,207,204,203,207,209,212,209,207,204,207,217,233,235,235,233,228,225,225,225,225,228,230,228,222,222,225,225,217,215,212,209,215,225,230,230,222,153,151,204,212,209,208,222,238,241,228,215,215,228,235,233,222,215,217,215,207,207,215,222,230,230,225,217,212,215,222,233,235,235,233,238,241,243,238,228,217,215,225,235,238,233,225,222,225,222,220,220,225,228,228,225,225,225,228,228,222,220,225,230,228,225,222,217,217,222,228,222,209,205,212,217,222,225,228,230,228,222,213,213,225,233,233,233,235,235,230,225,217,215,209,215,222,225,230,235,238,235,230,228,230,235,233,230,228,228,230,230,230,230,230,238,243,246,238,230,229,230,233,235,238,238,235,233,233,235,238,238,238,238,235,228,217,212,211,215,217,217,215,215,217,228,228,228,233,238,241,238,233,230,230,228,225,225,230,230,222,113,80,89,105,129,225,225,228,222,218,218,222,222,225,225,228,228,228,228,230,235,235,235,235,235,238,235,230,222,218,218,220,222,225,228,228,228,225,225,222,220,225,230,233,233,235,235,233,230,222,215,212,212,217,225,230,235,235,235,233,230,225,222,222,230,241,241,235,222,216,225,233,235,235,233,230,229,229,233,230,203,203,207,217,225,230,230,228,228,225,225,220,220,222,228,233,235,235,233,233,233,233,230,228,217,215,217,225,228,228,230,230,230,230,228,228,225,218,217,217,222,228,233,233,230,228,228,228,228,228,228,228,228,225,225,225,230,233,235,233,228,225,225,225,225,225,222,212,208,208,209,215,222,222,225,228,230,228,225,217,207,207,209,209,212,217,222,225,228,230,228,225,222,222,217,217,217,215,209,207,207,209,212,215,215,212,212,209,209,209,209,212,212,215,215,215,209,209,209,209,209,209,212,212,215,215,215,215,215,212,212,212,212,212,212,212,212,212,215,220,222,222,217,215,212,209,209,207,202,202,202,204,207,207,209,212,212,212,212,212,215,215,212,209,209,212,212,207,205,207,212,217,222,222,217,212,209,209,212,217,217,217,215,212,212,215,217,222,222,217,215,215,212,209,209,212,215,217,217,217,217,220,217,217,212,207,202,199,199,199,204,207,209,207,207,209,209,209,207,204,202,207,215,222,217,217,215,215,215,215,217,217,217,215,215,222,225,222,217,217,228,233,233,233,230,217,213,216,225,228,230,228,230,230,233,233,233,230,230,230,228,228,230,233,230,228,225,222,217,215,212,212,212,215,217,217,215,212,207,202,196,194,191,143,191,202,209,209,209,207,207,212,225,230,230,225,222,217,215,215,215,212,207,202,191,187,186,189,196,204,202,194,190,194,209,222,225,228,230,233,233,230,230,233,233,235,238,241,243,243,241,241,238,235,233,230,230,228,225,215,207,199,191,189,0,3,0,0,0,0,0,0,0,0,0,0,21,51,67,81,129,155,170,186,196,212,241,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,222,145,131,128,126,131,189,217,251,255,255,255,248,248,255,255,255,215,173,126,95,77,47,39,23,13,3,0,0,0,3,9,23,51,72,98,121,150,173,181,173,155,160,160,173,207,255,255,255,255,248,255,255,255,255,255,220,177,182,220,251,241,204,198,204,243,255,0,0,255,255,255,255,255,255,255,251,228,207,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,69,56,46,46,51,51,33,9,4,9,33,79,98,82,61,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,90,56,0,0,0,0,0,0,0,0,199,168,0,0,178,255,255,255,152,0,0,0,0,0,0,72,51,35,12,0,0,0,0,0,0,4,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,15,11,0,0,0,29,108,131,85,0,0,0,13,43,73,124,137,155,173,176,199,243,255,255,255,243,222,176,69,13,3,21,21,51,129,121,45,0,0,0,0,137,207,209,176,134,122,144,194,228,228,217,195,189,192,220,235,220,194,186,119,191,251,255,255,243,254,255,255,255,255,72,59,142,194,204,178,121,21,0,0,116,71,0,0,0,0,0,0,0,100,186,199,209,225,191,69,0,3,67,129,134,144,181,199,199,191,191,199,186,150,116,150,168,152,99,85,77,178,194,191,178,152,93,85,93,111,165,173,165,147,111,170,196,196,196,217,217,173,73,73,160,176,209,233,235,222,150,55,43,35,53,61,49,134,217,150,61,37,31,51,111,77,65,65,83,126,144,165,173,170,139,71,51,69,137,160,168,170,176,178,160,139,98,98,99,150,150,91,71,66,77,89,107,160,173,173,160,155,163,170,163,111,105,106,111,119,119,119,165,173,176,176,176,178,178,168,163,117,117,117,115,157,160,165,173,170,170,165,160,160,160,157,147,147,147,103,85,81,61,46,47,61,75,91,95,89,89,97,139,134,85,67,69,126,134,129,95,95,97,93,85,83,81,79,75,67,65,63,65,65,71,73,73,81,93,139,144,152,155,152,152,152,155,150,150,157,170,168,152,144,142,143,152,163,160,137,129,126,121,121,124,137,160,165,160,150,126,124,124,83,69,53,49,51,53,53,57,65,73,71,69,63,69,87,144,152,152,142,91,88,91,139,147,137,81,73,97,160,178,163,101,73,70,73,77,93,105,163,165,147,103,97,97,99,150,165,176,173,147,91,95,150,160,107,81,81,99,160,186,215,235,255,255,255,255,251,235,235,248,255,255,254,248,235,228,220,212,199,186,170,157,147,137,121,100,53,25,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,9,3,0,0,9,27,35,29,25,21,27,41,49,79,95 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,155,163,170,176,178,178,181,170,165,168,178,189,183,178,173,181,212,215,21,0,53,134,155,173,186,196,199,191,176,90,103,124,147,157,160,160,163,168,176,186,189,191,196,191,173,157,155,157,129,47,43,85,165,181,181,186,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,170,173,170,170,173,168,170,173,173,173,176,173,170,173,173,163,119,117,115,111,109,109,125,178,178,170,168,127,168,173,186,202,212,222,222,217,204,191,186,186,189,191,191,189,181,121,114,115,125,173,176,123,120,131,181,189,191,189,196,194,181,129,131,127,110,123,186,178,129,133,191,207,209,207,207,212,212,204,189,137,181,189,194,194,194,202,212,217,217,217,222,222,217,220,222,225,222,202,130,129,137,189,194,191,186,182,182,191,207,217,222,212,120,114,202,215,209,189,191,199,209,222,217,202,186,179,179,191,194,186,133,125,122,225,228,215,202,199,194,137,131,132,186,212,220,186,127,133,196,189,181,225,235,137,133,183,217,228,215,191,139,189,196,196,199,202,202,199,199,196,196,199,209,222,212,199,194,196,199,198,198,199,202,202,204,204,202,202,204,204,204,204,209,209,204,199,196,195,195,195,196,202,202,199,199,196,194,192,199,212,222,222,215,209,209,207,202,204,217,233,230,228,228,225,225,228,233,233,225,209,203,207,222,235,241,241,238,235,207,129,128,133,141,199,204,204,202,199,199,199,196,191,141,139,143,141,133,135,141,194,209,225,230,233,233,235,233,230,228,225,215,202,196,199,202,199,194,189,143,143,189,194,196,202,204,207,207,215,217,222,222,215,217,225,228,228,228,233,241,241,233,209,204,209,222,225,228,228,215,202,145,145,202,207,191,137,125,120,123,129,135,145,202,209,212,215,215,209,209,215,215,212,212,190,186,190,202,215,217,215,212,209,212,212,204,191,186,189,202,228,233,230,215,202,202,202,199,194,190,191,202,204,207,199,139,143,220,233,230,230,233,233,233,233,233,235,233,233,233,235,235,233,228,228,228,230,235,238,238,235,233,231,233,238,238,235,235,235,235,235,233,233,230,230,230,230,233,235,238,238,238,238,238,235,235,233,233,233,233,230,230,228,225,228,233,238,241,235,233,230,230,230,230,233,233,233,228,217,215,215,215,212,207,203,200,202,204,207,204,199,196,199,204,199,189,186,192,202,207,212,217,225,228,225,215,203,204,228,233,228,217,216,222,233,235,230,226,225,228,233,235,233,225,212,207,207,207,207,209,217,225,225,217,215,212,209,209,209,209,208,208,209,217,225,228,225,217,209,202,200,202,204,209,215,217,212,203,199,202,203,207,207,204,203,204,204,207,207,207,209,207,212,225,230,233,233,230,225,225,225,225,225,225,222,222,225,228,222,215,212,209,209,212,217,217,215,212,209,207,209,215,215,222,233,238,238,222,209,211,217,228,225,215,212,215,212,212,217,222,225,230,228,225,215,212,212,222,230,238,238,238,241,246,251,248,241,230,217,215,217,225,225,222,222,225,222,220,221,225,228,225,222,221,220,220,220,220,222,228,233,230,220,212,212,215,222,225,222,215,212,217,215,207,203,212,217,222,217,213,213,225,233,235,235,238,233,222,212,203,204,209,217,225,233,238,241,241,233,222,212,215,225,230,228,228,228,230,233,235,233,233,238,243,243,238,233,230,233,233,235,235,235,235,235,238,241,241,241,238,235,230,225,215,212,215,215,215,215,215,215,222,225,222,225,230,235,235,233,233,230,228,222,220,225,230,225,209,97,88,151,121,111,149,207,222,222,218,218,222,222,220,220,222,225,222,222,228,233,235,233,230,233,230,230,228,222,222,222,222,225,228,228,228,228,228,230,228,225,228,233,235,235,238,238,233,222,215,211,211,211,215,225,230,233,233,230,228,228,225,225,228,235,243,243,235,225,222,230,238,238,235,233,229,229,229,233,228,207,205,215,222,225,228,228,228,225,225,222,220,222,225,230,233,235,235,233,233,233,230,228,225,217,215,222,233,233,230,230,233,233,230,230,230,230,222,217,218,228,235,235,233,230,228,228,225,225,225,225,225,225,225,225,225,230,233,233,230,225,220,218,218,222,217,212,208,208,209,212,215,222,225,225,225,228,228,225,217,212,215,222,222,225,228,228,228,228,228,225,225,225,222,222,222,217,215,209,207,207,207,212,212,212,212,212,209,209,212,212,212,215,215,215,212,212,209,209,209,208,209,212,212,212,215,215,215,215,212,212,215,215,215,212,211,212,215,220,222,225,222,220,217,212,212,209,207,204,202,202,202,202,204,207,212,212,215,212,212,212,215,212,209,212,212,209,205,205,207,212,217,222,217,215,209,208,208,212,215,217,217,217,217,215,215,217,222,222,217,215,212,212,209,209,212,215,215,215,215,215,215,217,215,212,207,202,199,202,204,207,209,207,204,204,207,209,212,212,209,209,212,215,217,217,215,215,217,217,217,217,222,222,217,217,220,222,217,217,222,228,233,233,230,228,217,215,217,225,230,230,228,230,230,233,233,230,230,230,228,228,228,230,233,230,228,225,222,222,217,212,212,212,215,215,215,212,209,207,204,202,202,204,202,202,204,207,209,207,202,199,207,222,228,225,222,220,217,215,212,207,204,204,199,194,189,186,187,194,199,196,191,189,194,212,222,225,228,233,235,235,235,233,233,235,238,241,243,243,243,243,243,241,238,233,228,225,225,222,217,209,196,186,183,0,3,0,0,0,0,0,0,0,0,0,0,11,35,55,71,97,155,178,194,204,220,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,222,149,131,128,130,131,189,212,251,255,255,255,255,248,248,255,255,255,225,173,111,59,45,39,23,17,11,0,0,0,0,5,13,23,51,69,85,111,131,152,163,152,129,129,150,181,217,255,255,255,255,255,255,255,255,255,255,202,155,160,186,230,243,230,228,243,255,255,0,0,0,255,0,255,255,255,255,255,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,61,51,46,43,43,33,22,9,7,9,33,79,98,85,72,72,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,131,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,85,12,30,124,248,255,255,69,0,0,0,0,0,0,69,27,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,46,53,29,9,0,0,17,105,131,92,15,1,9,29,49,105,126,137,150,155,142,150,207,255,255,255,246,235,181,59,0,0,0,0,160,225,183,79,0,0,0,0,63,157,183,168,142,134,152,196,228,235,233,215,199,199,228,230,209,194,254,199,233,255,255,255,243,225,255,255,255,255,59,56,77,163,194,183,75,13,0,0,51,45,1,0,0,0,0,0,0,0,1,126,181,183,137,73,29,7,27,35,35,55,144,181,186,181,186,199,199,176,146,170,183,160,77,73,111,178,189,186,160,91,71,81,107,152,163,163,113,101,107,163,183,189,196,217,217,160,79,134,230,235,209,168,126,69,11,0,0,0,0,0,0,13,29,0,0,25,55,118,142,111,65,77,137,139,150,160,168,160,89,57,49,75,139,165,168,176,186,186,170,147,142,152,157,168,160,93,67,66,71,87,111,173,186,186,178,173,173,178,170,155,109,109,115,119,163,119,165,173,176,174,174,178,178,173,163,117,114,113,113,115,157,160,168,170,170,168,160,150,111,107,97,97,103,97,85,79,61,45,46,59,77,97,144,137,95,93,126,93,73,61,63,89,126,89,79,79,87,89,85,78,77,79,79,73,65,61,57,57,65,73,75,87,139,147,155,157,155,150,144,150,150,150,150,152,157,152,150,143,142,143,160,168,163,142,129,126,121,124,129,142,163,168,165,147,131,134,144,134,121,111,111,111,79,77,83,116,124,83,71,61,67,85,144,152,152,142,131,91,131,147,160,144,85,73,79,134,150,142,95,77,75,81,93,97,144,165,170,155,109,97,97,107,160,176,183,173,103,91,95,157,176,152,91,87,93,147,178,209,238,255,255,255,255,255,243,248,255,255,255,255,254,241,228,220,217,209,196,181,163,147,139,126,105,63,37,17,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,9,9,1,1,15,27,35,35,35,31,37,47,79,87,100 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,121,150,168,170,137,74,126,160,173,183,178,176,176,186,225,202,1,0,31,157,176,183,189,194,196,189,176,82,100,137,160,165,168,170,168,168,173,181,183,189,199,202,181,160,134,35,21,29,37,77,152,181,183,194,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,178,173,170,173,173,168,168,173,181,183,178,173,173,178,181,173,163,125,121,109,107,113,165,178,181,173,127,125,127,170,186,204,209,212,212,209,202,196,194,196,194,189,186,181,170,117,114,117,125,181,196,189,131,129,178,204,225,225,217,204,183,126,127,125,111,121,124,120,122,178,194,199,194,194,199,207,204,194,186,137,181,189,196,196,191,194,207,215,215,217,222,222,215,215,217,222,225,212,133,124,132,186,194,194,189,183,189,196,202,207,202,196,118,109,186,207,202,189,196,207,217,230,228,204,189,183,186,194,191,123,107,119,133,212,215,139,121,131,194,196,139,135,183,199,196,135,129,137,204,137,89,137,217,133,121,135,196,209,207,194,189,196,202,202,207,209,209,209,207,204,199,199,204,207,199,194,192,196,199,199,199,199,202,202,204,202,199,199,204,204,204,204,209,209,207,202,199,199,199,196,196,196,199,196,194,191,190,191,199,209,215,212,209,207,207,204,204,212,222,225,225,225,225,222,222,228,233,230,222,204,200,203,215,230,233,233,233,230,196,124,125,129,139,191,196,194,194,194,194,196,196,194,145,139,139,135,135,143,196,202,212,225,233,233,233,233,233,233,233,233,217,202,194,192,194,194,191,189,189,189,194,199,204,209,212,212,209,215,217,217,217,209,215,217,222,222,222,228,233,233,222,202,198,207,217,222,222,217,202,141,140,142,191,191,137,129,124,123,124,129,139,207,222,230,235,235,230,217,217,228,228,228,225,190,186,189,196,207,209,209,212,209,207,204,194,186,189,199,209,222,228,220,189,139,196,202,199,191,189,194,204,207,204,196,145,202,225,233,230,230,233,235,238,235,233,233,233,233,233,230,230,230,230,233,233,235,235,235,235,233,231,231,233,235,238,235,234,235,235,233,230,229,229,229,229,230,233,235,235,235,233,235,235,238,235,235,235,235,233,233,233,230,228,228,233,238,241,235,230,228,228,228,228,230,230,230,230,225,222,215,212,212,212,204,202,202,203,204,202,196,192,190,189,189,186,187,196,217,228,225,225,222,222,225,209,203,209,225,230,225,220,222,228,235,235,230,225,226,230,233,230,225,215,207,205,205,207,212,217,228,233,230,222,212,209,209,209,209,209,208,208,209,222,230,233,233,228,215,204,202,202,204,207,209,212,209,207,204,207,207,209,212,209,204,204,204,204,204,204,204,202,202,212,222,230,233,230,225,222,222,217,216,217,222,228,230,233,225,212,209,209,209,212,215,215,212,212,217,222,222,217,217,228,235,233,225,212,209,209,212,212,215,215,215,212,211,212,217,222,225,228,225,220,212,211,212,222,230,235,241,243,246,248,251,248,243,238,225,212,211,212,217,225,228,230,230,228,230,233,230,225,222,222,220,220,220,220,225,230,233,228,212,207,208,215,225,228,225,222,217,222,212,198,196,204,217,222,217,215,217,225,233,235,235,235,233,222,207,199,202,204,215,225,233,238,241,238,230,215,207,207,222,230,230,228,228,233,238,238,235,235,235,241,238,235,233,235,233,233,233,233,233,235,235,235,238,235,235,233,230,225,217,215,215,215,215,215,213,215,222,225,222,202,202,222,233,230,225,228,228,225,220,220,228,230,217,145,103,97,145,135,117,149,209,222,228,225,225,225,222,220,218,220,222,220,220,228,233,235,233,230,228,222,220,220,222,222,222,222,225,228,228,228,228,228,230,228,225,228,233,235,235,238,235,230,217,212,212,212,215,220,225,228,230,228,225,225,224,225,228,233,238,243,241,235,228,225,235,238,238,235,233,233,233,230,230,222,215,215,222,225,222,220,222,228,228,222,222,222,228,233,233,233,235,235,235,233,230,225,222,222,217,222,230,235,238,235,233,233,233,229,229,230,233,228,225,228,233,235,233,228,228,228,228,225,222,222,217,217,217,217,222,222,225,228,228,225,222,218,218,220,222,215,209,208,209,215,215,217,222,222,222,222,225,225,222,217,217,222,228,228,228,230,228,225,225,225,225,225,222,222,222,222,217,215,212,207,207,207,209,212,212,212,212,209,209,212,212,215,217,215,215,212,212,212,209,208,208,209,212,212,212,215,215,215,215,215,215,215,217,217,212,211,215,217,222,222,222,222,217,215,212,212,209,207,202,202,202,202,199,202,207,209,215,215,215,215,212,212,215,212,215,215,212,207,207,209,215,222,222,217,212,209,208,209,209,212,215,217,217,217,217,217,217,217,217,217,215,215,212,209,209,212,215,215,215,212,212,212,215,215,215,209,207,204,207,207,209,209,207,203,203,204,209,215,215,212,212,215,215,215,215,215,217,217,217,222,222,222,225,222,220,217,217,216,217,225,230,230,230,228,225,217,216,222,228,230,230,228,230,230,233,230,228,228,228,228,228,228,230,230,228,225,222,222,222,217,215,212,212,212,212,212,212,209,209,207,207,204,207,204,204,204,204,207,204,196,195,204,217,222,222,217,217,217,215,207,199,194,196,196,196,194,191,191,196,202,202,192,190,199,217,225,228,230,238,241,241,238,235,235,235,238,241,243,243,243,243,246,243,241,233,225,217,217,222,222,212,202,189,186,0,3,0,0,0,0,0,0,0,0,0,0,9,23,43,61,83,142,170,196,212,235,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,157,137,131,131,141,196,215,243,255,255,255,255,255,238,238,255,255,255,238,178,108,53,27,21,13,7,7,0,0,0,7,9,11,17,27,51,66,79,98,105,105,103,103,116,155,191,209,215,217,248,255,255,255,255,228,215,217,202,173,166,179,212,243,255,255,255,255,255,0,0,0,0,0,0,0,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,56,46,43,43,33,20,12,9,9,14,40,74,90,85,79,79,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,134,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,64,53,4,0,7,17,69,53,0,0,0,0,0,0,0,64,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,87,92,64,35,29,13,5,35,90,49,13,5,11,21,35,51,73,121,139,139,124,134,186,243,255,248,238,212,173,73,13,0,0,0,186,241,215,155,0,0,0,0,29,87,165,178,152,144,170,209,230,246,251,238,222,222,235,230,222,235,255,248,255,255,255,255,243,176,243,255,255,220,57,59,95,168,194,191,121,41,0,0,0,0,0,0,0,0,0,0,0,0,0,39,165,100,0,7,13,0,0,3,5,27,87,173,176,173,181,199,202,194,176,191,199,183,49,47,173,186,186,181,152,67,51,79,152,160,152,107,93,93,111,170,186,191,196,215,215,181,142,189,251,238,163,35,11,7,0,0,0,0,0,0,0,0,0,0,0,63,77,111,73,57,61,85,137,137,137,150,150,139,77,52,51,77,139,160,165,170,186,191,178,160,160,168,178,186,181,155,83,67,67,83,111,178,196,196,186,181,181,189,183,173,160,111,111,119,119,119,163,173,181,181,181,181,181,173,163,119,117,114,115,115,157,165,170,181,186,181,168,107,99,89,84,85,89,89,85,79,57,43,44,59,81,139,152,142,79,63,67,65,61,51,53,69,75,67,61,65,85,129,93,83,77,77,79,77,67,59,49,55,65,75,83,97,147,155,155,155,152,142,142,144,147,150,144,144,147,150,144,143,147,163,170,170,168,144,134,124,124,131,139,160,176,181,176,157,150,157,170,170,152,144,150,142,126,116,126,142,137,113,69,57,61,85,142,163,163,150,142,131,139,152,163,152,97,73,65,73,85,83,83,81,93,95,97,99,142,163,168,160,107,95,95,109,168,183,183,163,91,76,89,157,165,142,85,83,87,139,168,212,235,255,255,255,255,255,255,255,255,255,255,255,255,246,238,228,225,217,204,186,165,152,137,129,108,69,47,29,17,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,1,1,7,7,13,21,33,41,41,41,45,74,87,92,100 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,7,0,0,0,157,178,183,178,176,186,191,199,100,0,0,152,183,189,186,183,183,191,186,168,142,155,176,178,176,173,173,168,168,170,176,178,183,199,204,189,157,1,0,0,0,0,0,64,168,186,165,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,186,186,176,173,173,168,166,165,165,173,178,176,170,170,176,183,178,173,170,121,102,99,117,125,170,168,125,121,123,127,170,186,202,207,204,202,204,202,199,199,202,199,191,183,173,127,117,117,119,127,181,191,189,176,129,178,196,209,207,202,194,178,127,127,129,121,129,129,123,131,194,196,186,178,186,196,199,194,191,191,183,137,183,194,194,190,191,204,212,212,212,215,215,212,212,215,222,225,217,189,110,129,181,194,199,196,196,202,207,202,131,128,183,137,130,183,199,202,204,212,217,225,233,222,199,183,183,194,204,217,127,85,115,202,217,217,127,110,118,199,217,212,139,133,133,135,186,199,222,228,207,89,109,133,125,121,189,196,202,202,196,199,212,212,212,222,225,225,225,222,217,212,207,204,199,194,192,194,202,204,204,202,202,202,202,202,202,199,199,202,204,202,204,207,207,204,202,202,207,209,204,199,199,202,202,196,192,191,194,202,207,207,207,207,207,209,204,207,217,225,225,222,222,222,222,221,225,228,228,217,207,202,202,204,212,217,217,217,207,139,124,128,139,145,191,145,143,145,191,194,199,204,207,199,145,139,134,134,141,196,204,209,222,230,233,233,233,233,235,235,228,212,196,194,194,196,199,199,194,194,196,202,207,215,220,222,215,207,207,209,209,207,202,204,204,207,209,212,215,217,215,207,199,198,204,212,209,207,204,145,138,140,143,145,143,137,137,135,129,129,133,194,222,233,235,241,238,233,225,222,230,230,230,228,212,196,199,207,212,209,212,212,202,179,161,161,176,186,194,196,194,207,191,108,108,189,202,194,189,189,194,204,207,202,194,194,209,225,230,230,233,235,238,241,238,233,231,231,233,230,230,229,230,233,235,238,235,233,233,233,233,233,233,235,238,241,238,235,235,235,233,230,230,230,230,230,230,235,235,235,233,230,233,235,235,235,235,235,235,235,235,235,233,230,228,230,238,238,233,228,224,225,225,228,228,228,230,230,228,225,215,211,212,215,212,207,207,207,207,204,199,194,189,186,192,196,207,222,230,233,230,225,215,212,212,202,199,207,215,222,222,225,230,233,235,233,228,226,228,233,235,230,217,209,207,207,205,209,215,225,230,230,225,212,209,209,209,212,212,212,209,209,215,228,233,235,233,230,222,207,196,196,202,204,204,207,209,209,209,209,207,209,212,212,209,209,209,209,207,202,202,196,149,199,207,222,230,230,217,215,217,216,215,217,230,235,238,235,228,215,209,209,212,215,217,217,222,222,225,230,233,228,217,225,230,225,211,208,209,212,212,215,217,222,217,215,212,212,217,225,228,228,225,217,212,212,217,225,228,233,243,248,248,246,243,243,241,238,230,215,209,211,217,225,230,233,235,238,241,241,233,225,222,222,222,222,222,222,225,228,228,217,208,207,209,222,230,233,230,225,222,220,207,195,195,204,222,228,222,217,222,228,233,235,233,230,230,225,217,207,204,204,209,222,230,235,235,235,228,212,204,203,225,233,233,230,230,233,238,238,235,233,235,235,235,233,235,238,235,233,231,231,233,233,233,235,233,230,225,225,225,222,217,215,215,217,222,217,215,217,225,225,204,143,143,212,228,225,220,222,225,222,222,228,233,233,209,137,123,119,141,149,151,222,228,225,230,230,230,230,228,222,222,222,225,222,222,228,233,235,235,233,228,217,216,216,217,222,222,222,225,228,228,228,225,225,228,225,225,228,230,233,233,233,233,228,220,215,215,215,220,225,228,230,228,228,225,224,224,225,230,235,238,243,238,233,228,228,235,241,238,238,235,235,233,230,222,212,212,217,225,225,220,218,222,225,228,225,225,228,233,235,233,233,235,235,233,233,228,222,217,217,220,228,235,238,238,238,238,233,233,229,229,230,230,230,230,233,235,235,230,228,228,228,228,225,222,217,216,216,216,217,217,217,215,215,222,222,222,220,222,225,225,217,209,209,215,217,217,217,217,220,220,220,222,222,220,217,222,225,228,228,228,228,225,224,225,225,222,222,217,217,217,217,217,215,212,209,207,207,209,212,212,212,212,209,209,209,212,215,217,215,215,215,215,215,209,208,209,212,212,212,212,215,215,215,215,215,215,217,222,222,215,212,215,217,222,222,220,217,217,215,212,209,209,207,202,202,202,202,199,199,202,207,212,217,217,215,212,215,215,215,217,217,215,209,209,212,217,222,222,217,212,209,209,209,209,209,212,215,215,217,215,215,217,217,217,217,217,215,212,209,209,212,215,217,215,212,211,212,215,217,217,215,212,209,209,209,209,209,204,203,203,204,212,215,215,215,215,217,217,217,215,217,217,217,222,222,222,222,222,222,222,220,216,216,220,228,230,228,228,225,225,220,217,225,228,230,230,230,230,230,233,233,228,228,228,228,228,228,228,230,228,225,222,222,222,222,215,209,209,209,209,209,209,209,209,209,209,207,204,204,204,202,204,207,199,194,194,202,212,217,217,217,217,222,217,207,194,190,191,194,196,196,196,199,204,212,215,204,192,199,215,222,222,230,238,243,243,238,235,235,235,238,241,243,243,243,243,246,0,241,233,222,216,216,222,225,222,209,196,189,0,0,0,1,1,1,1,3,5,5,5,5,11,21,43,61,79,99,170,0,0,246,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,225,151,137,137,145,202,220,243,255,255,255,255,255,251,220,222,251,255,255,254,189,111,43,21,11,3,0,0,0,0,5,11,11,11,11,17,21,27,51,59,61,66,77,90,118,173,196,183,160,165,215,255,255,255,230,203,205,230,251,209,186,194,220,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,59,46,35,35,33,22,12,9,12,14,22,48,0,0,0,85,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,215,202,168,142,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,33,12,0,0,0,0,0,0,0,0,0,0,0,0,0,61,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,118,124,113,105,95,37,0,0,19,13,0,0,0,0,3,17,39,59,113,131,124,134,199,246,255,241,204,173,165,144,59,0,0,0,63,150,170,150,0,0,0,0,5,63,157,178,160,160,186,217,235,248,255,254,243,230,238,235,238,255,255,255,255,255,255,255,243,115,168,255,228,186,55,65,160,168,168,170,150,83,43,0,0,0,0,0,0,0,0,0,0,0,0,0,137,0,0,0,0,0,0,0,0,27,126,173,173,165,173,191,204,199,191,199,199,199,30,26,183,183,189,186,147,57,39,71,152,113,91,85,85,95,157,178,196,196,189,204,233,246,238,246,255,233,144,23,11,17,9,0,0,0,0,0,0,0,0,0,3,139,108,39,22,31,71,126,142,126,89,126,134,89,71,52,55,77,139,160,160,170,186,189,178,160,160,168,168,181,186,178,107,71,67,79,107,178,196,196,189,186,186,189,189,181,163,107,99,101,111,111,119,176,186,191,191,186,181,181,165,157,117,155,160,157,157,165,176,189,199,194,181,150,99,86,83,84,87,89,85,81,57,43,44,63,81,137,142,89,51,23,29,43,49,44,45,53,63,58,58,65,89,137,131,91,77,74,79,83,73,51,41,47,65,83,91,139,155,157,152,147,144,103,103,107,142,142,105,101,139,144,150,150,165,173,181,178,168,157,137,129,126,139,160,178,189,189,186,168,168,181,189,183,168,168,160,150,126,126,139,150,144,113,63,53,59,81,144,163,170,168,150,139,139,147,157,152,97,73,65,61,61,63,69,83,99,101,97,99,105,155,168,160,103,94,95,147,173,183,173,144,81,70,73,99,147,93,77,77,85,137,173,212,238,255,255,255,255,255,255,255,255,255,255,255,255,255,243,243,235,225,207,189,178,155,144,134,118,98,61,35,23,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,7,7,0,0,0,0,7,7,13,19,25,53,59,59,64,82,90,95,92 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,176,178,181,181,183,183,178,33,20,43,165,183,189,186,178,176,178,178,170,152,157,165,168,181,178,173,170,170,170,173,178,189,199,204,196,170,0,0,0,0,0,0,0,40,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,63,183,183,176,173,173,168,166,165,166,170,176,176,169,165,170,183,183,181,173,123,106,104,117,123,123,121,120,121,121,123,127,181,194,199,202,207,207,204,196,196,204,209,207,191,173,125,123,123,125,170,181,186,186,178,173,181,189,186,178,170,131,173,131,131,129,125,131,176,131,181,191,189,176,133,181,194,196,191,202,207,199,135,137,186,191,194,196,209,212,209,209,209,209,207,209,212,212,215,217,202,95,128,181,194,204,212,222,225,222,209,127,124,131,137,137,183,191,207,217,222,225,230,228,207,183,179,182,194,207,207,196,189,202,222,230,233,212,124,123,196,215,212,137,131,131,134,191,215,235,238,228,121,105,127,135,181,186,194,196,196,199,209,217,222,222,228,230,230,230,230,230,230,222,207,196,192,191,199,212,217,212,204,204,204,202,202,199,199,202,202,204,202,202,202,202,202,202,207,212,212,207,202,202,204,204,202,199,196,199,207,209,204,202,207,209,209,207,212,225,230,228,225,222,222,222,221,222,222,222,215,209,203,203,204,209,215,212,209,204,194,143,191,202,202,194,141,141,143,191,194,199,209,217,212,196,143,137,139,191,202,207,209,217,225,230,233,233,233,233,230,217,202,194,196,202,204,204,202,202,199,199,204,212,217,222,217,209,202,199,202,202,199,199,199,202,199,196,198,199,202,202,199,199,199,202,204,204,199,196,196,144,194,196,194,196,204,215,212,145,135,137,207,230,235,235,241,238,233,228,225,228,230,233,233,225,215,215,217,217,215,212,204,196,179,163,163,178,186,139,117,98,115,110,93,104,196,202,190,187,190,199,207,209,204,202,204,212,222,230,233,235,235,238,241,238,233,231,233,233,233,230,230,233,235,235,238,238,235,231,231,233,235,235,238,241,241,241,238,235,233,230,230,233,233,233,230,233,235,235,233,230,230,230,233,233,230,230,233,235,235,235,235,233,230,228,230,235,235,230,225,221,221,224,228,228,228,228,230,233,230,222,212,212,215,212,209,209,212,212,209,204,199,199,204,212,212,217,225,230,233,230,225,212,209,209,204,204,207,212,215,215,228,235,235,233,230,230,230,235,235,235,230,212,207,207,207,207,209,215,217,215,209,207,209,212,217,217,217,215,209,204,207,215,230,235,235,235,233,217,145,131,138,199,204,204,203,209,215,209,207,204,204,209,212,215,215,209,209,207,204,204,204,196,142,139,145,230,233,204,207,225,222,217,222,233,238,235,230,225,215,208,208,209,215,217,222,222,225,228,233,238,233,217,215,225,222,211,209,212,222,225,225,228,230,225,222,215,217,225,230,230,230,225,217,215,217,222,222,222,228,241,246,246,241,239,241,243,241,235,222,212,211,215,225,230,235,238,238,241,235,230,222,215,215,217,225,228,225,222,222,225,215,208,209,217,225,228,230,230,225,222,217,207,199,199,209,225,225,222,222,225,228,233,235,235,230,230,230,228,217,204,202,204,222,233,235,233,233,225,212,208,209,228,235,235,233,233,233,235,235,230,230,233,235,233,230,235,241,238,233,231,231,233,233,233,235,230,222,215,216,222,228,222,215,215,225,228,228,222,222,225,222,147,143,149,215,228,222,218,220,222,222,228,235,238,228,199,137,127,137,202,217,228,230,228,225,225,228,230,230,230,230,230,230,230,228,228,228,230,230,233,235,233,225,217,216,216,217,220,225,225,228,228,228,225,225,225,225,225,228,228,225,228,228,228,228,222,217,215,217,222,225,228,228,228,228,225,225,225,225,230,233,238,241,238,228,225,228,235,238,241,238,233,230,222,207,149,151,209,217,225,225,225,222,222,222,222,228,230,233,235,235,235,233,235,233,230,228,225,222,217,217,222,228,233,235,238,241,238,235,233,230,230,230,229,229,230,233,233,233,230,233,230,228,228,228,225,222,222,222,220,217,215,212,211,215,217,222,225,225,228,230,225,217,215,215,217,222,222,217,215,217,217,217,217,217,220,222,228,228,228,228,225,225,225,225,225,222,222,217,215,215,215,215,215,215,212,209,209,212,212,215,212,215,212,209,208,208,209,212,215,215,215,217,217,217,212,209,212,215,212,212,212,215,215,215,212,212,212,215,222,222,217,215,215,217,222,222,217,215,215,217,215,212,209,207,207,204,204,204,202,199,199,202,209,215,217,215,215,215,215,215,215,217,215,215,212,215,217,222,222,217,215,215,215,212,209,209,209,212,212,212,212,212,215,217,217,217,217,215,209,209,209,212,215,217,217,215,211,212,217,217,217,217,215,209,209,209,209,209,209,207,207,209,212,215,215,213,215,217,217,222,222,222,217,222,222,225,222,222,222,225,225,222,217,217,225,228,228,228,225,222,222,222,222,225,228,228,230,230,230,233,233,233,230,230,230,228,228,228,228,230,228,225,222,222,222,217,215,209,209,207,207,207,209,209,209,209,207,207,207,204,204,202,204,202,196,195,195,202,209,215,215,215,215,217,217,209,199,191,190,191,194,194,194,199,209,222,225,215,199,199,207,209,209,222,238,246,243,241,238,238,238,241,243,243,243,241,241,0,0,243,233,222,215,215,217,222,222,212,204,196,0,0,0,1,3,3,5,11,15,15,11,11,15,25,43,69,83,99,168,0,0,254,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,212,145,137,141,151,209,235,251,255,255,255,255,238,222,215,220,238,255,255,254,189,108,43,19,7,0,0,0,0,0,1,7,7,7,7,7,9,11,13,17,19,23,53,79,118,152,160,129,118,150,207,255,255,255,230,213,230,255,255,230,215,243,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,51,33,25,20,17,12,9,12,14,22,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,152,176,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,186,178,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,17,0,0,0,0,0,0,0,20,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,121,139,147,157,131,41,0,0,0,0,0,0,0,0,0,5,31,53,67,113,131,150,186,235,246,209,160,147,173,189,160,31,0,0,11,47,129,118,21,0,0,0,0,67,150,165,160,170,194,228,241,254,255,255,248,238,230,243,246,255,255,255,255,255,255,255,217,109,85,77,115,111,105,150,176,176,173,173,183,176,152,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,147,173,165,165,165,181,199,204,191,191,199,150,2,22,160,178,183,176,101,45,25,51,91,91,79,78,85,111,170,178,189,189,181,199,241,255,254,246,238,199,157,59,39,59,63,15,0,0,0,0,0,0,19,11,31,144,75,27,25,45,118,157,160,137,89,83,87,77,55,52,57,83,139,165,173,176,178,178,170,147,139,147,157,163,178,173,93,65,65,73,89,168,189,196,196,189,181,181,183,181,160,99,87,93,101,111,155,176,189,199,191,181,181,181,165,117,113,160,168,170,165,165,181,196,209,204,189,170,157,107,89,87,97,95,89,85,55,43,48,65,75,79,79,51,17,13,19,45,55,45,43,49,59,61,65,79,93,129,126,91,83,79,85,87,73,43,36,42,61,83,95,147,163,163,147,105,99,97,97,103,107,103,95,95,99,142,152,165,170,178,186,186,168,157,144,139,139,152,170,194,196,194,186,183,186,189,191,183,183,181,173,150,126,126,147,152,144,81,55,47,55,85,144,163,170,168,160,147,139,147,152,152,134,77,71,71,57,43,49,77,93,99,97,97,103,155,168,160,107,95,99,147,163,168,163,144,87,69,69,85,101,93,77,82,131,168,183,212,238,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,248,235,215,194,176,163,152,137,126,105,90,43,23,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,17,17,13,7,0,0,7,13,19,25,31,51,74,74,74,90,98,90,85 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,191,178,173,168,152,27,33,85,150,176,183,181,178,176,176,176,170,142,142,152,157,178,176,173,170,168,170,176,186,194,199,202,204,207,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,176,173,170,170,176,176,170,170,173,176,178,178,170,168,173,186,189,181,170,123,117,119,125,125,123,120,121,125,123,117,114,115,123,181,204,222,222,207,194,191,202,212,212,196,178,129,129,129,170,173,181,186,189,186,183,183,178,129,125,121,125,170,131,129,127,125,129,173,176,181,181,178,131,129,176,194,199,199,209,217,215,135,135,183,196,204,212,217,212,209,209,209,204,202,204,204,113,111,212,212,130,131,181,196,209,222,228,228,225,215,181,128,131,137,186,189,191,204,217,222,222,217,209,196,186,182,183,189,199,207,204,202,204,212,228,230,215,191,186,202,207,194,139,135,135,181,196,222,238,243,246,111,105,181,186,186,183,189,191,191,196,212,222,225,225,230,230,233,233,233,235,238,230,212,199,192,192,204,222,228,217,207,204,202,202,199,199,199,199,202,202,202,202,202,202,202,204,209,212,207,199,196,199,202,202,199,202,202,204,207,207,199,199,204,207,209,212,215,222,225,228,228,225,228,228,222,222,217,212,207,207,207,212,215,217,222,225,222,222,215,212,215,217,217,204,143,140,142,194,202,209,217,222,217,202,145,143,191,204,212,212,212,217,225,230,233,233,230,230,225,209,196,192,196,202,204,204,204,204,202,202,204,212,217,217,212,204,196,194,194,191,191,191,196,204,204,198,196,196,196,198,198,199,202,204,207,204,202,202,204,212,215,209,204,204,215,222,212,199,143,145,212,230,235,238,241,235,233,230,228,228,228,233,235,230,217,215,215,215,215,212,204,202,204,207,196,189,186,131,114,103,115,123,111,131,196,196,190,191,199,209,212,212,212,215,215,215,225,230,235,235,235,235,238,235,233,231,233,235,235,233,235,235,235,235,235,238,238,233,233,233,235,235,238,238,238,235,233,233,230,230,230,235,235,235,233,233,233,233,233,230,228,228,230,230,229,229,230,233,233,233,233,233,228,226,228,233,233,230,225,224,224,225,228,228,225,225,225,230,233,228,222,215,212,209,205,207,209,215,217,215,215,217,222,222,217,222,228,230,230,228,225,215,215,215,212,212,215,215,215,215,225,233,233,230,233,235,241,241,235,230,225,212,207,207,204,207,209,209,209,205,204,207,217,233,233,230,228,222,199,194,199,212,228,235,235,235,230,212,139,132,137,196,204,204,203,209,217,212,204,200,202,207,215,215,212,209,209,209,207,209,212,204,143,125,131,204,207,142,144,215,222,217,222,228,228,222,215,212,209,209,209,212,215,215,217,217,217,222,230,235,228,204,200,222,230,225,220,222,230,233,233,233,230,228,222,220,222,228,230,230,228,225,217,217,222,225,222,220,225,235,243,246,241,241,243,246,246,241,228,217,212,215,222,230,235,235,233,228,222,217,215,212,212,217,228,235,233,225,222,225,217,209,212,217,217,217,217,222,217,217,215,209,203,203,215,222,222,222,222,225,230,235,238,235,233,233,233,233,228,209,203,207,222,233,235,233,233,228,217,215,217,228,233,235,238,235,233,233,230,228,230,233,233,230,230,235,238,235,233,233,235,235,235,235,233,225,215,213,217,230,233,225,215,217,225,230,233,230,228,228,222,202,151,209,222,225,222,220,222,222,225,230,235,238,228,207,149,207,217,225,230,230,225,222,215,215,220,225,228,228,228,233,235,233,233,233,230,228,230,233,235,235,230,220,217,217,217,222,228,228,230,230,230,228,228,228,228,228,225,222,222,225,225,222,225,222,217,215,215,217,222,222,222,225,225,228,228,228,228,230,230,233,238,238,228,225,230,238,241,238,233,225,212,148,142,141,144,209,222,228,230,228,225,220,220,222,228,230,233,235,235,235,233,230,225,224,224,225,225,222,220,222,228,230,233,235,238,238,235,233,233,230,230,229,229,230,230,230,228,230,233,230,228,225,225,222,222,222,222,222,215,211,211,212,215,217,222,228,230,230,228,222,217,217,217,225,225,225,217,212,212,215,217,217,217,217,222,228,230,228,225,225,225,225,225,225,225,220,215,212,212,212,212,215,215,215,215,215,215,215,215,215,212,212,209,208,208,209,212,212,215,217,220,222,217,215,212,212,212,212,212,212,212,212,215,215,212,209,209,212,212,212,212,212,215,217,217,215,212,215,217,215,215,212,209,209,207,207,204,202,199,198,199,207,212,217,215,212,212,215,215,215,217,215,215,215,215,217,222,222,217,217,217,217,215,212,212,212,212,215,215,212,211,215,217,222,217,217,212,207,207,207,212,215,217,217,215,212,215,217,215,215,215,215,212,209,208,209,209,212,212,215,215,215,215,215,213,215,215,217,222,222,222,222,222,225,225,225,222,225,228,228,225,222,222,228,230,228,225,225,225,225,225,225,225,225,228,228,230,230,230,233,233,233,233,230,230,228,228,228,230,230,228,225,222,222,217,212,209,207,204,204,207,209,209,209,207,207,207,207,204,202,199,199,199,196,196,199,204,209,212,215,212,212,212,215,212,204,196,191,191,191,191,194,204,215,225,225,212,199,196,202,202,207,222,238,246,243,241,241,241,241,243,246,246,246,243,243,0,0,243,235,225,215,215,217,222,217,215,207,202,0,0,0,1,3,5,5,11,21,19,15,15,21,25,47,69,89,142,170,196,235,254,255,254,255,255,255,255,255,255,255,255,255,255,255,255,235,151,141,137,141,151,209,222,246,255,255,246,212,196,196,204,212,225,251,255,254,189,108,53,27,11,0,0,0,0,0,0,1,3,3,0,0,3,3,5,5,7,13,31,77,111,124,118,111,118,165,215,255,255,255,248,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,43,25,17,9,9,9,9,14,17,30,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,108,129,139,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,228,217,215,202,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,95,137,165,165,131,37,0,0,0,0,0,0,0,0,0,11,37,53,59,69,87,142,163,183,189,170,147,147,170,189,152,59,0,0,0,3,73,83,27,0,0,0,0,49,126,157,168,178,194,228,235,251,255,254,243,228,225,238,246,251,255,255,255,255,255,251,129,77,63,60,71,121,217,251,255,255,255,255,255,255,212,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,137,163,160,155,157,165,181,191,183,191,191,147,5,24,83,170,176,152,71,19,7,33,77,87,78,75,85,152,170,170,173,173,173,189,235,248,238,209,189,173,163,131,75,73,73,45,13,0,0,7,0,0,13,21,41,49,37,27,39,108,168,186,176,160,126,71,63,61,55,55,65,89,160,173,181,181,176,168,152,85,79,93,147,160,178,160,83,59,53,51,59,107,186,196,186,176,170,170,173,163,111,91,84,87,101,111,155,173,181,191,191,183,183,181,163,110,106,115,168,178,173,173,183,202,215,204,194,181,168,152,105,105,139,103,89,73,55,49,57,61,59,59,57,39,18,16,37,65,67,59,55,65,73,79,87,89,93,124,126,126,93,91,91,87,61,41,35,49,75,91,134,150,163,155,105,99,91,87,89,89,97,95,94,93,99,144,165,170,178,181,186,178,165,157,157,155,155,160,183,196,202,196,191,186,189,191,191,189,186,191,181,147,126,126,142,147,137,75,49,43,59,118,157,170,178,176,168,147,139,144,157,155,137,85,83,83,59,31,31,49,67,79,91,97,101,152,168,160,107,93,93,105,150,155,155,150,99,87,81,99,155,147,129,137,173,204,220,225,251,255,255,255,255,0,255,255,255,255,255,255,255,255,255,255,255,248,222,204,186,176,157,142,131,116,92,47,27,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,25,13,13,5,5,5,13,25,31,0,51,72,74,82,90,98,90,74 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,64,64,40,11,0,35,105,142,170,181,181,178,173,173,176,168,139,139,142,150,165,165,165,165,165,173,181,191,196,199,202,207,212,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,163,163,173,170,178,178,176,178,178,181,181,178,173,170,178,186,183,178,176,170,125,123,165,170,170,168,168,165,125,119,112,110,112,127,207,230,230,212,191,189,194,202,202,189,178,173,176,176,173,176,181,186,189,189,189,181,125,116,116,116,119,125,129,127,127,127,127,129,176,173,129,129,127,127,133,191,204,209,215,217,209,121,125,181,204,215,225,222,212,207,207,202,194,199,204,207,87,51,133,207,204,183,186,199,215,228,225,217,212,207,194,137,135,183,191,194,191,199,209,215,212,204,199,196,196,196,191,191,196,207,209,204,194,192,204,207,202,196,202,207,202,186,139,186,191,191,199,212,228,225,194,28,73,191,191,183,179,181,186,189,196,212,225,228,228,230,230,233,233,233,238,241,235,222,207,199,199,209,225,230,222,209,202,202,202,199,199,199,199,199,199,202,202,202,204,204,207,207,204,199,195,195,196,199,199,198,202,204,204,204,202,198,199,204,204,212,220,222,215,215,217,228,230,230,228,222,217,215,212,207,207,212,217,222,225,228,233,235,233,230,230,230,230,228,215,196,142,143,196,209,217,217,217,212,202,194,191,202,215,225,222,217,222,228,230,230,230,230,228,222,212,202,196,199,202,202,202,204,207,207,207,209,212,215,215,207,196,189,141,139,139,137,141,191,204,212,207,199,198,199,202,202,204,204,207,209,209,207,204,207,215,217,215,204,199,204,207,199,147,145,199,217,233,238,238,235,233,230,230,228,228,228,233,233,228,212,208,208,208,209,209,202,204,217,230,228,212,196,133,119,121,196,215,217,212,202,196,196,199,209,215,215,215,217,220,217,222,228,235,238,238,235,238,238,238,235,233,235,238,235,233,233,233,233,233,233,235,235,235,235,235,235,235,235,238,238,235,233,233,230,230,233,235,238,238,235,235,235,233,233,230,228,228,230,230,229,229,230,233,230,230,230,230,228,228,228,230,233,230,228,228,228,228,228,228,225,222,222,225,230,230,228,222,215,207,204,204,207,215,222,228,228,228,228,225,222,225,230,233,230,228,225,220,222,222,217,215,215,215,215,215,222,225,222,225,230,235,241,238,230,225,217,209,204,202,200,204,207,207,207,205,205,209,228,241,238,235,238,228,192,189,199,212,228,233,235,235,230,209,143,136,143,202,207,204,203,209,217,215,204,200,200,207,217,217,212,207,209,209,207,209,215,215,207,132,136,196,149,141,143,207,215,215,215,215,212,209,208,208,209,215,217,215,212,212,212,215,215,217,225,228,222,200,195,215,233,233,228,228,230,233,233,230,228,217,217,217,222,228,228,228,225,225,222,222,225,225,222,220,222,230,241,246,246,246,251,251,248,241,230,217,212,212,217,225,230,230,222,209,208,212,217,215,213,222,233,238,235,228,222,225,217,212,209,212,212,209,204,207,212,212,215,212,207,209,217,225,225,225,225,228,230,235,235,235,233,233,235,238,233,217,209,212,228,235,238,235,233,233,228,228,228,230,233,235,238,235,233,230,230,228,233,235,230,230,233,235,235,230,230,233,238,238,238,238,235,225,217,217,228,235,235,230,222,222,228,233,235,235,233,230,225,215,215,222,217,217,222,225,222,217,222,228,235,235,230,215,207,215,220,222,222,222,217,217,215,212,212,217,220,222,225,233,235,238,235,235,233,230,230,233,235,235,228,222,217,217,222,228,230,233,233,233,233,230,228,228,230,230,228,222,222,225,225,222,220,217,215,213,215,215,217,222,222,222,228,230,230,230,228,228,228,230,235,235,230,228,233,238,241,235,228,217,204,147,143,144,153,215,225,233,233,228,222,220,220,225,228,228,233,235,235,235,233,228,224,221,225,228,228,222,215,217,225,228,230,233,235,235,235,233,233,230,230,230,230,233,230,228,225,228,230,230,228,225,225,222,222,217,217,215,212,211,211,215,215,215,222,230,233,230,225,222,217,222,222,225,225,222,215,209,209,212,215,215,217,217,222,228,228,228,225,225,225,225,225,225,225,222,215,212,212,211,211,212,215,217,222,222,222,217,217,215,212,209,209,209,209,209,209,212,215,217,222,225,222,215,212,212,212,209,209,209,212,212,212,212,212,207,204,202,202,204,207,209,215,215,215,212,211,212,215,215,215,215,212,212,209,209,207,202,198,196,199,204,212,215,212,212,212,215,217,217,217,215,215,215,215,217,217,222,222,217,217,217,217,215,215,215,217,217,217,215,212,215,217,222,222,217,212,207,205,205,209,212,215,215,215,212,215,215,212,212,215,215,212,209,208,209,212,215,215,217,217,217,215,215,213,215,215,217,222,225,225,222,222,225,225,225,225,225,228,228,228,225,228,230,230,230,228,225,228,228,228,225,225,222,225,228,228,230,230,230,230,233,233,230,230,230,230,228,230,230,228,225,222,222,217,212,207,204,204,203,204,207,209,209,207,204,207,207,204,199,194,194,196,196,199,202,207,212,215,215,212,209,207,209,209,207,202,194,189,189,191,196,204,215,217,215,204,194,196,202,207,215,228,238,241,238,238,238,241,243,246,248,248,248,246,246,246,248,246,238,228,220,217,217,222,217,215,209,204,7,1,1,5,5,7,11,15,23,21,15,19,21,29,47,71,97,150,170,196,222,246,254,254,255,255,255,255,255,255,255,255,255,255,255,255,220,145,137,135,137,149,204,215,222,222,220,209,192,186,187,196,204,212,241,255,254,186,116,57,37,17,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,21,59,77,87,92,105,142,189,241,255,255,255,251,255,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,51,33,20,12,9,8,9,14,17,20,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,87,87,90,90,87,0,0,0,0,0,0,246,0,0,0,0,0,0,0,131,131,0,0,215,204,204,176,168,155,98,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,35,35,40,66,129,157,131,87,37,0,0,0,0,0,0,0,0,11,23,45,53,53,55,69,124,142,144,144,144,152,152,163,160,142,57,0,0,0,0,49,75,37,0,0,0,0,17,61,131,160,186,209,228,235,248,254,255,238,224,221,238,238,248,255,255,255,255,255,113,72,67,66,72,81,178,255,255,255,255,255,255,255,255,230,75,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,126,155,155,155,155,157,170,170,165,178,183,150,30,55,142,170,160,85,43,9,6,39,91,109,85,79,91,160,170,163,160,159,159,181,215,238,217,191,170,155,170,168,118,55,39,35,21,5,11,57,21,17,29,21,17,7,11,27,71,163,194,194,186,176,137,47,39,51,69,77,77,139,168,181,186,186,176,160,95,65,63,83,155,176,186,157,71,45,33,24,24,77,186,199,178,155,113,155,155,107,93,87,84,87,101,155,155,163,165,178,191,194,191,181,163,110,105,111,168,183,183,178,183,196,199,194,186,176,170,157,142,147,147,144,85,61,49,49,57,53,41,43,53,51,39,45,77,91,83,75,73,89,124,124,124,93,93,93,91,93,126,95,95,83,63,49,47,71,89,91,93,134,147,139,99,97,89,86,86,88,93,95,95,94,103,152,173,181,186,196,191,168,147,144,155,155,155,160,178,194,196,194,191,191,191,191,196,194,196,196,186,155,129,124,137,137,124,67,47,41,59,134,170,178,178,176,168,147,138,142,155,160,150,126,95,93,63,15,7,8,33,61,81,95,103,150,157,152,99,89,89,97,147,155,160,160,150,142,142,157,176,176,165,183,212,233,235,243,255,255,255,0,0,0,0,0,0,0,255,255,255,255,255,255,255,254,241,217,199,183,160,150,134,113,95,49,29,15,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,9,11,9,5,5,5,11,17,40,40,51,59,61,72,82,87,82,74 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,147,173,178,178,173,168,168,170,168,150,142,147,155,160,160,160,165,170,176,186,191,194,194,196,204,215,191,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,111,160,176,173,176,176,173,178,181,178,178,176,170,173,181,181,170,173,189,189,168,116,117,125,178,186,181,168,165,165,121,114,114,125,199,225,225,212,194,186,186,186,181,176,173,176,178,176,173,176,181,186,186,186,186,173,117,113,115,117,119,123,129,170,170,129,127,129,176,125,123,125,125,123,127,183,202,209,212,207,181,98,106,129,202,212,217,217,212,204,191,172,173,194,212,217,181,47,67,189,209,207,196,204,217,225,217,202,191,191,194,189,186,191,196,196,194,194,199,204,202,196,196,204,209,204,202,199,202,209,215,209,194,190,194,194,194,199,207,209,204,194,189,199,204,202,204,209,204,183,39,0,31,186,191,181,181,186,189,191,199,212,225,228,230,230,233,233,233,233,235,241,238,230,222,212,212,215,225,225,215,207,202,202,202,199,199,199,199,199,199,202,202,202,204,204,204,204,202,199,195,196,199,202,202,202,204,204,204,204,199,198,199,204,204,215,228,230,220,213,213,222,228,230,225,217,215,217,217,212,207,212,215,215,215,222,233,235,230,233,235,235,235,235,228,209,191,143,196,209,215,209,204,202,199,196,199,207,217,228,228,228,230,230,228,225,225,228,230,228,228,222,212,209,207,204,204,207,209,212,212,212,215,215,209,202,189,133,127,127,129,131,135,186,199,212,212,202,199,204,209,209,209,209,209,212,212,209,204,203,202,209,212,202,143,139,139,139,138,143,202,217,230,233,233,228,225,225,228,228,228,228,230,230,225,212,208,208,208,209,207,202,204,225,235,233,215,196,139,135,215,233,235,233,225,209,202,202,202,209,215,212,209,212,215,212,220,230,238,241,241,238,241,241,241,235,233,233,233,230,230,228,228,228,228,228,230,233,233,235,235,235,235,235,238,241,241,238,235,235,235,238,238,241,241,238,238,235,235,233,230,228,228,230,230,229,229,230,230,230,229,230,230,230,228,228,230,233,233,230,230,230,230,228,228,225,222,222,222,228,233,233,228,217,209,205,205,207,215,222,228,230,230,228,225,225,228,233,233,230,228,225,222,222,222,217,215,215,215,215,215,217,217,215,215,217,225,228,228,222,215,209,204,200,199,199,202,207,209,212,209,207,209,222,235,238,238,241,228,190,187,199,215,228,233,235,235,230,212,196,147,199,207,209,204,204,207,215,215,207,203,203,212,222,222,212,207,209,207,204,207,215,217,215,199,149,199,199,149,199,212,212,212,212,209,209,209,212,215,222,228,225,217,212,211,211,212,217,222,217,215,217,207,203,217,230,235,230,226,228,233,230,228,222,216,216,218,225,225,225,225,225,228,228,228,228,228,225,221,222,228,238,246,248,251,254,251,246,238,225,215,209,212,215,217,217,217,209,207,208,222,230,230,228,228,230,233,230,222,217,217,215,209,207,209,209,204,199,199,207,209,215,217,215,217,222,225,228,228,228,225,225,225,228,228,228,228,233,238,235,228,222,225,235,238,238,235,233,233,233,233,233,230,233,238,238,235,230,228,228,230,233,235,233,230,230,233,230,228,228,233,235,235,235,238,238,235,230,230,233,235,235,233,228,228,228,230,235,238,235,230,225,222,225,225,217,216,222,225,217,215,217,225,233,233,230,222,212,207,207,207,209,209,215,217,217,212,211,211,215,220,225,230,235,238,238,238,235,233,233,233,235,233,228,220,217,222,225,230,235,235,235,235,233,230,228,230,233,233,230,222,220,225,225,217,215,215,215,215,217,222,225,225,225,228,230,233,230,228,228,228,228,230,235,235,233,230,235,238,238,230,222,217,215,212,212,217,225,217,225,233,233,228,222,220,220,222,222,225,230,235,235,233,230,228,224,224,228,230,228,215,209,215,222,228,230,233,233,233,233,230,230,230,230,233,233,233,233,228,222,222,225,225,225,225,225,225,222,217,212,211,211,212,217,217,217,215,222,230,233,228,222,217,222,222,225,222,217,215,209,207,207,212,215,215,217,222,225,228,228,228,225,225,225,225,225,225,225,222,217,215,212,212,212,212,215,217,217,217,217,217,217,215,212,212,212,212,209,207,207,209,212,217,222,225,222,215,212,209,209,209,209,209,209,212,212,212,209,207,200,199,199,202,209,212,215,215,215,212,212,212,215,215,215,215,215,215,212,212,209,204,199,199,202,207,209,212,212,212,212,215,217,217,217,215,213,213,215,215,217,217,222,222,222,217,217,215,215,217,217,222,222,217,217,217,222,222,222,217,212,207,205,205,209,215,217,217,215,215,215,212,209,209,215,215,212,209,208,209,212,215,217,222,222,222,217,215,215,215,217,222,225,225,225,225,225,225,228,225,225,225,228,228,228,228,230,233,233,230,228,228,228,228,225,222,217,220,222,225,228,228,228,228,230,230,230,230,230,230,230,228,228,230,228,225,222,222,215,212,207,204,203,203,204,207,209,209,207,204,204,202,196,194,191,194,196,199,199,204,207,212,217,217,212,207,204,204,207,207,202,191,186,189,194,196,202,207,207,202,194,186,194,204,217,228,233,230,225,225,228,233,235,241,0,248,251,251,248,248,248,248,246,241,233,228,225,222,222,217,215,212,209,17,13,11,11,15,15,21,25,25,23,21,21,25,27,47,71,139,163,178,196,212,238,246,255,255,255,255,255,255,255,255,255,255,255,255,255,159,137,128,128,135,145,196,204,212,209,204,196,192,187,187,192,192,204,238,255,255,202,116,53,27,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,17,23,29,53,79,111,157,0,238,254,255,243,228,243,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,0,59,59,0,0,0,59,35,25,22,14,9,9,14,17,22,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,69,66,61,53,53,53,0,0,0,0,0,255,238,0,0,0,0,0,0,202,105,85,0,243,196,202,191,124,108,95,48,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,103,111,90,95,142,139,28,27,39,29,23,0,0,0,0,0,3,23,31,45,59,61,55,63,116,137,135,137,144,152,144,137,142,142,49,0,0,0,0,27,77,71,37,23,0,0,0,43,91,160,194,228,235,246,254,255,255,248,224,220,228,230,238,255,255,255,255,225,66,66,81,115,202,183,215,255,255,255,255,255,255,255,254,222,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,67,147,163,157,157,155,155,168,165,157,157,150,89,65,89,157,157,89,43,11,7,19,57,109,165,109,87,105,168,178,163,160,163,170,189,215,233,207,181,155,139,155,160,79,19,15,21,27,27,65,147,103,55,61,11,0,0,11,51,142,183,196,194,186,176,134,29,23,55,124,144,134,150,173,183,191,186,173,144,83,59,57,85,165,189,194,157,61,25,24,20,20,63,189,204,178,109,107,107,99,91,87,93,101,101,111,155,155,111,115,173,191,199,191,173,163,110,106,115,170,183,183,181,181,183,186,178,168,165,165,157,147,150,152,144,85,57,41,37,41,41,35,45,69,79,73,77,131,137,91,83,85,126,131,126,124,93,89,87,87,87,89,89,95,89,79,71,65,77,83,69,59,73,91,101,99,91,89,89,89,95,95,95,99,99,144,170,181,194,196,199,194,168,142,134,131,134,131,152,170,189,196,194,194,194,194,196,196,204,207,204,186,157,139,124,124,124,113,67,47,39,57,131,170,176,176,176,168,144,137,138,150,168,160,139,139,131,63,9,1,2,21,59,91,142,144,150,150,105,93,89,92,139,163,163,163,157,157,160,165,170,176,173,173,196,228,246,246,251,255,255,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,246,233,207,181,173,150,139,121,95,49,35,25,15,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,5,5,0,0,5,11,23,40,40,48,56,72,79,87,79,74 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,168,170,173,173,168,160,160,168,170,157,152,160,173,168,163,163,170,178,181,186,186,186,186,189,196,209,199,163,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,139,165,170,170,170,169,173,176,176,170,165,163,163,173,170,165,166,191,196,176,114,106,106,123,191,189,170,125,170,173,165,121,125,178,194,204,202,191,183,181,176,173,170,170,170,173,173,170,176,181,183,178,176,176,129,117,116,123,127,125,127,173,178,176,173,170,178,178,121,117,123,123,122,122,131,186,194,199,196,135,96,102,111,191,204,204,204,207,202,182,166,168,191,212,220,238,51,51,181,207,228,209,207,215,215,204,186,135,135,189,191,194,196,199,194,189,186,189,194,194,194,202,215,217,209,204,202,204,215,222,217,212,202,194,191,194,202,209,215,212,209,207,215,217,215,217,217,207,183,47,0,31,125,135,133,186,196,199,199,204,212,222,228,230,230,230,230,230,230,233,238,238,235,233,228,222,217,215,209,207,202,202,202,202,202,199,199,199,199,199,199,199,199,204,204,204,202,204,204,204,202,202,202,202,204,207,207,207,202,199,196,198,199,204,217,235,241,233,225,215,215,217,217,215,212,212,217,222,220,212,212,209,207,207,212,222,225,225,233,235,233,235,238,233,217,196,145,191,202,204,199,196,196,199,202,204,209,215,222,228,233,233,230,222,215,215,228,233,235,238,235,230,222,215,212,212,212,215,215,215,212,212,209,207,196,137,126,122,123,125,129,135,141,196,209,212,202,199,202,207,209,209,209,209,212,215,215,209,203,200,204,209,202,143,138,136,136,136,143,204,215,222,225,225,222,222,225,228,228,228,228,228,228,225,217,222,222,215,209,207,202,199,215,230,212,135,135,186,202,228,238,238,230,222,212,204,204,204,209,215,209,204,204,204,204,209,222,233,238,238,238,238,238,235,230,230,230,230,228,225,225,225,225,225,228,228,230,233,235,235,235,235,238,241,241,241,241,238,238,238,238,238,238,238,238,238,238,238,233,230,228,228,230,230,230,229,230,233,230,230,230,233,230,230,228,230,230,230,230,230,228,228,228,225,225,225,222,225,230,233,233,228,217,212,209,209,207,209,217,228,230,230,228,228,228,230,235,235,230,228,228,225,222,222,217,215,215,217,222,222,222,217,212,211,212,211,211,215,215,209,204,202,200,200,202,207,212,215,217,217,212,212,217,230,235,235,228,202,190,190,207,217,225,230,233,233,228,215,207,204,207,209,209,209,207,209,212,212,209,209,209,212,222,222,212,207,207,204,202,204,209,215,212,204,204,207,209,209,217,222,217,215,215,212,212,215,222,225,230,230,228,217,212,211,211,215,222,228,217,209,212,207,207,222,233,235,230,226,228,230,230,228,225,225,228,230,230,230,228,225,228,233,235,233,233,230,228,225,225,233,241,246,251,251,254,248,241,230,217,209,208,209,212,209,208,209,209,209,217,230,238,241,238,230,222,217,217,212,212,215,212,212,207,207,209,202,196,198,204,212,217,225,225,225,225,225,228,230,225,217,215,215,217,222,225,228,233,238,238,230,228,230,238,238,238,235,233,233,233,233,233,230,233,238,238,233,228,225,225,228,230,230,233,230,225,222,225,228,228,230,230,233,233,235,235,238,238,238,235,230,230,228,228,228,228,228,230,233,233,228,222,225,230,225,225,222,217,222,215,209,212,225,230,230,225,217,209,204,202,202,202,204,209,215,217,212,211,211,215,222,228,233,233,238,238,241,238,235,233,233,233,233,228,222,222,222,222,225,230,235,235,233,228,225,225,230,233,233,230,222,221,225,225,217,215,215,215,217,222,228,230,230,230,233,233,233,230,226,226,226,228,233,238,238,235,235,238,238,235,228,222,222,228,230,230,228,225,217,222,230,230,225,222,220,220,220,220,222,230,233,230,228,230,228,225,228,233,235,225,212,207,209,217,228,233,233,233,230,230,230,230,230,230,230,233,233,230,228,225,222,217,222,225,225,222,222,220,217,215,215,215,217,222,222,222,217,225,228,230,228,222,222,222,222,222,217,212,207,205,207,209,215,217,217,220,222,225,228,228,225,225,225,225,225,225,225,225,225,222,222,217,215,215,215,215,212,212,215,215,217,217,215,215,215,215,215,212,205,204,207,212,215,222,225,222,217,212,209,209,209,209,209,212,212,212,212,209,207,202,200,202,209,215,215,217,217,217,215,215,215,217,215,215,215,215,215,215,212,212,209,207,204,207,209,212,212,211,211,212,215,217,217,217,215,213,215,215,215,217,217,222,222,222,222,217,217,217,222,222,222,222,222,217,217,217,217,217,215,212,209,207,209,212,217,217,217,217,215,215,209,207,209,215,215,212,209,209,212,215,217,220,222,222,222,217,215,215,215,217,222,225,228,225,225,225,228,228,228,225,225,225,228,228,230,233,233,233,233,230,228,228,225,222,217,216,217,220,222,222,225,225,228,228,230,228,225,225,228,228,228,228,228,228,225,222,222,217,212,207,207,204,204,207,209,209,209,207,204,199,194,191,190,191,196,199,199,199,202,207,212,215,215,212,207,204,202,204,204,199,189,141,189,194,194,196,196,194,189,141,141,191,204,217,230,230,222,211,211,215,222,228,235,0,248,251,0,0,251,251,248,246,243,238,233,230,228,222,217,217,215,212,25,25,21,21,21,25,27,33,33,25,23,25,27,33,43,69,139,168,178,196,212,235,246,255,255,255,255,255,255,255,255,255,255,255,255,255,157,131,123,123,131,137,145,196,204,204,202,196,196,196,196,196,196,204,251,255,255,204,108,37,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,15,13,17,51,85,0,0,0,0,225,238,217,194,194,241,255,255,255,241,241,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,61,59,0,0,0,59,53,51,59,0,61,56,35,30,25,17,14,14,22,30,46,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,61,53,46,35,35,35,53,0,0,0,0,255,238,0,0,0,0,0,0,217,108,74,150,196,196,202,183,98,90,82,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,134,147,139,150,168,134,13,21,98,124,116,29,0,0,9,9,25,43,47,59,77,85,113,87,134,142,144,144,144,144,83,63,113,147,71,0,0,0,0,15,118,142,131,75,29,0,0,61,152,191,233,246,254,254,255,255,255,255,228,220,225,228,233,255,255,238,222,215,113,113,133,215,248,217,196,255,255,255,255,255,255,255,230,212,150,5,0,0,0,0,0,0,0,0,0,0,0,0,35,37,0,0,0,0,0,43,139,163,163,155,155,150,155,173,168,150,89,69,66,72,99,150,89,37,1,0,7,33,71,109,168,152,101,109,168,173,160,163,189,199,207,230,230,207,173,144,93,93,121,65,17,16,35,45,55,65,108,59,27,7,0,0,0,17,65,150,176,186,189,194,176,116,17,19,67,150,165,150,157,170,183,194,194,170,97,71,53,53,83,163,186,181,147,59,24,26,27,27,77,181,196,173,155,109,99,91,85,87,107,160,155,155,163,115,110,111,173,191,181,165,155,155,113,110,150,170,186,186,181,181,178,173,168,168,170,173,170,157,163,160,152,95,61,35,29,33,35,47,63,95,142,93,87,129,137,124,77,81,89,91,87,83,77,77,81,83,83,81,83,89,95,93,85,71,55,47,39,38,47,73,85,87,85,85,95,101,103,99,99,99,137,152,181,189,196,196,196,189,168,134,116,111,111,116,137,165,189,194,0,202,0,0,0,0,212,215,204,186,170,147,121,108,100,67,53,39,27,45,111,157,170,176,176,165,144,138,138,155,168,163,147,152,152,79,29,7,8,39,77,142,152,150,139,101,99,92,92,103,155,170,163,157,157,160,165,173,173,168,168,173,199,228,246,251,255,255,255,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,251,238,207,181,157,157,144,121,103,59,41,31,23,17,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,17,30,38,48,69,82,87,87,79,72 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,160,165,168,170,168,160,157,163,168,163,155,165,194,176,168,170,181,186,186,186,183,182,182,183,189,191,191,186,202,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,77,87,0,0,3,61,111,163,170,170,168,169,173,173,168,160,156,156,163,168,165,165,178,186,181,170,107,104,111,176,183,168,123,165,173,168,121,119,123,168,181,186,183,178,176,173,176,176,170,127,168,129,170,173,178,178,173,129,129,127,123,125,173,176,129,129,176,178,178,176,178,186,173,113,113,119,123,123,125,173,178,178,181,191,194,117,109,110,131,194,196,199,204,207,202,183,182,204,209,209,241,51,45,181,196,228,215,202,196,199,191,178,132,133,186,194,194,196,194,186,181,137,183,191,191,194,204,215,215,207,204,204,207,212,217,217,215,209,190,190,194,202,212,222,228,228,230,228,225,222,225,228,225,215,202,49,53,103,119,125,183,196,202,202,204,212,217,225,228,228,225,225,228,228,230,233,233,235,235,233,222,212,204,199,196,199,202,204,204,204,204,204,202,202,199,196,195,196,204,207,207,207,207,209,209,207,202,202,204,207,209,207,207,204,202,198,196,198,209,225,238,246,246,235,222,209,202,204,207,207,212,215,217,217,217,215,209,205,205,209,215,215,222,230,233,230,230,235,233,217,196,145,191,194,196,196,196,202,204,209,212,212,212,212,217,228,230,225,209,202,204,222,230,235,238,238,230,222,217,222,222,222,217,217,217,217,215,209,207,199,141,129,124,124,126,131,137,189,202,209,212,204,199,199,204,204,207,207,209,212,217,222,217,209,204,204,204,204,202,199,196,147,194,204,212,215,215,217,222,228,228,230,233,230,230,228,228,228,225,225,230,230,220,209,204,196,194,191,137,127,127,134,194,207,217,230,230,228,225,217,209,209,212,217,220,215,209,202,202,202,204,215,228,235,238,237,238,238,235,233,230,230,230,228,225,225,225,225,228,230,230,230,233,235,238,238,235,235,238,238,238,238,235,235,235,235,234,234,234,235,238,238,235,233,228,225,225,228,230,230,230,233,233,233,233,233,233,233,230,228,225,228,228,228,225,225,225,228,228,225,225,225,228,230,233,233,225,215,212,212,212,209,209,215,228,233,233,230,228,228,230,233,233,228,228,228,222,217,217,222,220,217,222,225,228,225,217,215,212,212,209,209,212,215,209,207,207,209,209,217,222,222,217,222,217,215,215,217,225,230,222,202,194,192,199,217,217,217,222,228,228,222,217,212,212,212,212,212,215,215,215,215,209,209,215,215,212,217,222,212,204,204,202,202,202,207,209,209,207,215,228,230,228,230,230,228,222,217,217,217,222,225,225,225,225,222,217,215,215,215,217,222,225,215,207,204,202,203,225,235,235,230,228,230,233,230,228,225,228,233,235,235,233,228,225,228,233,235,233,233,233,233,230,230,235,243,246,246,248,248,243,233,222,212,209,209,212,209,207,205,209,215,217,225,230,235,238,235,228,215,212,212,211,211,215,215,215,209,207,207,202,199,200,209,217,225,230,228,225,222,222,228,230,228,217,215,215,217,225,230,230,233,235,235,230,228,230,235,238,241,238,235,235,238,235,233,230,233,235,235,230,228,225,225,225,225,225,230,228,217,212,215,222,228,228,230,230,230,225,222,228,235,235,233,225,217,215,217,225,222,222,222,222,222,217,217,225,228,225,228,225,207,209,209,207,212,225,230,228,217,212,207,204,202,202,202,202,202,207,209,215,212,215,217,225,230,230,233,235,238,238,238,235,233,233,235,235,230,225,225,225,222,222,225,233,233,230,225,222,222,225,230,233,230,225,222,225,222,217,217,217,217,222,225,230,233,233,233,235,235,235,230,228,226,228,230,235,238,241,241,241,238,238,233,230,225,228,233,238,235,228,217,216,217,225,228,225,222,222,222,220,218,222,228,228,220,220,225,228,228,233,238,235,222,209,207,209,217,230,233,233,233,230,230,229,229,229,230,230,230,228,228,228,225,217,217,217,222,222,212,207,212,222,225,225,222,222,225,225,225,225,225,225,225,225,222,222,222,222,217,212,207,205,205,209,212,217,220,222,222,225,225,228,228,225,225,225,225,225,228,225,225,225,225,225,222,217,215,212,212,211,211,211,212,215,215,215,215,215,217,215,209,205,204,207,212,215,217,222,222,217,215,212,209,209,209,212,212,215,215,212,212,209,207,207,212,217,222,220,217,217,217,217,217,217,217,215,215,215,215,215,215,215,212,212,212,212,212,212,212,212,212,212,212,215,217,217,217,215,215,215,215,215,215,217,217,222,222,222,222,222,222,225,225,225,222,222,222,217,217,215,215,212,212,212,212,212,215,217,222,222,217,215,212,209,207,209,215,215,212,212,212,215,215,217,222,222,225,222,217,217,215,217,217,222,225,228,228,225,225,228,228,228,225,222,222,225,228,230,233,233,233,233,230,228,225,225,222,216,216,217,217,217,217,220,222,225,228,230,228,222,220,222,225,225,225,225,225,222,222,222,217,215,209,209,209,207,209,209,209,209,207,204,196,190,189,191,196,199,199,196,196,199,204,209,212,212,212,207,204,202,202,199,194,141,140,189,191,191,189,186,141,141,139,186,194,204,212,222,222,217,211,209,211,212,217,228,0,246,251,0,0,251,251,248,246,243,241,238,235,230,228,222,217,217,215,43,37,25,25,25,27,37,41,41,33,25,33,33,33,43,63,97,163,186,204,212,233,246,254,255,255,255,255,255,255,255,255,255,255,255,255,212,137,123,123,131,137,139,186,189,196,196,204,209,212,212,220,212,235,255,255,255,183,57,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,17,0,0,0,0,0,0,0,0,0,0,209,173,176,217,255,255,228,209,220,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,59,0,0,0,0,53,51,51,51,0,0,59,48,43,33,30,25,30,33,46,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,53,38,22,12,12,22,43,0,0,0,0,255,251,0,0,0,0,0,0,217,108,74,124,183,215,212,168,87,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,173,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,126,147,157,181,189,152,43,51,152,183,168,92,11,27,47,43,49,55,65,77,121,131,139,142,150,152,152,150,144,118,57,49,63,131,113,45,13,0,0,0,65,134,142,113,27,0,0,139,233,255,255,255,255,255,255,255,255,255,243,221,224,228,241,255,255,225,217,241,225,194,183,199,235,222,100,178,235,251,255,255,255,255,255,215,126,25,0,0,0,0,0,0,0,0,0,0,0,0,139,131,15,0,0,0,33,124,155,163,155,150,150,148,155,173,168,139,75,58,63,77,139,139,63,7,0,0,15,49,77,109,160,109,99,109,160,160,160,168,199,217,217,233,238,215,189,165,144,93,93,79,39,45,65,61,51,3,0,0,0,0,0,0,0,5,27,71,131,168,186,194,183,73,5,11,61,126,150,144,160,170,186,202,194,160,77,49,41,45,69,139,152,152,139,77,39,65,73,77,107,173,173,160,147,99,85,81,81,87,111,160,160,155,155,111,111,155,176,183,165,144,143,155,152,110,109,168,186,191,189,183,178,170,168,168,176,183,178,168,168,165,152,95,67,33,28,33,49,63,89,150,157,131,83,124,137,121,75,73,81,81,71,65,65,65,67,75,81,85,89,93,95,91,77,53,33,30,32,34,41,57,65,67,71,83,97,107,107,101,99,101,144,168,181,194,191,191,191,178,160,129,108,101,103,116,139,176,0,0,0,0,0,0,0,0,215,215,204,191,176,152,126,100,55,43,41,27,21,35,71,139,165,168,176,165,144,139,144,160,163,163,163,168,165,129,55,41,47,67,101,160,152,139,99,97,99,97,99,144,160,165,152,150,157,160,163,173,173,168,166,173,202,225,246,248,255,255,255,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,248,235,204,173,150,147,147,129,100,65,47,39,31,19,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,15,30,30,51,0,95,92,85,77,69 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,168,159,160,168,170,165,157,147,147,168,150,142,168,152,157,170,189,191,191,186,183,183,183,183,181,176,173,116,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,163,165,165,108,87,67,108,157,170,173,169,170,173,173,170,160,155,153,163,176,173,168,170,176,181,183,173,117,115,121,163,123,123,163,170,123,115,114,117,121,165,173,176,173,170,170,173,176,170,125,123,127,170,173,170,170,129,128,129,129,129,173,176,170,121,121,127,123,176,178,186,189,81,85,97,111,121,129,181,189,183,177,177,189,199,191,176,117,123,178,186,194,204,215,217,212,209,215,215,209,212,40,15,115,178,202,204,183,125,125,133,133,135,178,183,189,189,189,186,181,178,135,183,191,191,191,196,204,204,202,202,202,204,207,207,207,207,202,187,189,191,196,207,225,233,235,235,230,225,222,225,228,230,233,238,225,75,99,123,135,186,191,194,199,204,209,217,222,225,222,222,222,225,225,225,228,228,230,233,225,207,196,194,194,191,194,204,207,207,204,204,204,204,204,202,196,195,196,204,209,209,209,209,209,207,204,204,204,207,207,207,204,204,207,209,207,199,199,215,230,241,246,243,233,215,202,199,200,202,204,207,212,212,212,220,225,217,208,208,209,212,209,215,228,228,225,228,233,230,212,196,194,196,194,196,202,207,212,212,217,222,217,212,207,207,212,215,212,199,190,194,209,222,225,228,228,217,212,212,222,225,222,217,220,222,222,215,212,207,202,194,186,137,133,131,133,141,194,202,207,207,204,202,202,204,207,209,209,209,212,222,228,228,217,209,202,196,196,199,207,217,222,217,215,217,217,217,217,228,233,235,235,235,233,230,228,228,228,225,225,230,233,222,209,199,191,191,143,131,127,134,199,204,204,215,225,230,230,233,228,217,217,225,225,228,228,217,202,196,199,204,212,228,235,238,238,238,238,238,233,230,233,233,230,228,228,225,230,233,233,233,233,233,235,238,238,235,235,235,238,238,235,235,235,235,235,235,234,235,238,238,238,235,233,228,225,225,228,230,230,230,233,235,235,235,235,235,233,230,228,225,225,225,225,224,225,228,230,230,230,228,225,225,228,230,228,222,212,211,212,212,209,208,215,228,235,235,230,228,228,228,230,228,225,225,225,216,215,217,225,225,222,222,225,228,225,217,215,217,217,215,212,215,215,207,205,215,222,225,228,228,222,217,217,217,217,215,217,222,217,207,196,195,198,207,217,212,209,212,217,217,215,215,217,217,215,212,215,217,222,217,215,212,212,217,215,211,217,225,212,204,202,199,202,204,204,204,207,215,230,238,238,238,238,235,230,222,217,222,225,228,225,217,212,209,212,217,222,225,225,222,222,220,215,207,204,200,203,225,235,235,235,235,235,233,228,225,225,228,233,238,238,233,228,222,220,225,228,230,228,230,233,233,230,235,238,238,238,238,241,235,225,215,215,217,220,215,209,207,208,212,217,220,225,228,230,230,228,217,212,215,217,212,211,217,225,225,215,204,202,202,204,207,215,222,228,230,228,217,216,216,225,230,230,225,217,222,225,230,230,233,233,233,233,228,225,230,235,238,241,241,238,238,241,241,235,230,230,230,230,230,228,225,225,225,225,228,230,228,215,207,205,209,217,225,228,230,222,204,150,209,222,228,225,215,211,211,217,225,225,217,216,215,215,215,216,225,228,225,233,225,179,194,202,207,215,225,228,222,212,207,207,204,204,202,202,200,202,204,209,215,217,225,225,225,225,228,230,233,235,238,238,235,233,233,233,233,230,230,230,228,225,222,222,228,230,228,225,222,217,217,222,228,228,225,222,222,222,217,222,222,225,225,228,230,230,230,230,235,238,238,235,233,230,233,235,238,241,241,243,243,241,238,235,230,228,228,233,235,233,225,222,217,217,222,222,225,225,225,225,222,222,222,222,215,209,211,225,230,233,235,238,233,212,205,205,212,222,230,233,230,233,233,235,233,230,230,230,233,230,228,225,225,222,217,215,217,217,212,202,151,202,215,225,225,225,222,225,225,225,225,225,225,225,222,217,217,217,217,215,209,207,205,207,212,215,220,222,222,222,222,225,225,225,225,225,225,225,228,228,225,225,225,225,222,217,215,212,212,211,211,211,212,212,212,212,212,212,215,215,212,209,207,207,212,212,212,215,217,222,222,217,212,212,209,212,212,215,217,215,212,209,209,209,215,217,222,222,222,220,217,220,222,222,220,217,215,215,215,215,215,215,215,212,212,212,215,215,215,215,215,212,212,212,215,215,215,215,215,217,217,217,215,215,215,217,217,222,222,222,222,222,222,222,222,222,222,222,217,215,212,212,212,212,212,215,215,217,217,222,217,215,215,212,207,205,209,215,215,212,212,215,215,217,220,222,222,222,222,217,217,217,217,222,225,228,228,228,228,228,228,230,228,225,222,222,222,228,230,233,230,230,230,230,228,225,225,222,220,217,217,217,215,212,215,217,225,228,230,225,218,217,218,222,225,222,222,222,222,222,222,222,215,215,215,212,212,212,212,212,209,207,204,194,189,190,196,202,199,194,191,191,196,202,207,209,209,207,207,202,199,199,196,191,141,140,186,189,189,186,141,139,139,141,186,194,199,204,209,215,217,215,212,212,212,217,225,235,246,251,0,0,251,248,246,246,243,243,241,238,235,230,225,222,217,217,43,37,25,24,24,25,33,41,41,33,33,37,37,37,43,61,89,155,189,209,220,235,246,254,255,255,255,255,255,255,255,255,255,255,255,255,220,143,131,128,135,137,135,131,135,181,194,202,209,222,238,243,235,238,255,255,220,116,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,204,168,173,225,255,248,209,194,209,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,61,61,69,69,77,69,51,35,35,51,69,72,66,59,56,53,40,40,48,51,61,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,139,139,134,0,0,0,0,0,0,0,61,46,20,4,0,0,0,35,0,0,0,0,255,254,0,0,0,186,189,228,194,100,85,124,217,243,225,183,129,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,230,204,168,147,121,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,53,129,163,181,181,152,124,139,168,191,183,105,15,27,53,55,55,55,65,59,67,85,134,144,150,152,152,144,137,83,57,50,53,71,63,47,27,3,0,0,17,49,75,63,0,0,0,150,255,255,255,255,255,255,255,255,255,255,255,225,225,230,255,255,255,238,243,251,243,199,186,215,222,199,100,124,191,202,246,255,255,255,255,230,131,47,33,11,0,0,0,0,0,0,0,0,0,0,126,152,142,131,105,59,137,144,152,155,147,147,150,148,155,173,168,139,89,69,75,97,139,89,37,0,0,5,37,69,99,150,152,105,99,109,152,152,160,178,199,207,217,230,238,238,215,189,155,89,131,144,85,121,131,67,27,0,0,0,0,0,0,0,0,0,0,11,65,157,183,183,165,35,0,1,39,73,126,150,165,178,194,207,194,144,51,25,25,31,53,77,85,91,139,97,77,89,107,150,168,168,150,99,89,81,78,78,87,101,155,155,111,111,111,111,155,163,170,173,155,143,144,163,163,147,109,163,183,191,189,181,170,170,168,168,176,178,173,163,157,152,137,81,61,37,33,53,75,91,137,160,168,139,93,131,137,87,66,65,73,71,65,59,55,57,63,67,81,91,95,95,93,81,65,47,32,31,33,36,43,53,55,57,71,89,103,142,142,107,107,147,165,176,189,194,186,178,178,168,142,116,103,105,116,131,0,0,0,0,0,0,0,0,0,0,225,212,204,186,178,155,137,98,37,27,27,19,11,19,49,108,144,157,165,165,144,144,155,160,152,160,165,168,165,91,55,49,55,73,134,152,150,101,97,99,99,99,99,137,152,155,150,148,160,157,157,173,181,173,170,178,207,228,233,248,255,255,255,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,251,235,196,157,144,147,144,126,111,92,57,43,31,21,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,9,9,20,0,0,0,92,85,77,69 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,183,165,156,157,165,176,173,157,121,100,124,15,0,0,0,38,134,181,194,194,189,189,189,191,189,178,98,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,189,183,189,189,212,194,170,165,168,176,176,170,170,176,176,173,168,157,155,173,183,183,176,173,176,181,189,191,189,170,117,115,121,168,176,173,119,112,112,117,123,163,165,170,170,165,164,168,173,168,123,123,127,170,168,127,126,129,170,170,176,178,181,181,129,118,116,116,110,127,178,186,178,47,64,80,93,113,173,191,202,194,178,178,186,196,199,199,127,117,121,131,191,207,215,222,217,217,222,225,222,191,21,0,51,117,131,191,129,116,116,121,129,178,183,183,183,178,178,181,178,178,135,186,191,191,189,189,191,194,199,202,199,196,199,199,199,202,202,196,191,190,189,199,222,233,235,233,230,225,225,225,225,228,235,241,248,89,111,204,207,194,185,189,196,204,209,212,215,215,215,217,217,222,222,222,225,228,230,228,209,139,137,186,191,191,191,199,204,204,202,199,202,202,202,202,199,196,196,204,209,209,209,209,209,207,207,207,209,207,204,199,199,202,209,217,222,209,207,222,235,241,241,235,222,204,200,202,204,204,204,204,207,207,212,222,230,230,222,215,215,209,208,212,225,225,224,228,235,230,215,202,202,202,196,199,207,215,217,222,222,222,222,212,207,202,202,204,202,191,187,189,199,207,207,212,212,204,199,204,212,217,215,215,217,222,217,215,209,204,199,196,196,194,186,137,135,186,199,202,202,202,204,207,207,209,215,217,215,215,215,222,225,225,217,212,204,196,191,190,194,209,225,217,215,217,222,222,222,228,235,238,238,235,233,230,230,230,230,228,228,228,230,225,212,199,191,202,207,207,209,215,222,212,204,217,225,230,235,235,228,225,228,230,228,233,235,225,199,194,199,204,212,225,233,235,238,238,238,233,225,225,228,233,233,230,228,228,230,235,235,233,233,233,235,238,235,234,234,235,238,238,238,235,238,238,238,238,238,241,243,241,238,238,235,230,228,225,225,225,225,230,235,238,235,235,238,235,233,230,228,225,225,225,225,225,228,230,233,233,233,230,225,222,222,225,228,222,212,212,215,212,209,209,215,228,233,233,228,226,228,228,225,217,217,222,222,216,216,222,228,230,228,225,225,225,220,215,215,222,228,225,222,215,209,202,203,215,225,225,228,215,207,209,217,222,217,215,217,222,217,204,199,202,204,207,209,207,204,204,212,212,212,212,217,217,215,215,217,222,222,217,215,215,215,217,217,215,228,233,209,202,199,202,204,209,207,204,207,220,230,233,235,241,241,235,225,217,217,225,228,225,222,212,208,207,209,222,230,233,230,225,220,222,217,215,215,212,217,233,233,235,235,235,235,230,225,222,225,228,233,238,238,233,225,217,213,215,222,225,225,228,230,230,230,233,233,230,230,230,233,230,222,215,222,228,228,217,212,209,212,215,215,215,217,222,225,225,217,212,215,225,230,222,215,222,228,228,222,209,202,204,212,217,222,225,228,228,225,217,215,216,225,230,230,228,225,228,228,228,228,228,230,230,230,228,225,230,235,235,235,233,233,235,238,238,233,228,228,228,230,230,230,230,228,225,228,230,228,222,215,207,203,205,212,217,222,222,207,146,140,155,217,220,215,209,209,212,225,230,228,222,216,215,215,215,217,230,233,230,241,225,164,183,202,212,222,228,222,212,207,204,204,204,207,207,204,204,207,212,215,217,225,230,230,225,225,228,233,233,235,238,238,235,233,233,233,230,228,228,230,233,228,225,222,225,228,228,225,222,215,212,212,217,225,222,217,217,217,222,225,228,228,228,230,230,230,229,230,233,238,241,241,235,235,235,238,241,241,241,243,243,241,238,235,233,230,230,230,230,228,225,228,225,222,217,222,225,225,228,228,228,225,222,217,211,207,209,222,230,235,238,238,225,205,203,207,217,225,228,230,230,233,238,241,238,235,233,233,233,235,230,228,222,222,217,212,212,209,202,149,148,151,207,217,222,222,222,222,225,225,228,228,228,225,222,217,215,215,215,212,209,207,209,212,215,215,217,217,217,217,220,225,225,225,225,225,225,225,225,225,225,225,225,225,222,217,212,211,211,211,212,215,215,212,212,209,209,212,212,212,209,209,212,212,212,212,212,215,217,222,222,217,215,212,212,215,215,217,217,215,212,209,209,212,215,217,217,217,217,217,217,220,222,222,222,217,215,212,212,212,215,215,215,215,212,215,215,217,217,215,215,215,215,212,212,212,215,215,215,215,217,217,215,215,215,215,217,217,217,217,217,217,217,217,217,217,222,217,215,212,209,209,209,212,215,215,217,217,217,217,215,212,212,209,207,205,209,215,215,212,212,215,215,217,217,222,222,222,222,217,217,217,217,222,225,228,228,228,228,228,228,230,228,228,225,222,225,228,230,233,230,230,230,228,228,225,225,225,225,225,222,217,212,212,212,217,222,228,230,225,218,217,217,220,222,222,222,222,222,222,222,222,217,215,217,215,215,215,212,212,209,207,204,196,190,191,199,202,196,143,143,189,194,199,204,207,207,207,204,202,199,196,191,186,141,141,141,186,186,186,141,141,139,139,139,189,194,199,204,209,215,215,215,215,215,220,228,238,246,251,0,0,251,248,246,243,243,0,0,241,238,233,228,225,217,215,43,37,25,23,23,24,25,37,43,43,43,47,47,43,47,61,83,150,194,217,238,243,246,254,254,255,255,255,255,255,255,255,255,255,255,255,238,204,137,137,137,137,131,125,121,131,181,196,209,222,246,246,220,204,212,220,150,55,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,168,173,217,241,217,196,189,209,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,0,0,0,0,0,0,0,0,0,59,0,0,0,0,0,66,66,64,64,69,72,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,147,0,0,0,0,0,0,0,0,0,64,43,12,0,0,0,0,22,0,0,0,255,255,254,255,255,228,160,160,186,173,100,82,142,255,255,248,233,202,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,204,165,137,121,121,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,103,155,165,157,139,131,142,144,152,150,65,7,12,41,55,51,43,39,27,29,49,79,131,144,152,152,150,137,113,67,61,57,51,45,29,19,0,0,0,0,0,35,33,0,0,0,55,233,255,255,255,255,255,255,254,255,255,255,228,225,241,255,255,255,243,251,235,215,191,233,255,202,126,199,225,217,191,191,255,255,255,255,241,181,118,73,59,51,59,45,0,0,0,0,0,0,0,0,108,152,160,178,157,178,144,138,138,138,147,157,157,163,181,176,147,147,81,83,89,81,63,7,0,0,19,59,89,150,163,150,105,99,105,109,152,163,189,204,207,207,217,238,238,215,181,89,80,93,163,163,173,168,65,9,0,0,3,105,155,43,0,0,0,0,1,49,144,176,165,124,3,0,0,29,67,124,157,173,186,199,207,196,139,45,22,24,24,45,65,75,85,147,152,89,93,144,165,178,165,107,89,81,78,80,89,111,168,178,173,111,106,106,111,155,163,155,155,160,155,160,178,178,157,150,163,178,183,178,165,163,155,160,160,157,160,150,137,97,97,81,73,55,43,49,77,126,126,134,160,168,152,139,147,137,75,61,59,67,71,61,52,51,51,59,67,81,124,131,129,89,75,61,53,45,39,39,41,49,65,71,71,83,99,142,150,150,147,157,168,173,181,189,189,178,178,170,157,129,108,108,124,0,0,0,0,0,0,0,0,0,0,0,0,0,204,194,183,173,152,121,90,33,26,27,19,7,5,21,55,116,144,157,150,144,142,152,152,152,160,168,165,144,71,41,35,33,51,89,139,142,101,99,137,103,99,95,97,137,144,150,152,165,156,156,170,181,173,173,191,207,225,233,241,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,235,196,155,142,144,139,126,111,90,59,45,35,29,15,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,12,0,0,77,77,77,69 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,178,165,156,163,168,183,186,170,100,0,0,0,0,0,0,0,0,170,191,194,189,186,189,196,194,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,191,191,189,191,196,196,191,186,181,183,183,173,170,173,178,181,178,168,165,181,189,186,181,176,178,183,191,199,199,186,160,95,119,183,186,183,157,112,113,157,163,163,163,165,165,165,165,165,165,125,123,123,168,170,126,125,127,173,173,176,176,183,189,191,181,125,120,116,115,120,129,176,127,72,69,89,89,103,131,189,202,199,183,181,186,191,199,207,194,109,101,131,194,207,209,212,215,222,225,230,235,248,99,0,57,105,123,189,191,129,116,115,123,178,186,183,183,177,173,177,181,135,133,181,189,189,183,183,183,186,191,194,191,186,186,194,196,202,207,209,202,189,187,196,217,228,228,228,230,225,224,228,228,225,230,235,233,115,119,228,222,196,185,189,202,209,209,207,204,207,212,217,222,217,217,225,225,235,228,225,115,105,119,139,191,191,191,196,199,202,202,199,199,199,202,202,202,199,196,202,209,212,215,215,217,215,212,215,212,202,189,187,192,195,207,222,233,217,207,212,233,238,238,230,207,199,202,209,209,209,207,207,207,207,209,217,230,235,233,228,222,212,207,209,217,225,225,230,233,228,215,204,202,202,199,202,207,215,217,215,212,212,212,209,204,202,202,202,199,194,190,191,196,199,202,202,202,198,196,199,207,209,209,212,215,217,217,212,207,202,199,196,202,202,199,194,196,202,204,204,202,202,204,209,215,222,225,225,220,215,215,215,215,215,215,209,207,199,192,189,191,199,207,202,204,212,222,228,230,233,235,238,238,235,233,233,235,233,230,228,225,225,228,228,217,202,202,228,233,233,230,233,230,222,212,222,228,235,238,235,228,225,225,230,230,233,238,230,194,141,194,204,207,215,228,233,238,238,235,230,224,222,225,233,235,233,228,228,230,235,235,233,233,233,235,235,235,235,235,235,238,238,238,238,238,235,235,235,235,238,241,238,235,233,235,233,228,225,217,215,217,228,233,235,233,233,235,233,228,228,230,228,217,212,212,217,228,233,233,233,233,230,228,220,220,222,228,225,222,217,215,212,209,209,215,225,233,233,228,226,228,225,215,211,215,217,217,222,222,222,225,228,230,230,228,225,222,222,222,228,230,230,228,217,205,200,203,220,222,230,67,127,137,196,220,230,225,220,225,222,217,212,207,207,207,207,204,203,203,204,209,212,212,212,212,212,212,212,217,222,225,222,217,217,222,222,222,228,235,230,196,145,204,209,212,217,209,199,207,222,228,230,233,238,238,230,217,216,222,225,225,217,212,209,209,208,217,230,235,235,233,225,222,222,222,225,235,238,235,235,235,235,238,235,233,222,217,222,228,230,230,233,233,230,230,222,215,215,222,225,225,225,228,228,230,233,233,228,228,230,233,233,228,225,228,230,228,222,217,215,215,215,209,208,212,217,222,215,209,207,212,228,235,230,222,215,215,222,222,217,209,209,217,228,225,222,225,228,228,225,217,222,230,230,230,228,228,228,228,228,226,228,230,230,228,225,228,233,233,230,228,225,225,228,233,233,233,228,228,228,230,230,230,230,228,228,228,228,222,215,209,205,204,209,217,215,204,152,148,145,147,217,225,222,212,209,209,217,230,235,230,225,217,217,217,217,225,235,243,246,238,228,181,186,209,222,230,230,215,202,202,202,202,204,209,212,212,215,217,222,222,225,228,230,230,228,228,230,235,238,238,241,238,233,230,228,228,228,228,225,228,230,230,225,222,222,228,228,225,220,212,211,209,212,217,217,215,215,217,222,225,228,230,230,230,229,229,229,230,235,241,241,238,233,230,235,238,241,243,243,241,238,238,235,235,230,228,228,228,225,225,225,228,228,217,213,215,225,225,225,228,228,225,222,217,215,212,215,225,230,233,235,233,217,204,204,215,225,225,228,230,233,235,238,241,241,241,235,233,233,235,235,230,225,222,215,209,151,147,147,148,148,151,207,212,217,217,217,217,222,228,228,228,228,225,222,215,211,212,212,209,207,207,209,215,215,215,212,215,215,209,209,225,228,225,225,225,225,225,225,225,222,222,222,222,222,217,215,211,211,211,215,215,217,215,212,209,209,209,209,209,212,212,215,215,212,212,215,215,217,222,222,217,215,215,215,217,217,217,217,215,215,212,212,215,217,217,217,217,217,217,217,220,222,222,220,217,212,212,212,212,215,215,215,215,215,215,217,217,217,217,217,215,212,209,209,212,215,215,212,209,212,212,212,212,212,215,215,215,215,212,212,212,212,215,217,217,222,217,215,209,209,208,209,212,215,217,217,217,217,217,212,212,212,209,205,205,207,212,215,215,215,215,215,215,217,217,217,217,217,217,217,217,222,222,225,225,228,228,228,230,230,230,230,230,230,228,228,230,233,233,233,230,230,230,228,228,228,228,228,225,222,215,212,209,209,215,222,225,230,228,225,222,218,218,222,222,222,222,222,222,222,217,217,217,217,217,217,215,215,212,209,209,207,199,194,196,199,196,189,139,137,141,194,199,202,204,207,204,204,204,202,196,191,186,186,189,186,141,186,141,139,139,139,138,137,139,189,194,202,209,212,211,212,212,217,225,235,243,246,248,251,254,251,248,246,243,0,0,0,243,241,238,233,228,220,215,39,37,37,37,37,37,29,37,43,51,57,57,57,57,55,61,83,147,189,222,246,254,254,254,254,255,255,255,255,255,255,255,255,255,255,255,246,212,196,189,137,137,131,121,115,121,178,196,209,222,235,220,196,170,155,137,71,37,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,170,170,196,212,204,194,0,0,0,0,0,255,207,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,79,82,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,61,43,12,0,0,0,0,0,0,0,0,0,255,255,255,255,204,146,140,165,160,0,98,0,0,0,0,0,225,0,0,0,0,0,0,0,0,0,0,225,152,0,0,0,0,0,0,0,0,255,241,222,176,147,142,157,0,0,168,155,137,105,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,82,126,152,147,131,108,79,39,39,111,98,12,12,29,43,43,31,23,20,23,41,67,131,150,157,168,168,152,121,73,75,65,53,41,23,0,0,0,0,0,0,0,0,0,0,0,0,152,233,255,255,255,255,254,254,255,255,251,238,230,238,255,255,243,233,243,222,160,165,255,255,202,127,199,241,241,222,215,251,255,255,255,255,255,238,163,61,41,53,11,0,0,0,0,0,0,0,0,0,113,131,170,178,163,139,129,139,150,150,165,173,176,181,173,155,129,81,75,69,69,49,0,0,0,31,83,150,163,168,150,99,89,91,99,109,168,194,204,204,207,228,238,228,194,152,82,82,129,155,173,178,139,5,0,0,7,7,0,9,1,0,0,0,1,11,23,67,134,111,53,0,0,0,43,89,155,176,183,194,191,194,199,157,65,49,25,22,33,69,75,89,152,147,89,87,107,168,181,168,144,91,82,83,97,150,168,178,183,181,160,111,110,111,152,111,111,150,168,173,173,183,178,160,150,160,173,173,165,144,103,101,101,99,99,99,81,67,57,63,71,73,67,55,63,97,137,89,95,160,168,157,147,142,129,71,60,57,67,73,65,51,48,53,67,83,89,124,126,95,93,85,73,61,55,47,45,49,65,79,85,91,97,142,150,160,170,170,176,176,176,176,181,181,178,170,168,144,118,104,116,142,0,0,0,0,0,0,0,0,0,0,0,0,0,194,178,176,163,144,111,74,41,39,31,15,1,0,5,27,67,126,142,137,137,142,152,139,134,150,168,173,142,65,37,19,12,15,53,95,142,99,97,139,139,103,97,95,95,99,150,165,165,157,157,163,163,157,160,178,199,212,222,230,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,248,207,170,139,139,131,111,90,63,61,45,39,35,21,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,3,25,0,0,69,69,69 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,168,160,168,183,191,189,155,0,0,0,0,0,0,0,0,0,0,168,181,178,176,173,176,160,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,189,194,191,186,186,186,189,191,186,181,181,183,178,170,173,181,186,183,173,173,178,186,186,181,178,181,186,191,199,202,194,181,111,176,189,186,178,160,115,155,163,165,163,163,161,163,165,173,170,117,113,119,125,165,165,125,127,173,178,176,173,173,181,191,196,194,183,181,181,125,119,119,123,121,103,103,105,107,121,181,186,191,191,186,183,183,183,194,209,204,109,99,133,196,207,207,207,212,222,225,230,241,255,127,0,67,129,189,212,222,217,194,135,178,186,186,186,183,177,176,181,183,133,130,133,181,181,137,137,135,137,181,137,137,135,137,189,194,199,209,217,212,191,189,202,217,225,222,225,228,225,228,233,233,225,225,230,202,105,110,202,204,194,186,194,209,212,204,200,204,204,200,209,225,222,217,225,233,235,225,194,105,107,133,189,191,194,196,199,202,202,202,199,199,199,199,196,196,194,194,199,207,212,222,225,230,228,225,228,228,215,195,192,192,194,202,217,233,204,120,194,222,233,230,225,209,200,204,209,212,209,209,209,212,212,215,215,225,233,235,235,230,220,209,208,212,215,220,228,228,220,204,199,199,199,199,202,207,209,209,204,202,202,202,202,204,204,204,204,204,202,202,202,204,204,202,202,199,198,198,199,202,204,207,212,217,222,220,215,209,204,202,202,204,207,204,202,204,207,207,204,202,202,204,212,222,228,230,225,215,212,212,212,212,212,209,207,204,202,202,202,204,204,199,195,198,209,222,230,235,238,238,235,235,235,233,235,235,233,228,224,224,225,228,228,217,207,209,228,238,241,238,238,233,222,212,212,228,241,241,228,215,215,222,230,230,233,235,230,189,131,137,202,204,202,215,233,238,238,233,228,225,225,230,235,235,233,228,228,233,235,235,233,231,233,233,235,235,238,238,238,238,238,238,235,235,233,233,233,233,233,235,233,230,230,230,233,230,228,222,215,216,222,230,230,230,230,230,230,228,228,230,225,204,141,140,155,217,230,233,235,233,230,228,222,220,222,228,228,225,222,217,215,212,209,212,222,230,233,230,228,228,222,212,211,212,215,215,222,222,222,225,228,230,233,230,228,228,228,230,230,233,235,235,230,222,212,207,217,233,246,34,43,91,145,222,233,230,228,225,217,212,207,204,207,212,212,209,204,204,209,217,217,215,215,215,208,208,209,215,225,228,228,225,228,228,228,225,228,228,212,136,138,207,222,228,230,212,196,202,215,228,233,235,235,235,228,217,217,222,225,222,215,212,212,217,222,230,235,241,238,233,228,222,217,217,225,235,241,238,235,234,235,241,238,225,215,215,217,222,228,230,230,228,228,228,222,212,212,215,222,222,225,225,225,228,233,233,228,225,228,228,228,228,225,228,228,228,225,225,222,217,215,208,205,209,222,222,215,207,151,202,215,230,233,225,212,209,213,222,217,212,215,225,230,228,222,225,228,230,233,230,230,233,233,228,225,225,225,228,230,230,230,230,228,225,225,228,230,228,228,225,225,224,225,228,230,233,228,228,228,230,230,230,228,222,222,222,222,217,215,212,212,215,230,233,222,204,152,151,153,215,230,230,228,217,212,212,217,230,235,230,225,222,225,225,225,228,238,246,246,230,217,200,202,215,225,233,230,212,202,202,202,200,202,207,212,222,225,225,225,225,228,230,230,230,230,230,233,233,238,241,241,238,233,228,225,225,225,222,222,225,230,230,228,225,225,225,228,225,217,212,211,209,211,215,215,215,217,222,225,222,225,228,230,230,230,229,230,233,235,238,235,228,220,222,228,233,238,243,243,243,238,235,235,233,228,225,225,225,225,225,225,222,217,212,212,215,225,225,225,228,225,225,222,217,217,217,222,228,230,230,228,225,217,209,212,225,228,228,228,233,233,233,235,235,238,238,235,230,230,235,235,230,228,222,217,209,151,147,147,149,151,202,207,215,220,222,222,217,222,225,228,225,225,225,217,212,211,212,212,212,209,209,215,217,217,215,212,212,209,151,199,222,225,225,222,222,222,222,222,222,222,220,220,222,222,222,217,215,212,212,215,215,215,212,209,209,212,212,212,212,215,215,215,215,212,215,215,217,217,222,222,222,217,217,217,217,217,217,217,215,215,215,217,217,217,217,217,217,217,217,220,222,222,220,217,215,212,212,212,212,215,215,212,212,215,217,217,217,217,217,217,215,212,209,208,209,215,217,212,209,209,209,212,212,215,215,215,215,215,212,212,212,212,215,215,217,217,215,212,209,209,209,209,212,215,215,215,217,217,217,215,212,212,209,205,205,209,215,217,217,215,215,215,215,217,217,217,217,217,217,217,220,222,225,225,225,228,228,228,230,230,230,230,230,233,233,230,230,233,233,233,230,230,230,230,228,228,228,228,225,217,215,209,209,209,212,217,225,230,230,228,225,222,222,225,225,225,222,222,220,217,217,217,217,220,222,220,217,217,215,212,209,207,202,196,196,196,191,141,137,136,141,194,199,199,204,207,207,207,204,202,199,194,191,194,194,191,186,141,139,138,139,141,138,137,139,189,194,202,209,212,211,212,217,225,233,243,248,248,248,251,251,251,251,248,246,0,0,0,0,243,241,235,230,222,217,45,45,49,51,51,45,39,39,49,55,63,71,71,65,63,65,77,139,183,222,251,254,254,248,254,255,255,255,255,255,255,255,255,255,255,255,254,222,204,196,183,178,131,121,115,115,170,186,204,212,212,186,157,95,81,71,51,21,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,170,186,196,196,0,0,0,0,0,0,238,181,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,0,0,0,0,0,0,0,0,0,0,59,59,40,9,0,0,0,0,1,0,0,0,0,255,255,255,243,186,146,140,150,152,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,228,160,0,0,0,0,0,0,0,0,255,255,241,191,157,165,183,178,163,170,189,181,155,56,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,61,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,56,118,147,147,131,95,43,20,14,43,131,61,23,23,29,37,31,23,24,33,53,85,142,150,155,168,176,170,144,126,83,75,65,55,33,0,0,0,0,0,0,0,0,0,0,0,0,29,173,225,246,254,248,246,246,241,235,228,230,230,220,202,212,222,238,248,202,147,144,233,255,228,181,113,163,222,238,255,255,255,255,255,255,255,255,255,59,0,0,0,0,0,0,0,0,0,0,0,0,0,108,160,165,155,139,127,142,160,165,173,181,181,176,163,139,75,67,75,67,61,63,1,0,5,51,99,157,157,150,107,89,83,83,89,109,168,194,196,196,204,215,228,204,170,137,92,134,144,134,118,121,57,0,0,0,0,0,0,0,0,1,7,11,17,13,10,35,79,61,11,0,0,0,49,137,163,176,186,191,186,181,186,160,83,65,31,21,31,65,75,85,139,139,91,87,99,163,178,168,155,107,97,99,152,168,173,178,183,183,176,160,152,111,111,147,147,155,173,173,176,178,178,155,144,150,157,165,155,97,75,53,49,53,59,51,41,37,40,49,73,79,71,55,65,129,137,79,89,160,165,157,139,91,83,69,63,62,71,87,79,59,53,63,83,129,131,131,126,95,95,93,87,75,59,53,53,61,79,93,99,103,103,144,150,170,176,178,183,183,176,173,173,178,178,170,160,137,116,111,131,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,173,163,144,111,85,66,45,29,7,0,0,0,5,35,103,126,126,126,142,139,126,83,129,157,170,150,121,55,21,3,5,29,87,101,95,97,139,147,147,101,89,84,93,150,176,168,160,155,160,150,142,142,163,189,199,207,222,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,228,178,147,131,118,90,57,63,79,53,41,27,13,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,4,17,35,0,0,0,66 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,173,178,196,199,189,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,189,196,189,186,185,185,186,186,181,179,181,183,181,170,170,181,189,181,173,172,176,181,183,181,178,181,186,191,202,202,196,183,163,178,183,168,155,150,152,160,165,165,163,161,161,163,170,183,186,108,100,115,165,165,125,165,173,181,181,178,176,176,178,191,199,199,196,196,194,176,123,119,121,121,115,115,117,123,178,186,183,178,181,183,183,183,183,191,202,194,116,107,183,202,207,207,207,215,225,228,225,235,255,178,2,63,194,207,222,230,230,222,212,209,204,196,191,189,183,186,196,191,133,129,130,133,131,130,131,129,129,131,131,133,133,137,186,189,189,199,228,228,209,196,199,207,209,215,217,225,228,230,235,233,225,225,222,123,99,107,133,186,191,194,196,202,207,202,202,209,209,198,207,217,222,225,230,235,217,212,101,102,111,186,196,196,196,199,202,202,204,202,199,198,199,202,196,192,191,192,199,207,215,225,230,235,235,233,235,235,230,217,212,204,199,196,202,204,139,96,137,209,222,222,217,212,207,207,207,207,209,209,212,212,215,215,215,222,228,233,238,238,230,217,212,209,209,215,222,217,204,191,191,191,194,196,202,202,202,202,198,196,196,199,202,204,204,204,207,209,209,212,217,220,217,212,207,202,202,202,199,196,196,204,209,215,217,222,222,215,209,207,207,209,212,209,207,204,202,199,199,196,196,202,209,217,228,228,217,207,204,207,212,215,215,212,207,202,202,207,217,222,212,202,196,198,207,222,233,238,238,238,235,233,233,235,238,235,230,225,224,225,228,228,225,212,204,212,228,235,241,241,241,238,230,215,207,215,230,233,212,202,207,217,225,228,230,233,230,196,130,130,207,207,183,195,233,235,235,233,230,230,233,233,235,235,233,233,233,233,233,233,233,233,233,233,235,238,241,241,241,238,235,235,235,233,230,230,230,230,233,235,233,228,228,230,230,230,230,228,217,216,217,225,230,230,230,228,228,230,230,230,225,145,123,123,141,209,230,235,238,235,230,228,225,222,225,228,228,225,222,222,215,212,212,215,225,233,235,233,230,228,222,215,212,212,212,215,215,212,215,225,233,233,233,233,233,230,233,233,235,235,238,238,235,230,230,220,215,228,238,27,34,93,217,230,233,233,230,228,217,207,202,200,204,212,215,209,207,209,220,228,225,222,222,222,212,208,208,209,217,228,233,233,233,230,228,228,225,215,145,128,132,212,233,238,235,215,192,191,204,222,230,235,235,233,228,225,225,225,225,225,222,222,225,228,233,235,238,238,238,230,225,217,215,216,222,230,235,235,235,235,238,243,238,209,204,212,215,215,225,228,228,228,228,228,217,211,209,212,217,222,228,228,228,225,230,233,230,228,225,222,222,217,217,225,228,228,228,228,228,225,217,208,205,212,230,235,225,207,148,149,204,220,230,228,217,212,215,222,222,217,220,228,230,228,228,228,228,230,235,233,230,230,230,228,228,225,225,228,230,230,228,228,225,225,228,230,228,225,224,225,225,225,225,228,233,235,230,228,228,230,230,228,222,218,220,222,222,222,217,215,222,228,235,238,230,215,209,212,222,230,233,235,230,225,215,215,220,228,233,228,222,222,222,222,222,225,228,238,235,215,215,217,217,217,222,230,230,222,212,212,209,204,204,209,217,225,228,228,225,224,225,228,230,230,230,230,228,228,233,235,238,238,235,230,225,222,222,222,222,225,230,230,230,228,225,228,228,225,217,212,212,212,215,217,217,217,222,228,225,222,225,230,233,233,233,233,233,235,235,235,228,216,215,217,222,225,230,238,241,243,241,238,235,230,228,225,224,225,228,228,225,222,217,213,213,222,228,225,225,228,225,222,217,216,217,222,225,230,230,225,220,222,222,222,225,230,228,228,228,233,233,233,230,233,233,233,230,228,230,235,235,230,225,217,215,215,209,207,204,204,202,204,212,217,222,225,225,222,225,225,225,225,222,222,217,215,212,212,215,215,215,215,217,222,217,217,215,209,202,146,149,217,222,222,220,220,220,220,220,222,222,221,220,222,222,225,222,220,217,217,217,215,212,212,209,209,212,212,215,217,222,222,217,215,215,215,217,217,222,222,222,222,217,217,217,220,220,217,217,217,217,217,217,217,217,217,217,217,220,222,222,222,220,217,215,215,212,212,212,212,215,215,212,211,212,215,217,217,217,217,215,212,209,208,208,209,215,217,215,212,209,209,209,212,215,215,217,215,215,212,212,212,212,212,215,215,212,212,212,212,209,209,212,212,209,212,212,217,222,222,217,215,212,209,207,209,212,217,222,217,217,215,215,217,217,217,217,217,217,220,222,222,222,225,225,225,228,228,230,230,233,230,230,233,235,233,233,230,233,233,230,228,230,230,230,230,228,228,228,225,217,212,209,208,209,212,217,225,230,230,228,225,225,225,228,228,225,222,217,215,215,215,217,220,222,222,222,222,217,215,212,209,209,204,199,199,196,189,139,137,136,141,194,196,199,202,207,209,207,204,202,199,199,199,202,199,196,191,186,139,139,186,189,139,138,141,191,199,207,212,215,215,222,228,233,241,246,248,248,246,248,248,251,251,251,248,0,0,0,0,0,243,238,233,228,222,55,55,57,63,65,61,51,45,45,55,61,71,71,71,65,65,71,97,178,222,254,255,254,246,248,255,255,255,255,255,255,255,255,255,255,255,255,246,220,204,189,178,170,121,115,115,157,170,186,196,186,157,97,77,69,57,43,21,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,194,189,0,0,0,0,0,0,199,150,108,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,155,147,0,0,0,0,0,0,0,0,0,56,51,40,7,0,0,0,0,17,0,0,0,0,255,255,255,217,168,150,150,157,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,165,0,0,0,0,0,0,0,0,255,255,251,191,173,176,191,165,144,194,241,235,199,87,17,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,72,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,92,144,155,139,105,49,24,17,26,189,170,53,23,27,37,31,33,33,41,61,121,142,139,142,160,199,209,189,155,137,121,111,73,47,0,0,0,0,15,0,0,0,0,0,0,0,0,47,173,217,228,220,220,228,230,221,222,228,220,196,192,200,233,243,233,186,157,165,255,255,248,189,39,35,107,222,255,255,255,255,255,255,255,255,255,65,0,0,0,0,0,0,0,0,0,0,0,0,0,142,178,178,168,157,142,155,168,176,173,173,163,147,137,81,60,61,85,63,29,35,9,9,39,83,150,152,111,103,91,83,77,83,89,109,163,183,186,186,196,215,215,196,160,142,160,178,157,53,7,25,23,0,0,0,0,0,0,0,37,111,59,53,47,27,23,79,113,25,0,1,7,13,49,134,168,173,176,183,173,165,168,150,89,69,31,20,25,63,81,91,147,147,139,97,139,160,173,165,155,150,150,160,168,173,173,173,173,181,183,176,163,155,155,157,157,168,173,173,173,170,170,160,144,107,147,105,87,61,13,0,0,21,47,43,35,35,42,61,73,73,55,37,53,85,97,79,89,152,165,147,85,69,65,69,67,67,81,124,89,71,65,75,121,134,142,134,131,129,131,129,97,83,69,59,67,79,95,103,142,142,109,144,150,170,176,178,183,181,181,173,170,173,178,176,157,129,118,131,165,191,0,0,0,0,0,0,0,0,0,0,0,0,0,204,186,176,163,144,111,92,74,43,17,0,0,0,0,0,1,43,100,111,124,131,134,81,67,83,155,163,163,150,85,41,4,5,29,75,95,91,91,139,155,152,97,83,77,87,150,173,173,163,152,152,142,124,124,150,178,191,207,215,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,241,196,155,129,111,63,45,55,79,51,33,19,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,17,0,0,0,66 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,165,181,196,202,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,186,194,189,185,186,186,186,186,183,181,186,189,186,173,170,178,183,178,173,172,173,178,183,181,181,183,191,199,207,204,194,181,170,170,168,148,144,144,150,163,170,170,168,165,163,165,170,183,191,112,100,163,176,170,165,170,178,181,183,183,183,181,181,189,196,199,199,199,196,183,170,123,125,123,117,117,123,170,181,183,181,177,177,178,178,183,189,191,186,133,123,125,189,202,209,209,212,217,225,228,225,228,238,133,9,61,204,212,217,225,228,225,222,225,217,207,196,189,186,199,209,199,133,129,130,133,131,130,131,127,126,127,133,137,135,137,186,183,178,179,225,230,217,202,194,187,189,199,209,217,225,230,228,220,217,222,189,111,105,113,129,183,199,202,194,130,181,212,217,217,217,212,212,212,215,225,228,222,163,194,103,106,123,189,196,199,199,196,199,202,202,199,198,198,199,202,202,194,191,196,207,209,215,228,230,235,238,235,235,235,235,230,222,222,225,194,136,136,143,124,141,207,215,212,209,215,215,209,207,207,207,207,209,209,212,215,217,222,225,228,230,235,235,233,228,220,217,222,228,217,202,191,189,190,192,196,199,202,204,202,198,198,198,202,207,207,202,199,204,209,215,222,228,230,230,222,212,209,204,199,191,191,196,202,204,209,212,217,222,222,215,212,212,215,217,215,209,202,194,189,191,191,194,199,207,215,222,217,209,199,196,199,209,215,217,215,209,202,200,204,217,222,215,207,204,204,209,217,230,238,238,238,233,231,233,241,243,235,230,228,228,230,230,228,222,207,202,209,228,235,238,238,238,238,235,225,199,191,135,109,101,113,186,212,222,230,228,228,222,191,131,133,217,222,168,182,233,233,235,238,238,235,233,230,230,230,230,233,233,233,233,233,233,235,235,235,241,243,241,238,235,233,233,233,233,233,230,229,229,233,238,241,238,230,228,228,230,230,230,228,222,216,217,225,233,235,233,228,228,233,233,233,228,143,120,121,141,209,233,238,238,235,233,230,228,225,225,228,228,225,225,222,217,212,212,215,225,233,235,233,228,222,222,220,215,212,212,215,212,209,212,228,233,233,233,235,233,233,233,235,235,235,238,238,235,230,235,230,215,87,77,35,72,202,233,235,235,235,233,230,222,209,200,199,202,212,212,207,204,207,217,228,230,228,225,225,217,212,208,208,212,222,230,233,233,230,228,228,225,217,196,131,133,217,241,243,238,215,191,189,194,212,228,235,235,233,230,228,225,222,222,225,228,228,228,230,230,230,233,235,233,228,217,215,216,217,225,230,235,241,241,238,241,241,228,203,200,207,215,217,225,230,228,228,228,228,222,212,211,212,217,225,233,235,230,228,230,233,233,230,228,222,215,212,212,225,230,233,228,228,230,230,225,209,208,222,241,246,235,215,151,149,151,207,222,228,228,225,225,225,225,217,222,225,225,225,228,230,226,228,233,233,228,228,228,230,230,228,225,222,222,225,222,222,225,225,228,230,228,225,224,225,228,228,230,233,235,238,233,230,228,228,228,225,222,220,220,222,225,225,222,222,225,228,230,235,233,225,225,225,225,228,233,235,233,225,215,212,217,230,230,222,212,215,222,222,217,216,217,228,228,213,222,228,228,217,215,228,230,230,230,228,222,215,215,222,225,230,230,228,224,222,225,228,228,228,228,228,226,228,230,233,233,233,233,230,228,225,222,222,222,225,230,230,230,228,228,230,228,228,222,215,215,217,222,222,217,217,225,228,228,225,228,233,235,235,235,235,233,233,235,230,222,216,216,218,222,222,225,233,238,241,241,238,238,235,230,225,225,225,225,228,225,225,225,222,222,225,228,225,225,228,225,222,217,216,217,222,225,228,228,222,220,222,225,228,228,230,225,225,228,233,235,233,233,230,230,230,228,225,230,235,235,230,222,215,212,215,217,222,217,212,209,209,215,222,225,228,228,225,225,225,228,228,225,222,217,217,215,215,217,217,222,222,225,225,225,222,215,204,149,147,202,215,217,217,217,217,217,217,217,220,222,222,221,222,225,225,225,225,225,222,217,215,212,209,209,209,212,215,217,222,225,222,217,217,217,217,217,217,217,222,222,222,220,217,217,220,220,217,217,217,217,217,217,217,217,217,217,217,217,220,222,222,222,217,217,215,215,215,215,215,215,215,212,211,212,215,215,217,217,215,215,212,212,209,209,212,215,215,215,212,209,209,209,212,215,215,217,215,215,215,212,212,212,212,212,212,212,212,212,212,212,209,209,209,207,209,212,215,222,225,222,217,212,209,209,212,217,222,222,222,217,217,217,217,222,222,222,222,222,222,222,225,225,225,228,228,228,228,230,233,233,233,233,233,233,233,233,233,233,230,228,228,228,230,230,230,228,228,228,225,217,215,209,209,209,212,217,222,228,225,222,222,222,225,228,228,222,217,215,213,213,215,217,222,225,225,225,222,220,217,215,212,209,204,202,199,196,189,139,137,137,143,194,196,196,199,207,209,207,207,204,202,204,204,204,204,202,196,191,141,141,191,194,186,139,189,199,207,212,217,220,222,228,233,241,246,248,248,246,244,244,248,251,254,254,251,0,0,0,0,0,246,241,235,230,225,63,63,65,100,100,98,61,45,44,45,55,63,63,63,63,61,65,89,168,220,255,255,254,246,246,255,255,255,255,255,255,255,255,255,255,255,255,255,238,212,196,189,176,163,115,109,113,157,170,170,157,139,89,77,71,63,51,25,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,103,79,82,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,155,147,0,0,0,0,0,0,0,0,0,51,51,30,1,0,0,0,0,33,0,0,0,0,255,255,255,204,168,160,160,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,160,0,0,0,0,0,0,0,255,255,255,228,189,181,183,176,144,142,228,255,254,222,103,25,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,87,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,111,139,134,105,90,45,27,39,189,183,124,53,41,37,37,39,33,33,47,77,89,87,124,160,215,246,238,191,155,147,139,129,65,5,0,0,0,41,35,0,0,0,0,0,0,0,0,55,142,160,150,168,212,222,222,228,222,199,195,199,233,248,238,202,178,178,241,255,255,248,89,0,0,0,75,199,255,255,255,255,254,233,255,241,116,11,5,0,0,0,0,0,0,0,0,0,0,0,157,194,207,194,183,173,170,176,176,173,165,137,73,77,73,54,60,95,43,0,0,17,41,69,97,150,150,107,103,89,70,67,77,99,150,157,168,176,178,196,215,215,189,160,152,178,194,165,0,0,0,23,35,25,11,3,0,0,131,196,196,168,118,73,73,137,160,65,0,0,47,61,37,43,87,160,173,173,173,165,150,150,150,97,81,49,24,24,55,95,157,165,170,157,142,147,165,168,160,142,142,160,173,181,181,173,168,168,173,176,176,168,163,163,163,163,156,173,168,165,163,170,170,155,99,89,51,23,7,0,0,0,21,59,59,45,47,63,69,61,43,30,26,32,65,75,65,73,134,142,87,65,57,59,69,73,73,85,131,129,89,77,83,91,126,124,91,93,129,137,129,89,83,75,73,87,99,137,144,142,142,109,109,150,170,176,178,183,183,181,170,165,170,178,176,147,129,126,155,191,204,0,0,0,0,0,0,0,0,0,0,0,0,0,204,183,173,152,137,100,74,56,23,5,0,0,0,0,0,0,7,59,100,126,139,131,71,63,81,147,157,163,165,131,55,19,21,49,77,87,86,87,134,155,152,101,84,78,85,147,173,173,163,152,150,134,116,116,142,165,186,196,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,246,196,155,137,116,63,43,43,53,41,27,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,48 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,196,194,189,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,183,186,186,186,186,183,183,183,186,186,189,194,191,183,176,173,176,176,173,173,176,186,189,183,181,186,196,204,207,199,189,176,168,165,160,148,146,147,152,168,178,181,178,170,161,163,165,170,189,178,165,191,189,181,176,178,181,178,181,183,186,183,181,186,194,196,196,199,199,194,181,129,125,123,117,121,129,170,173,178,181,178,178,181,178,183,191,189,178,131,129,133,183,194,202,207,212,217,222,225,225,222,212,178,44,107,212,215,215,222,225,222,225,228,222,207,191,183,183,196,207,194,130,129,181,189,186,181,137,131,125,127,137,183,181,183,189,183,178,177,204,215,207,199,194,186,183,189,204,215,222,228,222,204,125,91,97,113,121,135,183,196,215,212,194,124,131,228,230,228,230,228,217,209,204,209,209,199,157,191,194,111,117,186,194,189,183,186,191,196,199,199,198,196,199,204,204,196,192,199,215,217,217,228,228,233,233,233,233,233,233,228,222,228,238,202,131,131,196,196,199,207,209,202,202,209,215,212,209,207,207,207,207,209,212,215,222,228,228,222,217,225,233,238,238,230,228,235,235,228,215,204,196,194,194,196,202,204,207,207,202,199,199,202,207,207,202,199,202,209,217,222,228,230,230,222,217,215,204,190,187,191,202,204,202,202,204,209,215,217,217,215,217,217,217,215,207,194,137,135,139,189,191,199,204,209,209,207,202,196,192,194,204,212,212,209,207,204,202,207,212,215,212,207,209,209,209,212,225,233,235,235,235,233,235,243,243,235,230,228,230,230,230,230,222,204,189,196,222,233,235,235,235,238,233,222,189,135,99,30,21,28,75,199,222,228,217,202,141,123,125,143,225,228,165,176,225,228,235,238,238,235,230,229,230,230,230,230,233,233,230,230,233,235,238,241,243,241,238,233,230,230,230,233,235,235,233,230,233,233,235,238,233,228,225,228,230,230,230,228,220,216,217,228,235,238,233,228,228,235,235,235,238,212,132,134,155,222,235,238,238,238,235,233,230,228,228,230,230,228,228,225,215,209,207,209,217,228,230,222,212,212,217,222,215,209,207,209,209,209,215,228,230,230,230,233,235,235,235,235,235,238,238,238,235,233,235,235,225,64,55,61,145,217,228,235,238,238,238,233,225,212,202,200,204,212,212,204,200,200,209,225,233,230,228,225,217,215,212,212,212,217,225,230,230,230,228,228,230,230,217,144,143,215,238,241,235,217,199,191,194,209,228,233,233,233,230,225,217,209,212,217,225,225,222,222,225,228,233,235,235,225,216,216,225,230,233,230,235,241,243,241,241,235,222,205,203,209,217,228,233,233,230,228,228,230,225,217,215,217,225,230,235,241,235,230,230,235,238,238,233,222,209,207,209,225,235,233,225,222,228,235,230,212,208,225,246,251,241,222,207,151,150,153,212,228,233,235,233,230,225,217,217,216,215,215,225,228,226,226,230,233,228,228,228,228,228,222,212,209,209,212,215,222,228,228,228,228,228,225,225,228,228,230,235,238,238,238,235,233,228,225,225,225,222,222,222,225,228,228,225,225,228,228,228,230,230,228,228,228,225,225,230,235,233,222,211,208,215,228,230,217,208,212,222,225,217,215,217,225,230,228,230,233,228,215,209,222,230,233,235,230,222,222,225,228,228,230,228,225,224,224,228,230,228,228,228,228,228,230,233,230,228,228,228,230,228,228,222,222,222,225,230,233,230,230,230,230,230,230,225,217,215,222,228,222,216,216,222,228,228,230,233,235,235,238,235,233,230,230,230,228,222,218,222,228,228,225,228,230,235,235,235,235,235,235,230,228,228,225,224,225,228,230,228,225,222,225,225,222,222,225,225,225,222,222,222,225,228,228,228,228,228,228,228,225,222,222,222,225,230,235,235,235,233,230,228,225,222,222,228,233,233,230,225,215,211,211,215,222,217,212,212,212,217,225,228,228,230,228,228,228,230,230,228,217,212,212,215,215,215,222,225,225,228,230,230,225,212,149,146,199,212,215,215,215,215,215,217,217,217,222,222,222,222,222,225,228,228,228,228,225,217,215,212,209,209,212,212,215,217,222,225,225,222,217,217,217,215,215,217,217,222,222,222,220,220,220,220,220,220,220,220,220,220,220,220,220,220,217,217,217,217,222,222,222,220,217,217,217,215,217,217,217,215,212,212,215,215,217,217,215,215,215,215,212,212,212,212,215,215,212,209,209,212,212,212,215,215,215,215,212,212,212,212,212,212,212,215,215,215,212,212,209,207,207,207,207,209,215,222,225,222,217,212,209,209,215,222,225,225,222,222,222,222,222,222,222,225,225,225,225,225,225,225,228,228,228,228,230,230,233,233,233,233,233,233,233,233,233,233,230,228,226,228,230,230,230,228,228,228,225,222,217,212,209,209,212,217,222,225,222,217,217,222,228,228,225,217,215,213,213,213,215,220,222,225,225,225,225,222,217,215,212,209,207,204,202,196,189,139,138,138,143,191,194,194,199,202,204,204,204,204,204,207,207,207,207,204,202,194,186,186,194,196,186,141,194,207,215,222,225,225,228,233,238,243,246,248,246,244,244,244,246,251,254,0,0,0,0,0,0,0,248,243,238,233,228,63,63,65,100,116,108,69,49,44,45,53,59,63,63,59,57,65,83,150,204,0,0,255,246,241,248,255,255,255,255,255,255,255,255,255,255,255,255,254,238,212,196,181,170,115,109,107,107,150,150,139,97,89,83,77,71,51,27,13,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,108,74,56,59,79,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,170,155,0,0,0,0,0,0,0,51,0,51,51,30,0,0,0,0,0,33,0,0,0,0,255,255,255,233,186,178,173,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,168,0,0,0,0,0,255,255,255,255,191,181,212,207,168,129,142,196,228,225,209,103,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,66,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,113,113,87,79,57,49,49,113,129,144,137,63,37,29,25,7,0,15,43,63,87,142,178,235,255,255,222,173,157,160,147,75,7,0,0,0,41,35,0,0,0,0,0,0,0,0,0,23,45,45,69,168,215,220,215,212,202,212,230,251,255,238,199,179,199,255,255,255,241,39,0,0,0,0,11,168,251,255,255,204,155,168,191,150,81,126,147,69,5,0,0,0,0,0,0,0,0,61,189,228,228,207,191,173,181,181,173,157,81,35,63,69,57,60,87,41,0,2,41,67,83,97,103,107,109,107,89,67,62,71,107,160,157,157,165,176,194,215,212,186,160,152,160,181,165,3,0,0,41,73,59,15,3,0,5,131,178,189,181,163,144,134,121,47,0,0,11,150,144,41,27,61,134,173,176,173,157,139,134,150,157,139,87,43,25,51,147,178,178,176,165,157,157,173,168,144,89,89,150,173,181,186,178,168,165,170,173,176,163,144,144,155,163,168,176,173,165,163,170,170,107,71,21,9,5,3,0,0,0,37,77,77,67,63,65,59,41,30,27,26,31,49,55,39,39,61,67,55,41,49,65,83,89,89,126,142,147,121,71,63,63,61,45,49,63,87,129,97,83,75,81,93,134,144,147,142,106,105,106,109,150,170,176,178,183,183,183,170,163,163,170,168,144,137,142,173,199,215,0,0,0,0,0,0,0,0,0,0,0,0,0,194,181,160,137,100,74,51,15,1,0,0,0,0,0,0,0,0,23,63,124,142,131,69,63,105,147,155,157,157,129,61,51,63,77,91,91,87,93,144,152,152,137,89,83,87,142,163,170,163,152,150,134,111,113,131,157,176,196,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,246,202,176,155,131,105,79,53,41,33,19,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,155,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,176,189,183,191,191,183,178,178,181,183,183,189,191,191,189,181,170,165,165,168,173,191,202,199,189,178,178,186,194,191,181,173,165,165,165,163,160,157,160,163,173,183,186,178,168,163,165,163,163,178,183,186,196,196,189,183,181,178,176,176,181,181,178,178,186,194,199,199,202,204,204,199,176,127,121,119,123,129,129,127,129,176,178,181,186,183,181,183,183,178,173,176,176,178,183,191,199,209,215,215,215,215,207,199,183,127,191,212,212,212,217,225,225,228,230,225,207,186,181,181,189,194,178,127,127,191,199,196,191,183,131,125,126,135,186,191,194,196,191,182,182,194,199,196,199,207,202,189,191,204,212,222,228,225,204,81,27,54,121,181,191,196,207,225,222,202,132,135,215,230,233,235,230,225,212,196,186,186,189,186,207,220,99,94,133,186,178,174,179,186,194,199,199,198,198,199,204,207,199,194,199,212,217,222,228,230,230,233,233,230,230,230,228,225,230,238,217,136,135,147,202,207,207,202,196,196,207,215,212,209,207,207,207,209,209,212,217,228,230,228,212,207,209,225,233,233,222,215,228,230,228,222,215,204,199,196,196,199,202,207,209,207,202,198,198,202,207,204,199,199,209,217,217,217,222,222,217,215,215,204,187,187,199,209,207,202,199,196,202,207,212,212,212,215,212,207,202,194,137,132,131,135,141,191,196,202,204,202,199,199,194,192,192,199,204,204,203,204,207,209,215,215,215,212,209,209,209,208,209,215,225,230,235,235,235,238,243,243,238,230,228,230,233,233,233,228,202,129,123,194,215,228,233,235,233,230,215,191,133,51,20,20,30,67,125,204,204,137,107,89,89,111,207,215,209,172,177,196,215,230,235,233,230,229,230,233,230,228,228,230,230,230,230,230,233,238,241,241,238,233,229,229,230,233,235,238,238,238,238,235,233,230,228,225,222,222,228,230,228,228,225,217,216,217,225,233,235,230,225,228,235,235,235,241,233,212,209,217,230,235,235,238,238,238,233,230,230,230,233,233,228,225,222,212,207,205,207,209,215,212,204,151,202,212,215,212,202,147,147,202,212,222,225,225,225,228,230,235,238,238,238,238,238,238,238,235,238,238,238,238,97,66,121,215,225,228,233,241,243,241,235,228,215,209,207,209,212,212,204,200,202,212,228,233,228,222,217,215,217,222,222,222,220,220,225,230,230,230,230,230,233,233,215,202,209,225,230,225,215,207,202,202,215,228,230,230,228,225,217,209,205,205,215,220,217,215,215,222,228,233,238,235,225,217,225,233,238,233,222,222,233,235,233,233,230,225,217,215,215,222,233,238,238,230,225,225,225,222,217,217,225,230,233,238,238,235,233,233,235,238,241,238,225,208,205,209,225,233,233,222,215,225,233,228,209,207,217,241,246,238,222,209,153,151,202,212,230,243,248,243,235,228,222,217,216,215,216,228,233,228,226,230,233,230,228,228,225,217,209,207,207,208,209,217,228,230,230,228,228,228,225,228,228,228,230,235,238,238,238,235,230,225,224,224,225,225,225,225,225,228,230,230,230,228,228,230,233,230,225,228,228,228,228,228,233,230,217,209,208,212,225,225,209,207,209,222,225,222,217,222,225,233,235,233,230,225,205,200,209,225,230,233,222,209,217,225,228,228,225,225,224,224,225,230,233,230,230,230,230,233,235,235,233,225,224,225,228,225,225,222,220,220,225,230,233,233,230,230,228,230,230,228,217,217,222,228,222,216,216,217,225,228,233,235,235,235,235,235,233,230,228,228,230,228,228,233,235,235,233,233,235,235,233,233,230,233,233,230,230,228,225,224,225,228,230,225,217,215,215,215,217,215,217,225,225,228,228,228,228,230,230,233,233,233,230,225,215,212,212,217,228,233,233,235,235,233,228,222,215,212,212,220,228,228,225,222,217,211,211,215,222,217,212,212,215,220,225,228,230,230,230,228,228,230,230,225,212,207,207,212,212,212,220,225,225,228,230,228,217,204,147,147,207,215,212,212,215,215,215,217,217,220,222,222,222,222,225,225,228,225,225,225,222,217,215,212,212,212,215,215,215,217,222,225,225,222,217,217,217,215,212,212,215,217,222,222,222,220,217,217,220,222,222,222,222,220,220,220,220,220,217,217,217,217,220,222,222,222,220,217,217,217,217,220,220,217,215,215,215,217,217,217,217,215,215,215,215,212,212,212,212,215,215,212,212,212,212,212,212,215,212,212,212,212,215,215,215,212,212,215,215,215,212,209,209,207,207,207,209,212,215,222,222,222,215,209,207,209,215,222,225,225,222,222,222,222,225,225,225,225,228,228,228,228,228,228,228,228,228,230,230,233,233,235,233,233,233,230,230,230,233,233,230,228,226,228,230,230,230,228,228,228,228,225,222,215,212,209,212,215,217,222,217,217,217,225,228,225,222,217,215,215,215,217,222,225,225,228,228,228,225,225,222,217,215,212,209,207,204,199,191,143,141,141,143,189,191,194,196,196,194,196,202,204,207,207,207,204,204,204,202,196,189,189,196,194,139,139,196,212,222,225,228,228,230,235,241,243,246,246,246,246,246,246,246,0,0,0,0,0,0,0,0,0,248,243,238,233,228,63,55,0,108,126,126,100,55,45,49,55,61,63,63,59,55,57,71,99,183,0,0,255,246,235,241,255,255,255,255,255,255,255,255,255,255,255,255,255,254,235,204,189,178,168,150,99,97,97,97,97,126,126,118,83,71,51,25,13,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,108,100,92,66,38,35,38,56,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,202,181,155,137,0,0,0,0,0,0,0,0,0,59,30,4,0,0,0,0,17,0,0,0,0,255,255,255,255,235,215,183,168,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,176,255,0,0,255,255,255,255,255,255,204,207,238,241,165,129,129,142,152,189,186,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,64,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,85,87,74,90,100,92,53,48,59,170,204,81,31,7,0,0,0,0,15,51,126,176,209,241,255,255,225,173,160,165,147,73,7,0,0,0,17,15,0,0,0,0,0,0,0,0,0,0,0,1,25,69,170,196,189,199,228,233,238,243,243,233,199,183,217,255,255,255,255,196,73,23,0,0,0,59,217,254,246,178,139,142,165,157,126,129,163,155,131,98,21,0,0,0,0,0,0,0,124,222,238,228,189,160,170,178,152,134,69,21,55,75,62,60,75,67,39,75,87,97,87,81,81,91,107,107,89,67,63,83,157,176,165,160,168,178,186,204,202,170,152,142,91,152,160,77,0,0,47,71,15,0,0,0,5,39,103,134,134,160,163,118,21,0,0,21,124,170,137,23,11,23,79,173,186,163,134,75,75,137,165,160,137,63,31,53,168,194,183,178,170,157,157,168,160,97,79,79,99,160,178,186,181,168,163,163,176,176,152,133,133,147,163,173,191,181,155,99,107,91,49,15,5,5,11,17,17,13,13,27,71,83,77,69,63,57,45,43,41,37,47,59,47,30,28,30,35,33,32,47,77,134,137,129,131,139,129,69,47,31,21,11,7,13,37,71,91,93,83,79,87,134,150,155,152,142,106,105,106,109,150,168,176,178,183,183,183,173,163,160,160,157,142,144,170,191,207,215,212,0,0,0,0,0,0,0,0,0,0,0,0,191,173,144,105,66,25,11,0,0,0,0,0,0,0,0,0,0,0,27,100,139,131,71,67,105,134,147,157,152,121,67,69,89,129,134,129,97,137,147,152,150,144,129,87,87,131,155,163,152,152,142,129,111,108,121,139,157,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,243,209,183,176,152,131,105,85,53,33,19,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,178,196,191,191,189,178,173,173,178,181,183,186,191,189,186,183,176,163,155,157,170,199,209,204,189,170,163,163,163,152,152,157,157,165,165,168,170,170,170,173,178,183,183,173,165,163,165,163,163,168,173,183,194,199,194,189,181,178,173,173,173,173,170,176,186,199,204,207,207,207,209,207,178,123,117,117,125,129,129,127,127,170,176,181,191,191,178,178,181,178,178,181,178,176,176,178,189,199,204,204,202,196,194,186,181,186,196,204,207,209,217,222,217,222,228,225,212,189,183,182,183,183,131,126,126,181,194,196,191,183,129,124,124,131,191,204,207,204,191,183,186,191,194,199,209,222,212,199,199,209,217,225,228,228,225,101,34,46,131,189,194,196,202,215,217,207,183,133,189,222,233,233,228,225,212,191,178,178,186,207,215,215,95,90,129,194,186,179,182,186,191,199,202,202,199,202,204,209,204,194,194,199,207,217,228,230,230,230,233,233,233,230,228,228,230,233,228,204,147,194,202,207,199,196,194,194,204,215,212,207,207,207,207,207,209,212,217,225,228,222,207,202,207,215,222,212,143,135,194,207,209,209,209,204,199,196,194,196,199,202,207,207,202,196,196,202,204,204,199,196,209,217,215,209,209,212,212,212,209,204,194,194,207,215,212,207,199,195,195,199,204,207,204,202,194,186,183,139,135,133,134,139,186,191,199,202,204,202,196,196,196,194,194,196,204,204,203,203,204,212,222,222,222,217,215,212,209,209,209,212,215,225,230,235,241,243,243,241,238,230,228,230,233,235,235,228,199,127,117,117,131,194,209,217,217,212,202,181,111,36,25,59,117,123,131,137,127,105,87,75,73,93,207,209,199,186,185,194,215,233,233,229,229,230,233,233,230,228,228,228,230,230,229,229,229,233,238,238,235,230,230,230,233,235,238,238,238,238,235,233,230,228,225,220,218,222,228,230,228,222,217,217,217,217,222,225,228,225,222,225,228,228,230,233,235,230,228,228,230,233,233,235,235,235,230,230,230,233,233,230,225,217,215,209,209,207,207,207,207,199,149,148,151,207,209,207,149,133,125,145,212,225,222,220,225,230,235,238,238,238,238,238,238,238,238,235,241,241,243,243,222,141,207,225,230,230,233,243,243,238,233,228,222,220,215,215,215,209,204,202,207,222,233,235,230,222,217,222,225,228,228,225,222,220,222,225,225,225,225,225,230,233,228,215,207,207,212,209,204,204,204,204,212,222,225,225,222,217,212,207,205,205,212,215,212,212,215,217,222,228,233,225,209,209,225,238,238,225,204,202,222,230,230,230,228,228,225,220,217,225,235,238,235,225,215,215,217,217,215,222,228,233,233,233,233,233,233,233,233,233,238,238,230,212,207,215,225,228,228,217,215,222,233,228,209,207,215,233,238,230,217,207,202,202,207,217,230,243,248,243,235,228,225,222,222,222,225,233,238,233,228,230,230,228,228,230,225,215,209,209,209,215,217,222,228,230,230,230,230,228,225,225,228,228,230,233,235,235,233,233,230,225,225,225,228,228,228,225,225,228,230,235,235,230,225,228,230,228,222,225,230,230,228,225,225,225,217,212,212,215,222,217,212,209,215,222,222,222,225,225,225,230,230,230,228,217,200,196,207,222,228,225,202,143,207,222,228,228,228,225,225,228,228,230,230,230,230,230,233,233,235,235,230,225,224,225,225,225,222,221,220,221,225,230,233,230,228,222,222,225,230,228,217,217,222,225,217,216,216,217,222,228,233,235,235,233,233,233,233,230,228,228,230,230,230,235,238,241,238,235,235,235,233,230,230,229,230,228,228,228,228,228,228,228,222,215,207,204,207,212,212,209,207,215,222,225,228,230,230,230,230,233,233,233,228,222,212,209,209,215,225,230,230,233,233,233,228,220,212,208,208,215,222,217,217,215,215,212,212,217,225,222,215,215,217,220,222,225,228,230,230,230,228,228,228,222,212,207,208,212,209,209,217,222,222,225,225,215,149,145,147,151,207,215,215,212,215,215,217,217,220,222,222,222,222,222,225,225,225,222,217,217,217,217,215,215,215,215,217,215,215,215,217,220,222,217,217,217,215,212,209,209,212,215,217,222,222,220,217,217,220,222,222,222,222,222,222,222,222,222,220,217,217,217,220,220,220,217,217,217,215,215,217,220,222,217,215,215,217,217,220,220,217,217,215,215,215,212,212,212,212,215,217,215,215,212,212,212,212,212,212,211,211,212,215,215,215,215,215,215,215,212,209,209,209,209,209,209,209,212,217,222,222,217,212,207,205,209,217,222,225,225,222,222,222,225,225,225,225,228,228,228,230,230,230,228,228,228,228,230,230,233,235,235,235,233,230,230,228,230,233,233,230,228,226,228,230,230,230,228,228,228,228,228,225,217,212,209,209,209,212,215,215,215,217,225,225,217,215,212,212,215,217,222,225,225,228,228,228,228,228,225,222,217,215,212,209,209,207,202,194,189,143,143,141,186,189,194,196,191,186,187,194,202,207,207,204,204,204,202,202,196,191,189,194,189,131,137,196,212,222,225,228,228,230,233,238,241,241,241,241,243,246,246,248,0,0,0,0,0,0,0,0,0,0,243,241,233,228,59,55,0,0,147,147,113,65,49,49,55,57,59,57,53,51,51,57,79,157,0,0,0,238,222,225,241,255,255,255,255,255,255,255,255,255,255,255,254,254,243,220,196,186,176,157,99,91,97,97,126,126,139,126,113,71,51,27,13,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,90,48,38,48,38,20,20,38,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,212,209,191,173,144,129,0,0,0,0,0,61,61,0,0,64,40,7,0,0,0,1,17,0,0,0,0,0,255,255,255,255,241,202,181,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,194,255,255,255,255,255,255,255,255,255,255,255,255,238,157,139,124,95,118,178,168,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,40,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,49,74,116,126,118,98,59,100,212,241,63,5,0,0,0,0,0,0,27,124,199,217,241,248,248,207,163,150,155,131,57,23,5,7,7,5,0,0,0,0,0,0,0,0,0,0,0,0,0,1,31,93,170,181,212,238,248,243,233,222,189,168,173,233,255,255,255,255,255,212,173,89,0,0,47,215,246,228,178,138,130,152,157,122,107,112,139,168,155,105,11,0,0,0,0,0,0,0,160,222,220,176,137,131,121,17,19,29,15,43,77,75,65,67,81,134,163,157,147,87,74,74,81,97,97,89,75,79,109,176,183,183,183,186,186,186,194,183,150,99,93,87,91,152,144,53,21,35,33,0,0,0,3,13,19,41,69,67,111,103,21,0,0,7,160,186,170,61,11,3,13,61,191,194,150,75,51,46,81,168,165,137,71,45,69,186,202,183,186,170,152,142,147,139,89,77,77,87,142,168,186,181,168,155,150,160,173,155,138,138,152,155,157,183,165,69,29,27,29,17,7,7,13,23,31,27,19,15,19,51,79,97,97,79,73,79,83,79,77,77,81,63,36,28,30,33,29,32,49,91,152,150,131,83,79,63,37,13,5,3,2,4,11,37,63,91,97,89,89,93,139,155,155,147,142,142,107,109,109,150,168,176,178,183,183,189,178,163,144,139,137,142,163,194,199,204,204,212,220,0,0,0,0,0,0,0,0,0,0,0,202,173,137,85,35,9,0,0,0,0,0,0,0,0,0,0,0,0,0,43,129,131,98,69,100,126,147,160,157,131,85,87,129,147,150,139,131,137,142,144,150,142,129,87,87,126,144,152,144,142,139,118,103,100,111,118,139,173,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,254,220,191,183,173,150,129,121,92,64,31,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,157,194,196,186,178,172,172,173,178,183,186,186,189,189,186,186,183,170,152,147,160,183,199,196,178,165,157,155,152,142,144,150,150,163,163,168,173,173,173,178,181,181,176,168,163,160,160,160,160,160,165,176,191,196,194,186,181,178,178,176,173,169,166,170,186,202,209,212,209,202,204,199,125,114,113,116,127,129,170,170,129,173,173,178,194,189,178,176,178,176,178,181,178,176,172,172,176,183,189,189,189,186,183,178,178,186,191,194,199,204,209,209,204,204,209,212,207,196,194,189,183,181,135,129,129,133,183,189,189,183,131,125,124,127,191,212,212,202,183,135,186,189,194,204,217,217,204,194,199,212,222,228,225,228,235,228,87,52,133,189,191,189,186,191,202,204,135,127,131,207,225,222,222,217,202,186,183,186,135,222,222,212,181,127,196,225,238,228,202,191,191,196,202,204,204,204,207,209,209,199,186,185,194,212,228,230,228,230,233,235,233,230,228,225,225,225,230,217,204,199,212,204,194,192,194,196,204,212,209,207,204,204,204,207,207,209,212,215,215,207,199,199,204,212,212,199,132,128,134,189,194,194,196,196,194,194,191,194,196,202,204,207,204,199,199,202,202,199,191,191,207,217,212,204,207,212,212,209,209,204,202,204,212,215,212,209,202,196,195,196,199,202,199,194,183,136,136,137,183,189,191,189,191,199,202,204,204,204,202,199,196,196,196,204,209,212,207,203,207,215,225,228,228,228,225,217,217,215,212,209,212,217,228,238,246,246,241,238,238,233,228,228,230,230,230,225,199,135,129,112,114,117,115,109,107,105,99,67,51,36,35,123,207,202,196,135,119,103,89,73,68,77,191,207,207,207,199,204,230,238,235,233,233,235,233,228,226,228,230,230,233,233,230,228,229,233,238,238,235,235,233,233,233,235,235,238,235,230,225,225,225,228,225,220,220,225,230,230,225,217,216,217,217,217,217,220,222,222,222,225,224,224,224,225,230,233,230,230,228,228,230,233,233,230,228,230,233,233,233,228,212,202,202,212,217,215,212,209,204,151,149,150,199,204,207,207,202,129,109,135,209,222,222,220,228,235,241,238,238,238,235,235,235,238,238,241,241,246,248,243,225,204,215,228,233,230,230,235,238,235,230,225,225,228,228,217,209,202,194,191,207,225,238,238,233,230,230,230,230,228,225,220,217,222,222,217,215,217,217,217,222,230,230,225,204,194,194,194,147,196,199,202,207,215,215,215,215,212,212,212,207,207,212,212,209,212,215,215,215,215,212,199,145,149,217,235,235,217,150,150,217,233,233,230,228,225,222,216,216,225,233,233,228,217,212,212,215,215,215,222,228,233,230,229,229,229,229,230,230,229,233,238,233,217,209,217,225,225,222,217,215,225,230,228,215,208,215,228,230,225,215,209,207,207,209,212,217,225,230,235,230,225,222,225,228,228,228,233,235,233,228,228,228,230,233,233,228,225,225,228,230,230,230,228,228,230,230,233,235,230,228,225,228,228,230,230,230,233,233,233,230,228,228,228,230,230,230,228,228,228,233,238,235,228,220,222,228,225,222,228,230,230,228,222,222,222,222,222,225,225,222,222,222,225,225,222,222,225,230,230,228,230,228,228,230,225,200,202,217,225,225,215,135,121,143,225,233,233,233,230,230,228,228,228,228,228,230,230,233,233,233,230,228,225,225,228,228,225,222,222,222,222,225,228,228,222,217,215,215,220,228,225,217,215,217,217,217,217,222,222,222,225,230,235,233,231,231,233,233,230,228,228,228,230,230,235,241,241,238,235,235,235,235,235,233,230,230,228,228,225,228,230,233,228,217,207,153,153,202,207,207,153,150,202,209,217,225,228,230,230,230,230,230,225,222,217,212,209,207,209,217,225,228,230,233,230,228,222,209,208,208,212,215,215,212,212,212,212,212,217,225,222,215,215,217,217,222,225,228,228,230,228,225,225,225,222,215,209,209,212,208,208,215,222,222,222,217,149,119,131,149,202,207,215,217,215,215,217,217,217,220,222,222,222,222,222,225,225,225,217,216,216,217,217,217,217,217,217,217,217,215,212,215,217,217,217,217,215,215,212,209,209,209,212,215,217,220,217,215,215,217,220,222,222,222,222,222,222,222,222,220,217,217,217,217,217,217,217,215,215,215,212,215,217,222,217,217,217,217,220,222,222,222,217,217,215,212,212,209,209,215,217,222,217,215,212,212,212,212,212,212,211,212,215,215,215,217,215,215,215,212,209,209,209,209,212,212,212,212,212,217,217,217,212,207,205,205,209,217,222,225,225,222,222,225,225,225,225,228,228,228,230,230,230,230,230,230,230,230,230,233,233,235,235,235,233,230,228,228,230,233,233,233,230,228,228,230,230,228,228,228,228,230,230,225,217,212,209,207,207,207,209,207,209,215,222,222,212,204,204,209,215,217,222,225,225,228,228,228,228,228,225,222,222,217,215,212,209,209,207,199,194,189,141,141,141,189,194,194,189,185,185,191,202,204,204,204,202,202,199,199,196,191,189,189,139,129,135,196,212,222,225,225,228,228,230,233,235,235,235,235,241,243,246,0,0,0,0,0,0,0,0,0,0,0,246,241,233,228,63,55,0,0,157,157,126,65,49,45,49,51,51,45,43,39,45,47,63,97,0,0,0,235,220,220,225,248,255,255,255,255,255,255,255,255,254,246,246,246,246,222,196,186,170,157,99,91,126,139,139,150,150,139,108,71,51,37,19,7,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,118,108,53,7,4,20,20,12,25,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,183,168,144,129,113,0,0,0,0,0,66,69,0,0,64,38,14,0,0,0,9,30,0,0,0,0,0,243,225,241,255,255,225,191,202,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,255,255,255,255,255,255,255,255,255,255,255,255,176,139,150,129,74,124,186,147,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,41,87,126,137,126,124,129,160,255,255,41,0,0,0,0,0,0,0,17,81,181,215,230,235,225,183,155,142,139,111,51,37,51,61,51,29,5,0,0,0,0,0,0,0,0,0,0,0,19,11,25,65,155,183,215,238,251,255,238,199,168,159,173,255,255,255,255,255,246,199,178,111,0,0,73,235,246,220,186,146,138,147,157,139,111,99,142,186,183,147,67,0,0,0,0,0,0,0,31,160,176,150,98,55,0,0,0,3,19,41,75,87,75,75,97,155,178,176,155,81,71,74,81,83,81,81,91,115,173,191,191,191,199,202,194,191,186,160,90,85,91,99,99,152,160,83,33,15,1,0,0,0,15,33,25,19,39,53,49,7,0,5,17,47,144,199,155,23,3,3,13,55,207,207,150,63,43,40,81,173,168,137,75,55,83,183,194,170,170,157,139,95,91,85,79,77,77,77,97,160,178,178,155,97,91,95,150,165,163,152,152,142,87,142,47,0,0,1,17,19,11,13,19,29,25,21,19,23,29,47,81,155,163,144,103,144,150,142,139,142,144,93,63,43,43,43,37,35,53,91,144,142,85,59,55,47,25,9,5,3,3,13,33,55,77,93,129,99,97,101,139,144,150,147,147,150,150,144,147,150,157,170,176,181,183,183,178,160,139,131,131,144,173,199,204,199,204,212,220,0,0,0,0,0,0,0,0,0,0,0,0,176,137,77,27,3,0,0,0,0,0,0,0,0,0,0,0,0,0,5,98,124,100,67,67,116,0,168,160,139,121,85,129,157,157,147,131,129,131,144,150,142,93,86,86,118,144,144,134,129,126,118,100,98,103,108,129,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,254,228,207,191,181,163,150,144,118,79,37,29,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,183,186,186,170,169,173,178,181,189,186,183,189,191,189,186,186,183,163,131,118,142,144,160,163,165,168,165,165,163,157,142,137,142,157,163,165,165,165,173,176,173,168,165,160,155,155,152,150,152,160,176,189,194,189,183,181,181,183,181,178,170,166,169,183,204,212,209,204,194,189,178,117,109,110,117,125,127,129,173,178,176,173,176,181,181,178,174,176,176,178,176,176,173,172,170,173,173,176,178,181,183,178,176,176,181,181,181,186,194,191,189,186,186,186,194,199,199,196,194,186,183,186,186,183,181,135,183,194,191,178,129,125,125,135,191,199,191,128,126,183,189,189,196,209,209,194,191,196,215,222,225,225,228,235,243,133,71,113,189,191,183,131,128,181,183,131,128,131,191,194,129,207,194,194,127,202,196,101,255,217,199,191,199,222,233,238,233,215,202,194,191,199,207,207,202,204,209,209,202,186,182,194,222,230,230,228,228,230,230,233,230,228,222,222,222,228,225,196,141,209,199,194,196,202,204,204,204,207,204,204,204,204,207,209,209,207,199,127,120,135,196,204,207,204,189,134,133,137,141,141,186,189,191,191,189,186,189,194,196,196,202,204,204,202,199,194,189,183,186,202,217,212,199,207,217,212,207,209,209,204,204,209,212,209,207,204,199,196,196,199,202,202,196,189,139,139,183,194,202,196,191,196,202,204,202,202,202,202,202,199,196,202,209,215,215,207,204,209,225,233,233,230,233,233,228,225,215,207,207,212,222,228,235,243,243,235,233,233,230,228,222,225,228,225,215,137,127,135,127,119,123,117,65,50,69,87,65,50,53,109,183,207,215,217,207,127,127,189,111,58,101,189,212,220,225,228,230,233,233,230,233,241,241,233,228,226,228,233,235,235,235,233,230,233,235,238,238,238,235,235,233,233,230,233,233,230,225,225,225,225,225,222,222,222,228,230,228,222,217,217,217,222,222,222,222,225,225,225,228,228,225,224,225,230,235,233,233,230,228,233,233,228,225,226,228,233,235,233,225,204,148,147,212,228,228,225,215,207,204,204,207,207,204,207,215,222,202,134,147,212,222,225,225,230,235,241,241,241,241,238,235,235,238,241,243,241,248,254,246,204,202,209,225,228,228,228,230,230,228,225,220,222,230,233,209,191,141,137,139,204,228,233,230,230,230,230,233,228,222,216,216,217,222,220,215,215,215,215,215,217,225,230,230,209,138,135,141,147,194,194,202,209,212,209,209,212,212,215,217,215,212,209,209,209,209,209,209,209,204,149,142,140,144,222,230,230,212,150,151,225,238,238,233,228,222,217,216,217,225,230,228,222,217,215,213,215,215,217,222,230,235,233,230,229,229,229,230,233,230,230,235,233,222,212,217,225,228,222,215,217,225,230,233,225,217,217,222,222,222,220,215,209,207,205,207,209,212,217,225,225,225,225,225,228,228,230,230,230,228,228,226,226,230,235,235,230,230,233,238,241,238,233,228,228,230,233,235,235,233,230,230,230,230,230,233,233,235,233,233,233,230,228,228,230,233,230,230,228,228,230,235,238,228,217,218,222,222,225,230,233,233,228,228,228,228,228,230,235,230,222,222,230,233,228,225,225,230,233,233,235,235,235,235,235,230,217,222,228,228,225,217,125,115,202,230,238,238,235,233,233,230,230,230,230,228,228,228,230,233,230,228,228,225,228,228,228,225,222,222,225,228,228,228,222,215,209,211,212,220,225,222,212,209,212,215,217,222,225,222,222,225,228,230,233,233,233,233,233,230,230,226,225,226,228,235,241,243,238,235,235,235,238,241,238,233,230,230,225,222,225,230,233,228,217,204,150,150,151,202,153,147,144,151,204,212,217,225,230,230,230,228,225,217,215,212,209,209,207,207,215,225,228,225,225,225,225,222,212,209,212,215,215,215,215,209,209,212,215,215,217,217,217,217,217,216,217,222,225,228,228,225,222,222,222,222,217,212,209,209,209,209,215,217,217,217,212,117,108,117,151,204,212,220,222,222,220,217,216,216,217,222,222,225,222,222,225,225,222,217,216,217,217,217,217,217,217,217,217,217,215,212,212,215,215,215,215,212,212,209,209,212,215,212,212,215,215,215,212,212,215,215,217,217,220,222,222,222,222,217,217,217,215,215,215,215,217,217,217,217,215,212,212,217,220,222,220,220,220,222,222,225,222,220,215,215,212,209,208,209,215,217,222,217,215,212,212,212,212,212,212,215,215,215,217,217,217,217,217,215,209,207,207,209,212,212,209,209,209,212,215,217,215,209,205,207,209,212,217,222,225,225,222,222,222,222,225,225,225,228,228,230,230,230,230,230,230,233,233,233,233,233,235,235,235,233,230,228,228,230,230,233,233,230,230,230,230,230,228,225,225,228,230,230,225,222,215,209,207,207,204,202,199,204,212,222,217,207,200,200,204,212,217,222,225,228,225,228,228,228,225,225,222,222,222,222,215,212,212,209,204,196,189,140,140,186,189,189,191,189,189,189,196,202,204,204,202,202,202,199,199,196,191,189,141,135,130,137,196,209,215,217,225,228,228,228,230,233,233,230,230,233,238,241,0,246,0,0,0,0,0,0,0,0,0,246,241,235,230,65,63,0,126,163,163,116,55,39,37,37,37,37,37,29,29,39,41,51,83,170,0,235,225,220,215,222,238,255,255,255,255,255,255,255,255,246,241,238,238,238,215,189,170,163,150,129,91,126,139,150,157,150,139,108,63,43,37,23,19,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,92,0,116,116,100,82,56,56,82,105,90,25,0,0,0,12,20,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,165,144,129,113,113,0,0,0,0,0,77,74,0,66,48,27,14,14,7,7,17,33,0,0,0,0,0,196,183,215,255,255,241,202,222,0,225,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,207,225,255,255,255,255,255,255,255,255,255,255,150,118,134,157,90,53,0,152,82,33,0,0,0,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,25,0,0,0,21,49,95,126,129,137,144,163,196,255,255,51,0,0,0,0,0,0,0,25,81,157,207,228,230,212,165,155,155,131,79,69,69,113,124,113,63,35,0,0,0,0,63,43,0,0,0,0,0,33,39,39,61,99,170,215,233,251,251,222,155,176,181,233,255,255,255,255,255,238,181,93,15,0,0,191,235,235,225,217,178,155,151,176,191,202,217,0,228,215,173,139,100,0,0,0,0,0,0,0,103,100,55,43,7,0,0,0,27,41,55,77,131,137,139,150,168,181,189,150,78,75,87,103,87,79,87,113,173,191,199,194,199,204,212,202,199,191,152,83,80,91,155,176,191,178,129,39,5,0,0,0,0,9,25,19,15,25,51,0,0,3,45,47,47,137,170,111,5,1,11,23,53,178,181,155,63,43,55,139,165,150,89,55,25,51,157,176,163,157,95,95,91,77,64,65,67,67,73,91,97,139,150,71,31,59,85,93,160,173,101,99,87,0,0,0,0,0,17,47,47,17,15,23,33,31,27,31,53,77,89,150,170,181,170,160,160,157,157,155,163,165,144,79,73,71,65,55,43,53,83,134,126,61,41,43,39,31,21,21,23,33,59,79,93,95,97,134,137,142,142,142,139,144,147,152,152,152,147,147,150,157,168,173,181,181,176,165,144,129,125,134,165,191,199,199,196,204,212,220,0,220,0,0,0,0,0,0,0,0,0,0,181,134,87,33,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,92,95,61,60,103,144,0,157,139,113,85,134,163,165,152,131,131,134,144,152,139,91,86,83,116,144,142,118,113,126,121,100,96,100,108,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,241,217,196,189,170,160,157,126,90,69,37,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,186,181,170,170,181,186,186,186,182,181,186,189,191,189,189,189,173,82,26,43,82,157,168,173,181,181,178,176,165,142,133,137,155,163,163,160,155,152,157,160,165,163,155,150,142,137,139,147,163,176,186,191,186,183,186,186,186,186,186,183,176,176,189,207,212,209,199,186,181,178,125,113,114,121,123,123,121,121,123,125,127,131,176,178,178,176,176,176,176,173,173,176,173,173,176,173,173,173,176,178,178,178,176,176,176,176,176,183,186,186,186,183,182,186,199,204,199,194,186,186,194,196,199,189,178,183,199,199,191,181,133,126,127,131,135,135,126,125,133,183,137,181,196,202,194,192,199,215,222,225,224,225,230,241,135,77,101,135,191,194,178,125,128,133,133,178,181,181,127,82,89,111,125,178,191,73,47,65,176,178,183,202,222,230,228,215,212,204,191,189,199,204,202,196,196,204,204,196,186,191,215,233,233,228,225,225,225,228,230,230,228,222,221,222,233,233,133,116,135,147,196,202,207,207,204,204,204,204,203,203,204,209,212,215,212,199,123,117,122,189,202,202,194,141,137,137,186,189,186,141,186,191,191,189,139,139,189,189,186,189,194,199,199,196,189,183,181,186,202,212,204,191,202,217,212,207,207,207,202,202,207,209,204,204,202,199,196,196,199,204,204,207,207,204,199,186,186,196,194,191,194,202,202,196,194,194,199,204,204,202,204,207,209,207,204,203,209,222,233,235,233,233,233,228,225,215,208,208,215,222,228,230,235,235,230,230,233,230,225,217,225,225,215,141,117,118,137,194,189,189,183,81,67,78,194,183,91,87,121,186,202,212,217,209,183,137,135,103,50,105,209,222,230,235,235,228,217,212,217,233,243,241,233,230,228,230,235,241,238,235,233,233,233,233,233,233,235,235,235,235,233,233,230,230,228,228,228,230,230,228,225,225,225,230,230,228,225,222,222,225,225,228,228,230,230,228,228,230,233,228,225,228,233,235,235,235,230,228,233,233,226,222,225,228,233,238,235,222,153,145,142,217,233,235,230,217,209,207,209,212,212,209,209,217,222,207,145,149,212,225,228,233,235,235,241,243,243,243,238,233,233,233,235,235,238,243,251,254,145,141,209,217,217,217,222,225,225,222,215,212,212,217,207,121,113,127,137,145,212,230,228,224,224,225,225,225,222,217,217,217,217,215,212,212,215,217,217,217,217,217,225,228,204,135,133,139,194,199,202,209,215,209,194,194,209,217,217,217,217,212,209,209,209,209,207,204,204,202,147,143,143,199,217,217,212,202,149,150,217,233,235,233,230,225,217,216,220,225,230,228,225,225,222,217,217,217,222,230,235,238,233,230,230,230,230,235,235,230,228,230,230,222,215,217,225,228,222,213,215,222,230,230,225,217,217,217,217,215,217,222,215,207,207,209,215,215,212,215,222,228,230,228,228,230,230,230,228,228,228,228,226,228,230,235,233,233,235,241,241,235,230,225,225,228,233,235,238,235,235,238,235,235,235,235,235,233,233,233,233,233,230,228,230,233,233,230,230,225,222,228,233,228,218,218,222,222,228,233,235,235,233,233,233,230,230,233,238,233,222,220,228,230,225,222,228,230,230,235,238,241,238,238,235,228,222,222,228,228,225,212,105,99,217,233,235,235,235,233,233,233,233,233,233,230,230,230,233,230,230,228,228,225,228,228,225,225,222,222,228,230,230,225,222,212,209,211,215,220,222,217,209,208,212,215,217,222,222,222,222,225,228,230,230,233,233,233,233,233,230,228,225,225,228,235,241,241,241,238,238,241,243,243,241,235,230,225,222,220,222,230,233,230,222,209,153,149,149,151,150,148,147,202,209,212,215,225,228,230,228,225,220,215,209,204,202,204,207,209,215,222,225,222,217,216,217,222,222,220,217,217,217,215,212,209,209,209,212,217,222,222,222,217,216,216,217,222,225,225,225,222,222,222,222,222,215,208,207,209,215,217,222,222,217,217,212,137,113,121,149,204,212,225,228,228,225,217,216,216,217,222,225,225,225,225,225,225,225,222,217,217,217,217,217,217,215,215,215,215,212,211,211,212,212,212,212,212,209,207,209,217,222,215,212,212,212,212,212,212,215,215,215,215,217,220,222,222,222,217,217,217,215,213,213,215,217,217,217,217,215,212,212,215,217,217,217,220,220,222,222,225,225,220,215,212,212,209,209,209,215,217,222,220,215,212,212,215,215,215,215,215,215,215,215,215,217,217,217,215,209,207,207,209,212,212,209,207,208,209,215,217,217,212,209,209,212,215,217,222,222,225,222,220,220,222,225,225,225,228,228,230,230,230,230,230,233,233,233,233,233,233,233,235,233,230,228,228,228,230,230,233,233,230,230,230,230,230,228,225,225,228,230,228,225,217,212,209,207,204,202,196,196,202,215,225,222,207,199,200,204,212,217,225,228,230,228,228,228,228,225,222,222,222,225,225,220,215,212,209,204,196,143,140,140,141,186,186,186,189,191,194,199,202,202,202,202,202,202,196,196,196,194,186,137,130,130,186,199,204,207,212,220,225,228,228,228,230,230,230,230,230,233,235,0,246,0,0,0,0,0,0,0,0,0,0,243,235,233,100,92,100,124,147,139,71,37,19,19,19,25,25,25,25,29,39,41,49,77,157,202,220,220,220,215,215,222,248,255,255,255,255,255,255,254,238,238,238,235,222,204,181,163,150,142,126,89,126,139,150,150,150,126,98,55,37,33,25,23,13,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,17,0,0,0,0,0,0,82,90,82,66,48,20,12,20,53,74,56,9,0,0,0,12,25,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,152,137,129,113,113,0,0,0,0,0,77,69,0,48,27,14,14,27,33,33,30,35,46,0,0,0,0,181,181,202,246,255,255,248,255,255,230,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,181,176,204,255,255,255,255,255,255,255,255,137,21,72,77,90,40,17,85,77,33,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,11,0,0,0,27,72,98,118,134,144,186,202,217,255,255,61,0,0,25,7,0,0,0,0,61,142,186,230,230,173,126,147,168,160,134,121,124,131,131,111,51,9,0,0,0,35,57,37,0,0,0,0,0,53,65,59,65,81,147,189,196,230,225,99,47,81,222,255,255,255,255,254,233,199,157,55,0,0,0,222,235,228,225,230,228,207,225,251,255,255,0,0,255,222,147,118,67,0,0,0,0,0,0,0,57,31,0,0,0,0,31,61,61,61,75,121,147,157,165,170,178,191,189,155,97,101,155,157,105,87,107,165,183,199,199,199,202,212,212,202,202,202,165,81,77,99,183,204,212,186,137,39,0,0,0,0,0,5,15,19,14,15,13,0,0,108,134,53,33,67,67,25,1,3,41,61,53,61,85,87,67,60,83,155,157,139,87,63,22,19,69,152,150,97,91,91,85,69,59,59,61,67,81,89,77,71,71,31,24,35,163,142,79,73,99,57,0,0,0,21,43,35,33,47,61,45,33,45,59,63,63,73,101,157,165,178,189,189,178,168,168,165,163,165,173,170,152,95,95,131,93,71,53,59,77,126,81,49,29,31,35,35,37,47,57,67,89,129,139,137,137,137,144,152,152,147,138,139,147,152,152,152,147,147,147,152,168,173,178,173,165,147,129,122,124,137,176,196,199,199,196,204,212,217,217,228,0,0,0,0,0,0,0,0,0,0,191,150,103,53,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,57,65,59,60,103,144,160,157,139,113,118,139,163,170,155,142,134,134,139,147,142,126,91,89,116,137,142,113,113,121,121,103,96,100,116,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,233,217,202,183,165,144,126,95,77,61,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,189,186,181,181,186,189,186,186,182,181,182,183,186,186,191,196,189,111,59,83,142,183,176,173,181,181,176,173,168,152,138,142,157,165,165,160,152,146,146,155,163,155,139,134,130,129,131,144,160,176,186,191,189,186,189,191,189,191,194,194,189,189,199,209,212,207,199,186,183,186,181,129,127,125,121,117,113,109,109,115,123,127,173,183,186,183,178,176,173,173,176,178,178,178,183,183,183,178,176,131,176,178,178,181,181,176,131,173,181,191,194,189,186,194,209,209,199,191,186,186,194,199,204,196,183,186,202,207,204,202,196,181,127,126,129,131,130,129,131,133,129,129,181,194,196,194,199,212,222,225,224,225,228,228,109,31,85,131,194,207,191,121,125,131,178,181,186,189,135,75,58,99,115,199,207,65,45,0,48,127,176,186,204,212,183,117,127,202,196,196,204,204,204,199,186,127,119,123,133,191,228,241,235,228,222,217,222,225,228,228,228,225,221,222,235,238,123,110,119,145,202,209,215,209,204,204,209,209,204,203,204,212,222,222,222,215,141,122,125,194,209,207,191,141,139,186,194,196,189,186,189,194,194,191,183,139,139,139,135,135,139,191,196,196,191,183,181,183,196,202,191,185,196,212,212,207,204,199,195,199,207,209,204,204,202,199,196,196,202,207,207,212,215,215,189,55,37,97,183,139,189,196,199,194,191,190,194,202,204,202,202,202,202,204,204,204,207,215,228,233,233,233,233,230,225,217,215,212,215,217,225,228,230,230,230,233,233,230,222,215,217,215,199,129,117,119,139,196,202,207,212,183,79,83,202,217,209,181,137,137,116,115,199,194,186,183,133,103,55,105,228,233,238,238,233,222,199,141,202,228,235,233,230,228,228,228,235,241,238,233,230,230,233,231,231,231,233,233,235,235,233,233,230,228,225,228,228,230,230,228,225,228,230,233,233,230,228,225,225,225,228,230,233,235,235,230,230,233,233,230,230,233,235,235,235,230,228,228,233,233,230,228,228,228,233,238,235,225,204,147,146,225,233,235,230,222,212,209,209,212,215,215,215,217,217,207,151,202,220,230,235,238,238,238,238,241,241,241,235,233,231,231,231,231,235,238,243,243,131,118,220,222,217,217,222,228,230,225,217,209,204,133,55,0,0,51,139,196,220,233,233,225,225,225,225,221,222,225,228,228,222,209,207,208,215,215,215,215,215,215,217,215,199,136,134,141,199,209,217,215,207,137,129,141,207,217,217,215,212,209,209,212,212,212,212,207,204,204,204,202,202,212,215,147,148,150,150,199,215,230,233,233,230,225,217,217,222,225,228,230,228,228,225,225,222,222,225,235,241,238,233,230,230,230,230,235,235,230,228,230,230,222,217,217,228,228,222,213,213,222,230,228,222,215,215,215,212,209,209,217,215,212,215,225,228,222,212,212,222,230,233,233,230,230,233,230,225,225,228,230,230,228,230,233,235,235,238,241,238,230,225,224,224,228,230,233,235,235,238,238,238,235,235,235,233,230,228,230,233,235,233,233,235,235,235,233,230,222,218,220,228,228,222,222,225,225,230,235,238,238,238,235,233,230,228,230,235,233,222,218,222,225,222,220,225,228,230,233,238,241,241,238,233,222,215,217,225,228,225,151,87,88,222,228,233,233,230,230,233,233,235,235,233,233,233,233,233,230,228,228,228,228,228,225,225,225,222,222,228,230,230,225,220,215,211,212,215,217,217,212,208,208,212,217,217,216,216,217,222,225,228,230,233,233,235,235,235,235,235,230,228,226,228,235,238,241,241,241,241,243,243,243,238,233,225,221,220,220,222,228,230,230,225,215,207,153,150,151,153,202,207,217,217,217,217,222,225,228,225,217,215,209,204,200,199,202,207,212,217,225,225,222,216,216,217,225,230,230,228,225,225,217,209,207,204,204,209,215,225,225,225,217,216,216,217,222,225,225,222,222,222,222,225,225,217,209,208,217,222,222,220,217,217,225,228,215,137,141,202,207,215,228,230,230,228,222,217,216,220,225,228,228,225,225,225,228,225,222,222,222,222,220,217,215,215,212,212,212,211,211,212,212,212,212,209,209,209,207,209,215,217,215,212,212,209,209,212,215,217,217,215,215,215,217,220,222,222,222,217,217,215,213,213,215,217,217,217,215,215,215,212,209,212,212,215,217,217,220,222,225,225,220,215,212,212,212,212,212,215,217,220,217,217,215,215,215,217,217,215,215,215,212,212,215,215,217,215,212,207,207,207,209,209,212,209,208,208,212,217,222,222,215,212,212,212,215,217,222,222,222,222,220,220,222,225,225,228,228,228,230,230,230,230,230,233,233,233,235,233,233,233,235,233,230,228,228,228,230,230,233,233,233,230,230,230,228,228,225,222,225,228,225,222,215,209,204,204,204,202,195,195,204,215,225,222,209,202,202,207,212,217,225,230,230,230,228,228,228,225,222,222,225,228,225,222,217,212,209,204,196,189,141,141,141,141,139,141,186,191,196,199,202,202,204,202,202,202,199,196,194,191,141,133,128,130,191,199,202,204,209,215,217,217,217,222,225,228,230,233,233,230,233,0,0,248,248,0,0,0,0,0,0,0,0,243,238,233,103,100,100,108,126,108,51,19,7,7,9,15,19,25,25,37,45,47,55,79,150,189,204,212,215,215,215,215,246,255,255,255,255,255,255,254,235,235,238,238,222,204,176,157,150,142,129,116,116,116,126,126,126,108,65,49,37,25,33,33,19,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,25,0,0,0,74,53,27,10,5,1,8,25,46,22,4,0,0,4,17,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,137,129,113,103,0,0,0,0,0,0,59,48,27,12,7,14,25,38,38,48,51,46,38,64,121,0,0,199,222,241,255,255,255,255,255,199,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,157,131,131,215,255,255,255,255,255,255,255,61,0,0,0,7,0,0,0,7,25,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,35,87,111,137,160,173,209,233,233,246,243,144,41,55,55,35,0,0,0,0,23,65,150,209,181,55,69,147,181,186,163,142,131,131,103,33,0,0,0,0,57,59,0,0,0,0,0,0,0,65,79,59,49,59,73,91,53,57,173,71,40,61,196,255,255,255,254,241,202,105,43,0,0,0,51,222,228,217,217,225,230,246,255,255,255,0,0,255,255,199,63,43,27,0,0,0,0,129,157,47,31,0,0,0,0,0,57,79,75,75,118,150,168,176,181,181,183,189,178,168,163,168,176,173,113,97,155,173,191,191,194,199,204,212,207,186,186,199,168,81,80,150,202,228,212,186,129,33,0,0,0,0,0,0,11,33,43,49,5,0,0,178,160,53,21,17,0,0,0,5,79,134,53,33,44,51,63,89,163,181,170,155,137,75,23,18,39,81,87,87,97,95,85,77,64,62,67,83,99,89,53,41,49,35,29,59,91,150,41,1,31,5,0,0,23,155,155,81,47,47,77,83,83,83,93,103,147,160,176,183,186,191,189,183,178,168,170,170,170,168,173,170,160,142,144,157,157,95,65,63,91,134,81,45,25,25,33,41,51,63,81,91,126,131,137,137,137,142,150,157,155,147,139,139,147,150,150,150,142,142,147,157,170,173,173,165,147,129,122,121,129,165,186,199,199,199,196,204,212,212,217,228,0,0,0,0,0,0,0,0,0,0,0,170,118,66,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,47,63,61,60,103,152,160,160,137,118,126,144,155,163,160,150,137,95,93,139,139,137,139,129,116,121,134,113,111,121,118,108,99,108,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,241,233,222,191,165,142,118,92,77,59,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,9,9,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,194,194,191,189,186,189,189,186,183,182,183,186,186,191,194,181,165,173,183,181,181,168,165,176,178,176,170,168,157,152,155,160,157,155,152,150,146,147,160,165,152,134,130,130,130,131,139,152,170,186,194,191,189,189,189,189,191,196,199,196,199,207,212,212,207,199,194,194,196,196,191,186,176,123,115,111,109,108,113,123,129,176,189,191,189,181,176,173,178,183,186,181,173,183,196,202,186,173,125,131,178,183,186,189,181,130,128,131,183,189,189,189,196,209,207,191,183,181,183,186,191,199,196,186,189,202,207,212,215,215,207,181,131,133,137,186,189,183,133,128,129,135,189,194,194,199,212,222,225,225,228,225,222,87,7,83,131,191,209,207,123,126,181,135,135,189,207,207,105,75,176,181,228,230,212,189,6,43,176,173,169,176,186,121,105,109,202,209,215,209,204,209,196,45,11,31,79,113,181,222,238,235,225,217,216,217,222,225,228,230,230,228,228,235,238,194,120,125,147,207,217,222,215,209,209,212,212,207,204,209,217,225,222,222,225,209,143,143,207,222,215,196,186,186,191,196,199,194,194,196,199,199,194,189,183,137,133,128,128,135,189,196,196,191,186,181,183,189,189,183,183,196,209,209,207,202,196,194,196,204,209,207,204,204,199,196,199,204,209,209,209,212,207,123,22,4,39,115,125,135,189,194,191,190,190,191,196,196,196,199,202,207,212,212,209,209,215,228,233,235,233,233,233,228,225,225,222,215,215,222,228,228,228,228,230,233,230,225,217,207,196,141,131,126,127,135,141,199,209,209,194,97,93,196,222,225,207,196,181,105,101,129,133,137,139,135,123,85,121,225,238,241,233,225,215,123,99,139,212,225,225,225,228,225,225,233,235,230,228,228,233,238,235,233,233,233,233,230,230,233,233,230,228,225,222,225,225,225,222,222,228,230,233,233,230,228,228,225,225,222,225,230,235,235,235,230,230,228,228,230,230,233,233,230,228,226,226,230,233,230,230,228,228,230,233,235,228,212,199,202,222,233,233,230,222,215,212,212,217,220,217,215,217,217,209,204,215,230,235,235,238,238,235,235,235,235,235,235,233,233,233,233,233,238,238,235,202,121,114,233,233,228,225,228,235,238,238,230,228,225,189,51,0,0,0,57,199,217,233,238,235,233,233,230,228,228,233,235,233,222,209,207,209,212,207,207,212,215,212,212,207,204,147,138,143,204,217,225,204,107,100,119,196,212,215,215,212,209,209,212,215,217,217,220,217,212,215,222,215,215,215,207,142,146,151,204,209,215,225,228,233,230,222,215,212,217,225,228,228,225,225,225,225,222,222,228,235,238,233,228,228,230,230,228,228,228,228,228,230,228,222,217,225,228,225,217,213,215,225,230,228,222,217,215,212,207,203,204,212,217,222,228,233,233,228,217,215,222,230,235,235,235,233,233,228,224,224,228,230,233,230,233,233,233,233,233,233,233,228,224,225,228,230,230,233,233,233,235,235,235,235,235,235,233,230,228,228,233,238,238,238,241,241,238,235,233,222,218,220,225,228,228,228,228,230,233,235,238,238,238,235,233,225,222,225,230,228,222,220,222,222,215,215,222,225,228,233,235,238,238,235,228,215,212,215,225,225,209,103,82,85,212,225,228,228,228,230,233,235,238,235,233,233,233,235,235,233,233,230,230,228,225,225,225,225,222,222,225,225,222,217,217,217,217,215,217,217,215,209,208,209,215,217,216,216,216,222,225,225,225,230,233,233,233,235,238,238,238,235,230,230,230,233,235,238,238,241,241,241,241,238,235,230,225,222,220,222,228,228,228,228,222,217,212,207,204,204,207,217,225,228,225,222,222,225,228,225,222,215,212,209,207,202,202,207,209,212,217,222,222,222,217,217,222,228,233,235,233,230,225,215,207,204,203,200,203,209,222,228,225,217,216,217,222,225,225,225,222,225,225,225,228,230,228,225,217,222,215,207,204,207,217,230,235,233,212,209,217,217,220,225,228,230,228,225,222,220,222,225,228,228,225,225,228,228,228,225,222,222,222,222,217,215,215,212,212,212,211,212,212,215,215,212,209,209,212,212,207,204,204,212,215,212,209,208,212,217,222,222,217,215,215,217,217,222,222,222,222,217,215,213,215,215,217,217,217,215,215,215,212,209,207,209,212,215,217,217,222,225,225,220,215,212,212,212,215,215,215,217,217,217,215,215,215,215,217,217,215,215,215,212,212,212,212,212,212,209,207,207,207,207,209,209,209,209,212,215,217,222,222,215,212,212,215,217,222,222,225,222,222,220,220,222,225,225,228,228,228,230,230,230,230,230,233,233,233,235,233,233,233,235,233,230,228,228,228,230,230,233,233,233,230,228,228,228,225,225,222,222,222,222,217,212,207,204,204,204,202,195,196,207,217,228,225,212,204,204,207,212,220,228,230,230,230,228,228,228,225,222,222,222,225,225,222,217,212,209,204,199,191,189,143,141,139,139,139,186,191,194,196,199,202,202,202,202,202,199,196,191,189,139,130,128,131,189,196,202,207,209,209,204,204,209,215,217,228,233,238,235,233,0,238,243,248,248,246,0,0,0,0,0,0,0,246,241,235,108,100,92,100,108,92,43,13,0,2,7,13,23,27,37,43,51,55,63,83,147,178,196,207,215,215,215,222,254,255,255,255,255,255,255,255,235,225,238,238,235,202,170,150,142,147,142,129,116,108,108,100,100,92,57,51,37,31,31,23,19,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,20,25,25,0,0,0,64,46,22,10,5,5,8,17,14,4,0,0,7,17,25,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,131,129,113,0,0,0,0,0,0,0,51,38,14,7,0,4,14,33,48,72,85,64,38,48,90,0,0,222,233,241,248,255,255,255,246,178,173,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,142,74,56,118,255,255,255,255,255,255,255,23,0,0,0,0,0,0,0,0,69,79,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,35,77,124,160,183,186,191,209,207,212,212,199,186,189,85,53,27,0,0,0,0,11,55,59,0,0,87,181,186,189,186,155,142,126,59,0,0,0,0,0,49,0,0,0,0,0,0,0,0,47,65,37,27,31,39,16,0,0,99,147,75,75,165,233,255,241,217,199,165,81,0,0,0,1,89,202,217,215,204,194,196,235,255,255,0,0,255,255,255,163,35,13,5,0,0,0,0,57,118,35,15,0,0,0,0,0,43,79,113,134,152,168,176,183,189,189,183,181,178,176,178,181,176,163,109,105,163,181,189,191,194,194,199,194,183,113,147,168,147,77,80,157,183,204,212,178,65,5,0,0,0,0,0,0,7,65,152,204,49,0,5,147,111,47,15,0,0,0,0,15,142,155,67,38,41,38,49,155,199,204,189,163,87,55,23,20,37,63,81,142,147,91,83,83,79,77,87,155,170,85,21,21,57,73,77,91,142,97,0,0,7,15,11,29,150,199,181,99,67,67,97,152,147,147,155,163,178,186,189,186,186,183,181,181,178,178,176,178,178,173,176,178,170,160,168,183,181,150,77,71,93,134,81,45,25,26,35,47,57,79,91,126,131,129,129,129,137,142,150,157,155,150,144,144,142,150,150,142,140,142,147,157,168,168,168,150,134,125,125,131,165,189,199,196,191,191,196,202,202,209,217,0,0,0,0,0,0,0,0,0,0,0,0,181,139,74,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,47,87,87,61,105,152,168,160,137,118,129,137,144,152,152,150,129,87,85,93,131,144,152,134,81,77,105,105,111,118,118,105,96,100,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,238,238,230,194,157,124,108,92,77,56,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,196,194,186,183,186,189,191,191,189,183,183,186,186,183,181,170,168,178,176,168,163,157,163,173,176,176,176,165,152,150,160,157,147,142,147,157,160,160,170,165,150,139,142,134,130,130,137,147,165,181,189,186,181,181,181,186,191,199,202,199,202,209,212,209,207,204,204,204,204,207,204,199,189,127,117,113,111,109,110,121,131,178,189,191,189,178,129,129,176,186,189,178,121,127,196,204,178,122,117,125,181,183,183,186,181,131,129,130,176,181,183,183,189,196,191,176,131,129,131,176,183,194,194,186,189,199,207,215,222,225,222,202,186,183,191,202,209,207,196,189,183,183,183,189,196,204,220,225,228,228,230,217,183,7,0,75,131,186,207,215,199,194,194,178,135,199,222,222,207,191,217,235,235,235,248,255,101,181,191,173,159,163,189,183,114,119,209,222,225,215,204,202,99,0,0,0,63,115,178,212,233,235,225,217,216,216,217,225,228,230,233,233,233,235,238,228,196,141,196,212,228,228,222,215,215,215,212,207,207,212,217,222,215,209,212,207,196,196,209,225,217,202,196,194,196,196,196,194,199,202,202,202,196,191,186,137,129,127,128,135,189,196,196,191,186,181,181,186,185,182,186,202,207,204,202,202,199,196,196,202,207,209,207,204,199,199,202,209,209,209,204,199,196,186,75,37,53,95,119,131,139,189,191,191,194,196,194,191,191,199,207,217,228,228,217,212,215,225,233,235,235,235,235,233,228,228,225,215,212,217,225,225,225,225,228,230,233,233,225,204,145,135,129,131,135,137,137,194,202,199,139,117,117,199,222,225,217,217,217,121,109,119,125,127,133,135,139,139,196,222,235,238,230,222,194,55,46,103,207,220,225,225,228,225,225,228,228,225,225,228,235,241,238,235,233,230,230,228,228,230,233,235,233,228,222,217,217,217,217,222,225,228,230,230,230,228,228,228,222,217,216,222,230,233,233,230,225,222,222,225,228,230,228,228,228,226,226,230,230,228,226,226,228,228,228,230,228,215,207,209,217,228,228,228,225,217,215,217,222,217,212,212,215,215,209,207,222,235,235,233,235,235,235,235,234,234,234,235,235,235,235,238,238,241,241,241,144,127,127,241,238,233,228,230,235,241,241,238,238,246,248,220,49,0,0,53,196,215,230,238,238,238,238,235,233,233,233,233,233,225,215,209,212,209,205,204,209,209,202,196,196,209,207,194,202,217,212,147,103,97,100,139,217,228,225,217,215,212,212,217,222,217,217,222,225,217,222,225,217,215,212,202,149,151,207,212,215,215,215,222,230,225,212,209,211,215,225,228,225,217,217,222,217,215,215,222,228,228,222,222,225,230,230,228,222,217,217,217,225,220,215,217,225,222,215,215,217,225,230,233,230,225,222,222,212,204,202,203,212,222,228,230,233,235,235,230,225,225,228,233,238,241,238,233,228,224,224,228,230,230,230,233,233,230,228,225,225,228,228,228,228,233,235,235,233,231,233,235,238,238,238,238,238,235,230,228,226,233,238,241,243,243,241,238,238,235,230,225,222,228,228,228,228,230,233,235,235,235,235,235,233,228,217,213,217,225,225,222,222,222,222,215,213,215,222,228,230,233,235,238,233,225,213,212,217,225,209,111,84,82,95,209,225,228,228,228,230,233,235,238,235,230,230,233,235,238,238,235,233,230,228,225,222,222,222,222,217,215,212,209,209,215,222,222,217,217,217,215,209,209,212,215,217,217,217,222,225,225,225,225,230,233,233,233,235,238,238,238,238,235,233,233,235,235,235,235,238,241,241,241,238,235,233,230,228,228,230,230,230,228,222,215,207,209,209,209,209,212,222,228,228,225,225,228,228,228,225,222,215,212,212,212,215,215,215,215,217,217,220,222,217,217,222,225,228,230,233,235,235,225,212,209,209,203,200,200,207,217,228,228,222,217,222,225,228,228,225,225,228,228,225,228,233,233,230,222,199,145,144,146,202,217,233,238,235,225,222,225,228,225,225,228,228,228,228,225,225,225,225,225,225,225,225,228,228,228,225,225,225,222,222,217,215,215,212,212,212,212,212,215,215,215,212,212,212,209,207,199,198,199,209,215,212,208,208,212,222,225,222,217,215,215,217,217,220,222,222,222,220,217,215,215,217,220,220,217,215,215,215,212,209,207,207,209,212,215,217,222,225,225,220,215,215,215,215,215,217,215,215,215,215,215,212,212,215,215,215,215,217,215,215,212,209,209,209,209,207,207,207,207,207,207,209,209,212,215,217,217,222,217,215,212,215,217,222,222,225,225,222,222,220,220,222,225,225,225,225,228,230,230,230,230,230,233,233,233,235,233,233,233,235,233,230,228,228,228,230,230,233,233,233,230,228,228,225,225,225,222,217,217,215,215,209,207,207,207,207,202,196,196,207,217,225,222,215,209,209,209,212,217,228,230,230,228,228,228,228,225,222,222,222,225,225,222,215,212,209,207,202,199,194,189,141,137,137,141,189,191,194,194,196,196,202,202,199,199,199,194,189,141,133,128,128,133,186,194,199,207,209,204,202,200,209,217,222,230,238,241,238,0,0,0,243,246,243,241,0,0,0,0,0,0,0,248,243,238,116,108,100,92,92,57,27,7,0,2,9,19,37,43,45,51,57,65,73,116,150,178,196,212,220,225,225,246,255,255,255,255,0,0,255,255,235,222,238,238,238,204,170,150,150,150,157,150,126,108,71,63,57,57,57,51,41,35,23,17,13,7,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,25,0,0,0,0,0,53,30,30,22,17,17,17,4,1,4,17,30,46,53,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,126,105,0,0,0,0,0,0,0,51,33,14,7,0,0,7,30,56,90,121,100,64,56,90,0,0,233,246,241,225,225,246,246,220,181,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,207,126,30,0,38,207,255,255,255,255,255,238,0,0,0,0,15,0,0,0,59,126,134,77,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,23,49,126,168,168,144,131,150,165,173,189,215,243,255,176,118,45,0,0,0,0,0,0,0,0,0,225,225,209,194,186,160,144,131,65,9,0,7,0,0,0,0,0,0,0,0,0,0,0,0,29,19,19,33,47,19,0,0,61,215,209,155,173,199,222,215,176,105,81,59,0,0,1,43,97,189,217,215,186,150,147,186,230,254,0,0,255,255,255,103,15,1,5,5,0,0,0,0,0,0,0,3,0,0,0,0,27,75,139,160,168,176,183,186,191,189,183,181,181,189,181,176,163,155,113,155,165,181,186,189,194,191,181,165,103,85,90,150,103,78,83,150,157,183,199,152,25,0,0,5,31,11,3,3,39,131,186,225,147,0,15,77,53,27,3,0,0,0,0,61,152,144,79,61,61,32,35,155,204,217,191,134,18,21,23,23,43,75,147,176,150,85,79,83,91,91,97,160,191,51,0,11,75,150,139,101,144,97,0,0,17,87,73,55,181,202,181,152,87,85,150,163,165,165,163,170,183,186,186,183,183,181,181,181,186,191,191,191,186,176,181,183,178,170,176,183,181,147,83,71,89,126,71,39,27,27,35,53,67,85,124,131,131,124,124,126,137,142,150,157,157,155,144,142,142,150,150,142,140,147,147,155,165,165,150,142,131,129,137,165,194,202,199,191,191,189,196,196,202,209,212,0,0,0,0,0,0,0,0,0,0,0,215,186,142,90,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,85,87,61,103,152,163,150,129,118,129,131,131,137,144,142,124,83,83,93,137,147,155,134,77,69,75,103,116,129,124,105,96,95,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,248,238,230,222,191,142,116,98,77,66,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,150,163,170,183,189,186,189,189,186,178,181,173,160,157,157,160,163,157,155,155,157,163,173,176,181,181,170,142,100,27,7,15,82,144,168,170,168,173,155,142,150,152,134,125,126,137,152,165,176,178,176,170,170,173,178,191,199,199,199,199,204,207,207,207,209,212,209,207,207,207,207,199,173,119,115,111,107,107,113,127,176,181,186,186,176,124,123,129,178,181,125,112,109,186,191,173,119,111,123,186,186,173,129,129,173,173,176,178,181,181,181,178,178,176,127,123,120,121,129,181,196,194,186,189,196,204,209,215,217,217,207,194,189,196,209,217,222,225,222,207,191,182,183,196,209,220,225,228,230,228,178,29,0,0,0,127,186,196,207,212,217,209,181,134,204,230,230,217,194,207,241,230,222,230,255,202,217,207,186,163,165,209,222,209,204,215,225,225,217,212,204,97,0,0,0,65,123,181,207,230,233,228,222,216,216,217,225,228,228,228,228,230,233,233,230,209,147,199,217,230,233,228,225,222,215,209,207,207,209,212,209,202,198,198,199,199,202,209,217,215,204,202,199,196,191,189,191,199,207,204,199,196,191,183,135,129,128,129,135,186,191,191,186,181,179,183,189,186,185,194,204,204,199,196,202,204,202,199,199,202,204,204,202,199,199,204,209,209,204,196,186,186,194,202,191,123,107,133,139,183,186,191,196,204,207,196,191,191,199,209,217,225,225,222,215,215,222,230,230,233,235,238,233,228,225,217,212,209,215,222,222,222,225,228,230,235,235,228,207,145,133,129,137,194,194,141,194,202,196,137,125,127,189,212,222,225,228,222,125,117,123,125,125,129,131,186,207,220,225,228,233,230,217,105,39,37,71,199,217,228,228,228,225,224,225,225,224,225,230,238,238,235,233,230,228,228,228,228,230,235,238,235,230,222,216,216,216,217,217,222,225,228,228,228,230,230,230,228,217,216,217,225,228,228,222,220,218,218,222,228,228,226,228,228,228,230,230,233,230,228,226,228,228,228,230,228,215,207,209,215,220,222,225,225,222,217,217,217,209,202,202,207,207,202,202,217,230,230,229,233,235,238,238,241,238,238,238,238,238,238,238,241,238,238,233,204,147,215,241,238,233,230,230,233,238,238,241,241,248,255,246,91,5,19,115,207,217,228,233,238,238,238,238,235,233,233,233,230,228,225,222,217,215,207,207,207,202,139,137,147,207,209,209,230,235,147,88,88,101,141,209,228,238,235,228,217,212,212,217,220,212,207,209,215,215,215,215,209,204,204,204,204,207,212,215,215,215,217,225,228,220,211,208,211,217,228,230,225,217,216,217,215,212,212,215,217,216,216,222,228,233,233,230,222,215,212,212,212,212,212,215,217,212,211,212,222,230,233,233,228,222,222,222,217,209,204,207,217,228,230,225,228,235,243,241,233,230,230,235,241,243,241,233,230,225,225,228,228,228,228,228,228,228,225,221,221,228,233,233,233,235,238,238,235,233,235,238,241,241,238,235,235,233,230,226,226,233,241,243,243,243,241,238,238,238,238,233,230,228,228,228,228,230,235,235,235,235,235,233,230,222,213,212,215,222,225,222,222,225,225,217,212,213,220,228,233,233,233,235,235,225,215,215,225,215,129,90,84,91,147,215,225,228,228,228,230,233,233,233,230,228,228,230,233,238,238,235,230,228,222,217,217,217,217,217,215,209,207,204,207,215,222,222,217,222,222,215,212,212,215,217,220,222,225,225,228,225,225,225,230,233,233,230,233,235,238,238,235,235,238,238,235,235,234,234,235,241,241,241,238,235,235,235,233,233,233,235,233,228,215,205,203,204,209,209,209,212,217,225,225,222,225,228,230,230,228,222,215,215,217,222,225,225,225,222,225,225,222,222,222,222,225,225,228,225,228,235,235,225,217,215,215,209,204,203,209,222,230,230,225,222,225,228,230,230,228,228,230,228,228,230,233,233,228,215,141,141,144,151,212,228,233,235,233,228,222,225,228,225,228,230,228,228,228,228,228,225,225,222,222,222,222,225,228,228,225,225,222,222,220,217,215,215,212,212,212,212,212,215,215,215,215,212,212,207,198,196,198,204,212,212,209,209,209,215,222,225,222,217,217,217,217,217,217,220,222,222,222,217,215,215,217,222,222,217,215,215,215,212,209,207,207,209,209,212,215,217,222,222,220,217,215,215,215,217,217,217,215,215,215,212,212,212,212,215,215,215,217,217,215,212,209,209,207,207,205,205,207,209,207,207,207,209,212,212,215,217,217,217,215,215,217,217,222,225,225,225,225,222,222,222,225,225,225,225,225,225,228,230,230,230,230,233,233,233,235,233,233,233,235,233,230,228,228,228,230,233,233,233,230,230,228,225,225,225,222,220,217,212,212,209,209,209,207,207,207,202,195,196,207,212,215,215,215,215,212,212,212,222,228,230,228,228,228,228,228,225,222,222,222,225,222,222,217,212,209,207,207,204,199,191,139,136,137,141,189,194,194,194,194,196,199,202,199,196,194,191,186,139,131,129,130,137,189,194,196,204,207,204,203,207,222,230,233,235,238,241,238,0,238,241,243,241,241,238,241,0,0,0,0,0,0,248,243,241,129,116,100,63,55,37,15,2,0,3,13,23,39,51,51,57,63,73,108,129,157,183,204,220,241,248,248,0,0,0,255,255,0,0,255,255,246,222,222,222,222,204,178,168,170,170,170,0,126,100,63,51,51,51,51,51,41,35,23,17,13,7,7,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,53,64,64,53,30,22,9,9,17,46,69,79,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,111,95,0,0,0,0,0,0,0,48,27,14,4,4,0,4,0,56,90,137,150,105,79,87,0,0,0,241,225,191,181,189,199,189,183,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,204,113,0,0,0,0,255,255,255,255,255,118,0,0,0,0,27,21,31,66,77,116,152,116,43,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,17,49,131,168,160,118,100,121,152,165,173,212,255,255,255,170,41,0,0,0,0,0,0,0,0,191,255,254,217,212,170,144,131,126,118,77,124,144,73,0,0,0,0,0,0,0,0,0,0,0,11,25,33,53,121,144,27,0,137,255,255,199,189,194,217,222,191,99,41,0,0,0,5,31,77,178,225,235,142,53,59,144,189,228,254,255,255,255,222,15,1,1,1,9,9,0,0,0,0,0,0,0,0,0,0,0,0,55,150,181,183,178,183,189,191,189,183,178,186,189,178,165,157,157,168,176,181,181,183,189,189,189,173,115,89,84,94,155,150,90,99,157,157,183,189,142,33,5,13,57,116,131,157,142,142,160,178,186,77,0,9,69,45,13,0,0,0,0,0,73,121,79,67,67,61,25,27,134,194,207,181,67,3,23,39,29,45,97,170,165,147,87,82,89,139,99,89,83,57,0,0,7,89,168,160,101,97,170,189,2,19,107,181,163,168,191,189,170,93,77,89,150,173,173,170,176,181,186,186,183,183,181,183,191,204,207,204,196,183,173,176,183,183,170,170,170,150,95,71,69,81,85,61,35,23,17,25,45,63,81,91,131,129,124,124,126,142,150,157,160,160,155,144,142,142,144,144,142,147,147,152,152,150,144,142,139,134,139,168,189,199,199,191,178,183,189,189,194,202,202,212,217,0,0,0,0,0,0,0,0,0,0,215,186,147,98,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,77,79,53,95,152,160,139,121,113,124,131,127,129,134,129,87,83,85,137,147,155,155,126,75,69,74,103,118,129,124,108,100,99,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,251,241,241,241,238,233,230,220,212,183,142,105,82,66,43,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,103,137,170,183,170,155,144,108,100,124,134,131,131,139,147,155,155,163,181,189,191,186,181,121,0,0,0,0,0,35,87,92,100,116,108,113,157,152,137,127,131,152,163,168,173,173,170,169,170,170,176,186,196,196,194,191,191,194,196,204,212,215,209,204,202,204,209,204,183,119,117,113,109,107,113,123,129,176,186,189,178,125,122,124,131,173,125,113,102,178,181,178,129,117,170,189,189,173,126,126,129,176,183,186,189,189,183,176,131,131,129,123,119,118,125,181,194,191,183,186,191,196,202,204,204,207,207,196,189,199,212,217,225,230,230,217,196,183,186,199,209,212,217,222,222,222,135,25,0,0,0,103,189,194,196,202,209,209,181,133,199,228,233,222,164,176,204,196,183,191,194,189,202,204,191,181,189,222,235,228,212,212,222,220,209,212,220,202,97,0,3,105,176,183,199,225,233,230,222,217,216,217,225,228,228,222,222,222,225,228,225,209,194,202,217,230,233,233,230,228,217,209,204,204,207,207,204,199,198,198,199,202,207,212,212,209,207,204,202,196,186,183,186,196,204,207,202,194,186,183,137,135,133,133,178,183,189,186,183,181,181,183,194,191,189,194,199,196,196,196,199,204,202,198,196,199,204,202,196,196,196,204,209,207,199,189,182,183,196,209,209,196,135,186,191,191,191,194,199,204,204,194,191,191,194,199,202,204,209,215,212,212,215,222,222,225,228,233,228,222,215,209,207,209,215,217,215,212,217,225,228,230,228,217,202,191,139,137,194,207,202,189,191,199,199,137,129,131,186,199,209,217,209,127,115,119,131,129,125,133,128,137,217,230,225,222,225,225,209,111,56,58,81,129,215,228,228,225,225,225,225,225,228,233,238,238,235,233,228,228,228,228,230,230,233,233,233,233,228,222,217,217,217,217,217,217,222,225,228,228,230,235,235,230,225,217,222,228,228,222,218,220,218,220,222,228,228,228,230,233,233,235,235,235,233,230,228,228,228,230,233,230,212,205,207,212,215,217,222,222,222,217,217,215,207,199,199,202,202,200,200,212,228,230,230,235,241,241,243,243,243,238,235,235,238,235,238,241,238,222,202,217,228,233,238,238,235,238,238,238,235,238,241,243,243,241,129,35,19,53,129,207,215,222,228,230,230,230,230,233,233,233,233,233,233,230,225,222,217,212,207,202,143,133,133,141,199,207,217,241,238,127,89,93,137,212,225,233,241,238,230,215,211,211,217,215,207,204,204,209,212,209,207,200,199,200,207,212,212,215,222,225,222,222,225,225,217,212,212,222,230,233,233,228,217,216,217,217,212,212,215,220,217,217,228,233,233,230,225,217,215,212,212,213,212,212,215,215,211,209,212,222,225,228,228,222,212,209,215,222,222,217,215,217,228,228,225,228,238,246,243,235,233,235,241,243,243,238,233,230,225,225,228,230,230,225,222,222,225,224,221,224,233,241,241,233,235,241,243,238,235,238,238,238,235,233,230,230,230,228,226,226,233,241,243,243,243,241,238,238,241,243,241,233,228,225,222,222,225,233,238,238,238,235,233,228,217,212,212,215,225,225,222,220,225,230,228,215,215,222,233,235,233,235,238,238,230,222,217,217,139,105,94,99,153,222,225,228,228,228,228,228,228,228,228,228,228,228,233,235,235,233,230,225,222,215,212,209,209,212,212,215,209,207,205,209,217,222,220,222,228,228,220,212,212,212,215,217,225,225,225,222,217,222,225,230,233,230,230,230,233,235,235,235,235,238,241,238,235,234,234,235,241,243,241,238,235,235,238,235,235,235,235,233,225,209,203,203,205,209,209,208,209,215,222,222,222,222,222,225,228,228,225,222,222,225,225,225,225,225,228,228,228,225,225,225,228,230,228,225,225,228,230,233,230,225,222,222,217,215,215,217,225,230,230,228,225,225,230,233,233,230,230,230,228,230,233,233,230,222,207,144,147,212,225,228,230,233,233,230,228,225,225,228,228,228,230,228,228,228,225,225,225,222,222,222,220,220,222,225,225,225,222,222,220,217,217,215,215,215,215,215,212,212,212,212,215,212,212,212,204,198,196,202,209,212,209,209,209,215,217,222,222,222,220,220,217,217,217,217,217,222,222,222,217,215,215,217,222,222,217,215,215,215,215,215,212,209,207,209,212,215,217,222,222,220,217,217,217,217,217,217,217,217,217,217,215,212,212,215,215,215,217,217,217,215,215,212,209,209,207,205,207,209,209,207,207,207,209,209,212,212,215,217,217,217,215,217,222,222,225,225,225,225,222,222,225,225,225,225,222,222,225,228,230,230,230,233,233,233,233,233,233,233,233,235,233,230,228,228,228,230,233,233,233,230,230,228,225,222,222,222,220,215,209,207,207,207,209,207,207,204,199,194,195,202,207,207,207,209,215,217,215,215,222,230,230,228,228,228,228,228,225,222,222,222,225,225,222,217,215,209,207,207,204,199,189,137,135,136,141,191,196,196,194,194,196,202,202,199,194,191,194,191,183,135,135,137,141,186,191,196,202,207,209,212,222,230,235,235,238,238,235,238,238,238,238,238,238,238,238,241,0,0,0,0,0,0,248,246,241,126,108,92,55,43,21,7,0,2,7,15,23,43,51,55,61,71,103,118,142,168,186,212,238,254,255,0,0,0,0,0,0,0,0,255,255,248,222,217,212,212,204,194,194,194,189,0,0,116,100,63,57,51,51,51,45,41,35,23,17,11,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,1,0,0,0,17,53,0,0,0,0,0,0,79,79,72,64,46,22,22,46,79,98,0,0,0,0,0,0,147,152,147,147,147,147,0,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,98,0,0,0,0,0,0,0,0,38,14,7,4,4,4,12,0,56,85,144,183,165,118,105,137,0,0,230,191,172,169,173,183,189,199,209,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,251,204,113,0,0,0,0,248,255,255,255,129,3,0,0,0,0,35,72,100,85,60,85,147,124,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,29,87,142,168,144,103,87,111,155,173,173,199,251,255,255,202,47,0,0,0,0,0,13,13,61,255,255,254,217,194,160,134,118,118,137,155,168,157,67,0,0,0,0,0,0,0,0,0,0,0,5,17,21,27,131,181,230,248,251,255,255,243,222,217,217,222,222,183,55,0,0,0,0,0,7,170,241,255,32,26,43,137,196,225,255,255,255,255,37,0,9,13,1,5,9,0,0,0,0,0,0,0,0,0,0,0,0,0,157,194,191,186,183,191,199,196,186,178,178,173,165,160,160,176,191,207,199,189,181,183,189,189,181,157,103,97,109,155,150,150,165,191,194,191,168,131,63,49,65,118,152,178,204,186,157,142,131,118,0,0,25,65,45,25,0,0,0,0,11,61,61,53,55,61,47,25,29,144,189,189,155,23,12,61,71,49,69,157,165,147,142,137,91,95,97,89,63,23,0,0,0,45,160,181,173,150,155,173,181,2,15,144,181,168,168,191,194,173,85,67,79,160,183,186,181,178,178,186,189,191,191,183,189,199,220,220,204,191,173,163,165,173,178,163,152,142,93,79,71,70,81,81,61,31,9,3,3,29,55,75,89,126,129,121,120,126,142,157,160,165,163,155,147,142,142,144,144,147,155,157,152,147,142,137,134,139,144,163,178,194,189,181,170,170,170,183,189,194,202,209,207,217,0,0,0,0,0,0,0,0,0,0,230,191,157,113,64,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,45,57,53,92,142,150,129,113,108,126,137,137,129,129,121,87,85,91,144,155,152,142,113,70,74,103,118,129,129,116,113,116,113,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,243,228,215,207,212,225,222,220,212,199,181,139,95,69,43,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,43,0,0,0,0,38,105,113,108,113,131,147,150,150,165,189,189,181,183,173,46,0,0,0,0,0,0,1,0,0,0,0,0,41,152,155,168,186,183,170,165,170,173,173,170,173,173,173,181,189,191,189,181,178,178,186,196,207,207,202,199,202,204,207,204,189,125,121,121,117,117,123,129,173,181,189,194,186,131,124,127,176,181,178,129,104,178,170,176,183,178,181,189,189,181,129,127,128,178,189,199,204,204,199,194,186,176,173,131,122,121,127,178,186,183,178,181,183,186,189,191,191,199,207,196,191,204,215,217,222,220,225,220,207,194,194,199,204,209,209,209,209,215,215,189,1,0,0,65,181,191,191,181,132,183,186,183,199,212,217,212,161,176,173,117,113,183,186,178,183,186,186,186,196,220,235,230,204,194,225,215,168,183,230,230,196,109,127,186,189,183,191,217,230,233,228,222,217,222,225,228,228,225,222,222,222,222,217,212,207,209,215,222,228,230,230,225,215,207,204,204,207,207,204,202,202,204,207,209,212,215,212,209,207,207,204,199,189,182,182,191,199,204,202,194,189,183,183,186,186,181,183,183,183,181,181,181,181,183,194,191,186,186,186,186,194,202,202,202,198,196,196,202,204,199,194,191,194,199,202,202,194,185,183,189,202,212,215,204,189,186,186,189,196,199,196,191,189,189,189,189,191,191,190,190,194,207,209,209,212,212,215,215,222,225,217,212,204,204,207,209,212,212,204,202,207,215,215,212,209,207,199,194,191,189,199,202,194,191,187,191,196,141,135,194,204,191,139,135,119,111,114,129,141,139,133,189,135,137,217,230,217,215,217,215,202,137,127,119,105,119,207,225,228,228,230,230,230,228,233,238,241,238,233,228,228,228,228,230,233,233,233,230,228,228,228,225,225,225,225,222,217,212,212,215,222,228,233,235,238,233,228,225,228,230,230,225,222,225,222,222,225,228,230,230,235,238,238,238,235,233,230,228,226,226,226,230,235,230,212,204,205,215,217,222,222,222,217,217,217,222,215,207,202,202,204,202,202,215,228,233,235,241,243,243,243,243,241,235,233,233,233,235,238,241,238,143,73,230,238,238,235,233,238,243,243,241,238,238,238,238,230,204,75,27,35,127,189,194,199,209,217,217,212,207,204,225,230,233,233,233,233,230,225,215,212,207,199,194,138,134,134,141,194,202,222,233,217,127,115,143,207,225,233,238,238,235,230,217,211,212,217,215,209,207,207,209,212,207,202,199,198,200,215,217,215,222,228,233,228,222,222,225,222,222,225,233,238,235,233,225,217,222,225,222,215,217,225,228,225,225,230,235,230,225,217,215,215,217,222,225,220,217,222,217,211,211,212,215,215,215,217,212,204,203,209,225,228,225,217,215,222,225,228,233,238,238,233,230,233,238,243,243,238,233,228,225,224,224,230,235,233,225,217,217,225,225,225,228,241,246,243,235,238,243,243,241,238,235,235,233,228,225,225,228,230,228,226,228,233,238,238,238,238,238,238,238,241,243,241,233,228,222,221,220,222,230,238,238,238,235,235,230,222,215,215,222,228,228,225,222,228,235,233,225,217,225,233,238,235,235,238,235,230,225,217,202,117,103,113,207,235,235,228,228,228,228,228,226,226,225,225,226,230,233,233,235,235,230,225,217,215,209,209,209,209,209,212,217,215,212,212,220,228,228,225,228,230,230,222,215,209,208,209,215,222,222,217,215,215,215,225,230,233,230,230,230,233,235,235,233,235,241,241,238,235,233,233,235,238,241,241,238,235,235,238,235,233,233,235,233,222,207,204,212,217,217,212,209,209,215,222,225,222,217,217,220,222,225,225,222,225,228,225,217,220,225,228,228,225,224,224,228,230,233,230,225,225,225,228,230,233,230,225,222,225,225,228,228,230,230,230,228,225,225,228,230,233,230,230,228,228,230,235,238,233,217,204,153,215,233,235,230,228,230,230,230,230,228,230,230,228,225,228,230,228,225,225,222,222,222,222,217,217,217,220,222,225,222,222,217,217,217,215,215,215,215,215,212,212,209,209,209,209,212,212,212,209,204,204,207,209,209,209,209,212,217,220,220,217,217,220,222,220,217,217,217,217,222,222,222,217,217,217,217,220,220,217,217,215,215,215,215,212,209,207,209,209,212,215,220,222,220,217,217,217,217,217,217,217,217,217,217,215,215,215,215,215,215,215,217,217,215,215,212,212,212,212,207,209,209,209,209,207,207,209,209,212,212,215,217,217,215,215,217,222,225,225,225,225,225,222,222,225,225,225,222,217,217,222,228,230,233,233,233,233,233,233,233,233,233,233,233,233,230,230,228,230,230,233,233,233,230,230,228,222,222,222,222,217,212,207,202,202,204,207,207,204,202,196,194,195,199,202,202,202,204,212,222,217,217,225,230,230,228,228,228,228,228,225,222,222,222,225,225,225,222,215,207,204,204,204,202,191,137,134,135,139,189,196,199,196,196,196,202,202,199,194,191,196,199,194,189,186,186,186,186,186,194,204,212,215,222,230,233,235,235,235,233,233,233,235,235,235,235,238,238,241,243,0,0,0,0,0,0,248,243,238,111,95,57,49,37,23,13,3,3,5,13,21,41,51,51,55,63,108,126,147,170,196,220,246,255,255,0,0,0,0,0,0,0,0,255,255,248,220,212,204,204,209,215,220,215,202,0,0,116,100,82,61,57,55,47,41,35,35,31,23,21,11,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,20,7,0,0,0,4,25,0,0,0,0,0,0,90,98,90,72,56,46,48,77,0,0,0,0,0,0,105,113,121,124,124,137,139,142,0,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,87,0,0,0,0,0,0,0,0,17,7,0,0,0,0,12,38,56,74,144,202,191,150,118,137,181,225,222,181,168,168,178,196,199,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,241,241,204,118,46,0,0,0,255,255,255,173,11,0,0,0,0,0,90,139,142,74,48,85,139,126,85,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,35,98,131,142,118,59,45,59,137,170,168,189,228,255,255,220,121,53,35,13,0,3,55,59,139,251,255,230,189,163,160,142,126,126,155,170,163,124,49,0,0,67,0,0,0,0,0,0,0,0,0,0,0,0,61,157,251,255,255,255,255,255,254,241,204,186,199,215,181,43,0,0,0,0,0,163,246,255,19,23,51,194,246,255,255,255,255,176,31,13,49,41,7,0,3,0,0,0,0,0,0,0,0,0,0,0,0,15,191,202,194,186,183,189,199,196,191,178,170,152,150,152,170,191,209,222,209,191,181,178,181,189,189,181,168,160,150,108,106,150,186,209,209,176,131,83,79,89,142,152,160,170,191,157,77,65,57,39,0,0,77,71,49,71,69,0,0,5,47,53,41,43,61,73,79,40,73,183,178,142,53,8,23,81,95,89,144,170,160,139,139,139,97,89,83,63,21,0,0,0,31,168,189,189,173,163,155,150,91,0,33,181,202,196,191,191,189,163,85,74,97,183,194,199,191,181,178,178,189,191,186,181,183,196,207,207,194,178,165,157,159,170,170,152,142,95,85,85,83,83,89,89,65,35,3,0,0,23,55,79,91,131,124,121,120,126,142,157,165,163,163,163,152,142,142,144,150,150,170,168,152,105,99,99,131,139,147,168,176,176,173,163,163,163,170,181,186,194,209,212,215,225,0,0,0,0,0,0,0,0,0,0,230,204,176,137,87,35,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,51,49,92,131,139,118,98,98,126,142,142,134,129,121,87,85,118,144,147,137,121,81,74,103,129,137,137,126,113,105,113,124,131,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,215,220,212,199,189,170,131,90,61,25,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,165,121,74,77,35,147,142,144,170,186,181,150,98,64,5,0,0,0,0,0,0,0,0,0,0,0,0,0,90,170,194,207,209,181,155,160,168,170,176,178,178,178,178,183,189,183,173,168,173,183,191,191,194,191,194,202,207,207,196,183,173,127,125,125,129,176,189,194,191,191,191,186,178,176,183,194,196,191,191,191,176,123,119,176,186,186,183,183,181,173,170,173,176,186,199,207,207,207,204,202,186,181,176,131,131,173,178,178,178,178,178,176,176,181,183,186,196,204,199,194,204,215,217,212,208,215,217,207,196,194,196,199,202,202,199,204,217,225,222,212,59,57,67,129,191,186,127,125,133,199,202,207,209,204,191,202,207,131,79,127,204,199,168,170,173,173,176,186,215,241,217,67,83,255,191,7,89,217,228,209,191,127,176,189,181,186,212,230,233,230,225,222,222,225,225,228,228,225,225,222,217,215,212,215,215,209,207,209,217,222,217,209,204,202,202,204,207,209,207,207,209,212,212,215,215,215,212,209,207,207,204,194,182,181,183,194,199,202,199,196,191,194,199,194,191,189,183,178,178,178,183,183,183,183,183,183,135,133,181,196,204,207,204,202,202,204,209,209,204,196,189,186,189,194,194,189,185,185,189,204,217,215,202,189,182,181,183,204,215,194,139,141,191,191,189,191,196,194,190,190,207,212,212,212,215,215,215,217,215,207,202,199,202,204,209,209,207,196,149,196,202,199,199,196,204,209,209,207,199,191,189,191,191,189,194,196,196,199,209,217,191,115,98,95,104,131,202,204,202,202,204,209,215,217,217,212,211,212,212,207,147,137,135,141,147,199,215,230,233,233,233,230,230,233,235,235,230,226,226,226,228,228,230,235,238,235,230,225,225,225,228,230,230,233,230,222,208,205,208,212,225,233,235,233,230,228,230,235,238,235,230,233,235,230,225,225,228,230,233,233,235,235,235,233,230,228,228,226,228,228,230,238,235,222,209,212,222,228,228,225,217,215,215,222,225,228,215,202,202,207,204,151,209,233,238,241,243,243,238,238,233,233,233,230,230,233,235,235,235,228,58,62,235,238,235,231,231,235,241,243,241,238,238,235,233,222,125,61,55,129,204,191,113,126,194,207,204,187,173,169,186,215,228,225,217,225,225,217,204,147,146,147,147,143,139,143,145,194,199,209,209,143,133,141,204,225,233,233,230,228,228,225,222,217,217,217,215,212,215,215,212,212,209,204,200,202,212,222,222,217,217,228,233,230,222,215,225,230,228,230,238,238,233,228,225,225,230,233,225,225,230,235,233,225,222,228,230,225,215,213,215,222,225,230,230,228,222,222,217,215,212,215,212,207,207,209,207,204,203,209,215,217,212,212,212,217,228,235,238,235,230,228,230,233,238,238,235,228,221,220,220,224,228,230,233,230,225,216,217,225,230,233,238,243,243,238,233,235,241,241,238,238,235,233,228,224,221,225,230,233,230,228,228,230,233,233,233,233,235,238,238,238,238,238,233,228,225,222,222,222,230,235,238,235,233,233,228,225,225,228,230,230,228,225,225,228,230,230,225,222,225,233,238,238,233,233,230,228,225,215,147,129,123,145,225,235,235,228,228,228,230,228,228,226,224,225,228,233,235,233,233,233,230,222,212,208,209,212,215,215,215,215,217,222,222,222,225,230,230,230,230,230,225,215,212,209,207,207,212,217,217,215,215,215,217,222,230,233,230,230,233,235,238,238,233,235,238,241,238,234,233,233,235,238,241,243,243,241,238,238,235,233,233,238,230,209,205,212,228,230,228,217,212,212,217,225,225,222,217,215,215,215,217,217,222,225,225,222,217,220,225,228,228,225,225,225,228,233,235,230,228,228,228,228,228,230,230,228,225,225,230,233,233,233,230,230,228,225,225,225,230,230,230,230,230,228,230,235,238,230,215,204,207,217,233,235,230,228,228,230,228,228,230,230,230,228,225,225,228,228,225,222,222,222,222,217,215,213,215,217,217,222,222,222,217,217,215,215,215,215,215,212,209,209,212,212,209,209,209,212,215,215,212,212,215,215,212,209,212,217,222,222,217,216,216,217,217,220,220,222,222,222,222,222,222,222,220,217,217,217,217,217,217,217,217,217,215,212,209,207,207,209,209,215,217,217,217,215,215,217,217,217,217,217,217,215,215,215,212,212,212,212,212,215,215,215,215,212,215,215,215,215,215,215,212,212,209,209,209,212,212,212,215,217,217,215,212,215,217,222,225,225,225,225,225,222,222,222,222,222,217,215,215,217,228,230,233,233,235,235,233,233,230,230,230,233,233,230,230,230,230,230,233,233,233,230,230,228,225,222,217,217,215,215,209,204,202,199,202,204,204,202,199,196,194,196,202,199,196,199,204,209,215,217,222,225,228,228,228,228,228,228,225,225,225,225,222,225,225,225,217,212,207,203,204,204,204,196,143,136,135,137,189,196,199,199,199,199,199,202,199,196,194,199,202,202,196,191,191,189,185,185,191,202,212,220,225,228,233,235,235,230,229,229,230,233,235,235,235,238,241,243,246,246,246,246,0,251,251,248,243,235,100,92,63,51,49,45,37,17,13,5,5,17,41,47,51,49,57,100,126,147,176,204,235,248,255,255,0,0,0,0,0,0,0,0,0,255,235,204,204,204,209,0,0,0,0,0,0,139,116,98,82,82,82,74,47,37,35,35,35,37,25,17,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,14,0,0,0,0,14,35,66,0,0,72,72,90,100,90,72,61,51,0,0,0,0,0,0,116,98,90,98,98,105,113,116,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,95,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,22,40,72,0,0,0,157,129,157,202,233,225,189,168,168,189,222,0,0,0,0,0,0,0,235,209,0,0,0,0,0,0,255,225,215,204,178,137,0,0,0,0,0,255,255,129,0,0,0,0,0,47,144,163,129,61,57,92,144,152,103,79,90,0,0,0,0,0,0,0,0,0,27,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,29,74,113,105,57,27,15,29,61,126,157,191,222,254,255,241,165,165,202,168,69,33,67,124,121,147,191,178,142,142,160,137,134,152,168,168,137,53,0,0,0,31,7,0,0,0,0,0,0,0,0,0,0,0,7,189,255,255,255,255,255,255,255,254,222,191,173,170,189,222,3,0,0,0,0,97,255,255,152,150,194,246,255,255,255,255,251,191,134,75,75,57,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,204,207,194,183,181,183,191,196,194,178,160,148,143,152,178,204,220,220,199,189,178,177,181,189,196,202,196,181,165,108,106,152,183,199,165,83,71,79,91,163,194,186,157,75,63,51,38,39,37,15,0,45,134,134,121,155,163,121,71,79,81,61,41,41,67,137,165,165,183,202,168,43,8,6,75,150,165,168,168,168,150,97,97,139,97,79,65,31,3,0,19,57,99,178,191,189,178,170,155,99,65,0,73,191,202,207,202,191,176,99,81,85,160,196,209,209,199,183,181,189,191,186,173,173,173,191,196,204,194,183,163,159,165,163,163,152,139,95,129,131,126,126,129,126,73,33,3,0,1,35,67,89,91,124,121,121,126,137,150,157,165,168,168,163,152,147,144,144,147,155,160,152,139,99,97,97,134,142,147,160,160,160,165,163,163,160,163,181,191,204,217,225,228,228,0,0,0,0,0,0,0,0,0,0,0,228,194,155,103,61,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,35,74,92,118,118,95,61,67,118,134,142,129,121,118,87,85,118,134,137,121,81,81,111,118,137,155,144,126,100,98,100,103,111,121,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,178,194,202,191,181,170,142,105,74,43,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,186,147,7,0,0,82,142,142,144,142,100,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,199,209,207,186,144,134,155,170,181,189,189,186,186,189,186,178,170,168,176,183,186,183,181,183,186,196,207,207,194,176,121,123,129,176,178,186,194,196,189,186,186,186,186,189,199,204,204,199,196,191,178,123,117,113,183,186,178,129,125,173,178,176,173,178,191,202,204,204,204,199,189,181,178,181,183,183,181,178,177,178,178,176,176,178,178,181,189,196,191,186,196,209,215,212,208,215,220,207,191,189,191,196,196,196,194,199,212,225,230,225,212,199,183,189,199,194,132,129,178,204,209,212,212,199,190,196,233,127,38,83,202,196,165,170,170,176,176,170,178,199,83,0,43,170,31,0,23,209,215,225,202,120,119,127,178,191,215,230,235,233,228,222,225,225,228,230,230,228,225,222,215,212,212,215,212,204,202,203,212,215,209,204,202,202,200,202,204,207,207,207,212,212,212,212,215,215,215,209,199,196,196,189,183,182,183,191,199,202,202,202,199,202,204,196,191,189,186,181,176,176,178,183,183,178,178,133,132,135,189,202,204,202,199,202,207,212,215,215,209,204,194,186,183,186,186,185,186,186,189,202,215,209,196,186,182,183,199,217,215,191,141,194,199,196,196,199,204,204,199,199,207,212,217,225,225,225,225,222,209,204,199,198,202,207,209,209,204,149,147,147,146,147,145,145,202,217,225,222,209,191,186,187,189,191,199,207,207,207,212,215,194,118,107,106,117,204,225,225,222,217,222,225,225,217,212,211,212,215,222,217,209,204,207,209,196,144,149,222,230,230,230,228,228,230,230,228,226,226,226,228,228,230,233,238,241,238,233,225,225,228,233,235,235,238,238,230,215,211,211,215,225,230,230,230,228,230,233,241,243,241,241,243,241,233,228,225,228,230,230,230,230,233,230,230,230,230,230,230,233,233,235,238,238,228,215,217,228,228,228,222,212,209,212,215,222,217,204,149,151,202,147,125,141,233,241,241,241,238,233,233,231,230,230,231,233,235,238,235,207,73,55,73,230,235,233,230,230,233,238,238,238,238,235,235,230,222,204,194,191,207,209,139,107,118,135,199,204,196,183,177,182,199,212,209,207,212,217,209,196,144,144,147,196,196,196,202,204,199,194,145,143,137,139,196,217,230,233,228,222,217,217,217,222,222,222,222,215,215,215,215,212,209,209,212,212,217,225,225,217,212,211,217,228,228,212,204,217,225,217,217,230,235,233,233,233,233,235,235,228,228,235,238,233,222,220,222,225,222,215,215,217,222,225,228,228,228,222,222,222,217,215,215,212,204,202,204,207,207,204,204,207,203,203,203,204,212,228,241,243,238,230,228,228,233,238,238,230,224,218,218,224,228,228,228,228,225,222,217,217,225,233,238,241,241,235,230,233,235,238,238,238,241,238,235,230,225,224,228,233,235,233,230,228,228,230,230,230,230,233,235,233,233,235,235,233,233,228,225,220,222,230,235,233,222,217,222,225,228,233,233,233,228,222,217,215,216,222,225,225,225,228,230,235,235,230,228,228,225,222,217,209,153,153,212,228,233,230,228,230,230,230,230,230,230,230,230,230,233,235,233,230,230,225,215,208,207,209,212,215,217,217,222,222,222,222,217,222,228,233,233,230,225,215,208,208,209,208,208,215,217,217,215,215,215,217,222,228,230,230,233,235,238,241,238,233,233,238,241,238,235,235,235,238,241,241,243,246,243,241,238,238,233,233,233,225,209,209,222,230,230,225,215,212,215,222,228,228,222,217,215,215,215,213,213,215,222,222,217,222,225,228,228,228,228,228,228,230,235,238,233,228,228,228,230,230,230,230,228,228,230,233,235,235,233,230,230,228,225,225,225,230,233,233,230,230,228,228,230,233,228,212,204,209,222,228,228,228,230,228,225,225,225,228,228,225,225,224,224,228,228,225,222,222,222,217,217,215,215,215,215,217,217,222,222,222,217,215,215,215,215,209,207,204,207,209,212,212,209,209,212,215,215,215,215,217,217,215,215,215,217,222,222,217,216,216,217,220,222,222,222,222,222,222,222,222,222,222,220,217,217,217,217,217,217,217,215,212,209,207,207,207,207,209,212,215,217,217,215,215,217,217,217,217,217,215,215,212,212,212,212,212,212,212,212,212,212,212,212,212,215,215,217,217,217,215,212,212,212,212,212,212,215,217,220,217,215,212,212,217,222,225,225,225,225,225,222,222,217,217,217,215,212,212,215,225,230,233,235,235,233,233,233,230,230,230,230,230,230,230,230,230,233,233,233,230,230,228,225,222,217,215,212,212,212,209,204,202,199,199,202,202,202,199,196,196,199,199,196,196,199,204,209,212,217,222,225,228,228,228,228,228,228,225,225,225,225,222,222,222,220,215,209,204,203,204,207,204,202,194,141,137,137,186,196,199,199,199,199,199,199,199,196,196,199,202,199,196,194,191,191,186,185,189,196,209,217,225,225,230,235,233,230,229,229,230,233,235,235,235,238,243,246,246,246,246,246,248,251,254,251,243,235,103,100,92,63,63,61,49,23,13,5,5,17,41,49,47,47,55,100,129,157,183,212,238,254,255,0,0,0,0,0,0,0,0,0,0,254,212,202,204,222,0,0,0,0,0,0,0,147,124,98,82,82,0,79,47,35,23,23,25,25,21,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,7,1,0,0,4,17,46,64,79,79,64,62,79,90,87,72,72,72,0,0,0,0,0,0,121,105,87,79,79,82,90,90,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,87,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,35,53,0,0,0,0,165,191,246,255,238,189,173,178,196,0,0,0,0,0,0,0,0,225,176,176,0,0,0,0,0,251,225,204,191,178,152,0,0,0,0,0,255,217,92,0,0,0,0,25,59,131,155,147,111,98,131,176,194,152,95,79,108,0,0,0,0,0,0,0,0,27,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,17,39,49,43,25,7,4,17,45,105,142,176,215,246,255,254,204,222,255,243,150,31,13,27,29,35,71,89,126,155,163,142,130,147,173,160,108,37,0,0,0,31,59,25,0,0,0,0,0,0,0,0,0,0,33,243,255,255,255,255,255,255,255,255,228,189,147,79,93,163,69,0,0,0,0,0,228,248,215,217,238,255,255,255,255,255,255,255,248,186,131,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,194,194,186,181,181,181,183,189,189,178,152,146,148,155,181,194,204,199,191,183,179,176,181,189,196,207,207,204,183,155,142,157,165,150,0,11,39,71,152,186,186,163,43,3,9,39,59,51,33,19,59,134,168,181,189,186,181,163,147,152,131,55,27,37,81,155,165,183,207,191,73,14,11,21,139,173,183,176,160,150,97,89,89,91,83,71,51,17,5,19,73,91,142,163,178,183,178,170,142,93,29,0,87,181,199,209,209,176,83,67,81,109,181,204,212,217,209,194,189,196,196,186,168,165,170,181,196,204,204,194,183,176,160,150,150,152,144,134,139,147,137,134,137,134,73,33,3,0,7,49,83,91,124,126,121,120,126,139,150,157,165,165,163,157,152,152,144,144,142,147,144,105,101,97,97,131,139,147,144,144,143,160,173,173,165,155,155,168,194,212,228,238,238,0,0,0,0,0,0,0,0,0,0,0,0,235,204,173,126,79,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,74,90,95,90,61,55,61,108,124,129,121,118,121,118,83,85,124,121,113,81,111,118,129,144,152,144,116,98,90,87,74,87,95,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,173,173,163,144,131,103,74,56,33,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,139,121,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,196,199,165,79,3,126,165,183,191,194,189,186,189,181,170,163,168,178,183,181,178,177,177,178,186,199,202,189,120,113,120,178,186,186,189,191,189,183,183,186,189,191,196,204,207,207,202,196,189,186,183,199,90,176,178,173,125,119,125,176,176,129,170,178,186,194,196,194,191,186,181,181,186,189,183,181,181,181,183,181,178,176,176,176,133,176,181,178,133,183,199,207,209,212,217,220,207,191,189,191,196,196,196,194,196,209,225,228,228,228,225,212,204,207,202,186,135,181,199,209,212,212,202,191,196,191,107,41,57,107,115,125,181,176,178,176,152,148,165,67,0,0,0,0,0,0,178,196,220,220,124,119,125,178,196,217,230,235,233,228,225,228,230,233,235,230,225,222,217,212,207,209,212,212,207,203,204,212,215,209,204,207,204,200,200,202,207,207,209,212,212,209,209,212,215,212,204,139,135,181,183,183,186,191,194,199,199,199,202,202,202,204,194,189,186,183,181,176,172,173,178,181,181,176,132,133,186,202,207,204,187,187,196,204,212,215,215,212,209,202,189,183,186,185,182,189,191,191,196,207,202,191,183,183,191,212,217,199,141,191,204,207,202,199,202,209,209,207,204,204,209,225,233,235,233,233,230,215,207,199,198,199,209,217,215,209,204,199,149,147,194,145,137,194,222,228,225,212,196,187,186,186,187,196,204,204,202,204,209,199,131,119,123,189,222,233,230,225,225,225,225,222,212,211,212,217,222,228,228,222,217,217,217,202,141,142,207,222,225,225,228,228,230,233,233,230,230,230,230,230,230,233,235,238,238,233,230,230,233,238,238,238,241,241,235,230,225,222,225,228,230,230,228,230,233,235,238,241,241,243,243,238,230,225,225,225,228,228,226,228,230,230,230,230,230,230,230,230,233,233,235,233,228,215,215,222,222,217,215,209,208,209,209,207,199,143,143,151,202,137,105,102,209,238,238,235,235,233,233,233,230,231,235,238,243,246,238,93,51,59,196,228,233,231,231,231,233,235,235,233,235,235,238,233,222,209,212,215,215,215,202,124,129,141,199,212,217,209,191,187,196,204,204,204,212,212,207,196,146,145,196,204,207,209,212,212,204,143,136,136,139,145,204,217,225,225,222,222,222,217,215,217,222,225,222,217,212,209,209,209,209,215,220,228,230,230,225,212,209,211,215,217,215,204,202,204,207,200,200,215,230,233,235,238,235,233,230,225,228,235,238,230,222,220,220,225,225,225,225,225,222,222,222,222,222,222,222,225,222,215,209,207,202,199,200,209,209,207,204,203,202,200,202,204,212,230,243,248,241,233,228,225,228,235,235,230,225,225,230,235,233,228,222,217,217,217,222,222,225,233,241,241,235,228,228,233,238,241,241,241,243,243,241,235,230,228,233,233,233,233,230,228,228,230,233,233,233,235,233,231,231,233,233,233,233,230,225,218,222,228,225,204,194,196,205,215,228,235,238,233,225,216,215,213,215,216,225,230,230,230,230,233,230,228,225,225,228,228,225,225,222,222,228,230,230,230,230,233,230,230,230,233,235,241,241,233,233,233,233,230,225,217,212,207,208,209,212,212,212,215,222,222,222,216,215,216,225,230,233,228,220,209,207,208,212,212,215,222,222,222,217,217,217,222,222,225,225,228,233,235,238,238,235,233,233,235,238,238,238,238,241,241,241,243,243,243,243,241,241,238,235,230,228,217,215,217,225,225,217,212,211,212,215,225,230,228,225,220,217,217,217,215,212,213,215,217,217,225,230,233,230,228,230,230,230,233,235,235,233,230,228,230,230,233,233,230,230,233,233,235,235,235,233,233,230,228,225,225,228,233,235,235,233,230,226,226,228,230,225,215,212,217,225,225,225,228,230,228,222,222,222,225,225,225,224,224,224,225,225,222,222,222,222,217,215,215,215,215,212,212,215,217,217,217,217,217,215,215,212,209,204,202,203,209,215,215,215,212,212,215,213,215,217,220,222,217,215,215,217,222,222,217,217,217,220,222,222,222,222,222,222,222,222,222,222,222,220,220,220,220,217,217,217,217,215,212,209,207,207,207,207,209,212,215,217,217,215,215,215,217,217,217,217,215,215,212,212,212,212,212,212,212,212,212,209,209,209,209,212,212,215,215,215,212,209,209,212,212,212,212,215,220,222,217,212,211,212,217,222,225,225,225,225,225,222,222,217,217,217,215,212,212,215,222,228,230,233,233,233,233,230,230,230,230,230,230,230,228,228,230,230,230,230,230,228,225,222,222,215,212,209,209,209,207,204,202,199,199,199,199,199,199,199,196,199,196,147,147,199,207,209,212,217,222,225,228,228,226,226,228,228,225,225,225,225,222,222,222,217,212,207,203,204,207,209,209,204,199,143,136,136,141,194,199,199,199,202,202,199,199,196,196,199,199,196,191,189,191,194,189,186,189,194,202,212,220,225,230,233,233,230,230,230,233,235,235,235,235,238,243,246,248,248,246,246,246,251,254,254,246,238,111,108,108,105,100,100,61,41,17,11,7,17,41,55,55,53,61,108,142,168,194,212,238,0,0,0,0,0,0,0,0,0,0,0,255,235,204,204,222,246,0,0,0,0,0,0,178,155,116,90,79,87,0,79,43,23,17,17,13,13,13,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,9,1,1,1,7,14,27,51,72,79,79,72,62,72,79,87,79,79,0,0,0,0,0,0,0,0,108,87,72,66,72,72,72,79,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,87,61,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,35,0,0,0,0,0,0,255,255,255,238,173,163,173,170,170,0,0,0,0,0,0,254,207,168,165,0,0,0,0,0,241,225,212,212,191,173,0,0,0,0,0,235,160,57,17,0,0,17,37,57,116,147,155,150,157,186,235,255,196,118,87,118,0,0,0,0,0,0,0,0,38,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,17,23,23,19,7,0,7,25,49,105,139,168,202,230,255,255,243,255,255,255,207,45,5,0,0,0,45,89,155,194,196,168,120,125,163,163,121,65,23,0,0,71,121,59,0,0,0,0,0,0,0,0,0,0,65,248,255,255,255,255,255,255,255,255,233,189,89,1,0,5,0,0,0,0,0,0,0,163,209,215,238,255,255,255,255,255,255,255,255,255,170,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,55,168,186,181,181,181,181,181,189,189,178,170,150,148,152,170,181,186,191,191,194,189,181,179,181,189,191,191,189,194,181,163,155,165,157,81,0,0,0,1,168,194,165,65,0,0,0,63,137,75,37,39,170,181,189,204,199,160,134,139,121,118,67,17,9,27,111,152,137,157,183,163,43,16,20,87,173,186,176,137,83,79,79,79,85,83,73,57,29,4,4,33,99,152,152,157,170,178,178,163,142,85,13,2,101,176,199,207,191,83,45,45,81,178,199,207,217,233,217,207,199,204,204,194,176,165,165,173,189,196,204,204,191,176,147,131,137,152,152,144,147,152,142,137,142,134,71,33,3,1,9,49,79,89,124,124,121,124,137,142,150,157,160,160,155,152,152,152,144,139,99,95,95,95,94,97,134,139,147,147,144,142,143,165,181,186,170,152,152,168,194,217,238,238,228,0,0,0,0,0,0,0,0,0,0,0,0,235,225,186,144,95,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,87,90,87,79,52,51,53,65,113,113,113,113,118,116,83,77,87,116,113,111,113,118,129,144,147,134,113,98,98,74,64,64,69,92,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,134,131,113,85,66,56,40,25,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,64,37,0,0,85,163,183,191,191,189,183,181,173,160,157,170,181,181,177,176,177,177,177,178,191,196,178,116,116,129,189,194,191,191,186,181,181,186,191,194,194,196,202,204,207,204,199,191,196,204,233,71,125,121,127,129,121,119,127,170,129,126,127,173,183,186,183,181,183,181,178,181,181,173,173,178,183,186,183,181,178,178,176,132,132,133,132,132,178,189,199,202,202,209,212,202,191,189,191,194,194,194,194,196,207,217,222,222,225,228,225,220,215,204,189,181,181,194,202,207,209,207,202,207,215,173,49,47,77,107,183,181,173,170,160,150,152,217,155,0,0,0,0,0,0,63,189,215,225,204,178,176,183,196,217,233,238,235,230,228,228,228,230,228,225,217,212,207,204,204,204,209,212,209,204,207,209,212,207,207,207,204,202,202,207,209,209,209,209,207,204,204,207,209,207,191,128,127,133,181,189,191,191,191,189,189,191,194,189,186,194,189,183,178,178,178,173,170,172,176,178,183,181,133,178,194,207,209,202,182,185,194,199,204,212,209,209,209,202,186,183,189,186,183,189,194,191,191,196,194,186,183,183,191,209,207,139,137,196,207,209,204,196,196,202,207,207,203,203,207,222,238,243,243,241,233,222,209,199,195,198,212,228,228,217,215,212,207,207,207,194,126,131,207,217,212,207,202,194,189,186,187,194,196,194,190,196,207,204,189,139,189,207,228,235,228,225,224,225,225,217,212,212,217,222,228,230,230,228,222,222,217,207,145,144,202,215,222,222,225,233,238,241,238,238,235,235,235,233,233,233,233,233,235,235,235,238,241,241,238,238,241,238,235,235,233,230,228,230,233,233,233,235,235,235,235,233,233,235,233,230,225,224,225,228,230,228,226,228,228,228,228,228,228,228,225,222,228,230,228,228,222,213,212,213,213,215,215,212,209,209,204,151,143,140,143,207,215,151,108,88,111,222,235,238,238,238,241,238,233,238,243,241,246,248,233,68,57,123,225,233,235,233,233,233,235,233,233,233,235,238,243,241,215,202,209,212,212,222,228,228,215,202,204,215,228,228,212,199,199,202,202,204,209,209,204,199,194,194,199,207,212,215,217,215,207,145,136,139,147,202,209,215,217,222,225,230,228,217,212,213,217,222,222,215,209,204,204,209,212,217,225,233,235,233,222,212,212,217,217,209,203,202,202,203,203,199,200,212,228,233,235,235,228,222,217,215,222,230,233,230,225,222,225,228,228,228,228,228,222,222,222,222,225,225,225,228,222,212,207,204,202,200,202,215,212,207,207,204,204,204,207,209,217,233,243,246,238,228,224,224,228,230,230,230,233,235,238,238,233,225,216,215,215,216,225,228,228,233,238,238,230,228,230,235,241,241,241,243,246,246,243,235,233,233,233,233,230,230,230,228,228,233,235,238,238,238,235,231,231,233,233,233,230,228,222,222,225,225,212,199,192,195,204,215,230,238,238,230,222,216,216,217,222,225,233,235,235,233,230,230,228,225,225,228,230,233,233,230,230,230,233,230,230,230,235,233,230,229,229,230,235,241,241,235,233,233,230,228,222,215,209,208,208,209,209,209,209,212,217,222,222,217,216,217,225,230,230,228,222,215,209,212,217,220,222,225,225,225,225,225,225,225,225,222,222,222,228,230,233,235,233,231,231,235,235,238,238,238,241,241,241,241,241,243,243,241,238,238,235,228,222,220,225,228,225,217,212,211,212,215,217,225,228,228,225,222,222,222,222,217,215,215,215,215,215,225,230,233,230,228,228,230,230,230,230,233,233,230,228,228,228,230,230,233,233,235,238,238,238,235,235,233,230,228,228,228,230,235,238,235,235,233,228,226,228,228,228,222,222,228,228,225,225,225,222,222,222,222,222,225,225,225,225,225,225,225,222,222,225,225,222,217,215,217,215,212,211,211,212,215,215,217,217,217,217,217,215,209,204,203,204,209,212,215,215,215,215,215,215,215,217,217,217,217,215,215,217,217,220,222,220,222,222,225,225,222,222,220,220,220,222,222,222,222,222,222,222,222,222,217,217,217,215,212,209,207,207,207,207,209,212,215,217,217,215,215,215,217,217,217,217,215,215,212,212,212,212,212,212,212,212,209,209,207,207,207,209,212,212,212,212,209,209,209,209,212,209,207,209,217,220,217,212,212,215,217,222,225,225,225,225,225,222,222,217,217,217,215,212,212,212,217,225,228,230,230,230,230,230,230,228,230,230,230,228,228,228,228,230,230,230,228,225,222,217,215,212,207,204,204,207,207,204,202,202,199,196,196,196,199,199,199,196,147,145,145,199,207,212,215,217,222,225,228,228,226,226,228,228,225,225,225,225,222,222,222,215,209,207,204,207,212,215,212,209,199,141,135,135,141,194,196,199,199,202,202,199,199,196,199,199,196,191,186,186,189,194,191,189,186,189,194,204,215,222,228,233,233,230,230,235,238,238,235,235,235,241,246,248,251,248,246,243,246,248,0,254,248,241,124,124,124,124,124,113,95,47,23,13,11,17,39,53,59,57,63,105,139,173,194,209,233,246,0,0,0,0,0,0,0,0,0,0,251,212,203,209,243,0,0,0,0,0,0,0,183,147,105,77,69,82,90,77,41,19,13,11,7,7,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,7,0,0,1,9,27,51,69,82,87,79,69,69,72,87,90,87,87,0,0,0,0,0,0,0,0,111,87,69,64,64,62,62,72,87,95,95,90,0,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,85,59,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,35,0,0,0,0,0,0,255,255,255,199,147,155,155,137,137,0,0,0,0,0,0,217,186,157,150,168,0,0,0,0,0,222,222,222,222,212,0,0,0,0,230,186,121,51,17,0,11,25,37,65,124,155,155,165,191,241,255,255,196,126,121,173,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,17,17,17,7,3,3,19,39,61,113,137,160,191,202,212,241,251,255,255,254,217,57,5,0,0,0,65,170,220,248,254,220,113,105,160,181,165,170,150,77,124,163,152,71,25,0,0,0,0,0,0,0,0,0,152,255,255,255,255,255,255,255,255,255,241,222,147,0,0,0,0,0,0,0,0,0,0,0,47,139,202,254,255,255,255,255,255,255,255,255,246,41,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,173,186,181,181,186,189,189,194,189,181,160,148,148,160,178,186,186,189,194,194,194,186,189,183,189,189,181,176,178,173,160,163,163,103,29,0,0,0,0,150,186,134,53,2,3,37,142,165,65,35,116,196,196,194,189,147,45,39,53,51,27,8,5,7,29,121,160,77,83,157,176,124,53,49,75,157,165,95,69,59,63,69,74,77,79,71,55,25,4,2,23,91,163,165,165,170,178,178,165,152,91,5,11,155,186,207,199,95,49,41,46,99,199,215,215,233,238,235,217,212,212,207,202,186,165,161,164,178,189,194,191,183,157,131,125,137,160,168,157,155,155,144,142,142,142,79,37,9,1,3,27,61,83,89,121,124,129,139,150,157,157,157,155,150,147,152,144,137,95,83,81,87,95,97,99,137,142,147,147,147,140,143,168,186,189,163,139,152,181,204,230,246,243,0,220,0,0,0,0,0,0,0,0,0,0,0,241,233,199,165,111,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,108,98,79,53,53,55,59,63,71,105,111,111,118,116,77,65,77,113,121,118,129,129,129,134,137,129,113,113,113,95,64,53,51,61,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,98,69,43,43,40,22,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,155,181,189,191,189,178,173,165,155,155,170,181,178,177,177,178,181,178,178,183,189,178,119,125,178,189,194,196,196,191,183,181,189,196,199,196,194,196,202,204,204,199,191,196,209,228,63,113,113,123,168,115,109,121,168,168,126,127,173,181,178,129,123,170,173,176,176,170,123,121,127,178,183,183,183,183,183,178,133,132,133,133,133,178,183,183,183,181,189,194,191,189,186,189,189,189,189,189,189,199,209,217,222,225,228,230,230,222,199,186,183,186,194,202,207,209,212,217,225,225,209,181,39,0,0,183,181,152,146,146,148,176,233,160,0,0,0,0,0,0,0,157,209,217,215,202,191,191,199,212,230,235,233,225,222,222,222,217,215,212,207,202,199,199,199,202,207,209,207,204,202,202,204,204,204,204,202,202,207,209,212,212,207,204,204,204,202,202,202,194,137,126,126,131,183,194,191,183,135,131,176,181,181,129,123,176,181,178,178,178,176,176,176,173,173,176,183,181,131,133,189,204,209,204,189,190,199,196,196,204,202,199,196,186,131,133,186,191,189,189,189,186,186,189,189,183,183,183,141,191,189,135,137,196,207,209,202,192,191,196,204,204,203,203,203,212,233,243,246,238,230,215,207,199,198,202,217,228,228,225,222,222,222,225,222,196,113,116,139,199,204,204,204,196,191,191,191,194,196,191,189,191,204,207,199,199,209,222,233,238,233,225,224,225,225,220,215,220,225,228,230,233,233,230,228,222,215,209,202,199,204,209,215,222,225,235,241,241,241,241,238,235,233,235,235,235,233,233,235,238,238,238,241,241,238,235,238,238,235,235,235,233,233,233,235,238,238,241,238,235,233,230,230,230,228,225,224,224,225,230,233,230,228,226,228,228,228,228,228,225,222,220,225,228,225,222,217,213,212,212,213,215,217,217,215,209,202,149,142,142,199,225,238,235,215,92,105,151,233,241,241,241,241,238,235,241,246,246,246,241,107,62,93,228,230,233,235,230,233,235,233,233,230,230,233,238,241,238,199,186,199,204,204,217,230,233,222,209,207,212,222,228,217,204,202,199,198,199,204,204,199,199,196,196,202,209,215,217,217,217,212,196,143,196,212,217,222,225,222,217,225,230,228,215,211,213,215,217,215,212,204,202,204,209,212,215,225,233,235,233,225,215,220,225,217,209,203,202,204,207,212,209,209,222,228,225,225,222,215,213,213,213,217,228,228,228,228,230,230,230,225,222,222,222,217,215,217,222,228,230,230,228,222,212,207,207,209,212,215,212,207,204,204,207,209,212,215,215,217,230,241,241,233,225,224,228,228,225,225,228,230,233,233,228,222,216,216,216,216,217,230,238,238,235,235,233,228,225,230,238,241,241,238,238,241,243,238,235,230,230,233,233,230,228,228,228,228,230,235,238,241,241,238,233,233,235,235,235,233,228,225,228,228,225,217,212,209,212,215,222,230,238,235,230,225,222,225,230,230,233,235,238,235,233,228,230,230,228,228,228,230,233,233,230,230,230,233,233,230,233,235,235,233,229,228,229,230,235,238,235,235,233,230,225,217,212,209,209,209,209,209,212,215,215,217,222,225,225,225,228,233,230,228,225,225,222,222,222,222,222,222,225,228,230,233,233,233,230,228,222,221,221,222,225,230,235,235,233,233,235,235,235,235,235,238,238,238,238,238,241,241,238,238,235,230,222,220,225,230,230,225,217,215,217,225,225,222,222,225,228,222,217,217,220,222,225,222,222,217,212,211,215,225,230,228,225,225,228,230,228,228,230,233,230,228,226,225,226,228,233,235,238,241,238,238,235,233,233,230,228,228,230,233,235,238,235,235,233,230,228,228,228,230,228,228,230,230,230,230,222,204,202,212,222,225,225,225,225,225,225,225,225,222,222,225,225,225,222,217,217,217,215,212,211,212,212,215,215,215,215,217,217,215,212,209,209,209,209,212,215,215,217,217,217,217,217,217,217,215,215,215,215,215,217,220,222,225,225,225,225,225,222,220,217,217,222,222,222,222,222,222,222,222,222,222,217,217,217,215,215,212,209,207,207,207,209,212,215,217,217,215,215,215,217,217,217,217,215,215,215,212,212,212,212,212,212,212,209,207,207,207,207,209,209,212,212,209,209,207,207,209,209,207,204,204,212,215,217,217,217,217,222,222,225,225,225,225,225,222,222,217,217,217,215,212,212,212,215,222,225,228,228,228,230,228,228,228,228,228,228,228,225,225,228,228,228,228,225,222,217,215,212,207,204,202,202,204,204,204,202,202,199,196,196,196,196,196,196,194,145,144,145,196,204,209,212,217,222,225,228,228,226,226,228,228,225,225,225,225,222,222,217,215,209,204,207,209,215,217,217,212,204,189,136,136,141,191,194,196,199,202,202,199,196,196,196,199,196,191,186,185,189,191,191,186,185,185,189,199,209,217,225,230,233,230,230,235,241,241,238,235,238,241,246,248,251,248,246,241,241,246,251,0,248,243,139,139,144,137,137,134,105,57,35,17,15,21,39,53,59,61,87,105,139,173,194,207,217,0,0,0,0,0,0,0,0,0,0,255,222,204,209,233,0,0,0,0,0,0,0,220,178,126,98,72,64,77,87,74,37,17,11,5,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,0,0,0,9,33,64,87,95,95,77,77,82,95,103,103,95,82,0,0,0,0,0,0,0,0,113,79,62,61,62,61,69,79,90,95,95,95,98,113,0,0,0,0,170,142,118,103,95,87,95,103,111,103,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,103,77,59,40,0,0,0,0,0,0,7,0,0,0,0,0,0,0,4,35,0,0,0,0,0,0,255,255,251,137,118,137,137,114,116,0,0,0,0,0,0,183,157,150,146,150,0,0,0,0,0,0,230,251,255,255,254,0,0,0,209,168,105,37,11,11,17,35,63,124,152,170,181,204,230,255,255,255,163,137,183,243,238,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,17,19,15,13,13,27,41,55,98,116,134,147,152,155,194,222,241,233,207,155,0,0,0,0,29,144,228,255,255,255,246,130,113,178,209,209,209,191,181,196,220,186,126,59,37,0,35,0,0,0,0,0,71,209,255,255,255,255,255,255,255,255,255,251,238,191,79,49,75,142,33,0,0,0,0,0,0,0,31,183,255,255,255,255,254,255,255,255,255,255,27,0,0,0,0,147,160,0,0,0,0,0,0,0,0,142,173,186,194,189,189,196,196,196,194,194,170,148,148,165,186,194,194,194,199,204,199,194,191,189,189,189,181,181,181,173,160,157,139,37,0,0,0,0,31,137,150,91,79,63,87,150,160,118,30,31,178,204,204,186,116,7,0,9,35,35,9,3,4,15,55,147,178,75,80,157,189,176,81,49,44,63,83,75,65,59,63,73,74,71,79,83,67,45,17,13,25,85,165,173,170,165,173,178,173,165,85,3,21,165,191,194,173,69,54,57,93,189,215,222,222,238,241,241,235,228,215,212,202,194,173,161,160,170,178,178,168,163,147,133,133,157,186,191,176,165,165,150,147,152,150,89,51,25,1,0,3,45,83,91,89,124,137,147,160,160,157,155,144,144,144,142,101,95,81,73,75,93,101,134,137,137,139,147,144,147,143,147,168,181,178,155,139,160,186,217,246,254,251,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,209,178,131,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,111,95,53,47,55,85,65,65,69,103,103,105,111,111,65,53,63,113,131,131,137,131,121,126,129,126,124,126,129,116,87,61,43,43,61,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,27,33,30,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,176,183,191,189,173,165,160,155,157,173,181,178,178,178,183,183,181,178,181,186,186,178,176,176,178,186,194,196,191,183,179,183,191,194,194,192,194,196,196,196,194,186,191,202,212,79,110,114,125,125,79,89,119,127,127,127,170,178,183,176,122,117,119,125,170,173,127,120,116,117,125,173,181,183,189,189,181,133,133,176,133,133,181,181,177,176,176,178,181,186,189,189,183,181,181,178,135,135,186,202,215,225,230,230,228,228,220,196,189,194,196,199,204,209,212,222,228,233,243,243,238,105,27,0,189,183,152,144,143,148,186,212,155,0,0,0,0,0,0,0,9,181,204,212,207,202,202,204,209,212,215,207,199,202,209,212,212,209,207,204,199,196,198,199,204,204,204,204,202,200,200,202,204,204,202,200,202,207,212,215,209,204,203,207,207,199,196,194,189,135,127,126,131,186,194,191,135,128,128,131,178,181,129,119,123,125,131,178,181,178,181,183,181,176,173,176,131,123,123,178,196,204,204,194,199,202,196,195,199,194,131,119,111,110,115,129,186,191,187,189,186,185,186,186,183,183,139,137,135,134,133,135,189,202,209,204,194,192,199,207,209,207,204,203,204,217,230,233,225,212,207,202,204,209,217,225,228,228,228,228,228,230,233,230,204,114,113,131,196,204,207,204,196,191,191,191,196,199,196,191,194,202,204,202,207,217,228,235,238,235,230,225,225,222,222,222,225,230,233,235,235,233,233,228,222,209,204,202,204,204,204,212,217,222,230,235,238,241,241,241,235,233,233,235,238,238,238,238,238,238,235,238,235,235,235,238,238,238,238,238,238,238,238,238,241,241,241,241,238,233,233,233,233,230,228,225,225,228,233,235,233,230,228,228,228,230,230,230,228,222,220,225,225,225,222,215,213,215,215,215,217,222,222,215,209,202,149,145,149,209,233,246,246,246,115,119,151,230,238,238,235,235,235,234,238,241,243,238,139,66,63,202,233,228,230,230,230,233,233,233,230,229,229,230,235,238,228,189,182,189,194,199,215,225,222,207,199,204,209,212,212,212,207,202,199,198,199,204,204,199,196,196,196,204,212,222,222,222,225,222,209,202,215,230,235,235,230,217,212,215,225,225,217,213,215,215,212,209,204,202,199,202,207,209,212,220,230,233,230,225,217,217,222,217,212,207,204,204,212,222,222,217,220,217,215,215,213,213,213,217,217,225,228,228,226,228,233,235,228,217,213,213,212,212,213,217,225,228,230,228,228,225,215,209,207,212,222,222,209,204,203,204,209,212,217,222,222,222,228,235,238,233,228,225,228,222,220,218,222,225,225,220,216,215,216,222,225,225,228,235,246,243,233,228,222,222,222,228,233,235,238,235,235,238,235,233,230,225,225,228,230,230,230,228,228,228,228,230,235,235,235,235,233,235,238,241,238,233,228,228,228,228,228,225,225,228,222,220,228,233,235,235,230,228,230,230,230,230,230,233,233,230,228,225,230,230,228,225,228,228,230,228,228,225,228,230,230,228,228,230,233,233,230,230,229,230,233,235,233,230,228,228,222,215,212,212,212,212,212,215,225,228,228,225,225,228,228,228,230,235,230,225,225,225,225,228,225,222,222,222,225,228,230,233,235,233,233,230,225,222,222,222,225,230,235,235,235,235,235,235,233,233,235,235,235,235,235,238,241,241,238,235,230,225,222,222,228,233,228,222,217,217,225,228,225,215,215,217,222,217,215,215,215,217,222,225,222,217,212,209,211,217,225,225,222,217,222,225,228,228,230,230,230,228,226,225,226,228,230,235,238,241,238,235,235,233,233,230,230,230,230,233,235,235,233,230,230,228,225,225,228,230,230,228,228,228,230,228,209,147,147,202,222,225,225,225,225,225,225,225,225,222,222,222,225,225,222,222,222,222,217,215,215,215,217,217,215,215,215,217,217,215,212,212,212,212,209,209,212,215,215,215,215,217,222,220,217,215,215,215,215,215,215,220,225,228,228,225,225,222,222,217,217,220,222,222,225,222,222,222,222,222,222,222,217,217,217,217,215,215,212,209,209,207,209,212,215,217,217,215,215,215,217,217,217,217,215,215,215,215,212,212,212,209,209,209,209,207,207,207,207,209,209,212,212,209,207,207,205,207,207,207,202,202,204,212,215,220,222,222,222,225,225,225,225,225,222,222,222,217,217,217,215,212,211,211,215,217,222,225,228,228,228,228,228,228,228,228,228,225,222,222,225,225,225,225,222,217,212,212,207,204,202,199,202,202,202,202,202,199,199,196,196,194,194,191,191,147,145,144,145,196,204,209,212,217,222,225,228,228,226,226,228,228,225,225,225,225,222,222,217,212,207,204,207,209,212,215,217,215,209,199,189,141,186,189,191,196,199,202,202,199,196,194,196,199,199,194,189,186,186,189,189,186,186,186,189,196,207,215,222,228,230,230,230,235,241,241,238,238,238,241,246,248,251,248,243,241,241,243,248,251,251,0,0,0,0,0,144,144,121,87,47,35,23,31,39,47,59,87,87,105,139,178,199,202,0,0,0,0,0,0,0,0,0,0,0,233,202,194,209,0,0,0,0,0,0,0,0,209,160,113,90,64,43,69,77,69,37,19,11,5,5,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,0,0,0,9,33,64,87,98,95,77,0,103,113,121,121,103,87,0,0,0,0,0,0,0,0,121,79,61,62,64,62,69,95,103,103,103,103,105,118,142,170,189,181,157,142,113,85,61,59,61,69,77,79,79,79,87,103,113,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,92,74,59,0,0,0,0,0,0,20,14,14,4,0,0,0,0,0,0,27,0,0,0,0,0,0,255,255,118,69,87,118,126,114,124,0,0,0,0,0,207,160,146,150,146,150,165,0,0,0,0,0,0,255,255,255,255,255,235,217,0,168,113,37,11,17,43,113,0,0,0,0,212,238,255,255,255,255,160,178,255,255,246,108,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,17,23,25,23,21,19,25,37,47,51,57,67,100,111,126,137,155,160,150,63,0,0,0,0,142,194,248,255,255,255,248,178,160,209,228,222,220,0,0,228,243,212,152,103,59,100,160,71,0,0,0,37,116,196,248,255,255,255,255,255,255,255,251,225,199,181,152,157,207,255,173,0,0,0,0,0,0,0,61,233,255,255,255,228,186,189,255,255,255,186,9,0,0,0,69,183,181,0,0,0,0,0,0,0,17,142,168,183,196,194,189,189,196,204,207,204,186,151,147,157,186,199,204,199,199,199,204,199,194,196,191,189,189,191,189,173,163,147,81,17,0,0,21,59,83,142,150,142,152,157,168,165,131,55,29,49,183,186,178,139,13,0,0,3,27,39,13,5,5,19,59,137,160,121,85,121,124,85,69,55,47,47,69,89,89,83,89,97,89,73,89,139,83,55,25,15,23,85,165,173,163,157,170,178,170,142,47,6,35,155,186,173,115,89,97,183,215,228,235,222,235,243,241,241,241,238,215,212,204,194,173,163,164,181,189,178,165,157,152,147,155,178,196,194,176,165,165,152,152,157,160,129,61,39,3,0,0,37,83,124,89,93,137,147,160,157,152,142,137,137,134,97,85,79,73,73,79,99,137,134,129,131,131,134,139,144,147,160,163,165,157,137,139,168,196,220,246,254,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,212,181,139,66,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,95,79,33,29,51,90,92,90,69,103,69,77,79,77,51,37,49,81,131,137,137,126,108,108,124,126,131,134,137,129,100,69,51,25,40,56,87,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,4,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,173,183,191,183,160,152,155,155,160,170,176,178,181,183,183,183,181,178,178,181,189,194,183,174,173,181,189,189,183,181,178,179,181,189,194,196,196,191,189,183,181,176,181,191,189,117,117,125,178,168,54,57,109,123,127,127,170,178,183,178,125,119,119,123,170,176,176,170,120,117,125,173,176,178,186,189,183,178,176,176,133,178,189,191,181,178,178,177,178,183,189,189,181,135,131,131,127,127,135,194,209,217,225,225,222,217,209,199,194,199,202,202,207,209,215,225,230,233,231,243,251,243,199,0,65,189,209,217,176,160,196,222,217,178,0,0,0,0,0,0,0,17,117,196,204,204,207,207,207,204,178,123,118,123,186,204,207,207,209,207,202,198,199,204,207,204,202,202,202,202,202,204,209,209,204,202,204,209,215,215,209,204,204,209,207,196,186,186,183,135,127,126,129,183,196,194,178,129,129,131,178,194,189,127,115,104,108,131,181,178,178,186,186,176,170,127,123,120,122,173,189,196,194,196,202,204,202,202,204,196,123,115,110,109,115,125,183,194,194,196,194,189,186,186,183,139,139,135,134,133,133,133,139,199,212,212,207,204,207,212,215,217,215,207,204,207,209,209,204,202,202,200,207,222,230,230,228,230,230,228,230,230,233,230,215,131,127,196,209,212,209,204,199,196,191,190,191,199,202,199,199,202,204,204,212,225,230,233,238,235,230,225,222,222,222,225,228,230,235,238,238,235,235,233,222,204,149,147,199,204,207,212,217,222,230,233,235,238,241,241,235,230,230,233,235,238,235,235,235,235,235,235,235,233,235,238,238,238,235,238,238,238,238,238,238,238,241,241,238,235,233,235,235,235,233,230,230,230,235,238,235,230,228,228,230,230,230,228,225,222,220,222,225,228,225,213,213,217,222,217,217,220,222,215,209,204,202,199,202,215,233,241,241,238,202,147,207,225,230,235,235,233,235,234,235,235,225,137,89,73,81,215,228,233,233,230,233,235,235,233,230,230,230,230,233,235,225,196,185,194,202,204,215,215,196,136,136,196,204,202,202,207,207,204,202,199,202,207,207,202,196,195,199,207,217,225,225,222,225,222,217,217,230,235,238,238,230,212,207,207,209,215,215,217,215,212,204,199,194,194,196,202,204,207,209,215,225,228,222,215,209,212,217,222,217,212,207,204,209,222,222,215,213,213,213,213,213,215,225,230,230,230,230,228,226,230,235,235,228,215,212,212,212,212,213,217,222,225,222,220,222,228,225,212,204,207,209,209,207,203,203,204,209,215,222,225,225,222,225,230,230,228,228,228,222,220,220,222,225,225,222,217,216,216,222,233,235,230,230,238,243,238,230,220,218,220,225,228,228,233,235,235,235,235,235,233,228,222,222,228,233,233,233,233,233,230,228,228,230,230,230,230,230,233,238,238,238,233,228,222,222,222,222,220,222,222,217,216,228,233,235,233,233,230,230,228,225,225,225,225,225,222,222,225,228,225,222,222,225,225,228,225,225,225,225,230,228,226,225,228,230,230,233,233,233,233,233,233,230,225,222,217,217,212,212,215,215,215,217,225,230,233,233,230,230,228,222,222,228,230,230,228,225,225,228,230,228,222,221,225,230,230,230,230,230,230,230,230,225,225,225,225,228,230,233,233,233,233,233,233,230,230,233,233,233,233,235,238,241,243,238,233,228,222,222,225,228,228,225,222,217,217,225,225,215,205,207,215,217,217,217,217,213,213,217,222,222,217,215,211,211,217,225,228,222,215,215,217,222,217,217,222,225,228,228,228,230,230,230,233,235,238,238,235,233,233,233,233,230,230,233,233,235,235,230,228,228,228,225,225,228,230,230,228,228,225,222,207,147,146,149,207,222,228,225,222,222,222,222,225,222,222,217,217,222,222,222,222,222,222,222,222,222,222,222,220,217,217,215,215,215,215,212,209,209,209,207,207,209,212,212,212,212,215,217,217,217,215,215,215,215,213,215,220,225,228,228,225,225,222,217,217,217,222,225,225,225,225,225,225,222,222,222,222,220,220,220,220,217,217,215,212,209,209,209,212,215,217,217,215,215,217,217,217,217,217,215,215,215,212,212,209,207,207,204,207,207,209,209,209,209,209,212,212,212,209,207,205,205,205,207,204,202,200,202,207,215,222,225,222,222,222,225,225,225,225,222,222,222,217,217,217,215,212,211,211,212,215,217,222,225,225,228,228,228,228,228,228,225,225,222,222,225,225,225,222,217,215,209,207,204,199,199,199,199,202,199,199,199,199,199,199,196,194,191,145,143,145,147,147,145,194,202,207,212,215,222,225,228,228,228,228,228,228,225,225,225,225,222,222,217,212,207,204,207,209,212,215,217,215,209,204,196,191,189,186,191,194,199,202,202,199,194,194,194,199,202,199,191,186,186,186,186,186,189,189,191,199,207,215,222,228,228,228,228,233,238,241,241,241,241,243,246,248,251,248,243,241,241,0,0,0,0,0,0,0,0,0,144,147,134,98,77,49,41,35,39,45,59,90,95,105,144,186,202,207,0,0,0,0,0,0,0,0,0,0,254,217,183,183,0,0,0,0,0,0,0,0,0,186,147,113,90,61,37,43,69,64,37,23,11,5,5,5,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,0,0,0,14,33,56,77,87,87,0,0,0,0,137,137,121,95,0,0,0,0,0,0,0,0,137,95,69,69,72,69,79,103,121,121,113,111,111,113,118,137,157,157,150,144,121,87,51,47,51,61,69,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,85,66,59,0,0,0,0,0,0,30,30,30,12,0,0,0,0,0,0,4,0,0,0,0,0,230,209,147,85,69,95,137,144,142,152,0,0,0,0,0,215,168,168,183,165,157,0,0,0,0,0,0,0,255,255,255,255,255,228,189,199,178,142,63,43,55,121,0,0,0,0,170,189,0,0,0,255,255,194,255,255,255,220,82,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,29,31,25,13,5,5,13,17,19,23,31,41,55,59,55,49,53,124,142,0,0,0,75,178,217,255,255,255,255,255,228,209,217,230,222,212,0,0,228,238,199,155,116,103,165,186,150,19,0,0,27,59,150,209,230,255,255,255,255,255,255,235,199,163,126,79,91,142,144,91,13,0,0,0,0,0,3,163,251,255,228,199,186,169,152,170,233,233,131,29,9,35,139,194,160,65,0,0,0,0,0,0,0,0,131,168,178,186,186,181,181,189,194,207,207,194,157,148,152,176,194,204,194,186,191,199,204,204,199,196,196,196,194,189,181,163,105,67,47,47,134,75,77,134,160,160,160,176,183,150,83,63,55,63,129,152,137,111,53,11,0,0,11,25,39,35,11,3,6,43,79,85,81,59,29,27,47,73,81,79,69,87,152,152,137,137,150,139,97,150,160,89,45,12,9,17,79,163,170,163,160,170,163,99,59,19,17,53,155,181,111,111,165,202,241,255,255,246,241,238,243,238,241,248,241,215,207,202,194,173,165,173,194,204,191,176,168,173,170,163,168,176,170,155,147,147,137,142,150,150,129,63,39,5,0,0,33,83,121,87,93,126,144,150,150,139,95,91,93,89,77,69,66,69,79,87,99,97,93,89,89,124,129,137,144,157,165,157,139,124,121,131,168,202,217,238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,209,181,134,66,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,77,41,15,13,45,95,108,105,103,103,67,65,67,59,37,23,37,73,124,131,131,116,77,75,118,131,129,129,131,126,113,90,59,27,23,33,48,87,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,183,189,178,152,147,150,155,160,168,173,178,181,181,181,181,178,173,170,173,189,199,194,181,178,183,189,183,179,179,181,179,181,186,196,202,199,189,181,176,173,127,125,129,168,170,178,178,189,183,48,39,75,123,125,125,127,173,178,178,176,168,168,173,178,181,189,194,183,129,176,178,131,129,173,181,183,183,183,181,178,186,207,217,212,204,191,181,179,181,186,183,176,129,125,121,119,123,133,189,202,209,215,222,220,212,204,199,199,202,202,202,204,209,212,222,230,233,233,238,241,255,255,0,0,163,222,238,209,181,204,233,251,255,33,0,0,0,0,0,0,0,35,121,194,202,207,209,209,209,189,125,121,124,186,204,212,209,209,209,204,202,204,207,209,204,200,200,202,204,207,207,212,217,212,204,202,209,215,215,209,204,204,204,199,137,129,133,137,133,128,127,131,183,196,199,191,178,133,133,178,199,202,176,113,85,88,113,170,173,176,186,186,176,129,125,122,121,125,176,186,186,186,191,199,204,209,212,215,209,183,125,123,135,186,189,194,202,204,209,204,194,191,186,139,139,139,141,141,139,139,135,141,207,222,225,225,222,215,212,217,225,228,222,212,207,202,202,202,204,202,200,207,228,235,233,230,230,230,230,228,228,228,228,222,209,215,228,228,222,212,204,204,207,202,194,194,202,204,202,202,204,207,209,222,233,235,235,233,233,230,222,220,225,228,228,230,230,233,233,235,235,238,238,230,212,145,142,146,207,212,217,225,228,230,230,230,230,233,235,233,228,228,230,233,233,233,233,235,235,238,238,235,233,233,235,235,235,233,233,235,238,241,238,238,238,238,238,235,233,233,235,235,233,235,235,233,233,235,238,235,233,230,230,233,233,230,225,222,220,220,222,228,228,225,215,215,225,225,217,217,217,217,215,212,209,209,207,212,222,230,230,228,222,209,204,209,217,225,233,238,233,235,238,235,225,139,85,81,113,143,222,230,238,238,233,238,238,233,233,233,233,233,235,238,235,225,204,196,215,222,217,215,204,138,121,123,141,199,199,202,207,209,207,204,204,204,209,209,207,202,199,207,215,225,230,228,222,217,217,222,228,235,235,235,235,230,217,208,208,208,208,209,212,215,209,199,192,190,192,196,199,202,204,209,212,215,215,212,207,205,209,225,230,225,215,209,209,209,217,217,215,213,215,217,222,217,217,228,235,235,235,235,230,230,233,235,233,225,213,213,215,217,215,215,215,217,217,212,212,222,233,233,222,207,202,200,203,207,207,207,209,212,215,220,225,225,222,222,222,222,217,217,222,222,222,225,230,230,230,228,225,225,225,230,238,238,230,228,233,235,233,228,220,222,228,230,225,217,228,235,235,238,241,238,233,228,222,220,228,235,235,235,235,235,233,230,228,228,228,228,230,233,233,233,233,230,225,217,212,211,215,217,216,216,216,217,222,230,233,233,233,230,228,228,225,222,222,222,222,220,220,220,222,222,220,220,220,222,225,228,228,225,225,230,233,230,228,226,228,228,230,233,235,235,233,233,230,222,215,212,212,212,212,215,217,217,222,228,230,233,233,233,233,233,230,222,218,220,225,228,228,228,228,228,230,228,222,222,228,230,230,228,225,225,228,228,228,222,222,225,228,230,230,230,230,228,228,230,230,230,233,235,235,233,233,235,238,241,241,238,233,225,222,225,228,225,222,222,222,222,225,228,222,207,203,207,222,222,225,228,222,215,213,213,217,222,222,222,217,215,222,228,230,228,217,209,209,209,209,209,212,222,228,230,233,233,233,230,230,235,235,235,233,233,233,233,230,230,230,233,233,233,230,228,225,225,225,225,228,228,230,230,230,225,222,209,145,142,149,212,225,228,228,222,217,215,217,222,222,222,217,216,216,217,217,217,217,217,222,222,222,222,222,222,220,222,217,215,215,215,215,212,209,207,207,205,207,209,212,209,209,209,212,215,217,215,215,217,217,215,215,215,220,225,228,228,225,222,220,217,217,217,222,225,228,228,228,225,225,222,222,222,222,222,222,222,220,217,217,215,212,209,209,212,212,217,217,217,217,215,217,217,217,217,217,215,215,212,212,209,207,207,204,204,204,207,209,209,209,209,212,212,212,212,209,209,207,207,207,207,207,204,200,199,204,215,222,222,222,222,222,222,225,225,222,222,222,222,217,217,217,217,215,212,211,211,212,215,217,222,225,228,228,228,228,228,228,225,222,217,217,222,222,222,217,215,212,209,204,202,199,196,199,199,202,199,199,199,199,199,196,196,194,191,143,142,145,194,194,147,194,199,204,209,215,217,222,225,228,228,228,228,228,228,225,225,225,225,222,217,212,209,207,209,212,212,215,217,215,209,204,196,194,189,189,191,194,196,199,199,199,194,191,194,199,202,202,196,189,186,141,141,186,189,191,194,199,207,212,217,225,228,225,228,233,238,241,241,243,243,246,248,248,248,248,243,241,241,0,0,0,0,0,0,0,0,0,147,147,137,111,95,82,55,45,43,49,79,90,98,113,147,186,207,0,0,0,0,0,0,0,0,0,0,0,251,209,176,176,196,0,0,0,0,0,0,0,220,168,126,108,90,61,35,37,43,56,35,23,11,3,3,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,7,4,7,14,27,53,72,87,0,0,0,0,0,0,152,137,113,0,0,0,0,0,0,0,0,152,111,87,87,85,79,85,103,134,134,118,113,111,103,95,103,118,121,121,137,121,95,64,59,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,85,69,61,0,0,0,0,0,38,38,38,30,12,0,0,0,0,0,0,0,0,0,0,0,0,163,134,116,118,0,0,186,186,183,0,0,0,0,0,0,0,225,246,255,207,181,0,0,0,0,0,0,0,0,0,255,255,255,178,150,157,178,168,150,121,131,0,0,0,0,0,152,126,163,238,0,255,255,241,255,255,255,183,56,48,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,31,35,25,9,0,0,0,0,0,0,7,19,41,43,35,11,0,63,255,144,134,57,75,150,194,255,255,255,255,255,243,220,199,212,212,196,191,199,222,215,170,147,152,170,196,178,113,0,0,0,0,25,63,150,178,222,255,255,255,255,255,254,222,163,67,27,0,0,0,5,21,0,0,0,0,0,3,139,202,183,157,170,186,185,157,170,202,202,157,77,81,165,230,255,150,37,0,0,0,0,0,0,0,0,121,155,160,160,168,173,173,181,186,194,204,194,168,151,152,170,191,194,181,174,181,199,209,220,220,209,207,196,181,170,170,163,89,63,61,79,55,43,69,142,160,160,163,178,183,77,52,53,75,144,157,75,59,45,33,31,45,39,23,27,45,61,33,1,0,25,59,53,19,11,14,24,75,155,155,124,87,137,147,95,75,83,97,144,160,170,168,97,41,9,8,25,71,147,165,165,163,163,91,53,29,19,29,75,150,181,102,111,186,217,251,255,255,254,246,238,243,241,243,248,241,228,204,194,183,163,163,173,199,217,215,191,181,186,173,152,134,95,87,77,91,129,129,129,142,142,89,57,33,9,0,0,37,73,89,87,86,93,134,134,126,87,73,71,79,77,69,65,64,73,81,91,93,91,85,84,84,116,124,137,142,144,157,134,116,95,95,118,160,189,207,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,202,168,131,66,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,33,27,4,13,47,108,113,105,103,67,55,51,53,51,31,21,30,57,111,129,121,77,57,69,113,131,124,116,113,118,118,100,66,31,23,19,30,61,105,147,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,181,181,170,155,148,152,157,160,168,176,178,178,173,173,176,176,170,168,170,183,196,194,189,183,186,189,189,186,183,183,181,183,186,191,199,196,183,173,173,173,125,115,113,119,173,183,176,168,178,109,43,64,119,119,113,121,170,173,178,183,181,181,181,181,181,186,189,183,181,186,183,170,126,127,176,183,189,189,186,183,191,209,230,235,228,212,196,183,181,178,131,128,129,123,111,109,118,135,186,194,204,212,222,222,212,204,199,202,202,204,204,207,207,209,222,230,233,235,238,237,255,255,77,0,15,189,238,202,178,207,238,254,255,61,0,0,39,0,0,0,0,49,115,189,202,207,209,212,215,202,125,127,183,191,204,212,207,204,204,204,207,207,209,209,207,202,200,202,204,204,204,215,228,225,200,198,207,215,212,207,202,199,194,135,115,115,127,135,135,135,135,181,186,189,194,196,191,186,181,186,199,199,183,127,117,98,111,117,125,127,183,178,173,176,173,127,122,127,181,186,183,181,183,191,199,204,207,209,207,202,202,202,199,199,202,204,204,204,204,202,194,186,183,139,139,186,191,194,194,194,194,202,215,228,233,233,228,217,215,217,225,230,230,217,207,202,204,212,215,209,204,209,230,238,238,233,230,230,230,228,226,228,230,230,228,230,230,230,228,212,199,204,217,209,202,202,207,207,204,202,207,212,217,228,238,241,238,233,230,228,225,228,233,235,233,230,228,228,228,228,230,233,230,228,222,147,143,151,215,217,217,228,230,230,228,225,225,225,228,228,228,230,233,235,235,235,235,238,238,235,235,233,233,233,233,231,231,233,233,235,241,243,243,241,238,235,233,228,228,230,233,233,230,230,233,233,235,235,235,235,235,233,233,235,233,233,228,222,220,222,225,230,228,222,215,217,228,225,217,222,220,215,212,209,215,217,222,228,230,228,225,215,209,207,204,207,212,217,225,230,230,233,235,228,199,125,115,127,194,222,225,228,233,235,235,235,235,230,228,230,230,230,233,235,233,225,202,179,183,215,215,209,207,207,191,141,194,199,202,204,212,215,212,209,207,207,207,209,209,209,212,222,230,235,235,230,225,217,212,212,222,230,230,235,238,233,230,230,230,222,209,208,215,217,212,202,194,194,202,207,204,199,202,207,207,207,209,208,207,208,220,235,235,230,217,212,212,215,225,225,225,230,228,222,222,217,215,217,228,235,235,238,235,233,235,235,230,225,215,215,222,225,220,212,208,209,215,212,209,217,233,235,230,212,203,200,203,217,222,217,217,215,212,217,228,228,225,222,217,216,215,215,217,225,228,230,230,230,230,228,228,228,225,228,233,233,225,224,225,230,228,225,225,230,230,222,207,157,222,235,241,241,243,241,235,228,222,222,228,233,235,235,235,235,233,230,228,226,226,230,238,241,235,230,228,222,217,212,209,209,212,222,225,225,225,222,228,233,235,233,230,225,225,225,225,222,222,222,222,221,222,222,222,222,220,220,220,222,228,230,230,228,228,230,233,233,233,230,230,230,230,233,233,230,228,225,222,209,211,212,211,211,215,222,222,222,225,230,233,233,233,233,233,235,233,228,220,218,222,228,230,228,228,228,230,228,225,222,225,228,228,225,225,228,228,228,225,222,217,222,228,230,230,228,228,228,228,228,228,233,235,238,238,235,233,233,235,238,238,233,228,225,225,225,225,225,225,222,221,225,230,233,222,205,204,215,228,233,233,230,225,215,212,213,217,222,225,225,225,222,225,228,233,233,222,207,204,204,207,209,215,222,225,228,230,233,233,233,230,233,233,230,230,230,233,230,230,230,230,233,230,228,225,222,222,222,222,225,228,228,230,230,230,228,217,202,146,147,209,225,230,228,225,217,212,212,217,222,222,217,217,217,217,217,215,215,215,217,217,222,222,222,222,217,217,217,215,212,212,215,215,212,209,209,209,207,207,209,209,209,208,209,212,212,212,215,217,217,217,215,215,215,220,225,225,222,217,217,217,217,217,217,222,225,228,225,228,228,225,222,218,222,222,222,222,217,217,217,217,215,212,212,212,212,215,217,217,217,217,217,217,217,217,217,215,215,215,212,209,209,209,207,207,204,207,209,209,209,212,212,212,212,212,212,209,209,209,209,209,209,207,204,198,198,207,215,222,222,222,217,217,217,222,222,222,222,222,222,222,222,222,217,215,212,212,211,211,212,217,222,225,228,228,228,228,228,225,225,222,217,217,217,217,215,212,212,209,204,204,202,199,196,196,196,199,202,202,202,199,199,196,196,196,194,145,143,191,196,196,196,194,196,202,209,212,217,222,225,228,228,228,228,228,228,228,225,225,225,225,217,215,209,209,207,209,209,212,212,212,209,204,196,191,189,191,191,194,194,196,196,196,194,191,194,196,196,199,194,191,186,141,141,141,186,189,194,199,202,207,217,225,225,225,228,233,238,241,243,246,246,246,248,248,251,248,246,243,241,243,0,0,0,0,0,0,0,0,165,155,137,124,121,103,90,79,55,77,85,95,105,116,139,168,191,202,0,238,0,246,246,246,0,0,0,0,233,194,176,183,202,0,0,0,0,0,0,0,202,147,116,98,82,61,35,35,41,37,35,21,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,17,14,14,20,33,53,77,0,0,0,0,0,0,0,0,152,137,0,0,0,0,0,0,0,160,142,113,103,95,95,85,79,87,111,103,103,111,103,95,91,95,103,103,95,100,98,87,77,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,92,77,0,0,0,0,0,0,40,38,38,30,4,0,0,0,0,0,0,0,0,0,0,0,0,126,116,131,0,0,0,0,235,225,0,0,0,0,0,0,0,255,255,255,207,173,0,0,0,0,0,0,0,255,255,255,255,144,113,108,137,168,186,168,157,147,165,0,176,168,152,124,61,95,191,0,255,255,255,255,255,255,220,4,0,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,23,37,37,31,13,0,0,0,0,0,0,0,19,33,29,21,0,0,11,55,53,55,57,65,116,155,235,255,255,255,255,222,196,173,157,165,181,183,183,199,199,181,170,189,233,230,100,0,0,0,0,0,0,0,0,19,160,230,251,246,251,255,255,255,255,152,5,0,0,0,0,0,0,0,0,0,0,0,39,75,75,101,186,228,235,225,222,241,243,225,202,191,183,191,199,152,51,0,0,0,0,0,0,0,0,73,134,134,142,155,163,170,173,178,186,189,176,157,151,157,176,191,191,177,172,178,204,222,222,228,228,209,178,144,77,95,144,81,67,55,15,3,15,63,150,163,157,160,170,157,77,55,61,83,129,69,15,11,15,11,39,150,69,25,53,77,79,47,8,6,15,41,47,5,7,17,59,157,181,165,137,87,87,75,49,44,55,79,137,176,176,163,97,57,21,15,33,71,99,152,152,147,91,67,43,33,43,59,83,111,165,111,106,183,217,241,251,255,254,246,238,246,251,255,254,248,235,212,189,165,115,113,152,173,202,204,196,189,189,170,95,61,49,45,48,69,121,126,126,134,142,89,53,33,13,5,17,49,81,89,87,87,91,95,89,75,51,45,47,57,69,69,69,71,75,79,79,79,83,85,89,118,121,129,137,134,126,124,118,98,64,61,87,126,178,202,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,225,191,152,111,64,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,25,53,113,121,90,61,49,35,33,39,39,31,30,35,55,79,121,108,57,43,53,105,121,111,98,100,118,126,116,82,37,23,18,18,35,77,124,142,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,170,176,165,155,150,150,157,165,170,176,178,173,170,170,173,178,176,170,170,178,189,194,191,189,189,189,189,191,189,183,181,186,191,194,199,189,176,172,173,173,125,114,111,113,121,173,123,116,125,170,121,125,125,115,103,99,117,176,183,183,183,176,168,168,170,173,176,178,181,183,181,173,127,127,173,183,191,191,186,181,183,202,228,235,233,222,199,183,181,178,131,128,131,133,119,114,119,178,191,196,199,204,217,222,215,202,196,196,196,202,207,207,204,209,220,228,230,233,241,241,246,255,186,0,0,99,157,113,163,215,235,241,238,101,25,105,204,168,53,15,63,99,163,186,202,207,204,204,212,120,107,116,189,199,207,209,204,202,203,204,207,209,212,212,209,204,204,204,202,200,202,215,230,230,204,199,207,209,207,202,194,189,135,123,119,121,133,181,181,186,189,189,186,181,186,191,191,194,194,196,202,196,183,178,178,127,119,113,109,109,119,170,181,186,181,127,122,125,181,186,183,178,181,183,186,183,133,129,176,194,199,199,199,196,194,194,196,196,196,194,186,139,139,183,186,191,196,202,202,199,202,209,222,233,235,233,228,222,215,217,225,230,228,217,209,209,217,228,230,222,212,212,228,235,235,230,228,225,228,228,228,230,233,235,235,233,228,217,207,141,135,191,209,202,202,207,212,212,204,202,204,209,217,230,241,243,238,233,230,230,233,241,246,243,238,230,230,230,228,225,222,225,222,222,225,209,204,215,217,209,212,222,222,222,222,225,225,225,225,228,230,235,238,238,238,235,235,235,235,233,233,233,235,235,233,231,231,233,235,241,246,248,246,243,238,233,228,226,226,230,233,230,229,229,229,230,233,235,238,238,235,235,235,235,233,233,230,228,225,225,228,230,228,217,215,222,225,225,225,225,222,217,215,212,217,222,225,228,228,228,222,215,209,207,207,209,212,217,222,225,225,225,225,215,202,143,139,194,207,217,217,215,220,225,228,230,228,220,215,222,228,225,212,202,204,204,199,179,177,189,199,202,209,225,217,209,204,202,199,207,217,217,215,212,207,202,202,207,212,217,222,228,235,238,238,235,225,209,199,202,209,222,225,233,238,235,235,238,241,233,215,209,215,222,217,209,207,212,225,228,215,204,202,202,202,207,209,209,209,215,230,241,241,233,217,209,207,212,228,233,235,241,238,217,209,209,209,215,228,235,235,235,233,233,235,235,230,228,225,222,225,225,217,208,205,208,215,212,204,209,225,233,230,217,207,204,209,217,222,225,222,215,209,217,228,233,230,228,225,217,216,217,225,230,228,225,222,222,217,222,225,222,220,220,225,228,224,221,225,230,230,228,225,228,222,157,151,154,225,238,241,241,241,241,235,225,215,217,225,230,233,233,233,233,230,228,228,226,228,233,241,241,235,233,228,228,222,215,211,209,212,225,233,233,228,225,225,230,233,233,228,225,224,224,225,225,222,222,222,225,228,225,225,225,225,222,222,225,228,230,230,228,225,228,230,233,233,233,233,230,230,228,225,220,217,215,211,209,212,217,212,215,222,230,230,228,228,230,233,235,233,230,233,233,233,230,222,222,225,228,228,228,228,230,230,230,225,222,221,222,221,220,222,228,233,233,230,225,217,217,225,228,228,225,225,228,230,230,228,230,235,238,235,233,230,233,233,235,235,230,230,228,228,228,225,225,225,222,222,225,230,228,217,212,217,228,233,235,233,228,222,215,213,215,217,225,228,228,228,225,225,228,230,230,222,207,204,205,212,217,225,225,225,225,225,228,230,230,228,230,228,228,228,228,230,230,230,230,230,230,225,220,218,218,220,222,222,225,228,228,228,228,228,225,217,209,204,207,222,228,228,225,217,212,212,217,225,222,215,215,215,217,220,217,217,215,215,215,217,217,217,217,217,217,215,215,212,212,212,215,217,217,215,212,212,209,207,204,207,209,209,209,209,209,212,215,217,217,215,212,212,215,217,222,222,217,217,217,222,222,217,217,217,220,222,225,225,228,225,222,220,222,222,222,220,217,215,215,215,212,212,212,212,215,217,217,217,217,217,217,217,217,217,217,217,215,215,212,212,212,209,209,207,207,207,207,209,207,207,209,212,212,215,212,209,209,212,212,212,209,209,207,199,200,212,220,222,222,217,217,215,217,217,217,217,217,217,222,222,222,222,222,217,215,212,211,211,212,215,217,222,225,225,228,225,225,225,225,222,217,215,215,215,212,209,207,207,204,202,202,199,196,196,196,202,202,202,202,202,199,196,196,196,194,145,143,191,196,199,196,194,196,202,209,215,217,220,222,225,228,228,228,228,228,225,225,225,225,222,217,215,212,209,207,207,207,209,209,212,212,207,199,191,189,189,191,194,194,194,194,194,191,191,191,191,191,189,189,189,189,186,141,141,141,143,189,194,199,204,215,222,225,225,228,233,238,241,243,246,246,248,251,251,251,251,246,243,243,246,0,0,0,0,0,181,176,176,173,168,155,147,137,121,105,98,90,90,90,95,105,113,124,144,165,186,202,220,233,217,204,215,246,0,0,0,209,183,183,196,212,0,0,0,0,0,0,0,178,124,105,90,72,53,35,53,56,56,53,35,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,17,22,22,27,46,69,87,0,0,0,0,0,0,0,0,0,144,142,0,0,0,0,0,144,137,113,95,87,87,87,85,77,72,77,0,0,103,111,98,95,95,95,85,77,69,69,77,77,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,38,38,27,9,0,0,0,0,0,0,0,0,0,0,0,0,126,131,170,0,0,0,0,0,255,243,0,0,0,0,0,0,0,255,230,150,150,0,0,0,0,0,0,0,255,255,255,178,77,51,85,121,168,186,176,165,155,165,183,168,150,134,108,55,55,147,207,255,255,255,255,255,255,90,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,17,29,56,43,33,15,0,0,0,0,0,0,0,27,33,21,11,0,0,0,0,0,5,35,57,81,155,209,248,255,243,220,199,191,170,144,147,165,165,173,181,183,170,181,225,255,255,59,0,0,0,0,0,0,0,0,0,15,77,71,49,69,168,222,241,255,243,163,29,0,0,0,0,0,0,0,0,0,0,0,9,61,147,204,243,254,255,255,255,255,255,246,225,191,183,191,163,131,55,0,0,0,0,0,0,0,0,73,126,137,150,155,160,163,173,178,183,170,151,148,157,178,191,186,177,177,186,204,220,220,228,228,178,99,77,28,31,71,73,53,27,6,7,29,63,142,168,160,160,163,157,83,53,53,67,63,33,9,4,2,3,45,134,79,53,65,65,111,108,53,23,15,19,37,41,59,121,165,183,183,157,124,75,63,47,40,40,49,77,137,168,170,160,139,71,35,25,33,71,91,99,99,91,87,85,81,85,85,81,87,93,101,111,157,191,209,228,243,251,254,248,243,246,255,255,255,248,246,225,194,157,105,101,103,160,183,191,183,181,181,160,79,46,43,46,59,87,129,129,129,137,150,129,63,45,25,13,25,53,89,124,121,87,91,83,59,37,25,27,39,49,63,69,73,73,77,79,78,77,81,91,91,118,116,121,124,118,103,100,100,74,29,35,69,0,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,202,176,131,92,64,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,19,49,113,113,61,49,35,28,26,31,31,31,35,41,49,71,108,75,45,37,45,75,116,103,96,100,121,129,111,79,31,23,16,15,21,53,90,113,134,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,20,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,170,157,147,140,139,147,157,163,170,176,173,170,170,173,181,183,178,173,176,186,191,194,191,191,191,191,191,191,183,178,186,194,196,196,186,173,172,172,173,129,121,115,115,119,125,123,122,168,173,176,178,173,123,107,94,99,173,178,176,173,116,114,115,115,117,123,129,170,129,129,127,125,125,131,181,189,191,186,177,178,191,212,225,225,215,194,178,178,186,186,181,181,183,178,131,133,191,207,204,191,191,202,207,204,199,194,192,191,194,204,204,202,209,217,225,228,228,238,241,238,254,255,83,0,0,0,55,160,209,209,189,181,147,99,107,157,183,173,87,107,117,165,183,204,207,189,183,194,133,110,115,199,209,212,212,207,203,203,204,207,209,212,215,215,212,212,209,202,200,207,217,228,228,209,204,207,207,204,196,183,129,122,122,131,191,191,191,191,191,194,194,186,176,178,186,194,199,207,209,204,191,181,183,191,189,176,119,103,101,109,127,181,189,181,168,125,173,186,186,178,178,178,178,176,129,124,122,124,131,178,186,191,191,186,186,187,191,194,191,183,138,139,186,194,196,202,204,204,204,207,212,225,235,233,230,228,222,215,215,222,225,225,217,215,217,228,235,238,233,222,217,225,230,230,225,225,224,225,228,228,230,235,238,235,235,225,202,133,125,126,132,143,191,202,215,222,217,209,204,204,209,217,230,241,243,238,233,230,230,238,246,251,246,241,235,235,235,233,225,217,217,215,215,222,217,215,215,202,145,147,149,143,151,209,225,228,228,228,230,235,241,241,238,235,233,233,233,231,231,233,235,238,238,238,235,233,233,235,243,246,246,243,241,235,233,230,228,228,233,233,233,230,229,230,233,233,235,235,235,235,235,233,233,233,230,230,230,230,230,233,233,228,222,217,222,225,222,222,222,217,222,222,215,222,225,225,225,228,228,228,222,215,212,212,215,217,222,225,225,222,215,212,212,209,209,212,215,215,215,213,211,212,215,222,228,222,183,93,69,71,59,35,47,99,194,207,194,178,181,191,199,212,233,233,228,212,199,196,204,217,215,209,207,202,200,200,207,215,225,225,225,230,238,238,233,222,199,143,143,196,209,215,222,228,230,230,235,241,235,217,207,204,209,212,212,215,228,235,233,228,215,204,200,204,209,212,209,209,215,230,238,238,225,209,202,202,209,228,235,238,243,238,212,202,203,207,215,230,235,233,228,225,228,233,230,228,228,230,228,228,228,222,215,209,215,217,209,196,199,212,228,228,217,209,207,209,212,212,215,212,207,209,222,233,233,230,228,225,225,222,225,230,230,222,215,212,209,209,212,222,222,218,218,222,228,225,224,225,230,228,225,225,222,215,153,149,155,230,243,241,238,235,235,230,217,213,213,217,225,228,228,230,230,230,228,226,226,230,235,238,238,235,235,233,233,228,217,212,211,215,222,228,228,225,222,222,228,230,230,230,228,225,225,225,228,225,222,225,230,230,228,225,228,228,228,228,228,225,225,225,225,225,225,225,228,230,233,233,230,225,217,215,212,211,211,211,212,222,225,217,222,228,235,235,230,225,222,228,230,230,230,230,230,233,230,228,228,228,228,228,226,228,230,233,230,228,222,220,220,220,221,225,230,233,235,233,225,215,215,217,225,225,225,225,225,228,230,230,230,233,233,230,228,228,230,233,233,233,233,233,233,233,230,228,225,222,225,225,225,217,215,215,225,233,235,233,230,228,225,222,217,217,217,222,225,228,228,228,225,225,228,230,228,217,209,207,209,217,228,230,230,228,225,224,225,225,228,225,225,225,224,225,228,228,228,230,230,230,228,222,218,218,220,222,225,228,228,228,228,225,225,222,222,217,217,220,225,230,228,225,222,212,207,209,222,225,222,212,212,212,217,220,222,217,215,213,215,215,215,217,217,215,215,215,212,212,212,212,215,217,217,215,209,209,207,204,202,204,209,212,212,209,209,209,212,215,215,215,212,212,215,217,217,217,217,217,220,222,220,217,215,215,215,217,222,225,225,225,222,220,222,222,220,217,215,215,215,215,212,211,211,212,215,217,217,217,215,215,215,215,217,217,217,217,217,217,215,215,212,212,209,207,207,207,207,207,205,205,207,209,212,215,212,209,209,212,212,212,212,209,209,202,204,215,222,225,222,217,215,215,215,217,217,217,217,217,222,222,222,222,222,222,217,215,211,211,212,215,217,217,222,222,222,222,222,225,225,222,217,215,215,212,209,207,207,204,202,199,199,196,196,196,199,202,202,202,199,199,199,196,196,194,191,142,142,145,196,199,196,194,199,207,212,215,217,220,222,225,225,225,228,228,225,225,225,222,222,217,217,215,212,207,207,205,207,207,209,212,212,207,202,194,189,187,189,194,194,194,191,189,189,191,191,189,183,137,137,183,189,191,186,139,138,139,143,191,196,202,212,217,222,222,225,233,235,238,241,246,248,251,254,254,251,251,248,246,246,248,0,0,0,0,0,186,178,178,181,181,0,155,147,134,116,105,98,90,87,87,98,105,108,113,139,168,194,209,222,209,186,196,222,254,0,0,202,186,0,0,0,0,0,0,0,0,0,0,160,108,92,82,56,35,35,64,72,69,64,37,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,14,20,27,33,43,53,77,0,0,0,0,0,0,0,0,0,0,142,142,144,0,152,0,137,134,118,95,79,77,77,77,69,69,61,0,0,0,0,0,111,103,100,95,77,59,52,53,59,66,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,35,27,9,0,0,0,0,0,0,0,0,0,0,0,0,0,170,196,0,0,0,0,0,255,255,217,0,0,0,0,0,0,225,165,90,92,147,0,0,0,0,0,255,255,255,255,105,29,31,82,134,178,196,183,155,147,155,176,165,142,113,92,51,51,118,183,255,255,255,255,255,118,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,23,35,56,56,37,21,0,0,0,0,0,0,11,33,27,9,0,0,0,0,0,0,0,15,51,77,142,165,170,173,196,199,215,215,183,147,134,137,150,157,168,165,159,173,230,255,255,63,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,13,31,168,173,69,0,0,0,27,0,0,0,0,0,0,0,0,81,168,199,228,246,255,255,255,255,251,246,235,222,235,233,212,196,186,55,0,0,0,0,0,0,0,55,126,147,155,152,155,157,163,170,176,168,151,151,168,176,183,181,183,189,204,207,204,204,220,204,144,71,77,31,23,51,61,33,9,17,55,69,83,150,176,176,168,160,157,87,48,48,67,57,33,31,21,3,6,43,65,59,57,53,41,69,121,121,65,15,7,12,71,147,183,199,191,176,157,124,69,49,43,41,46,63,83,97,152,160,163,155,89,51,29,29,57,85,93,93,93,99,152,170,163,99,85,81,77,75,93,173,191,209,217,228,243,248,248,246,251,255,255,255,254,246,225,194,160,105,97,103,152,176,176,163,155,163,144,73,49,49,69,131,131,137,129,118,134,150,131,69,51,29,17,23,53,89,121,89,85,81,63,37,19,15,22,37,47,63,69,75,79,81,81,79,81,85,91,124,118,116,116,113,103,100,98,90,53,19,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,170,131,90,64,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,90,105,55,41,30,26,28,31,31,30,35,37,41,53,69,61,43,35,43,69,111,103,96,100,118,124,103,49,29,21,17,17,21,43,61,87,121,150,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,113,150,147,138,133,139,144,155,163,170,176,176,173,173,176,181,176,169,170,181,186,189,191,194,191,189,189,191,181,173,181,189,194,194,186,176,172,172,173,176,176,173,170,127,123,125,127,168,127,168,173,176,168,121,103,94,95,119,173,173,116,114,113,113,113,115,119,121,119,121,123,125,127,173,178,183,191,186,177,177,186,199,207,209,204,183,176,178,194,199,194,189,181,178,176,183,202,209,202,181,135,178,183,189,194,196,194,191,191,202,202,200,209,217,225,228,225,228,235,235,241,255,248,59,0,0,0,97,186,183,172,173,173,163,97,73,95,178,163,117,157,165,181,204,209,183,172,176,209,191,194,212,217,217,215,212,209,207,204,204,207,212,215,217,217,217,212,207,207,217,225,222,215,207,204,207,207,204,194,133,119,118,125,196,209,207,199,196,194,194,191,181,131,176,189,196,207,215,215,207,189,179,183,191,194,186,170,101,97,107,168,181,186,181,176,176,189,194,183,173,176,178,176,173,129,127,126,127,128,127,129,183,189,187,185,186,189,191,191,186,139,139,191,199,202,204,209,209,209,212,215,217,225,222,217,222,222,217,215,217,225,228,225,217,222,228,235,241,241,230,225,225,228,228,225,225,225,225,228,228,230,233,235,238,238,228,202,133,127,129,135,143,194,207,222,228,222,212,209,209,209,215,230,238,241,235,228,228,230,238,246,248,246,241,238,241,241,238,230,222,217,215,212,215,215,207,147,140,140,141,139,134,141,202,217,230,235,235,238,243,243,241,238,233,231,231,233,233,235,238,241,241,241,241,241,238,233,235,241,243,238,235,233,233,233,230,230,230,233,233,233,230,230,230,233,233,233,233,233,233,233,233,230,230,230,230,233,233,233,235,233,225,217,217,225,225,217,216,217,217,225,217,209,217,228,228,228,230,233,233,228,217,212,215,217,222,222,225,225,222,215,212,215,222,228,230,228,228,225,217,213,215,217,225,233,233,125,15,0,0,0,0,0,87,189,207,194,178,179,186,196,212,230,233,228,215,199,196,202,212,202,200,202,202,200,202,209,222,228,225,224,228,233,233,228,212,194,139,139,191,202,207,207,212,215,217,225,233,233,217,204,202,203,207,212,222,230,233,233,228,220,209,204,209,212,209,207,207,212,225,230,228,212,202,199,202,215,233,235,235,238,235,212,202,203,207,217,230,233,228,222,222,228,235,233,228,230,230,228,225,222,225,225,225,222,215,202,146,146,202,217,222,215,209,209,209,204,202,202,204,207,212,225,233,228,225,225,225,222,217,222,225,222,207,204,207,212,209,212,222,225,222,220,225,228,228,228,228,225,225,225,225,222,215,155,152,209,233,243,241,233,230,230,228,217,213,212,213,215,217,225,228,233,233,230,226,226,233,235,235,235,235,235,235,230,225,217,212,212,215,215,215,217,217,222,222,225,228,230,230,230,230,228,228,228,225,225,228,230,228,225,222,225,228,230,230,228,225,225,224,225,225,225,225,225,228,228,228,225,222,215,212,211,211,212,217,225,230,228,222,222,228,233,233,228,215,207,212,217,225,228,230,233,233,230,230,230,230,230,228,226,228,228,230,228,228,225,222,225,228,225,228,230,233,235,233,225,215,212,215,215,217,222,225,221,225,228,230,230,230,230,225,225,228,230,230,230,230,233,235,235,235,233,228,222,222,228,228,217,212,211,215,230,241,238,233,228,222,217,217,222,225,225,225,228,230,230,228,225,225,228,230,225,217,212,212,215,222,228,230,230,228,225,225,225,225,228,228,228,225,224,224,225,228,228,228,230,230,228,225,222,222,225,228,228,228,228,228,228,225,222,222,217,217,222,228,233,233,230,225,222,209,205,209,217,222,217,215,212,212,215,215,217,217,215,215,213,215,215,215,215,215,215,212,212,209,209,209,212,215,215,207,199,202,204,202,202,204,209,212,212,209,207,209,212,212,215,212,212,215,217,217,217,215,215,217,217,217,217,215,213,213,213,215,217,222,222,220,217,217,217,217,217,215,215,215,215,215,212,211,211,212,215,217,217,217,213,213,213,215,215,217,217,217,217,217,217,217,215,212,212,209,207,207,207,207,207,207,207,209,212,212,212,209,209,212,212,212,212,209,209,204,207,217,222,225,222,217,215,215,215,215,217,217,217,217,217,222,222,222,222,222,217,215,212,212,212,215,217,217,217,217,217,217,222,222,225,222,217,212,212,209,207,207,207,204,202,199,199,196,196,196,199,202,202,202,199,199,196,196,194,194,143,141,140,143,196,199,196,199,204,212,215,217,217,220,222,222,222,225,228,228,225,225,222,222,217,217,215,215,212,209,207,205,205,207,212,212,212,207,202,196,189,187,189,194,194,191,189,187,189,191,191,186,135,132,132,137,186,191,186,139,137,138,141,189,191,199,204,209,215,217,225,233,235,238,241,246,248,254,254,254,254,251,251,248,248,251,0,0,0,0,0,186,178,186,191,0,0,0,155,139,113,98,90,79,57,82,98,100,100,100,116,147,176,202,217,202,178,186,212,246,246,220,194,0,0,0,0,0,0,0,0,0,0,0,168,124,100,82,56,25,53,74,87,77,66,35,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,30,38,38,43,46,51,69,0,0,0,0,0,0,0,0,0,0,144,137,134,137,137,137,134,134,134,118,103,85,69,61,59,61,61,61,0,0,0,0,0,0,0,111,100,85,66,52,52,52,56,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,35,12,1,0,0,0,0,0,0,0,0,0,0,0,0,0,209,217,0,0,0,241,255,255,255,207,0,0,0,0,0,0,194,139,72,66,92,0,0,0,248,255,255,255,255,255,90,25,39,103,150,196,207,183,155,139,147,165,165,134,105,65,54,51,126,181,230,233,209,189,147,95,98,74,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,23,46,56,56,39,25,3,0,0,0,0,0,7,25,17,0,0,0,0,23,25,3,0,9,35,65,121,137,137,144,165,189,212,220,191,144,83,108,121,139,157,160,165,173,212,238,225,49,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,178,222,178,29,0,3,83,35,0,0,0,0,0,0,75,165,173,186,217,241,255,255,251,222,204,202,202,225,255,254,233,230,238,168,0,0,0,0,0,0,0,47,134,160,163,163,160,163,163,170,168,168,157,157,170,176,170,170,181,196,215,215,199,199,204,199,152,79,142,71,31,29,27,0,0,9,126,147,150,165,183,186,170,160,157,139,67,67,142,75,31,37,45,25,9,9,25,33,39,41,41,57,108,134,113,19,2,0,79,163,191,199,191,165,147,87,63,53,53,63,75,89,89,89,137,160,168,168,139,67,31,27,45,77,139,152,152,157,170,183,170,109,85,73,61,61,87,173,202,209,212,215,228,241,254,254,255,255,255,255,248,246,215,186,165,105,87,95,144,157,150,139,99,139,97,67,59,71,139,150,131,126,89,81,87,124,79,53,39,25,0,14,37,73,83,77,71,59,47,25,18,17,24,39,53,65,75,81,85,93,91,93,97,134,137,139,134,124,124,121,111,108,108,92,53,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,196,176,134,98,74,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,74,90,55,39,33,31,37,37,37,30,35,35,39,45,59,69,51,37,39,55,73,100,100,105,118,118,103,77,35,33,27,27,51,59,72,87,116,144,170,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,27,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,165,155,144,144,150,163,168,173,181,186,183,176,173,176,170,166,168,176,181,183,186,186,183,181,181,186,178,168,170,181,186,189,183,181,178,176,176,181,186,191,189,183,170,125,123,123,123,123,125,127,127,125,121,95,64,86,191,191,183,176,127,121,117,117,119,119,117,117,117,121,127,173,176,181,186,181,177,178,183,191,194,196,194,181,176,178,194,202,194,183,131,123,127,181,196,202,191,178,133,133,134,178,191,202,202,196,196,204,207,204,212,222,225,228,225,224,230,233,230,248,255,225,0,0,0,47,170,189,186,196,215,220,204,92,92,160,168,160,119,165,181,202,212,202,176,178,204,209,212,217,220,217,215,212,215,209,204,203,204,209,215,217,217,217,215,215,222,230,228,212,199,196,199,202,202,202,191,129,117,121,183,202,209,207,199,194,191,191,189,178,130,133,189,196,209,217,217,209,196,189,189,191,196,194,183,103,91,83,121,183,189,186,181,181,183,183,173,168,173,178,178,173,173,181,189,186,133,126,126,135,189,191,189,189,189,191,194,191,186,186,191,199,204,209,212,217,217,217,217,215,212,211,213,217,225,222,222,222,228,233,233,225,215,217,228,235,238,233,225,225,228,228,228,228,228,225,225,228,230,233,235,241,238,230,209,196,207,228,222,204,207,215,222,217,212,207,209,209,205,209,222,230,233,230,225,225,233,241,248,246,241,238,238,241,241,241,233,225,225,217,212,209,207,151,142,141,141,142,140,140,147,204,217,233,241,246,246,246,243,241,238,235,235,235,238,241,241,241,238,238,241,241,243,241,235,235,238,235,233,231,233,233,230,229,229,230,233,230,228,228,228,230,230,233,231,231,231,231,233,233,230,229,229,230,233,233,230,230,228,217,212,215,217,222,217,216,216,225,228,204,143,209,225,228,228,233,235,233,225,212,209,211,212,215,217,222,225,228,225,222,225,230,233,233,233,233,233,228,228,228,230,235,241,243,194,7,0,0,0,0,0,95,131,189,181,177,179,189,196,212,225,228,225,217,207,204,209,212,200,200,204,207,207,209,215,225,228,228,225,230,233,230,222,209,199,141,138,143,196,196,194,194,196,202,207,222,225,222,209,204,204,212,222,230,230,228,225,222,217,215,215,217,215,207,205,207,212,225,228,217,204,199,200,207,222,233,235,235,235,233,217,205,207,212,222,228,228,217,215,217,233,241,238,235,233,225,209,204,196,212,228,230,222,207,147,144,145,196,209,217,217,215,215,215,207,202,200,202,209,222,228,228,225,225,222,217,215,212,212,212,209,203,203,212,228,228,225,228,225,222,222,225,230,230,230,230,228,228,230,228,225,222,212,207,215,233,241,238,230,226,228,228,228,222,215,215,213,215,222,230,235,235,233,228,228,233,235,233,233,233,233,230,225,222,217,215,217,215,215,213,215,215,217,217,217,222,228,230,233,233,230,228,225,228,228,230,228,225,222,222,225,228,228,230,228,228,225,225,225,225,222,222,217,220,222,217,215,217,220,215,212,212,222,230,233,233,230,222,220,222,225,225,217,205,202,203,207,217,228,235,235,233,228,228,228,230,230,230,230,230,230,228,228,228,228,230,233,233,233,230,230,230,233,233,225,217,212,209,207,209,217,225,224,225,228,225,225,225,228,225,225,228,230,230,228,228,233,235,235,235,233,228,225,225,228,230,217,212,212,222,233,241,238,230,222,217,216,217,222,225,225,225,228,228,228,228,225,225,228,228,228,222,217,217,222,222,225,228,230,230,230,228,228,228,233,233,233,228,225,225,228,228,228,228,230,230,228,228,228,228,228,228,225,225,225,225,225,222,222,222,222,222,222,228,230,230,225,222,215,209,209,215,217,217,217,217,215,212,212,212,212,215,217,217,215,215,215,215,215,215,215,215,215,209,205,207,212,215,207,196,191,194,202,204,204,207,209,212,209,207,204,207,209,212,212,212,215,217,217,217,215,212,212,215,215,215,215,215,213,213,215,215,217,215,215,215,215,215,212,215,215,215,215,215,215,215,215,212,212,215,217,222,220,217,213,213,213,215,215,217,217,217,217,217,217,217,217,215,212,209,209,209,209,209,209,209,209,209,207,209,209,209,209,212,212,212,212,209,204,203,207,215,220,222,222,217,215,215,215,215,215,215,217,217,217,217,222,222,222,222,217,217,215,215,215,217,217,217,217,217,215,215,217,222,225,222,217,212,212,209,207,207,207,204,202,199,199,196,196,196,199,204,204,202,199,199,199,196,196,194,145,142,142,191,199,202,202,202,209,215,217,217,217,220,222,222,222,225,228,228,225,225,222,222,217,217,217,215,212,212,207,205,205,207,209,212,209,207,204,196,191,189,191,194,191,189,189,187,189,189,189,183,133,131,131,133,183,189,186,139,137,138,141,143,145,196,199,207,212,217,225,233,238,241,243,246,251,254,255,254,254,251,251,248,248,251,254,0,0,0,0,0,176,186,194,0,0,0,168,147,105,79,49,49,49,57,90,98,98,100,108,137,160,186,202,194,170,173,199,220,235,212,0,0,0,0,0,0,0,0,0,0,0,0,194,160,124,82,35,21,53,82,0,87,72,53,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,25,48,48,43,46,51,59,0,0,0,0,0,0,0,0,0,0,0,144,131,118,118,0,0,0,0,139,137,118,100,74,61,59,66,0,0,0,0,0,0,0,0,0,0,108,92,74,66,66,59,53,56,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,27,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,220,0,0,233,215,235,255,255,194,0,0,0,0,0,0,0,139,85,62,72,0,0,230,255,255,255,255,255,255,92,25,39,108,0,207,207,183,165,139,131,155,165,150,113,65,54,55,139,183,212,225,196,160,126,129,173,176,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,17,31,48,37,39,33,15,3,0,0,0,0,0,0,0,0,0,0,11,39,33,15,7,15,35,71,134,152,152,150,144,155,181,191,181,137,67,55,67,121,147,168,186,191,191,173,137,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,124,255,255,255,243,181,0,0,5,13,0,0,0,0,0,178,246,199,165,176,217,246,255,255,251,215,186,155,139,168,222,228,204,212,228,194,67,1,0,0,0,0,9,73,142,176,186,183,178,176,170,168,165,150,109,150,157,160,157,168,181,196,215,215,204,200,204,204,191,160,157,79,13,0,0,0,0,0,81,155,176,183,191,191,178,160,170,183,168,173,186,81,1,0,13,43,5,0,9,33,39,47,47,47,65,111,79,15,2,5,142,178,191,191,170,137,81,69,69,71,83,137,152,137,89,83,137,168,176,170,155,83,45,31,51,87,152,170,165,165,173,183,173,152,81,59,55,71,101,176,202,209,209,209,217,235,248,254,255,255,255,255,248,238,209,176,113,81,69,73,77,85,83,83,89,91,79,65,65,87,139,134,83,75,71,65,65,65,45,21,19,17,13,14,31,57,71,61,61,53,43,33,31,37,43,55,67,77,81,91,97,101,134,139,142,150,152,150,142,137,137,134,134,131,131,108,77,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,196,170,121,82,56,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,45,79,49,35,33,39,49,49,37,30,30,35,39,45,69,81,73,42,36,43,65,73,100,111,118,116,108,90,77,74,74,77,82,95,98,100,116,134,147,160,163,0,0,0,0,0,0,0,0,0,0,0,0,0,61,38,25,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,181,181,178,173,176,186,189,183,186,194,194,186,181,178,173,169,170,176,181,178,176,176,176,174,176,181,176,163,165,176,183,186,186,183,183,178,178,181,189,194,194,189,178,127,123,121,120,120,120,121,123,125,176,113,56,81,204,199,199,196,189,183,178,173,168,125,121,112,104,96,99,112,127,176,181,178,177,178,183,186,186,189,186,181,177,181,191,194,186,176,125,119,121,176,189,189,183,181,135,134,135,181,194,207,212,209,209,207,209,212,212,217,225,228,225,225,230,230,230,246,255,243,0,0,0,83,183,207,215,225,228,228,233,228,165,160,160,118,157,170,186,204,222,225,207,202,207,212,209,209,209,212,212,215,217,212,204,203,204,207,209,212,215,215,212,217,228,230,222,204,194,192,196,199,199,196,189,133,123,137,196,199,196,194,191,189,186,186,183,176,131,176,189,196,207,215,215,209,204,202,194,191,196,199,202,189,97,43,45,83,189,183,176,170,168,168,170,173,178,181,181,181,183,189,196,196,186,131,127,133,186,194,196,194,186,186,191,194,191,191,194,202,209,212,217,222,222,222,222,215,212,212,215,222,225,220,218,222,228,235,233,222,207,207,215,222,225,225,222,222,225,228,230,230,228,225,224,225,230,233,235,241,235,225,212,209,222,230,217,204,209,215,215,207,203,203,205,205,204,207,212,222,228,230,225,217,225,233,238,238,235,235,235,235,238,238,230,225,222,215,207,203,204,207,202,147,143,143,145,202,215,217,222,230,241,246,246,246,243,243,241,238,238,241,241,243,241,238,235,235,235,238,241,241,238,235,235,235,233,233,235,233,229,229,229,230,230,230,228,226,228,230,230,233,233,233,233,233,233,233,230,229,229,230,233,233,230,228,222,212,211,212,217,222,222,222,217,222,222,140,122,151,225,230,233,233,235,230,222,212,209,209,212,215,217,222,230,235,238,235,235,235,235,235,235,235,230,228,230,233,235,238,243,241,212,17,0,0,0,0,0,55,113,181,183,183,194,202,209,222,230,228,228,225,225,225,225,222,215,215,217,225,225,225,228,228,228,225,225,228,230,228,215,207,202,141,137,139,145,143,137,133,137,141,191,202,212,217,215,212,215,217,225,230,230,225,220,217,217,222,225,225,217,209,207,209,215,220,222,212,202,199,202,209,212,217,230,230,230,230,225,215,215,217,222,222,217,215,213,222,233,241,241,241,235,202,132,131,139,204,228,233,222,202,147,145,147,199,209,217,222,222,222,225,225,212,202,200,209,225,230,228,225,225,225,217,212,209,207,207,205,204,207,228,238,238,233,228,222,222,225,228,233,233,235,235,235,238,238,233,230,228,222,217,225,233,238,238,233,228,228,230,235,233,228,222,217,217,225,233,238,241,238,233,230,233,233,233,233,230,228,222,217,215,217,217,217,215,213,215,215,215,215,215,217,222,225,230,233,233,230,225,222,225,228,228,228,222,217,217,222,225,225,228,228,225,225,222,222,222,220,217,215,212,212,209,209,215,222,222,217,220,230,238,235,233,228,222,220,220,222,222,215,205,203,203,207,215,228,235,235,228,222,222,225,228,228,230,233,233,230,230,228,230,233,235,235,235,233,230,228,230,233,233,228,217,209,204,203,204,215,225,230,230,228,217,216,217,225,228,228,228,228,228,228,228,230,233,235,233,230,225,225,228,230,230,225,217,217,228,235,235,233,228,217,216,216,217,222,225,225,225,225,228,228,225,222,225,225,228,228,228,228,228,228,228,225,225,230,233,233,233,230,233,233,235,235,230,228,228,228,228,228,230,230,230,228,225,228,228,228,225,222,221,222,222,222,222,217,222,228,225,225,228,228,225,215,209,207,209,217,225,222,215,215,215,217,215,212,211,211,212,215,217,215,215,215,217,217,215,215,215,215,207,204,205,212,212,204,192,190,194,202,207,209,212,212,209,207,204,203,204,209,212,215,215,215,215,215,215,212,212,212,212,215,215,215,215,213,213,215,217,215,212,212,212,212,212,212,212,215,217,215,215,217,217,217,215,215,217,220,222,222,217,215,215,215,215,217,217,217,217,217,217,217,217,217,215,215,212,212,212,212,212,209,209,209,207,207,207,209,209,209,212,212,212,209,207,204,203,207,212,215,220,222,217,215,212,212,215,215,215,215,215,215,215,217,217,217,217,217,215,215,215,217,217,222,222,217,215,212,209,215,217,225,222,215,212,212,209,207,207,207,207,204,202,199,196,195,196,199,204,204,204,204,204,204,202,202,199,196,191,194,199,204,207,207,207,212,215,217,217,217,220,222,222,222,225,228,228,225,225,225,222,222,222,217,217,215,215,209,207,205,205,209,209,209,207,202,199,196,196,199,196,191,189,189,189,189,189,189,183,137,133,133,137,183,186,186,139,138,139,143,143,145,194,199,207,212,220,228,238,241,243,246,248,251,254,254,254,251,251,248,248,248,251,254,255,254,0,0,0,0,186,186,0,0,0,176,155,105,72,41,37,41,49,82,90,92,100,108,116,137,160,178,178,170,170,178,196,204,204,0,0,0,0,0,0,0,0,0,0,0,0,194,168,124,74,21,18,35,77,0,90,74,53,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,7,25,46,48,48,43,51,0,0,0,0,0,0,0,0,0,0,0,0,0,144,134,118,113,0,0,0,0,0,152,142,118,95,85,85,0,0,0,0,0,0,0,0,0,0,0,100,92,82,74,74,66,59,59,74,0,0,0,0,0,0,0,0,0,0,0,147,144,0,0,0,0,113,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,235,228,0,0,0,209,225,255,254,194,0,0,0,0,0,0,0,0,116,77,87,0,0,254,255,255,255,255,255,255,66,0,19,0,0,215,225,215,207,155,131,139,176,176,134,92,51,58,163,191,212,230,217,176,144,139,170,150,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,17,25,31,33,39,35,21,5,0,0,0,0,0,0,0,0,0,37,65,53,33,23,23,41,116,155,173,173,165,150,144,157,170,165,129,55,45,55,77,137,168,194,199,173,137,105,41,21,11,19,25,1,0,0,0,0,0,0,0,0,0,0,139,233,255,255,255,251,155,35,0,0,0,15,69,77,37,89,251,255,215,161,173,228,254,255,255,255,251,222,95,49,85,176,191,173,165,189,178,150,93,23,0,0,0,81,139,157,191,204,204,204,194,186,178,168,150,95,95,101,111,157,170,183,202,215,215,215,215,217,228,228,220,0,0,0,0,0,0,0,0,41,147,183,191,191,199,183,157,170,199,202,194,181,75,0,0,0,37,6,0,33,63,59,65,39,27,39,57,47,10,8,39,168,191,191,173,147,87,75,69,83,126,157,173,170,137,83,83,150,170,176,168,160,99,71,51,79,139,160,163,157,163,170,178,170,99,53,40,53,87,165,191,209,212,212,209,215,222,241,246,255,255,255,255,248,238,209,176,97,67,49,43,41,37,41,53,63,69,59,49,61,75,87,75,67,65,61,55,55,49,25,11,11,15,19,21,37,57,71,61,57,51,47,51,61,73,79,77,83,89,95,101,134,137,139,144,144,152,163,163,150,144,139,142,157,157,157,131,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,196,181,134,74,30,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,49,45,33,32,45,57,55,37,30,30,35,39,51,75,124,111,49,36,42,65,75,111,124,124,124,116,100,92,100,103,108,116,124,116,111,116,124,131,134,139,0,0,0,0,0,0,0,0,0,0,0,0,69,38,27,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,160,178,186,186,186,189,199,199,191,181,183,194,194,189,189,186,183,178,176,173,170,170,178,178,176,176,178,170,161,165,181,191,191,189,189,183,178,178,181,189,191,189,186,181,176,173,125,121,121,120,120,120,121,168,127,86,103,202,202,202,199,191,189,189,183,173,125,121,112,101,90,92,106,121,173,178,177,177,178,183,183,183,183,186,183,183,183,183,181,131,123,121,119,123,133,181,178,135,135,135,178,183,189,196,209,217,222,212,194,199,209,204,207,222,228,225,228,228,228,230,243,254,251,67,0,79,186,199,217,225,228,230,233,235,238,230,199,168,117,121,173,186,204,225,230,225,217,212,209,204,202,204,207,209,215,217,212,207,204,207,207,204,204,207,207,209,217,222,217,209,202,196,195,196,199,196,194,191,186,186,196,199,194,189,189,189,186,189,186,183,176,131,176,186,191,199,207,207,202,202,202,194,183,191,204,215,222,199,71,3,0,55,83,113,123,123,165,176,189,189,186,186,194,194,189,191,196,196,189,186,189,194,196,196,191,183,183,189,196,199,199,202,209,215,217,217,222,225,225,225,222,222,222,222,225,222,217,217,220,228,230,228,212,202,202,207,212,212,212,215,217,225,230,233,233,230,225,225,228,230,230,233,235,233,222,212,212,217,212,199,194,202,209,209,204,203,204,205,207,209,212,215,222,228,230,222,208,204,207,215,225,230,233,230,228,228,228,222,215,215,212,203,202,207,225,217,151,145,147,153,217,230,228,222,222,230,238,241,243,243,243,241,238,238,235,235,235,238,238,235,233,233,233,235,238,238,238,235,235,238,238,238,235,230,230,233,233,233,230,228,228,228,230,233,233,233,233,233,233,233,233,230,230,230,230,233,233,230,228,225,212,211,217,222,222,225,225,222,217,215,139,123,204,233,238,238,235,233,228,222,215,212,212,215,217,217,228,235,243,246,241,238,235,235,235,235,230,226,225,228,233,235,238,238,235,209,25,0,0,0,0,0,0,89,196,215,212,215,222,225,233,235,233,230,233,235,238,235,233,233,230,230,233,233,233,230,228,225,222,222,222,222,217,212,209,202,139,136,138,143,139,132,130,132,135,139,143,196,204,212,215,215,209,212,217,228,228,225,222,225,230,233,228,217,212,212,212,209,209,209,207,204,204,207,207,125,115,145,209,212,217,228,228,225,222,217,217,215,213,215,228,233,235,238,241,230,133,125,127,135,202,225,230,225,207,199,199,207,209,212,217,225,225,222,217,222,212,202,202,212,230,235,233,228,228,225,217,212,209,205,205,205,212,225,235,238,235,228,222,222,228,233,235,235,235,238,241,238,238,238,233,230,230,228,228,230,233,238,241,238,233,230,233,238,238,233,230,225,222,225,233,238,241,241,238,235,233,235,238,235,233,228,217,212,212,215,217,215,213,213,215,222,222,222,222,225,225,228,228,230,230,228,222,222,222,225,228,228,222,215,213,215,217,222,222,222,217,217,217,217,217,217,215,215,212,209,208,208,212,222,225,222,225,233,238,233,228,225,222,225,225,225,228,225,217,212,212,215,217,228,233,230,220,218,220,225,228,230,233,233,230,230,230,230,230,233,233,235,235,233,228,225,225,230,233,228,212,203,202,203,207,217,228,233,233,230,217,215,216,225,228,228,225,225,225,228,230,230,233,233,228,225,225,225,230,233,233,230,228,225,230,233,230,225,222,216,216,217,220,222,222,222,225,225,225,225,222,222,222,222,225,225,228,233,235,233,233,230,230,233,238,238,235,233,233,233,235,233,230,228,228,228,230,230,230,233,230,225,222,225,228,228,225,222,222,222,222,222,222,217,222,222,222,222,225,225,215,204,199,204,215,225,228,222,217,215,215,215,215,212,211,211,212,215,215,215,217,217,217,217,217,215,215,212,207,205,207,215,215,204,194,194,202,207,209,212,215,215,209,204,203,203,204,207,212,215,215,212,212,211,211,212,215,215,215,215,215,215,215,215,215,217,217,215,212,211,211,212,212,212,212,217,217,217,217,222,222,222,220,220,222,222,222,222,217,217,215,217,217,217,217,217,217,217,217,217,217,217,217,215,215,215,212,212,209,207,207,207,207,207,207,209,209,209,212,212,212,209,207,207,204,207,212,212,217,217,215,212,212,212,212,215,215,215,215,212,212,215,215,217,217,215,215,212,212,215,217,217,217,217,215,209,208,212,217,222,222,215,212,212,209,209,209,209,209,207,204,202,196,195,195,199,204,207,209,209,209,207,204,204,204,202,202,204,207,209,209,212,215,215,217,217,217,217,220,222,222,222,225,228,228,228,225,225,225,225,225,222,222,222,217,212,209,207,205,207,209,207,204,199,199,202,204,204,199,191,189,191,191,191,186,183,183,183,183,183,186,186,189,186,139,138,141,145,143,145,194,202,209,215,222,230,235,241,243,248,251,254,254,254,251,251,248,248,246,248,251,254,254,251,0,0,0,0,186,176,0,0,0,183,160,111,77,41,35,35,41,49,57,90,98,105,108,108,116,144,160,152,152,160,170,178,186,0,0,0,0,0,220,241,241,191,147,0,0,183,147,108,72,21,17,25,72,0,82,69,53,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,43,38,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,92,82,69,66,66,59,59,69,0,0,0,0,0,142,0,0,178,168,152,144,139,139,144,152,150,134,124,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,243,0,0,0,217,217,243,243,215,0,0,0,0,0,0,0,0,144,111,111,173,230,238,238,255,255,255,255,255,39,0,0,0,0,241,255,255,255,225,129,116,165,183,150,63,51,61,189,212,220,238,230,209,160,121,118,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,11,11,19,33,39,59,35,23,13,0,0,0,0,0,0,0,0,45,92,95,65,57,45,59,0,0,0,183,181,165,155,150,163,170,150,69,48,55,73,124,139,165,173,150,121,111,67,59,45,39,33,9,0,0,0,0,0,0,0,0,0,150,220,241,255,255,255,255,59,0,0,0,0,57,186,228,178,191,251,255,222,183,202,254,255,255,255,255,255,255,59,0,53,165,183,163,155,173,181,178,176,155,49,0,23,89,147,165,191,204,217,217,225,215,199,181,147,95,90,95,109,168,189,196,202,202,207,215,220,225,230,235,228,0,0,0,0,0,0,0,0,53,157,199,199,194,199,176,147,150,183,194,173,139,63,7,0,0,7,17,37,131,131,108,71,25,11,12,33,39,14,17,131,181,191,173,147,85,74,81,87,142,157,168,173,157,83,73,83,152,170,168,160,160,160,97,83,139,160,160,153,153,155,163,163,99,42,31,36,75,155,191,207,217,217,212,209,215,220,222,235,246,255,255,255,254,246,230,186,107,69,45,27,13,3,5,11,27,33,33,27,37,57,69,71,67,67,61,55,55,53,31,11,9,17,33,37,47,63,75,71,61,59,61,75,87,91,99,97,93,91,95,99,137,137,139,137,144,152,165,165,160,147,147,157,160,168,170,163,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,191,170,108,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,41,47,35,37,57,98,63,43,30,30,39,45,51,77,131,116,49,36,42,71,111,126,134,134,124,116,105,105,111,118,118,131,134,116,108,113,116,118,121,126,144,0,0,0,0,0,0,0,0,0,0,105,77,51,27,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,157,176,181,183,189,196,204,204,191,163,129,181,186,189,191,194,191,183,173,165,163,168,183,189,186,183,181,168,161,165,186,194,194,191,191,183,178,176,181,189,191,186,181,181,181,181,173,168,168,123,121,120,119,125,176,181,194,202,202,202,194,186,183,183,178,125,117,115,115,115,115,113,119,127,173,178,178,178,181,183,181,183,186,189,191,186,178,131,119,112,110,115,121,127,133,176,131,130,130,131,181,191,196,202,212,225,225,204,121,178,199,186,189,215,225,228,230,228,226,228,235,246,255,207,45,103,189,204,222,225,222,224,235,235,233,235,230,207,170,160,168,181,199,222,228,222,217,209,202,199,207,217,215,212,215,217,212,209,207,209,207,202,200,202,202,204,212,212,207,202,202,204,204,204,204,199,194,194,196,199,202,199,194,189,189,194,196,199,196,186,133,127,129,178,183,191,196,196,191,191,194,186,177,179,199,207,215,222,225,21,0,0,0,77,115,125,170,186,199,199,191,191,204,202,183,183,194,199,204,209,207,202,196,186,181,137,139,186,194,199,204,207,215,217,217,217,222,225,228,228,228,228,225,225,222,218,217,218,225,228,225,217,207,198,198,204,209,208,209,215,222,228,233,235,233,230,225,225,230,228,225,225,225,228,217,217,222,222,209,199,195,199,204,207,207,209,212,212,215,225,225,222,222,228,233,228,208,200,204,209,222,230,230,225,212,204,207,204,207,212,215,209,207,212,230,222,149,147,202,215,228,230,228,215,212,222,230,235,238,241,238,238,235,233,230,228,230,233,235,235,233,233,231,233,233,235,235,235,238,238,238,238,235,233,235,238,238,235,230,228,228,228,230,230,230,228,228,228,230,233,235,233,233,230,230,233,230,230,228,225,215,215,222,225,225,222,228,225,217,212,150,142,228,235,238,235,230,228,225,222,217,215,215,215,215,222,228,238,246,246,241,235,234,234,235,235,230,226,226,230,235,238,238,238,235,220,41,0,0,0,0,0,0,67,222,241,233,228,228,233,238,241,238,233,235,238,241,238,238,238,235,233,233,235,235,233,228,225,222,222,217,215,212,212,209,199,139,135,137,143,141,133,132,135,139,139,139,143,196,204,209,207,199,198,209,228,233,233,230,233,235,233,222,212,212,212,209,207,205,205,207,212,215,212,204,98,96,111,135,145,209,230,235,228,222,220,217,215,215,222,233,235,233,230,233,222,133,127,131,135,149,212,225,222,215,215,220,225,222,217,217,222,222,212,202,194,198,207,217,233,238,235,230,228,230,230,225,217,215,209,207,212,225,235,238,233,225,220,218,222,233,238,241,238,235,238,235,230,233,233,233,230,233,235,235,233,235,238,243,243,238,233,230,233,238,235,233,228,222,225,230,235,238,241,241,235,233,235,241,238,233,228,217,212,211,212,215,215,213,213,217,228,230,233,233,230,228,228,228,228,225,222,222,225,225,225,228,228,225,215,213,213,215,215,215,212,211,211,212,217,222,222,217,215,215,212,209,209,212,217,222,225,228,230,233,228,222,222,225,228,230,230,233,233,233,230,230,228,225,225,228,225,220,218,225,230,233,233,233,230,229,229,229,229,230,230,230,235,235,230,225,217,217,222,225,222,207,200,200,204,212,222,228,230,233,233,225,217,217,225,228,225,217,217,222,228,233,233,230,228,225,222,225,228,230,233,233,233,233,230,230,228,225,217,216,216,217,222,222,220,218,220,222,222,222,222,222,221,220,222,222,222,228,233,238,238,235,233,233,235,241,241,238,233,230,230,230,230,230,228,228,230,230,230,233,233,228,220,220,222,228,230,230,228,225,228,228,228,225,222,215,212,212,215,222,222,207,196,195,202,215,225,222,217,217,217,215,215,215,212,212,212,212,212,215,215,217,217,217,217,215,215,212,209,207,207,212,217,215,207,202,204,209,212,212,215,217,215,209,204,203,203,204,209,212,215,215,212,211,211,212,215,217,217,217,215,215,215,215,215,215,215,215,215,212,211,211,212,215,215,215,217,222,220,222,222,222,222,222,222,222,222,222,220,217,217,217,217,217,217,217,215,215,215,215,217,217,217,217,217,217,215,215,209,207,205,204,205,205,209,209,209,209,209,209,212,212,209,207,207,207,209,212,212,215,217,215,215,215,212,212,212,212,212,212,209,209,215,215,217,215,215,212,209,209,212,215,217,217,217,212,208,208,212,217,222,217,215,212,212,212,209,212,212,212,212,209,204,199,196,196,202,207,209,209,209,209,207,204,207,207,204,202,204,207,209,215,215,217,217,217,217,217,217,222,222,222,222,225,225,225,228,228,228,228,228,228,225,225,222,222,217,212,209,207,207,207,207,202,198,199,204,209,207,199,191,189,194,194,191,183,137,135,137,183,186,189,189,186,141,139,139,143,191,191,191,199,204,212,217,222,228,233,235,241,248,254,254,251,251,248,248,248,246,246,246,248,251,251,251,0,0,0,0,0,0,0,0,0,191,168,116,82,49,41,35,35,35,49,82,98,98,98,90,90,100,116,126,126,124,137,160,176,0,0,0,0,0,0,0,0,0,0,168,186,168,124,98,72,25,20,35,69,77,64,35,21,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,25,25,43,51,0,0,0,0,0,0,0,0,0,0,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,103,82,66,51,46,43,43,56,74,100,100,98,98,116,139,152,152,144,139,137,131,131,137,147,142,134,126,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,0,254,235,217,215,235,243,0,0,0,0,0,0,0,0,0,157,129,118,144,178,202,220,255,255,255,255,248,105,31,0,0,0,255,255,255,255,255,129,53,131,176,150,90,54,108,220,235,230,238,230,215,168,105,98,98,0,0,0,0,0,0,142,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,11,13,25,39,61,41,29,19,0,0,0,0,0,0,0,0,19,51,65,118,129,124,118,0,0,163,170,170,163,147,137,147,163,163,129,67,61,71,71,67,73,108,103,73,121,121,98,55,31,9,0,0,0,0,0,0,0,0,0,45,173,199,191,225,255,255,255,0,0,0,69,118,144,228,255,246,233,251,254,246,235,248,255,255,255,255,255,255,255,0,0,0,152,168,155,165,189,202,199,199,196,144,37,27,61,91,147,181,202,202,215,215,217,215,191,165,101,99,107,157,186,207,207,202,202,202,215,225,228,225,217,194,147,0,0,0,0,0,0,0,126,181,199,199,199,191,157,131,147,168,173,129,69,55,23,0,0,0,11,116,152,129,81,65,25,9,7,23,47,47,61,163,181,173,155,81,68,68,81,142,157,157,165,157,87,73,71,83,147,168,152,150,160,168,150,97,139,155,160,163,163,163,152,91,53,28,27,49,163,191,202,215,217,217,209,207,215,220,220,217,233,241,251,254,254,251,243,212,181,105,63,25,5,0,0,0,3,9,9,11,19,41,69,87,113,85,73,71,71,69,53,17,9,17,39,49,53,73,83,77,77,79,83,87,93,131,144,142,134,95,95,99,101,134,134,137,144,165,173,170,163,160,160,165,168,173,183,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,170,108,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,33,69,53,45,49,65,111,103,55,39,33,39,39,51,75,124,111,49,38,47,75,118,137,142,139,126,116,111,103,108,111,124,134,131,111,107,113,112,118,116,117,131,0,0,0,0,0,0,0,0,0,0,0,103,77,48,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,163,176,178,183,189,199,209,215,207,41,0,45,61,155,189,196,194,183,168,160,160,165,176,186,191,191,186,168,163,163,173,186,191,194,194,183,176,178,183,194,194,189,183,181,181,181,181,178,176,173,168,165,125,165,176,189,199,204,204,202,191,181,176,176,170,123,115,114,114,119,125,129,178,178,173,173,176,176,178,181,183,183,186,191,189,181,127,119,115,111,109,114,123,131,176,133,131,131,133,133,181,189,196,204,222,233,225,181,105,129,186,125,131,204,220,228,228,230,228,228,230,241,246,246,75,0,168,212,222,228,225,225,230,230,230,235,235,222,191,163,170,178,183,202,212,212,209,204,199,204,212,222,225,217,215,217,215,209,209,209,209,204,200,200,200,202,207,209,209,204,204,207,209,209,207,202,196,199,202,202,194,191,194,196,196,202,212,215,209,194,129,117,117,127,178,186,191,189,183,181,183,181,177,177,181,194,199,212,235,196,0,0,0,49,117,165,178,194,204,204,194,189,194,189,178,181,191,202,209,215,212,202,189,137,134,135,137,183,189,194,204,209,215,215,217,220,225,228,230,230,230,228,225,222,218,218,225,228,230,228,225,220,207,198,196,202,212,215,217,222,225,228,228,230,230,228,225,225,225,222,217,209,209,209,207,215,228,230,222,212,209,204,207,207,212,217,215,212,217,228,228,217,215,222,233,233,225,209,212,225,235,235,233,215,115,75,107,202,212,215,217,220,222,222,228,225,209,202,209,217,217,222,225,209,205,222,233,233,235,235,233,235,235,230,226,226,228,230,233,235,235,233,233,233,235,235,238,238,235,233,233,235,238,235,238,241,238,235,230,228,228,230,233,230,226,228,228,225,230,233,238,235,233,233,233,233,230,228,228,222,217,217,222,222,217,217,225,225,217,212,207,212,222,230,233,230,225,222,222,222,222,217,212,209,212,220,228,238,246,246,241,234,234,235,238,238,235,233,230,233,235,238,235,233,230,215,65,0,0,0,0,0,0,91,230,238,235,230,228,235,241,241,238,235,235,238,238,238,235,238,238,235,235,235,235,235,233,230,228,228,222,209,212,215,207,199,139,135,138,143,143,139,139,143,194,196,145,145,196,202,202,199,198,196,207,230,238,238,235,233,233,225,212,207,208,209,207,207,209,209,209,215,222,209,131,107,112,121,131,145,217,235,235,230,228,225,217,215,217,228,235,238,222,209,212,207,196,145,141,141,147,196,209,212,215,228,233,230,228,222,222,222,222,215,200,192,198,225,243,243,235,228,225,228,230,233,233,230,225,222,222,228,233,235,233,225,218,218,222,228,235,241,241,238,238,235,230,229,228,230,235,235,235,238,238,235,235,238,243,246,241,230,226,230,238,238,230,225,225,225,225,230,235,235,235,230,230,235,241,238,230,225,222,217,212,211,212,217,215,217,228,233,233,235,233,228,225,225,222,222,218,218,222,225,225,225,228,228,225,217,215,217,217,217,215,212,211,211,212,222,228,225,217,215,217,217,212,212,212,215,222,225,228,228,228,225,225,225,228,230,230,230,230,233,235,235,235,233,228,228,225,225,222,225,233,238,235,233,230,230,229,230,230,230,229,230,230,233,233,230,222,215,215,212,212,215,209,203,203,207,215,225,230,233,235,235,228,222,222,225,225,217,215,215,222,230,233,230,228,222,217,222,225,230,233,233,230,233,233,233,230,225,222,217,217,217,217,222,225,222,218,218,222,222,222,225,225,222,222,222,222,225,230,233,235,235,233,233,233,238,238,238,235,233,233,230,230,230,230,228,228,230,230,230,230,230,225,218,218,222,230,233,230,228,228,230,230,230,228,222,215,208,209,215,217,212,199,192,191,199,212,217,217,217,217,217,215,215,215,215,215,215,215,215,215,215,217,217,215,209,212,212,209,207,207,212,215,217,215,212,209,212,215,215,215,217,217,215,212,207,204,207,209,212,212,212,212,215,212,212,215,217,222,220,217,215,215,215,215,215,215,212,212,215,212,212,212,215,217,217,220,222,222,222,220,222,222,222,222,225,222,222,217,217,217,217,217,217,217,217,215,215,215,215,215,215,215,215,217,217,220,217,215,209,207,205,205,205,209,212,215,212,212,209,209,209,209,209,207,205,207,209,215,217,217,217,217,217,215,212,212,212,212,209,207,207,209,215,220,217,215,212,212,209,209,212,215,217,217,215,209,208,208,212,217,217,215,212,212,212,212,212,215,215,217,217,215,209,204,202,202,207,209,212,212,212,212,209,207,207,209,204,200,198,200,209,217,217,215,215,215,217,217,222,222,222,222,222,225,222,225,225,228,230,230,228,228,228,225,225,222,217,215,212,212,209,209,204,198,198,199,207,212,207,196,191,191,194,191,189,186,137,133,133,139,186,191,191,189,141,139,139,143,191,196,199,204,209,215,222,225,228,230,233,238,248,251,254,251,248,246,246,246,243,243,243,246,248,248,251,251,170,0,0,0,0,0,0,0,183,155,105,77,49,43,35,30,35,43,55,87,90,87,55,53,79,98,108,116,124,137,155,178,199,217,217,202,199,0,0,0,0,0,176,183,168,137,105,82,53,35,53,61,61,35,15,9,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,17,17,9,3,7,30,53,53,0,0,0,0,0,0,152,144,150,152,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,82,61,43,22,17,17,22,53,72,87,87,95,108,131,137,129,118,118,129,129,129,131,142,142,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,241,228,215,215,235,0,0,0,0,0,0,0,0,0,0,155,144,134,116,124,160,0,255,255,255,255,248,170,137,126,0,0,0,255,255,255,255,33,0,0,121,0,105,124,173,212,230,230,225,209,178,152,116,105,121,0,0,0,0,0,144,111,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,5,11,13,13,21,35,41,29,13,0,0,27,41,29,0,0,0,0,19,51,108,131,142,152,150,134,126,134,152,144,134,116,116,144,157,137,105,69,61,39,26,35,55,61,67,98,116,103,59,9,0,0,0,0,0,0,0,0,0,0,67,155,152,105,144,255,255,63,0,0,69,212,209,212,233,251,246,246,254,255,254,246,255,255,255,255,255,255,255,225,0,0,0,0,33,107,157,202,228,215,202,199,157,47,41,33,26,79,183,191,181,165,152,170,212,202,155,139,142,155,181,204,222,215,202,202,202,202,215,225,207,176,142,85,77,69,0,0,0,51,142,160,163,157,183,194,157,89,131,142,157,150,77,49,43,23,9,0,0,0,9,37,37,43,49,25,11,9,13,35,41,61,163,178,163,121,71,68,74,89,95,134,147,150,95,73,70,77,91,137,160,142,142,155,160,139,65,77,139,163,170,170,163,109,79,37,33,43,91,170,191,199,207,215,209,202,199,212,222,222,209,209,230,238,246,251,0,0,0,209,173,97,43,7,0,0,0,0,0,1,3,11,37,71,121,129,129,139,150,142,139,116,47,12,14,31,41,51,79,121,91,91,89,95,93,95,137,144,147,134,95,95,94,99,134,134,137,144,165,173,173,170,168,168,176,176,186,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,160,124,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,56,31,21,35,79,87,82,57,57,95,103,103,61,53,39,27,25,37,59,111,111,65,42,51,77,124,134,139,131,129,118,118,111,99,108,126,142,139,118,113,118,121,118,113,113,124,163,0,0,0,0,0,0,0,0,0,0,124,111,95,61,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,170,181,186,191,196,204,212,220,217,27,0,0,0,43,181,189,189,178,165,157,157,160,168,178,189,191,186,178,170,166,170,181,191,199,194,183,176,183,191,194,189,189,189,181,181,183,181,178,178,181,183,183,178,176,181,189,196,202,204,202,191,181,176,173,168,123,117,115,119,125,127,170,181,181,127,127,129,129,129,176,183,186,189,189,181,123,111,113,119,119,117,121,129,178,178,131,125,127,178,181,178,183,196,209,228,233,222,119,111,121,119,117,176,196,212,228,230,228,228,230,233,238,246,254,87,0,63,212,222,230,230,233,230,228,225,228,225,209,191,170,170,176,178,191,204,209,204,196,196,204,215,225,225,222,215,217,215,209,209,212,212,209,204,200,200,204,212,215,215,209,207,207,212,212,207,202,196,196,202,199,191,186,191,194,199,207,215,215,207,186,121,97,91,109,133,181,183,181,176,176,178,181,181,179,179,186,191,199,220,212,61,0,0,31,165,176,189,204,209,204,189,178,177,177,178,186,196,202,207,207,199,189,181,136,135,135,137,139,186,194,204,209,209,209,212,217,222,225,228,228,225,225,222,222,218,222,228,230,230,230,230,228,215,202,198,202,212,217,222,222,222,217,222,222,225,225,222,217,215,215,209,204,204,204,203,204,222,230,228,225,225,222,215,207,207,215,215,212,215,222,222,212,208,212,228,230,225,217,222,235,248,246,235,207,107,74,100,202,220,225,225,225,225,228,228,228,225,217,215,207,148,153,212,207,207,230,235,231,233,233,233,235,235,233,228,226,228,228,230,235,238,241,241,241,238,235,235,235,233,231,230,233,235,233,235,235,235,233,230,228,230,233,235,230,228,230,230,225,228,233,235,235,233,233,233,230,228,225,228,225,217,215,217,217,215,212,212,212,212,212,217,222,217,220,225,222,217,217,217,215,215,212,209,208,209,217,228,235,243,243,238,235,235,238,241,243,241,238,235,233,235,233,230,230,230,230,109,0,0,0,0,0,0,117,233,238,235,233,233,238,241,241,238,235,235,235,235,234,234,235,238,238,235,238,238,238,238,233,233,230,225,212,207,215,217,202,145,145,199,196,143,139,141,145,196,199,196,196,202,204,198,196,199,204,212,228,238,238,233,230,230,225,212,209,209,209,207,207,212,215,212,212,212,199,139,141,145,141,143,202,225,233,233,233,230,228,222,217,225,235,238,225,196,194,195,202,212,222,215,204,199,196,202,209,215,230,235,230,225,221,220,225,230,225,215,204,220,241,246,235,212,207,212,222,228,233,233,230,228,228,230,233,233,230,228,222,220,222,228,233,238,241,241,241,241,241,235,230,229,230,235,235,235,235,238,235,235,235,238,243,241,233,228,230,238,241,235,230,228,225,224,225,228,230,230,228,228,233,235,230,225,220,222,217,215,215,215,217,217,222,228,233,233,233,230,225,222,222,222,218,218,218,222,225,225,225,225,222,222,222,225,225,225,222,222,217,212,212,217,225,228,225,217,215,217,217,215,212,212,215,225,230,228,228,225,225,225,225,225,225,228,225,225,228,230,230,230,228,228,228,228,228,228,233,238,238,233,230,233,233,233,233,233,230,230,230,230,233,233,228,222,212,211,209,211,217,215,209,209,212,222,228,230,233,235,235,228,222,222,225,222,216,215,217,228,233,230,228,222,215,215,220,228,235,238,235,233,230,230,230,230,228,225,225,225,222,222,222,225,225,222,222,225,228,228,228,228,228,225,225,225,228,230,233,233,233,230,230,230,233,235,235,235,235,235,235,233,230,228,225,228,228,230,230,230,228,222,220,222,225,230,230,230,228,228,230,230,230,228,225,217,213,215,220,217,209,198,194,194,204,212,217,217,217,222,217,215,215,215,215,215,215,215,215,215,212,215,215,212,207,207,204,204,207,209,212,215,215,215,212,212,212,215,215,217,217,217,215,212,209,209,209,212,212,212,212,212,212,212,212,215,217,220,217,215,212,212,212,215,215,212,212,212,215,215,215,215,217,217,222,222,222,220,217,217,217,220,222,222,225,222,222,217,217,217,217,217,217,217,217,215,215,215,215,215,215,215,215,217,217,220,217,215,212,209,207,207,209,212,217,215,212,212,209,209,209,209,207,207,205,207,212,217,222,222,217,217,215,212,212,212,212,209,207,205,205,209,217,222,217,212,212,209,209,209,209,212,215,215,212,209,208,208,209,215,215,209,209,212,215,215,217,217,222,225,225,222,215,209,207,207,209,212,215,217,217,212,207,204,207,209,204,200,196,200,212,217,217,215,215,217,217,217,222,225,222,222,222,222,222,222,222,225,228,228,228,228,228,225,225,222,217,217,215,215,215,212,204,198,196,202,207,209,207,196,191,194,194,194,189,183,137,133,133,135,183,191,194,191,186,141,141,143,194,202,207,209,215,217,222,225,228,230,233,238,246,251,251,251,248,246,246,243,243,242,243,243,246,248,251,254,178,183,0,0,0,0,0,0,173,137,98,77,53,47,41,35,35,43,51,59,82,59,53,49,53,82,98,113,124,147,170,194,202,217,209,194,183,0,0,0,0,0,176,176,168,124,103,82,0,53,53,53,35,21,13,7,3,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,3,1,1,7,30,51,0,0,0,0,0,0,152,144,144,144,144,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,118,85,66,40,16,13,13,20,43,61,77,90,105,129,137,129,116,111,112,118,131,137,137,142,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,225,194,215,215,0,0,0,0,0,0,0,0,0,0,0,160,155,147,134,0,0,0,0,202,248,255,248,170,144,152,0,0,0,255,255,255,222,0,0,0,57,0,0,168,209,217,217,204,183,157,131,126,116,129,147,139,121,142,196,0,144,87,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,7,9,9,15,29,29,13,7,0,72,105,77,11,0,0,0,19,39,87,118,139,157,150,124,71,71,103,103,65,57,61,137,155,137,116,61,45,26,20,35,53,55,55,59,67,92,55,19,0,0,0,0,0,0,0,0,0,1,65,118,118,53,67,255,144,0,0,33,71,144,199,241,246,235,235,235,248,254,246,246,255,255,255,255,255,255,255,230,39,0,0,0,0,37,142,202,235,220,204,189,163,73,47,23,18,91,202,222,152,59,25,45,152,168,97,81,139,173,199,222,222,217,204,202,194,196,207,215,191,150,83,74,95,142,43,0,0,61,144,168,144,126,139,155,89,81,116,139,139,121,65,45,31,13,9,35,45,9,0,3,7,15,25,21,15,13,23,37,39,53,121,163,157,139,85,87,93,89,81,75,87,95,81,70,76,137,152,144,147,142,142,150,144,83,55,61,91,160,165,165,163,101,67,40,43,67,99,163,181,186,191,199,199,191,191,212,235,235,209,207,209,230,241,248,0,0,0,225,191,155,77,33,3,0,0,0,0,0,0,1,19,57,113,129,139,170,199,183,176,150,67,27,27,29,31,47,79,131,137,126,95,97,131,131,137,144,142,134,95,93,94,99,134,134,137,142,152,165,165,163,168,176,183,186,186,183,183,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,56,35,35,77,100,100,85,77,57,61,95,95,71,53,39,18,15,23,37,67,79,71,53,65,81,126,134,139,137,131,126,118,103,72,100,131,150,150,134,129,134,131,124,118,117,129,163,0,0,0,0,0,0,0,0,0,0,0,150,129,108,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,183,196,202,199,199,204,215,217,204,0,0,0,0,45,176,178,178,170,160,157,155,152,152,163,178,186,186,183,178,176,173,183,199,207,199,186,173,183,191,194,189,186,181,173,178,181,176,170,176,186,191,194,191,186,183,186,191,199,202,199,191,183,176,168,125,119,119,123,168,173,129,170,178,176,124,125,126,125,125,170,183,189,191,191,173,105,95,103,121,129,173,176,183,186,181,121,112,115,133,183,181,183,196,207,217,225,212,191,181,109,76,98,178,189,204,225,230,230,228,233,238,241,251,255,93,0,0,181,215,230,230,230,230,222,209,194,189,189,186,178,176,178,181,189,204,215,207,189,190,202,217,225,225,217,215,212,209,209,209,209,212,212,209,202,204,212,217,222,222,215,209,209,215,215,209,204,196,194,196,194,189,186,183,189,194,204,209,202,181,121,99,77,74,93,176,181,181,176,173,174,176,181,183,186,186,189,191,194,209,217,204,0,0,0,107,178,196,209,207,202,189,177,174,177,186,196,199,199,196,194,183,135,178,181,183,183,186,186,189,196,204,209,209,209,209,215,217,217,220,220,217,220,222,222,222,222,225,228,228,228,230,230,225,209,199,199,209,215,217,215,212,212,212,215,222,217,212,209,204,202,202,199,204,207,204,203,212,222,222,225,228,228,215,204,205,215,217,215,215,217,217,209,207,209,217,222,215,215,222,235,246,246,233,149,100,95,131,215,228,228,228,228,228,230,228,228,228,225,217,151,136,147,204,209,217,235,238,233,231,230,231,233,238,235,230,230,230,233,235,238,241,243,243,241,235,234,235,235,233,231,230,231,235,235,233,233,233,233,233,230,230,233,235,233,230,230,228,225,228,230,233,233,230,228,228,225,222,225,228,225,217,213,213,215,212,209,208,207,208,215,222,222,215,209,212,212,212,215,215,212,212,212,209,209,212,217,225,228,233,238,238,235,238,241,243,243,241,241,235,233,233,230,230,230,233,235,191,0,0,0,0,0,0,181,235,238,235,235,235,238,241,241,238,235,235,238,235,234,234,238,241,238,238,238,238,238,238,235,233,230,225,209,143,145,215,207,194,196,215,217,194,139,139,143,194,199,196,202,207,204,195,192,207,215,212,215,222,225,225,225,225,217,212,209,209,209,207,209,215,217,215,209,207,199,196,209,207,199,202,215,230,235,238,235,233,228,217,215,222,233,238,196,190,191,194,204,225,233,230,215,204,199,204,209,217,228,230,228,222,217,217,222,230,230,225,225,235,246,238,209,198,199,207,215,225,228,228,224,225,228,233,235,228,222,222,225,225,228,233,235,238,241,238,241,243,246,243,241,235,233,233,235,238,235,235,235,235,234,234,238,241,235,230,233,238,243,243,238,233,225,224,225,225,228,228,228,228,230,230,225,222,220,222,225,225,222,222,222,217,222,228,230,233,233,233,228,228,228,225,222,220,218,220,222,222,225,222,222,225,228,233,233,230,228,225,222,217,222,225,225,222,217,215,215,215,215,212,212,212,217,228,230,230,228,225,225,222,217,215,217,222,220,217,217,217,217,220,222,228,230,233,230,233,235,238,233,230,230,230,230,233,233,233,230,228,225,228,228,228,228,222,215,212,212,212,225,225,217,215,217,225,230,233,233,233,233,228,225,222,222,217,216,217,225,233,235,230,225,217,213,213,217,230,235,238,235,233,228,228,228,228,228,230,228,225,222,217,222,225,222,222,225,228,230,230,230,230,230,228,228,225,228,228,228,230,230,230,230,233,233,233,235,235,235,235,235,233,228,225,224,225,228,230,233,230,228,228,225,228,228,230,230,230,230,228,228,228,228,228,228,225,222,225,225,222,212,204,199,202,209,217,222,222,222,222,217,215,215,215,215,215,215,215,212,212,209,209,209,212,209,204,203,203,207,212,212,212,215,215,215,215,215,215,215,217,217,215,215,212,209,209,212,212,212,212,212,212,212,209,212,215,217,217,215,212,212,212,212,212,212,212,212,215,215,215,215,217,217,220,222,222,217,215,215,215,217,217,222,222,222,222,222,222,220,217,215,215,215,217,217,215,215,215,215,215,215,215,215,217,217,217,217,215,212,212,212,215,215,215,217,215,212,212,212,212,212,209,207,205,205,207,212,217,222,222,217,215,212,212,209,209,209,207,205,204,207,212,217,217,215,212,212,209,212,209,209,212,212,212,209,208,208,208,209,212,209,207,209,212,215,217,222,225,228,228,228,225,217,215,212,212,209,212,217,222,222,212,204,203,204,207,207,204,202,207,215,217,215,213,215,215,217,222,225,225,225,222,222,222,222,220,222,225,225,225,228,228,228,225,225,222,217,217,215,215,215,212,207,199,198,202,207,207,204,199,196,194,194,194,186,137,135,135,135,133,135,186,194,194,189,143,141,189,196,204,209,215,222,225,225,225,228,230,235,241,243,248,248,248,248,246,246,246,243,243,243,246,248,0,0,255,0,0,0,0,0,0,0,0,160,124,103,87,74,53,47,43,43,47,49,53,53,53,49,47,47,55,90,105,124,155,181,194,202,209,194,176,168,183,0,0,0,147,168,155,137,105,87,72,61,41,53,35,35,21,19,19,11,0,0,1,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,7,30,0,0,0,0,0,0,0,144,144,134,118,134,150,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,116,82,56,38,16,16,22,38,46,61,77,98,126,137,139,129,116,112,112,118,129,137,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,150,142,194,207,0,0,0,0,0,0,0,0,0,0,0,170,155,150,0,0,0,0,0,69,163,248,212,140,135,160,0,0,0,255,255,255,194,0,0,0,41,0,0,186,220,212,186,160,150,124,92,103,126,147,0,0,0,0,0,0,165,72,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,7,5,5,11,21,23,19,19,39,85,116,87,17,0,0,0,19,39,53,87,121,144,142,113,65,53,53,45,27,9,37,137,155,100,59,51,41,31,31,55,65,53,39,39,53,59,53,31,29,53,100,9,0,0,0,0,0,1,39,47,105,53,53,199,0,0,0,152,51,39,150,255,255,230,230,233,243,254,248,254,255,255,255,255,255,255,255,255,230,57,0,0,0,21,155,191,217,215,204,202,199,170,89,23,22,152,222,222,31,0,0,0,0,47,33,21,55,155,204,225,233,225,222,202,194,194,202,202,176,142,77,74,129,83,0,0,0,27,85,144,137,80,79,83,80,81,116,134,116,75,65,51,31,9,17,126,163,83,13,5,7,13,25,37,33,41,55,51,49,59,79,131,144,155,155,155,144,81,64,63,75,95,87,76,95,165,165,147,152,150,152,155,139,77,55,62,97,155,163,163,163,99,67,57,69,85,93,115,173,176,173,181,186,191,196,212,238,235,212,199,207,215,238,243,0,0,0,225,199,178,152,75,21,0,0,0,0,0,0,0,3,31,59,79,129,173,209,199,183,163,121,55,43,37,33,47,121,155,152,144,137,137,139,139,142,144,139,99,93,91,94,99,134,134,126,134,139,147,150,160,163,168,176,173,170,163,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,17,9,23,79,108,100,85,57,55,55,61,92,71,59,37,16,12,15,23,49,73,71,69,75,116,131,139,137,139,144,129,111,72,69,100,139,163,168,160,157,157,155,139,131,134,152,170,0,0,0,0,0,0,0,0,0,0,0,0,165,155,124,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,204,212,212,207,199,204,215,215,118,0,0,0,0,95,165,168,170,165,163,168,160,150,146,147,157,176,181,178,173,170,170,183,199,209,204,181,117,121,181,191,186,183,170,169,176,176,170,166,170,181,186,189,189,186,183,183,189,196,199,199,191,181,170,125,118,117,119,168,178,178,176,178,183,178,126,126,126,125,125,170,186,191,194,194,176,97,91,94,117,173,183,191,194,194,183,119,110,112,131,186,186,189,196,194,191,199,204,204,207,125,71,79,109,170,191,209,230,233,233,235,238,241,246,255,55,0,0,0,63,101,186,183,150,99,111,168,176,181,181,183,186,191,189,189,207,228,228,169,178,194,215,222,217,215,209,207,204,207,207,209,212,215,215,207,209,215,225,225,222,212,209,209,215,212,209,207,196,186,183,189,189,186,181,181,183,189,186,125,105,85,75,73,75,107,183,189,186,181,174,174,176,181,183,186,189,191,191,189,199,209,207,83,0,0,0,115,194,207,204,202,199,189,178,178,191,199,199,189,186,181,133,132,135,183,191,194,196,194,191,194,202,209,209,209,209,212,212,212,212,212,215,217,225,228,225,222,222,221,221,225,228,233,230,217,202,196,202,209,212,212,212,211,211,212,215,215,204,199,196,149,149,194,204,215,212,207,209,212,212,215,217,217,209,205,209,225,225,217,215,217,217,212,209,212,215,215,212,212,222,233,238,235,225,137,95,139,209,228,230,228,228,230,233,230,225,224,224,225,222,207,143,150,207,215,228,241,241,233,231,230,230,233,238,238,235,233,235,241,241,238,238,241,238,235,234,234,235,235,235,233,233,235,238,238,235,233,231,233,233,230,230,233,233,233,235,235,230,225,222,225,228,228,222,217,215,217,220,222,228,228,220,213,213,215,215,212,208,208,209,212,215,212,207,204,205,207,207,212,215,215,217,217,215,215,217,217,222,222,225,230,233,235,238,241,241,241,241,241,238,233,233,233,230,230,233,225,202,0,0,0,0,0,0,183,235,238,235,238,238,238,238,238,238,235,238,238,238,235,238,241,241,241,238,235,235,235,233,233,230,230,225,204,101,97,135,212,192,191,217,233,217,145,141,145,196,199,199,204,209,204,195,194,209,215,209,205,204,204,207,215,215,209,207,207,209,212,212,215,217,222,220,215,209,209,215,217,207,202,209,228,235,238,241,238,233,225,212,207,212,225,222,192,192,199,204,209,217,228,217,209,202,199,207,212,215,217,225,228,222,218,217,222,230,230,228,228,235,235,222,202,198,202,215,225,228,228,224,221,225,235,238,235,225,217,222,228,230,228,230,235,238,238,241,241,243,246,246,243,238,235,235,241,241,238,235,235,235,234,234,238,241,238,230,228,233,238,241,238,230,225,225,228,228,228,228,230,230,228,228,228,225,225,228,230,230,230,230,225,222,222,228,233,233,235,235,235,235,233,230,228,222,218,218,218,225,228,228,225,225,230,235,233,230,228,228,225,225,228,228,222,212,209,212,212,209,209,212,215,212,215,220,225,228,230,228,225,220,213,212,213,217,217,216,216,216,216,217,222,228,230,233,233,235,235,235,235,230,228,222,215,222,228,228,225,217,215,215,217,222,222,222,222,222,222,225,225,225,217,215,222,225,230,233,233,233,230,228,228,222,217,216,216,217,225,230,233,230,225,217,212,212,217,228,233,235,233,230,230,228,228,228,225,228,228,225,217,216,216,220,220,217,225,230,230,233,233,233,230,230,228,225,225,225,225,225,230,233,233,233,235,235,235,235,233,233,230,230,230,228,225,225,228,230,233,233,230,230,230,230,230,230,230,233,230,230,228,228,228,228,230,230,228,225,225,222,217,215,212,212,215,222,225,225,225,225,225,217,217,215,215,215,215,212,212,209,208,207,208,212,209,204,203,204,212,212,212,212,212,215,215,215,215,215,215,215,215,215,215,212,212,212,212,212,212,212,212,212,209,209,209,212,215,215,212,212,212,212,212,211,211,212,215,215,215,215,215,215,217,217,217,217,215,212,212,212,215,217,220,222,222,225,225,225,222,217,215,213,215,217,217,217,215,215,215,215,215,212,212,215,217,217,217,215,215,215,215,217,217,215,215,212,209,209,212,215,212,209,207,205,207,209,212,217,222,222,217,217,215,212,209,207,207,207,205,205,209,215,215,215,215,215,212,212,212,212,209,209,209,209,209,209,209,209,209,209,207,205,207,209,212,217,222,228,230,230,230,228,225,222,217,215,212,215,222,225,222,209,204,203,204,207,207,209,212,215,222,217,215,213,213,215,217,222,225,228,225,225,225,225,222,222,222,225,225,225,225,228,228,225,225,222,217,217,215,215,212,209,207,204,202,202,202,202,202,204,199,196,194,194,183,133,131,135,135,132,133,183,189,191,189,189,143,189,196,207,215,222,225,228,228,228,228,230,238,241,243,246,248,248,248,246,246,246,246,243,243,246,248,0,0,0,0,0,0,0,0,0,0,181,165,139,113,98,87,55,49,49,53,53,53,51,49,43,41,41,41,47,57,95,121,155,181,194,194,194,176,155,147,168,168,155,137,137,147,137,105,82,64,43,56,41,35,35,35,35,31,19,7,0,0,1,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,20,0,0,0,0,0,163,152,144,0,0,0,0,0,170,189,181,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,116,82,48,38,22,22,38,46,56,53,53,69,95,116,129,131,129,118,116,116,118,129,134,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,60,74,189,0,0,0,0,0,0,0,0,0,0,0,0,202,147,124,0,0,0,0,0,43,137,217,189,137,139,199,0,0,0,255,255,255,103,0,0,0,41,0,124,199,215,181,155,142,129,100,92,103,126,0,0,0,100,0,0,0,165,53,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,11,9,9,11,11,13,17,25,45,74,77,45,11,0,0,1,19,33,41,55,92,118,113,92,59,53,39,25,0,0,0,33,71,0,0,7,27,31,41,61,61,39,32,35,45,53,47,35,39,95,134,49,1,0,0,0,0,1,33,22,118,92,39,0,0,0,255,248,65,41,129,255,235,173,194,202,228,243,254,255,255,255,255,255,255,255,255,255,255,220,57,0,0,107,199,183,178,194,217,235,241,241,196,33,15,73,212,209,0,0,0,0,0,0,0,0,0,49,173,222,241,241,233,215,202,196,196,189,163,131,77,124,157,67,0,0,0,19,59,79,85,80,77,83,83,84,116,131,75,69,69,69,57,35,57,157,176,129,31,9,11,25,57,77,65,67,71,51,51,65,79,87,131,157,173,176,147,73,60,63,77,134,134,89,147,173,165,147,157,160,163,160,97,65,55,71,150,165,163,163,163,99,73,79,99,101,91,99,165,173,166,173,186,191,196,212,235,222,204,194,196,204,230,235,243,0,0,222,199,189,170,142,55,7,0,0,0,0,0,0,0,5,25,39,61,134,170,173,168,157,129,75,61,49,43,57,139,170,170,160,150,142,142,147,155,147,139,97,93,95,97,134,134,134,126,126,126,134,142,147,163,165,168,165,157,155,163,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,77,116,108,98,74,53,51,55,61,71,59,45,23,19,23,29,49,73,77,71,77,116,131,134,137,142,144,134,108,69,67,105,142,170,178,176,176,173,165,155,152,155,170,186,0,0,0,0,0,0,0,0,0,0,0,0,194,183,160,95,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,74,204,212,212,209,199,204,196,118,0,0,0,0,0,25,150,163,168,168,173,183,176,157,147,146,151,163,168,165,157,155,160,173,186,196,196,165,108,107,115,127,173,189,170,169,173,173,168,168,170,173,173,176,178,181,181,181,183,191,194,191,183,173,127,121,117,118,125,176,176,173,176,186,186,181,173,129,129,127,129,178,189,191,191,189,173,109,95,99,121,178,191,199,202,196,189,127,117,121,183,194,196,196,189,101,82,115,191,194,202,209,108,83,98,123,181,196,222,233,235,235,238,241,235,204,0,0,0,0,0,0,0,0,0,0,47,163,183,186,183,186,196,207,202,191,202,230,233,168,178,191,207,209,207,204,204,202,202,204,207,209,215,217,217,212,212,215,222,222,217,212,207,209,207,202,199,202,194,181,137,183,189,186,181,133,129,123,115,105,89,75,72,76,105,181,194,196,196,189,181,178,178,183,181,181,183,186,182,181,189,196,196,194,0,0,0,5,168,196,204,209,212,204,186,181,186,196,194,178,176,176,132,132,178,186,191,196,199,196,189,189,196,207,212,212,212,212,209,209,209,209,209,215,225,230,228,225,222,220,218,222,225,230,233,217,199,148,149,202,207,212,215,215,215,212,215,209,202,196,148,148,148,194,202,212,212,212,209,207,204,209,212,212,209,209,215,230,228,222,217,217,215,215,215,215,217,217,215,212,215,222,230,230,207,115,100,209,222,230,230,228,228,233,233,230,225,224,225,228,228,225,212,209,215,225,233,241,241,238,235,233,231,233,238,241,238,235,238,241,238,235,233,235,235,235,234,234,235,238,238,238,238,241,241,238,235,233,231,233,230,229,230,235,235,235,241,241,233,215,199,204,215,222,217,213,213,213,215,222,228,228,222,215,217,222,222,215,212,212,212,209,207,205,205,205,209,209,207,212,217,222,222,217,217,217,222,222,222,221,221,228,233,238,241,241,238,235,235,238,235,233,233,233,233,233,235,222,196,0,0,0,0,0,0,131,235,241,238,238,235,235,238,238,238,235,238,238,238,235,235,238,238,238,235,235,235,235,233,230,230,228,222,196,98,95,123,209,190,187,209,235,230,209,199,202,202,202,202,207,212,207,199,199,209,215,215,209,204,203,207,209,207,207,207,209,212,212,215,217,215,217,222,222,222,225,228,217,204,202,212,230,235,235,235,235,230,217,207,205,207,215,212,199,207,222,217,207,207,207,199,194,192,199,209,215,209,204,212,228,228,225,222,228,235,235,230,225,228,225,212,204,204,215,228,233,230,225,222,225,235,243,243,233,222,215,222,228,228,225,225,230,235,238,241,243,243,243,243,243,238,235,238,241,241,238,235,238,241,241,238,241,243,241,230,225,225,230,233,233,228,225,225,228,228,228,228,230,230,228,228,233,233,233,233,235,235,235,233,228,225,228,233,235,235,233,235,235,238,235,233,228,222,222,220,222,225,230,230,228,228,230,230,230,228,228,228,228,225,228,228,217,209,208,209,209,207,208,212,217,215,209,209,212,225,230,230,228,222,215,213,215,222,225,222,217,217,217,225,228,230,230,230,233,233,233,235,238,233,222,207,152,204,217,222,217,215,213,212,215,215,217,222,225,225,228,228,225,222,217,217,222,228,233,235,235,233,230,230,228,222,216,216,217,222,225,225,228,228,225,217,211,212,217,225,228,228,225,225,230,233,230,225,224,224,225,228,222,217,216,217,215,215,217,228,230,233,233,233,233,233,230,228,228,225,224,225,230,233,233,233,233,235,235,235,233,230,229,229,233,233,228,228,230,233,233,233,230,230,230,228,228,230,233,233,233,230,228,228,228,230,233,230,228,225,222,222,222,217,215,215,217,222,225,225,225,228,228,225,217,217,215,215,215,215,212,212,209,207,208,212,209,204,204,212,215,215,215,212,212,215,215,215,215,212,215,215,215,215,212,212,209,212,212,212,215,215,215,212,212,209,212,212,215,215,215,212,215,212,212,211,211,212,215,215,215,212,212,212,212,215,215,215,212,212,212,212,215,217,217,220,222,222,225,225,222,217,213,213,215,217,217,217,217,217,215,215,212,212,212,215,217,217,215,212,212,215,215,217,215,215,212,209,209,209,212,215,212,209,207,207,207,212,215,217,222,222,217,217,217,215,209,207,204,207,207,209,212,215,215,215,215,215,215,212,212,212,212,209,209,208,209,212,215,215,212,209,207,205,205,209,212,215,222,228,230,230,230,228,225,225,225,222,217,217,222,225,215,207,204,204,207,207,209,215,217,222,222,217,215,213,213,215,217,222,225,225,225,222,222,225,225,225,225,225,225,228,228,228,228,225,225,222,217,217,215,212,209,207,204,204,202,196,192,192,199,207,204,199,194,189,139,129,128,131,133,133,135,139,186,186,189,189,189,191,199,209,217,225,228,228,228,228,228,233,238,241,241,243,246,248,246,246,248,248,246,246,246,248,251,0,0,0,0,0,0,0,0,0,0,181,173,160,137,111,87,55,49,53,82,87,82,55,49,41,35,30,35,37,47,59,105,147,176,183,183,183,168,147,124,137,137,124,124,124,113,105,82,64,35,35,35,35,29,29,35,21,13,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,7,20,0,0,0,0,152,163,152,134,0,0,0,0,0,170,189,181,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,90,72,40,18,16,18,22,46,64,61,53,46,61,77,95,105,105,116,129,131,137,131,129,134,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,0,0,255,255,255,255,243,52,64,0,0,0,0,0,0,0,0,0,0,0,0,0,230,131,69,77,0,0,0,0,0,0,0,238,212,217,255,255,0,0,255,255,255,47,0,0,0,87,129,152,199,199,155,139,139,129,100,92,103,126,0,0,0,0,0,0,0,0,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,15,19,15,15,9,7,13,31,66,66,33,17,0,0,11,25,33,39,41,51,79,85,57,45,47,53,39,19,0,0,0,0,0,0,0,0,0,9,31,53,45,32,29,39,53,59,47,33,33,59,116,85,39,23,0,0,0,9,59,129,181,155,53,0,0,0,255,255,196,67,71,129,3,0,37,137,186,228,246,255,255,255,255,255,255,255,255,255,255,220,93,39,9,183,225,168,150,181,235,255,255,255,246,87,4,4,139,255,0,0,0,0,0,0,0,0,0,0,93,212,248,248,241,220,202,196,189,176,150,93,83,157,194,150,15,3,9,11,31,57,85,126,131,150,150,116,116,121,75,69,75,85,85,77,126,165,147,45,9,7,9,37,137,152,85,71,55,33,39,67,85,121,131,155,176,181,155,75,67,70,89,134,95,83,147,183,173,157,157,168,163,144,83,53,49,77,150,168,170,170,163,109,91,99,152,152,93,99,165,168,166,173,191,199,199,209,215,209,191,183,186,196,204,215,228,228,0,0,199,189,181,160,81,33,5,0,0,0,0,0,0,0,0,3,15,55,113,131,142,150,137,87,83,73,63,79,155,186,183,163,150,142,139,147,155,147,139,99,95,97,103,142,144,134,126,126,125,126,134,144,160,160,160,155,155,153,163,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,116,116,98,82,53,51,55,92,100,71,51,37,45,49,49,55,73,71,69,75,116,124,129,131,137,144,134,79,67,67,105,139,170,181,183,183,178,165,157,160,173,186,196,0,0,0,0,0,0,0,0,0,0,0,0,207,199,168,111,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,165,194,202,186,137,0,0,0,0,0,0,0,0,121,170,168,168,178,181,178,165,155,152,157,163,165,163,153,152,155,163,170,176,181,170,119,113,109,101,96,196,181,173,170,170,173,173,168,125,123,125,168,173,176,178,181,186,186,181,173,127,125,123,121,123,170,176,172,169,173,186,183,178,176,170,129,173,181,186,189,189,186,181,176,129,129,176,183,191,196,202,202,199,191,176,127,131,189,202,202,194,129,72,67,87,181,189,191,209,207,121,131,189,189,191,204,228,235,235,241,241,225,23,0,79,150,0,0,0,0,0,0,0,71,165,178,183,183,183,202,215,207,194,196,217,225,204,194,199,207,204,202,203,204,202,200,202,204,209,215,217,217,215,209,207,207,209,212,209,207,204,196,183,137,183,181,133,133,178,181,178,133,127,119,111,105,101,91,79,77,105,183,194,196,202,202,194,186,183,183,183,183,181,183,182,179,181,189,194,196,194,55,0,0,0,71,181,202,209,212,204,186,176,178,186,186,131,131,133,176,135,181,186,189,191,194,191,186,141,191,207,215,217,215,212,212,209,208,208,209,212,225,230,230,225,222,222,221,222,222,228,230,217,149,146,147,196,204,215,222,222,217,215,212,207,196,149,148,148,148,148,196,202,207,209,207,204,203,207,215,215,209,204,207,217,217,215,215,215,215,217,217,217,215,212,212,212,202,147,215,217,117,105,117,225,230,233,233,233,230,228,228,225,225,225,228,225,228,228,225,222,222,228,233,235,235,238,238,233,231,231,235,241,241,241,243,243,241,235,233,233,233,235,235,235,235,238,238,241,241,241,238,238,235,235,235,235,233,233,233,233,235,241,235,121,59,58,67,135,199,212,217,215,213,213,213,215,225,225,222,217,217,217,217,212,215,217,217,209,204,204,207,215,222,217,212,215,217,217,217,215,215,217,217,222,225,222,222,228,233,238,241,238,235,233,233,233,230,230,233,233,233,233,235,233,189,0,0,0,0,0,0,123,233,241,238,238,235,235,238,238,238,235,235,238,235,233,230,233,233,233,233,233,235,235,235,233,230,230,222,199,117,117,194,199,191,191,209,228,228,217,212,207,204,202,200,204,209,207,202,204,212,222,225,228,217,212,212,207,207,212,220,222,217,217,217,215,212,212,215,220,225,228,225,212,202,202,212,228,233,233,230,228,222,212,207,207,209,215,212,209,215,228,222,202,198,199,196,191,190,196,209,212,202,192,196,222,228,228,228,233,235,235,230,225,222,217,212,212,217,228,230,228,228,225,224,228,238,243,241,225,215,215,222,225,222,217,222,233,235,238,241,241,238,238,238,238,238,235,235,235,238,235,233,238,243,243,243,243,246,241,233,225,225,228,233,233,228,225,228,228,225,222,225,228,228,228,230,235,238,238,235,235,235,233,230,230,228,230,235,238,235,233,233,233,235,233,228,225,222,222,225,225,225,230,230,228,225,225,225,225,225,225,228,225,222,222,222,215,208,208,209,209,208,208,215,222,217,207,204,205,215,228,230,230,230,228,222,222,230,233,230,225,222,225,230,235,235,230,228,228,230,233,235,238,233,217,152,148,153,212,217,217,217,217,215,217,215,217,222,225,225,225,228,225,222,217,220,225,230,235,235,235,235,233,233,228,222,216,217,225,222,215,215,217,222,222,215,212,213,222,225,225,224,221,224,230,233,233,228,222,221,225,230,228,225,222,217,215,213,215,222,230,233,233,235,235,235,233,233,230,228,225,228,230,233,231,231,231,233,235,235,235,233,230,230,235,235,233,230,230,233,230,230,230,230,228,228,230,230,233,233,233,230,228,228,228,230,233,233,230,228,222,215,209,207,209,215,217,222,225,225,225,228,230,228,222,217,217,217,217,217,215,215,212,212,212,209,204,204,209,215,217,217,215,215,212,215,215,215,212,212,212,215,215,212,212,209,209,209,212,212,215,215,217,217,217,215,212,215,217,217,217,217,215,212,212,212,212,212,212,215,215,212,209,209,209,209,212,215,215,212,212,212,215,215,217,217,222,222,225,225,222,217,215,215,217,217,220,217,217,217,217,215,212,212,212,215,215,215,215,212,212,212,215,215,215,212,209,209,209,209,212,212,212,209,207,207,209,212,215,217,217,222,222,222,220,215,207,204,202,204,207,209,209,209,212,212,215,217,215,212,212,212,212,209,209,209,209,215,217,217,215,212,209,205,207,209,212,215,222,225,228,228,228,228,228,228,225,225,222,222,222,217,209,199,199,204,209,209,209,212,217,217,217,217,215,215,217,217,217,217,217,217,217,217,222,225,228,228,225,225,225,225,228,228,228,228,225,222,217,217,215,212,209,204,203,204,202,194,189,189,199,209,209,202,191,183,133,129,128,129,131,135,139,183,141,186,189,186,189,191,202,212,217,225,225,228,228,228,230,233,238,241,241,243,246,246,246,246,246,248,248,248,248,251,251,0,0,0,0,0,0,0,0,0,0,0,181,173,147,111,82,49,47,53,87,95,90,87,55,43,35,30,35,35,35,49,90,124,155,173,176,176,155,137,113,105,105,98,98,105,98,82,64,25,17,21,35,21,15,15,15,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,20,0,0,0,0,0,152,152,144,118,0,0,0,0,134,163,178,170,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,77,56,22,16,16,20,38,48,56,53,43,43,53,61,69,72,90,116,144,165,168,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,178,255,255,255,255,168,60,87,0,0,0,0,0,0,0,0,0,0,0,0,0,246,118,22,0,0,0,0,0,0,0,0,255,255,255,255,255,0,255,255,255,255,139,13,0,37,121,150,170,207,186,137,121,139,139,100,82,95,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,15,21,15,15,7,2,13,39,74,66,27,7,0,11,25,39,47,47,47,55,55,45,23,19,35,45,45,27,7,0,0,0,0,0,0,0,0,3,35,53,45,32,30,39,53,61,55,39,33,53,118,118,92,49,19,0,0,1,59,178,209,178,87,0,0,124,233,255,183,39,0,0,0,0,0,31,105,199,235,255,255,255,255,255,255,255,255,255,246,168,77,7,2,107,183,150,144,178,246,255,255,255,255,207,4,0,33,246,59,0,0,0,0,39,39,0,0,0,61,199,248,248,241,220,202,189,170,150,121,77,83,165,186,142,31,0,0,0,0,51,137,155,170,176,155,83,77,77,71,77,85,134,142,139,150,150,83,39,17,15,17,37,116,150,85,59,33,23,33,71,121,131,131,144,163,168,144,83,73,87,97,95,69,66,137,183,183,165,163,168,152,91,65,45,43,71,97,160,173,170,152,109,109,152,163,155,101,109,165,173,173,186,199,207,196,196,202,202,186,176,176,181,189,194,202,202,202,0,0,189,181,168,139,69,39,13,0,0,0,0,0,0,0,0,0,15,55,69,124,147,144,129,129,134,118,124,155,176,173,160,142,95,94,134,144,147,142,103,101,137,147,155,152,144,131,126,125,125,131,139,150,157,157,155,157,160,168,170,176,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,11,35,79,108,108,105,82,53,52,61,100,108,100,57,53,73,79,67,65,71,63,53,69,83,124,126,129,131,137,129,83,70,70,105,129,163,181,186,183,173,163,156,163,186,196,207,0,0,0,0,0,0,0,0,0,0,0,0,0,196,160,105,48,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,11,163,165,173,178,176,173,168,163,163,165,168,165,165,160,153,153,157,160,163,165,176,181,176,111,90,86,199,181,173,168,170,176,176,165,121,119,121,125,168,173,176,178,181,181,176,168,168,170,170,168,170,176,173,173,170,170,178,178,176,176,129,128,178,191,194,189,183,183,178,176,176,181,186,191,194,196,196,202,204,194,181,176,181,191,199,199,186,121,75,73,97,131,186,189,207,212,207,212,215,209,196,196,222,235,235,235,220,55,0,0,199,222,71,0,0,0,0,0,91,170,168,160,160,168,165,196,209,204,196,196,207,217,217,212,209,212,209,204,207,209,204,202,200,204,209,215,217,217,215,204,196,196,202,207,209,204,199,191,137,131,131,129,124,125,129,127,125,125,123,117,113,111,105,99,99,117,183,194,194,196,202,202,199,189,186,186,183,183,186,189,183,183,189,194,199,202,202,168,63,0,0,49,123,183,194,196,191,183,176,174,178,176,129,131,176,181,183,183,186,183,139,139,183,141,186,196,209,217,222,217,215,212,209,209,209,209,212,225,230,230,228,225,222,222,222,218,222,228,217,196,147,149,199,207,217,225,225,220,215,209,202,196,149,149,149,149,147,194,202,207,207,204,203,203,207,212,215,204,191,191,202,207,204,209,215,222,225,222,215,207,202,204,215,199,113,103,101,99,105,204,230,233,235,238,238,235,228,224,224,224,225,228,224,224,225,225,222,217,225,228,230,230,235,238,235,231,230,233,241,243,246,246,246,243,238,235,231,231,233,233,235,235,238,238,241,238,235,235,235,238,238,241,238,235,235,233,225,217,215,125,47,38,53,75,143,199,209,215,220,222,222,215,215,217,222,217,215,215,212,211,211,215,222,222,212,204,204,209,222,228,225,217,217,217,215,212,212,212,215,215,217,225,225,222,228,233,238,238,235,230,228,228,228,228,230,233,235,235,235,235,235,176,0,0,0,0,0,0,131,235,238,235,235,234,235,238,238,238,235,235,235,235,233,230,228,228,228,228,230,233,235,235,233,230,233,228,202,139,141,196,194,194,199,209,217,217,215,209,204,200,200,200,202,207,204,202,207,217,228,233,233,228,215,209,207,212,222,228,222,215,217,222,217,215,212,212,215,222,225,222,209,202,202,209,222,228,230,228,222,215,209,209,212,215,217,215,209,209,217,215,202,198,199,202,196,191,195,204,207,196,186,190,207,222,228,228,230,230,230,225,222,222,222,217,217,225,225,222,220,225,230,228,230,233,233,225,217,215,217,222,222,216,217,228,238,238,238,238,238,235,235,238,238,238,235,230,230,233,233,233,238,241,238,238,238,241,238,233,228,226,233,235,235,228,225,225,222,217,217,217,225,228,230,233,235,238,235,230,230,233,230,229,230,233,235,241,241,235,231,231,233,235,230,225,222,222,225,225,225,222,222,222,220,217,217,220,222,225,228,230,225,217,215,215,215,212,209,209,209,209,212,217,222,217,207,204,204,212,222,228,230,235,235,228,225,230,235,235,228,225,225,230,235,235,230,225,225,228,230,233,233,230,215,153,151,207,217,217,216,222,225,225,225,222,222,225,225,224,224,225,228,225,222,222,228,230,233,235,235,235,235,235,228,217,216,222,225,217,212,211,213,222,217,213,215,222,228,228,225,224,222,224,225,230,230,228,225,225,228,230,230,228,225,222,217,215,217,225,228,230,233,235,235,235,235,235,233,230,228,230,235,235,231,230,231,233,238,238,238,235,233,233,235,235,233,233,233,230,230,228,228,225,225,228,233,233,233,230,230,230,228,228,230,233,233,233,228,228,217,202,144,143,199,215,222,225,225,222,222,228,228,225,222,217,217,217,222,222,222,217,217,217,215,207,202,202,209,217,222,217,217,215,215,215,215,215,212,212,212,212,215,212,212,209,208,209,209,212,215,217,217,217,217,215,212,212,215,217,220,217,215,212,212,215,215,212,212,215,217,215,209,208,208,209,215,217,217,215,215,215,215,217,217,217,217,222,222,222,222,217,215,215,217,220,220,220,217,217,215,215,212,212,212,212,215,215,215,212,212,212,212,212,212,212,212,209,209,209,209,209,209,209,209,209,212,215,215,217,217,217,222,222,217,212,207,202,202,204,204,204,204,204,207,209,215,215,215,212,212,212,212,212,209,209,212,217,217,217,215,215,212,209,209,215,217,217,222,225,225,228,228,228,228,225,225,225,225,225,217,215,204,194,191,199,209,212,209,212,215,215,215,215,215,217,217,217,217,217,215,212,212,215,217,225,228,228,225,222,222,225,225,228,228,228,225,222,217,217,215,212,209,204,203,204,202,194,190,190,202,212,212,207,191,135,131,131,129,128,129,137,186,186,186,186,186,186,189,194,202,212,217,222,225,225,228,230,230,233,235,238,241,243,246,246,246,246,246,248,251,251,251,251,254,254,0,0,0,0,0,0,0,0,0,0,181,168,137,98,53,42,42,49,82,95,98,95,82,53,41,35,35,25,21,35,59,103,126,147,155,155,147,124,113,98,90,90,90,90,82,49,35,17,14,17,25,15,7,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,13,15,0,0,0,0,0,144,144,134,118,0,0,0,0,118,134,142,142,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,92,72,46,27,27,38,46,46,46,38,38,40,43,46,53,64,79,116,165,194,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,152,243,255,255,255,116,74,113,0,0,0,0,0,0,0,0,0,0,0,0,0,230,118,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,163,27,23,79,134,142,160,207,183,113,105,139,139,100,74,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,7,9,9,11,9,7,19,51,74,66,33,9,0,11,25,45,51,47,41,41,41,23,4,5,27,45,45,33,27,31,0,0,0,0,0,0,0,25,55,98,92,53,41,45,61,98,92,53,43,59,124,137,92,31,0,0,0,0,0,87,155,129,1,0,1,95,152,152,21,0,0,0,0,0,0,0,89,199,246,254,255,255,255,255,255,255,255,255,230,163,73,17,19,81,105,109,150,178,243,255,255,255,255,255,75,0,32,150,124,25,0,0,77,170,144,5,0,0,55,181,233,241,233,215,191,170,150,121,77,71,77,134,129,69,3,0,0,0,0,83,152,165,170,163,81,51,47,55,69,116,134,150,168,160,150,139,116,61,49,55,49,37,43,65,65,37,21,21,35,65,131,139,127,131,155,163,150,93,87,87,95,87,61,59,87,165,165,157,157,168,150,89,65,46,48,71,89,150,170,152,79,79,109,152,152,152,152,152,168,176,181,191,207,207,196,191,194,196,183,173,165,170,176,178,181,178,183,186,191,183,178,163,142,91,67,39,9,0,0,0,0,0,0,0,0,0,31,59,113,147,155,144,155,163,142,134,139,165,165,160,134,92,91,95,144,152,147,142,139,150,155,168,165,152,142,134,126,126,131,139,147,144,147,163,165,163,163,160,160,168,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,27,35,77,108,116,105,98,57,57,92,108,111,103,59,67,113,111,67,53,55,53,49,61,79,126,134,131,131,137,126,83,73,75,83,121,147,170,181,176,165,157,156,163,191,207,207,0,0,0,0,0,0,0,0,0,0,0,0,0,196,144,90,48,17,17,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,163,181,178,178,176,170,165,165,168,168,168,168,165,160,155,157,157,157,157,173,183,181,115,90,86,196,165,125,123,168,181,181,125,117,117,121,125,168,173,173,173,176,178,178,176,176,181,183,181,178,178,173,176,176,170,173,176,178,181,129,129,181,196,196,183,178,181,178,176,176,178,181,186,189,191,191,199,204,196,183,183,189,191,194,189,181,127,97,93,109,127,135,191,212,217,215,217,222,225,212,202,217,233,225,212,67,0,0,0,73,45,0,0,0,0,0,59,178,191,178,115,106,105,109,186,202,202,196,196,204,215,215,212,212,215,215,209,209,212,207,202,202,204,209,215,215,212,209,199,194,194,199,209,209,204,196,194,186,135,129,124,122,123,125,121,120,122,125,123,125,129,113,111,119,186,199,194,192,192,199,204,202,194,189,183,182,182,186,189,189,191,196,199,199,202,209,215,220,168,0,43,109,115,168,176,183,186,183,178,176,132,130,132,183,189,189,186,181,135,134,135,137,139,189,204,215,222,222,220,215,212,209,209,212,212,215,225,233,233,228,225,222,222,218,217,218,222,217,204,196,196,199,207,215,222,225,217,212,207,202,196,199,202,202,199,196,202,212,215,209,207,204,204,207,209,209,194,186,187,196,204,203,207,222,230,228,225,212,196,141,143,225,222,99,67,71,93,135,225,230,230,233,238,241,241,233,228,225,224,225,225,224,224,225,222,217,215,217,225,228,230,235,238,235,231,231,233,238,241,243,243,241,241,238,235,233,233,233,233,235,238,238,238,238,238,238,235,235,241,241,241,241,235,230,225,199,83,67,54,48,58,151,222,217,212,212,215,222,228,225,222,217,217,222,217,215,212,211,211,212,215,217,222,212,205,205,212,217,225,222,215,215,215,209,207,209,209,209,209,215,222,225,222,225,230,235,235,233,228,226,226,228,230,233,235,238,238,238,235,225,121,0,0,0,0,0,7,183,230,233,233,235,235,235,235,235,235,235,235,235,235,233,230,228,228,225,225,228,233,235,233,230,230,235,230,202,191,191,145,191,194,202,209,212,209,204,202,200,200,200,202,204,207,204,202,202,217,228,230,225,215,204,199,207,212,215,217,212,209,215,222,225,228,222,212,209,217,225,222,212,209,207,209,215,222,225,225,217,209,209,212,217,217,215,209,202,202,209,215,209,204,204,207,207,195,196,204,207,199,186,190,204,217,225,228,225,222,217,220,222,228,228,225,225,225,222,218,220,230,235,233,230,225,217,209,212,217,225,225,217,217,225,238,243,241,235,235,235,234,235,238,241,241,235,228,225,228,230,233,230,230,230,230,230,235,235,233,228,230,235,238,233,225,217,215,215,215,215,217,222,228,233,238,238,235,233,229,229,229,229,230,235,238,241,243,241,238,233,233,235,235,233,228,225,222,225,225,222,215,212,212,212,215,215,215,222,228,230,230,225,212,209,212,215,215,215,212,212,215,217,222,217,215,209,207,207,212,217,217,228,235,238,233,228,233,235,233,230,225,225,228,233,235,233,228,225,225,228,228,228,222,212,204,209,222,225,217,216,217,225,228,228,228,225,228,228,225,225,228,228,228,225,228,230,230,233,233,233,235,235,235,228,217,217,222,222,215,212,212,217,225,222,215,220,228,233,233,230,225,225,225,224,224,225,228,233,233,233,233,233,230,230,228,225,222,225,228,228,228,230,233,233,233,233,233,230,230,230,233,238,238,233,233,233,235,238,241,241,238,235,233,233,233,230,230,233,230,228,225,222,222,225,230,233,233,230,228,228,230,230,230,230,233,233,230,225,225,217,149,136,136,149,217,222,225,222,222,222,225,225,225,222,222,222,222,225,225,222,222,217,225,222,207,200,202,209,215,217,217,217,217,217,215,215,212,212,211,212,212,215,212,212,209,208,208,209,212,215,217,217,217,215,212,209,212,215,217,217,217,215,215,215,215,215,215,212,215,217,217,212,209,209,212,215,217,217,217,215,215,215,217,217,217,220,222,222,222,222,222,217,217,217,220,222,222,220,217,215,212,212,212,212,212,215,215,215,212,212,212,212,212,215,215,215,212,212,209,209,209,209,209,209,212,215,215,217,217,217,217,217,215,212,207,204,202,202,202,202,199,199,199,202,204,212,215,212,209,209,212,212,212,209,212,215,217,215,215,215,217,217,215,215,222,222,222,222,222,225,225,225,228,228,228,228,225,225,222,215,209,204,192,190,195,209,212,212,212,215,215,215,215,215,217,217,217,217,215,212,209,207,209,217,225,225,222,220,217,217,222,225,228,228,228,225,225,222,217,215,212,209,204,203,204,207,202,196,196,204,212,215,209,191,135,131,133,131,128,129,139,189,189,189,189,186,186,189,196,204,212,217,222,222,225,228,230,230,233,233,235,238,241,246,246,246,243,246,0,254,254,254,254,254,254,0,0,0,0,0,0,0,0,0,0,165,144,113,82,43,39,42,51,82,90,98,98,95,59,47,41,35,17,15,35,53,90,103,113,121,124,124,124,113,105,98,90,82,72,49,35,17,14,14,17,21,9,0,0,0,13,19,17,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,13,0,0,0,0,103,118,134,134,118,111,95,95,92,92,100,108,118,142,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,77,64,64,59,56,46,46,33,38,43,43,43,46,64,79,116,165,209,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,131,217,255,255,255,134,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,118,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,35,0,0,69,105,90,134,186,170,98,94,150,157,100,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,13,19,25,51,39,27,9,0,0,19,39,66,47,35,29,27,17,4,5,31,53,45,31,17,9,0,0,0,0,0,0,0,33,92,144,152,134,126,116,126,139,134,103,53,53,95,103,29,0,0,0,0,0,0,0,126,98,0,0,0,49,105,59,0,0,0,0,0,0,0,17,95,202,246,254,254,255,255,255,255,255,255,255,254,196,111,95,79,81,91,101,150,170,225,255,255,248,246,255,209,0,39,126,155,163,118,67,152,186,118,29,0,7,61,168,217,235,233,202,176,157,137,83,77,71,63,57,51,59,37,0,0,0,31,124,144,144,147,131,57,37,41,47,69,139,152,168,186,176,165,152,131,69,43,55,61,43,13,11,33,25,21,25,45,65,131,147,144,144,157,170,168,155,95,83,87,81,59,56,75,97,95,147,147,160,150,99,85,58,61,77,89,147,170,91,34,37,91,147,147,147,155,163,168,173,181,191,202,202,191,189,194,194,183,165,155,155,163,168,170,168,168,168,173,173,170,163,139,93,81,61,33,3,0,0,0,0,0,0,0,0,13,49,83,147,144,147,163,170,142,129,133,152,163,160,142,93,91,131,150,160,155,144,150,157,168,178,176,155,144,137,131,126,134,137,139,137,142,163,165,163,160,159,165,178,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,33,100,129,113,98,82,82,103,108,108,71,53,59,105,81,55,48,53,49,48,51,75,126,139,137,137,137,126,85,83,83,81,113,131,160,168,165,163,157,156,170,191,207,194,186,0,0,0,0,0,0,0,0,0,0,0,0,202,144,90,59,46,56,46,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,85,168,181,181,178,178,178,176,173,173,173,173,173,173,168,165,170,165,160,163,176,183,176,113,107,111,111,99,107,115,168,194,196,176,121,115,115,121,168,173,168,165,168,178,186,189,186,186,186,186,186,183,178,176,178,178,178,178,183,189,183,183,191,196,189,173,129,173,176,178,178,178,181,186,191,196,194,194,199,191,178,178,181,183,183,183,181,178,178,111,107,129,183,196,209,217,220,222,225,228,228,212,207,225,181,0,0,0,37,0,0,0,0,0,0,0,0,85,178,204,241,178,100,104,109,176,199,202,199,196,202,207,209,204,204,209,212,209,209,212,209,204,202,207,209,209,207,204,199,198,196,199,209,212,209,204,196,199,196,181,127,127,133,133,133,125,123,129,178,178,181,181,127,125,178,194,199,196,192,194,196,202,207,202,191,189,182,181,182,186,189,191,194,194,196,196,202,215,228,183,0,0,81,109,117,127,186,202,202,191,181,173,173,183,194,199,196,189,134,131,134,137,139,139,191,207,215,217,217,215,215,212,212,212,215,217,217,222,230,233,230,228,222,220,222,225,222,222,217,209,199,196,196,199,207,217,222,217,209,202,199,196,199,204,207,207,207,212,222,217,212,207,207,209,212,212,202,191,187,192,204,207,203,204,222,230,222,217,217,133,106,122,230,228,103,66,72,135,212,225,230,230,233,235,241,241,238,233,230,228,225,225,225,225,225,217,212,209,215,225,228,233,235,233,233,233,231,233,235,238,238,241,238,238,235,233,235,238,238,235,233,235,238,238,238,238,241,241,241,243,243,241,238,233,207,127,70,75,91,133,149,199,209,225,225,222,215,215,222,225,222,222,222,222,222,222,217,215,212,212,215,215,217,222,215,209,209,215,222,217,215,215,215,212,207,204,207,207,204,204,212,222,225,225,228,230,235,235,235,233,228,228,230,235,235,238,241,241,233,225,131,0,0,0,0,0,0,91,196,215,225,230,233,235,235,233,233,230,230,230,233,230,230,228,228,225,222,222,228,235,235,233,230,225,230,225,199,196,196,144,191,196,202,207,204,200,200,202,202,202,204,207,209,207,204,202,198,202,212,217,209,198,198,202,207,209,196,192,204,212,212,222,228,233,225,207,205,212,222,222,217,215,215,217,220,222,225,222,217,207,205,212,217,212,202,147,194,196,209,222,222,215,207,204,204,202,202,207,212,212,202,202,215,217,222,225,217,212,213,222,230,233,233,230,230,228,225,222,222,228,230,228,225,215,205,202,208,217,222,220,217,222,230,241,243,238,235,235,235,234,235,241,243,241,235,228,224,225,228,228,222,220,222,225,228,233,233,230,228,233,241,238,230,217,213,213,213,215,217,222,222,228,233,235,235,233,233,233,230,230,233,235,238,241,238,238,235,235,235,235,235,235,235,233,230,228,228,225,217,212,212,212,212,212,212,212,217,228,233,230,222,209,208,212,217,217,212,211,211,215,217,222,222,217,217,217,215,215,215,215,222,230,235,235,233,230,230,230,230,225,221,222,228,233,230,228,225,225,225,225,222,215,212,212,222,225,222,217,217,222,228,230,233,230,230,230,228,225,225,228,230,230,230,233,233,233,230,230,229,230,233,233,225,222,222,225,222,217,215,222,228,230,228,228,225,228,233,233,230,228,228,225,225,225,225,228,233,235,235,233,233,233,235,233,230,230,228,228,228,228,230,233,233,233,230,230,228,228,230,235,235,235,235,235,238,238,238,238,241,238,235,233,230,230,229,229,230,230,228,225,222,222,225,230,230,230,228,225,225,230,230,228,228,230,230,225,222,222,222,212,148,147,215,217,220,222,222,220,220,222,225,228,225,222,222,225,225,225,222,217,217,222,217,215,207,207,209,212,217,217,217,217,217,215,212,211,211,211,211,212,212,215,212,209,208,208,208,209,209,212,212,212,209,209,209,212,215,217,217,217,217,215,217,217,215,215,215,217,217,217,215,212,212,215,217,220,217,215,215,215,217,222,222,222,222,222,222,222,222,222,222,220,220,222,222,222,217,215,209,209,212,212,212,212,215,215,215,215,212,212,212,215,215,215,215,215,212,209,207,207,209,209,212,212,215,217,217,217,217,215,215,212,207,202,199,199,199,199,199,196,195,195,196,202,207,212,212,212,209,209,209,209,212,212,215,215,212,212,215,217,222,222,222,222,222,222,217,217,222,222,225,225,225,228,228,222,215,209,207,207,204,196,196,204,212,212,212,215,215,215,215,215,215,217,217,217,217,215,212,207,204,207,215,222,222,217,216,216,217,222,225,230,230,228,228,225,222,217,215,212,209,207,204,207,207,204,202,202,204,209,212,212,199,183,137,135,128,128,133,183,189,189,186,186,185,186,191,199,207,215,222,225,225,225,228,228,230,230,233,233,235,238,243,246,246,243,246,248,0,255,255,255,254,254,0,0,0,0,0,0,0,0,0,165,124,105,95,55,43,39,43,53,82,90,98,98,95,59,47,35,17,1,1,35,53,63,87,90,98,98,105,113,113,113,98,90,55,43,25,17,14,10,14,17,17,1,0,0,0,13,41,59,21,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,7,13,15,30,43,51,69,0,0,118,111,103,87,77,77,77,77,85,105,139,0,0,0,0,0,0,0,0,0,150,147,0,0,0,0,0,0,0,0,0,0,0,0,0,92,90,90,82,72,59,56,53,53,53,46,43,46,64,79,105,144,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,131,0,0,255,255,254,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,92,0,0,0,0,0,0,0,0,0,0,255,255,238,255,255,255,255,255,255,0,0,0,56,0,9,90,168,144,85,98,183,191,124,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,5,13,13,21,19,17,9,0,0,11,33,39,37,27,29,27,23,17,25,39,53,39,1,0,0,0,0,0,0,0,0,0,45,116,152,170,178,178,170,160,170,186,160,95,53,57,39,5,0,0,0,0,0,0,0,95,61,0,0,0,41,49,21,0,5,17,0,0,0,0,27,73,163,217,235,233,238,255,255,255,255,255,255,255,228,196,168,95,67,67,81,95,109,183,233,241,246,255,255,196,67,33,53,163,199,163,47,0,0,0,13,35,55,118,173,212,233,217,176,150,150,142,85,83,83,57,34,31,57,71,0,0,0,11,0,71,75,81,87,57,48,53,63,89,157,168,176,186,186,178,165,129,51,0,0,49,31,0,0,25,51,51,51,61,118,147,155,147,144,155,170,181,170,144,75,75,69,59,56,75,95,137,147,144,137,137,144,139,89,79,85,89,150,152,49,19,26,91,101,109,152,157,163,165,165,173,181,199,199,178,189,186,186,170,113,103,103,109,160,168,168,168,168,168,173,170,163,134,91,77,69,49,13,0,0,0,0,0,0,0,0,0,33,79,137,144,144,147,144,134,126,130,150,163,163,152,142,131,139,155,160,155,150,150,160,178,178,165,147,137,134,131,126,131,129,131,129,137,142,157,156,163,176,191,191,191,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,116,121,105,95,95,103,100,61,47,41,57,105,79,55,49,53,53,51,51,73,126,139,137,137,137,126,91,83,83,77,75,113,137,144,157,165,165,163,170,186,189,178,178,183,0,0,0,0,0,0,0,0,0,0,0,233,181,147,103,95,113,118,90,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,95,176,181,183,183,183,183,183,183,183,183,186,186,183,178,178,183,181,176,178,186,186,178,168,168,165,101,67,91,107,168,194,199,189,165,117,114,117,123,165,125,123,123,173,189,194,194,194,191,189,189,186,181,178,178,181,181,181,186,194,194,191,189,186,127,113,117,127,176,183,186,186,189,186,189,196,202,194,186,133,129,133,135,134,135,178,135,181,194,183,131,189,189,196,207,215,217,222,225,230,230,222,199,119,0,0,45,160,207,79,0,0,0,0,0,0,0,77,165,204,230,194,106,108,115,176,199,204,199,196,199,204,204,194,191,199,207,209,209,212,209,204,202,204,204,202,198,198,198,199,202,209,215,215,212,207,204,204,202,189,131,133,181,186,183,135,133,181,189,189,191,194,191,189,189,196,199,196,196,196,196,199,207,202,196,194,186,183,183,186,186,189,189,191,194,194,196,207,220,209,33,0,0,121,121,181,212,222,215,204,191,183,189,196,204,209,207,196,135,131,135,139,139,186,196,209,215,215,212,212,212,212,212,215,217,217,216,217,225,230,228,225,217,217,222,228,228,222,222,212,202,195,194,195,202,209,212,209,204,202,199,199,202,207,209,212,215,217,222,215,209,207,212,217,225,222,209,199,196,202,204,204,204,207,215,215,204,209,215,135,108,115,217,217,139,98,115,207,222,228,233,233,233,235,238,241,238,235,235,233,230,228,225,225,217,212,209,204,212,228,230,233,233,233,233,233,233,233,235,235,238,238,238,235,233,231,235,238,238,233,233,235,238,238,238,238,241,243,241,241,238,235,230,135,101,99,109,129,202,212,209,207,207,212,225,228,225,217,215,215,215,220,225,225,225,225,222,217,215,212,215,222,228,225,222,222,222,222,217,215,215,215,215,212,204,199,199,199,200,202,209,222,228,230,230,235,238,238,238,233,228,228,230,235,238,238,238,238,222,127,23,0,0,19,43,39,69,176,202,215,225,228,233,235,235,233,230,228,225,225,225,228,228,228,225,222,220,222,228,235,235,233,230,222,207,196,194,199,202,196,194,199,202,207,207,204,204,204,207,207,207,209,207,202,199,199,196,195,199,202,198,195,202,212,212,202,189,189,204,217,222,217,217,225,215,205,205,209,215,220,222,222,225,228,228,228,225,222,215,209,207,209,207,196,144,143,146,199,209,228,230,222,207,202,202,207,207,212,222,217,212,212,212,215,222,225,215,211,213,225,233,235,235,235,233,230,225,222,218,218,222,222,222,217,207,203,208,212,212,212,217,225,233,235,235,235,238,238,235,234,235,243,243,238,230,225,225,225,225,222,220,220,222,228,233,233,230,228,228,235,238,238,230,222,217,215,215,217,217,222,217,217,217,215,207,217,230,235,235,233,235,238,238,238,238,235,233,233,235,235,235,235,238,238,235,235,233,230,222,215,212,215,212,209,209,212,222,230,235,233,222,209,208,209,215,215,212,211,211,212,217,222,225,225,230,233,225,215,215,215,222,228,233,233,228,225,225,225,228,222,220,220,225,230,230,230,230,228,225,225,222,217,217,222,222,225,225,225,225,228,230,230,233,230,230,230,230,228,228,230,230,230,230,230,230,230,230,229,229,230,233,233,228,225,225,228,225,222,225,230,233,233,230,230,225,225,228,230,230,230,230,230,230,228,225,228,230,235,238,238,235,233,233,233,233,233,233,233,230,230,230,233,233,233,230,228,228,228,230,233,233,233,235,235,238,238,238,238,235,235,233,233,230,230,229,230,230,233,230,225,222,222,222,225,228,228,225,224,224,228,228,228,228,228,225,217,217,222,217,215,215,217,228,222,222,222,222,222,222,225,228,228,225,225,225,225,225,225,220,215,215,217,217,217,215,212,212,215,217,217,217,217,217,215,212,211,212,212,211,211,212,215,212,209,209,209,209,209,209,209,209,209,209,212,215,217,217,222,222,220,220,217,217,217,217,217,217,217,217,217,215,215,215,217,217,220,217,215,215,215,220,222,225,222,222,225,225,225,225,222,222,222,222,222,222,217,215,209,208,208,212,212,212,212,212,215,215,212,212,212,215,215,217,215,215,212,209,207,207,207,209,212,212,212,215,217,217,217,215,212,209,207,202,196,194,194,196,196,196,196,195,195,196,199,204,209,212,212,209,207,207,207,209,209,209,209,212,212,212,215,217,222,222,222,222,217,217,217,217,217,217,222,225,225,217,209,204,199,196,199,202,202,204,209,212,212,212,215,215,215,212,212,215,217,217,217,217,215,209,204,204,209,215,217,217,216,216,216,217,222,228,230,230,228,228,225,225,222,215,212,209,207,207,207,207,207,204,202,204,204,207,209,207,194,186,135,128,128,133,139,186,186,186,186,185,186,191,202,209,215,222,225,225,228,228,228,230,230,233,233,233,235,243,246,246,243,246,248,254,255,255,254,254,251,248,248,0,0,0,0,0,0,0,126,105,98,90,82,49,43,43,49,57,87,95,98,90,59,47,25,3,0,0,17,49,53,55,59,82,82,82,98,105,105,105,90,55,35,17,17,17,17,14,17,17,1,0,0,0,9,39,59,19,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,7,9,15,15,30,51,77,95,103,103,95,77,69,59,59,59,74,100,0,0,0,0,0,0,0,0,0,0,142,134,134,0,0,0,0,0,0,0,0,0,0,0,0,0,105,105,98,90,74,72,64,61,56,46,43,53,64,79,98,129,152,168,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,90,0,0,0,0,0,0,0,0,0,0,0,0,0,134,77,0,0,0,0,0,0,0,0,0,0,255,238,199,246,255,255,255,255,255,0,0,0,0,0,0,74,134,116,88,113,212,220,113,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,7,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,7,7,9,9,0,0,1,19,25,27,27,35,35,29,29,31,41,45,31,0,0,0,0,0,0,0,0,0,9,53,116,147,170,178,178,178,186,220,235,196,137,87,47,31,17,0,0,0,0,0,0,0,0,11,0,0,0,0,29,21,0,11,19,0,0,0,0,0,0,37,183,228,225,228,254,255,255,255,255,255,255,230,212,178,97,61,41,27,21,51,103,189,222,246,255,255,220,71,0,5,147,212,163,9,0,0,0,53,121,155,173,199,212,199,178,150,131,137,137,83,51,37,35,43,49,57,41,7,0,0,0,0,53,67,69,63,51,57,63,77,131,157,165,170,176,183,176,163,116,51,3,2,31,3,0,0,77,118,71,51,59,131,170,168,144,134,139,155,170,170,155,83,77,75,65,69,87,147,147,137,91,89,97,150,150,97,85,89,99,139,73,32,28,43,91,101,101,147,155,163,165,165,168,186,191,165,113,170,176,168,152,105,93,93,101,152,168,165,157,160,165,173,170,163,142,124,75,73,57,25,0,0,0,0,0,0,0,0,0,13,69,129,137,129,129,137,131,129,133,155,170,170,160,150,134,139,155,160,155,150,152,160,168,157,144,103,97,99,97,126,124,125,125,129,137,155,157,160,170,194,202,202,191,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,105,113,105,103,103,111,100,53,39,41,69,118,81,65,49,53,53,47,51,75,131,142,137,137,137,126,85,79,73,63,59,75,121,142,157,165,165,170,170,173,173,160,160,170,183,0,0,0,0,0,0,0,0,0,0,0,255,235,191,170,178,183,157,118,74,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,176,189,191,189,186,186,183,186,189,189,191,191,189,183,183,189,186,181,183,189,189,181,178,181,183,160,77,78,89,115,176,186,181,165,117,115,115,117,121,123,123,123,168,183,194,196,196,194,189,189,186,181,177,177,178,181,183,189,194,194,186,127,100,94,101,113,131,181,189,196,199,194,173,123,129,181,131,127,121,121,131,135,134,134,133,131,135,202,204,202,207,196,196,207,215,222,225,228,230,230,225,196,117,0,0,160,228,199,19,0,0,57,37,0,0,0,73,160,199,217,202,168,123,125,183,204,207,202,199,199,199,196,189,186,191,202,204,207,209,209,204,202,202,199,198,196,196,196,199,204,209,212,215,215,212,209,207,207,196,181,135,181,186,183,178,135,181,189,189,191,199,204,199,191,191,194,196,199,199,196,196,202,199,199,196,189,183,181,181,181,186,191,194,196,196,194,202,212,222,178,0,0,127,170,202,230,233,217,204,196,194,202,209,212,215,215,207,186,133,137,183,141,189,202,212,217,215,209,209,209,209,212,215,217,217,216,217,225,228,225,220,215,212,217,225,225,222,222,215,202,196,195,196,202,207,204,202,199,199,204,207,209,209,215,222,228,225,222,215,209,209,212,217,225,225,215,207,204,202,202,202,204,209,212,203,199,204,215,204,141,196,209,212,202,143,202,222,230,233,235,233,233,233,238,241,241,238,238,235,233,230,225,217,212,209,207,204,209,228,233,230,233,233,233,233,233,233,233,235,238,238,241,238,233,233,235,238,238,235,238,241,241,241,238,238,238,238,233,228,222,212,143,105,96,101,209,225,230,228,217,212,207,207,222,230,230,225,215,213,213,225,233,233,230,228,225,222,217,215,217,228,230,228,228,228,225,217,215,215,215,217,217,215,204,199,196,199,202,207,212,225,230,233,233,235,238,238,235,233,228,228,230,233,235,238,230,222,194,99,19,13,43,121,181,127,133,196,204,217,230,235,235,235,235,230,228,225,224,224,224,225,228,230,228,225,222,225,230,235,235,233,228,209,145,143,199,204,199,196,194,199,204,212,215,212,212,212,209,209,212,209,204,199,198,198,196,196,198,199,198,199,212,225,215,195,189,192,217,228,222,212,207,209,209,207,209,212,215,222,225,225,225,228,233,230,225,217,215,212,209,207,202,147,143,143,147,202,215,230,233,222,207,202,207,212,215,215,217,215,211,211,211,212,222,225,217,212,213,225,228,230,230,233,230,228,222,218,217,217,218,225,228,228,222,215,215,215,212,215,225,233,238,238,238,241,243,243,238,235,241,246,246,235,228,228,230,230,225,222,222,225,230,235,238,235,230,228,233,235,238,238,235,230,225,222,225,222,222,217,212,204,200,195,194,202,217,230,233,230,233,235,241,241,238,235,233,233,235,235,233,233,235,238,238,235,233,228,222,215,215,215,212,207,209,215,222,230,233,233,222,209,207,209,215,217,215,215,215,217,222,225,225,228,235,235,217,207,209,215,222,228,228,225,217,215,217,222,225,222,220,222,228,230,228,228,230,230,233,233,233,228,225,225,225,225,228,230,233,233,233,233,230,230,230,233,230,228,228,230,230,230,230,229,229,230,230,230,230,233,235,235,230,228,228,230,228,225,228,233,233,230,228,228,222,215,215,222,228,230,230,230,233,233,230,228,228,230,235,241,235,230,228,228,230,235,235,235,230,230,233,233,233,233,230,228,228,228,230,233,233,231,233,233,235,235,235,235,233,233,233,233,233,230,230,233,233,233,230,228,222,217,217,222,225,225,225,225,224,225,228,228,228,225,222,216,217,217,204,204,217,228,230,222,222,225,225,225,225,228,230,230,228,225,225,225,225,222,217,215,215,215,217,217,217,215,215,215,217,215,215,215,215,215,212,212,215,215,212,211,212,212,215,212,212,215,215,215,209,209,209,212,215,217,217,217,222,222,222,222,222,222,220,217,217,220,222,222,217,217,215,215,217,220,222,222,217,215,215,217,222,222,222,222,222,225,225,225,222,222,217,217,222,222,217,215,212,209,208,209,212,212,212,212,212,215,215,212,212,212,215,215,215,215,215,212,209,207,207,207,212,212,212,212,215,215,215,215,212,209,204,202,196,191,191,191,194,196,196,196,196,196,196,199,204,209,212,212,209,207,205,207,207,207,207,207,209,212,212,212,215,217,217,215,215,217,217,217,215,215,217,217,217,215,204,194,194,191,191,194,199,204,209,215,212,209,212,212,212,212,212,212,212,215,215,217,217,215,207,204,207,212,215,215,217,217,217,220,222,225,225,228,230,228,228,225,225,222,215,212,209,207,204,204,207,207,207,204,204,202,202,207,209,204,191,137,128,128,135,141,186,189,189,186,186,189,194,199,209,215,222,225,228,228,228,230,230,233,233,233,233,235,241,243,243,243,243,248,251,254,254,254,251,251,248,248,163,168,168,0,0,0,0,116,105,105,103,95,59,47,43,43,47,55,82,90,87,57,43,21,0,0,0,9,37,47,47,49,43,43,43,55,90,98,98,90,55,35,14,17,25,25,25,25,21,1,0,0,0,9,21,19,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,3,3,3,3,9,30,61,87,103,103,95,77,61,51,51,51,69,0,0,0,0,0,0,0,0,0,0,0,150,139,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,98,92,79,72,64,61,56,53,43,46,64,74,90,116,137,139,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,48,118,0,0,0,0,0,0,0,0,0,0,0,178,137,85,30,0,0,0,0,0,0,0,0,255,255,189,160,215,255,255,255,255,220,0,0,0,0,0,17,74,116,105,94,118,212,220,74,9,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,7,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,17,11,0,0,1,13,21,27,35,35,29,23,25,27,31,9,0,0,0,0,0,0,0,0,1,25,53,105,144,160,157,147,144,170,209,228,196,152,103,51,31,23,5,0,0,0,23,98,0,0,0,0,0,0,0,7,13,5,23,51,45,0,0,0,0,0,17,181,217,215,228,255,255,255,255,255,255,255,230,215,189,117,75,33,5,0,8,61,165,212,241,255,255,238,77,0,0,57,170,147,33,0,0,33,147,191,222,233,222,199,165,139,131,129,129,131,71,23,14,25,51,71,63,57,57,45,0,0,5,124,131,79,57,51,61,63,71,121,147,157,168,176,176,173,163,89,63,13,7,9,0,0,0,129,142,85,59,59,131,176,170,144,133,139,155,155,155,150,93,81,77,81,87,137,137,89,63,63,83,137,155,150,91,89,91,99,77,32,30,53,85,91,99,93,99,109,163,173,173,173,191,181,105,97,152,170,160,97,95,93,93,101,147,155,157,155,157,165,170,170,163,144,126,87,83,73,43,9,0,0,0,0,0,0,0,0,1,51,113,129,121,126,137,137,134,142,160,173,170,160,150,131,101,142,152,152,150,150,150,147,105,97,91,90,97,97,126,126,129,131,137,147,163,163,163,189,202,209,209,199,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,64,98,108,113,111,111,111,100,45,39,45,105,131,116,65,49,49,47,46,61,89,142,147,139,139,139,97,83,69,63,55,55,67,121,144,157,157,165,173,173,163,152,147,151,157,170,186,215,0,0,0,0,0,0,0,0,0,255,255,246,215,215,209,196,165,131,61,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,7,12,7,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,199,196,189,186,183,181,183,186,189,189,189,186,181,183,189,186,178,178,181,186,186,183,186,189,186,176,73,79,89,113,165,168,123,117,115,113,113,115,121,125,125,165,173,183,191,196,194,191,189,189,183,181,178,178,181,186,191,194,191,183,117,95,92,103,127,178,186,194,204,209,199,125,111,109,99,98,113,119,123,131,135,181,178,134,132,181,207,215,215,215,207,207,212,220,225,228,230,230,225,228,243,255,0,0,75,115,33,0,0,67,220,220,85,0,45,83,157,189,202,194,178,170,176,194,207,207,202,196,194,194,191,189,187,190,194,196,199,204,207,202,199,199,199,199,199,199,199,202,204,207,209,215,217,217,212,207,207,204,189,135,135,135,178,135,133,135,178,181,183,191,204,199,190,189,191,199,204,202,196,195,199,202,204,204,194,183,177,177,179,189,196,199,202,199,196,202,207,222,228,95,21,49,181,207,233,233,207,183,186,196,207,215,215,217,217,212,191,135,137,139,141,191,202,212,215,215,212,212,212,209,209,212,215,217,217,222,228,228,222,215,209,209,212,217,217,215,217,215,207,204,204,204,207,207,207,204,202,202,209,217,217,215,217,230,235,233,228,225,217,212,209,209,215,222,217,212,207,204,202,202,204,209,207,199,199,212,228,225,222,217,204,207,207,209,217,225,228,230,233,230,230,230,235,238,241,238,235,233,230,230,225,217,212,209,207,202,204,217,225,228,230,233,230,230,230,230,233,233,235,241,243,243,238,235,235,238,241,241,246,248,246,241,238,235,235,233,228,212,143,127,121,117,121,149,222,230,230,217,215,215,215,212,222,233,233,228,222,217,222,233,241,238,230,222,217,217,217,222,228,228,225,225,225,222,217,215,217,217,217,222,222,217,209,204,202,204,207,212,222,228,233,233,233,233,235,235,233,233,230,235,235,225,228,233,207,137,129,115,95,101,131,209,220,209,202,204,209,222,235,241,238,235,233,230,225,224,224,225,228,230,230,233,233,230,228,228,230,233,235,235,228,191,135,191,207,204,196,194,194,204,217,228,215,199,209,217,222,217,215,212,204,199,198,199,199,199,202,202,204,207,217,228,215,196,196,222,233,230,215,204,205,207,207,212,217,217,222,228,228,224,224,228,230,230,225,215,212,209,207,207,202,196,194,147,194,204,215,228,225,212,204,207,215,217,212,209,212,212,211,211,212,217,225,225,222,215,217,225,224,224,225,225,228,225,222,222,220,222,225,230,233,235,233,230,230,228,222,228,235,238,241,241,241,243,243,241,238,238,243,248,246,233,225,230,235,233,230,228,230,233,235,241,241,235,230,230,235,238,235,238,238,235,230,225,228,228,225,217,209,202,198,195,196,203,217,228,228,230,230,235,243,246,243,238,235,233,233,233,233,233,233,233,230,228,225,217,217,212,204,204,207,204,207,215,217,222,228,228,222,209,208,212,222,225,225,228,228,228,228,228,225,228,230,225,205,202,207,217,222,225,225,222,215,215,225,230,228,225,225,228,230,230,228,228,228,233,238,241,238,233,225,222,225,228,230,233,235,235,235,233,230,230,233,235,233,230,230,233,233,233,230,230,230,230,233,233,235,235,235,235,235,233,233,230,225,225,228,230,230,225,222,217,212,207,207,215,228,228,225,225,230,235,235,230,228,228,235,241,238,230,225,225,228,233,235,235,233,233,233,233,233,233,230,228,228,230,233,233,233,231,233,233,233,235,233,233,230,230,233,233,233,233,233,233,235,233,230,228,225,217,215,215,222,228,230,230,225,225,228,228,228,225,222,217,220,217,137,131,202,217,225,222,225,225,225,225,228,230,230,230,230,228,225,222,222,217,215,213,213,217,222,222,217,217,217,217,215,215,212,212,215,215,215,215,215,215,215,212,212,212,215,212,212,215,217,215,209,208,209,215,220,222,222,220,217,217,217,222,222,222,220,217,217,222,225,222,217,215,215,217,220,222,222,222,217,215,217,222,222,222,222,222,222,222,222,222,222,217,215,215,217,217,217,217,215,215,212,215,215,215,212,212,215,217,217,215,212,212,215,215,215,215,212,209,207,204,207,209,212,215,212,212,215,215,215,212,209,207,202,199,194,190,190,191,194,196,199,199,199,196,196,199,202,207,212,212,209,207,207,207,207,207,207,207,212,212,212,212,215,215,215,213,213,215,222,217,215,213,215,217,215,207,191,143,144,145,145,194,196,204,212,215,212,209,209,212,209,209,212,212,209,212,212,215,217,212,204,204,209,212,212,212,215,217,222,225,225,225,225,225,228,228,228,225,225,222,217,212,209,207,204,203,204,207,207,207,204,199,199,204,209,207,194,137,129,131,137,186,189,191,191,191,189,189,194,199,207,215,222,225,228,228,230,230,230,233,233,233,233,235,238,241,241,243,243,246,248,251,0,248,248,248,248,246,160,152,144,144,160,0,0,126,124,116,113,98,59,47,43,41,41,43,53,59,57,53,43,21,0,0,0,9,35,37,41,41,35,30,35,35,49,82,90,82,55,35,25,25,35,35,35,35,25,1,0,0,0,15,19,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,3,9,15,43,61,77,95,111,103,87,69,59,59,59,0,0,0,0,0,0,0,0,0,0,0,0,0,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,90,98,98,90,79,72,61,56,53,46,33,33,56,72,90,108,131,131,137,144,0,0,163,165,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,168,48,64,0,0,0,0,0,0,0,0,0,0,0,0,191,160,118,59,0,0,0,0,0,0,0,255,255,248,160,138,207,255,255,255,255,64,0,0,0,0,15,64,82,116,116,98,0,183,191,56,9,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,17,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,17,15,0,0,0,3,5,15,21,21,17,7,0,0,1,0,0,0,0,0,0,0,9,19,27,39,53,103,139,152,139,126,117,134,160,178,183,176,137,57,25,17,9,1,0,0,74,100,0,0,0,0,0,0,0,29,49,41,79,176,183,39,0,0,0,0,29,105,186,202,233,254,255,255,255,255,255,255,238,0,209,178,111,61,10,0,7,49,155,220,246,248,248,222,118,0,0,11,81,121,105,116,139,157,183,222,241,233,202,165,118,61,69,77,77,108,77,35,20,33,39,49,57,73,77,0,0,0,160,181,155,116,69,69,69,55,60,89,147,165,176,186,176,168,165,129,63,23,5,0,0,0,0,57,87,118,79,71,91,157,168,155,147,157,150,87,87,134,93,75,69,81,95,95,75,52,41,49,89,160,160,97,85,97,144,89,47,32,36,85,99,91,91,88,88,99,157,173,165,165,181,173,105,100,152,168,107,89,88,93,103,105,109,144,150,150,157,173,176,170,165,152,142,131,129,89,65,31,0,0,0,0,0,0,0,0,0,25,61,77,85,121,144,144,142,142,160,165,165,160,142,97,93,95,137,142,150,144,139,99,93,87,87,88,93,97,134,142,144,147,157,160,157,155,163,191,209,220,217,215,215,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,59,87,113,126,131,124,111,95,45,39,53,113,131,116,67,49,47,47,51,69,124,142,147,139,142,144,97,79,67,61,51,55,75,129,137,142,155,170,181,181,168,152,146,146,151,168,183,215,0,0,0,0,0,0,0,0,0,255,255,255,246,235,228,209,189,157,108,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,17,17,12,7,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,204,191,186,186,181,179,179,181,183,183,183,183,181,183,186,178,173,173,173,183,191,194,194,194,191,183,80,81,89,113,163,165,163,163,121,115,114,115,123,165,165,125,125,173,186,194,194,194,191,191,191,186,181,178,181,189,194,196,191,183,170,115,115,170,178,181,189,196,204,209,207,183,127,125,98,92,101,121,127,129,133,186,191,191,191,202,215,217,217,217,217,217,222,225,230,230,230,228,228,228,238,255,160,41,7,0,7,69,113,176,220,248,238,57,79,99,119,173,181,178,173,173,183,199,207,207,199,194,191,191,191,194,194,196,196,199,202,204,207,202,199,199,199,199,199,202,207,204,202,202,204,209,215,212,209,204,204,199,186,135,133,131,131,131,131,129,129,133,178,186,196,196,190,190,194,202,207,204,196,195,202,209,212,212,202,194,179,178,181,191,199,204,204,204,204,202,204,220,228,215,77,18,99,191,228,215,129,125,176,194,204,212,212,209,212,209,191,135,137,139,186,191,202,209,215,217,217,217,215,209,208,209,212,217,225,228,228,228,217,209,205,205,209,215,213,212,215,217,215,215,215,212,209,212,215,215,212,209,212,217,217,215,217,230,233,233,230,230,228,217,208,207,209,217,217,215,212,209,212,212,209,207,202,198,204,230,233,225,212,203,199,203,209,222,228,222,220,222,228,228,226,228,230,235,235,235,233,230,230,228,225,215,209,209,204,151,147,143,147,215,230,230,226,225,226,226,228,230,235,241,246,243,238,238,238,238,243,246,251,248,243,238,238,238,238,235,222,199,133,125,131,141,196,212,225,228,222,213,213,222,228,228,230,233,230,225,225,222,222,228,235,230,217,207,204,207,217,228,230,228,222,217,212,202,207,217,225,225,225,222,222,217,215,212,212,212,215,217,228,233,235,235,233,233,233,233,233,235,235,238,238,225,222,215,127,124,131,135,129,133,194,220,233,233,225,217,212,215,228,233,233,233,230,225,224,224,225,228,230,233,230,233,233,230,230,230,233,235,238,241,233,111,119,199,207,204,202,202,209,228,235,238,191,102,119,228,238,233,225,215,209,204,202,202,202,202,202,202,207,212,225,230,222,204,207,228,230,222,209,205,209,209,207,212,217,215,217,230,230,228,225,228,233,233,228,222,212,207,205,207,209,209,207,199,194,199,209,215,209,199,199,207,215,212,202,202,209,212,212,215,217,222,222,222,222,222,225,228,225,224,224,224,225,225,225,225,225,225,228,233,235,233,233,233,233,230,230,233,235,233,235,238,241,241,238,238,238,241,241,241,238,228,225,228,235,235,235,235,238,238,238,238,235,233,230,228,233,230,228,228,233,233,228,225,225,228,225,217,209,204,204,207,212,215,225,230,233,233,233,233,241,243,241,238,235,233,230,230,230,230,228,225,222,222,215,209,209,203,196,196,203,204,207,212,212,212,222,225,225,217,217,222,228,228,230,230,233,233,230,228,225,225,228,222,205,203,212,225,228,228,225,217,215,222,230,235,233,230,230,233,233,230,228,228,230,233,235,238,235,230,222,222,225,228,230,230,233,233,235,233,230,230,233,235,235,230,230,233,235,235,233,230,230,233,235,238,238,233,230,233,238,238,233,228,225,225,228,230,230,222,217,212,207,203,204,215,228,225,220,220,228,238,241,238,233,230,235,241,241,233,226,226,228,233,235,235,233,233,233,230,230,230,230,230,230,233,235,235,233,233,233,233,233,233,230,230,230,230,233,233,230,233,235,235,235,233,230,228,225,215,212,213,217,228,233,233,230,228,228,228,228,228,225,228,228,220,121,119,137,204,222,228,228,225,225,228,230,230,230,230,230,228,225,222,222,217,215,213,215,217,222,222,222,217,217,217,215,212,212,212,215,217,217,217,215,215,217,215,215,212,212,209,209,212,215,215,209,209,212,217,222,222,220,217,217,215,215,217,217,220,220,220,222,222,225,222,217,215,217,220,222,222,222,222,217,217,220,222,222,222,220,220,222,222,222,222,217,215,215,215,215,217,220,222,220,217,217,217,217,215,212,212,215,217,217,215,212,212,212,215,212,212,209,207,204,204,207,209,212,215,215,212,215,215,215,212,209,204,202,199,194,191,190,191,196,199,202,202,202,199,196,199,202,207,209,209,212,209,209,209,209,209,209,209,215,215,212,212,212,215,213,213,213,215,222,222,215,213,215,217,215,204,145,142,144,191,191,194,199,207,215,215,212,209,209,209,207,209,209,207,207,207,209,212,212,204,203,203,209,215,212,211,215,217,222,225,228,225,225,225,228,228,225,225,225,222,217,215,209,207,203,203,204,207,207,207,204,202,199,202,204,202,191,137,133,135,141,189,191,191,194,191,189,189,194,199,207,212,222,225,228,230,230,230,233,233,235,235,235,235,235,238,238,241,241,241,246,246,0,0,248,246,246,243,144,137,124,124,137,139,144,144,144,137,113,95,53,43,41,41,35,35,41,47,47,43,41,25,9,0,3,17,35,35,35,35,35,30,30,35,35,49,55,55,49,43,43,43,43,35,43,47,35,1,0,0,1,19,19,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,7,3,3,9,15,30,43,61,77,95,111,111,103,87,77,69,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,82,74,82,90,98,92,90,72,56,53,46,33,31,31,35,64,79,105,129,131,131,134,0,134,144,163,163,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,72,61,35,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,0,0,124,64,90,0,0,241,0,0,0,0,0,0,0,0,0,209,189,147,92,0,0,0,0,0,0,0,255,255,215,160,139,196,246,255,255,255,20,0,0,0,64,82,82,82,124,144,105,0,165,173,82,48,95,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,17,9,4,0,0,0,0,0,0,0,0,0,0,0,0,0,5,5,9,13,11,9,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,19,33,39,37,39,45,55,98,131,144,134,126,124,129,139,160,196,209,160,51,9,5,23,29,9,19,53,43,0,0,0,0,0,0,0,150,255,251,228,228,183,55,0,0,0,0,0,39,107,202,230,241,255,255,255,255,255,255,246,230,220,196,168,103,61,29,29,55,147,220,248,246,233,186,79,0,0,0,11,47,105,155,163,163,191,222,225,191,147,75,49,27,29,47,51,59,111,131,108,108,55,49,57,77,57,0,0,0,176,178,126,67,69,89,83,42,55,85,152,178,194,202,186,165,150,129,75,39,13,0,0,0,0,11,51,79,91,91,131,144,168,163,163,155,85,58,61,87,89,65,59,69,89,87,63,43,39,53,137,160,97,71,77,139,160,65,35,41,79,99,99,93,93,91,89,99,152,155,103,101,150,160,111,109,163,160,89,84,88,103,107,109,109,108,150,157,170,173,181,173,170,157,147,142,139,129,79,57,21,0,0,0,0,0,0,0,0,3,29,45,57,79,131,137,134,134,150,165,163,150,134,87,81,79,91,103,137,101,97,93,93,89,91,91,134,144,163,170,170,163,147,144,142,142,160,191,209,215,217,225,225,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,66,113,139,139,124,111,95,53,42,53,105,126,111,65,49,47,47,63,75,89,134,139,139,150,147,93,71,61,57,51,56,75,121,126,126,144,173,196,194,181,160,152,152,157,168,186,220,251,0,0,0,0,0,0,0,0,255,255,255,255,251,235,228,196,168,137,77,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,17,12,7,4,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,183,183,183,181,181,179,181,181,181,181,183,183,181,178,172,170,173,178,183,191,194,194,194,191,183,168,113,117,173,178,173,173,176,173,168,165,165,170,173,173,168,125,165,173,183,189,189,189,189,189,186,176,168,173,181,189,189,181,176,129,123,127,181,183,183,194,199,202,204,207,196,191,194,115,88,93,119,129,129,133,191,207,222,228,225,222,222,222,222,225,225,225,228,230,230,228,228,230,228,226,230,248,212,59,0,31,173,157,111,212,246,230,155,105,113,160,170,173,172,172,176,191,202,207,204,199,196,194,194,194,199,204,207,207,207,209,212,209,204,199,199,196,194,191,196,204,202,196,194,196,199,199,199,204,199,194,186,178,135,178,131,127,129,129,127,129,133,181,186,194,196,196,196,202,209,209,204,196,196,204,212,215,212,207,204,202,194,191,191,199,204,204,207,207,199,202,212,220,220,207,77,25,79,99,71,69,119,181,191,199,204,204,202,202,204,191,135,135,139,189,196,202,207,212,217,222,222,217,215,209,209,212,217,225,228,228,225,215,207,204,204,209,215,213,212,215,225,225,225,217,212,209,212,217,222,217,215,215,215,215,215,217,225,228,230,230,233,233,225,212,209,215,222,222,215,212,212,217,220,215,204,202,202,212,230,228,212,204,200,200,203,209,220,225,222,220,228,230,228,226,226,230,230,230,230,230,230,230,230,222,212,207,207,204,151,142,138,139,207,230,230,226,225,225,226,228,230,233,238,241,238,235,235,235,238,243,248,248,246,241,238,238,241,241,235,215,149,141,199,217,207,204,212,225,225,222,217,228,233,235,235,235,233,222,215,217,217,215,217,220,215,204,200,199,203,217,230,233,230,228,215,139,124,131,212,225,225,225,222,217,215,212,212,215,215,215,222,228,233,235,238,235,233,233,235,238,238,235,233,230,230,228,196,124,127,191,196,194,194,204,222,238,243,238,230,217,207,199,212,225,230,230,225,222,224,228,230,233,233,230,230,230,233,233,235,238,238,238,233,105,73,107,207,209,207,204,200,217,233,235,230,117,91,111,235,246,243,233,228,222,212,204,202,204,202,200,202,207,220,233,235,225,207,147,145,202,204,209,215,222,217,207,204,209,209,212,225,235,235,235,235,235,238,233,228,217,209,207,209,215,222,212,202,192,194,202,204,198,195,198,204,207,202,192,192,202,209,209,212,212,212,209,212,217,222,225,228,228,228,225,225,225,225,225,225,222,222,225,228,230,225,225,225,228,228,228,230,230,228,230,238,241,238,238,241,243,243,235,222,215,217,222,228,233,238,238,238,238,235,233,230,230,230,228,228,225,217,213,215,225,228,228,222,222,228,228,222,215,212,215,222,222,225,230,235,241,238,230,225,228,233,233,233,228,228,228,225,225,222,217,212,215,217,212,207,207,204,195,194,204,212,212,215,212,212,217,225,228,225,228,233,233,233,233,233,233,233,230,228,225,225,230,230,217,215,225,233,233,228,220,212,212,217,228,233,230,228,230,230,230,228,225,228,233,233,230,225,217,222,222,225,228,228,228,228,228,230,230,233,233,233,233,235,233,230,230,233,235,233,230,230,230,230,233,235,235,230,228,230,235,235,230,225,225,228,230,233,233,225,217,212,204,202,204,217,228,225,220,220,228,238,243,241,238,235,235,238,238,235,230,228,230,233,233,233,235,233,230,228,225,225,228,228,230,230,233,235,235,235,235,235,233,228,228,228,230,233,230,228,228,230,235,235,235,233,230,228,225,215,211,211,215,228,230,230,228,228,228,230,230,230,230,230,230,207,115,116,131,151,222,230,230,228,228,228,233,233,230,228,230,230,228,225,222,222,217,217,217,222,225,225,222,222,222,217,215,212,212,215,222,222,222,217,215,215,217,217,215,209,209,208,209,209,212,209,209,212,215,222,222,220,217,217,215,215,212,212,215,217,217,220,222,222,222,222,217,217,220,222,222,222,222,222,217,220,222,222,220,217,217,220,222,222,222,222,220,217,215,215,217,222,222,222,222,220,217,217,215,215,212,212,212,215,215,212,212,212,212,212,212,212,209,207,204,204,207,209,215,215,215,212,212,212,212,212,209,207,204,199,196,194,191,194,196,202,202,202,202,199,199,199,202,204,207,209,212,212,209,209,212,212,212,212,215,215,212,212,212,215,215,215,213,215,222,222,217,215,215,215,215,207,194,144,191,194,194,196,202,209,212,212,212,209,209,207,207,207,207,204,202,204,207,212,207,203,202,204,215,217,217,212,212,215,222,225,225,225,225,225,225,225,225,225,225,225,217,215,212,207,204,203,204,204,207,207,204,202,199,196,196,194,189,139,135,137,141,189,189,191,191,191,191,191,194,199,204,212,220,225,228,230,230,233,233,235,235,235,235,235,233,235,238,238,238,238,241,243,0,0,248,246,243,241,126,116,108,108,111,116,126,147,155,147,124,90,49,35,35,35,35,25,25,25,25,35,35,35,21,21,25,35,35,35,35,35,35,35,35,35,35,43,49,55,49,49,55,55,49,35,43,49,37,9,0,0,9,19,19,13,7,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,7,9,13,15,23,43,51,61,77,95,111,118,111,103,92,85,85,92,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,108,98,72,64,72,85,90,92,90,79,61,53,53,53,33,33,35,56,72,98,116,129,129,126,116,126,142,155,155,155,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,69,53,35,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,82,98,66,64,98,157,191,0,0,0,0,0,0,222,204,204,209,189,155,121,0,0,0,0,0,0,255,255,248,217,168,139,168,207,230,255,220,38,0,0,0,118,118,87,82,134,160,118,0,157,165,131,100,116,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,9,4,0,0,0,0,0,0,0,0,0,0,0,7,7,9,0,0,11,11,11,1,0,0,0,0,0,0,0,0,0,0,1,27,27,19,27,41,53,53,45,45,45,59,0,121,139,147,144,134,131,134,160,199,209,129,0,0,0,31,47,19,19,43,17,0,0,0,0,0,0,11,142,255,255,255,243,155,29,0,0,0,0,0,7,113,217,220,220,254,255,255,255,255,255,251,230,220,189,163,111,101,91,75,75,105,189,241,248,222,163,47,0,0,0,0,0,41,126,126,67,147,173,165,118,55,29,13,7,9,23,33,51,108,142,142,131,108,71,69,71,31,0,0,0,77,124,21,3,41,81,77,40,59,131,160,183,202,209,191,157,137,139,131,67,43,9,0,0,0,9,25,59,91,142,147,155,170,163,139,79,57,51,61,87,87,67,59,63,81,89,69,50,55,83,150,150,71,58,68,139,71,27,27,65,152,152,142,152,152,147,147,152,157,144,95,92,101,155,150,109,157,150,89,86,95,109,150,155,152,152,152,165,176,183,181,173,165,152,142,142,142,137,124,75,51,19,0,0,0,0,0,0,0,0,0,23,35,55,83,91,124,126,150,163,157,142,95,77,57,55,71,89,97,91,95,93,99,101,139,144,165,168,173,173,170,150,137,134,134,139,155,189,202,199,207,225,238,241,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,25,82,126,134,118,111,103,61,53,57,105,124,81,67,53,47,47,53,61,69,89,129,142,155,155,91,69,61,57,51,55,67,85,85,121,157,189,207,212,196,181,170,168,168,176,186,215,251,0,0,0,0,0,0,0,0,255,255,255,255,251,233,215,199,176,150,105,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,12,7,7,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,163,181,183,183,183,183,183,183,183,183,186,183,178,173,169,169,176,183,186,189,191,191,189,186,183,181,173,176,181,186,183,181,183,183,186,186,183,183,186,186,178,170,125,125,165,173,176,178,178,181,173,121,112,113,123,170,170,127,125,123,123,129,178,183,186,191,196,199,202,207,204,196,189,121,90,94,119,131,133,181,199,225,238,241,235,225,217,222,225,228,230,228,228,230,230,228,226,225,230,230,230,241,235,215,79,75,155,95,88,189,222,207,178,155,160,168,173,176,173,176,186,199,207,207,202,196,196,196,194,194,199,207,212,212,212,212,212,209,204,202,199,196,189,186,186,194,194,191,191,191,191,189,186,191,189,181,133,132,178,183,133,125,126,129,127,129,178,189,191,191,196,199,202,207,212,212,207,202,199,207,209,207,204,204,207,207,202,194,194,199,202,204,202,202,198,199,204,204,212,220,222,45,5,0,0,25,125,186,191,194,199,199,196,196,199,191,135,134,139,196,207,207,207,209,217,222,222,225,222,215,212,212,215,222,228,230,225,217,209,205,205,212,217,215,213,217,225,228,222,212,208,208,209,212,212,212,209,212,212,212,215,217,217,217,228,233,238,235,228,217,215,217,220,215,212,209,212,217,225,217,212,212,212,222,228,225,212,204,204,204,207,212,222,228,228,228,235,238,235,230,230,233,230,228,228,233,233,233,233,225,212,207,207,202,149,145,143,147,212,228,230,228,228,228,228,230,230,233,235,235,233,230,230,233,235,241,248,246,243,238,238,238,238,235,228,199,149,202,217,230,222,207,209,222,222,217,228,235,238,238,235,230,225,209,207,212,215,215,217,215,209,204,203,203,209,220,228,235,235,230,209,131,122,127,151,212,215,217,217,215,212,209,207,207,209,215,222,225,225,230,233,233,230,233,238,238,235,222,212,217,230,225,199,139,189,199,204,209,209,215,228,238,243,241,235,228,137,91,103,202,233,238,233,225,225,230,233,235,233,233,233,235,238,238,238,243,241,209,101,55,71,131,207,212,209,202,196,207,225,228,215,137,113,194,233,243,243,241,241,233,222,209,204,202,202,202,204,215,230,238,241,230,204,100,93,123,196,209,222,225,217,204,199,202,202,207,217,235,241,243,241,238,235,230,228,222,215,212,212,217,222,212,199,192,192,196,199,198,196,198,199,202,196,191,191,194,199,199,202,202,204,204,207,212,217,222,225,228,228,228,228,228,225,225,222,220,220,222,228,228,224,221,224,224,221,224,230,230,228,233,241,243,241,238,241,243,241,225,209,207,212,217,228,235,243,241,235,230,228,228,228,230,230,230,228,222,215,212,213,217,228,228,225,222,225,228,225,222,222,222,222,222,225,233,238,238,233,225,217,217,222,225,225,222,217,217,217,215,215,209,207,209,215,212,207,209,215,203,200,215,225,217,217,217,215,217,225,228,228,230,235,235,235,235,233,233,230,230,230,228,225,225,228,222,222,230,235,233,225,212,209,211,215,222,225,224,224,225,225,225,225,225,228,233,233,225,215,213,216,225,228,230,230,230,228,228,228,230,233,235,235,235,235,233,230,230,233,233,233,230,230,230,230,233,233,230,228,228,230,230,230,228,225,228,228,233,235,235,228,222,215,207,202,204,222,230,228,224,224,228,235,238,238,235,235,235,235,233,233,230,230,230,230,230,233,235,233,228,222,220,222,225,228,228,228,233,233,233,235,235,235,230,228,226,228,233,235,233,226,226,228,233,235,233,230,228,228,228,217,212,212,215,225,225,225,225,225,228,233,233,233,230,230,220,123,112,119,139,204,225,230,230,228,225,228,233,233,228,228,230,233,228,225,225,225,222,222,222,225,228,228,225,222,222,217,217,217,217,222,225,225,222,217,215,215,217,215,209,208,208,209,209,207,204,204,207,209,215,217,217,217,217,217,217,215,212,212,212,215,217,222,222,222,222,217,217,220,222,225,225,222,222,220,217,222,222,220,217,216,217,222,222,222,222,222,222,222,222,220,220,220,220,217,217,217,217,217,217,215,212,212,212,215,215,212,212,212,212,212,212,209,207,204,202,202,207,209,215,217,215,212,212,212,212,212,212,209,207,202,199,194,194,194,196,202,202,202,202,202,199,202,204,204,207,207,209,209,209,212,212,215,215,215,217,217,215,212,215,217,217,217,215,217,222,225,222,217,215,215,212,209,199,194,196,199,199,202,204,209,209,209,209,212,209,207,204,204,204,202,196,199,207,212,209,207,204,209,217,222,217,212,212,212,217,220,222,225,225,225,225,225,225,225,225,225,220,215,212,209,204,204,204,204,204,204,204,199,194,189,191,191,189,141,139,141,189,189,191,191,191,191,191,191,194,196,204,212,217,225,230,230,230,233,233,235,235,235,235,233,233,233,235,238,235,235,235,241,0,0,248,246,241,238,91,83,76,76,76,76,113,139,147,147,124,95,49,35,21,21,25,21,15,11,11,15,21,35,35,35,41,43,41,37,35,35,35,35,43,43,37,43,49,55,55,55,57,82,55,43,47,49,43,21,9,9,9,15,19,19,19,13,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,15,23,23,43,51,69,77,87,111,142,144,137,131,118,113,100,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,100,92,105,100,56,38,46,64,72,82,79,72,61,61,61,61,56,53,56,64,72,90,105,108,113,116,126,126,137,144,150,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,69,61,46,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,48,46,38,56,98,155,0,0,207,0,0,255,251,212,204,191,170,150,0,0,0,0,0,77,168,228,255,255,238,160,108,105,139,173,199,173,100,69,0,0,0,134,105,90,134,152,0,0,165,165,157,152,116,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,7,7,0,0,0,0,11,11,1,0,0,0,0,0,0,0,0,0,0,9,39,45,39,39,47,53,53,51,45,47,59,0,0,144,165,173,157,131,116,144,165,144,33,0,0,0,0,21,0,0,1,0,0,0,0,0,0,0,0,47,199,255,255,238,129,35,0,0,0,0,0,63,202,233,217,217,248,255,255,255,255,255,246,230,212,170,105,95,101,113,147,107,101,163,212,233,209,137,11,0,0,0,0,0,0,47,41,5,5,31,35,21,7,7,9,9,3,3,25,57,71,108,121,108,77,65,75,71,1,0,0,0,33,71,2,0,5,63,81,63,89,150,165,178,196,202,186,157,139,157,157,77,51,23,0,0,0,11,21,41,85,142,160,163,163,144,79,58,54,57,81,93,87,81,71,67,75,87,81,71,83,137,152,137,71,59,68,89,31,26,29,85,170,173,163,163,163,170,178,189,178,160,101,97,150,165,103,93,109,150,107,95,105,111,157,157,155,155,163,173,181,181,173,165,157,137,129,131,139,137,129,118,75,59,35,17,7,9,1,0,0,1,7,19,33,51,77,85,91,124,150,157,152,99,83,67,43,39,51,77,83,81,91,99,147,155,170,176,173,173,165,152,144,139,134,126,118,111,129,163,176,176,186,215,243,246,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,74,46,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,31,98,113,111,111,111,100,59,71,118,126,116,73,55,49,41,33,27,37,67,129,150,157,147,93,75,67,63,57,55,65,79,79,124,173,204,220,215,207,196,189,186,176,176,183,212,246,255,0,0,0,0,0,0,0,255,255,255,255,230,204,196,191,165,147,105,66,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,7,7,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,61,176,181,183,183,186,186,186,186,186,189,183,178,172,170,173,183,183,189,194,194,186,178,178,181,178,176,178,181,183,181,181,181,186,191,194,189,189,191,194,189,178,125,117,115,121,127,170,170,170,125,113,108,109,113,119,121,121,123,125,129,173,178,181,181,186,194,196,202,207,207,196,183,125,101,117,133,181,186,194,209,228,238,241,230,212,209,215,222,230,233,230,228,230,230,230,228,230,230,230,233,235,238,241,199,170,176,155,86,82,163,196,173,160,168,176,181,183,181,181,196,209,212,209,202,196,196,196,194,191,196,202,207,209,209,204,202,204,202,202,199,196,191,186,186,186,189,189,191,194,194,189,186,181,135,132,130,132,183,186,131,122,125,127,127,129,183,196,196,191,194,199,202,207,212,212,209,209,207,209,204,203,202,202,204,204,199,196,196,202,204,204,199,198,199,199,196,196,199,215,225,233,0,0,0,15,129,181,189,191,196,199,196,196,199,194,139,135,186,204,215,212,207,209,215,217,222,225,225,217,212,212,212,222,228,230,230,222,212,209,209,212,217,215,215,222,225,225,217,209,208,209,212,209,207,205,207,212,212,209,212,212,207,204,215,233,233,228,217,212,209,209,209,209,209,209,209,217,228,228,222,225,228,230,230,228,217,207,204,207,215,222,230,235,233,230,235,241,238,238,235,235,233,228,228,235,238,238,235,228,215,209,207,147,144,151,207,212,215,217,222,228,230,230,233,235,235,233,230,228,228,228,230,230,233,241,246,243,243,241,241,235,230,222,207,143,199,215,225,230,230,217,212,215,212,215,225,235,238,235,230,215,204,199,202,212,222,225,225,220,212,209,209,212,215,217,222,230,233,225,202,137,133,143,199,202,204,209,212,212,209,207,207,205,207,215,222,222,222,222,228,228,228,230,238,238,225,196,140,202,215,215,207,199,194,196,204,215,217,217,225,233,235,235,233,228,89,53,57,121,233,241,235,230,230,233,235,235,235,235,238,238,241,241,241,241,230,103,29,49,129,202,209,217,217,204,199,200,215,217,215,204,199,209,222,228,235,243,248,243,228,212,204,199,199,204,215,228,235,238,238,235,209,91,78,111,202,217,225,222,212,202,195,199,204,207,217,233,241,241,238,233,222,215,212,212,212,209,209,212,217,212,202,196,194,194,199,202,199,199,202,199,199,194,194,196,199,199,202,202,204,207,207,212,215,222,225,228,228,228,228,228,228,230,230,225,222,225,230,228,225,224,224,221,220,224,228,228,228,233,243,246,243,238,235,235,230,215,208,205,212,217,228,238,246,241,230,228,225,225,230,235,235,235,230,228,222,215,217,225,228,228,222,217,217,222,225,228,230,228,225,225,228,230,233,233,228,217,216,216,220,222,222,215,212,207,207,209,212,207,203,204,212,212,207,207,217,209,204,222,228,225,222,222,217,215,217,222,222,225,230,233,235,235,233,228,225,225,228,228,222,217,216,216,222,230,233,230,217,209,209,212,222,225,225,224,224,225,225,225,228,230,233,233,233,225,216,216,222,228,233,235,235,235,233,233,233,233,235,235,235,235,235,233,230,233,235,233,233,230,230,230,230,230,228,225,225,228,228,228,228,225,225,225,225,228,233,233,228,225,217,209,204,209,225,233,233,230,230,233,233,233,233,233,233,233,233,230,230,230,230,230,228,228,228,233,230,225,221,220,221,225,228,225,225,228,230,233,233,235,233,230,228,226,230,235,241,235,228,226,228,233,233,233,230,230,230,233,225,213,213,217,222,222,222,222,222,228,233,235,233,233,228,207,118,110,137,204,217,230,233,230,225,224,225,228,228,225,225,230,230,230,228,228,225,225,225,225,228,228,228,225,225,222,222,222,222,222,225,225,225,222,217,217,217,215,212,209,209,209,212,209,204,199,199,202,207,209,212,212,215,217,222,222,217,215,212,212,212,217,222,222,222,220,217,217,222,222,225,225,222,222,217,220,220,220,217,216,216,220,222,222,222,225,225,228,225,225,222,220,217,217,216,217,217,222,222,217,215,212,212,215,215,215,215,212,212,212,212,209,209,207,204,202,202,207,212,215,217,215,212,212,212,212,212,212,209,209,207,199,196,194,196,199,199,202,202,202,199,199,202,204,204,204,204,207,209,209,209,212,212,215,215,217,217,215,212,215,217,222,222,217,222,222,222,222,217,212,209,207,204,199,196,199,202,204,207,209,209,207,204,207,209,209,204,202,202,199,196,196,199,207,215,215,212,212,215,222,222,217,212,212,212,215,217,220,222,225,225,225,225,225,225,225,222,217,215,212,209,207,204,204,204,202,202,202,196,186,139,141,191,191,186,186,189,191,194,194,191,194,194,194,194,194,196,204,212,217,225,228,230,233,233,235,235,235,235,235,230,230,233,235,235,235,233,233,238,243,246,248,246,241,238,124,89,83,77,76,74,105,124,139,137,124,95,49,25,15,15,17,15,9,1,1,9,17,25,35,35,41,41,41,41,41,35,35,35,43,43,43,43,55,63,63,63,63,63,82,49,49,49,47,41,21,15,15,15,21,33,33,29,13,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,23,43,43,43,59,77,87,103,134,163,170,157,152,157,150,131,118,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,100,74,74,98,98,14,10,14,38,46,56,56,64,64,69,72,69,64,61,64,64,72,90,100,105,108,116,129,134,134,134,137,142,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,72,61,53,53,46,35,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,0,0,9,46,82,0,0,0,0,0,0,255,255,251,212,178,144,147,0,0,0,0,0,74,108,152,228,255,228,124,56,48,74,131,165,173,163,152,0,0,0,137,113,105,134,139,0,0,165,165,168,160,103,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,7,7,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,9,39,53,45,45,53,53,45,45,45,53,61,92,116,144,178,186,160,116,87,103,116,77,0,0,0,0,0,0,0,0,0,0,0,0,131,95,0,0,0,0,144,233,230,196,69,37,0,0,0,0,0,178,241,241,228,238,255,255,255,255,255,255,241,222,199,123,89,75,79,107,155,152,139,144,178,209,189,81,0,0,0,0,0,0,0,27,27,0,0,0,0,0,0,9,23,21,0,0,0,55,57,57,71,100,57,51,108,137,9,0,0,0,19,83,17,0,2,57,89,142,160,176,176,176,189,194,186,165,157,168,150,57,43,21,0,0,1,11,17,39,85,144,160,155,95,81,69,67,73,91,134,95,93,95,87,69,67,77,83,85,91,137,152,150,83,68,71,71,35,41,77,152,170,178,163,152,163,178,196,204,196,176,165,168,181,168,87,72,99,160,168,157,147,150,157,157,155,160,165,176,181,181,173,155,139,96,92,125,139,137,134,134,131,116,73,59,47,55,47,31,25,23,27,39,51,69,91,124,124,126,147,157,144,91,67,45,31,30,45,69,77,81,95,142,168,178,186,183,170,147,134,131,129,137,134,126,69,57,90,129,152,160,178,209,238,241,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,74,61,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,43,95,103,111,116,108,73,105,126,134,124,73,65,53,39,26,17,22,49,93,147,155,144,97,85,83,75,67,61,65,73,73,126,183,228,230,217,196,199,207,194,183,178,183,212,246,255,0,0,0,0,0,0,0,255,255,255,233,191,179,179,181,157,131,98,66,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,7 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,178,183,183,189,191,186,183,183,181,176,173,173,176,178,181,183,189,199,189,189,170,170,176,176,170,173,181,178,176,176,181,186,189,186,183,189,191,191,189,178,125,115,113,117,170,173,170,170,125,117,113,113,115,117,119,123,127,170,176,178,178,181,181,186,191,196,204,204,202,194,186,178,181,189,189,194,199,204,207,215,228,225,204,191,194,207,222,230,233,230,228,228,230,233,230,233,233,230,235,233,235,233,217,194,176,199,74,77,105,178,170,165,170,181,189,189,186,191,207,215,215,207,199,194,194,194,191,191,194,196,199,202,202,196,195,195,199,199,196,196,194,191,189,183,183,183,186,194,202,199,191,183,135,132,131,133,186,189,131,125,127,133,131,135,194,199,199,196,194,199,204,209,212,212,212,212,209,204,203,202,202,203,204,204,204,204,202,204,207,207,202,198,199,199,198,196,199,209,220,222,67,0,0,13,129,176,186,186,189,194,196,194,194,191,186,186,196,209,215,215,209,212,212,215,222,225,225,215,211,209,211,215,225,230,233,230,217,212,212,215,217,217,217,222,225,225,217,209,209,222,230,222,209,207,209,215,212,209,209,204,198,194,195,212,222,215,207,204,202,202,209,209,209,212,215,222,230,228,225,228,230,230,228,225,217,209,207,212,222,230,238,241,233,228,230,230,233,233,233,230,230,228,230,241,241,238,235,228,217,207,149,139,141,151,212,215,209,208,209,215,225,230,238,241,238,228,217,216,222,225,228,230,230,238,235,233,241,243,235,225,215,204,148,147,202,217,228,233,235,228,215,212,212,215,225,233,235,233,217,198,196,198,207,217,228,228,228,217,212,209,212,212,209,209,209,212,217,209,147,141,145,202,204,204,204,209,212,212,212,209,207,209,212,215,217,228,230,228,217,212,209,222,233,230,141,128,126,141,204,212,212,202,194,196,204,212,215,215,220,225,228,228,228,212,79,51,56,113,217,233,230,230,233,235,235,235,235,238,238,238,241,241,241,241,101,17,18,129,202,222,228,225,222,212,207,207,209,215,215,209,207,207,209,215,228,241,246,243,228,207,194,147,194,204,222,233,238,238,235,230,202,117,108,129,212,230,230,217,204,196,195,202,209,215,222,230,233,233,228,207,189,190,196,199,202,199,202,209,222,228,217,204,196,196,202,202,202,202,204,204,204,202,202,207,212,212,212,215,215,209,207,212,217,222,225,225,225,225,222,217,225,233,238,235,235,233,230,230,230,228,228,225,228,228,225,222,222,230,241,248,246,238,233,230,228,222,215,215,217,222,228,235,235,228,228,228,224,225,235,243,238,233,230,225,222,222,225,228,228,225,217,216,216,216,217,228,233,233,230,228,228,228,230,228,222,216,216,220,225,225,225,217,209,204,203,207,212,209,204,204,207,209,209,207,209,207,209,215,222,225,228,225,217,215,213,215,215,217,222,228,230,233,233,222,212,215,225,228,228,222,216,215,217,228,230,228,212,209,212,222,228,228,228,228,228,228,228,230,230,230,233,235,233,230,225,228,230,233,235,238,238,238,238,238,238,238,235,235,235,238,238,235,235,235,235,233,230,228,228,230,230,228,225,222,225,225,228,230,228,225,222,217,217,222,225,228,228,228,225,215,212,215,225,233,235,235,235,238,235,233,230,233,233,235,235,233,233,233,233,230,228,226,226,228,230,228,225,222,222,225,225,225,224,225,228,230,233,233,233,233,233,233,233,238,243,241,233,230,230,230,233,233,233,233,233,233,225,213,213,217,220,218,222,222,222,228,233,235,235,233,225,153,141,145,212,225,228,230,233,230,225,224,225,228,225,222,222,225,228,228,228,228,228,225,225,225,225,228,228,228,228,225,225,225,225,222,222,225,225,222,222,222,222,217,215,215,215,212,212,209,204,198,196,198,202,204,202,202,207,215,220,222,222,217,215,215,215,217,222,222,222,220,217,220,222,222,225,222,222,220,217,217,217,217,216,216,217,222,225,222,222,225,225,228,228,225,222,220,217,217,217,217,217,222,222,217,215,215,212,215,215,215,215,212,209,209,209,209,207,204,202,202,202,207,209,215,217,217,215,212,209,209,209,209,209,209,207,202,199,199,199,199,199,199,199,199,199,199,199,202,204,204,204,204,207,207,207,209,212,212,215,217,217,215,212,215,217,222,222,222,222,222,217,217,212,204,202,202,199,195,195,199,204,209,212,212,204,199,199,204,207,204,199,196,196,196,195,195,196,207,215,217,217,217,217,222,222,217,215,212,212,212,215,217,222,225,225,225,225,225,225,222,222,217,215,212,209,207,204,204,204,202,199,199,191,139,136,137,186,191,189,189,194,196,199,196,194,194,196,194,194,196,199,207,212,217,225,228,230,233,235,235,238,238,235,233,228,228,233,238,238,235,233,233,235,241,243,246,243,241,241,137,124,89,83,77,77,105,113,126,124,105,63,43,21,11,11,9,1,0,0,0,1,9,15,15,21,21,31,35,35,35,35,25,25,35,35,43,47,55,63,87,87,87,87,59,53,47,47,49,43,39,33,25,35,41,47,64,61,23,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,35,33,33,23,51,77,95,103,142,181,189,173,173,178,170,142,134,170,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,170,0,0,0,72,68,68,74,64,14,8,10,20,33,40,46,64,77,79,72,64,64,64,64,72,79,92,100,105,108,116,0,0,0,129,129,126,126,126,124,111,100,100,108,113,113,0,0,0,139,131,0,0,98,79,64,48,35,27,27,12,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,0,0,0,0,0,246,255,255,255,255,209,163,134,0,0,0,0,0,66,0,82,116,168,0,139,64,35,40,64,105,155,181,181,173,0,0,0,131,113,105,134,137,121,0,150,165,168,152,116,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,17,17,20,0,0,0,0,0,0,0,0,0,0,0,5,13,7,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,19,45,51,45,45,53,53,51,45,53,59,87,95,113,137,170,178,144,85,53,85,85,27,0,0,0,0,0,0,0,0,0,0,0,7,228,255,57,0,0,0,0,39,137,137,57,19,25,45,5,0,0,189,233,233,235,254,255,255,255,255,255,251,233,215,183,119,89,73,70,79,105,107,103,139,173,186,160,67,0,0,0,0,0,0,0,71,95,21,0,0,0,0,0,11,21,7,0,0,0,0,29,37,53,71,40,45,73,111,53,0,0,0,19,53,35,9,19,71,150,173,183,183,176,183,194,202,199,183,170,165,87,51,55,49,13,0,0,0,5,33,91,152,139,93,69,68,77,95,147,152,144,95,89,87,81,73,69,75,81,89,95,147,165,144,77,71,71,41,41,83,150,163,163,157,150,152,163,183,196,196,196,181,181,194,191,101,56,55,85,155,168,165,157,150,150,155,153,160,165,173,173,170,165,152,97,91,92,129,139,137,139,144,150,147,137,129,87,118,87,85,77,71,69,69,85,126,142,134,134,131,142,144,137,85,47,31,28,30,49,71,85,91,103,157,181,186,186,176,150,97,90,90,124,131,129,108,57,48,54,105,134,165,191,215,225,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,59,46,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,11,37,82,103,111,111,108,108,113,126,134,124,79,67,67,63,35,20,19,43,83,137,139,137,95,91,89,83,77,77,81,69,63,134,204,251,251,212,194,209,217,215,204,191,196,220,251,0,0,0,0,0,0,0,0,255,255,207,183,181,179,189,183,157,131,98,66,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,178,181,189,191,186,181,178,173,172,173,176,178,176,176,176,183,191,181,168,165,163,168,170,168,176,181,178,174,176,183,189,186,181,178,186,186,181,173,163,119,115,114,121,176,181,178,176,170,127,125,125,123,123,123,125,129,176,183,183,181,181,186,189,191,196,199,199,196,194,191,189,191,194,196,199,204,204,199,189,189,189,183,183,189,199,209,225,233,230,228,228,230,233,233,235,233,233,233,230,230,230,217,178,103,97,62,84,160,176,170,170,173,183,194,194,194,204,217,217,215,207,196,194,194,191,190,190,194,196,199,199,202,196,194,195,199,199,195,196,194,191,186,183,182,181,183,194,202,204,196,189,183,181,135,135,183,189,178,131,133,181,183,189,196,196,196,194,196,202,207,212,212,209,209,209,209,207,207,207,207,207,207,207,209,209,204,202,204,207,204,199,199,199,199,199,202,209,217,220,202,41,0,19,127,133,178,178,178,183,186,186,189,191,189,186,196,209,217,217,215,215,215,215,217,222,222,217,212,209,209,215,225,233,235,233,225,222,222,222,222,222,222,225,228,228,225,215,217,233,235,230,217,212,215,215,215,212,209,202,199,195,195,202,212,209,204,202,200,200,204,209,212,220,225,233,235,230,225,225,225,225,222,222,222,215,212,222,230,233,233,233,233,228,228,225,225,225,225,228,228,230,235,241,241,235,233,230,222,207,149,143,143,149,204,212,212,209,208,212,225,233,241,243,235,222,215,216,222,225,228,230,230,235,233,222,225,233,225,209,199,151,149,151,202,204,204,212,228,228,222,217,222,222,225,230,235,225,204,196,196,202,215,225,228,228,222,217,215,212,212,209,204,202,202,204,207,204,147,143,147,204,209,212,212,215,215,215,215,215,215,212,212,212,215,228,235,225,199,131,139,209,215,141,128,129,141,199,202,209,215,212,207,204,204,207,207,209,217,222,217,217,212,125,93,78,105,129,137,202,217,228,233,238,238,238,238,233,228,228,241,241,202,85,32,12,28,191,212,225,222,212,209,209,207,207,209,209,212,207,204,204,205,215,225,233,235,230,212,194,144,144,147,204,225,238,241,238,235,225,202,141,139,204,222,230,228,212,199,195,196,204,215,222,225,225,225,225,217,204,194,192,198,199,149,146,149,212,230,238,228,209,202,199,199,202,199,202,204,207,207,207,209,215,225,225,222,217,217,212,209,215,220,225,228,222,222,222,216,215,217,230,235,235,235,233,230,230,233,233,228,225,228,225,222,216,217,230,243,251,248,241,235,235,233,230,228,225,225,225,228,228,225,220,222,225,225,228,235,241,233,228,225,217,217,222,228,228,222,217,217,217,217,217,222,228,233,235,233,230,228,228,230,225,217,215,217,228,228,228,225,225,215,205,204,209,212,209,207,204,204,207,207,207,204,204,207,212,222,225,228,228,222,215,213,215,215,215,215,217,228,230,228,215,211,215,228,230,230,228,217,216,222,225,228,222,212,212,222,228,228,228,228,230,233,233,233,233,230,230,230,230,230,228,228,228,230,233,235,235,235,235,238,238,238,238,235,235,235,235,238,235,235,235,235,233,230,226,226,228,230,225,222,225,222,222,225,228,228,222,215,209,212,215,217,222,222,225,222,217,215,215,225,233,241,241,238,241,238,233,230,233,235,238,238,235,235,238,235,235,230,228,228,228,228,228,228,225,225,228,228,225,225,225,228,230,233,233,233,233,235,235,235,235,238,238,235,233,230,233,233,235,235,233,228,217,215,215,215,220,220,222,225,225,225,228,230,233,233,233,228,215,207,212,225,230,228,228,230,230,228,225,228,228,222,217,222,225,225,225,225,225,225,225,225,225,228,228,228,228,228,228,228,228,225,225,222,225,225,225,222,225,222,217,217,217,217,215,215,209,204,199,198,199,202,199,196,196,199,207,215,217,217,222,222,217,217,217,222,222,222,217,217,220,222,222,222,222,222,222,220,217,217,217,216,217,220,222,222,222,222,225,225,225,225,225,222,222,220,220,220,217,217,217,217,217,215,212,212,212,215,215,215,212,209,209,209,207,204,204,202,202,202,207,209,215,215,217,215,215,212,212,212,209,209,209,207,204,202,204,204,204,202,202,202,199,196,196,196,199,204,207,207,202,202,204,204,207,209,212,215,217,217,212,212,212,215,217,217,222,222,217,215,212,204,198,199,202,202,199,199,202,207,209,209,209,199,191,191,199,204,202,196,194,196,196,195,195,199,207,215,217,217,217,217,222,217,217,215,212,212,212,215,215,217,222,225,225,225,225,222,222,217,217,215,212,209,207,204,204,204,202,199,194,191,141,137,136,139,189,191,191,196,202,202,199,194,194,196,196,196,199,202,207,212,217,225,228,230,233,235,238,238,238,235,230,225,225,230,235,235,235,233,233,233,238,241,243,243,241,241,137,134,121,87,83,108,108,113,124,116,100,63,43,25,21,15,9,1,0,0,0,0,1,3,9,13,15,17,19,21,31,35,25,25,35,35,43,49,55,63,87,87,59,57,53,47,43,47,49,49,47,43,43,49,72,77,77,69,39,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,53,51,23,21,31,66,85,98,137,189,207,196,189,181,163,142,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,204,170,0,0,0,74,70,70,72,64,25,12,13,20,33,33,53,72,77,72,66,64,64,64,72,79,90,98,105,105,108,0,0,0,126,126,126,113,113,111,111,111,95,92,95,92,95,100,111,129,131,129,0,0,92,79,61,46,27,17,12,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,251,251,230,181,144,129,0,0,0,0,74,66,0,0,0,0,0,0,0,0,0,87,118,0,173,0,163,144,137,0,131,121,113,0,137,124,126,139,157,168,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,1,1,4,0,0,0,0,9,9,0,0,0,0,0,13,13,7,0,0,0,0,0,0,0,0,0,0,5,0,0,7,9,1,9,33,74,77,51,45,53,59,53,53,55,65,92,95,95,121,144,157,131,59,45,53,39,0,0,0,0,0,0,0,0,0,0,0,0,87,255,255,183,0,0,0,0,0,67,152,147,71,79,99,73,27,55,183,222,225,233,251,255,255,255,251,241,233,233,225,189,119,99,76,77,81,101,107,104,139,157,165,142,57,3,0,0,0,0,0,0,98,139,105,0,0,0,0,0,0,0,0,0,0,0,0,3,25,41,47,37,42,73,144,152,131,61,29,0,0,3,19,47,85,165,191,191,176,168,181,199,212,209,191,170,157,89,63,63,51,31,11,0,0,0,11,79,134,85,75,73,81,95,147,147,144,95,87,87,87,87,81,81,81,87,95,147,165,173,137,64,61,65,55,77,160,176,165,155,150,147,152,163,170,178,189,189,191,191,181,173,93,62,61,81,91,91,105,147,150,150,155,155,163,165,165,163,157,152,144,97,91,95,126,139,139,144,150,157,157,147,139,137,142,142,142,139,139,129,137,144,152,160,150,139,131,139,137,129,77,45,31,29,41,73,93,91,97,144,173,189,186,176,150,103,91,90,90,124,129,121,79,59,50,54,98,134,176,199,215,217,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,59,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,29,37,74,98,103,103,108,108,108,113,131,139,131,85,73,77,79,69,43,29,47,77,93,131,134,134,131,95,83,87,93,81,60,60,147,233,255,255,230,209,228,246,248,233,225,222,241,255,0,0,0,0,0,0,0,0,0,254,207,199,202,191,191,181,152,137,108,69,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,178,186,191,189,181,176,176,178,178,178,176,170,168,168,176,173,152,71,150,152,157,165,173,181,183,181,176,178,189,189,183,176,176,181,173,123,119,114,114,115,117,125,176,183,181,181,178,176,173,170,168,127,127,129,170,178,186,183,179,181,191,194,194,194,194,194,194,196,196,191,191,194,196,202,204,202,191,133,131,135,181,186,194,196,199,212,225,230,228,228,233,235,235,235,233,230,228,230,233,230,215,183,103,89,53,95,178,183,176,173,176,183,194,196,199,209,222,217,212,204,196,194,196,194,191,191,194,199,199,202,202,199,195,195,196,196,195,196,194,186,183,183,182,181,183,191,199,202,204,199,194,189,181,133,178,186,181,133,133,183,189,191,191,186,186,191,196,207,212,215,212,209,207,207,209,209,209,212,212,212,209,212,212,212,204,202,202,204,204,196,196,196,199,202,204,207,209,215,233,196,23,17,113,123,131,135,178,137,181,137,183,189,189,185,194,209,222,222,222,217,217,215,217,222,222,222,217,212,211,217,225,233,238,235,228,228,228,228,225,225,225,228,230,228,222,215,217,228,230,222,212,209,212,212,215,215,212,209,209,207,202,204,209,209,207,204,202,200,204,209,217,225,233,238,238,235,230,228,225,225,228,228,228,228,230,233,233,225,217,220,228,230,225,225,225,228,228,230,235,238,238,238,235,230,230,228,222,207,196,199,204,204,204,209,217,217,212,220,225,230,233,233,228,217,216,225,228,233,233,230,233,233,230,215,215,217,212,199,147,148,199,204,204,199,196,200,212,225,225,222,217,215,215,222,222,212,199,198,198,204,212,222,225,225,222,222,215,212,209,207,202,202,204,204,207,207,199,147,147,204,217,222,225,225,222,217,215,217,217,215,212,211,215,233,238,222,141,125,135,212,217,141,130,139,217,196,143,145,212,222,217,209,207,203,202,209,222,220,217,215,202,123,129,189,194,137,117,115,204,217,233,241,241,235,230,212,191,137,137,115,67,55,45,45,135,196,207,209,199,194,195,202,204,207,209,212,212,207,203,203,207,217,222,222,217,207,196,146,144,144,147,207,230,243,243,241,233,222,207,199,204,212,215,217,215,199,194,194,199,215,225,225,222,222,225,222,215,207,202,202,204,204,196,146,196,217,238,246,235,217,207,199,198,198,202,202,204,209,215,215,217,225,230,230,225,217,212,215,215,215,222,228,228,225,225,225,217,216,222,230,230,228,228,228,228,230,233,233,228,217,217,217,216,216,222,233,243,248,246,241,235,235,233,233,228,225,230,230,228,225,222,218,220,225,225,228,233,233,225,217,217,217,217,225,230,228,216,215,217,228,228,228,228,230,233,235,233,235,233,233,233,228,222,217,222,228,228,222,222,222,215,209,207,212,215,212,209,209,207,204,204,204,203,202,203,209,217,225,228,230,228,222,217,217,215,213,213,222,228,230,225,215,211,217,230,233,233,230,225,225,225,225,222,222,217,222,230,233,228,226,226,233,235,235,235,235,233,230,228,228,228,225,225,228,228,230,233,233,230,233,233,235,235,233,233,233,233,233,235,235,235,233,233,233,230,226,226,228,228,225,222,225,222,217,217,222,222,215,209,208,209,217,222,222,222,222,222,217,215,215,225,235,241,238,235,235,233,230,228,228,233,235,235,238,238,238,238,235,233,230,230,228,230,230,228,228,228,230,230,228,228,228,228,233,235,235,233,233,233,235,235,233,230,230,233,233,233,233,233,235,233,230,217,209,212,215,215,217,217,222,228,228,228,230,230,233,233,233,233,230,225,225,230,233,228,226,228,230,228,228,228,222,215,212,215,222,225,224,224,224,224,225,228,228,228,228,228,228,230,230,230,230,228,225,225,225,225,225,222,225,222,217,217,217,217,215,212,209,207,204,204,204,204,199,196,196,199,204,212,215,217,222,222,222,217,222,222,222,217,217,217,220,222,222,222,222,222,222,220,217,217,217,217,217,217,220,222,222,222,225,225,225,225,222,222,222,222,222,220,217,217,217,217,217,215,212,211,211,212,215,215,215,212,212,209,207,204,202,202,202,204,207,209,212,215,215,215,215,212,212,212,209,209,207,207,209,209,209,209,207,207,204,202,199,196,195,196,199,204,207,207,202,199,202,204,207,209,212,215,215,215,212,211,211,212,215,215,215,215,212,209,204,196,195,199,207,212,209,204,204,209,209,204,196,189,186,189,196,202,199,191,189,194,196,196,196,204,212,215,217,217,217,217,217,217,217,215,212,212,212,212,212,212,217,225,225,225,225,222,222,217,217,215,215,209,207,204,204,204,202,196,191,191,191,141,137,138,186,191,194,199,204,204,202,196,196,196,196,196,202,204,209,215,217,225,228,230,233,235,238,238,238,235,230,225,222,230,233,235,233,233,233,233,235,238,241,241,241,241,139,137,124,89,116,113,116,124,124,116,105,90,55,43,35,21,9,1,0,0,0,0,0,0,3,7,7,7,13,17,19,21,35,35,35,41,47,49,55,63,67,59,49,47,41,35,37,49,53,53,49,49,53,79,87,90,90,87,72,39,15,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,33,59,51,23,19,23,59,79,95,134,189,238,230,207,178,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,215,173,0,0,0,103,100,92,79,64,43,20,20,33,33,46,61,77,72,64,64,64,66,72,79,90,100,105,105,108,116,0,0,0,126,126,113,111,103,103,100,100,92,92,92,87,86,92,100,111,129,129,0,0,90,74,56,38,27,12,12,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,165,147,163,178,155,124,124,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,0,116,0,131,0,113,0,124,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,7,0,0,0,0,0,0,0,9,9,1,0,0,0,0,5,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,9,33,77,85,85,77,53,53,53,53,59,87,92,90,88,92,121,144,126,53,33,33,5,0,0,0,43,0,0,0,0,0,0,0,0,116,251,255,178,43,0,0,0,0,51,178,194,181,181,191,181,144,155,189,212,222,233,238,241,251,255,241,215,215,230,238,212,181,119,105,101,101,113,147,139,139,144,144,124,51,0,0,0,0,0,0,0,13,95,100,0,0,0,0,0,0,0,0,0,0,3,0,3,25,37,47,63,71,144,173,170,178,163,67,0,0,0,0,71,144,173,196,181,163,163,176,194,207,202,183,163,152,142,83,67,37,15,9,0,0,0,15,53,65,71,79,87,139,152,152,137,95,87,95,134,134,134,95,95,95,137,150,168,173,176,137,61,57,65,83,139,176,176,163,155,152,147,152,157,157,163,170,178,199,199,173,144,83,72,79,91,79,76,89,147,155,157,163,160,163,165,165,155,147,134,101,131,99,97,126,139,144,144,144,152,157,147,137,137,142,152,157,152,147,147,155,157,160,163,150,139,129,129,97,93,71,47,37,41,57,87,99,99,97,144,157,173,173,155,105,97,91,91,97,95,124,87,79,71,57,61,113,155,186,194,207,215,225,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,66,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,64,82,105,111,105,103,108,108,108,121,134,142,139,124,83,87,91,87,67,49,59,79,93,137,144,150,144,95,83,89,129,73,45,51,186,255,255,255,254,235,254,255,255,255,254,246,254,0,0,0,0,0,0,0,0,0,0,255,246,248,241,207,191,178,157,139,113,72,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,31,170,186,191,189,183,181,183,189,186,181,173,165,164,165,168,160,99,58,91,99,111,160,176,183,183,178,176,178,186,186,181,178,178,176,121,113,115,115,115,117,119,125,176,178,178,178,176,176,173,173,173,173,173,176,176,181,189,183,178,179,191,199,199,194,191,191,196,199,199,194,194,196,199,202,199,191,178,129,129,135,183,189,191,189,186,194,209,222,222,225,230,230,230,230,225,228,204,230,230,228,207,183,109,84,48,109,196,181,173,173,178,186,194,199,199,204,212,209,207,199,194,191,194,196,191,191,196,199,199,199,202,199,196,194,194,195,196,199,194,186,183,186,183,183,189,191,194,202,212,212,204,194,135,125,129,135,133,129,127,133,183,186,183,179,181,186,196,204,209,209,207,207,204,207,207,207,207,209,215,215,212,209,212,212,209,204,202,202,202,194,191,190,194,199,202,204,204,212,235,230,103,27,77,113,133,181,135,135,137,139,186,191,189,185,194,212,222,225,222,217,215,215,215,217,222,222,217,215,212,217,225,233,238,235,228,222,225,225,222,222,228,230,228,222,215,209,209,209,209,202,196,196,202,204,215,215,212,215,225,230,225,217,215,209,207,204,204,204,207,212,222,228,230,235,238,238,235,230,228,228,233,235,233,235,235,233,220,204,202,207,222,228,225,225,228,233,238,241,241,238,238,233,228,222,222,225,217,204,149,196,207,209,207,204,209,217,225,225,225,225,222,220,217,217,225,233,235,241,238,235,233,225,225,217,212,212,209,199,146,147,202,209,212,209,202,202,207,215,215,215,147,141,199,204,202,199,202,199,199,202,207,215,225,228,228,222,209,204,202,202,204,212,222,222,217,215,207,151,149,204,225,233,235,233,225,215,212,215,217,217,215,212,222,238,241,225,147,136,143,222,238,230,202,202,207,144,139,141,209,225,215,207,207,203,202,212,222,215,215,215,196,137,189,194,194,141,116,114,199,215,235,241,228,133,81,49,29,15,23,49,61,93,189,196,207,191,196,196,194,192,194,202,207,209,212,217,217,212,205,205,209,215,215,209,204,196,194,194,194,194,202,215,235,243,241,235,230,222,207,202,204,204,195,196,199,192,192,195,212,228,230,225,218,220,228,228,217,209,207,207,207,202,196,147,199,217,235,248,241,228,215,204,196,198,207,212,212,222,228,230,228,230,233,230,225,212,202,207,212,215,225,233,230,228,230,225,217,217,228,230,228,220,217,217,222,228,230,228,222,215,215,217,217,217,225,233,238,238,235,233,230,228,228,228,225,225,235,238,233,230,228,222,222,228,230,233,233,228,217,216,217,222,222,228,233,228,215,213,222,233,233,233,233,233,233,233,233,235,233,233,233,233,228,225,225,228,222,215,212,215,212,212,212,215,215,212,212,215,212,207,204,204,203,202,203,209,217,225,230,233,230,228,225,222,215,212,212,225,233,230,225,215,213,225,233,235,233,230,230,230,230,225,222,222,222,228,235,235,230,228,230,233,235,235,233,233,230,230,228,225,225,225,225,225,225,225,225,225,225,228,228,233,233,233,230,230,230,230,233,233,233,233,233,233,230,228,228,228,228,225,222,222,215,212,215,217,217,215,209,209,215,222,225,222,222,225,225,225,217,217,225,235,241,235,233,233,230,228,226,228,230,233,235,235,235,235,235,235,235,233,233,233,233,233,230,228,228,228,230,230,228,228,230,233,235,235,233,230,229,230,233,233,229,229,230,230,230,230,233,233,230,225,215,211,215,215,212,212,222,228,230,233,233,233,233,233,233,233,235,233,230,228,230,230,228,228,228,230,230,228,222,212,209,209,215,225,228,225,225,225,225,228,228,230,230,228,228,230,230,233,233,230,228,225,228,228,228,225,222,222,222,222,217,220,217,215,212,209,209,207,209,209,207,204,199,202,207,209,212,212,215,217,222,222,222,222,222,220,217,217,217,217,220,222,222,222,222,222,220,217,217,217,217,217,217,217,217,220,222,222,222,222,222,222,222,222,222,222,220,217,217,216,217,217,217,215,211,211,212,215,215,215,212,212,209,207,204,202,202,202,204,207,209,209,212,212,212,212,209,209,209,209,209,209,212,212,212,212,212,212,209,207,204,202,199,196,196,202,207,207,207,199,199,199,204,207,209,212,215,215,212,212,211,211,212,212,212,212,207,204,204,199,192,192,202,212,215,209,202,204,209,207,191,140,140,186,194,204,204,194,137,130,141,196,199,204,215,217,215,217,217,217,217,217,217,217,215,209,212,212,212,209,209,215,222,222,222,222,222,222,217,217,217,215,212,209,207,204,202,199,194,191,194,196,191,141,138,141,189,194,199,204,207,204,202,196,196,199,199,204,207,212,217,222,225,225,228,230,233,235,238,238,235,230,222,222,228,233,233,233,233,233,233,235,238,241,241,243,243,142,139,126,124,116,116,124,126,137,124,113,98,63,55,43,21,9,1,1,1,0,0,0,0,1,1,1,1,3,11,17,21,35,37,43,47,49,53,55,59,63,53,41,35,25,25,35,47,49,49,49,53,55,82,90,95,0,0,0,69,33,11,0,0,0,0,0,0,0,0,0,0,0,1,0,0,3,23,53,33,23,19,23,51,74,92,121,181,230,241,215,189,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,108,79,59,43,33,33,46,46,46,53,69,64,64,64,72,72,79,82,98,105,105,105,108,116,129,0,0,116,113,105,103,98,95,92,92,92,92,92,92,87,90,0,0,129,129,0,0,0,72,53,35,27,12,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,101,111,155,160,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,14,0,0,0,0,0,0,0,9,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,33,69,92,103,85,45,39,45,53,61,92,95,90,88,90,116,144,152,85,33,19,0,0,0,3,43,0,0,0,0,0,0,0,0,0,51,137,178,178,144,23,0,0,77,178,212,212,222,230,222,199,194,199,212,230,235,230,230,241,241,225,199,191,212,225,222,212,191,119,97,81,101,150,157,150,144,139,89,39,0,0,0,0,0,0,0,0,0,27,5,0,0,0,0,0,0,0,0,23,45,23,3,15,33,63,168,160,170,170,152,170,176,65,0,0,0,0,89,165,181,170,139,137,157,176,186,191,191,183,170,157,157,150,77,21,0,0,0,0,5,39,17,19,59,87,144,163,165,155,137,95,139,152,170,165,147,95,95,134,147,165,173,170,160,97,69,61,77,139,160,173,168,163,170,163,152,152,163,163,170,165,173,202,207,165,93,75,75,91,147,83,76,89,152,163,163,163,160,163,163,157,150,103,98,101,144,144,134,97,131,139,139,137,142,147,139,129,129,139,155,157,152,142,139,147,157,160,155,144,131,93,87,87,87,71,53,47,51,73,93,137,99,97,97,101,150,155,147,139,97,95,101,134,95,87,81,79,77,71,98,131,176,189,186,186,199,220,243,0,0,0,0,0,0,0,0,0,0,0,0,0,255,241,199,155,108,79,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,74,105,116,113,111,111,116,121,126,126,139,150,142,131,121,121,91,83,69,63,71,87,137,144,152,165,163,97,81,93,129,63,35,51,222,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,215,191,178,160,150,116,69,29,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,66,176,186,189,186,183,186,191,189,181,170,164,164,165,165,163,147,81,73,53,43,109,170,178,176,176,176,178,183,183,183,183,178,168,115,113,123,163,123,119,119,125,170,173,170,170,168,168,168,170,176,186,191,191,189,191,194,189,179,179,191,199,196,189,186,191,196,202,202,199,199,202,204,196,186,133,129,128,129,135,183,186,183,179,178,181,191,199,202,204,207,196,173,99,87,107,51,109,91,71,57,115,105,85,56,117,215,115,109,176,186,194,199,199,196,199,199,199,194,189,187,187,191,194,194,194,196,199,196,194,196,199,196,195,196,196,196,199,194,186,186,189,186,186,191,191,194,202,212,217,209,191,127,106,106,119,125,125,123,125,135,183,183,179,181,186,194,199,202,204,202,204,204,202,202,202,202,207,212,212,209,204,207,212,215,212,207,202,199,196,191,189,190,194,196,199,199,207,225,233,225,65,61,91,135,133,129,130,135,186,196,199,194,189,199,215,225,222,215,212,212,212,215,217,217,215,215,212,212,212,215,228,233,230,217,215,215,217,217,220,228,233,228,215,204,199,199,199,151,149,148,148,150,202,212,215,212,215,233,241,238,228,212,202,196,196,202,207,209,212,222,228,228,233,235,235,235,233,228,228,233,235,235,233,233,209,127,131,147,204,215,228,230,228,228,233,238,238,238,235,233,228,222,220,220,222,215,204,147,140,141,149,199,199,202,212,225,225,225,222,217,212,212,217,228,233,235,241,241,238,233,217,217,220,212,212,212,207,149,149,204,215,225,225,215,204,202,199,196,141,133,134,143,196,196,199,204,202,199,202,207,215,222,228,225,209,202,199,200,207,215,230,238,238,233,225,215,204,151,207,228,238,238,235,225,212,208,208,212,215,215,217,228,238,238,225,204,147,151,215,238,241,225,209,202,149,145,202,222,225,209,204,207,209,207,215,215,207,207,207,191,141,143,139,138,189,191,189,207,215,228,225,135,79,37,15,4,0,17,85,121,191,204,199,194,190,191,196,196,196,202,207,212,215,220,225,225,222,215,215,215,215,212,207,199,196,196,202,209,209,212,222,233,235,233,228,222,215,202,196,199,196,190,191,196,196,196,204,222,230,230,222,217,220,233,233,222,209,207,207,199,145,146,147,202,209,217,238,238,228,217,209,202,207,217,225,225,230,235,238,235,233,233,230,228,212,198,199,207,215,228,235,233,230,225,217,212,212,222,228,225,217,215,215,217,222,228,222,215,215,222,228,228,228,228,230,230,230,228,228,225,225,225,225,224,225,238,243,238,235,233,228,225,233,235,235,233,228,222,217,222,225,225,228,233,228,215,215,222,230,230,230,233,235,233,230,228,228,228,228,233,233,230,228,228,225,215,209,209,212,215,215,217,215,212,212,215,217,215,212,209,207,207,204,207,212,222,225,230,230,230,228,228,225,217,213,213,225,233,230,225,215,215,230,235,233,230,230,233,235,233,228,222,222,225,230,235,235,233,233,235,235,233,230,228,228,230,230,230,222,217,217,222,222,222,225,225,224,224,225,228,230,233,230,230,228,228,230,233,233,233,233,233,233,233,230,230,228,228,225,222,217,212,209,212,222,222,217,212,212,220,225,225,222,222,228,230,228,222,222,228,235,238,233,228,230,228,228,228,230,233,233,233,233,233,233,233,235,235,235,235,235,235,233,230,228,225,225,228,230,230,230,230,233,235,235,233,230,228,229,233,233,230,229,230,230,230,228,228,228,225,222,217,217,217,209,204,209,225,233,235,235,235,235,235,235,235,235,235,233,230,228,228,230,230,230,230,233,233,228,215,209,208,212,217,225,230,230,230,230,230,230,230,230,230,228,228,230,230,233,233,230,228,228,228,230,228,225,222,222,222,222,222,222,217,215,212,209,209,209,209,212,212,209,209,209,212,212,209,207,209,212,217,217,222,222,222,220,217,217,216,217,217,222,222,222,225,222,222,217,217,217,217,217,217,215,217,217,217,217,220,222,222,225,225,225,222,222,220,217,217,216,217,217,217,215,212,212,212,212,215,215,212,209,207,204,202,199,202,204,207,207,207,209,209,209,209,209,209,209,209,212,212,212,215,215,215,215,215,212,209,209,207,204,202,199,199,204,207,209,207,202,199,202,204,207,212,212,215,212,212,212,211,211,212,212,212,209,204,202,202,199,192,194,204,209,207,199,196,199,207,202,141,138,140,194,204,209,202,141,126,125,135,191,199,207,217,222,217,217,217,217,217,217,217,217,215,209,209,212,209,207,207,215,222,222,222,222,222,222,222,217,217,217,215,212,209,204,199,194,191,191,196,199,196,191,141,139,143,194,199,207,209,207,204,202,199,202,204,207,212,215,222,222,225,225,228,230,233,235,235,235,233,228,222,217,225,230,230,230,230,233,235,238,238,241,243,243,243,144,139,137,126,126,126,137,139,139,124,113,98,90,55,43,17,9,1,1,1,1,1,0,1,1,1,0,0,1,7,15,21,37,43,49,53,55,55,55,59,59,53,41,21,17,25,43,49,47,45,47,53,55,79,87,95,0,0,0,77,39,15,1,0,0,0,0,0,0,0,0,0,0,1,0,0,7,19,33,33,23,21,23,51,72,98,131,170,207,212,202,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,82,53,33,33,46,53,53,46,44,56,64,72,74,79,90,90,90,98,105,105,103,108,129,0,0,126,113,105,103,95,90,87,85,85,87,92,92,92,85,92,0,0,0,0,0,0,0,64,48,30,27,12,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,108,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,30,17,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,33,69,92,95,45,19,19,39,59,92,105,105,103,95,103,129,0,207,131,45,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,220,255,255,243,150,144,163,183,202,222,222,222,212,212,217,215,215,230,238,230,233,238,233,225,202,189,181,176,189,212,199,119,61,48,61,107,176,176,163,144,77,23,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,45,31,3,1,17,63,150,131,129,134,134,170,176,37,0,0,0,0,144,183,173,131,73,81,150,181,186,176,176,183,176,150,150,150,75,15,0,0,0,0,39,33,7,10,69,155,170,173,173,155,137,134,150,170,170,165,147,134,95,95,137,150,157,144,87,77,75,77,89,150,168,168,168,170,178,163,142,131,152,173,189,189,189,199,191,155,93,71,69,85,152,107,89,142,165,163,163,157,152,152,157,157,147,103,101,144,155,157,144,97,97,137,129,124,93,134,131,87,91,134,160,157,150,134,129,139,152,152,142,134,95,89,81,79,79,71,59,51,57,73,87,99,99,89,83,81,95,107,147,144,103,101,139,139,131,93,85,83,111,116,126,168,189,186,165,165,191,212,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,248,199,150,111,87,53,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,43,82,105,105,103,113,131,139,134,134,139,142,142,131,121,83,79,75,73,73,81,95,137,137,144,152,150,95,83,126,134,71,44,73,238,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,215,191,189,176,163,129,53,17,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,183,191,191,183,183,186,183,178,170,165,164,164,165,176,178,183,65,0,0,63,157,170,173,176,178,181,186,189,189,181,170,121,111,117,173,176,168,123,121,125,168,170,168,124,123,122,123,127,178,194,204,204,202,199,196,191,186,183,186,189,183,181,183,189,196,199,199,199,202,207,204,186,129,126,127,129,133,181,186,189,186,183,183,181,181,133,109,85,67,46,32,0,0,0,0,3,1,0,0,97,103,93,65,76,92,83,97,189,196,199,202,199,199,196,196,194,191,187,186,187,194,196,194,196,199,196,191,186,189,194,199,204,207,204,202,196,189,185,189,194,194,194,194,194,196,202,209,212,204,189,119,98,97,107,121,125,124,127,178,189,191,186,183,186,189,191,194,196,199,202,202,198,198,202,202,207,212,209,204,204,204,209,215,215,209,204,202,199,194,191,190,191,194,194,194,199,207,220,235,119,58,71,127,131,129,130,137,189,199,204,202,199,207,217,222,217,215,212,212,215,215,212,212,209,207,207,207,202,207,217,225,225,215,212,213,216,217,217,225,233,228,212,151,150,151,151,150,149,149,150,196,209,222,228,222,225,233,238,235,222,199,145,143,145,199,207,209,212,217,228,228,230,230,230,230,230,228,228,230,233,233,230,222,126,114,120,145,204,215,230,233,230,228,230,233,233,233,230,230,225,222,220,221,222,217,209,196,137,134,137,147,202,209,215,225,225,222,215,207,202,204,215,230,233,228,230,233,233,225,217,220,222,217,215,217,215,207,207,215,222,225,222,209,196,145,143,138,130,132,138,147,199,204,204,202,202,202,204,212,217,222,222,212,202,199,200,209,222,230,238,246,246,241,233,225,212,204,209,222,233,233,228,217,209,207,207,209,209,209,215,222,230,233,228,212,202,202,209,228,233,225,215,209,209,209,217,228,222,207,205,212,217,215,215,209,199,199,199,191,143,140,136,136,202,212,212,209,212,212,202,125,97,83,67,47,21,67,137,194,207,209,202,191,190,194,202,207,209,209,212,215,220,222,225,228,230,225,222,222,215,212,209,204,199,202,209,215,217,215,215,222,225,222,222,222,212,199,195,196,196,194,195,207,212,215,215,222,228,228,222,220,225,235,238,228,212,207,202,149,143,144,147,199,199,198,207,215,212,212,215,215,220,225,230,230,230,233,238,235,235,233,233,228,217,200,198,204,215,225,230,228,225,215,208,207,208,212,215,215,217,217,215,215,222,225,222,215,217,228,233,233,233,230,228,228,228,228,230,228,228,225,225,228,230,238,238,238,235,230,225,225,230,233,233,230,222,217,222,222,220,222,225,228,225,222,222,225,225,225,228,233,233,230,225,217,215,215,222,230,235,235,233,233,228,212,204,207,215,217,222,222,215,212,212,215,215,215,212,212,212,212,215,215,217,222,228,230,230,230,230,230,228,225,222,222,228,235,230,225,215,217,228,230,230,228,230,233,235,230,228,225,222,225,230,235,235,235,235,238,235,233,228,226,226,228,233,228,215,212,213,215,222,225,225,225,225,225,225,228,230,233,230,228,228,228,230,233,233,233,233,233,235,235,233,230,228,225,225,222,217,212,207,212,222,228,225,217,217,222,225,222,222,222,228,228,225,222,225,230,235,235,230,228,228,228,228,230,233,235,233,233,233,233,233,233,235,235,238,238,235,235,233,230,225,222,222,225,228,228,228,230,233,233,233,233,230,229,229,233,235,233,230,230,230,230,228,225,225,225,225,225,225,215,199,198,209,228,235,235,235,235,235,235,235,235,235,235,233,230,228,228,230,230,230,230,233,230,222,209,207,208,215,222,225,228,230,233,233,230,230,228,228,228,228,228,228,230,230,230,230,228,228,230,230,230,225,222,222,222,222,222,222,220,215,209,209,209,209,209,212,212,212,212,212,209,207,204,203,204,209,215,217,217,222,222,222,217,217,217,217,217,220,222,225,225,225,222,217,215,215,215,215,215,217,217,217,217,217,217,220,222,225,225,225,222,222,220,217,217,217,217,217,217,217,215,212,212,212,212,209,207,207,202,202,199,199,202,204,207,207,207,207,207,209,209,209,209,209,209,212,212,212,212,212,212,215,212,212,209,209,207,207,207,204,207,209,212,209,207,204,204,204,207,209,212,212,212,212,212,212,212,212,212,209,209,209,207,204,204,204,198,199,207,207,202,198,195,199,207,204,191,140,189,199,204,204,196,135,125,126,135,191,199,207,215,217,217,215,217,217,217,217,217,215,215,212,209,209,207,204,207,212,217,220,222,222,222,222,222,222,220,220,217,212,209,202,194,141,139,143,191,196,199,196,189,141,141,194,202,207,209,209,209,204,204,204,207,209,215,222,222,222,225,225,228,230,233,235,235,235,233,228,217,216,222,228,228,230,230,233,235,238,241,243,243,243,243,147,144,139,139,139,139,144,144,139,124,108,105,98,90,49,25,15,9,7,7,7,7,7,7,7,3,0,0,1,7,19,35,41,47,53,59,63,59,55,55,59,55,35,1,1,35,49,49,45,44,47,49,53,55,77,90,0,0,0,77,39,15,1,0,0,0,0,0,0,0,0,0,0,1,0,1,9,19,23,31,33,25,25,51,77,103,137,160,181,186,189,196,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,100,72,43,43,53,69,61,46,44,53,69,79,90,98,98,105,105,105,105,103,101,108,131,0,0,126,113,103,95,87,79,77,74,69,69,74,74,77,85,85,0,0,0,0,0,0,0,61,40,27,12,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,43,38,22,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,25,39,74,82,45,0,0,19,59,105,116,124,129,121,113,121,144,0,196,144,53,33,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,142,230,255,228,228,228,222,220,209,217,217,212,199,189,199,217,222,217,230,238,230,238,241,241,233,222,181,99,67,81,125,183,113,49,39,52,107,183,191,181,147,71,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,29,59,45,7,0,1,39,63,43,39,71,144,178,152,5,0,0,0,73,165,189,173,89,65,76,144,176,176,168,168,165,157,83,81,83,57,25,11,0,0,7,33,16,7,17,101,178,189,183,170,152,139,139,157,165,155,157,147,147,137,95,93,93,95,83,51,43,65,87,126,150,165,168,165,170,165,129,73,67,79,142,163,170,178,165,101,101,87,75,59,69,101,150,150,157,173,168,157,142,105,107,144,150,147,103,103,147,160,157,142,95,95,97,89,73,77,89,89,75,73,126,152,157,139,124,121,131,144,137,134,95,95,89,81,77,73,71,63,59,69,73,81,93,91,83,69,69,81,95,107,144,105,103,134,139,139,137,126,126,124,131,155,183,186,165,150,155,191,212,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,248,209,160,0,0,79,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,13,25,43,74,85,103,124,144,152,142,134,131,139,134,129,83,73,71,69,79,81,89,95,129,97,97,142,142,126,95,139,139,121,73,139,233,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,238,212,207,199,168,118,41,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,170,189,191,181,178,178,176,173,168,165,164,168,176,183,191,215,73,0,0,0,101,168,173,178,181,186,194,194,186,163,103,101,105,115,168,173,168,163,123,125,168,173,170,123,121,121,122,125,176,194,207,209,209,202,196,194,194,189,186,181,178,176,181,186,191,191,189,191,199,207,199,133,124,124,131,178,178,183,189,191,194,199,204,196,191,133,105,85,69,47,32,23,22,31,7,49,57,32,28,101,105,97,71,67,69,66,103,191,199,199,196,196,196,196,196,196,194,191,189,191,196,199,196,199,199,191,181,133,135,183,196,212,222,215,204,194,185,185,194,202,204,202,199,202,204,207,207,207,194,133,113,101,101,113,123,129,129,133,183,196,202,191,186,183,183,186,189,194,199,202,202,198,199,202,202,204,212,209,207,207,203,203,204,209,207,204,202,202,199,196,196,194,191,191,189,194,199,209,220,199,63,85,137,191,191,196,196,196,202,207,207,207,212,222,222,217,212,215,217,217,215,207,204,204,204,202,199,149,199,209,222,225,217,217,220,222,217,215,220,228,228,209,151,149,151,202,202,204,207,209,212,228,235,238,235,228,225,222,217,199,139,138,139,143,199,207,207,212,222,225,225,225,225,228,228,228,228,230,230,233,233,230,215,127,117,124,199,209,222,233,230,225,225,228,230,230,230,228,225,222,222,222,222,222,222,222,212,141,138,140,199,217,230,233,228,225,215,207,199,196,200,220,235,235,225,209,212,212,209,212,220,225,222,222,222,217,215,217,225,225,215,204,196,145,143,139,136,132,139,202,209,212,212,209,204,204,207,209,215,222,222,217,212,204,202,209,222,230,238,243,248,248,246,241,233,225,217,215,215,220,217,215,212,209,209,209,209,209,208,209,215,228,233,230,225,212,209,215,217,222,222,222,222,217,215,215,215,215,212,212,217,225,225,217,209,204,202,202,199,196,191,143,191,204,212,212,207,199,204,207,204,217,235,233,204,123,125,194,207,212,215,204,194,194,202,209,215,215,215,215,217,222,222,222,230,233,233,228,222,215,212,212,209,204,204,209,215,215,209,204,204,207,212,222,228,222,204,195,195,199,204,209,217,225,225,225,225,225,228,230,230,233,235,238,233,220,209,202,149,146,146,149,199,199,196,199,204,209,212,222,225,225,222,225,228,225,228,228,230,233,235,230,222,212,202,199,204,215,217,217,222,222,209,207,208,209,209,208,212,220,217,215,213,217,222,217,215,217,225,228,230,230,228,228,228,228,230,233,233,228,228,228,230,233,233,228,228,230,228,225,228,228,228,225,222,217,217,222,222,220,222,222,222,225,230,230,230,228,228,230,235,233,225,212,207,155,204,215,230,235,238,238,238,230,204,199,204,217,228,225,222,212,212,212,215,215,215,215,215,217,222,225,225,222,222,228,230,233,233,233,233,233,233,230,228,233,238,235,228,217,217,225,228,228,228,230,235,233,228,222,222,222,225,228,233,235,235,235,235,235,235,230,228,228,230,230,225,213,211,212,215,222,225,228,228,230,230,230,230,233,230,228,225,225,225,228,230,230,230,233,233,233,235,233,230,225,222,222,222,222,212,205,205,215,225,225,222,217,217,222,222,225,225,225,222,220,222,228,230,233,233,233,230,226,226,228,233,235,235,233,233,233,233,233,233,233,233,235,235,233,233,230,228,225,222,222,225,228,228,228,228,230,230,230,230,230,233,233,230,230,230,230,230,233,230,228,225,228,228,228,230,228,207,194,195,212,230,233,233,233,233,233,235,235,233,233,233,230,230,228,228,230,230,228,228,228,225,215,207,207,209,215,217,222,225,228,228,228,228,228,228,226,228,228,228,228,228,228,228,228,228,228,230,233,230,225,222,222,222,222,222,225,222,215,209,209,209,212,212,212,212,212,212,212,212,207,203,202,204,209,215,217,217,217,222,222,222,217,217,217,217,220,222,225,225,225,222,217,215,213,213,215,215,217,220,217,217,217,217,217,220,222,222,222,220,220,220,220,217,217,217,217,217,217,217,215,212,209,207,207,204,202,199,196,196,199,202,207,207,207,204,204,204,207,209,212,212,212,212,212,209,209,209,209,209,212,212,209,209,207,209,209,209,212,212,215,215,212,209,209,209,209,209,209,209,209,209,209,207,209,209,209,209,209,207,209,209,207,207,209,209,209,209,207,204,202,202,204,207,204,199,191,194,196,194,194,194,141,130,129,135,191,202,207,212,215,215,215,215,215,215,215,215,215,215,212,209,207,204,204,207,209,215,217,217,222,222,222,222,222,220,217,215,212,207,199,143,131,127,135,141,191,196,196,191,141,143,194,202,204,209,212,212,209,207,207,209,215,217,222,225,225,225,225,228,230,233,233,235,235,233,228,217,216,217,225,228,228,230,233,235,238,241,243,243,243,243,144,144,142,139,142,147,155,155,147,137,124,124,124,124,98,55,41,31,15,9,7,7,7,9,7,7,1,0,1,11,21,39,43,51,59,87,87,63,55,53,55,55,21,0,0,17,49,49,45,44,47,49,53,53,53,79,0,0,0,87,47,21,1,0,0,0,0,0,0,0,0,0,1,7,3,9,15,23,33,33,37,33,33,59,85,111,142,157,165,170,173,189,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,116,92,66,59,64,72,69,53,46,56,72,79,92,105,116,129,129,129,116,105,105,116,137,144,134,126,105,98,90,79,77,69,66,59,53,59,66,69,74,92,0,0,0,0,0,0,0,56,35,17,7,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,74,51,38,33,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,17,0,0,0,0,0,0,0,0,0,0,0,1,27,39,45,33,0,0,0,51,116,126,131,137,137,134,129,129,152,0,170,144,92,53,39,21,0,0,0,0,0,0,0,0,0,0,0,0,103,144,118,33,0,43,199,238,246,238,222,212,194,183,189,199,212,215,212,217,230,225,233,241,251,241,222,119,57,37,47,91,173,163,75,55,91,165,181,176,163,139,65,9,0,0,0,0,0,0,0,0,0,0,5,5,0,0,0,0,0,0,0,45,90,51,15,0,0,17,37,34,39,67,134,144,77,27,0,0,39,95,183,196,181,144,83,86,147,168,173,160,150,97,69,59,68,83,63,45,39,21,9,21,33,25,35,79,160,196,196,178,163,144,139,144,155,157,146,147,157,165,163,147,137,93,89,75,39,31,47,83,139,160,168,168,160,152,129,67,43,37,37,35,5,0,39,19,3,49,75,69,53,52,85,150,163,168,173,168,150,101,91,93,103,142,142,103,103,144,152,150,99,85,83,89,79,65,65,77,75,63,61,81,137,142,131,85,85,93,124,91,81,85,89,87,79,73,73,71,71,69,75,81,87,85,85,77,69,69,75,87,93,99,103,97,97,139,147,163,160,144,139,142,170,183,168,137,129,155,194,220,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,233,189,0,0,108,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,5,11,25,37,72,103,131,152,152,134,126,124,126,124,116,73,55,53,75,124,95,91,93,93,93,93,144,152,144,150,163,150,142,147,176,225,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,246,238,215,183,129,41,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,7 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,183,186,181,178,176,173,173,170,170,170,181,186,183,191,222,85,0,0,0,71,168,176,181,183,189,196,191,168,93,77,78,91,107,119,163,163,163,163,165,170,176,176,165,125,125,127,168,176,191,204,212,212,204,199,196,196,194,186,181,176,173,178,181,183,178,133,176,186,196,189,129,124,128,186,189,183,181,186,191,199,204,209,207,202,191,181,186,204,202,183,186,194,202,97,222,235,178,168,168,113,105,97,107,105,82,165,186,189,189,186,189,191,191,191,191,191,191,189,191,196,199,196,196,196,189,133,125,127,133,189,215,222,215,204,194,185,186,202,209,212,209,204,204,207,209,207,204,183,125,117,115,125,129,129,131,133,178,186,196,199,189,183,183,182,183,186,194,199,202,199,199,199,199,196,202,209,212,212,212,204,200,200,203,204,204,204,202,202,199,199,196,194,189,187,191,194,202,209,209,107,183,215,230,230,230,222,209,207,212,212,212,215,217,217,212,212,215,222,220,212,207,202,202,202,199,149,147,151,209,222,228,230,230,233,228,217,209,212,222,225,215,199,151,204,212,217,222,228,230,230,233,238,243,241,228,204,149,149,141,136,137,141,147,204,209,207,212,222,225,224,221,224,228,230,228,228,230,230,230,233,228,212,145,133,149,209,212,220,228,217,215,222,230,233,230,228,222,217,217,222,222,225,225,228,228,222,202,199,204,212,228,238,238,228,215,207,202,198,198,207,230,241,238,222,151,149,149,149,207,215,222,225,222,217,212,212,222,230,228,215,199,147,147,147,143,139,141,199,217,225,217,209,207,209,212,212,215,222,228,228,225,222,217,215,217,225,233,238,243,246,248,248,246,243,238,230,222,212,211,211,211,212,215,215,217,215,212,208,208,212,225,233,235,235,230,228,225,222,217,217,225,225,225,217,212,211,212,215,217,222,225,230,228,222,217,217,217,217,212,207,207,207,202,202,207,207,185,196,225,235,241,243,238,222,141,139,207,217,217,209,196,192,202,209,215,217,217,217,217,222,225,222,222,228,233,235,230,225,215,212,215,215,212,209,212,212,207,199,196,196,202,209,225,235,233,209,194,192,199,207,217,225,228,230,230,230,230,233,235,238,238,235,235,233,225,209,202,199,196,149,149,204,207,207,207,209,215,217,222,222,215,215,217,225,222,217,215,222,228,230,222,209,202,199,198,202,215,212,209,217,217,209,208,212,217,212,209,212,217,217,213,213,217,225,222,215,215,215,217,222,225,225,225,228,230,235,235,230,228,228,230,235,233,222,212,215,225,228,225,230,228,228,228,225,225,225,228,225,225,225,225,222,228,235,238,235,235,233,235,238,233,215,153,149,149,151,209,228,235,238,235,235,233,207,199,207,228,230,228,217,212,209,212,215,215,215,217,217,222,225,230,230,225,222,228,233,238,238,235,235,235,233,230,230,235,238,235,228,222,225,230,233,230,230,230,233,230,225,222,220,220,222,228,230,235,235,233,230,235,235,235,233,230,230,228,225,215,215,215,217,222,225,228,230,233,233,230,230,230,228,225,217,217,222,225,228,228,228,228,228,230,233,230,225,217,215,217,222,225,212,203,203,207,217,225,222,217,215,217,225,225,225,222,220,218,220,225,230,233,235,235,233,230,228,230,235,241,241,238,233,233,233,230,228,230,230,230,230,228,228,228,225,222,222,222,225,228,228,228,228,228,230,230,230,230,233,233,230,228,228,228,228,230,230,228,230,230,230,230,233,233,212,198,202,220,230,230,230,230,230,233,233,233,233,230,230,230,228,228,228,230,230,228,225,225,222,215,209,209,215,217,217,222,222,222,222,222,225,225,228,226,226,228,228,228,228,228,228,228,228,230,233,233,230,228,225,222,222,222,225,225,222,217,212,212,212,212,215,212,212,212,215,217,215,212,207,204,209,215,217,217,217,217,222,222,222,222,217,217,217,217,222,225,225,225,222,217,215,213,213,215,217,222,222,220,217,217,217,217,217,220,217,217,217,217,222,222,220,217,217,215,215,217,215,212,209,207,204,204,202,199,196,196,196,196,202,207,207,204,204,203,204,207,209,209,212,212,212,212,212,212,209,209,209,209,209,209,207,204,209,212,215,215,215,215,215,212,212,212,215,215,212,212,212,209,209,207,204,207,207,207,207,207,207,207,209,207,207,209,212,212,212,209,207,209,209,207,204,202,199,194,194,191,190,191,194,194,141,131,135,194,207,212,215,215,215,215,217,217,217,215,215,215,215,212,209,204,204,207,209,209,212,215,217,220,222,222,222,222,222,217,215,212,207,199,139,125,122,127,137,189,196,194,191,143,191,199,204,207,209,212,215,215,212,209,212,215,217,222,225,225,225,225,228,228,233,235,235,235,233,228,217,216,217,225,228,228,230,230,233,238,243,243,243,241,241,144,147,147,147,152,160,168,168,165,147,139,147,168,168,147,105,61,45,31,11,1,1,1,1,1,1,0,1,7,13,31,39,43,51,59,87,90,67,59,55,53,53,11,0,0,11,53,49,45,45,47,47,49,53,53,77,103,116,113,95,49,21,9,0,0,0,0,0,0,0,0,0,13,15,15,23,33,35,33,33,37,39,37,59,85,113,142,150,163,165,170,181,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,116,92,82,79,82,72,61,56,64,64,74,98,116,131,137,137,137,129,116,105,116,129,137,126,113,103,95,87,77,69,61,59,51,46,47,59,69,85,100,124,0,0,0,0,0,0,0,35,12,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,111,74,53,46,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,43,17,0,0,0,0,0,0,0,0,0,0,0,17,25,9,0,0,0,31,124,137,126,126,137,137,137,129,129,0,0,0,163,137,92,74,33,0,0,0,27,0,0,0,0,0,0,0,23,165,90,0,0,0,0,163,222,246,238,212,189,181,181,199,199,212,212,194,199,217,222,225,233,241,241,212,105,46,25,44,99,191,199,178,165,183,189,144,99,99,91,71,39,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,25,59,49,25,5,1,13,37,51,65,79,81,76,79,129,77,39,43,87,189,196,181,163,152,142,144,150,155,142,91,69,56,56,101,168,89,71,65,45,33,47,55,65,85,142,168,204,196,178,157,150,155,157,157,157,163,165,165,173,173,168,155,95,73,67,39,30,45,83,144,168,176,173,160,152,93,61,43,43,31,15,0,0,0,0,0,0,39,61,53,50,73,150,168,173,173,157,107,91,91,89,99,105,105,103,101,101,144,99,85,75,71,73,73,62,61,69,69,55,51,67,89,126,79,71,77,75,65,61,65,73,77,75,71,73,73,71,77,75,83,87,89,85,83,77,69,63,67,73,79,87,97,96,96,139,163,176,176,168,157,163,170,168,150,124,129,163,207,235,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,246,0,0,0,129,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,3,7,19,31,51,103,137,144,139,126,113,105,113,116,85,67,49,53,85,137,131,91,90,95,93,131,170,173,176,181,173,163,163,170,189,215,251,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,241,209,150,63,19,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,7,0,0,9,17 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,183,183,183,181,176,173,176,178,181,183,186,189,186,189,233,55,0,0,0,43,173,181,186,189,186,186,157,99,87,77,73,76,93,109,115,119,121,163,170,173,170,168,165,173,183,183,176,176,186,199,207,209,207,199,194,191,191,186,178,173,131,131,173,129,127,127,125,123,131,183,186,183,191,196,194,189,183,186,191,199,202,202,199,194,194,191,199,209,204,189,194,215,217,215,228,230,209,181,168,123,123,168,173,173,178,183,176,178,178,181,189,189,173,104,119,131,181,186,189,194,199,196,196,199,194,133,125,123,129,186,207,207,204,199,194,189,194,207,215,217,209,202,199,204,204,207,204,194,181,178,189,191,183,133,131,131,135,181,186,186,183,183,186,183,182,183,189,191,196,199,196,196,196,194,196,202,209,212,212,209,203,202,204,209,209,204,202,199,199,199,199,196,191,189,189,189,191,196,196,191,204,228,238,238,235,228,222,222,222,217,212,212,212,209,208,209,212,215,215,212,212,209,207,204,196,147,146,149,207,222,233,233,235,235,230,217,204,202,209,222,222,212,207,212,222,230,233,235,235,235,233,235,241,238,217,143,142,145,143,141,145,196,204,209,209,212,215,225,225,224,224,225,233,233,233,230,228,228,230,230,225,212,151,199,212,217,217,215,212,211,211,225,233,233,225,215,212,212,215,222,228,230,233,233,230,217,207,209,215,215,222,228,228,222,209,204,199,196,202,228,238,241,235,212,149,147,147,149,204,215,220,222,222,212,207,207,217,233,235,228,209,196,196,202,199,147,199,212,225,228,212,199,202,212,215,215,222,230,238,235,233,230,228,228,225,225,230,238,241,238,243,243,246,246,246,238,228,212,211,211,215,222,222,222,217,217,212,208,208,212,222,230,235,238,238,235,233,228,222,217,222,228,225,228,228,225,217,215,215,222,228,233,238,235,230,225,228,228,225,222,217,207,200,200,207,207,190,202,235,246,246,243,241,233,209,194,202,222,222,202,192,194,207,215,217,222,222,222,220,222,222,220,222,225,230,230,230,230,222,215,215,217,222,225,222,215,204,198,196,198,202,215,228,235,230,209,192,191,199,209,222,230,233,233,233,233,233,235,238,238,238,235,233,230,217,199,196,209,207,199,199,207,215,215,212,212,217,220,212,207,207,217,228,228,222,212,209,217,225,222,209,202,202,200,199,202,207,209,204,204,209,209,212,215,215,212,209,212,215,215,213,213,222,228,225,217,217,212,212,215,222,225,228,230,235,238,235,228,222,225,235,241,233,212,208,212,225,225,225,225,225,228,233,233,233,233,233,233,228,225,225,228,233,238,243,243,241,238,238,238,228,155,148,148,149,155,215,228,235,235,235,230,225,212,207,215,225,225,220,215,209,208,208,209,215,217,222,217,220,222,225,225,222,222,228,233,238,235,233,233,233,233,230,230,233,235,233,228,225,228,230,235,233,230,228,230,233,230,222,220,220,222,228,230,233,233,230,230,233,235,238,235,233,230,225,225,228,225,225,222,222,222,225,228,228,225,225,225,228,225,222,217,216,222,228,230,228,225,225,225,228,228,228,222,211,211,215,225,222,212,204,203,205,215,222,222,215,213,215,225,225,222,220,220,225,225,225,228,233,235,238,235,235,233,233,238,243,246,241,235,230,228,225,228,230,230,228,225,225,228,228,222,217,220,222,225,225,228,228,228,228,228,230,230,233,233,233,233,230,228,225,225,228,225,228,233,235,233,230,233,233,225,212,212,222,228,230,230,230,230,230,233,233,233,230,230,230,228,228,230,233,233,230,225,225,222,217,215,217,217,217,217,222,222,225,225,228,228,230,230,230,228,228,225,225,225,225,225,225,228,230,233,233,233,230,228,225,222,225,225,228,225,217,215,215,212,212,215,215,215,215,217,222,222,217,215,215,215,217,222,217,217,217,222,225,225,225,222,217,217,217,217,222,222,222,222,222,217,215,215,217,222,222,222,217,215,217,217,217,220,217,215,213,215,217,222,222,220,217,215,215,215,215,212,209,204,204,204,202,199,199,196,196,196,196,202,207,207,204,203,203,204,207,209,209,209,212,212,212,212,212,212,212,212,212,212,207,203,203,209,215,217,215,212,212,212,215,217,217,217,215,212,212,215,212,207,204,204,204,204,204,207,209,209,207,207,207,207,209,212,212,212,209,209,209,212,209,204,199,194,192,192,191,191,194,196,194,139,129,135,194,207,215,215,215,215,217,217,217,217,217,215,215,215,212,207,202,204,209,212,212,209,215,217,220,222,222,222,222,222,220,217,212,209,202,145,125,119,122,135,189,194,194,191,191,191,202,207,209,212,215,217,217,217,215,215,215,217,222,225,225,228,228,228,228,233,235,238,238,235,230,225,222,222,225,228,228,228,230,233,238,243,246,246,243,243,147,160,160,168,173,176,181,181,181,0,0,168,183,183,160,121,90,55,35,7,0,0,0,0,0,0,0,1,13,23,35,35,41,47,57,87,90,90,63,59,63,63,41,0,0,35,67,59,49,47,45,44,47,55,55,77,98,121,121,103,69,25,15,1,0,0,0,0,0,0,0,0,0,0,0,64,47,39,33,28,33,37,39,59,82,111,137,157,165,165,170,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,139,116,100,90,90,82,72,64,56,64,72,92,116,0,139,139,137,118,108,105,116,116,116,113,103,95,87,79,72,69,61,53,51,46,46,59,85,95,108,131,0,0,0,0,0,0,0,48,27,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,95,0,0,0,0,0,0,0,14,9,0,0,0,0,0,0,0,0,0,0,0,0,56,30,0,0,0,0,0,0,0,0,0,0,0,9,9,0,0,0,31,85,137,137,99,100,121,129,129,124,129,152,0,183,170,137,100,53,19,0,0,0,0,0,0,0,0,0,25,47,105,199,39,0,0,108,157,170,209,225,209,189,163,155,170,189,202,212,199,191,191,202,222,225,230,230,222,199,127,99,79,117,215,222,215,222,222,191,155,66,58,64,75,91,71,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,92,65,39,15,2,25,53,100,111,81,79,129,163,181,160,61,29,45,155,181,176,176,163,101,85,97,97,83,81,81,67,81,194,212,87,57,71,77,71,83,87,85,85,101,168,196,204,191,178,176,181,181,170,163,173,173,170,173,173,163,134,69,34,34,45,69,65,75,126,157,168,170,160,152,129,73,53,59,43,25,5,0,33,13,5,1,31,55,55,52,67,99,160,157,157,142,103,101,101,85,85,99,101,97,85,83,83,83,75,63,61,63,63,63,62,65,63,55,51,61,81,71,59,63,67,55,48,47,53,63,63,61,65,79,87,85,79,83,89,95,93,85,79,71,63,57,54,58,73,87,97,101,103,147,163,170,168,165,163,165,163,152,124,122,150,186,215,235,246,0,0,0,0,0,0,0,0,0,0,0,0,255,255,248,0,0,0,0,137,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,25,33,72,118,137,124,116,116,100,69,69,79,79,67,47,53,91,142,139,131,129,131,131,137,176,186,191,191,189,173,181,186,178,204,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,251,225,165,105,49,33,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,46 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,176,176,178,181,176,176,181,183,178,181,183,186,173,189,0,0,0,0,43,170,176,183,194,178,109,92,95,103,101,79,77,83,95,105,113,117,123,170,170,168,125,125,176,189,189,178,170,176,189,199,204,204,199,191,183,181,178,178,178,173,127,126,125,127,131,125,119,121,178,196,202,202,199,196,191,191,191,191,194,191,191,189,189,191,191,196,204,202,187,185,199,209,215,228,228,207,186,173,168,170,178,181,183,186,189,183,181,181,183,196,196,123,98,100,111,123,131,183,194,199,199,199,199,191,129,123,125,127,181,191,194,196,196,194,194,196,204,215,215,207,196,194,199,202,204,204,202,194,191,194,196,189,178,133,131,131,133,135,178,183,189,189,186,183,186,186,189,191,194,191,189,191,194,196,199,204,209,215,212,204,202,204,209,212,209,204,202,202,202,202,196,194,191,189,187,187,189,189,194,207,228,235,235,233,228,222,222,222,215,209,209,209,208,208,209,212,212,215,215,217,215,212,207,199,147,145,147,202,222,230,233,233,233,230,220,204,200,204,222,228,220,215,217,228,233,235,235,235,235,231,233,238,238,225,149,145,196,202,204,207,209,212,217,225,228,230,230,228,225,225,230,233,233,233,228,225,225,225,228,228,222,212,212,217,222,222,215,211,209,215,222,222,217,212,207,207,209,215,228,235,235,238,238,233,217,212,212,209,199,202,204,204,207,207,204,200,200,212,233,241,238,230,209,149,147,149,204,215,222,225,222,217,212,204,204,217,233,233,230,215,202,196,199,202,204,209,222,222,204,142,142,194,209,215,217,228,235,241,235,230,228,230,233,228,225,228,235,238,235,235,238,238,241,243,241,228,215,212,212,217,225,225,217,217,217,215,209,209,212,217,222,228,230,230,233,233,228,225,222,222,228,233,238,238,235,228,217,215,220,228,233,238,235,230,225,220,217,217,225,225,222,217,215,207,194,196,222,238,241,238,238,241,243,233,207,199,207,212,204,199,202,215,222,225,225,225,222,222,220,218,217,217,222,225,228,230,233,228,222,220,222,228,233,230,222,209,202,199,199,207,217,228,230,225,204,191,192,204,217,228,230,233,233,233,230,228,228,230,233,233,233,228,222,207,147,147,207,209,204,204,209,215,215,209,209,212,209,202,199,204,225,235,230,217,209,209,215,222,217,212,209,209,202,200,204,209,207,204,202,204,209,212,215,212,209,204,204,209,215,215,215,222,228,225,225,222,212,211,215,228,233,233,233,235,238,233,222,218,222,241,246,233,215,211,212,215,217,217,222,225,228,233,235,235,235,235,235,233,230,230,233,238,241,243,241,241,238,238,230,215,153,148,148,153,212,230,235,238,238,235,233,228,217,215,217,217,217,215,215,209,208,208,212,217,225,222,217,216,217,222,222,222,225,230,233,233,228,228,228,230,230,228,228,230,230,230,225,225,225,230,235,233,228,225,228,233,233,228,225,222,225,228,230,233,233,230,230,230,233,233,233,233,230,228,225,228,228,225,222,222,222,225,228,225,224,224,224,225,225,220,216,217,228,233,233,228,217,217,225,228,228,225,217,212,212,217,222,225,215,209,207,212,222,225,222,217,215,222,225,225,222,220,225,228,225,222,225,233,238,238,238,235,235,235,238,243,243,243,238,228,221,221,225,233,235,230,225,225,225,222,217,215,217,225,225,225,228,230,230,228,228,230,233,235,233,233,235,233,230,225,225,225,224,225,233,235,230,228,230,230,228,225,222,225,228,230,230,230,233,233,233,230,230,230,230,230,230,228,228,230,233,233,230,228,222,217,217,222,225,225,225,225,228,228,230,230,233,233,233,230,230,228,225,225,225,225,225,225,228,230,233,233,233,230,228,225,225,225,228,228,225,217,215,215,212,212,217,220,217,217,222,222,222,217,217,217,217,222,222,217,217,222,222,222,222,222,222,220,217,215,217,222,222,222,222,222,217,215,215,222,225,225,222,217,215,217,217,217,217,217,215,213,213,217,220,220,217,215,215,212,212,212,212,207,204,204,202,196,196,199,199,196,196,199,202,207,204,204,203,203,204,207,209,209,212,212,215,215,215,215,215,215,212,212,209,204,202,203,209,217,217,215,212,212,215,217,217,222,222,217,215,215,217,215,209,204,204,204,204,204,207,209,209,204,204,207,207,209,209,209,209,209,209,209,209,207,204,196,192,191,192,196,199,202,199,189,131,121,131,194,207,215,217,217,215,217,217,217,217,217,215,215,215,212,202,196,199,209,215,215,212,215,217,220,220,222,222,222,222,217,215,215,212,207,194,129,119,121,133,191,196,194,194,194,196,202,207,212,215,217,222,222,222,217,217,217,217,222,222,225,228,228,228,230,233,235,238,238,235,233,230,228,228,228,228,228,230,233,238,243,246,248,248,246,246,0,0,176,183,186,186,181,178,0,0,0,0,176,173,147,116,87,45,19,1,0,0,0,0,0,0,0,1,13,31,35,35,41,49,59,63,87,63,63,63,90,105,95,9,0,9,95,105,98,63,53,47,49,82,90,90,103,116,116,95,49,21,15,9,0,0,0,0,0,0,0,0,0,0,0,79,77,64,35,32,37,39,39,61,77,103,131,152,170,178,0,0,0,0,0,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,139,131,116,108,103,90,77,64,64,72,92,116,0,0,137,137,118,116,116,116,116,113,113,105,95,87,77,69,64,61,59,59,51,51,66,92,103,108,124,0,0,0,0,0,0,0,56,35,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,0,0,0,0,0,53,126,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,17,0,0,0,0,0,0,0,0,0,0,0,0,38,22,0,0,0,0,0,0,0,0,0,0,1,9,9,0,0,31,74,92,137,137,104,99,105,129,129,124,129,152,173,178,160,116,85,41,21,0,0,0,0,0,0,0,0,0,0,33,72,163,87,0,29,103,129,137,181,209,199,181,150,131,147,163,189,212,212,194,191,199,222,225,222,215,202,199,191,183,189,222,243,230,215,233,233,191,107,64,58,64,89,142,91,37,0,0,0,0,0,0,0,0,0,0,0,9,19,5,0,0,0,31,90,121,124,92,45,13,37,108,131,113,111,131,163,189,181,147,65,22,24,97,170,163,155,105,81,77,83,91,83,89,103,157,183,212,183,32,32,59,77,79,91,93,87,91,152,186,215,230,217,215,204,199,194,186,181,181,173,163,157,155,142,87,67,42,39,51,63,55,55,63,63,71,91,126,91,79,43,15,17,53,59,73,53,35,35,51,49,47,55,59,54,67,91,139,105,105,95,103,155,142,83,73,75,83,81,79,75,71,71,69,63,60,60,62,65,65,65,59,57,51,55,63,55,43,53,63,51,44,43,49,57,59,57,65,87,99,97,91,89,95,101,95,93,85,73,63,57,57,67,87,97,105,142,150,163,163,163,157,147,142,142,131,125,122,134,173,209,235,241,246,0,0,0,0,0,0,0,0,0,0,0,0,0,255,254,0,0,0,150,129,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,39,74,118,131,121,116,116,98,62,62,73,73,55,41,41,71,126,142,147,150,150,139,142,173,186,194,202,199,194,196,194,183,215,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,251,212,163,131,92,57,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,77,163,186,181,170,176,178,170,152,77,51,3,0,0,0,0,0,71,157,160,165,173,91,74,89,105,160,163,107,89,79,76,89,105,115,121,163,165,163,123,125,173,181,178,165,125,170,183,194,196,196,194,186,178,176,176,183,189,178,127,127,129,173,178,127,119,121,178,199,204,204,199,196,194,194,194,189,186,185,186,189,189,189,189,191,199,199,189,185,191,199,209,222,217,204,191,183,178,178,181,183,186,191,191,189,186,183,189,209,215,183,98,98,107,117,125,178,191,191,194,196,191,129,111,117,129,131,137,186,191,196,196,196,196,196,199,209,209,199,189,189,196,202,202,202,202,202,194,194,196,191,181,135,133,133,135,181,183,186,191,191,189,189,189,191,191,191,191,189,187,189,194,196,196,202,209,215,212,204,202,203,209,212,209,207,204,204,204,202,196,191,191,189,187,187,189,189,194,207,225,233,235,230,222,215,209,204,202,204,207,209,212,215,222,222,215,215,217,217,217,215,209,204,151,147,149,204,222,230,233,233,233,233,225,212,204,207,222,230,225,220,222,230,235,235,235,235,235,233,233,238,241,235,225,209,204,207,209,212,212,215,228,238,241,238,233,228,225,228,233,233,230,228,222,218,217,218,225,228,225,222,217,217,222,225,222,215,212,215,209,204,204,207,205,204,207,215,233,241,243,241,241,235,228,222,212,143,123,129,145,199,207,212,212,209,209,222,235,238,228,215,204,202,202,209,225,230,230,225,220,212,209,204,207,215,228,230,225,212,204,199,202,207,215,222,222,209,145,140,144,199,207,209,215,225,233,233,225,217,222,228,233,230,225,228,235,238,235,233,230,230,238,243,241,230,217,212,212,217,225,225,217,217,217,215,212,215,217,222,217,215,217,225,228,228,228,225,225,228,230,233,235,235,233,228,217,212,215,222,228,228,228,222,212,207,207,212,225,230,233,235,230,196,103,196,235,241,238,238,238,241,243,241,215,191,191,204,212,212,212,225,230,230,230,228,225,222,222,222,218,217,218,220,222,228,228,225,222,217,215,222,230,233,225,215,207,202,204,209,217,225,225,217,202,192,194,204,217,225,228,228,230,228,228,225,225,228,230,233,233,228,217,204,146,145,199,207,207,207,209,212,209,204,202,200,199,198,200,215,235,238,230,217,212,209,212,217,217,215,212,207,199,199,209,215,209,204,202,202,204,207,209,207,204,202,202,209,215,217,217,217,222,225,225,225,212,211,222,233,241,241,235,233,235,230,220,217,225,241,246,233,222,217,215,215,215,217,222,222,225,228,230,233,235,238,238,235,235,235,238,241,243,241,238,235,238,235,222,212,209,204,151,207,225,238,243,241,241,241,235,228,222,222,222,220,215,212,215,212,209,209,215,222,228,228,225,222,222,228,228,228,228,233,233,228,226,226,228,228,228,225,225,225,228,225,225,222,225,228,233,233,225,222,225,230,230,228,228,228,228,230,230,230,230,228,228,225,225,228,230,230,230,230,228,228,225,225,222,225,228,230,230,228,225,225,225,228,225,217,216,217,230,235,233,222,213,215,225,230,225,222,217,215,217,222,222,225,222,215,215,217,225,225,222,222,225,228,225,222,222,225,228,228,225,217,222,230,235,241,238,235,235,235,235,238,238,241,238,228,221,221,228,238,241,233,228,225,225,215,211,211,217,222,225,225,228,230,230,230,228,230,233,235,233,233,235,235,230,228,228,228,225,228,235,235,233,228,228,228,228,225,228,228,230,228,228,230,233,233,230,228,228,230,233,235,230,228,226,228,233,235,233,228,222,217,217,222,225,228,228,230,230,230,233,233,233,233,233,233,230,228,225,225,225,225,225,225,228,230,233,233,230,230,228,225,225,225,228,228,222,217,212,209,208,209,217,225,222,222,222,222,222,217,217,217,217,222,222,222,222,222,222,222,222,222,222,217,217,215,217,220,222,222,222,222,217,215,217,222,225,225,222,217,215,215,215,215,215,215,215,213,213,215,217,217,217,215,212,212,212,209,209,209,207,202,196,194,196,199,199,196,194,199,204,204,204,204,204,204,207,207,209,209,212,212,215,215,215,215,215,212,212,209,207,203,202,204,212,217,217,215,215,215,217,217,217,217,217,215,212,215,215,215,209,204,202,204,204,204,207,209,209,202,202,204,207,209,209,209,209,212,212,209,209,207,204,199,196,194,196,196,191,189,137,123,111,113,129,194,207,215,217,217,217,217,217,217,217,217,215,215,215,209,196,191,192,202,212,215,215,217,222,222,220,217,217,217,217,215,212,212,212,209,199,135,121,120,131,191,196,196,196,196,202,204,209,212,217,222,225,225,225,222,222,217,222,222,225,228,228,230,230,230,233,235,238,238,235,235,233,233,233,230,230,230,230,235,238,243,248,251,251,248,248,0,0,194,199,194,186,173,165,0,0,0,0,168,147,124,103,55,21,1,0,0,1,0,0,0,0,0,1,19,35,39,41,47,55,63,63,55,51,49,53,63,103,95,0,0,0,59,124,124,105,63,53,53,90,98,0,105,111,105,87,47,21,15,11,1,0,0,0,0,0,0,0,19,0,0,0,87,72,41,37,45,61,61,69,85,103,131,152,178,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,137,137,129,116,98,82,79,79,90,105,0,0,0,0,0,0,116,116,116,113,113,113,103,87,77,69,64,69,74,74,66,61,74,92,100,92,103,0,0,0,0,0,0,0,79,53,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,40,0,0,0,0,25,95,183,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,22,17,9,0,0,0,0,0,0,0,0,0,22,22,14,0,0,0,0,0,0,0,0,0,0,0,9,19,17,0,19,69,92,92,126,137,121,104,113,124,124,121,129,147,160,160,152,131,92,51,45,51,47,0,0,0,0,0,0,0,0,0,0,41,53,23,7,0,0,57,163,209,209,191,155,83,75,99,168,199,212,194,189,194,215,225,215,202,199,212,222,230,238,243,238,199,191,222,241,202,157,99,95,107,165,170,150,75,41,5,0,0,0,0,0,0,0,0,0,5,21,21,5,0,3,35,51,90,108,105,65,25,51,134,131,77,81,147,181,189,163,134,95,36,26,79,155,147,142,89,81,81,105,160,155,157,165,183,199,194,81,18,22,51,71,73,79,87,91,142,178,215,230,230,238,238,230,199,181,173,173,170,165,147,137,137,137,95,81,57,55,63,55,49,50,46,37,46,71,77,73,65,29,9,7,37,67,85,160,26,55,87,87,69,63,61,59,69,89,97,96,97,103,155,176,160,83,69,69,75,79,79,75,71,71,73,71,63,63,67,67,65,65,59,51,45,45,49,39,35,53,67,61,48,46,49,57,63,61,71,85,99,99,97,97,101,101,101,99,93,83,71,69,77,93,107,150,155,163,168,170,165,160,142,134,126,122,120,121,129,168,207,238,246,246,248,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,118,61,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,45,79,111,129,137,139,129,108,67,62,73,73,49,37,34,40,83,142,160,160,157,147,144,170,178,191,207,220,217,209,204,207,241,255,255,255,255,255,255,255,255,255,255,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,235,196,163,147,131,108,57,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,51,53,57,61,61,0,0,0,0,0,0,47,97,81,109,155,155,150,93,78,74,107,115,163,168,163,117,93,70,74,89,109,117,119,123,123,123,165,170,168,124,121,123,173,189,194,191,186,181,176,176,178,181,189,191,181,173,181,186,181,173,123,120,125,178,194,202,202,202,196,191,189,186,186,185,186,189,191,191,191,187,187,196,202,199,196,196,196,202,209,207,199,196,194,189,183,183,186,189,191,194,191,183,181,186,209,220,196,103,99,115,121,125,178,181,178,181,186,181,116,99,117,181,133,133,186,199,202,199,196,196,194,194,196,196,189,183,189,196,202,196,189,196,199,196,196,199,194,183,178,135,181,186,189,189,191,191,191,191,191,194,194,194,194,194,191,187,189,196,199,196,202,212,217,215,207,202,203,207,209,209,207,207,207,204,202,196,191,191,191,191,191,194,196,199,207,222,228,230,228,217,209,204,199,196,200,207,212,215,225,230,228,222,215,217,217,222,222,217,215,209,204,204,212,222,230,233,235,235,233,230,225,217,217,225,230,228,222,225,230,235,238,238,238,238,238,238,241,243,243,238,225,207,203,207,209,209,217,235,243,241,230,225,222,222,228,233,233,228,222,218,217,217,218,220,222,225,225,222,222,222,222,222,217,217,212,199,196,204,207,205,205,209,225,235,246,246,241,235,235,233,222,204,127,115,119,143,212,222,217,215,215,217,225,233,230,215,199,200,209,217,230,238,233,225,215,209,207,204,204,207,212,225,228,220,209,204,202,204,212,225,228,212,147,146,202,217,212,204,204,212,222,228,225,215,215,220,228,230,230,225,228,233,235,235,228,225,228,238,243,241,230,217,212,212,215,222,217,215,215,215,212,212,217,225,222,215,212,213,217,222,222,222,222,225,228,230,230,225,222,222,225,222,215,211,212,215,217,215,209,204,204,207,220,228,230,233,241,241,139,84,137,238,241,238,243,246,243,241,235,199,182,185,207,225,228,228,230,235,235,233,230,228,225,225,228,225,222,218,218,218,222,222,222,215,207,203,207,217,225,217,212,209,204,207,212,217,222,222,215,204,195,195,196,207,215,215,217,222,225,225,225,228,233,235,238,235,230,222,212,150,147,150,204,204,204,209,209,207,202,202,198,198,199,209,233,243,235,217,212,209,209,212,215,217,215,212,202,196,198,212,217,207,199,198,198,198,199,202,204,202,202,204,215,222,222,216,217,222,225,225,225,213,215,228,235,243,243,241,235,233,228,222,222,230,238,238,228,225,228,225,225,225,222,220,217,222,225,230,233,235,238,238,235,235,235,238,241,241,238,235,235,235,230,217,215,220,217,212,217,230,238,241,241,241,241,235,228,222,225,230,228,217,212,211,212,209,212,217,228,233,235,233,233,235,235,235,230,230,230,230,228,228,230,230,230,228,225,224,224,225,222,222,222,222,228,230,230,225,222,222,225,225,225,225,230,230,230,230,230,228,225,225,222,222,222,225,228,230,230,230,228,225,225,225,225,230,233,233,230,228,230,230,230,228,217,216,222,228,230,225,213,212,217,228,230,228,222,215,212,217,225,222,222,217,215,215,217,222,225,225,225,228,230,225,222,225,228,228,225,217,216,217,228,235,241,241,235,233,233,233,233,233,235,235,233,230,230,235,241,241,235,230,230,225,212,209,209,215,220,217,220,225,228,230,230,228,228,230,233,233,233,235,235,233,230,233,233,230,233,238,238,235,230,230,228,228,225,228,228,228,228,228,228,230,233,228,222,222,228,233,235,233,230,228,228,230,230,230,225,217,215,217,222,225,230,230,230,230,230,233,233,233,233,233,230,230,228,228,225,225,224,225,225,228,230,230,230,230,228,228,225,225,225,225,225,217,212,209,208,208,209,217,225,225,225,225,222,217,217,217,215,215,217,217,222,222,217,217,217,217,222,222,217,215,215,215,217,222,220,217,217,217,215,217,222,222,222,220,217,215,212,212,212,215,217,217,217,215,215,215,215,215,215,215,212,209,207,207,209,204,196,192,194,199,202,199,194,194,196,202,204,204,204,207,207,209,209,209,209,212,212,212,212,212,212,212,212,209,207,204,203,203,207,212,215,215,215,215,217,217,217,217,215,212,212,212,212,212,209,207,202,202,204,204,204,207,209,207,202,199,199,202,204,207,209,209,212,212,209,207,207,202,199,196,199,196,183,125,113,109,105,105,113,133,199,209,212,215,217,217,217,217,217,217,215,215,215,212,207,196,191,192,202,209,215,217,222,222,222,217,217,217,217,215,212,212,212,212,212,204,143,125,120,124,139,194,199,202,204,204,207,209,212,217,225,228,228,228,228,225,222,225,225,228,228,230,230,230,230,230,235,235,238,238,238,235,235,235,235,233,230,230,235,238,243,248,251,254,254,0,0,0,0,207,202,186,168,155,0,0,0,0,147,124,105,87,41,7,0,0,0,7,1,0,0,0,0,11,31,39,41,41,53,59,82,55,47,41,43,49,55,55,35,0,0,0,53,142,137,105,63,53,55,90,105,111,113,111,105,87,47,33,21,15,11,1,0,0,0,0,0,0,7,39,0,0,92,85,69,45,47,47,66,69,87,111,134,152,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,147,131,108,98,90,90,92,98,0,0,0,0,0,0,0,116,116,113,113,111,103,90,77,69,69,72,85,85,77,74,74,77,74,74,85,0,0,0,0,0,0,0,0,69,46,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,46,137,248,255,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,20,14,0,0,0,0,0,0,0,0,0,0,22,22,14,0,0,0,0,0,0,0,0,0,0,7,17,19,19,9,31,77,85,92,131,152,134,116,105,121,121,121,129,139,144,134,152,170,137,77,77,152,255,0,0,0,0,0,0,0,0,0,0,0,77,35,0,0,0,27,124,170,189,189,155,73,67,83,155,181,199,194,191,199,212,215,212,199,199,215,233,243,246,238,222,183,173,202,230,212,178,163,173,189,199,209,189,173,157,134,41,0,0,0,0,5,5,5,0,0,0,0,0,0,0,0,0,0,35,55,51,1,31,75,71,65,79,152,186,189,163,155,170,77,45,73,87,81,139,105,101,144,181,199,194,191,191,183,183,173,71,24,32,71,77,73,79,87,101,155,189,215,217,215,230,238,215,181,137,85,91,152,157,155,147,157,157,137,75,63,73,81,65,51,63,55,39,57,71,65,65,73,57,14,9,15,31,37,53,25,61,89,131,87,75,69,67,79,89,99,105,147,157,189,209,191,99,71,69,75,85,95,87,79,79,93,91,75,69,67,67,65,59,49,41,37,37,36,35,37,63,93,83,61,57,65,73,77,71,71,77,93,97,134,103,139,139,139,105,105,91,83,81,95,147,168,176,173,173,173,170,163,144,134,129,122,121,120,129,165,202,225,243,251,251,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,131,108,53,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,64,85,103,124,144,152,142,126,98,67,73,69,49,37,34,40,85,160,173,157,147,139,144,168,178,191,212,238,238,228,217,225,255,255,255,255,255,255,255,255,255,255,255,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,228,189,165,165,165,155,118,49,9,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,39,186,191,191,191,176,168,163,152,99,91,152,165,160,160,163,168,173,165,87,67,71,97,111,113,119,123,163,165,165,125,122,121,124,178,194,194,189,178,173,170,173,178,183,189,191,183,178,181,183,173,125,121,121,127,178,191,196,196,199,196,186,183,185,186,189,191,194,189,187,189,189,189,196,204,204,199,196,194,194,199,196,194,196,199,194,191,189,189,191,191,186,181,178,173,178,199,209,191,107,99,117,125,131,176,131,126,129,178,181,129,115,178,135,112,127,189,202,204,199,194,194,191,190,191,189,183,182,186,194,194,186,133,183,191,196,199,202,196,186,181,181,186,191,194,191,191,191,190,190,191,194,196,194,196,199,199,194,194,199,202,199,204,212,215,215,209,204,204,207,204,204,204,204,202,204,207,204,199,196,199,199,202,204,207,207,212,215,215,217,217,212,209,204,200,199,202,209,212,217,225,230,230,225,217,217,222,222,222,222,222,217,217,217,222,222,228,233,235,235,233,233,233,230,228,230,230,228,225,228,230,235,241,243,243,243,243,241,238,241,241,238,222,204,202,203,204,207,215,233,235,217,205,209,217,225,228,233,233,230,225,222,222,222,222,222,217,217,222,222,225,225,217,212,215,217,207,149,149,202,207,209,215,225,233,241,243,238,233,230,222,204,194,141,123,119,127,204,225,228,217,212,212,215,217,222,215,204,196,200,215,225,233,233,222,209,207,204,204,204,204,204,209,217,228,228,222,212,204,199,209,228,222,199,145,196,222,225,209,199,202,209,217,222,217,213,215,225,228,228,228,222,217,225,228,228,222,222,230,243,248,241,228,217,212,212,215,215,215,211,211,212,212,212,215,217,217,213,213,215,222,217,213,213,215,222,228,228,228,222,220,222,228,228,222,212,211,212,212,209,204,203,204,212,225,230,228,230,241,241,139,80,139,235,241,238,243,246,241,235,225,186,179,189,225,238,235,233,233,235,235,235,233,230,228,228,230,230,228,222,222,222,222,217,215,212,204,202,203,207,204,202,204,207,207,209,212,215,217,222,222,212,207,199,195,199,212,215,215,217,225,225,225,228,235,238,238,235,230,228,228,212,151,150,202,202,202,207,207,202,204,207,207,204,207,222,238,243,228,204,202,207,209,212,215,215,215,215,209,199,199,209,212,202,196,196,196,196,198,202,204,204,207,215,230,230,225,216,217,225,228,225,220,215,217,230,233,238,241,238,233,230,228,225,228,235,238,233,228,228,233,233,233,230,222,209,209,215,222,230,235,235,233,230,230,230,230,233,235,238,238,235,235,230,225,222,220,225,225,228,230,233,233,233,235,238,238,233,225,220,222,228,230,222,211,209,212,215,217,225,233,238,238,235,238,241,241,235,230,225,225,228,228,230,233,233,233,230,228,225,224,225,222,222,222,222,228,230,228,222,220,222,222,222,222,225,228,228,228,230,230,228,228,228,225,222,222,222,225,228,230,230,225,225,225,225,225,228,230,230,233,233,233,235,233,230,222,217,222,222,215,213,212,215,225,233,233,230,225,212,205,212,225,225,222,217,212,212,215,222,228,228,228,230,230,225,225,228,233,230,225,222,217,222,228,233,238,238,235,233,230,229,229,230,230,233,238,238,238,241,241,238,238,235,233,228,215,209,209,215,217,217,217,222,225,228,228,228,228,230,230,230,230,235,238,235,235,235,238,235,235,238,238,235,233,230,228,228,225,225,225,228,230,230,228,230,228,225,220,220,225,233,235,235,233,228,225,225,225,225,222,215,215,215,217,225,228,230,230,230,230,230,233,233,233,233,230,230,228,228,228,225,225,225,225,228,228,228,228,228,228,228,225,225,222,217,217,215,212,209,208,208,209,217,225,225,225,222,222,217,217,215,215,215,215,215,217,217,217,216,216,217,217,217,217,215,215,215,217,217,217,217,217,217,217,217,222,222,222,217,215,212,212,209,212,215,217,222,217,215,212,212,215,217,215,215,212,209,204,204,204,199,192,191,196,204,204,199,194,191,196,199,202,202,207,209,209,209,209,209,212,212,209,207,207,207,209,212,209,209,207,204,204,207,212,215,212,212,215,215,215,217,215,215,212,211,211,212,212,209,207,204,202,202,204,207,207,207,209,207,202,196,194,196,202,207,209,209,212,212,209,207,204,196,191,189,196,191,133,115,103,101,101,107,125,191,204,209,212,215,217,217,217,217,215,215,215,215,215,212,209,199,194,196,204,209,212,217,220,222,220,217,217,215,215,215,212,212,209,209,209,207,196,135,122,122,131,145,202,207,207,207,209,212,215,222,225,228,230,230,230,228,228,228,228,228,230,233,233,233,230,230,233,235,235,0,238,238,238,238,238,235,233,230,233,235,241,246,251,254,255,0,0,0,0,207,199,186,165,155,0,0,0,155,147,124,98,55,35,0,0,0,0,7,1,0,0,0,1,13,21,35,31,31,37,47,49,47,35,41,51,63,63,47,17,0,0,0,111,152,137,105,90,61,61,90,105,113,116,113,105,87,53,39,33,21,13,3,0,0,0,0,0,0,0,13,39,72,85,87,79,51,47,45,47,69,92,111,144,152,152,163,173,173,170,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,118,105,98,98,98,98,0,0,0,0,0,0,0,116,116,108,103,103,103,90,77,69,69,72,85,92,85,69,59,59,51,51,66,0,0,0,0,0,0,0,0,87,61,35,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,4,0,0,38,118,255,255,87,0,0,0,0,0,0,0,0,255,246,199,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,194,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,4,4,7,7,0,0,0,0,0,0,0,0,0,0,0,20,30,30,22,12,0,0,0,0,0,0,0,0,19,19,9,9,7,19,39,77,103,152,170,139,105,103,105,105,105,121,129,134,134,160,176,144,85,77,129,212,0,0,0,0,0,0,0,0,0,0,0,194,157,0,0,0,33,39,27,45,81,67,47,61,99,157,170,189,199,212,212,212,212,202,202,212,222,233,233,233,230,222,178,128,191,215,202,181,168,173,191,212,220,222,235,228,165,47,0,0,0,0,35,118,100,39,0,0,0,0,0,0,0,0,0,3,23,11,0,0,9,31,45,79,155,181,189,189,181,157,65,57,73,70,67,99,155,168,183,199,212,202,199,199,183,168,157,83,51,83,157,99,85,91,111,152,170,194,204,207,204,207,215,199,155,67,27,21,87,155,163,170,178,170,93,51,49,75,83,57,39,63,75,65,83,83,65,53,79,79,27,11,13,25,29,27,37,69,89,155,144,81,71,75,87,99,144,152,160,173,204,233,204,142,77,75,87,99,103,101,95,97,142,139,91,75,73,67,65,59,47,36,35,34,36,43,53,95,155,144,87,83,91,95,95,87,71,67,79,91,103,142,139,142,147,147,105,97,91,89,142,168,178,183,183,176,170,163,144,139,134,129,126,126,131,163,202,225,238,243,246,241,235,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,131,105,38,0,0,0,0,0,0,1,0,0,0,0,0,1,14,0,0,0,0,0,0,0,0,0,0,31,74,103,103,118,139,144,129,108,67,55,67,67,55,43,45,71,150,186,181,147,134,134,144,168,183,199,222,243,255,243,235,254,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,254,254,246,228,189,189,202,204,196,157,108,41,0,0,0,0,0,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,87,178,150,196,196,196,194,189,183,176,168,163,168,178,176,170,165,165,165,173,176,170,68,67,77,103,111,119,165,168,168,165,165,125,165,173,183,191,189,181,173,170,170,173,176,178,183,186,183,178,170,127,121,119,121,123,127,178,189,194,194,191,189,185,182,186,194,196,199,194,185,183,189,194,196,199,202,199,191,191,189,191,194,191,189,191,196,196,191,189,189,189,183,173,127,129,173,178,191,202,194,127,107,119,129,178,181,129,124,126,178,186,189,202,209,98,69,117,183,196,199,196,194,191,191,191,191,189,183,182,183,189,186,133,123,129,183,194,199,199,194,189,186,186,189,194,196,194,194,191,190,189,190,194,196,194,196,202,204,202,202,204,204,199,204,209,209,212,212,209,207,207,204,199,199,199,196,202,209,212,209,207,207,207,207,209,209,212,212,212,211,212,212,212,209,209,204,204,209,212,215,215,217,225,225,225,222,222,222,222,222,222,222,222,225,228,225,222,225,230,233,230,228,228,230,233,235,233,230,228,225,228,230,235,241,243,243,243,241,235,233,233,233,228,209,202,202,203,204,207,212,217,207,199,200,207,222,230,230,233,235,233,225,225,230,230,228,222,217,215,217,225,230,228,215,208,209,215,204,147,143,145,196,207,222,235,238,241,235,225,222,217,135,50,51,107,125,133,194,215,222,220,209,204,204,204,204,207,204,202,202,209,217,222,222,217,209,205,207,207,204,207,204,204,207,215,228,238,238,228,199,141,145,209,204,147,147,202,212,207,196,149,202,209,212,215,215,213,220,228,228,225,217,215,213,215,215,215,215,222,235,246,246,233,217,215,212,215,215,222,217,215,217,222,225,222,217,217,215,215,222,230,228,217,212,211,215,225,230,230,230,228,222,225,233,235,230,217,211,211,212,209,204,203,207,220,228,233,230,233,238,230,117,74,137,230,241,238,235,228,209,209,209,189,186,209,241,243,235,230,230,233,233,233,233,233,230,230,230,230,230,228,225,228,228,222,212,209,209,209,209,204,198,195,199,204,207,209,212,217,222,222,222,217,217,209,199,204,228,228,222,225,228,225,222,222,228,233,233,230,228,228,230,225,207,199,202,200,200,204,202,200,204,222,230,225,217,225,233,230,209,199,199,207,212,212,209,209,209,215,217,207,204,209,212,207,202,202,202,199,202,209,212,212,215,225,235,235,228,217,217,225,228,225,215,213,222,228,230,230,233,228,222,225,228,228,228,230,233,233,233,233,235,241,241,230,208,203,203,208,217,233,238,238,230,225,225,225,228,230,235,238,238,235,233,228,222,222,220,220,225,230,235,233,229,229,230,235,235,228,222,218,218,225,228,217,211,211,217,222,222,228,233,235,235,235,238,238,238,233,225,222,220,225,228,230,233,233,233,230,228,228,228,228,225,225,222,225,228,230,225,220,220,222,225,225,225,228,228,225,228,235,235,233,233,233,230,228,222,222,222,225,228,228,228,225,225,225,228,228,228,230,230,233,233,233,233,228,222,217,217,215,212,211,215,225,233,235,235,235,228,212,204,207,222,228,225,217,212,211,212,222,228,233,230,230,228,228,230,233,235,235,233,233,230,228,228,230,233,233,233,233,230,229,230,229,229,230,235,238,241,241,238,238,238,235,233,228,217,211,212,217,222,222,216,217,225,228,228,230,230,233,233,230,233,235,238,238,235,238,238,238,235,235,235,233,230,228,228,228,228,225,225,228,230,233,230,230,228,222,220,220,225,230,233,235,233,230,225,217,217,217,217,215,213,215,217,225,228,228,228,230,230,230,233,233,233,233,228,228,228,228,228,228,225,225,225,228,228,228,228,228,228,228,228,222,215,215,215,215,212,212,209,208,209,217,225,222,222,222,222,217,215,212,212,212,212,212,215,217,217,217,217,217,217,217,217,215,212,215,217,217,217,215,215,215,217,217,220,220,217,217,215,212,212,209,209,212,217,217,217,212,207,207,212,215,215,215,212,207,202,199,199,194,191,191,202,204,199,194,191,191,196,199,202,202,207,209,212,212,212,212,212,212,209,207,205,205,207,207,209,212,209,207,207,212,215,215,212,212,212,215,215,217,217,215,215,212,212,215,212,209,204,202,199,202,204,207,207,207,207,207,202,194,189,191,196,204,207,209,209,209,209,204,196,186,131,129,137,137,125,111,103,101,101,109,186,204,209,209,212,215,217,217,217,215,215,215,215,212,212,212,207,194,145,194,204,209,212,215,217,217,217,217,217,215,215,215,215,212,209,209,209,209,204,145,125,123,127,141,202,209,209,212,212,215,217,225,228,230,230,233,233,230,230,230,230,230,233,233,235,233,230,230,233,235,235,0,0,238,238,241,238,235,233,230,230,233,235,241,246,251,254,254,0,0,199,199,194,181,168,160,0,0,0,147,144,124,98,53,21,1,0,0,0,1,1,0,0,1,1,7,13,15,13,9,9,17,35,35,35,47,95,116,105,53,41,41,47,98,147,160,144,113,98,98,98,98,98,105,111,111,105,90,77,47,33,21,9,1,0,0,0,0,0,0,0,1,19,41,72,85,85,74,45,33,37,61,77,103,134,144,118,121,134,134,118,121,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,131,116,105,105,98,98,105,0,0,0,0,0,0,108,105,103,95,95,95,87,77,69,64,69,74,77,74,66,51,47,43,44,59,92,0,0,0,0,0,0,0,95,69,53,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,20,0,0,17,53,183,255,20,0,0,0,0,0,0,0,0,255,246,199,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,243,199,194,186,170,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,0,0,25,4,0,0,0,0,0,0,0,4,0,0,0,0,0,0,0,25,46,53,48,33,17,17,27,35,30,22,7,7,35,27,9,1,0,1,27,69,113,170,181,134,103,92,92,92,95,103,116,121,126,137,144,134,103,92,87,43,0,0,0,0,0,0,0,0,0,0,0,241,199,0,0,150,126,25,0,0,0,0,0,39,155,176,181,189,212,222,217,212,215,215,215,215,225,225,217,212,212,199,128,127,191,222,215,199,181,183,199,212,220,230,246,243,173,43,0,0,0,0,0,67,100,37,0,0,0,0,0,0,0,0,0,15,15,0,0,0,0,0,39,126,173,189,196,207,202,63,42,65,147,97,81,144,173,189,199,207,194,186,191,199,189,157,101,77,69,101,160,105,103,152,170,181,189,196,204,207,199,196,189,173,91,37,3,0,47,134,170,191,194,165,67,33,41,63,69,32,25,31,63,77,89,89,57,31,53,67,27,13,15,43,47,35,61,81,144,181,155,81,69,79,99,150,160,170,173,181,204,230,199,152,89,99,105,103,103,101,101,103,142,142,97,79,73,71,71,65,53,39,37,37,43,59,79,147,181,170,137,97,99,101,101,95,79,70,79,97,137,144,150,147,147,147,105,97,97,97,142,168,181,183,183,173,150,139,131,131,134,137,139,155,163,191,212,228,235,225,235,225,220,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,160,139,98,9,0,0,0,0,0,79,1,0,0,0,0,0,33,38,7,0,0,0,0,0,0,0,0,9,56,85,105,111,118,129,121,100,57,43,43,51,67,67,65,71,144,191,202,181,142,129,134,144,173,196,215,233,246,255,254,243,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,254,248,251,241,212,212,233,235,225,176,134,82,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,77,157,181,194,191,191,191,189,186,186,186,186,178,176,176,176,178,176,173,173,168,170,176,178,117,71,75,99,111,160,173,173,170,170,176,176,178,181,183,183,178,173,168,168,170,173,176,176,178,173,176,178,127,119,117,115,121,129,173,181,189,191,189,189,189,185,186,194,199,202,202,202,189,186,191,196,199,199,199,191,185,186,189,189,191,191,189,191,191,191,189,186,186,183,173,123,118,124,176,183,189,196,196,183,123,117,127,186,189,176,127,129,181,186,191,204,215,94,66,113,181,191,196,199,196,194,194,194,194,189,183,182,183,189,183,131,115,119,133,183,186,183,183,186,183,183,189,196,199,196,194,194,191,191,191,194,196,196,196,202,207,209,212,209,207,202,199,199,202,207,209,207,207,207,204,202,196,195,195,199,204,209,212,212,212,209,207,207,207,209,212,215,215,217,217,215,212,209,207,207,212,217,215,211,211,215,222,225,222,222,222,222,222,222,222,222,225,228,228,225,225,230,230,228,222,222,228,233,238,238,235,230,225,225,225,228,233,238,238,235,233,228,225,225,222,212,204,203,204,207,209,215,217,212,204,199,204,217,230,233,233,233,233,230,225,225,230,230,228,222,215,212,215,222,230,230,215,207,208,212,204,147,140,139,142,202,228,238,235,233,230,222,207,135,55,41,48,111,145,199,207,215,215,212,207,204,202,202,202,203,204,209,215,217,222,222,217,212,209,209,212,209,209,207,204,203,207,215,228,238,243,233,202,137,129,129,131,139,145,196,199,149,146,147,202,207,212,215,215,215,222,228,228,222,213,212,213,215,215,213,213,217,233,241,235,215,207,209,215,215,222,225,225,225,228,233,233,230,228,225,222,222,233,238,233,222,213,213,222,233,235,235,233,230,228,230,235,241,235,225,212,212,217,217,215,212,215,225,233,238,238,241,235,217,101,76,99,196,230,230,207,189,189,196,209,202,202,222,243,246,235,225,225,228,230,230,233,233,230,228,225,228,230,230,230,230,230,225,212,207,209,220,222,209,200,198,200,202,207,212,217,222,222,217,215,215,222,217,207,217,238,235,230,230,233,228,220,218,220,222,222,225,225,225,230,228,215,209,204,200,200,202,200,198,204,228,238,233,225,222,225,215,200,196,202,215,217,209,207,207,209,215,225,217,212,217,222,217,215,212,209,207,212,225,225,217,215,225,230,233,230,222,222,225,228,228,217,215,222,228,228,230,225,212,209,222,233,228,209,207,222,235,235,233,238,246,243,228,207,203,204,209,222,235,241,241,230,225,224,225,230,235,241,243,241,235,230,225,222,218,218,218,225,233,235,233,230,230,230,233,230,225,220,218,222,228,228,222,212,212,222,225,225,228,233,235,235,235,238,238,235,230,222,215,217,222,225,230,233,233,233,230,233,235,235,233,230,225,225,225,230,230,225,221,222,225,228,228,228,228,228,225,230,235,238,233,233,233,233,230,225,222,222,225,228,230,228,225,225,228,228,230,230,230,228,228,225,225,225,222,217,215,215,213,212,213,225,233,238,238,238,238,233,215,204,209,222,225,225,222,215,212,212,217,228,233,230,226,225,228,233,235,238,238,238,238,238,233,230,228,228,228,228,233,233,233,230,230,230,233,235,235,238,238,238,238,235,230,222,217,215,212,212,217,225,222,217,220,225,228,230,233,238,238,235,233,233,238,238,235,235,235,238,238,235,233,233,230,228,225,224,225,228,230,228,228,230,233,233,230,228,222,222,225,228,230,230,230,230,228,222,215,215,215,215,215,215,217,222,225,228,228,228,230,230,230,230,230,230,228,226,226,228,228,228,228,228,225,225,225,225,225,228,228,228,228,228,222,212,209,209,212,215,215,215,212,212,215,217,217,217,217,217,217,215,212,211,211,211,211,212,215,215,217,217,217,217,217,215,212,212,215,217,217,217,215,215,215,217,220,220,217,217,217,217,217,212,212,209,209,212,212,212,207,203,203,207,212,212,212,209,204,199,196,196,194,191,192,199,196,145,141,143,191,199,202,202,204,207,209,212,212,212,215,215,215,212,209,207,205,205,205,209,215,212,209,212,217,217,215,212,212,212,215,217,217,217,217,215,212,212,215,212,207,199,196,196,202,204,207,207,207,207,204,199,191,187,189,196,204,207,207,207,207,207,199,186,127,109,99,109,115,113,107,101,99,101,103,199,209,212,209,212,215,217,215,215,215,215,215,215,212,212,209,199,138,135,141,202,209,212,212,215,215,215,215,215,215,215,215,215,212,212,209,212,212,209,196,135,127,131,143,202,207,212,212,215,215,222,225,228,230,230,233,233,233,233,230,230,233,233,235,235,233,230,230,230,235,235,0,0,235,238,238,238,238,233,230,230,230,235,238,243,246,248,251,0,0,186,186,186,176,173,168,0,0,0,137,137,124,98,74,35,7,0,0,0,0,0,0,1,1,1,3,7,7,1,0,0,5,17,17,25,47,105,147,137,67,49,53,59,105,147,165,147,124,113,113,108,98,88,90,103,103,98,90,77,47,33,15,7,1,0,0,0,0,0,0,0,0,13,35,49,79,87,74,37,19,19,33,61,85,103,111,103,103,95,85,72,79,105,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,186,0,0,0,0,0,0,0,0,0,0,0,0,0,137,116,108,105,105,105,0,0,0,0,0,0,105,98,98,87,87,87,87,77,69,61,61,59,66,61,59,51,51,46,44,59,85,0,0,0,0,0,0,0,90,79,61,35,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,4,0,0,0,0,35,79,20,0,0,0,0,0,0,0,0,255,217,152,142,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,243,183,186,194,189,142,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,4,4,14,33,33,17,4,0,0,0,0,0,0,0,4,4,0,0,0,0,0,12,35,61,64,0,0,0,0,43,46,38,30,7,17,43,40,9,0,0,0,19,69,124,178,181,126,92,85,79,79,87,92,95,98,103,103,116,134,137,116,74,11,0,0,0,0,0,0,0,0,0,0,0,41,17,0,111,215,202,59,0,0,0,0,0,31,163,189,189,194,202,212,212,212,215,215,215,215,222,215,212,199,194,131,118,122,202,233,233,222,212,212,222,222,222,230,238,238,191,87,15,0,0,0,0,0,5,0,0,0,0,0,0,0,0,0,43,59,45,13,0,0,0,0,43,160,196,207,207,220,186,37,37,147,173,163,160,163,181,199,212,191,168,160,173,194,183,107,83,69,66,77,99,85,93,163,189,196,196,196,212,215,204,189,173,144,67,15,0,0,3,73,176,202,196,157,61,34,44,73,75,35,25,31,57,77,126,139,55,18,20,29,27,21,43,73,79,67,79,131,173,186,155,75,65,79,142,160,170,183,183,186,196,204,186,152,144,157,155,147,103,101,105,142,144,139,97,79,75,77,87,85,69,57,51,45,57,79,131,165,181,165,139,97,97,95,101,99,93,85,93,144,155,157,152,150,139,105,105,103,103,103,142,155,178,183,178,163,103,94,92,129,137,157,163,170,183,196,212,220,217,215,217,212,204,207,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,204,163,139,108,27,0,0,0,0,0,72,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,25,39,74,98,111,118,116,108,92,53,40,40,49,65,67,71,113,155,194,199,176,139,129,139,150,178,209,233,238,243,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,247,254,255,255,243,243,251,248,225,176,134,90,37,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,139,163,176,173,181,189,196,189,183,181,176,173,181,186,183,176,173,170,173,173,173,176,173,173,178,183,212,85,81,107,117,165,173,176,176,178,181,181,181,181,181,178,173,127,125,127,170,178,181,181,176,121,127,183,176,127,118,110,119,176,186,189,186,183,183,189,194,194,194,199,202,202,207,209,207,199,196,196,196,199,196,186,183,186,186,181,186,189,189,189,186,186,186,186,186,178,125,119,115,129,189,189,183,186,189,181,125,111,113,183,194,194,186,183,186,186,182,182,202,127,92,119,181,189,196,204,204,199,194,194,191,186,183,183,186,189,189,135,109,109,121,131,131,129,135,181,133,135,186,199,204,199,191,191,196,194,194,196,196,196,199,199,202,209,212,209,202,199,194,194,196,202,204,202,202,204,207,204,196,195,195,196,199,202,207,209,212,209,207,203,203,207,209,215,222,225,225,217,215,212,209,209,215,217,217,211,211,215,222,222,220,217,222,222,222,222,222,222,222,225,228,225,228,230,230,225,222,222,222,228,235,241,238,233,225,217,215,215,222,225,228,225,222,215,212,212,209,207,204,207,209,215,222,228,228,222,215,209,215,228,235,235,233,230,230,225,221,222,225,225,222,215,212,212,212,215,228,230,222,209,211,215,209,196,141,139,143,209,230,235,233,225,228,228,196,54,43,44,131,230,235,217,212,212,212,212,215,212,207,203,204,207,215,222,225,225,228,228,228,222,222,225,222,215,209,207,204,203,207,215,222,228,228,222,204,141,126,118,118,127,139,147,147,147,147,147,204,209,212,217,222,222,225,228,228,217,212,212,217,222,222,217,215,217,225,228,215,200,199,207,215,217,217,225,225,222,225,228,230,233,233,230,228,225,230,235,230,222,215,217,228,235,235,235,233,230,228,228,235,241,238,230,217,215,222,228,230,230,228,230,235,241,243,241,235,222,123,89,88,107,196,199,182,179,190,212,212,209,209,217,235,241,230,212,217,225,230,233,230,230,230,228,225,228,230,230,230,230,228,222,212,199,202,215,225,217,209,207,202,202,207,215,225,225,217,212,209,211,217,217,209,222,238,238,235,235,235,230,222,220,221,222,222,225,225,222,222,225,222,220,212,202,200,202,200,200,207,225,230,228,222,217,215,207,199,196,209,222,222,212,208,209,217,225,225,225,225,228,228,225,215,209,209,215,225,230,228,217,215,222,225,230,230,228,225,225,228,230,228,222,225,228,230,230,222,208,203,225,241,228,198,194,205,233,235,230,235,246,246,230,215,212,222,225,233,238,241,238,228,221,224,228,235,241,246,246,243,235,225,222,222,222,220,222,228,233,233,235,235,230,228,228,228,225,222,225,230,238,238,225,212,209,215,222,222,228,233,235,235,235,238,238,233,225,215,213,215,220,225,228,230,230,230,233,235,238,238,235,233,228,225,228,230,230,228,225,225,228,230,225,225,228,228,225,230,235,235,230,225,228,230,230,225,222,222,225,230,230,225,222,222,222,228,230,230,228,225,222,217,217,220,217,215,212,215,215,215,225,233,238,241,238,241,241,235,220,207,209,217,217,222,222,217,215,212,215,222,228,228,225,225,228,235,235,235,235,238,241,238,235,233,230,228,226,228,233,238,235,233,233,235,238,235,235,235,238,241,238,233,225,212,209,212,212,212,217,225,225,225,225,228,230,233,235,241,241,238,235,233,235,238,235,234,235,238,238,235,233,230,230,225,224,224,228,230,233,230,230,230,233,233,230,228,225,225,228,230,230,230,228,228,222,217,217,217,217,217,217,217,225,228,228,228,228,228,228,230,228,228,228,228,226,226,226,228,228,230,228,228,225,225,225,225,225,228,228,228,228,225,217,209,208,208,212,215,217,215,212,209,212,215,217,217,217,217,215,212,212,211,211,211,211,212,215,215,217,222,222,220,217,215,215,212,212,215,217,217,217,215,215,217,220,220,217,217,220,222,220,217,212,209,209,207,207,204,203,203,203,204,207,209,207,204,202,199,196,196,194,194,194,196,145,139,138,141,196,202,204,202,202,207,209,212,215,215,215,215,215,215,215,212,207,205,205,212,217,217,215,215,222,222,217,215,215,215,215,217,222,222,217,212,209,209,212,209,199,191,145,194,199,207,209,209,207,207,204,196,189,187,189,196,204,204,204,207,209,204,196,133,109,93,89,90,95,99,99,99,99,103,111,204,212,212,212,215,217,217,215,215,217,215,215,215,215,212,207,196,136,132,139,204,215,215,215,212,212,212,212,215,217,217,217,215,212,212,212,215,215,209,199,141,133,137,191,202,207,209,212,215,217,222,228,230,230,230,230,233,233,233,233,233,233,233,235,235,235,230,230,233,235,235,235,233,233,235,238,238,235,233,233,230,233,235,238,241,243,243,246,160,168,176,176,183,181,176,173,165,155,139,137,124,116,100,82,41,13,1,1,0,0,0,0,1,3,1,1,1,1,1,0,1,9,15,17,21,47,105,155,160,113,55,39,33,53,126,160,147,126,113,113,113,92,79,79,90,98,98,90,79,49,33,15,9,7,1,0,0,0,0,0,0,1,13,33,47,74,85,53,31,16,16,19,37,61,79,95,95,87,74,55,51,55,85,121,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,137,118,116,108,108,105,0,0,0,0,0,0,98,90,87,87,87,79,77,69,61,53,51,51,51,51,51,59,59,51,51,72,0,0,0,0,0,0,0,0,79,61,53,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,25,0,0,0,0,0,0,0,255,255,116,59,82,121,121,103,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,191,150,170,202,202,163,137,0,0,0,255,0,255,222,173,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,4,4,12,17,25,17,9,0,0,0,0,0,0,0,12,14,0,0,0,0,0,35,61,77,64,0,0,0,0,0,35,33,30,22,22,40,35,9,0,0,0,9,59,113,163,168,126,85,77,55,77,77,79,85,85,85,92,126,137,137,103,51,11,0,0,0,0,0,0,0,0,0,3,0,0,0,0,150,215,202,71,31,67,61,0,0,89,165,189,199,199,196,191,191,199,215,222,215,215,215,215,202,202,202,131,118,125,212,233,222,212,215,222,222,222,222,233,241,238,217,176,89,47,39,41,11,0,0,0,0,0,0,0,0,0,0,0,51,98,69,59,0,0,0,0,57,194,230,228,207,194,71,33,54,170,173,173,183,181,181,196,199,176,152,151,163,183,176,109,99,83,63,63,71,77,89,163,189,196,194,196,204,217,199,178,163,103,59,7,0,0,0,45,181,215,202,155,63,45,73,124,144,124,57,57,69,81,137,157,71,13,14,23,43,65,126,126,129,126,87,150,191,173,144,71,65,75,101,160,176,194,194,189,191,191,178,160,163,176,165,150,103,101,144,152,152,142,101,93,89,95,137,139,93,69,61,55,65,87,134,155,168,155,101,93,91,89,95,139,137,99,144,160,170,168,157,150,139,105,105,144,150,142,142,147,168,170,155,107,95,89,91,129,144,168,173,186,191,196,202,207,209,209,207,199,199,207,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,207,168,155,126,46,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,11,13,19,19,25,64,103,118,118,108,100,90,51,43,43,49,53,67,108,152,183,183,157,134,124,131,157,186,209,233,238,238,246,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,246,255,255,255,255,255,255,243,212,165,131,85,29,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,163,168,168,170,173,178,186,189,189,181,173,163,160,165,176,176,170,165,163,165,168,165,163,165,176,183,191,199,173,115,119,163,168,170,173,176,178,178,178,178,176,173,170,165,123,121,125,170,181,186,183,170,121,127,189,196,189,125,112,119,183,191,189,181,176,176,183,191,199,202,202,204,209,215,217,215,207,194,189,194,196,194,183,182,194,189,131,173,183,186,183,181,181,183,189,189,170,121,121,127,189,196,191,183,182,183,181,129,105,107,129,191,207,209,191,186,186,178,176,186,133,113,127,133,181,194,207,209,202,194,189,181,182,186,189,191,191,189,189,113,105,106,115,123,129,135,133,128,129,186,202,204,199,191,190,196,196,194,194,196,196,194,191,189,199,204,196,191,191,191,191,194,196,194,194,194,199,204,207,202,196,195,196,196,199,202,207,212,209,207,204,203,204,207,212,225,228,228,222,215,215,212,212,212,222,222,215,212,217,220,217,215,215,217,222,222,222,217,215,215,222,222,222,225,228,228,225,222,222,220,220,228,235,238,230,222,215,209,207,209,212,217,217,212,199,147,147,196,199,202,209,215,220,225,228,228,225,222,222,222,225,230,233,233,230,228,225,225,222,222,217,212,209,212,212,209,209,217,228,230,225,222,222,222,209,145,141,196,222,230,230,228,222,228,222,71,50,77,141,212,230,233,222,212,209,209,209,215,217,212,207,207,212,222,225,225,225,230,230,230,230,230,230,228,225,215,212,212,207,203,204,209,212,209,204,196,149,137,122,122,131,143,149,199,204,204,204,207,207,209,217,222,225,225,228,228,222,213,213,225,233,233,225,222,217,215,204,196,196,199,207,215,215,215,217,217,217,216,216,222,228,230,230,225,222,222,222,222,215,215,222,228,228,230,233,233,230,225,222,228,233,235,230,225,222,222,228,233,230,225,228,230,233,233,228,217,222,222,191,92,121,199,204,194,191,209,230,217,204,199,207,222,228,194,196,212,225,233,233,230,228,225,222,225,228,233,233,228,224,225,225,209,145,147,204,215,222,212,207,202,200,207,225,230,222,211,208,208,212,222,215,209,215,230,235,235,235,238,238,233,228,230,233,230,228,225,217,215,215,222,222,212,204,202,204,209,215,222,225,225,217,212,212,209,209,207,209,222,225,217,209,209,215,222,225,222,225,225,228,225,215,207,202,204,215,228,228,217,215,217,225,228,228,228,228,225,228,230,230,230,233,228,225,230,233,217,207,204,225,235,217,196,195,207,230,233,230,235,243,241,233,225,230,235,235,235,238,241,235,228,221,224,233,241,243,246,248,243,238,228,225,225,228,228,230,233,233,233,233,233,228,220,220,225,233,235,238,241,243,243,233,209,155,207,215,222,228,230,235,235,238,235,235,230,222,215,213,215,222,225,225,228,228,230,233,235,238,238,238,235,233,230,228,228,228,225,225,225,228,228,224,224,225,228,225,228,233,230,225,222,225,225,228,228,225,225,228,230,228,228,225,215,215,225,230,230,225,225,217,215,217,222,217,215,212,215,217,222,228,235,238,238,238,238,241,235,222,207,207,209,215,217,225,225,217,215,212,217,225,228,228,228,230,233,233,233,233,235,238,238,238,235,233,233,233,233,238,241,238,235,235,238,238,235,233,235,235,235,235,230,222,212,207,207,209,212,220,225,228,228,230,230,230,233,235,238,238,235,233,233,233,235,235,235,235,238,238,233,233,230,230,228,225,225,230,235,233,230,230,230,230,230,228,228,225,225,225,228,228,228,225,222,222,222,225,222,217,216,217,222,228,228,228,228,228,225,228,228,228,228,226,226,228,228,228,228,228,228,228,225,225,225,225,228,228,228,228,225,225,225,217,209,207,207,212,215,215,215,209,204,207,212,215,217,215,215,212,212,212,212,212,212,212,215,215,217,217,220,220,220,217,217,215,212,209,212,217,222,217,217,217,217,217,222,222,222,222,222,222,217,217,212,209,207,203,202,202,204,207,207,204,204,204,202,202,199,199,199,196,196,196,199,189,138,137,141,199,207,204,202,202,204,209,212,215,215,215,217,217,215,215,212,209,207,209,215,217,217,217,222,222,222,217,217,215,215,215,217,222,225,217,209,204,207,209,204,191,140,140,191,202,209,212,209,207,207,204,196,189,189,191,196,204,207,207,207,207,204,191,105,93,91,90,91,95,99,98,98,101,113,131,204,212,212,212,215,215,215,215,217,217,215,215,215,215,209,204,147,139,139,194,207,215,217,215,209,207,207,209,212,217,217,217,215,215,215,215,215,215,212,202,143,137,139,147,204,207,209,209,215,217,225,228,233,233,233,230,228,230,230,233,233,235,235,235,235,235,235,235,235,235,238,235,233,233,233,235,235,235,233,233,233,233,235,238,241,241,241,243,144,160,168,176,183,186,186,176,173,160,142,134,124,113,98,77,41,15,9,3,0,0,0,0,0,1,0,0,0,1,7,9,15,15,15,21,33,47,100,147,165,147,98,29,21,39,116,144,137,116,96,96,116,108,85,86,100,105,98,90,82,55,41,33,21,15,7,1,0,0,0,0,0,1,19,39,47,53,77,53,23,13,14,19,33,41,69,85,95,87,66,53,51,55,74,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,152,137,129,116,108,105,98,92,98,0,0,0,0,98,90,87,87,77,77,66,53,40,40,40,40,48,56,64,59,56,46,48,72,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,215,0,0,12,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,95,59,108,0,0,0,0,0,0,255,255,255,255,230,196,189,163,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,22,17,9,4,0,0,0,0,0,4,20,22,12,0,0,0,9,53,90,0,0,0,0,0,0,0,27,35,38,40,33,25,1,0,0,0,0,0,19,79,131,142,103,77,45,53,53,47,39,39,51,82,113,137,137,116,87,69,41,1,0,0,0,0,0,0,0,0,0,0,0,0,0,61,157,139,5,9,69,137,137,147,165,176,191,194,199,194,191,191,191,204,215,215,204,204,199,199,215,215,194,133,183,202,215,202,191,202,215,222,222,225,233,243,248,233,212,183,165,165,170,155,121,118,57,21,0,0,0,0,0,0,0,0,63,121,121,0,0,0,0,71,194,235,222,173,83,37,51,87,155,168,181,191,191,189,191,191,176,160,156,165,173,165,157,157,99,66,60,67,83,109,163,189,194,189,194,204,215,207,170,155,155,85,11,0,0,0,41,165,209,207,81,31,55,121,150,160,144,89,81,77,83,116,147,121,39,25,31,53,85,150,163,160,150,73,87,173,155,81,69,69,79,101,160,186,202,199,189,181,170,160,160,165,176,165,147,100,101,144,160,163,157,147,105,137,137,152,152,134,75,63,61,61,71,87,101,137,99,83,87,85,89,103,147,139,137,152,170,183,181,163,150,139,103,144,152,152,142,105,107,147,109,103,94,92,91,94,137,165,176,181,191,196,196,196,194,202,199,199,199,204,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,222,0,0,0,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,13,0,0,0,0,1,69,111,118,108,100,90,57,43,23,21,35,63,108,144,173,160,139,113,94,116,168,186,199,209,230,235,238,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,255,254,246,255,255,255,255,255,251,233,204,163,121,77,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,39,129,157,170,170,165,164,165,173,178,181,181,176,165,155,147,147,157,165,163,157,155,155,157,155,155,157,170,181,191,196,189,173,168,168,168,170,170,173,176,176,176,173,170,168,125,123,121,123,127,173,181,186,183,129,119,125,186,194,191,178,127,173,189,189,178,131,130,130,176,183,189,191,196,204,215,225,225,217,204,186,183,191,196,194,186,189,207,199,111,110,131,183,181,181,181,189,196,189,121,119,129,189,199,196,191,183,182,183,186,176,109,111,129,189,204,207,194,189,186,179,178,189,178,121,125,131,135,189,202,207,204,199,194,186,186,186,189,191,189,189,183,119,103,102,107,121,131,135,129,125,129,191,204,207,199,190,189,191,194,194,194,194,191,186,181,178,186,194,190,187,189,194,194,194,194,191,190,190,194,202,204,204,199,196,199,199,196,199,204,207,209,209,209,207,204,204,209,222,225,222,217,215,212,212,212,212,217,222,215,212,215,217,213,213,215,217,222,222,217,215,213,215,217,222,222,225,228,228,225,218,218,218,218,222,233,233,228,222,215,212,209,207,209,209,209,202,144,141,143,147,199,202,207,215,217,217,215,215,215,222,225,225,228,228,230,228,228,230,233,233,228,222,217,212,209,209,207,199,151,209,230,243,243,235,230,228,222,199,145,204,225,230,225,222,225,209,81,69,89,141,207,215,225,222,215,209,207,199,147,204,209,209,207,207,215,222,225,224,225,230,233,230,228,228,228,228,228,222,217,217,212,204,204,212,215,215,212,207,207,202,143,199,209,212,209,209,212,215,215,209,207,209,215,222,222,222,225,228,228,222,222,230,235,235,228,225,217,212,202,200,202,207,209,212,215,217,217,217,217,216,217,225,230,235,233,228,215,207,207,212,215,215,222,225,225,228,233,233,230,222,212,209,217,228,230,230,225,225,225,222,215,212,215,217,212,199,145,196,215,222,215,117,143,228,235,225,217,225,222,125,89,105,194,204,133,91,96,215,222,228,230,228,225,222,220,222,230,238,233,228,225,228,228,212,141,139,147,204,215,209,204,204,207,215,230,230,222,211,209,212,225,228,222,212,215,225,233,238,241,243,243,241,235,235,233,228,222,222,217,212,212,212,212,207,204,204,209,222,228,233,235,230,222,212,209,212,217,217,220,222,222,215,209,208,209,212,212,215,217,222,222,215,204,196,195,202,209,209,204,203,209,217,225,225,217,215,215,222,228,233,233,233,230,225,217,228,230,217,208,205,215,228,215,204,207,230,241,238,230,233,241,241,235,233,238,241,241,238,238,238,233,225,224,228,235,241,243,243,243,243,238,233,230,230,230,233,235,235,233,230,230,228,222,218,220,228,235,241,243,246,248,248,235,209,153,204,212,222,228,230,233,233,235,233,230,225,217,217,217,217,222,222,225,225,228,230,233,233,235,238,238,235,235,233,228,225,222,222,222,225,228,225,224,222,225,225,225,228,230,230,225,222,222,222,225,228,230,230,233,230,230,228,225,212,209,215,225,225,222,217,215,212,215,217,215,212,212,215,217,222,228,233,238,235,233,235,238,233,217,205,204,207,209,215,222,225,222,217,215,215,225,230,233,230,233,233,235,233,233,233,233,235,235,235,235,235,235,238,241,241,238,235,238,238,235,233,230,233,233,233,230,228,225,215,204,152,155,212,225,228,225,228,230,230,230,230,233,235,233,230,228,228,230,233,235,235,235,238,235,233,230,230,230,230,228,228,233,235,233,230,230,230,228,228,225,222,222,222,222,225,225,225,225,222,225,225,225,222,217,217,217,222,228,230,228,228,225,225,225,228,228,228,226,226,228,228,228,228,228,225,225,225,225,225,228,228,228,228,228,225,222,222,217,209,207,207,212,215,215,212,207,203,204,209,215,217,217,215,212,212,212,215,215,215,215,215,217,217,217,217,215,217,217,215,212,209,207,207,212,217,220,217,217,215,217,220,222,222,220,220,222,222,222,217,212,209,204,202,204,209,209,207,204,202,202,202,202,202,202,202,199,199,196,196,194,143,143,194,202,207,204,200,200,204,209,212,215,215,215,215,217,217,215,212,209,212,212,215,217,222,222,222,222,222,217,215,213,213,215,217,222,222,217,209,204,204,202,194,141,139,141,194,202,207,209,207,204,204,202,191,141,186,191,194,202,207,207,207,207,204,189,97,92,93,97,109,115,113,105,101,105,123,191,207,212,212,212,215,215,215,217,217,215,215,212,212,212,207,202,194,145,147,202,212,215,215,215,209,207,204,207,212,217,222,222,217,215,215,215,217,217,215,207,194,139,137,145,199,207,207,209,212,217,222,228,230,233,230,228,228,228,230,233,235,235,235,235,235,235,235,235,238,238,238,235,233,233,233,235,235,235,235,233,233,233,235,238,241,241,241,241,139,140,160,173,183,186,186,181,176,160,144,126,116,108,92,69,35,15,7,3,0,0,0,0,0,0,0,0,1,7,19,31,39,35,35,35,43,51,92,124,152,165,124,43,26,39,108,139,116,101,92,92,111,124,116,116,116,113,100,90,87,79,53,45,39,21,13,7,0,0,0,0,0,0,17,37,39,43,51,47,31,16,17,31,37,45,66,85,100,95,77,66,59,66,77,100,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,137,129,116,105,98,90,79,72,66,0,0,0,0,0,87,87,87,77,69,53,40,48,48,38,40,48,56,56,48,27,30,48,64,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,152,0,0,0,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,0,0,0,0,0,0,0,243,0,255,255,255,255,243,235,199,152,126,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,25,17,17,12,9,7,0,0,9,30,43,35,20,0,0,0,12,53,0,0,0,0,0,0,20,9,9,38,48,48,40,9,0,0,0,0,0,0,0,37,92,100,77,45,39,45,39,27,0,0,0,53,103,126,124,100,87,85,77,33,0,0,0,0,0,0,0,0,0,0,0,0,0,5,31,13,1,1,21,75,183,215,191,186,191,194,194,191,186,191,194,199,202,202,202,199,199,199,204,222,217,199,191,186,186,191,194,202,212,212,212,222,230,235,235,230,230,230,233,225,215,222,233,222,163,47,5,0,0,0,27,49,95,103,150,173,176,0,0,0,0,65,160,194,189,152,73,55,85,160,170,176,189,199,196,194,199,199,189,173,168,170,163,111,115,165,157,89,77,91,119,168,176,189,189,186,186,194,209,204,181,173,189,170,39,0,0,0,3,95,181,163,29,19,55,124,155,160,152,139,124,116,83,77,33,14,18,39,47,53,83,155,163,152,139,59,43,79,79,36,45,69,85,147,163,181,196,186,163,144,109,152,163,165,157,157,109,101,105,152,168,170,168,160,155,147,147,155,157,101,75,57,53,49,51,59,65,77,69,65,83,91,97,150,155,137,133,144,168,181,168,163,155,144,103,142,152,150,99,93,97,103,97,95,92,92,95,137,160,168,173,173,189,196,191,189,189,196,199,199,204,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,230,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,21,82,92,55,39,37,29,15,0,0,21,55,105,124,139,134,111,94,86,103,165,183,183,194,207,220,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,255,243,239,255,255,255,254,246,255,255,255,255,255,243,215,196,157,118,74,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,178,173,160,168,170,165,160,161,168,176,176,173,170,163,152,144,143,146,155,155,152,147,109,144,147,147,152,165,178,189,196,196,186,173,165,165,168,168,168,173,176,178,176,170,165,123,120,121,125,127,168,170,176,173,117,115,123,178,183,183,181,178,183,189,183,131,129,128,130,176,178,178,177,186,202,215,225,222,212,196,181,181,186,191,196,194,196,212,204,107,107,125,176,178,181,186,199,207,196,120,119,183,199,199,196,194,189,186,186,189,181,114,115,133,186,194,199,196,191,186,183,186,194,189,131,127,131,135,183,194,199,202,204,204,204,199,191,189,189,189,186,181,115,101,100,107,125,133,131,126,126,181,199,207,202,194,190,191,194,194,196,196,191,186,182,178,178,183,191,190,187,189,194,194,191,190,190,190,191,194,199,204,204,199,199,199,199,196,195,199,204,207,209,212,209,207,204,207,217,222,215,212,209,209,209,209,209,215,215,209,209,212,215,215,215,217,222,225,225,222,217,215,215,217,222,222,225,228,228,222,218,218,220,220,228,235,233,225,222,217,215,212,209,207,204,202,199,144,142,144,199,207,209,212,217,217,215,213,212,213,217,225,228,230,230,228,226,228,235,241,238,228,217,217,217,212,209,202,147,146,151,228,246,248,241,233,233,228,215,207,222,233,233,228,222,217,99,61,79,199,215,222,222,217,215,209,209,204,143,135,141,199,207,209,209,215,222,225,225,228,233,233,230,225,222,220,222,225,217,217,225,217,212,212,225,228,230,230,225,222,222,215,215,222,222,215,212,215,222,225,222,215,215,217,222,222,225,228,230,233,230,230,233,235,235,230,228,225,217,215,217,222,217,212,209,212,217,222,222,225,225,230,235,233,233,233,222,205,203,204,212,215,217,222,225,225,228,230,235,235,225,208,205,208,225,233,230,230,230,225,212,208,209,212,217,209,145,141,145,209,217,215,196,207,241,248,243,241,233,209,32,24,49,145,202,109,84,94,230,225,222,225,228,222,220,220,222,228,233,230,230,233,235,228,199,129,133,145,202,212,209,207,207,209,217,228,228,217,212,212,225,233,235,228,222,217,225,230,238,243,246,243,238,233,228,220,212,212,215,217,217,215,209,207,207,207,209,217,228,238,243,243,241,230,215,215,222,228,225,222,222,222,217,212,209,209,209,209,212,215,217,215,207,196,194,195,202,204,202,199,200,209,217,225,217,212,209,211,222,233,238,235,230,222,207,153,209,217,215,209,208,215,225,222,217,228,241,243,238,230,235,246,248,241,235,233,235,235,238,241,238,235,233,230,233,238,241,241,241,241,238,235,233,230,230,233,233,235,235,233,230,225,222,220,220,225,235,241,243,246,248,251,248,235,207,153,204,212,222,228,228,228,228,228,228,225,217,215,217,222,217,220,222,222,225,228,230,233,235,235,235,238,238,238,235,230,225,217,217,217,225,228,228,225,225,228,228,228,228,233,230,225,222,220,220,222,228,233,233,235,233,230,228,225,209,204,209,217,220,217,212,209,209,212,212,212,212,212,215,215,215,222,230,235,233,231,231,233,230,215,205,205,209,212,212,222,222,222,222,217,215,225,235,235,233,233,235,235,235,233,229,229,230,233,235,235,235,233,235,238,238,235,235,235,238,235,233,233,230,228,225,225,225,222,215,153,149,151,215,230,230,222,225,228,228,228,228,230,230,228,225,222,225,230,233,235,235,235,235,235,233,233,233,233,233,228,228,230,233,233,230,228,230,230,228,222,220,220,222,225,222,222,222,225,225,225,225,222,222,222,222,217,217,222,228,228,228,225,224,225,225,228,228,226,226,228,228,228,228,225,225,225,225,225,225,228,228,230,228,228,225,222,222,217,209,207,207,212,217,215,209,204,203,204,209,215,217,217,215,212,212,212,215,217,215,215,217,217,217,215,212,209,212,212,212,209,204,203,203,209,215,217,217,217,215,217,220,222,222,217,217,217,222,222,222,215,212,207,207,209,212,212,207,204,202,202,202,202,199,199,199,199,199,196,194,196,199,199,202,204,204,202,200,200,204,207,212,212,212,212,215,215,217,215,212,212,212,215,217,222,222,222,222,222,222,217,215,213,213,215,217,222,222,215,207,204,202,194,141,138,140,194,202,204,207,204,202,202,204,199,139,137,141,189,194,199,204,207,209,209,209,194,103,99,113,127,137,183,139,125,115,119,139,202,209,212,212,212,215,215,215,215,215,212,212,212,209,209,204,202,196,147,194,202,212,215,215,212,209,207,204,207,212,217,222,222,217,217,215,217,217,217,217,212,202,143,137,141,196,204,207,209,212,217,222,225,228,230,228,228,226,228,228,233,233,235,235,235,235,235,235,238,238,238,238,238,235,233,233,235,235,235,235,235,235,235,235,235,238,238,241,238,133,134,147,168,181,0,0,0,176,165,144,126,116,100,87,69,53,21,13,11,7,0,0,0,0,1,3,3,7,17,31,41,64,47,47,53,77,79,82,92,116,144,144,92,45,57,116,150,139,116,105,103,103,111,124,137,126,116,100,90,61,79,59,55,39,29,19,7,0,0,0,0,0,0,13,29,33,37,43,47,37,23,23,37,39,45,66,85,100,100,95,92,92,92,98,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,137,116,105,100,98,79,72,56,56,0,0,0,0,0,0,87,87,87,74,61,53,51,48,40,38,38,38,38,27,3,3,14,38,64,85,98,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,108,0,0,7,103,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,248,0,0,0,0,0,0,183,255,255,255,255,194,85,230,255,215,137,64,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,33,33,33,27,20,12,14,22,40,56,64,59,38,20,7,0,0,20,0,0,0,0,0,0,43,7,5,20,38,48,56,40,12,0,0,0,0,0,0,0,7,39,59,33,33,33,33,27,0,0,0,0,39,87,103,103,92,95,103,103,87,5,0,0,0,0,0,0,0,0,0,0,0,0,0,5,27,27,27,35,75,199,233,202,191,191,191,183,173,173,183,194,194,199,199,199,202,202,202,204,217,217,215,191,181,181,194,215,202,189,183,191,215,225,230,230,230,235,248,254,235,204,215,248,255,212,61,5,0,0,27,105,199,202,183,191,202,212,0,0,0,15,43,59,85,163,160,134,144,181,207,196,191,199,207,202,194,194,199,199,186,173,165,115,102,111,176,183,163,115,168,186,189,189,189,186,182,186,194,204,204,196,199,215,207,142,0,0,0,0,47,137,81,21,13,39,75,139,150,150,147,147,139,116,71,17,7,18,65,55,47,77,139,150,150,150,85,31,27,25,29,40,61,75,91,139,160,173,165,103,88,91,152,170,165,150,107,105,107,147,163,170,178,176,168,165,157,152,155,150,93,63,51,39,33,35,41,47,51,55,61,91,99,142,160,157,137,131,144,160,170,165,160,155,105,97,103,107,105,89,83,91,99,101,97,95,95,137,147,160,157,144,155,173,189,183,182,189,196,199,207,212,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,230,0,0,0,0,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,74,72,25,0,0,0,0,0,0,19,49,69,75,105,105,95,90,86,100,155,176,176,168,178,194,220,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,255,255,255,239,231,246,255,255,255,251,255,255,255,255,248,233,212,196,157,111,49,13,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,155,183,176,163,165,170,168,161,161,168,173,173,170,168,163,155,147,144,146,150,152,152,144,106,105,106,109,152,163,173,181,189,196,189,170,160,160,165,165,163,165,173,178,178,176,168,123,120,121,125,123,119,119,125,125,111,113,123,173,176,176,178,181,186,186,181,173,131,131,176,183,186,178,176,178,191,204,209,207,196,191,183,181,183,189,202,204,199,202,176,104,106,121,131,173,178,189,202,215,209,176,129,186,194,191,191,194,191,183,181,183,178,119,117,131,183,191,196,196,191,186,191,196,196,191,181,131,131,133,137,186,194,199,204,212,215,212,199,191,189,186,183,178,115,104,105,121,131,133,128,124,133,191,199,202,194,191,194,196,199,199,199,194,191,189,186,183,189,196,199,196,194,194,196,194,190,190,191,194,196,199,204,204,204,202,202,202,199,195,194,196,202,207,209,212,209,207,204,204,212,217,215,207,204,204,207,209,212,215,209,204,204,209,215,217,222,225,225,225,228,228,225,225,225,228,228,228,228,228,225,222,222,225,225,225,230,238,238,228,222,217,220,217,212,207,199,199,199,149,145,149,209,222,225,225,222,222,217,215,215,215,217,222,228,230,230,230,228,230,235,238,228,217,215,215,215,212,204,199,148,148,204,228,241,243,238,235,233,230,225,225,235,241,238,233,228,127,79,79,202,222,225,230,225,222,215,212,212,207,143,135,137,194,209,212,212,217,222,222,225,228,233,235,233,228,222,222,222,222,215,215,217,222,215,217,228,230,238,241,235,230,230,225,222,222,222,217,215,215,225,233,233,225,222,225,228,230,228,228,230,233,233,230,230,230,233,233,230,230,230,230,235,235,228,212,208,209,215,222,225,228,233,238,235,228,222,217,209,203,203,212,222,225,225,228,228,228,228,228,233,233,228,212,205,208,222,230,225,228,230,230,217,209,211,217,225,217,196,144,202,212,215,215,209,212,238,246,246,248,246,196,18,20,51,194,209,145,104,129,233,228,222,225,228,225,222,222,222,222,225,230,233,233,230,212,125,121,135,151,212,217,215,212,209,212,217,228,228,222,215,217,228,235,238,235,230,228,225,230,235,241,241,235,228,225,215,208,205,205,209,217,225,225,217,212,212,212,215,225,233,241,243,243,241,233,225,222,222,222,217,215,217,222,222,215,212,212,212,209,212,215,217,212,202,195,195,199,204,204,203,202,204,215,225,225,222,212,209,212,228,235,235,230,222,209,150,147,152,209,212,211,211,217,230,230,233,238,243,241,230,230,241,251,251,238,217,209,222,230,238,241,241,241,241,238,238,238,238,238,235,235,235,233,229,229,229,230,233,235,235,235,230,225,220,220,225,235,243,246,246,248,248,251,246,230,155,150,153,209,217,225,228,228,226,228,225,220,211,211,217,222,222,222,225,225,225,228,228,233,235,235,235,238,238,241,238,233,225,217,215,213,215,228,233,233,233,230,230,228,230,233,233,228,222,220,220,222,228,230,233,233,230,228,228,222,209,204,207,212,212,212,209,208,209,212,212,212,212,215,217,215,215,222,230,233,233,231,231,235,233,225,215,215,215,215,217,222,222,222,222,222,222,230,238,238,233,233,235,235,235,233,229,229,230,233,238,235,233,233,233,233,230,230,233,235,235,235,235,233,228,225,222,217,217,217,212,153,150,153,222,235,230,220,215,220,222,225,225,230,230,225,222,220,222,228,233,235,235,233,233,233,235,235,235,235,233,230,228,228,230,230,228,228,228,230,228,222,220,220,225,228,228,225,225,225,225,225,222,220,220,222,222,216,216,222,228,230,228,225,225,225,225,228,228,228,228,228,228,228,228,228,228,228,225,225,228,228,228,228,228,225,225,222,222,215,209,207,208,215,222,217,209,204,204,207,212,217,217,222,217,217,215,215,217,217,215,215,217,217,217,212,208,208,209,212,209,207,204,203,203,207,215,217,217,215,215,215,217,222,220,217,217,217,217,220,217,217,215,212,212,215,215,212,207,204,202,202,202,199,196,194,191,194,196,196,196,199,202,202,202,204,204,202,200,200,204,207,209,212,212,212,212,215,217,215,212,212,215,217,222,222,222,225,225,222,222,217,215,215,215,217,217,222,217,212,204,204,202,191,139,138,143,202,207,207,204,202,200,200,202,199,138,136,186,191,194,202,207,209,209,209,209,194,111,111,139,199,199,202,202,196,186,186,196,207,212,212,212,212,215,215,215,215,215,212,209,209,209,209,204,202,196,194,194,202,209,212,209,209,207,204,204,207,212,217,222,222,217,215,215,215,217,217,217,215,207,147,139,141,196,204,209,212,215,217,222,225,225,228,228,228,226,228,228,230,233,235,235,235,235,238,238,238,238,241,241,238,238,235,235,235,235,238,238,238,238,235,235,235,235,238,238,238,133,134,144,168,0,0,0,0,0,168,147,137,116,108,92,79,69,59,46,23,19,13,3,1,9,13,13,13,13,19,35,59,64,69,72,90,98,98,82,77,81,124,152,126,103,111,150,168,160,157,165,144,92,90,116,137,142,124,100,61,59,57,57,55,41,37,29,15,1,0,0,0,0,0,9,17,29,37,43,47,45,33,33,37,39,41,66,85,100,103,103,100,108,111,118,131,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,137,116,105,105,98,90,72,56,48,0,0,0,0,0,0,95,95,95,87,69,61,56,51,38,27,11,11,11,11,0,0,0,7,38,64,82,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,217,118,0,0,35,111,155,142,90,66,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,255,254,87,0,0,0,0,0,0,199,255,255,255,255,66,20,142,254,228,98,0,61,0,0,160,0,0,134,90,64,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,30,30,33,38,40,43,27,20,22,40,64,87,0,59,35,17,9,9,22,0,0,0,0,0,0,0,77,46,38,35,38,48,48,40,12,0,0,0,0,0,0,0,0,7,7,0,7,9,3,0,0,0,0,0,37,77,85,92,100,116,129,129,116,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,27,41,81,147,173,194,199,191,191,183,168,156,155,168,186,194,194,194,199,202,202,204,204,203,215,217,199,186,186,204,215,183,119,115,176,204,225,235,235,235,225,235,241,212,183,190,241,248,191,53,0,0,9,29,95,165,173,147,129,147,129,9,0,13,31,25,18,35,152,191,186,186,220,228,209,196,202,212,202,189,183,189,199,191,178,165,115,111,121,191,196,183,176,186,196,196,194,186,181,181,186,204,209,204,207,215,233,238,207,27,0,0,0,0,61,49,21,9,7,31,73,126,139,155,163,142,81,63,27,21,65,83,57,47,71,121,121,126,160,142,32,27,26,43,69,61,57,69,85,139,157,157,94,87,91,152,173,165,109,93,99,105,147,165,170,170,168,168,168,163,152,144,103,87,57,39,29,27,29,37,49,57,61,83,103,144,150,168,168,150,139,152,168,170,165,155,105,87,73,79,91,87,79,77,87,103,144,144,103,103,139,147,144,126,85,124,157,183,183,182,189,194,199,209,215,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,222,0,0,0,0,163,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,108,90,11,0,0,0,0,0,0,33,53,67,69,98,103,100,95,94,113,155,176,165,131,126,142,183,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,251,255,255,255,243,231,239,255,255,255,255,255,255,255,255,243,215,204,191,157,111,45,11,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,176,183,178,168,168,173,170,165,164,165,170,170,168,165,160,155,150,147,147,150,155,157,152,139,104,104,107,152,163,168,170,176,186,183,165,155,157,160,157,117,119,163,170,173,173,168,125,121,121,121,117,114,115,123,123,115,116,125,170,170,173,178,181,181,181,178,178,181,181,181,189,194,189,178,181,194,199,194,176,109,183,189,186,181,189,204,207,204,186,108,102,108,121,127,129,131,181,189,199,207,202,194,191,189,187,189,194,191,181,176,176,133,123,123,133,183,191,196,199,191,189,196,199,194,186,181,133,131,133,137,189,199,204,212,222,230,230,212,196,189,181,178,135,127,119,127,135,135,133,129,128,189,196,199,196,194,194,196,199,204,204,199,191,189,194,199,204,209,209,209,209,209,209,204,194,191,191,196,199,202,202,204,204,202,202,202,204,202,196,194,195,202,207,207,207,207,204,202,202,207,212,212,204,194,194,202,212,217,215,209,202,200,204,212,222,228,228,228,228,228,225,225,228,228,230,233,233,230,230,228,225,228,230,228,225,228,233,233,222,215,217,222,222,215,209,202,199,202,199,196,202,215,233,235,233,228,225,222,217,215,215,220,225,225,228,228,230,230,230,230,228,212,209,209,212,212,204,199,151,151,204,217,235,241,238,235,233,233,225,217,217,233,238,241,238,228,97,89,207,230,230,230,230,230,230,225,222,222,215,199,140,140,199,212,212,212,215,222,222,222,222,228,233,230,225,225,228,228,225,212,207,209,212,215,217,225,230,238,243,238,233,233,228,212,209,215,222,222,225,230,238,238,228,217,222,230,233,228,225,222,222,222,222,222,225,230,233,233,235,238,241,241,238,230,215,208,209,215,222,225,228,230,233,228,212,208,209,207,205,212,228,233,235,235,233,233,230,228,228,228,230,225,215,212,215,222,222,217,222,230,233,228,215,212,215,222,217,202,196,207,215,215,215,209,207,225,238,241,243,238,125,22,41,117,191,209,215,196,204,222,222,222,228,233,230,228,228,225,217,217,230,230,202,127,123,123,125,199,217,225,228,225,222,215,217,225,230,233,228,217,217,225,235,241,243,235,228,222,225,230,233,230,222,217,215,212,207,205,205,209,220,230,233,225,222,225,225,225,230,238,241,238,235,238,235,230,225,217,212,209,211,215,222,217,212,209,209,208,208,215,220,217,209,204,199,204,207,209,209,209,209,212,222,228,228,225,215,212,217,230,233,228,215,212,207,152,150,155,212,215,215,215,225,238,243,241,241,238,235,228,230,241,248,241,212,144,141,207,225,235,241,241,241,241,238,235,233,233,233,230,230,230,230,229,229,229,230,233,235,235,235,233,225,220,221,228,238,243,243,246,248,248,248,243,225,151,148,149,155,212,222,228,228,230,230,230,225,211,209,215,225,225,228,228,228,225,225,228,230,235,238,235,235,238,241,238,233,228,222,215,212,212,222,233,235,233,228,228,225,228,233,233,228,225,225,222,222,225,225,228,228,225,225,222,215,207,204,209,212,209,209,209,209,212,212,215,215,217,222,222,220,217,222,230,233,233,231,233,235,238,233,228,225,225,222,225,225,217,217,225,228,230,235,238,235,230,230,233,238,235,233,230,229,230,235,238,238,235,230,228,225,225,228,230,235,235,235,233,230,228,222,217,215,215,215,212,204,204,212,230,238,230,217,213,215,222,222,228,230,233,228,225,222,225,228,233,235,233,233,231,233,238,241,241,238,235,233,230,230,228,228,225,225,225,228,228,225,220,220,225,230,230,228,228,228,228,225,222,220,222,225,222,217,216,222,230,233,233,230,228,225,228,228,230,230,228,228,230,230,230,230,230,228,228,228,230,228,228,225,225,225,225,225,217,215,209,208,209,217,225,217,212,209,209,209,215,217,222,222,222,222,217,217,217,217,215,215,215,217,215,209,208,208,209,212,212,209,207,204,207,209,215,217,217,215,215,215,217,217,217,217,217,217,215,215,215,215,215,217,217,217,215,212,207,204,202,202,202,199,194,190,190,191,196,199,202,202,199,199,202,204,207,202,200,202,204,209,212,212,212,212,212,212,212,212,209,212,217,222,222,222,225,225,225,225,222,222,222,222,217,222,222,222,215,207,199,202,199,191,140,140,196,209,212,209,204,202,200,202,204,199,186,140,191,196,199,204,209,212,212,207,204,189,115,117,194,207,209,209,207,207,204,204,207,209,212,212,212,212,215,215,215,215,215,212,209,212,212,212,207,204,199,194,194,202,209,209,209,209,207,204,204,207,212,217,222,222,217,212,212,212,215,217,217,215,207,147,139,143,199,207,209,212,215,217,222,222,225,225,228,228,228,228,228,230,233,233,235,238,238,238,238,238,241,0,241,241,238,238,235,235,235,238,241,241,241,238,238,235,235,235,238,238,133,139,160,176,0,0,0,0,0,0,160,142,126,116,103,92,90,79,69,59,51,40,19,19,40,31,19,17,17,19,31,41,64,72,82,98,113,108,92,78,79,116,163,163,137,139,163,173,163,170,202,183,98,61,116,144,160,147,116,95,61,57,53,47,47,39,37,17,7,1,0,0,0,0,7,13,21,33,41,47,45,37,33,37,37,39,51,85,100,103,103,100,108,118,118,134,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,118,116,108,0,0,0,0,0,0,0,0,0,0,0,95,100,103,95,82,69,59,56,38,11,5,5,5,3,0,0,0,0,9,38,48,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,64,53,79,129,176,178,155,131,142,0,0,0,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,163,209,233,191,64,0,0,14,0,0,215,241,255,255,255,235,100,40,61,212,215,4,0,0,0,105,131,181,181,147,90,64,14,0,0,0,0,0,0,0,0,0,7,14,14,12,9,12,20,22,30,38,48,56,35,22,22,40,64,74,66,51,30,20,22,0,0,0,0,0,0,0,0,0,126,111,72,48,38,35,33,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,19,33,45,45,77,92,118,129,129,116,47,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,160,165,176,194,199,191,176,160,153,155,165,183,191,194,194,199,202,202,204,204,203,215,217,217,204,202,194,183,111,83,83,119,191,225,235,243,235,212,199,204,191,187,212,248,233,155,27,0,0,0,5,41,105,98,55,43,61,61,29,23,37,43,39,21,43,170,204,194,194,207,209,196,189,196,207,196,181,178,186,199,199,186,173,163,170,189,202,202,191,183,194,196,196,186,181,178,183,194,215,215,204,204,215,230,246,248,152,0,0,0,0,0,11,13,1,0,7,33,73,126,163,168,144,77,63,63,75,116,116,65,53,65,65,55,59,165,178,87,73,73,155,144,69,55,69,97,160,165,160,144,95,101,147,155,111,91,82,83,101,147,157,160,163,160,165,165,155,105,97,91,77,57,35,27,26,31,53,69,85,93,144,168,160,157,173,176,168,165,170,183,181,165,147,91,63,39,45,69,79,77,79,95,152,163,152,144,142,139,134,93,78,73,83,142,173,191,189,189,194,199,215,222,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,235,204,0,0,0,0,183,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,11,0,0,0,0,0,21,108,144,124,31,0,0,0,0,15,55,108,116,108,116,124,124,131,131,126,129,168,176,134,82,39,82,139,209,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,248,241,255,255,255,255,231,231,255,255,255,255,255,255,255,255,230,196,181,170,150,111,49,17,0,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,176,181,183,178,170,168,173,176,173,168,165,163,160,157,155,152,150,150,150,152,155,160,165,160,150,139,106,144,155,163,165,165,168,176,176,163,155,155,117,113,111,113,117,160,165,168,168,165,123,121,117,114,113,117,127,168,121,118,123,127,168,176,181,178,173,173,176,181,183,181,181,189,196,191,183,186,202,204,183,97,37,101,181,183,181,186,202,204,204,186,115,111,127,129,127,125,125,127,125,129,194,204,204,199,194,194,196,196,191,181,131,125,123,125,131,181,186,191,196,196,191,191,196,194,183,181,181,135,133,135,183,199,209,217,228,235,238,238,222,196,183,137,134,135,178,178,181,178,131,128,131,183,196,199,196,196,196,196,196,199,204,207,199,189,191,202,212,215,220,215,209,209,215,212,204,196,196,202,204,207,204,204,202,202,199,196,202,204,204,199,195,195,202,204,204,204,202,202,199,199,199,204,207,196,189,187,196,212,220,217,209,202,200,202,207,215,225,228,230,228,228,225,222,222,225,228,230,230,230,228,225,225,230,233,230,222,222,225,220,212,212,215,220,222,215,209,204,202,204,204,204,209,225,238,243,238,233,228,222,215,212,212,217,225,222,222,225,228,228,228,225,217,209,207,207,212,209,202,151,151,202,212,230,241,243,238,233,233,233,217,207,212,228,235,238,238,141,99,113,217,228,230,230,225,228,230,228,225,222,217,204,147,196,209,212,207,207,215,225,225,217,215,217,225,225,222,225,230,233,228,209,204,204,207,209,217,228,233,235,235,228,228,230,222,194,192,202,215,225,228,233,235,230,220,213,217,228,228,225,217,215,211,211,211,212,215,222,230,233,238,241,241,238,233,228,222,215,215,217,222,222,222,225,222,212,208,208,212,215,217,225,235,238,238,238,235,233,233,228,225,225,225,222,217,217,222,222,217,216,217,228,233,228,215,207,207,212,209,202,199,204,209,212,212,204,202,207,222,225,217,137,75,44,93,139,194,212,228,215,209,215,220,225,230,238,238,233,225,215,207,202,196,105,92,96,117,151,202,225,233,233,233,230,228,225,222,225,230,230,228,217,215,222,233,243,243,235,222,215,215,217,217,212,209,209,212,212,209,209,209,212,222,230,230,225,225,235,238,235,238,241,241,235,233,233,235,233,225,212,209,209,212,225,228,222,212,208,207,207,208,217,222,217,212,209,209,212,215,215,215,215,209,212,222,230,230,225,217,217,225,230,228,212,204,205,207,207,209,215,217,217,222,225,235,246,248,243,235,230,225,224,230,235,233,209,146,142,143,207,222,230,235,235,230,230,228,225,225,225,228,226,226,228,230,230,230,230,233,233,233,235,235,233,225,221,222,228,233,235,238,241,246,246,246,238,222,153,148,148,151,209,222,230,235,238,238,235,228,211,208,212,222,225,228,228,228,225,225,228,233,238,238,238,235,235,238,235,235,233,228,222,213,212,217,230,233,228,224,224,224,225,230,233,230,230,230,228,222,222,222,222,222,225,225,222,212,203,203,212,212,209,209,212,212,212,212,215,217,222,225,225,225,225,225,228,233,233,233,235,238,238,235,230,228,228,225,228,225,217,217,228,233,235,238,235,230,228,228,233,238,238,233,230,230,230,235,241,241,235,233,228,224,224,225,233,235,235,233,230,228,225,222,217,215,215,212,212,212,215,228,235,235,228,215,213,215,222,225,230,233,233,230,228,228,225,228,230,233,233,231,231,233,238,241,241,238,233,233,233,230,228,225,222,217,217,222,225,222,220,220,222,228,230,230,230,230,228,228,225,225,222,222,220,217,217,228,235,238,238,235,230,228,228,230,233,233,230,230,230,233,233,230,230,230,230,230,230,228,228,225,225,225,225,222,215,212,209,209,215,222,225,222,215,212,215,215,217,222,222,225,225,222,220,220,220,220,217,215,217,215,209,208,209,212,215,217,217,215,212,212,212,212,215,217,215,215,213,215,217,217,217,217,217,217,212,211,211,212,215,217,215,215,212,209,207,204,204,202,202,199,196,191,191,194,199,202,204,202,196,194,199,207,207,204,202,204,207,209,212,212,212,212,212,209,207,204,207,212,217,222,225,225,225,225,225,225,225,225,225,225,225,225,222,217,212,204,194,194,194,145,141,145,204,212,215,209,207,204,202,204,204,202,194,186,194,196,199,204,212,215,212,204,199,189,125,129,199,209,209,207,205,207,207,209,212,212,212,212,212,212,215,215,215,215,212,209,209,212,215,215,212,207,199,194,196,204,209,212,212,209,207,204,204,207,212,217,222,222,217,212,211,211,212,217,217,215,207,145,138,141,199,209,212,215,217,222,222,225,225,228,228,228,228,228,228,230,230,233,235,238,238,238,238,241,0,0,0,241,241,238,238,235,238,238,243,243,243,243,241,238,238,238,238,238,134,140,160,0,0,0,0,0,0,0,0,144,139,126,113,105,103,95,79,72,69,66,64,59,64,53,46,31,21,21,35,53,66,82,98,105,113,113,105,92,100,126,160,160,144,139,144,160,144,168,194,176,98,57,98,139,160,160,139,113,98,82,53,47,45,39,29,17,13,7,1,1,0,0,1,7,17,33,39,47,47,39,33,37,39,45,53,85,95,95,95,100,100,108,116,0,0,0,0,0,0,0,0,0,0,0,0,0,0,170,170,170,0,155,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,118,116,0,0,0,0,0,0,0,0,0,0,0,0,0,103,111,108,95,77,66,56,38,5,0,1,5,3,0,0,0,0,1,12,30,35,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,147,196,222,228,178,157,168,183,176,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,103,163,217,189,118,79,74,0,0,0,246,255,255,255,255,246,157,59,17,85,113,0,0,0,0,0,121,0,173,134,92,61,9,0,0,0,0,0,0,0,0,0,0,9,9,1,1,4,14,14,17,25,46,59,43,27,22,30,48,64,59,43,0,0,0,0,0,0,0,0,0,0,0,0,152,137,87,48,27,20,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,19,27,31,33,33,51,85,103,118,118,116,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,137,173,186,191,194,199,191,173,160,160,168,176,186,194,194,199,199,202,202,202,215,217,222,222,222,217,194,129,107,82,76,78,109,176,202,225,241,235,204,187,187,187,191,230,255,230,126,0,0,0,0,0,15,41,13,0,0,49,59,43,37,43,63,71,79,142,186,194,186,183,186,186,181,181,183,194,191,176,173,181,194,204,199,186,183,191,199,204,202,191,189,194,196,194,186,181,181,186,204,217,215,196,196,199,204,238,255,207,57,0,0,0,0,0,0,0,0,5,23,51,118,163,165,144,79,71,83,116,126,126,83,67,53,13,0,0,11,19,43,67,91,165,155,75,59,85,160,170,165,165,155,144,109,105,99,89,80,80,83,101,111,147,150,150,150,152,150,105,91,79,77,77,63,45,31,31,49,73,103,150,157,178,194,176,157,173,186,189,191,191,194,183,160,107,79,37,22,26,47,75,85,93,103,165,173,165,150,147,101,87,79,73,75,85,142,183,191,189,189,194,199,215,222,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,248,230,204,178,0,0,0,163,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,11,0,0,0,0,0,0,137,170,152,90,11,0,0,9,53,137,160,160,152,155,157,157,160,170,155,147,155,152,108,27,15,25,116,199,255,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,248,224,224,251,255,255,255,243,239,255,255,255,255,255,255,255,251,199,157,142,142,142,118,85,41,19,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,176,181,183,178,170,168,170,176,178,176,173,165,157,148,146,147,148,150,152,152,155,163,170,170,168,165,155,150,155,163,165,168,168,168,168,163,152,113,115,113,111,111,111,113,115,121,163,168,170,165,121,115,114,115,123,170,173,123,118,118,123,168,178,181,173,127,127,170,176,181,178,181,191,199,194,178,176,202,212,178,61,26,73,127,181,178,181,196,202,199,194,186,189,191,183,131,125,125,123,121,123,181,196,202,202,202,202,204,202,194,181,123,108,100,123,181,186,189,191,194,196,191,191,191,186,181,183,186,189,189,191,199,209,217,222,228,235,238,235,212,189,181,135,134,135,183,189,189,181,127,126,135,191,202,199,196,194,196,196,196,199,204,204,196,191,196,207,215,215,217,209,202,202,209,209,207,202,204,209,209,209,204,202,199,196,195,195,199,207,204,199,195,196,199,202,202,202,199,199,196,196,196,199,199,191,186,186,194,207,212,212,209,204,202,200,202,207,215,222,228,233,233,228,222,220,220,225,228,225,225,222,217,217,228,233,230,225,222,222,215,207,207,212,212,212,209,207,202,199,202,209,215,222,233,243,246,241,230,225,217,215,212,211,215,222,225,225,225,222,217,220,222,222,217,209,207,209,212,209,204,204,212,222,230,241,243,241,238,235,230,212,204,215,235,235,233,230,109,117,143,212,222,225,224,221,225,228,228,225,225,222,207,194,202,215,212,204,204,215,225,225,215,211,211,212,215,215,222,233,233,225,207,203,204,207,212,222,233,235,230,215,207,212,215,207,190,189,192,207,217,225,225,225,222,215,213,217,225,222,222,217,215,211,211,211,211,211,212,222,230,235,235,233,230,230,228,225,222,222,222,222,222,222,217,212,209,212,215,222,222,225,228,230,230,233,233,230,228,228,225,222,225,225,222,217,217,222,225,222,217,222,228,230,225,209,204,205,207,207,207,207,204,207,209,209,205,202,203,209,209,145,95,71,81,127,196,204,225,233,212,204,212,222,225,228,233,235,222,196,133,113,99,94,91,91,103,212,230,225,233,238,238,238,233,230,225,217,215,217,225,225,215,212,217,230,238,238,228,212,212,213,215,209,208,208,209,209,209,212,212,215,217,225,228,225,217,217,233,241,243,243,241,235,233,233,233,233,233,225,212,211,217,228,235,235,228,215,209,209,209,212,217,222,217,215,215,215,215,217,215,215,212,209,212,217,228,228,225,222,225,228,230,225,209,204,205,215,217,222,225,225,225,230,233,241,246,246,241,230,224,221,221,230,233,217,149,146,149,215,217,225,230,233,230,225,217,215,217,217,222,228,228,228,230,233,235,235,235,233,230,230,230,230,228,225,222,225,230,233,233,235,238,243,243,241,235,222,204,150,150,155,215,228,235,241,241,241,238,230,215,211,212,217,217,222,225,225,225,228,233,235,238,241,238,235,234,234,234,235,238,235,225,215,215,225,230,228,225,225,225,225,225,228,230,230,230,233,228,222,220,222,225,225,225,228,225,209,199,200,212,217,212,212,217,212,207,207,212,217,222,225,225,228,228,228,228,228,233,235,238,238,235,230,228,228,228,225,225,222,215,217,230,235,235,235,233,228,226,230,235,241,238,233,230,230,230,233,241,241,241,235,233,228,225,228,233,235,235,233,233,230,230,225,222,215,212,209,209,215,222,230,230,228,217,213,215,222,228,230,233,235,235,233,233,233,230,228,230,233,233,231,231,233,235,238,235,233,233,233,230,225,217,217,217,215,215,217,222,222,220,220,222,225,230,230,230,228,228,230,230,225,217,212,212,212,222,230,235,238,238,238,235,230,230,233,235,235,233,230,230,230,230,230,230,230,228,228,228,228,228,228,228,225,222,217,212,209,212,212,217,225,225,222,217,217,222,222,222,222,225,225,222,222,218,222,222,222,222,220,217,212,208,208,212,217,220,222,220,217,215,217,217,215,215,217,215,213,213,215,217,217,217,215,215,215,212,211,211,211,212,212,212,209,209,209,209,207,204,202,202,202,199,199,199,199,199,199,202,199,194,192,199,204,207,204,204,207,209,212,215,215,215,215,215,207,202,202,204,212,220,225,225,225,225,228,228,225,225,222,222,222,222,222,222,217,212,202,147,145,143,141,143,196,209,215,215,212,209,207,207,207,207,204,196,189,189,191,194,204,209,212,207,199,199,194,183,189,204,209,207,207,205,207,209,212,215,215,215,212,212,212,215,215,215,215,212,209,209,212,215,217,215,209,199,194,194,202,209,212,212,212,207,204,204,207,212,217,222,222,217,215,211,211,215,217,222,217,204,141,136,138,196,209,212,215,222,225,225,225,225,228,228,230,228,228,228,228,230,233,235,238,238,238,241,241,241,0,0,0,243,241,238,238,238,241,243,246,246,246,243,243,241,238,238,238,134,140,160,173,0,0,0,0,0,0,0,142,137,126,116,113,111,103,95,90,95,98,95,90,77,69,61,53,53,53,61,69,77,98,105,105,105,113,113,108,113,124,137,126,113,105,105,108,116,139,139,105,57,43,49,100,139,144,139,134,113,90,53,41,41,33,17,9,9,7,7,1,1,1,7,13,19,35,41,47,51,45,37,39,45,47,77,85,51,66,77,92,100,111,111,0,0,0,0,0,0,0,0,0,0,0,0,178,170,160,160,160,150,134,116,131,0,0,0,0,0,0,0,0,0,0,157,152,139,129,116,108,0,0,0,0,0,0,0,0,0,0,0,0,0,113,126,124,103,87,72,59,38,5,0,0,3,3,0,0,0,0,7,7,7,12,27,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,199,235,243,178,144,153,199,207,183,150,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,124,189,189,147,129,0,0,0,0,255,255,255,255,255,228,131,27,0,17,0,0,0,0,0,0,0,0,131,105,79,53,4,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,4,7,1,7,30,51,51,38,30,30,40,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,144,98,48,20,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,9,27,33,33,33,33,33,53,92,118,116,109,116,77,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,73,173,194,199,199,191,186,173,160,160,176,191,194,194,199,199,202,202,199,199,199,204,222,233,233,233,217,186,115,95,82,77,80,109,125,173,189,225,235,215,191,187,190,212,235,248,222,73,0,0,0,0,0,7,1,0,0,0,55,69,49,31,43,71,144,170,189,204,194,183,178,173,170,170,170,173,183,183,173,164,173,189,204,209,199,191,199,204,202,202,191,189,186,189,194,189,181,183,194,207,215,204,194,192,194,196,230,255,235,160,0,0,0,0,0,0,0,1,17,27,51,118,163,163,144,113,71,71,85,126,139,118,71,41,0,0,0,0,0,0,25,85,155,165,87,69,91,163,168,157,157,150,144,109,105,99,85,80,82,91,107,111,111,109,111,147,109,105,91,73,71,73,81,75,69,55,51,65,101,165,170,178,202,207,181,160,173,189,194,191,199,199,183,157,107,73,29,14,20,39,81,97,103,144,165,168,163,160,147,99,81,76,78,85,129,163,183,183,182,189,202,207,215,222,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,241,233,220,181,147,0,0,163,48,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,183,168,134,90,31,9,21,92,155,186,191,194,194,191,181,186,189,170,147,142,129,82,22,12,25,134,228,255,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,254,230,220,220,238,255,255,255,255,246,254,255,241,235,255,255,255,235,173,127,118,129,144,147,131,95,59,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,181,181,173,165,168,173,176,176,178,178,173,160,147,144,146,148,152,157,160,165,170,176,173,170,170,165,163,165,168,168,170,173,173,163,152,111,110,111,111,113,113,111,110,111,115,160,168,170,168,123,117,115,117,125,173,176,125,117,117,121,173,186,183,129,125,125,127,173,178,178,181,194,202,196,127,115,183,209,173,56,51,99,129,178,176,176,189,196,194,196,196,196,194,189,176,129,125,123,123,131,181,186,189,194,194,199,204,204,196,176,110,90,78,111,178,186,186,189,194,194,189,189,189,186,186,191,196,204,212,212,212,215,217,217,222,228,233,225,196,137,135,135,135,181,189,194,196,186,128,127,181,196,204,202,196,191,190,194,196,199,202,199,196,194,196,207,209,207,207,199,194,194,202,212,215,212,209,209,209,204,202,199,199,196,194,194,199,204,204,199,195,195,199,202,202,199,199,199,199,196,196,196,194,190,189,190,196,204,204,207,209,209,207,204,204,204,204,209,222,230,235,233,228,222,222,225,225,222,217,216,215,216,225,233,233,230,230,228,217,207,207,207,207,204,204,202,199,199,202,209,217,228,235,243,246,238,225,217,217,215,212,212,212,217,228,228,225,217,212,215,222,228,225,212,207,207,215,217,217,215,215,215,217,228,233,235,235,233,217,204,204,225,241,235,217,199,108,145,209,217,225,225,221,221,225,230,228,225,228,228,209,196,199,209,207,199,204,215,222,222,217,211,209,211,212,212,222,230,225,215,205,204,209,217,222,230,235,233,217,199,195,199,204,202,202,196,199,207,212,215,215,215,217,215,215,222,222,222,222,225,222,215,215,215,212,211,209,212,225,230,228,225,225,228,230,228,228,225,225,225,225,222,215,212,212,217,225,225,222,222,222,222,215,217,222,215,212,212,215,217,225,228,225,222,222,225,228,228,222,222,225,225,215,205,204,205,207,207,212,217,215,215,217,217,217,207,204,207,207,141,95,81,141,199,215,225,233,230,203,199,212,217,215,215,222,217,147,99,89,85,85,90,98,139,233,243,238,230,233,238,241,241,238,233,225,212,207,208,215,217,213,212,215,225,230,228,215,211,212,217,222,212,209,212,215,212,212,212,212,215,222,225,225,217,209,209,222,235,241,238,233,230,233,235,235,235,233,222,217,222,233,238,238,238,230,222,215,217,222,222,217,217,217,217,217,217,215,215,215,212,212,212,215,222,222,222,225,225,225,228,228,225,215,209,215,225,228,228,228,228,230,235,233,233,233,235,235,230,225,221,225,235,238,222,153,149,217,238,230,230,233,235,230,225,215,213,215,222,225,230,233,233,235,238,241,238,235,230,225,222,222,222,225,225,225,230,235,238,241,238,238,241,241,238,235,222,207,204,204,212,225,233,238,238,241,241,241,235,225,217,222,222,222,222,220,222,225,230,233,235,238,238,238,235,234,233,234,235,241,238,228,222,225,230,230,230,230,230,230,228,225,222,225,225,225,228,225,220,220,225,228,228,228,230,225,207,198,199,212,222,217,217,217,212,204,202,207,215,222,225,225,228,228,226,226,228,233,235,238,238,235,230,228,228,228,225,222,215,213,215,230,235,233,233,230,228,228,233,241,243,241,235,233,230,230,230,235,241,243,241,238,233,228,233,238,238,238,235,235,235,233,230,222,212,207,205,207,215,225,228,225,217,213,213,220,228,230,233,233,233,233,233,238,238,233,230,230,233,235,233,233,233,233,233,230,228,228,228,222,209,207,209,212,215,215,217,217,222,222,222,222,225,230,230,228,225,228,230,230,222,209,202,204,209,217,228,230,233,235,235,233,230,230,230,233,235,233,230,228,228,228,228,228,228,228,225,222,225,228,230,230,228,222,215,209,209,212,215,215,217,217,215,217,222,225,225,225,225,225,225,222,218,218,222,225,225,225,222,217,212,208,209,217,222,222,222,220,217,217,222,222,217,217,217,217,215,213,215,217,217,215,215,212,212,212,212,212,212,212,209,209,207,207,207,209,209,207,202,200,202,202,204,204,202,199,196,194,194,194,194,199,202,202,202,204,207,212,215,217,217,217,215,212,204,200,202,207,215,222,225,225,225,228,228,228,228,225,222,222,222,222,222,222,217,212,202,147,141,139,139,143,202,212,215,215,212,209,209,212,209,209,207,199,191,191,189,191,202,207,209,202,195,196,196,196,202,209,207,204,207,209,209,212,215,215,215,215,212,212,212,212,215,215,212,209,209,209,212,215,217,215,209,196,192,194,202,207,209,209,209,207,204,204,207,212,217,222,222,217,215,212,212,217,222,222,217,204,139,133,135,147,209,215,217,222,225,225,225,228,228,228,230,230,230,228,228,230,233,235,238,238,241,241,243,243,0,0,0,246,243,241,241,238,241,243,243,243,243,246,246,246,241,238,238,138,140,147,160,168,176,176,0,0,0,0,137,126,124,116,113,113,113,111,121,134,137,134,113,95,77,64,61,66,72,87,90,98,105,108,100,100,108,113,113,108,105,98,90,55,45,37,37,43,53,21,3,25,25,25,43,90,108,121,134,121,90,47,39,41,33,13,9,9,9,7,7,13,19,19,23,39,45,51,53,53,47,41,47,51,53,85,85,39,35,47,92,108,118,134,0,0,0,0,0,0,0,0,0,0,0,194,170,160,150,150,142,131,100,90,98,116,137,142,0,0,137,131,116,116,129,137,137,129,116,105,105,100,0,0,0,0,0,0,0,0,0,0,0,0,113,126,126,103,90,74,64,38,5,0,0,0,0,0,0,0,7,14,9,7,5,12,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,186,217,228,157,139,157,233,255,217,165,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,163,0,0,0,0,0,0,255,228,181,157,168,168,48,0,0,0,0,0,0,0,0,0,0,0,87,69,51,30,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,1,0,3,17,35,51,43,38,40,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,56,20,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,7,27,33,39,39,39,45,77,113,129,129,118,116,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,155,199,194,183,183,183,173,160,155,160,186,202,204,199,199,202,202,202,199,199,196,202,222,233,235,235,225,194,129,107,101,91,95,111,121,121,176,212,230,235,222,204,204,225,235,233,183,41,0,5,21,0,0,21,23,0,0,0,121,129,49,15,27,55,134,178,207,220,204,194,178,170,170,170,173,173,183,183,165,160,161,173,194,204,199,191,196,199,204,202,191,183,176,176,189,189,186,191,204,215,207,196,192,192,196,202,230,243,230,178,23,0,0,0,0,0,0,0,31,39,57,126,155,155,147,121,40,44,69,126,142,89,61,29,0,0,0,1,21,53,37,75,155,173,101,79,91,150,150,107,142,109,108,109,152,152,99,87,89,105,111,113,111,104,109,109,107,99,79,72,71,77,95,101,99,81,67,79,150,173,181,178,202,207,181,157,170,189,189,191,191,191,170,157,107,83,33,14,17,39,87,105,147,144,152,150,147,147,139,87,76,76,87,134,142,165,173,183,189,194,209,215,215,222,235,0,0,0,0,0,0,0,0,0,0,0,0,0,251,228,225,220,178,131,105,0,0,46,0,0,0,0,0,0,0,0,25,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,183,160,121,74,29,23,85,155,194,209,209,209,204,191,191,194,170,131,121,105,82,43,23,74,183,255,255,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,246,225,221,225,246,255,255,255,255,254,254,241,209,208,243,255,254,212,157,118,114,134,165,176,163,131,85,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,181,178,168,164,165,170,173,173,176,181,181,173,160,150,150,152,160,165,173,178,178,176,173,170,168,165,165,168,170,170,173,173,170,160,150,147,147,111,113,155,152,111,110,110,115,160,170,176,173,170,165,121,119,123,176,183,170,119,117,123,181,191,183,168,126,126,129,176,181,181,186,194,204,204,186,109,111,176,115,77,107,123,131,173,173,181,191,194,196,196,196,196,194,189,176,125,115,117,123,176,183,186,183,178,178,183,194,202,191,125,113,111,109,115,127,178,183,186,191,191,189,191,196,202,199,199,204,215,222,222,215,215,215,215,217,225,225,209,186,133,131,133,137,183,191,199,202,191,131,133,189,199,204,202,196,191,190,190,196,199,202,199,196,194,196,202,202,199,199,194,190,190,199,209,215,212,207,204,202,196,194,194,196,196,194,195,202,207,204,199,195,195,199,202,202,202,202,202,202,204,196,190,189,190,196,207,209,207,203,207,212,212,212,212,212,207,204,204,207,215,225,230,230,228,225,225,222,217,216,216,216,217,225,233,235,235,235,233,222,209,209,204,199,196,196,199,202,202,207,212,217,222,228,235,238,230,217,215,217,215,212,212,215,217,225,225,217,212,209,212,217,222,222,212,207,207,215,225,225,222,215,208,208,215,225,228,228,225,202,145,202,225,233,228,196,127,135,215,230,230,228,228,225,221,225,235,228,221,228,233,215,199,196,194,147,147,199,209,215,222,222,215,212,212,215,212,215,222,217,209,207,212,225,230,233,233,235,228,209,198,195,198,200,207,217,215,209,207,207,212,215,222,225,217,215,215,217,217,222,222,217,215,215,217,215,211,211,212,222,225,225,224,225,230,230,230,228,228,228,228,228,225,217,215,215,222,225,222,215,212,212,212,209,209,209,207,203,203,209,217,222,222,225,228,233,233,230,228,222,217,217,215,205,204,207,209,207,207,215,228,230,230,230,233,233,217,207,207,209,202,145,147,209,222,230,235,235,225,207,202,207,209,204,207,212,212,202,105,101,105,123,139,209,233,243,243,238,233,230,233,238,241,241,235,228,212,205,207,215,215,213,213,213,213,213,213,212,211,215,225,228,217,215,222,217,215,212,212,215,222,228,230,228,217,209,205,209,222,228,228,228,230,235,238,243,243,235,222,216,225,233,233,230,233,230,225,222,225,228,225,215,215,217,217,217,217,217,217,215,212,212,217,225,225,217,217,222,222,217,217,217,222,225,225,228,228,228,228,228,228,230,230,226,225,225,228,233,235,230,225,228,235,241,235,228,225,235,241,238,235,238,238,235,225,215,215,217,225,230,233,235,238,238,238,238,235,230,225,217,217,217,222,225,225,228,233,241,246,246,243,241,238,238,235,233,217,204,204,217,225,228,233,233,235,235,238,238,238,233,230,230,228,225,222,222,225,225,228,230,233,235,238,235,235,235,235,235,235,241,238,230,228,230,233,233,233,233,233,230,225,217,216,216,216,222,225,222,220,220,225,230,233,228,222,215,203,198,200,212,225,225,217,212,209,204,202,207,215,222,225,225,228,228,226,226,230,233,233,235,233,233,233,233,230,228,222,217,213,212,215,230,235,230,228,228,230,233,238,243,243,241,238,235,233,233,230,228,235,243,243,238,235,230,233,238,243,241,235,233,235,235,233,225,209,205,204,207,215,222,222,215,213,213,217,228,230,233,233,233,233,233,233,238,238,235,233,235,241,241,235,235,235,233,230,228,222,225,225,212,204,203,205,212,222,217,217,217,222,225,228,230,230,230,228,225,225,228,230,222,207,151,151,202,212,222,225,225,228,233,233,230,228,228,228,230,230,228,228,225,228,228,228,226,228,225,222,220,222,225,228,228,228,222,215,209,212,215,212,209,204,207,209,215,217,222,225,228,228,225,225,222,222,220,222,225,228,225,222,217,212,212,217,222,222,222,222,217,217,217,222,222,222,222,222,220,215,215,215,217,220,215,212,212,212,212,212,212,212,212,212,209,204,204,207,207,209,209,202,200,202,202,204,204,204,202,196,194,194,194,196,199,202,200,200,204,207,212,215,217,217,217,215,207,203,203,204,212,215,217,225,228,228,228,228,228,228,225,222,222,222,222,222,222,217,215,204,196,143,139,140,191,207,215,217,215,215,212,212,212,212,207,204,202,199,196,194,194,199,204,204,199,195,196,199,202,207,209,207,204,207,209,212,212,215,215,215,212,212,212,212,212,215,212,212,209,212,215,215,215,215,212,204,194,192,194,202,207,209,209,209,207,204,204,207,212,215,217,217,217,217,217,217,217,222,222,217,207,143,131,131,147,212,217,217,222,225,225,225,228,228,228,228,230,230,230,230,233,235,235,238,238,238,241,243,246,246,0,248,248,246,246,243,241,241,241,241,238,241,246,248,248,246,243,243,140,140,140,142,147,160,160,160,160,147,142,137,124,116,116,113,0,0,0,0,0,176,155,124,103,82,69,74,87,95,105,113,113,113,105,92,98,108,113,105,98,92,82,47,17,0,0,0,0,0,0,0,0,3,0,3,25,51,100,124,113,59,41,39,47,45,39,23,19,19,15,23,41,47,47,47,51,53,57,57,51,45,45,51,53,57,85,59,39,35,47,92,111,134,150,163,170,181,0,0,0,0,0,0,0,212,186,170,160,142,134,111,100,82,73,74,85,92,105,116,131,129,116,107,107,108,113,113,105,105,105,105,98,90,0,0,0,0,0,0,0,0,0,0,0,0,0,126,0,90,82,72,48,11,0,0,0,0,0,0,0,7,14,9,7,7,12,12,35,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,168,186,178,168,178,207,246,255,255,168,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,189,137,113,116,116,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4,7,14,14,17,33,43,43,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,19,27,31,39,45,45,85,116,129,144,152,126,39,0,0,0,0,0,0,0,0,0,0,0,0,0,116,181,181,202,202,168,150,165,173,176,168,165,176,194,202,204,199,196,199,202,215,202,199,199,202,215,222,233,235,235,217,186,129,121,115,115,121,168,176,191,215,235,243,241,225,225,222,199,155,59,5,0,21,37,27,27,53,55,7,0,0,69,255,35,0,0,0,25,83,189,220,209,199,186,173,170,173,173,173,173,183,173,164,161,173,191,199,194,189,191,199,212,202,189,176,165,165,176,186,191,199,207,215,207,196,192,194,199,209,215,209,191,152,49,7,0,0,0,0,0,0,7,39,73,126,144,152,152,121,31,33,47,83,129,126,77,53,0,0,0,47,168,71,17,19,87,144,101,79,85,139,150,107,109,144,111,157,168,163,107,91,99,105,113,152,111,103,103,109,109,99,91,83,91,103,152,155,147,101,81,87,150,178,181,183,196,194,173,150,157,186,194,183,173,168,160,157,155,99,47,20,20,37,83,105,147,144,111,109,107,103,95,81,76,79,126,142,139,155,170,191,202,209,217,215,215,233,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,199,196,168,124,82,79,0,4,0,0,0,0,0,0,0,0,20,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,173,150,121,95,29,15,47,139,191,209,209,207,199,181,181,189,173,129,92,90,95,90,87,131,220,255,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,246,225,241,254,255,255,255,255,255,254,254,238,200,198,215,251,246,181,142,124,124,150,189,194,168,142,92,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,11,176,186,181,168,161,161,164,168,173,178,183,183,178,168,160,157,163,170,173,176,181,178,176,173,165,160,163,168,170,170,170,168,165,160,155,150,147,150,152,155,160,155,113,110,111,115,160,176,189,189,191,186,170,121,121,168,178,168,119,118,125,181,189,181,170,170,173,176,183,183,183,186,194,207,207,194,110,110,115,101,81,109,129,181,181,178,183,191,196,196,194,194,194,189,176,125,117,111,110,113,123,178,186,181,173,129,173,183,186,176,123,121,123,121,125,131,178,183,186,189,189,194,199,209,215,212,207,209,217,222,222,215,212,211,212,217,225,222,204,137,129,128,131,137,186,194,199,196,189,137,183,196,202,199,199,196,194,191,191,196,199,202,199,196,194,196,199,196,194,191,191,190,190,196,207,209,207,199,199,196,192,192,194,196,196,196,202,207,209,204,199,195,196,202,204,202,202,204,204,202,202,194,190,189,194,207,215,217,212,204,207,209,212,212,212,212,207,207,204,203,203,209,222,230,233,228,225,217,217,217,217,222,222,225,230,233,235,235,230,217,209,209,202,145,144,147,199,204,209,215,217,215,213,215,222,222,215,209,212,212,215,212,209,212,212,212,215,212,208,208,212,215,215,212,207,205,209,222,228,228,222,212,208,208,212,217,220,215,207,146,141,199,228,230,215,143,135,199,225,235,233,230,228,225,221,225,233,230,224,228,228,212,196,147,147,147,194,202,209,215,217,225,220,215,212,212,212,212,212,207,205,207,217,228,233,233,230,228,212,200,200,204,209,204,204,215,217,215,212,209,215,222,228,228,220,215,215,215,217,217,217,213,213,213,215,212,211,211,215,222,228,228,228,228,228,230,230,228,222,222,222,225,228,222,222,225,228,225,217,212,211,212,215,209,205,205,204,203,205,215,217,217,217,225,233,238,238,233,228,222,217,217,215,207,205,209,212,209,209,215,228,233,233,235,238,238,225,212,209,212,212,207,207,217,233,241,241,238,230,212,203,203,204,205,209,215,217,215,137,133,139,147,204,225,238,241,238,238,235,235,235,241,243,243,238,230,215,207,208,215,220,217,215,215,213,212,212,212,213,222,230,230,225,225,225,217,215,215,217,222,228,233,233,230,222,212,207,207,209,212,215,225,233,241,243,248,246,235,216,213,217,225,225,222,228,230,222,217,222,228,225,217,215,215,215,217,220,222,222,217,212,215,225,230,225,217,216,217,217,216,216,222,228,233,233,228,225,222,222,225,225,228,228,225,225,226,230,238,243,238,233,233,238,243,243,241,238,238,241,241,238,238,238,233,225,215,215,217,225,230,235,238,238,235,233,228,228,225,222,217,216,217,222,225,225,228,230,238,243,246,243,241,241,241,238,233,215,203,207,217,225,228,230,230,233,233,235,238,238,235,233,233,230,228,225,225,225,225,225,228,230,235,235,238,238,241,241,238,238,235,235,230,230,230,233,233,233,230,230,228,222,217,216,216,217,222,228,225,222,225,228,230,230,225,215,207,204,204,212,222,225,217,209,204,207,204,202,207,215,217,222,225,228,228,226,230,238,241,235,230,230,233,233,233,233,228,222,215,213,213,222,230,235,230,226,228,230,235,238,241,241,241,238,235,235,233,228,222,228,235,238,238,235,230,230,233,238,238,230,228,230,235,233,222,212,207,207,209,215,217,217,215,215,225,230,233,235,235,233,233,230,230,230,233,235,233,233,238,241,238,235,235,238,235,233,228,217,217,217,212,205,204,207,217,225,225,222,222,222,228,233,235,235,233,228,225,228,228,225,209,150,148,150,204,217,225,225,225,225,228,228,228,225,225,225,225,228,225,225,225,228,228,228,228,228,228,222,222,222,222,225,228,228,222,217,215,215,215,212,204,203,204,207,209,212,217,225,228,228,225,225,222,222,220,222,225,225,225,220,215,215,215,222,225,222,222,220,217,216,217,222,222,222,222,222,222,217,215,217,222,222,217,215,215,215,212,209,209,207,209,209,209,204,204,204,207,207,207,202,200,202,202,202,204,207,204,199,199,199,199,199,202,202,202,202,204,209,209,212,215,217,217,215,207,204,204,212,215,217,222,225,228,228,228,228,230,230,228,222,222,222,222,222,222,222,215,207,202,147,141,141,196,209,217,217,217,215,212,212,212,209,207,202,202,202,199,199,196,196,199,199,199,196,199,202,204,207,209,207,204,204,207,209,212,212,212,212,212,209,209,212,212,212,212,209,209,212,215,212,212,212,207,202,194,194,199,202,207,207,207,207,204,204,204,207,212,215,217,217,217,217,217,217,222,222,222,222,212,149,132,132,149,217,225,222,222,222,225,228,228,228,228,228,230,233,235,238,238,238,238,235,238,241,243,246,248,248,248,248,248,246,246,243,243,241,241,241,0,0,0,0,0,0,248,246,147,142,139,139,140,144,144,139,139,142,139,137,126,116,113,116,0,0,0,0,0,0,168,137,105,87,87,103,121,0,0,142,137,124,105,92,92,98,98,90,90,90,72,25,0,0,0,0,0,0,0,0,0,0,0,0,0,27,87,121,111,59,47,49,79,87,61,53,47,47,47,47,57,61,61,61,61,61,65,59,53,41,39,47,53,57,59,57,46,44,57,92,108,131,142,163,170,176,186,0,0,0,0,0,0,204,181,170,160,142,111,100,85,74,70,74,82,79,85,100,118,131,118,116,108,108,108,105,100,98,105,105,98,90,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,74,72,56,27,1,0,0,0,0,0,0,7,20,14,14,12,12,12,27,43,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,157,168,199,228,235,255,255,255,183,139,131,131,129,116,85,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,126,98,98,82,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,12,20,30,33,33,33,35,43,51,61,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,46,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5,5,9,33,45,45,77,92,118,144,163,126,33,0,0,0,0,0,0,0,0,0,0,0,0,19,189,222,241,246,215,131,77,147,183,191,186,186,194,202,215,215,199,195,196,204,215,215,204,202,202,202,215,222,233,238,235,215,191,183,135,181,183,191,204,222,230,235,243,248,243,235,199,131,35,0,0,0,41,49,43,53,75,105,49,15,13,29,118,9,0,0,0,0,0,83,178,196,199,186,170,160,165,165,157,165,176,181,178,173,181,199,204,199,191,191,199,212,196,176,122,121,165,176,181,186,194,204,204,207,204,196,196,209,215,196,176,147,79,39,17,1,0,7,5,0,0,7,39,73,118,131,144,152,131,55,44,51,71,85,129,129,139,160,89,77,83,51,9,6,14,55,87,87,77,85,144,160,152,147,144,150,163,178,173,150,101,99,105,113,152,111,102,104,113,113,105,99,103,111,160,170,168,152,105,85,80,109,173,181,178,194,191,168,146,150,173,186,165,160,160,152,157,160,144,71,25,21,35,75,99,105,103,103,105,97,93,89,81,87,93,126,129,134,155,170,196,212,209,209,212,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,207,189,178,152,100,53,27,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,116,98,72,23,0,15,92,150,183,202,199,191,181,178,186,170,121,81,90,129,137,142,173,230,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,243,230,251,255,255,255,255,255,243,241,255,241,196,198,215,235,215,160,133,127,134,165,189,176,155,134,92,48,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,163,199,199,191,176,165,163,164,168,173,181,186,186,178,170,165,165,173,178,176,176,178,178,176,168,157,157,165,170,170,168,168,157,131,99,142,144,147,152,155,157,160,157,152,113,111,113,160,181,199,207,209,204,189,165,121,123,165,123,119,119,127,178,183,176,170,176,181,186,186,183,183,186,194,204,207,202,129,121,121,113,105,115,181,199,196,186,186,191,196,196,191,191,191,181,125,119,117,114,110,110,115,131,181,178,129,125,129,178,181,133,129,127,129,131,176,181,183,183,183,186,191,196,204,215,222,222,215,215,222,222,222,217,212,211,211,215,222,215,199,135,129,129,133,181,189,196,196,189,181,181,189,199,199,196,196,196,196,194,196,196,199,199,194,191,191,196,196,191,190,190,190,190,191,196,204,204,199,196,199,199,194,194,199,202,202,202,204,209,209,207,204,199,202,204,204,200,200,204,202,199,196,194,194,196,202,207,212,212,209,207,207,207,204,204,207,204,204,207,207,204,203,204,212,222,228,228,222,217,217,225,225,222,217,217,225,230,233,233,225,215,209,209,202,144,142,145,202,209,217,222,222,217,215,213,215,212,208,207,208,209,212,212,209,209,208,207,208,209,207,207,212,217,212,207,205,209,222,233,235,230,217,208,208,209,215,222,220,209,151,143,141,204,230,230,212,149,149,212,225,230,230,230,228,224,221,224,228,230,228,228,225,215,194,145,194,202,204,212,215,212,209,217,220,215,211,211,212,215,209,205,205,207,215,225,228,228,225,217,204,202,207,212,209,203,202,207,215,222,222,222,222,228,230,225,217,215,215,215,215,215,215,215,213,215,215,215,212,212,217,228,230,230,228,228,225,225,225,217,209,207,209,217,228,228,228,233,230,222,212,211,212,217,222,215,205,204,205,209,217,225,222,215,212,222,233,241,238,230,225,217,216,222,222,212,209,212,215,215,212,215,222,228,230,233,233,233,225,215,212,215,217,212,209,222,235,243,246,241,233,222,207,202,204,209,217,225,228,228,207,151,151,204,215,230,238,238,238,238,238,238,238,243,243,246,243,235,228,212,209,215,222,225,222,217,217,217,222,217,217,222,228,230,230,228,225,222,217,225,228,228,228,230,230,230,222,215,209,209,205,204,205,217,233,241,241,243,238,228,215,213,216,225,222,222,228,228,217,212,212,217,222,217,215,212,212,215,217,222,220,215,215,222,230,230,225,217,217,217,216,216,222,230,235,238,233,222,215,215,217,222,225,228,230,230,233,235,238,243,248,246,241,235,238,243,246,243,241,235,235,238,238,235,235,230,222,215,215,217,225,230,233,235,235,230,225,217,217,220,222,220,217,220,225,228,228,224,225,233,241,241,241,241,246,248,246,238,217,204,207,215,222,228,228,230,230,233,233,235,235,233,230,228,225,222,222,225,228,225,225,228,233,235,238,241,243,246,246,243,238,233,230,230,230,230,230,228,228,228,228,228,225,217,217,217,222,228,230,230,230,233,233,230,228,222,215,209,209,215,222,222,217,212,204,200,202,202,199,204,215,222,222,225,228,226,228,233,241,238,230,228,228,230,230,233,230,225,217,215,215,217,228,233,233,230,226,228,230,235,238,241,241,238,238,235,233,230,225,217,222,228,233,235,235,228,225,228,230,230,225,224,228,233,228,215,207,209,212,215,217,217,217,222,228,235,241,238,235,235,233,233,230,228,228,230,230,230,233,235,238,235,233,235,235,235,235,228,217,215,215,215,215,212,215,222,228,230,228,225,225,228,233,238,238,235,230,225,225,228,222,207,151,150,202,209,222,228,228,225,225,225,225,225,225,225,225,225,225,225,225,225,228,230,230,230,230,228,225,225,225,225,228,228,228,225,217,217,217,217,212,207,204,207,207,204,207,217,225,225,225,225,225,222,222,222,222,222,222,217,217,215,215,217,222,225,222,222,222,217,217,217,217,220,217,217,217,220,217,217,217,222,222,217,215,215,215,209,207,204,203,204,207,209,202,199,204,204,204,204,202,200,202,202,204,207,207,204,202,202,202,202,202,204,204,207,207,209,209,209,209,212,215,217,215,209,207,209,215,220,222,225,228,228,228,228,228,230,230,228,225,225,225,225,225,225,222,215,207,199,145,141,143,202,212,217,217,217,215,212,212,212,209,204,202,199,199,199,196,194,194,194,196,196,199,199,202,204,204,207,207,204,204,207,209,209,212,212,212,212,209,209,212,212,212,212,212,209,209,212,212,209,207,202,196,196,196,202,204,207,209,207,207,204,204,204,207,212,215,217,217,217,217,217,222,222,222,222,222,215,199,135,134,196,220,228,225,222,225,225,228,228,230,230,230,233,235,238,241,241,241,238,238,238,241,243,246,248,248,248,248,246,243,243,241,241,241,241,243,0,0,0,0,0,0,0,248,168,160,144,140,142,142,139,137,134,137,137,137,126,124,116,126,0,0,0,0,0,0,0,139,105,98,0,0,0,0,0,0,144,126,108,92,90,90,82,78,82,82,61,5,0,0,0,0,0,0,0,0,0,0,0,0,0,11,55,103,95,77,59,87,98,103,98,95,95,95,90,90,95,95,95,95,95,95,95,67,53,39,36,39,51,53,53,51,51,53,85,92,100,118,142,150,170,170,178,196,228,0,0,0,228,196,189,186,170,134,111,92,82,74,74,85,90,82,82,98,129,142,139,137,131,116,113,105,98,98,98,98,100,98,90,82,0,0,0,0,0,0,0,0,0,0,0,0,0,87,74,66,56,27,1,0,0,0,0,0,0,0,20,30,30,27,17,7,4,12,27,0,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,168,209,228,235,255,255,255,160,124,118,113,113,116,108,77,69,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,98,82,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,27,27,35,46,46,40,40,43,51,56,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,30,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,19,33,39,45,77,103,144,178,129,41,0,0,0,0,0,0,0,0,0,0,0,0,0,163,222,254,255,222,41,21,93,199,217,215,202,215,217,222,217,199,192,195,204,217,217,217,217,217,215,215,222,235,246,243,228,215,202,202,215,222,225,235,235,235,235,235,243,248,241,191,75,13,0,0,0,21,47,57,73,131,121,49,15,1,0,29,3,0,0,0,0,0,57,152,178,181,173,155,111,113,113,113,157,173,191,199,199,199,204,204,202,199,196,199,202,191,125,115,120,165,176,178,186,186,194,204,207,204,191,196,204,204,181,147,87,65,41,39,33,39,51,37,11,1,9,29,59,79,85,121,131,126,139,124,85,83,126,150,165,178,186,186,168,126,35,9,11,35,69,83,87,79,81,139,155,152,157,155,157,170,186,186,170,150,107,105,111,113,105,103,109,150,113,105,107,113,163,178,183,176,155,105,81,77,103,165,170,176,183,181,168,146,146,163,163,155,155,155,151,152,163,155,79,31,22,31,67,93,99,97,103,101,97,93,95,101,139,144,134,126,139,163,183,196,202,202,202,200,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,199,181,170,139,82,20,0,0,0,0,38,4,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,116,74,45,37,3,0,0,21,82,134,173,181,181,170,170,170,155,113,85,100,144,173,181,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,243,246,255,255,255,255,255,243,196,220,255,254,204,207,230,215,181,142,129,129,150,165,165,147,121,103,74,40,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,165,199,207,207,202,189,178,170,168,168,176,183,186,186,178,170,168,173,178,178,173,173,173,170,170,163,152,150,165,176,168,155,91,25,0,47,95,142,150,152,157,160,157,157,155,115,111,109,117,181,207,215,217,215,204,186,168,123,119,119,118,121,127,173,176,173,173,178,183,186,183,178,178,183,189,196,202,204,191,178,170,123,119,125,189,207,207,194,189,191,196,194,191,191,189,181,129,129,181,186,125,113,114,127,176,133,125,122,127,183,186,186,181,178,176,178,181,183,183,183,186,189,194,199,204,215,222,222,215,217,222,222,222,217,217,215,212,212,209,202,191,183,137,137,181,186,194,202,194,183,137,137,189,196,196,194,196,196,196,196,196,196,194,191,186,186,189,194,194,191,189,190,191,194,196,202,204,199,196,199,202,199,196,196,202,207,207,204,204,207,209,209,207,207,207,209,204,200,200,202,199,194,194,194,196,202,204,204,202,199,202,209,209,207,202,202,202,202,200,204,207,207,204,204,204,209,212,215,212,215,222,228,228,217,212,215,222,230,233,233,225,212,207,207,196,143,142,147,202,212,217,222,222,220,217,217,215,212,208,207,208,212,217,217,215,212,208,208,209,208,207,208,217,222,215,207,207,217,230,235,235,225,212,205,208,212,217,225,225,209,147,142,143,209,228,225,215,207,212,222,225,228,233,235,233,228,225,225,230,233,230,222,225,217,145,136,143,196,204,217,225,212,199,209,217,215,209,211,215,217,212,209,209,209,212,217,222,222,222,217,212,212,215,209,202,200,204,212,222,230,230,228,228,228,228,222,217,217,217,217,215,215,215,215,215,215,217,215,215,215,222,222,217,217,215,217,222,222,222,217,207,204,205,217,233,235,233,233,228,217,211,211,217,225,228,222,209,209,212,217,228,233,225,212,209,215,230,235,233,228,222,217,216,222,222,217,212,215,217,220,215,212,215,225,230,230,228,228,228,225,222,225,225,212,207,222,238,243,241,235,230,225,217,205,207,215,222,225,230,233,225,212,209,212,222,233,241,241,241,238,238,238,241,243,246,248,246,243,235,217,207,209,217,222,225,228,228,230,230,228,222,217,217,225,233,235,230,228,228,235,241,233,225,225,228,230,225,215,212,209,207,204,204,212,225,230,235,235,233,225,216,222,230,230,225,222,228,228,215,209,209,215,217,215,212,211,211,212,215,215,215,212,215,222,225,225,217,217,217,217,216,217,225,233,238,235,228,215,213,213,217,222,228,230,235,241,246,248,246,248,248,246,241,235,235,235,238,238,235,230,230,235,235,233,233,230,225,225,225,225,228,230,233,233,233,230,225,216,216,217,222,222,222,225,228,230,228,225,228,235,241,241,241,243,248,254,251,243,222,207,207,215,222,225,230,233,233,233,233,233,230,230,225,220,218,218,220,228,228,228,230,233,235,238,241,241,243,246,246,241,235,230,228,228,225,225,225,228,228,228,230,230,228,222,222,222,225,228,230,233,235,235,235,230,225,217,215,215,217,222,222,217,212,209,204,200,202,198,195,202,222,230,228,228,228,230,230,233,235,233,225,225,225,225,228,228,225,217,212,212,215,225,230,233,233,228,228,228,230,235,238,241,241,241,238,233,230,230,225,215,215,225,228,233,233,228,224,224,225,225,224,224,228,228,215,155,152,204,215,222,222,222,225,230,238,243,243,238,233,233,235,235,233,230,228,228,228,228,228,233,235,233,230,230,230,230,230,228,222,217,217,222,225,225,225,225,228,230,230,225,225,228,230,235,235,233,230,225,225,225,222,215,209,207,209,212,222,228,230,228,228,228,225,225,225,225,225,225,225,225,225,225,228,230,233,233,230,228,228,228,228,228,228,230,228,222,217,217,217,217,215,212,209,209,207,203,205,215,222,222,222,222,225,225,222,222,220,220,217,217,215,217,217,217,222,225,222,222,222,222,222,220,220,217,217,217,217,217,217,217,220,222,222,217,217,217,215,207,204,203,203,204,207,204,194,191,199,202,202,202,202,202,202,204,204,207,209,207,202,202,202,199,199,204,207,212,212,212,209,209,209,212,212,215,215,212,212,215,222,225,225,228,228,228,225,225,228,230,230,230,228,225,228,228,228,225,225,215,202,141,133,133,143,202,212,217,217,217,215,215,212,212,209,207,204,199,199,196,191,191,191,194,194,196,196,199,199,199,199,199,199,202,202,204,207,209,209,209,209,209,209,209,212,212,212,212,212,209,212,212,212,209,204,199,196,195,196,202,204,207,209,209,207,204,204,204,209,212,215,217,217,217,217,217,222,222,222,222,225,222,207,138,136,151,217,225,225,225,225,228,228,230,230,233,233,235,238,241,241,241,241,238,238,241,243,243,246,248,248,248,246,243,241,241,241,241,241,243,246,0,0,0,0,0,0,0,0,176,173,160,152,147,147,144,139,137,134,126,126,126,126,0,0,0,0,0,0,0,0,0,144,126,0,0,0,0,0,0,0,147,139,116,100,92,82,82,82,90,82,61,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,47,47,41,55,95,103,103,108,111,111,111,111,105,103,103,105,105,105,103,103,95,59,39,35,38,47,47,45,45,51,59,67,92,100,118,139,150,163,168,178,196,209,230,235,228,204,194,194,194,170,142,111,92,82,74,74,92,98,92,92,116,150,170,168,165,155,139,116,105,98,94,94,95,105,116,105,98,92,0,0,0,0,0,0,0,0,0,0,0,0,95,82,66,56,27,1,0,0,0,0,0,0,0,20,33,38,35,27,4,0,0,4,12,27,25,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,209,255,255,255,152,147,142,118,113,129,129,116,100,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,43,46,43,40,40,51,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,64,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,3,0,0,0,9,17,6,19,27,33,45,87,137,178,144,87,35,25,0,0,0,0,0,0,0,0,0,0,0,65,199,251,255,215,0,0,35,191,222,222,217,217,222,222,215,199,192,196,215,222,228,228,228,228,222,222,228,235,246,246,235,215,212,215,225,243,243,243,243,243,243,235,235,243,243,212,142,47,0,0,0,0,33,55,73,105,67,1,0,0,0,41,29,0,0,0,0,0,73,152,160,160,155,110,108,108,109,113,165,183,199,212,212,209,204,199,199,199,191,191,191,189,165,119,120,123,173,176,186,189,194,204,204,199,191,196,196,189,163,134,87,81,73,91,129,85,73,53,23,13,11,23,51,71,85,118,116,118,160,165,160,160,163,168,168,168,173,178,178,155,87,67,73,79,81,93,93,85,85,97,150,157,165,163,165,178,191,196,191,176,157,115,113,113,105,101,104,115,109,105,111,163,178,183,183,176,155,107,81,76,97,155,168,173,178,181,168,150,150,155,157,153,160,160,152,152,157,155,87,41,23,31,67,89,95,97,101,101,105,103,142,150,160,160,142,137,144,165,183,191,202,202,202,202,215,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,243,207,189,170,131,66,7,0,0,0,0,92,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,64,0,139,126,100,69,45,37,31,9,0,0,7,33,90,129,150,142,131,118,124,121,92,77,100,152,186,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,254,230,241,255,255,255,255,255,196,173,204,255,255,246,235,217,191,173,152,139,134,152,160,150,121,100,77,56,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,157,196,204,207,204,199,194,183,176,173,178,186,189,186,178,170,168,173,178,176,170,168,166,165,168,168,157,147,163,176,152,49,0,0,0,0,83,147,155,157,160,160,157,157,157,152,111,107,113,178,207,215,217,217,215,204,186,165,118,117,118,121,125,127,168,170,170,176,178,181,176,170,173,178,183,186,189,199,196,186,170,119,119,129,189,202,204,194,189,186,189,194,194,194,189,183,183,194,204,204,181,119,117,127,178,178,127,123,133,191,196,196,199,194,186,183,183,183,183,186,189,191,196,202,204,207,212,212,209,212,215,217,215,217,217,222,215,207,196,189,186,189,189,189,189,191,194,199,189,181,137,137,186,194,194,196,196,194,194,194,194,191,189,186,183,183,189,194,196,194,191,194,196,199,202,204,204,199,194,199,202,199,195,196,202,207,207,204,204,207,209,209,209,209,212,215,212,204,202,204,199,191,189,189,194,202,204,202,196,194,199,212,215,212,204,202,202,202,202,202,204,207,207,202,202,202,202,202,204,212,225,230,230,222,212,215,222,230,235,233,225,212,204,196,147,144,145,149,202,207,212,217,217,215,215,217,217,215,215,217,220,222,225,225,222,217,212,212,215,212,209,212,217,215,207,207,212,222,230,233,230,217,208,207,209,215,222,225,222,207,146,143,147,209,215,215,217,217,228,228,225,228,235,241,238,233,230,230,233,235,225,216,217,212,137,131,131,133,141,212,228,215,196,207,217,217,211,212,220,217,212,212,215,215,215,217,222,222,222,222,217,222,215,207,202,204,217,228,235,238,238,233,228,228,225,222,217,217,217,215,215,213,213,215,215,215,217,217,215,217,217,209,203,199,202,209,217,225,225,222,212,207,215,230,241,241,238,230,225,215,211,212,217,225,228,225,217,217,222,222,228,230,225,212,209,215,228,235,235,233,230,225,222,222,225,217,215,217,222,222,215,209,212,228,235,233,225,225,228,228,228,230,228,217,209,222,235,241,235,228,225,228,225,217,209,212,217,225,233,235,230,230,228,225,230,235,243,246,243,238,235,238,241,243,248,248,248,246,238,217,202,202,207,215,228,235,233,230,230,228,222,215,215,225,238,238,230,233,238,243,246,238,225,220,225,230,228,217,212,209,209,207,209,212,217,222,228,233,230,225,225,235,243,238,228,222,225,225,215,211,209,212,217,215,215,215,215,215,212,212,211,211,212,215,215,212,211,215,217,217,216,217,225,233,235,233,222,213,212,215,222,228,233,235,241,248,254,251,248,246,246,243,238,233,230,228,230,230,230,229,229,233,235,233,233,233,233,235,238,235,233,233,233,233,233,233,228,220,217,217,220,222,225,228,230,233,233,230,233,241,243,243,243,243,248,251,251,243,225,207,209,215,225,228,230,230,230,230,230,233,233,230,228,222,220,222,225,228,228,228,230,233,238,238,238,241,241,238,238,235,233,233,228,225,222,222,225,225,228,230,230,230,228,225,222,222,222,225,228,230,233,233,230,228,222,217,217,225,225,225,222,217,215,215,209,207,207,199,198,209,230,233,230,228,233,233,233,233,230,225,222,222,222,225,225,222,217,211,209,211,217,225,230,233,230,228,228,230,233,235,238,241,241,243,238,233,230,230,222,213,215,222,225,230,233,228,225,225,228,228,225,225,228,222,204,149,150,155,215,225,228,228,233,238,243,243,241,233,230,230,235,238,235,233,230,230,230,228,226,230,235,235,230,228,228,225,228,225,222,222,222,225,228,228,228,228,228,230,230,225,222,222,228,230,233,230,228,225,225,222,222,222,217,212,209,215,222,228,230,230,228,228,228,225,225,225,225,225,225,225,225,228,230,230,233,233,230,230,228,230,228,228,228,228,228,222,215,213,215,215,217,215,215,212,209,204,205,212,217,217,217,225,228,225,220,217,217,220,222,220,220,222,220,220,222,222,222,222,225,225,225,222,220,217,217,217,217,220,220,220,220,222,217,217,215,215,212,207,204,203,203,204,207,199,143,143,194,196,199,202,204,202,204,204,204,207,209,207,202,202,199,196,196,202,209,215,215,215,212,209,209,212,215,215,215,212,215,217,225,228,230,230,228,225,225,225,228,230,230,230,225,225,228,228,228,225,222,212,194,125,119,123,139,204,212,215,217,217,215,215,215,215,212,209,204,202,199,194,189,189,194,196,196,196,196,194,194,194,194,194,194,196,199,202,204,207,207,209,209,209,209,209,212,212,212,212,212,212,212,215,215,212,204,199,196,195,195,199,204,207,209,209,207,203,203,207,209,212,215,217,217,217,217,217,222,222,222,222,225,225,209,143,138,149,212,222,225,225,225,228,230,233,233,235,235,235,238,238,238,241,241,241,241,243,243,246,248,248,248,248,246,241,241,241,241,241,243,243,246,0,0,0,0,0,0,0,0,0,176,165,160,147,147,142,139,139,139,126,124,0,0,0,0,0,0,0,0,0,0,165,147,147,0,0,0,0,0,0,0,160,142,116,105,100,98,98,98,90,87,69,21,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,23,53,90,103,111,121,124,124,121,113,111,111,113,121,121,113,111,103,67,45,35,38,45,41,37,39,53,67,95,100,100,111,134,142,155,168,181,196,204,209,215,207,189,181,186,194,178,142,118,100,85,74,74,92,100,108,129,155,186,202,202,199,183,165,139,129,105,95,94,98,116,129,129,116,105,98,0,0,0,0,0,0,0,0,0,0,0,100,85,72,56,27,1,0,0,0,0,0,0,0,14,38,38,35,27,4,0,0,0,4,27,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,56,0,0,0,0,0,0,0,0,0,0,241,255,255,225,255,241,176,129,137,152,152,137,111,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,40,30,33,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,27,19,9,9,25,27,9,27,31,27,33,47,95,144,144,103,53,41,17,0,0,0,0,0,0,0,0,0,0,129,189,241,254,212,0,0,0,173,217,222,217,217,217,217,202,196,195,199,217,233,233,233,235,235,235,235,235,241,246,243,235,215,207,215,225,243,254,254,248,243,243,235,235,243,243,225,173,81,5,0,0,5,27,33,33,41,37,0,0,0,0,129,142,0,0,0,0,0,79,160,160,155,150,109,108,111,115,163,181,199,209,222,222,212,209,199,199,191,176,165,176,189,183,165,123,165,168,176,189,199,204,204,204,204,196,191,181,163,144,134,134,137,147,181,181,144,75,45,17,15,13,25,57,77,116,126,118,118,150,160,160,163,163,160,144,139,155,168,168,165,155,142,95,87,87,95,101,93,99,150,168,178,183,181,181,189,194,202,202,194,176,165,157,152,105,100,103,109,109,107,113,163,181,183,178,170,160,109,81,73,95,155,163,170,178,181,176,157,150,155,155,160,170,168,157,152,155,150,91,49,29,39,75,93,95,95,99,105,105,142,150,160,147,144,147,160,157,165,178,191,202,202,209,212,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,225,196,170,124,51,0,0,1,0,0,100,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,38,74,79,61,27,27,37,66,49,31,15,17,27,39,53,98,103,87,35,13,21,33,29,27,82,134,176,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,248,220,220,248,255,255,251,199,170,168,196,254,255,255,254,196,163,173,181,170,157,152,152,142,121,103,77,56,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,82,147,186,194,199,196,189,181,178,186,189,189,186,178,170,165,170,173,173,168,166,165,165,170,173,163,152,134,37,0,0,0,0,0,0,77,152,160,160,160,160,160,163,160,155,111,106,109,170,199,207,209,212,215,212,196,168,118,117,119,121,123,125,127,168,170,170,173,170,129,127,170,176,181,178,181,191,194,189,176,121,121,170,181,186,189,186,181,178,178,186,189,189,181,178,186,196,207,204,186,127,125,133,186,191,189,181,191,199,199,199,199,199,194,189,186,186,183,186,189,194,199,196,196,199,202,204,204,207,212,212,207,209,212,217,212,199,186,185,185,189,191,194,194,194,191,189,181,137,181,181,186,191,194,196,196,194,191,191,189,186,183,183,186,189,191,196,199,202,202,202,202,204,204,207,204,196,192,196,202,196,195,196,202,204,204,207,207,207,209,212,212,209,209,212,212,207,207,207,196,143,141,141,191,202,204,199,191,191,196,212,217,215,207,199,202,204,204,204,204,204,204,204,204,204,202,195,196,207,222,233,233,228,215,212,215,228,235,230,217,207,202,196,196,196,199,202,204,207,215,222,217,213,213,215,215,222,225,225,225,222,222,220,217,215,212,215,217,222,217,215,209,205,204,209,215,222,225,228,225,215,209,209,212,217,222,222,215,153,146,146,202,212,209,212,217,222,230,233,230,230,233,238,238,233,230,230,233,230,222,217,217,207,141,135,132,131,135,207,225,212,196,202,215,215,212,215,222,217,212,212,215,217,225,228,228,225,222,217,215,209,204,204,207,215,225,230,235,238,238,235,233,233,230,222,217,217,215,215,215,215,213,213,215,217,222,222,217,217,222,212,203,199,200,207,222,225,225,222,217,215,222,233,241,238,233,225,222,215,212,212,215,222,225,225,222,225,225,222,222,222,217,212,209,215,228,238,241,238,238,233,225,225,225,217,215,215,217,217,212,209,212,230,241,238,228,222,222,222,225,228,228,222,215,217,228,233,230,228,228,230,230,212,199,207,212,222,233,233,233,235,233,230,233,238,243,243,241,235,235,238,243,243,246,248,248,243,235,215,204,202,202,212,230,238,230,217,217,222,222,215,215,228,241,235,222,228,235,241,243,235,222,218,225,233,230,217,212,212,212,212,217,222,222,222,225,228,222,217,225,235,241,235,228,222,222,222,215,212,212,215,217,222,225,225,225,217,212,212,212,212,211,211,211,211,209,212,222,222,217,222,228,233,235,230,222,213,213,217,225,230,235,241,243,248,248,246,243,243,243,241,233,230,225,222,222,228,230,230,230,233,233,233,233,235,238,241,243,241,235,233,233,230,230,233,230,225,220,220,222,222,225,230,235,238,235,235,238,241,243,246,246,243,243,243,243,238,225,207,207,220,228,228,230,230,230,229,230,233,235,235,230,228,225,230,233,228,226,226,228,233,235,235,235,235,235,231,231,231,233,233,230,222,220,222,225,228,230,230,230,230,228,225,222,222,222,225,225,228,228,230,230,228,228,225,228,230,230,230,230,230,228,225,217,217,215,207,207,222,228,228,225,228,230,233,233,230,228,225,222,222,222,222,222,217,215,209,209,212,220,225,230,233,230,228,228,230,233,235,238,241,243,243,241,233,230,228,222,213,215,225,228,230,233,233,230,228,230,230,225,225,225,217,153,149,150,204,217,225,230,235,238,241,243,241,235,230,229,230,235,238,238,235,230,230,230,228,226,230,235,235,230,228,222,222,225,225,222,222,222,225,228,230,230,230,228,228,228,225,221,222,222,225,228,225,225,222,220,217,217,225,228,217,215,222,228,228,230,230,228,228,228,228,228,228,228,228,228,228,228,228,228,230,233,233,230,228,228,230,230,228,228,228,225,217,213,212,213,215,217,217,215,215,209,207,209,212,215,217,222,228,228,222,217,216,216,222,225,228,228,225,222,222,222,222,222,222,225,225,225,222,220,217,217,217,220,220,220,220,217,217,215,212,212,212,212,207,204,204,204,207,207,196,143,142,145,194,199,204,204,204,204,204,204,207,209,207,202,199,196,195,196,202,207,212,215,215,215,215,215,215,215,217,215,215,217,222,225,228,230,230,228,228,225,228,228,230,230,228,225,222,225,225,225,222,217,207,145,121,117,120,137,202,212,215,215,215,215,215,215,215,212,207,202,199,196,191,141,186,196,202,202,199,196,194,194,192,191,191,192,194,199,202,204,207,207,207,207,209,209,209,212,212,212,212,215,215,215,215,215,212,207,202,196,195,195,199,204,209,209,209,207,203,203,207,212,212,215,215,217,217,217,217,222,222,222,222,225,222,212,145,141,151,212,220,222,225,225,228,233,235,235,238,238,238,238,238,238,241,243,243,246,246,246,248,248,248,248,248,246,243,241,241,241,243,243,243,246,0,0,0,0,0,0,0,0,0,0,0,0,142,139,137,137,144,144,139,0,0,0,0,0,0,0,0,0,199,173,155,155,160,155,0,0,0,0,0,0,163,147,126,116,116,108,105,105,98,87,72,35,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,77,98,111,124,134,134,124,113,111,113,121,134,134,121,111,103,71,53,39,39,39,35,34,39,61,100,108,108,108,111,118,134,150,170,189,196,204,204,204,196,181,176,179,186,178,160,134,111,92,82,82,98,111,129,150,183,212,233,235,233,209,194,173,152,129,108,105,105,116,131,137,137,118,105,98,0,0,0,0,0,0,0,0,0,0,103,90,72,51,27,0,0,0,0,0,0,0,0,12,35,40,48,35,12,0,0,0,4,12,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,0,0,0,0,0,0,0,0,0,0,0,241,255,255,255,255,207,129,129,163,181,173,129,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,0,22,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,20,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,31,59,59,39,33,33,33,45,45,33,33,41,51,95,103,87,47,35,9,0,0,0,0,0,0,0,0,0,61,163,183,212,233,199,0,0,11,183,217,217,215,215,215,215,202,196,196,215,228,235,235,235,235,241,246,246,241,246,251,246,235,217,212,215,235,243,254,254,251,243,235,235,235,248,243,212,168,129,59,47,53,47,27,0,0,23,55,63,0,0,0,150,165,0,0,0,0,0,77,160,170,165,160,152,111,155,165,176,191,209,222,212,212,209,209,204,199,183,157,155,165,183,183,121,119,168,176,181,194,215,215,215,215,207,204,189,163,144,134,144,155,155,144,165,163,85,55,21,11,9,13,31,65,83,126,139,139,139,150,147,126,126,121,118,87,89,129,150,160,160,155,152,142,131,101,150,160,152,152,163,186,199,199,189,183,178,186,194,202,194,183,168,165,163,111,100,101,109,113,115,157,170,181,183,178,176,165,113,81,74,95,155,168,170,176,176,176,160,152,150,155,160,173,183,165,152,155,155,101,69,45,61,91,105,101,97,97,105,107,142,144,139,101,137,147,165,165,170,183,191,202,209,217,225,225,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,233,199,165,108,43,0,0,1,0,0,66,0,0,0,0,0,0,0,0,0,0,38,30,0,0,0,0,0,0,0,0,3,29,21,0,0,0,27,72,95,87,85,92,100,90,90,82,35,5,0,0,0,0,0,0,21,90,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,243,217,215,228,251,243,189,152,152,181,212,248,255,255,251,168,153,181,204,204,181,160,157,163,157,134,95,64,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,56,105,157,168,163,173,183,186,189,186,178,170,164,165,168,170,170,170,168,168,170,165,144,126,11,0,0,0,0,0,0,19,91,157,163,165,165,168,170,170,165,160,113,105,105,117,181,189,191,196,202,202,191,170,119,118,119,123,125,127,127,168,168,170,170,127,125,126,129,176,178,178,178,186,191,194,189,173,129,170,173,173,173,176,176,131,131,173,176,173,131,131,176,186,196,199,189,176,131,178,189,196,196,194,196,202,199,196,196,194,191,189,183,183,181,183,189,194,196,192,192,194,199,202,204,207,207,202,199,199,204,207,204,194,186,185,185,186,191,196,196,191,186,181,136,136,183,189,194,196,196,194,191,191,191,191,189,183,179,181,186,189,191,194,196,202,204,204,207,204,204,204,204,196,192,194,196,196,196,202,204,204,203,204,204,207,209,209,209,207,204,207,209,212,212,209,194,138,138,141,191,199,202,196,190,189,190,202,212,212,202,194,196,202,204,202,199,199,202,207,212,215,212,199,196,199,212,228,230,225,215,207,212,225,233,228,215,204,199,199,204,207,207,204,204,212,222,225,222,215,215,217,217,220,222,222,215,207,204,207,207,209,209,215,222,225,222,212,204,204,207,222,222,220,217,217,215,215,212,212,212,215,220,222,215,207,202,207,215,217,212,217,222,222,230,235,235,230,230,233,235,235,233,233,228,222,222,222,209,145,139,145,141,137,147,217,222,204,145,194,204,209,215,220,225,222,217,222,222,222,228,233,230,225,215,209,207,204,202,204,215,222,222,225,230,233,235,235,238,238,233,222,217,217,215,213,215,215,215,215,215,217,225,225,222,222,225,228,217,207,205,212,217,222,217,215,213,215,225,230,230,222,215,215,217,217,215,212,215,222,228,228,225,228,228,222,222,217,212,209,209,215,230,238,238,235,233,230,225,222,225,220,217,217,215,215,212,211,212,225,235,235,225,218,218,218,225,230,228,222,217,217,220,225,228,230,230,225,207,113,115,199,209,215,225,228,233,235,233,233,235,241,241,241,238,233,235,238,241,241,241,241,243,241,230,217,212,204,153,204,228,230,215,204,209,222,228,222,215,222,230,209,146,209,225,228,230,228,222,221,228,233,228,220,217,222,217,217,228,233,230,228,225,225,217,215,215,222,228,225,222,215,215,212,215,215,217,217,222,228,233,235,230,217,212,212,215,215,212,211,212,212,212,215,222,225,228,230,233,233,230,225,217,213,215,222,228,233,238,241,243,243,241,238,235,238,238,235,228,222,217,217,222,225,230,233,233,233,230,230,233,235,235,241,241,238,235,233,230,230,228,228,225,222,222,222,225,228,230,235,241,241,241,238,238,235,238,243,246,243,241,238,238,238,228,209,209,222,228,228,228,230,230,230,233,235,238,238,233,228,225,228,230,228,226,225,228,233,235,235,233,233,233,230,230,231,233,233,228,222,222,225,228,230,230,230,228,228,228,225,222,222,225,225,225,225,225,225,228,233,235,235,233,230,233,233,233,233,233,230,228,225,222,212,212,217,217,217,225,230,230,230,233,230,228,225,222,222,222,222,225,222,215,211,211,217,225,228,230,233,233,230,230,230,233,235,235,238,241,243,238,230,225,225,215,212,215,228,230,230,235,235,233,233,230,230,225,225,225,222,204,152,155,212,217,228,233,235,241,241,241,238,235,230,229,230,235,238,238,235,230,230,230,228,228,230,235,233,228,225,217,222,225,228,225,222,221,225,228,228,230,233,230,228,225,225,222,221,222,225,225,222,217,217,217,215,215,220,225,217,217,225,228,228,230,230,230,230,230,230,230,228,228,228,230,230,230,228,228,230,233,233,230,228,228,230,230,228,228,225,222,215,213,215,215,215,215,215,215,212,212,212,215,215,217,222,225,228,228,225,217,216,216,222,225,230,230,228,225,222,222,222,222,222,225,225,222,220,217,217,217,217,217,217,220,217,217,212,209,209,209,212,212,209,207,207,207,207,207,202,191,145,191,196,202,204,204,202,204,204,207,207,209,207,204,202,199,196,196,202,207,212,212,215,215,217,217,217,217,217,215,215,217,225,228,230,230,230,228,228,228,228,228,230,228,225,222,217,222,225,222,222,215,204,145,131,121,125,141,202,209,212,215,215,215,215,215,212,207,196,191,191,191,186,140,186,199,207,204,202,202,199,196,194,192,191,192,194,196,199,202,204,204,207,207,209,209,209,212,212,212,212,215,215,212,215,217,215,207,202,199,196,196,202,207,209,212,209,207,203,203,209,212,212,215,215,217,217,217,217,222,222,222,222,222,217,209,149,143,199,212,222,225,225,228,230,233,235,238,238,238,237,238,238,241,243,246,248,248,246,248,248,251,251,248,248,246,246,243,243,243,243,243,246,246,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,173,186,186,176,165,155,155,147,144,0,0,0,0,0,0,163,152,142,0,0,0,0,0,98,87,66,46,13,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,15,57,95,111,121,134,124,113,111,108,111,121,134,134,121,111,103,73,59,51,47,39,34,30,39,65,77,111,118,111,111,118,131,150,176,196,204,204,204,204,196,186,176,176,186,194,178,160,142,111,92,92,108,129,142,165,191,0,0,0,0,0,225,202,183,165,144,137,129,118,129,129,137,129,105,98,0,0,0,0,0,0,0,0,0,0,100,85,64,48,11,0,0,0,0,0,0,0,0,7,30,40,48,40,17,4,0,4,12,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,35,17,0,0,0,0,0,0,0,0,0,0,0,246,255,255,255,255,215,118,116,163,194,181,139,79,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,19,59,69,69,69,45,66,77,77,45,45,47,47,47,53,47,41,31,23,0,0,0,0,0,0,0,0,0,139,199,189,189,215,199,41,0,55,183,215,215,204,215,217,215,204,199,202,222,235,241,241,235,235,241,246,246,241,246,251,251,246,235,235,235,243,254,255,255,254,243,235,235,243,243,225,176,144,139,147,137,79,59,29,0,0,1,53,103,0,0,9,142,142,0,0,0,0,9,85,160,173,178,178,165,163,173,181,181,194,209,222,212,202,209,212,212,199,173,157,155,165,176,115,83,91,168,181,189,204,215,217,228,217,215,196,170,144,134,144,163,170,157,95,87,63,37,29,17,9,7,15,45,75,83,116,137,160,173,173,157,126,89,83,83,83,83,83,89,129,144,150,144,147,155,168,176,181,178,170,176,194,209,204,189,181,170,165,168,183,186,173,168,173,165,117,103,103,113,160,165,165,173,181,183,178,176,173,155,89,76,95,155,170,170,163,163,168,160,152,113,155,160,170,170,160,150,155,157,111,89,77,87,107,150,109,97,97,105,144,142,103,101,101,137,157,168,173,181,191,196,212,220,225,228,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,233,196,155,92,33,0,0,0,0,0,4,0,0,0,0,0,0,0,0,0,0,0,72,0,0,0,0,0,0,0,0,0,15,5,0,0,0,19,66,103,105,111,124,137,126,108,82,7,0,0,0,0,0,0,0,0,0,82,170,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,246,228,220,217,217,191,148,137,152,204,238,255,255,255,230,163,159,189,207,228,207,181,176,204,204,157,100,56,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,87,108,134,163,178,183,183,178,170,164,164,165,168,170,176,176,173,168,144,65,0,0,0,0,0,0,0,0,71,150,168,173,173,178,181,186,181,173,163,115,105,103,107,157,168,173,178,183,183,178,165,121,118,119,125,165,127,125,125,168,173,173,127,125,126,170,176,178,178,176,178,186,191,191,178,170,170,170,169,169,173,173,131,131,131,129,129,130,131,131,178,189,194,189,181,176,176,178,186,189,191,194,196,196,194,194,194,194,186,181,178,178,181,186,194,196,194,192,194,196,196,199,202,202,194,194,194,199,199,196,194,191,189,186,186,196,207,207,194,181,181,136,137,191,199,204,202,196,191,189,189,191,194,189,181,178,179,183,186,186,183,186,194,199,204,204,204,202,202,202,196,192,191,192,196,202,207,207,204,203,203,203,203,204,207,204,202,199,202,209,215,217,215,199,139,137,141,191,199,199,196,191,189,189,191,202,202,196,189,189,194,199,194,191,191,194,204,215,222,222,209,199,194,199,212,217,215,209,207,212,228,235,230,215,204,199,202,207,209,204,202,203,212,225,225,217,217,222,222,217,215,215,212,204,200,200,202,207,209,212,215,215,217,215,207,204,209,228,228,222,215,209,207,204,207,209,212,212,215,222,225,222,217,220,222,225,225,222,228,225,222,235,241,238,233,230,230,235,238,235,233,225,212,212,212,141,127,132,145,147,194,209,225,215,147,143,146,199,207,215,225,225,220,222,230,230,228,225,228,228,222,212,207,209,209,207,209,222,225,225,225,228,228,230,235,238,235,230,222,220,217,215,215,220,222,222,217,217,222,225,225,222,222,225,230,225,217,215,215,217,217,217,213,213,215,222,225,222,211,208,209,212,215,212,212,217,228,233,233,230,230,230,228,225,217,209,208,208,215,228,233,230,222,222,222,215,217,222,222,222,220,215,212,212,215,215,222,228,228,222,220,218,222,230,233,225,217,215,215,215,217,222,225,212,131,103,92,98,149,207,215,222,225,230,233,235,238,241,243,238,233,230,230,233,238,235,235,233,235,235,235,228,217,212,204,149,149,207,209,153,151,207,228,233,222,209,209,212,143,135,149,212,212,215,222,225,228,235,235,230,225,230,233,225,222,230,238,238,230,225,228,225,217,215,212,209,212,212,209,207,207,212,217,225,225,225,230,238,235,228,215,209,212,217,215,212,212,215,215,215,217,225,230,233,233,233,230,228,222,215,215,217,225,228,233,235,238,241,241,235,233,233,235,233,225,215,212,212,215,217,225,230,233,233,230,230,230,230,233,233,235,238,233,230,228,228,230,228,225,222,217,222,228,230,233,238,241,243,243,241,238,233,230,233,241,248,246,241,238,241,243,233,212,209,217,225,228,230,230,233,235,235,238,238,238,233,228,225,225,228,228,228,228,230,233,235,235,233,235,233,233,233,233,233,233,228,222,220,225,228,230,230,228,225,225,225,228,225,225,228,228,225,222,217,217,228,235,238,238,235,230,230,230,230,230,230,230,230,225,217,209,207,207,207,215,233,235,235,233,235,238,235,228,222,217,222,222,225,222,217,215,217,225,228,228,230,235,238,235,233,233,230,230,230,235,238,241,238,230,225,222,215,213,217,230,233,233,235,238,235,235,230,228,225,225,228,222,212,209,212,217,222,228,230,235,238,241,241,238,235,230,230,233,235,238,238,233,228,228,228,228,230,230,233,230,225,217,217,222,228,230,228,225,222,222,225,228,230,233,233,228,225,225,222,222,225,225,222,217,215,217,217,215,209,212,212,212,212,225,228,226,228,230,230,233,235,233,230,230,230,230,230,233,230,230,228,228,230,230,228,226,228,228,228,228,228,225,222,215,215,217,217,215,212,212,212,212,212,215,215,217,222,225,228,228,228,225,222,217,217,220,225,228,230,228,225,222,222,222,222,222,225,222,220,217,217,215,215,215,215,217,217,217,215,209,207,207,209,212,212,212,209,209,207,207,207,209,204,202,199,199,204,207,204,202,204,204,204,207,209,207,204,202,202,199,199,202,204,207,212,215,217,217,217,217,217,217,217,215,217,225,228,228,230,228,225,228,228,228,228,228,228,222,217,217,222,225,225,217,212,204,196,145,137,135,145,202,207,209,212,215,215,215,212,207,196,143,141,141,141,141,141,189,202,207,204,207,207,204,202,196,194,194,194,194,196,196,199,202,204,204,207,209,212,209,209,212,212,212,215,215,212,212,215,215,209,204,199,196,199,204,209,212,212,209,207,203,204,209,212,212,215,215,217,217,217,217,222,222,222,222,217,215,207,149,145,199,215,225,228,225,228,230,233,238,238,241,241,238,238,243,246,248,248,248,248,248,248,248,251,251,251,248,248,246,246,246,243,243,243,243,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,155,165,168,168,165,165,160,139,126,144,0,0,0,0,0,147,139,0,0,0,0,0,0,0,87,64,25,15,7,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,25,55,95,108,121,124,121,111,107,108,111,121,124,121,121,111,103,100,71,61,51,37,30,30,39,57,73,111,118,118,131,134,142,163,186,204,212,212,204,204,204,196,186,181,194,204,204,186,163,134,108,100,116,142,150,165,178,191,0,0,0,0,0,225,209,199,186,173,147,129,114,116,129,116,105,90,85,79,79,69,69,0,0,0,0,0,92,77,59,38,5,0,0,0,0,0,0,0,0,7,38,51,56,48,27,12,9,12,12,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,233,233,215,254,255,233,118,107,144,173,173,139,87,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,27,59,74,85,85,79,85,77,77,85,87,74,47,45,49,53,53,51,37,0,0,0,0,29,150,21,25,215,233,215,199,209,189,69,29,47,147,186,194,199,204,217,217,215,204,215,222,235,241,241,241,235,241,246,246,246,246,251,255,255,251,251,254,255,255,255,255,255,254,251,248,243,235,189,139,124,142,152,121,59,53,37,0,0,0,0,0,0,0,69,142,108,7,0,0,0,45,142,178,189,194,189,186,189,191,191,189,191,199,209,212,199,202,212,212,194,168,157,161,176,121,77,50,71,160,186,196,204,207,215,215,215,204,178,155,133,134,155,170,181,168,139,75,37,21,23,25,13,11,23,57,81,81,75,116,173,202,204,186,165,147,129,118,85,85,85,81,77,83,97,91,91,142,168,173,176,183,189,189,202,212,207,189,181,163,152,152,163,168,165,165,173,173,165,111,111,160,176,176,181,181,186,186,178,176,173,160,97,77,95,155,170,163,152,152,155,157,115,113,113,155,160,160,157,150,155,157,152,99,91,101,157,157,113,101,97,101,144,107,103,101,144,160,165,173,186,191,196,204,212,220,225,235,238,235,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,228,181,142,74,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,111,20,0,0,0,0,17,9,0,11,29,27,0,0,0,31,77,113,111,103,118,139,144,116,66,0,0,0,0,0,0,0,0,0,0,5,137,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,254,248,246,225,191,165,137,137,170,220,248,255,254,233,196,163,163,189,196,230,230,207,212,243,233,173,77,20,0,0,0,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,59,95,160,173,178,173,165,165,168,170,165,165,173,165,92,0,0,0,0,0,0,0,0,0,0,152,170,183,186,183,189,194,196,191,181,168,155,111,105,107,119,163,165,173,170,156,160,165,121,119,119,125,168,125,123,124,173,183,181,170,126,126,168,173,173,170,127,129,178,186,186,178,170,169,170,173,173,178,181,181,176,173,131,130,131,173,173,178,183,189,189,183,178,176,176,178,183,189,194,196,196,194,194,194,194,191,181,178,178,178,186,191,196,196,199,194,189,186,189,194,194,191,191,194,196,196,194,194,191,186,185,189,199,215,217,204,186,137,136,136,186,196,202,202,196,191,189,189,189,191,191,186,179,178,183,186,182,181,183,191,194,199,202,199,199,202,202,202,194,191,192,199,207,209,207,204,207,207,204,204,204,199,194,191,191,196,207,212,215,217,215,199,139,141,191,196,199,202,202,196,190,190,194,194,191,143,143,191,194,189,143,143,189,196,212,228,228,222,204,145,143,191,199,202,204,207,217,233,238,233,215,202,199,202,207,207,203,200,203,215,230,228,217,215,220,217,212,209,209,207,202,202,207,212,215,215,215,212,209,207,207,207,207,217,228,222,215,212,209,203,200,202,207,215,222,228,230,228,225,225,225,225,225,228,228,228,228,233,238,241,235,228,228,228,233,233,233,230,225,209,196,147,138,134,136,145,196,204,212,212,202,146,145,199,209,212,215,235,222,207,215,228,233,230,225,217,217,215,209,207,212,222,228,230,233,230,230,228,225,222,225,233,233,230,228,222,222,217,215,222,230,235,233,225,225,225,225,225,220,217,222,228,228,222,222,222,220,222,225,225,222,222,225,228,225,211,207,208,211,212,212,215,225,233,235,235,233,235,238,235,228,217,212,208,207,212,225,230,228,222,222,217,215,215,217,222,222,222,215,211,212,215,217,217,217,217,222,228,228,230,233,228,215,212,212,213,213,215,220,217,196,119,104,113,133,202,212,222,230,233,230,230,238,246,246,243,238,230,228,229,235,238,233,230,233,235,235,230,222,217,212,153,148,149,151,153,151,151,204,222,230,222,209,212,207,142,142,215,215,208,209,217,225,233,238,238,235,235,238,235,228,222,228,235,235,230,228,225,222,222,215,209,207,207,207,207,205,207,209,222,228,225,217,228,230,228,217,209,208,209,215,215,212,212,217,222,222,225,230,235,235,233,233,235,233,228,222,222,225,225,225,225,230,233,235,238,235,233,235,235,230,212,207,208,209,212,217,230,235,235,233,230,230,233,233,230,228,230,233,230,228,225,228,230,230,225,217,216,222,230,233,235,238,241,241,241,238,233,229,229,233,241,248,248,246,246,248,248,235,215,207,212,222,228,230,233,235,235,235,234,235,235,235,230,228,228,228,228,230,233,233,235,235,235,235,235,238,238,238,238,235,233,225,215,215,222,225,228,225,222,222,222,225,228,228,230,228,225,222,215,212,215,228,233,235,233,230,228,225,225,225,225,225,228,225,217,207,200,199,200,207,217,230,235,233,233,238,241,235,228,215,212,215,217,222,217,215,217,225,230,230,230,233,235,238,235,235,233,230,225,225,230,235,238,235,230,228,225,225,222,228,233,235,235,235,238,238,235,230,228,230,233,225,215,215,217,222,228,230,230,230,233,235,241,241,238,230,230,235,238,238,233,233,230,228,225,228,230,230,230,230,225,220,217,217,222,228,233,233,230,225,222,222,225,228,230,230,228,225,225,225,225,228,225,220,212,212,212,215,212,209,209,209,209,212,225,228,228,228,230,230,230,233,233,233,230,229,230,233,233,233,230,228,228,228,230,228,226,226,228,228,230,230,228,225,217,217,217,215,212,207,207,207,209,212,215,215,217,222,225,228,228,225,225,222,220,220,222,225,225,228,228,225,222,222,225,225,225,222,222,222,217,217,217,212,209,209,212,215,215,209,204,204,204,209,217,217,215,212,212,212,209,207,209,209,209,207,207,204,204,204,202,202,202,202,204,209,209,204,202,202,202,202,202,202,207,209,212,217,217,215,212,215,217,220,217,222,225,228,228,228,228,225,225,228,228,228,228,225,222,216,216,217,225,225,217,209,204,202,199,147,147,199,207,209,209,212,212,217,215,209,199,141,137,139,141,186,189,191,199,204,207,209,209,209,207,204,199,196,196,196,194,194,196,196,199,202,204,207,209,212,212,209,212,212,215,215,215,212,212,215,215,212,207,199,191,196,207,212,212,212,209,207,203,204,212,212,212,215,215,215,217,217,217,222,222,217,217,217,209,199,145,144,149,212,225,228,225,228,230,233,238,241,241,241,241,241,243,246,248,251,251,251,248,248,251,251,251,251,251,248,246,246,246,243,243,243,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,147,160,165,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,100,82,64,46,25,17,15,11,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,33,55,90,108,121,121,113,108,107,111,113,111,111,111,111,105,103,103,77,71,57,45,34,34,39,51,67,85,134,134,142,150,165,181,196,204,215,230,230,212,204,204,196,196,204,207,212,204,186,142,111,108,116,142,152,168,170,176,173,178,202,212,225,233,241,235,225,204,173,137,114,116,116,108,98,82,79,77,72,69,61,61,66,66,74,77,74,72,56,38,5,0,0,0,0,0,0,0,0,7,56,66,61,48,0,0,0,0,0,27,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,183,183,176,183,230,230,129,90,112,163,163,139,111,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,25,59,85,92,92,85,85,92,113,118,95,72,72,87,98,103,103,74,1,0,0,0,19,233,255,255,255,251,230,196,178,144,67,41,49,95,160,176,194,204,222,225,215,215,215,222,233,235,241,241,241,241,246,251,251,246,251,255,255,255,254,254,255,255,255,255,255,255,255,255,243,204,150,66,63,81,137,41,11,21,9,0,0,0,0,0,0,129,155,121,35,0,0,0,25,65,144,196,228,222,209,204,207,207,202,199,199,199,209,207,199,199,207,202,173,157,157,170,176,109,63,51,77,165,189,202,207,215,204,199,186,178,163,157,157,155,155,163,170,170,152,87,49,23,23,31,29,23,21,41,67,53,27,25,116,209,220,209,202,194,168,129,83,83,126,89,41,41,27,3,29,73,93,73,73,163,191,202,209,217,204,194,181,163,109,111,115,115,157,165,176,183,178,168,168,168,176,181,183,189,189,183,176,176,170,160,97,80,91,115,163,113,105,105,115,157,157,115,113,111,111,111,150,155,155,155,113,103,99,107,152,155,150,103,93,91,101,101,101,139,160,173,176,178,191,196,202,212,212,211,217,238,238,235,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,207,170,126,59,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,121,121,61,0,0,0,40,61,38,3,7,69,92,51,21,59,95,105,113,103,85,85,100,137,116,25,0,0,0,0,0,0,0,0,0,0,0,126,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,255,238,191,155,140,151,204,248,246,238,209,191,160,134,134,168,196,228,251,251,243,235,207,150,51,0,0,0,17,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,51,100,181,173,160,160,168,160,147,124,82,19,0,0,0,0,0,0,0,0,0,0,108,173,186,194,194,191,194,196,196,191,183,170,155,111,109,115,163,165,165,170,168,159,161,168,125,121,121,125,125,123,123,127,183,196,191,181,170,168,168,168,127,123,119,121,170,181,181,178,173,173,178,181,181,183,186,186,186,183,181,178,178,178,178,181,183,186,183,183,183,181,178,178,181,189,199,202,199,194,194,196,196,196,135,133,178,181,189,194,199,202,202,199,186,181,181,186,191,191,191,194,196,196,196,196,194,186,185,189,199,212,217,209,194,137,136,136,137,183,189,194,196,194,191,189,189,191,194,191,183,181,186,189,183,183,189,194,196,196,199,199,196,202,204,204,196,192,194,204,209,207,202,204,209,209,207,202,199,194,143,143,189,194,202,207,209,215,217,204,139,137,143,194,196,204,209,209,202,196,194,194,189,142,141,143,189,143,141,143,143,194,207,222,222,212,196,142,141,141,143,191,199,212,228,235,238,225,207,199,199,202,207,209,207,204,209,225,233,230,222,217,215,212,207,202,199,202,207,215,222,222,222,222,217,209,204,203,204,207,212,222,225,215,209,212,209,204,202,203,212,233,238,235,233,228,224,225,225,228,228,230,230,230,233,238,241,233,228,222,222,225,225,228,228,230,230,212,145,141,145,147,149,194,199,207,209,207,199,194,199,222,228,217,215,230,209,202,209,217,225,217,209,207,207,209,209,209,215,225,230,235,235,233,230,225,217,215,217,222,225,222,220,222,228,222,212,217,233,238,233,225,222,222,222,220,217,217,222,228,228,228,228,222,215,215,225,230,230,228,228,228,225,217,212,212,215,215,215,222,230,238,241,241,241,241,241,238,230,217,209,208,208,208,212,225,233,233,228,222,215,215,215,215,217,217,215,212,212,215,215,215,213,215,225,233,235,235,233,228,215,212,212,215,215,217,222,222,207,145,137,202,204,212,217,225,233,235,230,233,243,251,248,241,233,229,229,230,238,241,233,230,235,238,235,230,222,217,209,151,149,150,153,153,153,152,202,215,228,225,222,228,222,148,148,222,222,211,212,225,233,238,243,243,241,243,241,233,225,225,228,230,228,228,228,225,222,217,212,209,207,207,205,205,207,212,217,222,222,212,204,212,217,217,212,208,208,212,215,212,212,215,222,225,228,230,235,238,235,235,238,241,238,233,230,230,228,222,215,215,225,230,235,238,238,235,233,233,222,209,205,209,215,217,228,238,241,238,233,230,233,233,233,230,228,228,230,230,225,225,228,230,228,225,217,217,228,235,235,233,233,233,233,230,230,230,230,230,235,238,243,246,248,251,254,248,235,215,208,209,217,228,233,238,238,238,235,234,234,235,235,233,230,228,228,228,230,233,233,233,233,233,233,235,235,235,235,235,238,233,225,215,212,217,222,225,222,217,217,222,225,228,228,228,225,217,215,209,208,212,222,228,228,228,225,222,217,217,217,222,225,228,222,209,200,199,198,200,207,212,217,222,222,222,225,228,225,217,209,204,207,212,212,209,209,215,225,230,230,230,230,230,233,235,235,233,228,221,221,225,230,233,230,230,230,233,233,233,235,238,241,238,238,238,238,235,233,233,238,238,228,215,217,228,230,233,233,230,230,230,233,238,238,233,229,230,238,241,235,230,228,225,225,222,225,228,228,228,228,225,217,217,216,217,225,233,235,233,228,225,222,222,225,228,228,228,225,228,228,228,228,225,217,211,209,211,212,209,209,209,212,212,215,225,228,230,230,230,230,230,230,233,233,230,230,230,230,230,230,228,225,225,228,228,230,228,226,228,230,230,230,230,228,222,215,215,212,207,204,204,207,209,212,215,215,217,222,225,228,228,228,222,222,222,222,225,225,225,225,225,222,222,222,225,225,225,222,222,222,222,220,217,215,209,208,209,212,209,204,203,203,207,212,217,217,215,215,215,212,209,207,207,209,209,209,209,207,204,204,202,202,202,200,202,207,207,204,200,200,202,200,200,202,207,209,212,215,212,207,204,209,215,217,222,225,225,228,225,225,228,225,225,225,228,228,228,225,222,217,216,217,225,225,217,209,204,204,202,196,196,204,209,209,209,212,215,217,215,207,196,139,137,139,141,189,196,202,207,207,207,207,209,209,207,204,202,199,199,196,196,196,196,196,199,202,204,207,209,209,209,209,209,212,212,212,212,215,215,217,217,212,207,194,190,194,207,212,212,209,207,204,203,207,212,215,212,215,215,215,217,217,217,222,225,225,222,215,199,144,143,143,147,207,217,225,225,228,230,235,238,241,243,243,243,243,243,246,248,251,251,251,251,251,251,251,251,251,251,248,246,246,246,243,243,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,155,147,147,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,98,79,66,56,46,27,17,11,3,0,0,0,0,0,0,0,0,0,0,0,0,0,1,21,47,82,98,113,121,113,111,108,111,113,111,105,103,98,98,73,77,77,73,65,51,37,37,39,47,59,79,93,142,150,170,189,196,204,212,230,238,238,228,215,209,204,204,204,207,212,212,194,150,118,116,129,147,168,181,186,176,173,178,194,204,212,228,241,0,0,222,189,157,137,129,118,105,90,79,72,72,72,61,59,59,59,66,66,74,74,64,56,21,1,0,0,0,0,0,0,0,0,14,66,82,56,35,0,0,0,0,0,0,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,144,152,155,139,150,157,116,90,96,137,152,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,27,69,92,103,103,103,100,103,103,103,105,121,131,131,129,103,53,1,0,0,0,13,255,255,255,255,255,199,157,121,61,41,41,69,103,157,176,194,217,228,225,225,215,215,217,228,235,241,246,241,241,246,251,246,235,238,255,255,255,251,248,254,255,255,255,255,255,254,251,225,183,142,71,63,69,47,0,0,0,0,0,0,0,0,0,69,155,150,69,3,0,0,0,57,126,168,207,238,230,222,222,222,222,212,207,202,202,199,199,191,191,199,194,173,157,164,183,183,105,57,45,77,170,189,196,207,204,194,168,109,101,144,155,163,163,157,157,163,155,137,85,55,23,19,31,55,49,18,13,17,21,13,5,15,137,209,220,222,212,178,129,79,83,139,91,27,25,19,9,19,49,42,33,34,67,170,194,207,212,199,189,181,163,109,107,107,105,109,160,176,189,189,178,170,168,176,181,189,194,194,183,176,168,165,117,97,76,83,109,155,105,98,103,155,165,168,157,115,105,103,103,109,157,155,155,111,105,107,113,157,155,113,97,77,71,85,89,95,137,160,173,176,181,191,191,194,204,220,220,217,225,222,217,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,163,103,40,0,0,0,0,0,0,0,53,0,0,0,0,0,0,0,0,0,92,103,72,22,0,0,35,51,17,0,3,79,111,92,69,90,113,121,105,69,35,27,39,100,108,45,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,255,255,255,255,238,189,152,151,186,241,255,241,202,176,155,124,87,100,152,0,243,255,255,241,196,150,92,17,0,0,0,0,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,79,82,98,87,129,134,72,0,0,0,0,0,0,0,0,0,0,0,0,35,170,186,194,196,194,194,194,194,191,191,186,170,150,111,113,160,168,165,163,170,173,170,176,178,168,123,125,165,124,123,125,176,191,199,196,183,176,170,168,127,123,119,117,118,127,176,178,178,178,181,183,186,186,183,183,186,194,194,191,189,189,186,186,186,186,183,181,181,183,186,186,181,181,189,202,207,204,196,194,196,196,183,118,121,133,183,189,194,199,202,204,199,189,179,178,181,186,189,189,194,196,199,199,196,194,189,189,191,196,204,209,207,196,186,183,183,181,136,137,186,194,196,196,194,191,194,196,194,186,183,189,191,189,189,194,199,199,196,196,196,199,202,207,207,202,199,202,204,207,202,199,204,207,204,196,194,194,191,143,143,189,191,202,207,209,217,222,207,139,133,139,191,199,209,217,222,215,207,204,196,189,142,142,189,191,186,139,141,186,191,202,209,209,202,191,143,142,141,142,145,199,215,228,233,230,212,202,202,207,207,209,212,215,215,222,228,230,228,222,215,209,207,202,195,194,199,217,230,230,225,222,215,212,212,207,204,203,204,209,217,217,209,209,209,212,212,212,217,233,243,243,238,230,224,224,225,228,228,228,228,230,233,235,241,238,228,225,222,220,217,217,222,225,230,233,217,139,137,143,196,199,199,199,204,207,207,207,207,212,228,228,215,209,217,203,200,204,212,215,209,204,204,207,212,215,215,217,225,228,230,230,230,225,215,212,209,207,207,207,207,212,222,230,225,211,209,222,228,222,213,212,212,213,215,217,225,225,228,230,233,230,222,213,212,217,228,230,228,225,222,225,228,230,228,228,225,225,228,235,241,246,246,241,238,241,238,228,212,208,215,212,207,207,217,235,238,230,222,215,212,212,215,217,220,222,222,217,215,217,215,213,215,225,230,230,230,228,225,222,217,217,217,215,217,222,222,215,209,207,209,212,215,217,222,230,235,233,235,246,254,248,238,230,229,230,235,241,241,233,230,233,238,235,228,222,217,212,153,150,202,209,207,204,202,204,215,228,233,235,238,233,207,204,222,225,222,225,233,241,243,243,243,243,243,241,233,228,230,230,228,226,226,230,228,222,212,209,212,212,212,209,209,215,225,228,222,212,202,199,204,212,212,209,209,212,215,215,212,212,215,217,222,225,233,238,235,233,233,235,241,238,235,233,233,228,212,207,209,225,233,238,241,238,233,228,225,215,208,208,217,228,233,241,246,243,238,233,233,235,235,235,230,228,228,230,230,225,222,222,225,222,217,217,225,233,241,238,230,225,225,228,228,228,230,233,235,233,230,228,235,243,251,248,241,228,215,209,212,217,228,235,241,243,241,238,235,235,238,235,233,228,228,225,225,228,230,230,230,230,230,233,235,233,230,230,233,238,238,228,215,212,215,215,215,215,212,215,222,225,225,222,222,217,215,212,209,208,208,215,222,222,222,217,216,216,216,217,222,228,228,225,204,200,202,204,207,209,209,209,209,209,207,207,207,204,204,153,151,151,202,204,204,207,215,222,225,228,230,228,225,225,230,233,230,225,221,221,225,228,228,226,228,230,233,238,238,241,238,241,241,241,238,235,235,233,238,243,243,230,217,222,230,233,233,233,230,228,228,230,235,235,233,229,233,238,241,235,228,225,225,222,222,222,225,225,225,225,225,217,217,215,215,222,230,235,233,228,225,222,222,225,228,228,228,225,228,228,228,225,222,215,212,211,212,212,209,209,212,215,215,215,225,228,230,230,230,228,228,228,230,230,230,230,230,230,228,228,225,225,225,228,230,230,228,228,228,230,230,230,233,228,222,215,209,207,202,200,202,204,212,215,215,217,217,222,225,228,228,228,225,225,225,225,225,225,225,225,222,220,217,222,225,225,225,225,225,222,222,220,217,215,212,209,209,209,207,204,203,204,209,215,217,217,215,215,212,212,209,207,207,207,209,209,212,212,209,207,204,202,202,200,202,207,207,204,200,200,200,200,202,204,209,212,212,209,204,199,199,204,209,212,217,222,225,225,225,225,225,222,217,222,225,228,230,230,228,225,222,222,225,225,217,207,204,204,204,202,202,204,207,209,209,212,215,212,209,204,194,141,139,138,136,139,194,204,209,209,207,209,209,209,209,207,204,202,202,199,199,199,196,196,199,199,202,204,207,207,209,209,209,209,209,212,212,212,217,222,222,212,204,194,191,199,209,212,212,209,209,204,203,204,212,215,215,215,217,215,215,217,217,222,228,228,225,215,145,142,143,145,149,202,212,222,228,230,233,238,241,241,241,241,243,243,246,246,248,251,251,251,251,251,251,251,251,251,251,248,246,246,246,246,243,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,147,139,139,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,98,82,79,69,66,61,51,25,9,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,35,49,82,98,111,113,111,111,111,111,111,105,98,69,67,63,67,71,73,71,57,45,37,37,39,53,73,91,142,170,189,204,215,212,212,230,243,248,246,238,228,215,212,207,207,212,212,196,170,139,129,139,157,186,202,204,194,186,186,194,202,202,212,225,225,222,202,186,173,152,137,116,100,90,79,72,72,72,61,59,59,59,59,66,66,66,64,48,21,1,0,0,0,0,0,0,0,0,38,74,82,56,35,0,0,0,0,0,0,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,43,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,113,131,139,118,100,113,116,100,98,129,152,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,39,85,116,126,116,92,88,90,116,144,157,157,150,131,103,47,0,0,0,0,31,255,255,255,255,202,63,37,17,0,9,47,101,168,168,183,217,228,228,225,222,225,222,222,228,235,241,241,241,241,241,241,233,225,228,251,255,255,243,235,235,248,255,255,255,255,243,243,225,183,157,142,124,71,0,0,0,0,0,0,0,0,0,59,147,155,134,55,0,0,0,0,71,157,194,220,228,228,220,220,222,222,222,209,209,202,199,191,190,187,194,199,186,170,178,194,186,87,33,29,71,170,186,186,186,178,160,107,88,85,89,101,144,155,163,163,155,93,79,67,47,17,11,25,75,142,31,9,12,23,25,0,3,33,165,196,207,204,168,89,77,85,150,126,27,31,31,18,31,49,44,34,35,67,152,170,186,186,183,181,176,155,101,89,89,86,99,155,176,191,191,181,170,165,176,183,191,194,194,186,178,168,163,117,93,76,80,103,113,101,98,103,160,173,173,163,113,99,93,97,105,115,155,155,152,152,157,160,170,157,109,83,55,41,61,73,83,99,147,168,176,176,186,186,185,196,212,220,217,215,209,212,220,0,0,0,0,0,0,0,0,0,0,0,0,0,0,199,165,111,48,1,0,0,0,0,0,0,191,9,0,0,0,0,0,0,0,0,53,72,64,38,7,0,0,0,0,0,0,56,108,108,92,90,105,113,66,9,0,0,7,61,108,105,87,41,15,0,0,0,0,0,0,0,22,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,251,255,255,255,254,225,178,148,152,212,255,255,207,160,142,124,69,51,85,139,0,0,255,255,204,134,87,48,0,0,0,0,0,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,105,181,191,199,196,194,191,194,191,189,189,186,165,110,110,152,163,163,160,160,168,178,183,189,186,170,165,165,165,123,123,170,183,189,191,186,178,170,168,168,127,125,121,119,121,170,178,181,181,181,183,183,183,186,181,178,183,194,196,199,196,196,191,189,189,186,183,181,181,183,186,189,186,183,189,196,204,204,196,194,199,199,123,108,114,131,186,189,191,196,202,202,199,191,183,179,181,183,186,189,191,196,199,199,196,191,194,194,196,196,196,196,194,189,181,183,189,189,183,181,189,196,202,204,204,199,196,194,191,186,139,186,191,191,194,199,202,199,196,196,196,199,204,209,209,207,204,204,202,199,196,199,202,202,191,143,189,191,191,143,142,143,191,202,209,215,225,230,212,139,131,137,194,207,217,228,230,228,222,212,204,194,189,189,194,194,186,137,135,139,186,196,202,199,196,194,194,191,189,143,189,199,212,215,215,207,199,196,202,212,215,215,215,217,222,225,225,222,212,209,209,209,204,196,194,195,209,230,235,228,217,215,212,209,215,215,209,204,202,203,212,217,215,212,212,215,222,228,233,238,241,238,233,228,225,225,228,230,230,228,228,230,233,235,238,233,228,225,225,222,217,215,215,222,230,235,217,139,135,138,145,196,199,202,207,212,212,215,217,220,215,204,194,196,209,204,203,209,222,217,212,207,207,212,222,225,225,225,225,225,228,228,228,222,212,209,204,198,196,199,204,212,217,228,225,212,209,212,217,215,212,211,212,213,215,222,228,230,230,233,238,235,225,212,212,215,225,228,225,220,218,225,235,241,235,233,230,228,230,235,241,243,243,238,235,235,235,225,209,208,225,222,208,207,215,230,230,222,215,212,209,212,217,222,225,228,228,222,222,225,222,217,217,225,225,225,222,222,222,222,222,222,217,213,215,222,225,222,217,215,209,212,222,222,217,225,235,238,238,243,248,246,238,230,230,233,238,241,238,230,225,225,230,230,225,222,217,212,202,202,212,217,212,207,207,212,225,235,238,238,238,230,209,204,215,225,228,235,241,243,243,241,239,241,241,238,233,230,230,230,230,230,233,235,233,222,209,209,217,225,225,222,222,225,228,230,228,215,202,200,204,212,215,217,217,217,215,215,212,212,212,212,212,217,233,238,233,228,230,233,235,233,230,228,228,217,205,203,207,225,235,238,235,233,230,225,222,215,209,212,225,233,241,246,248,243,235,231,233,235,235,235,233,230,228,225,225,222,215,215,217,215,213,215,228,238,243,235,222,217,222,228,233,230,228,228,228,225,209,204,217,235,246,243,233,222,217,217,217,222,228,235,241,243,243,241,241,241,241,235,230,225,222,222,225,228,230,230,228,228,230,233,235,230,228,228,233,238,235,228,217,212,212,212,212,212,212,217,225,225,225,220,217,215,215,212,209,208,209,215,217,220,220,217,217,216,217,220,225,228,230,225,212,209,215,217,215,212,209,209,209,209,207,204,153,151,150,150,149,149,150,151,202,209,217,225,222,225,228,225,221,221,225,230,230,228,225,225,228,228,226,225,226,228,233,238,241,241,238,235,238,238,238,235,233,233,238,243,243,233,225,225,230,230,228,228,228,228,228,228,233,235,235,233,235,241,238,235,230,228,228,225,222,222,222,222,222,225,225,222,217,216,216,222,230,233,233,228,225,225,225,225,228,228,228,225,225,225,225,222,220,217,217,217,217,212,209,212,215,217,217,217,225,228,228,228,228,225,224,225,228,230,233,233,230,230,228,228,225,225,225,228,228,230,228,228,228,228,228,230,233,230,222,215,209,204,202,200,200,204,209,215,215,217,217,222,222,222,225,225,225,225,225,225,225,225,225,225,222,217,217,222,222,225,225,225,225,222,220,220,217,217,212,209,209,209,209,207,209,209,212,215,215,215,212,212,212,209,209,209,207,207,209,212,215,215,215,212,207,204,202,202,204,204,204,202,202,202,202,202,204,207,212,212,209,204,199,198,198,202,204,207,212,215,217,222,225,225,217,215,215,217,222,228,230,230,233,230,228,228,228,225,217,207,203,204,207,207,204,204,204,204,207,209,209,204,202,202,191,143,143,138,134,138,194,207,209,209,209,212,209,209,209,209,209,207,204,202,202,199,199,199,199,199,202,202,204,204,207,207,209,209,209,209,209,212,217,222,217,212,202,196,196,207,215,217,215,212,212,207,203,204,212,215,215,215,217,215,215,220,220,222,228,230,225,212,149,145,151,202,153,153,207,222,230,235,238,238,241,241,241,241,243,243,246,248,248,251,254,254,254,251,251,251,251,251,248,246,246,246,248,246,243,243,0,0,0,0,0,0,0,0,0,241,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,126,126,0,0,0,0,0,0,0,0,0,0,0,0,0,137,116,0,0,0,0,82,82,90,82,79,74,61,51,17,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,13,35,47,79,98,105,105,105,105,103,103,103,95,67,59,53,53,65,69,65,55,45,33,31,37,47,67,85,150,178,204,228,230,230,230,238,248,254,255,254,238,228,215,212,212,212,212,204,186,170,147,150,168,189,207,215,207,194,194,194,194,186,191,191,191,181,173,168,168,152,131,105,98,90,82,77,72,72,66,59,39,51,59,59,64,64,56,48,21,3,0,0,0,0,0,0,0,0,48,72,64,48,48,0,0,0,0,0,0,53,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,35,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,108,116,111,94,105,124,113,109,129,144,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,33,77,103,126,126,92,85,85,103,144,160,157,155,142,105,45,0,0,0,0,13,241,255,255,215,49,0,0,0,0,19,89,186,194,176,189,225,235,228,218,220,225,222,222,228,235,241,241,235,235,233,233,228,222,228,251,255,251,225,202,202,225,243,255,255,255,254,254,217,176,168,157,131,69,0,0,0,0,0,0,0,7,35,71,134,129,69,29,0,0,0,0,69,168,207,220,220,220,204,209,209,222,222,209,209,202,199,191,187,187,191,202,199,191,196,209,186,75,22,21,59,160,170,160,113,101,91,91,91,93,89,89,95,150,165,163,144,81,59,49,31,11,4,11,81,202,191,23,18,43,53,13,0,7,39,124,173,170,118,71,73,89,139,89,53,61,71,55,63,79,85,75,75,99,152,151,151,157,168,181,176,155,101,89,86,83,89,115,176,191,191,178,168,161,176,183,196,196,196,191,178,176,165,117,93,76,80,101,113,101,100,105,160,168,165,113,101,93,88,91,103,115,155,163,163,163,176,183,181,168,109,73,33,21,35,57,69,87,139,160,170,176,186,186,189,196,202,202,202,209,215,220,222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,220,191,142,87,33,0,0,0,0,0,255,217,22,0,0,0,0,0,0,0,0,12,46,56,46,7,0,0,0,0,0,0,17,72,92,79,59,69,72,15,0,0,0,7,45,108,134,131,103,85,56,5,0,0,0,0,0,22,95,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,254,248,248,254,254,241,215,170,142,152,220,248,235,173,124,105,95,47,39,77,134,0,0,255,243,160,92,48,9,0,0,0,0,0,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,150,183,194,199,196,191,191,194,191,186,186,181,157,109,111,157,163,160,156,157,163,176,186,191,183,168,163,125,125,123,125,178,186,183,178,173,168,127,127,168,168,168,125,123,125,173,181,183,183,181,178,176,178,178,176,173,178,189,194,199,202,199,194,191,189,186,181,181,181,183,186,189,191,191,189,191,199,202,196,191,196,202,178,112,117,135,186,186,186,191,199,196,194,191,189,186,186,186,186,189,191,196,199,199,196,191,194,196,199,199,194,189,183,136,129,131,181,191,194,196,202,204,207,212,215,207,196,189,186,183,139,183,189,194,196,199,199,196,194,194,194,196,202,207,209,207,204,202,196,195,196,199,199,191,140,139,143,194,194,143,140,140,143,202,212,225,235,241,228,191,127,133,199,217,230,235,235,233,230,222,209,196,191,191,194,194,189,135,133,135,141,194,199,196,194,194,196,199,194,189,191,199,204,202,194,189,189,191,202,212,222,222,217,222,225,225,217,207,200,199,204,212,209,196,196,212,228,235,230,217,212,212,209,207,212,215,212,204,202,203,212,225,230,225,215,217,225,233,233,233,233,233,233,230,233,233,235,235,233,233,230,233,235,235,235,230,228,228,228,225,215,213,215,225,233,235,222,147,137,136,141,196,204,209,215,222,225,225,225,217,202,137,133,136,204,209,215,225,233,228,217,215,217,217,217,222,228,230,230,228,228,228,225,215,209,209,202,195,194,199,212,217,215,212,215,215,212,212,215,217,220,217,217,217,222,225,228,230,233,235,238,233,225,215,215,222,225,225,222,220,218,225,238,243,235,230,228,225,225,233,235,238,238,233,231,233,235,225,212,212,228,222,212,215,222,222,217,215,212,209,209,215,220,225,228,228,225,222,222,225,225,222,217,222,225,222,220,220,222,225,225,222,215,212,213,222,230,230,225,222,222,228,233,228,215,220,238,243,241,241,241,243,241,235,235,235,241,241,235,228,224,224,224,225,225,225,222,217,207,207,217,225,217,212,212,225,235,238,235,230,228,217,207,204,215,228,235,241,241,241,239,238,239,241,243,241,235,233,229,229,233,238,241,241,233,222,212,212,225,235,238,235,235,225,222,228,230,225,209,204,209,215,225,228,228,225,217,212,212,209,207,205,205,215,233,238,230,225,225,228,228,228,225,222,222,212,203,202,207,225,230,230,228,228,228,225,222,217,217,220,225,233,241,246,246,241,233,231,233,233,230,230,230,228,222,217,215,212,209,212,215,215,215,222,230,238,241,230,216,215,217,228,235,230,217,215,212,207,199,196,207,230,241,238,225,215,217,225,225,225,230,233,235,238,241,243,243,243,243,235,230,222,217,217,222,228,228,230,228,228,230,230,233,230,226,226,230,235,230,217,212,212,212,215,215,215,217,222,228,228,225,222,217,217,217,217,215,209,212,217,222,225,225,222,222,217,217,222,225,228,230,228,222,222,225,225,215,209,209,212,215,217,215,209,204,153,151,151,150,149,149,150,207,217,225,228,225,225,228,225,225,225,228,230,230,230,230,233,233,233,230,228,226,230,235,241,246,243,238,233,233,235,235,235,233,233,235,238,238,235,230,230,228,225,222,222,222,225,225,228,230,238,241,238,238,235,235,233,230,230,230,228,225,225,225,222,225,228,228,228,225,225,228,228,230,230,230,230,228,225,225,225,228,228,228,225,224,224,225,222,217,217,222,225,222,215,212,217,222,222,217,222,228,230,228,228,225,224,224,224,225,230,233,233,230,230,230,230,228,228,225,228,228,228,225,222,222,222,225,228,230,228,225,215,212,207,204,202,202,207,212,215,215,215,217,217,217,217,222,225,225,225,225,225,225,225,225,222,217,217,217,220,222,222,225,225,222,220,217,217,217,215,212,209,207,209,212,215,215,215,212,212,209,209,209,209,209,209,209,209,209,209,212,212,215,217,217,217,212,207,204,204,204,204,202,202,202,204,204,207,209,212,212,209,204,202,199,199,202,202,202,204,209,212,209,209,217,217,215,215,217,217,222,228,230,233,233,233,230,228,228,228,222,209,207,209,215,215,209,202,200,202,204,207,204,191,189,191,143,143,143,139,139,191,204,209,209,209,212,212,212,209,209,212,212,212,209,204,204,202,202,199,199,199,202,202,202,204,207,207,209,209,207,209,212,212,215,217,215,209,202,199,204,212,220,220,217,217,215,209,203,207,212,215,212,215,215,215,215,222,222,222,225,225,217,209,204,204,212,212,204,152,207,225,233,238,238,241,243,243,243,243,243,246,246,248,251,251,254,254,254,254,251,251,251,248,248,246,246,246,246,246,246,243,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,124,116,0,0,0,0,0,0,0,0,0,0,0,173,139,113,108,116,0,116,92,82,0,100,98,90,90,79,69,56,25,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,13,25,45,77,87,95,95,90,90,95,95,69,61,55,52,52,53,59,55,47,31,23,23,33,45,59,85,150,189,212,235,238,238,238,238,254,255,255,255,246,238,228,215,212,207,207,207,204,186,170,160,173,186,202,204,202,194,186,178,176,168,170,170,168,150,148,150,157,147,118,98,98,92,82,79,77,72,69,59,39,39,51,59,59,59,56,48,38,11,0,0,0,0,0,0,0,7,30,48,46,35,56,0,0,0,0,0,0,46,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,87,103,103,100,111,124,116,116,129,129,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,25,59,92,116,116,103,92,95,116,131,129,129,137,147,116,45,0,0,0,0,0,142,215,225,178,35,0,0,0,1,71,196,235,217,189,202,228,235,228,225,222,225,228,228,233,235,235,235,233,233,228,228,233,228,235,251,255,243,202,176,168,183,225,254,255,255,254,238,183,142,124,83,51,9,0,0,0,0,0,0,27,53,57,61,69,69,45,3,0,0,0,0,57,163,207,220,199,194,199,209,209,222,225,222,212,209,199,191,190,187,191,202,202,199,204,225,202,89,25,20,43,101,109,99,91,89,91,93,105,107,95,93,95,155,170,163,134,67,47,37,23,7,1,6,65,209,241,89,39,43,45,17,0,0,1,39,89,85,51,43,65,85,85,83,79,89,129,87,85,93,131,101,144,163,152,139,139,152,173,189,189,170,113,99,89,86,89,113,176,189,189,170,163,161,176,183,196,209,209,191,183,176,170,119,97,76,80,103,113,105,101,111,115,157,115,101,93,89,87,91,103,115,165,178,178,183,189,191,189,178,113,71,23,14,21,35,63,85,134,160,170,178,186,191,196,196,189,189,194,209,235,238,235,0,0,0,0,0,0,0,0,0,0,0,0,0,235,233,230,189,139,82,38,9,0,0,0,254,121,0,0,0,0,0,0,0,0,0,0,38,64,61,25,0,0,0,0,0,0,9,46,66,61,25,19,11,0,0,0,0,27,82,108,113,124,105,100,92,59,0,0,0,0,0,0,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,230,230,0,241,217,199,160,143,160,220,241,209,165,108,98,95,56,51,95,0,0,0,251,204,134,69,17,0,0,14,0,0,0,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,181,194,196,194,189,189,189,189,186,183,178,155,143,147,163,168,163,159,159,160,168,178,183,176,163,123,124,124,124,165,178,181,176,170,127,125,127,168,173,170,168,125,121,123,170,176,178,178,178,173,170,170,170,170,170,176,183,189,196,199,199,194,191,189,186,181,178,178,181,186,191,196,196,189,186,191,199,194,189,194,202,196,123,127,181,189,189,189,191,194,191,189,191,194,194,191,189,191,191,194,196,199,199,194,191,191,196,202,202,196,189,181,135,127,130,137,194,202,207,209,209,209,215,215,204,194,186,183,139,139,183,189,194,196,196,194,192,192,192,192,194,199,207,207,204,202,196,195,195,199,204,199,143,137,137,141,196,196,189,141,140,143,202,217,233,246,248,233,194,122,131,204,225,235,235,238,235,233,225,209,199,191,189,189,189,186,135,133,134,139,189,194,191,189,189,191,194,194,189,191,199,204,199,189,186,187,191,202,215,228,228,222,222,222,217,212,202,198,198,204,222,215,202,204,228,230,225,215,207,207,209,207,202,204,212,215,209,207,209,217,228,230,228,222,222,230,235,235,231,231,233,235,238,241,241,238,235,233,233,235,238,235,233,230,225,224,225,228,225,217,215,217,225,233,233,222,199,141,139,143,204,212,222,228,230,230,228,225,215,194,133,130,133,199,209,222,230,233,228,222,222,222,216,213,215,228,233,233,230,228,228,217,207,202,202,199,195,195,204,217,220,208,205,208,212,217,215,217,222,222,222,222,222,222,222,225,228,230,233,233,230,222,215,217,225,225,222,220,220,222,228,233,235,230,228,225,222,222,230,233,235,235,233,233,235,235,228,215,215,225,225,222,228,228,217,209,208,208,209,212,215,222,228,228,225,217,212,209,212,215,217,222,222,225,222,220,220,225,230,230,225,215,213,217,233,241,241,235,230,233,238,238,228,211,217,243,251,243,235,235,238,241,238,238,241,243,243,238,230,225,224,224,225,230,228,225,222,215,212,222,225,222,217,217,230,238,235,228,222,222,215,209,209,217,235,243,243,241,241,239,238,241,246,248,243,238,230,228,226,233,243,246,241,233,225,217,222,230,238,243,243,238,217,209,225,235,233,217,209,212,222,230,238,241,233,222,212,209,209,207,204,207,220,235,238,230,225,222,225,222,222,222,222,217,212,204,203,207,222,225,222,222,222,228,228,225,225,225,228,225,230,235,241,243,241,235,233,233,228,225,225,225,225,215,209,207,205,207,212,217,220,225,230,233,238,238,228,217,216,222,228,228,217,207,204,204,202,198,196,204,228,241,238,222,212,217,228,230,230,230,233,235,238,241,241,243,243,243,238,230,222,216,216,217,225,228,230,230,228,228,228,228,228,228,228,230,230,225,212,207,209,215,220,222,222,222,225,228,228,225,222,222,222,222,217,215,212,215,222,228,228,228,225,225,222,222,222,225,228,228,228,228,228,228,217,209,207,209,217,225,225,217,215,209,207,204,204,204,202,151,202,209,222,225,228,228,228,230,230,230,233,230,230,230,233,235,238,238,235,233,230,230,230,233,238,243,243,238,230,229,233,235,233,233,233,233,233,230,230,225,222,215,212,215,215,217,222,222,225,230,238,241,241,235,233,231,233,233,230,230,230,228,230,228,225,225,228,230,228,228,230,233,233,230,228,228,230,228,228,225,225,228,230,230,228,225,225,225,222,217,215,217,222,217,215,215,222,225,217,216,225,230,233,230,228,225,225,225,225,228,230,230,228,225,225,228,230,230,228,228,228,228,228,225,222,220,222,225,228,228,225,217,215,212,209,207,207,209,212,215,217,215,215,217,217,216,215,217,222,225,225,225,225,225,225,222,222,217,217,220,220,220,222,222,222,220,217,217,220,217,215,209,204,204,207,212,215,215,215,209,204,204,207,209,209,207,207,209,212,212,215,215,212,209,212,217,217,215,209,204,204,204,204,202,202,204,207,207,209,212,212,207,204,202,199,202,204,204,204,204,209,215,215,207,204,209,209,209,215,222,225,225,228,228,230,230,233,230,228,228,228,225,217,215,217,222,222,212,202,200,200,204,204,199,139,131,133,135,139,139,141,194,202,207,209,209,209,212,215,212,209,207,209,212,215,212,207,204,202,202,199,199,202,202,202,202,204,207,209,209,209,207,207,212,212,212,212,212,209,204,202,204,215,220,220,217,217,215,209,204,207,215,215,212,212,212,215,215,222,222,222,220,209,204,207,212,217,222,215,204,153,209,228,235,238,241,243,243,243,243,243,246,246,246,248,251,254,254,254,254,254,254,251,251,248,248,246,246,243,246,246,246,0,0,0,0,0,0,0,0,0,0,0,176,155,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,139,126,0,0,0,0,0,0,0,0,0,0,168,147,126,108,107,113,124,0,116,98,90,0,0,105,100,100,98,82,69,53,15,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,11,23,39,47,53,53,53,55,59,61,61,61,61,59,57,53,53,43,31,19,19,23,33,47,59,85,163,196,212,233,238,238,238,246,255,255,255,254,254,246,238,228,212,207,204,207,212,204,181,170,176,181,186,189,189,186,186,168,168,168,168,160,157,150,146,150,157,147,129,100,98,90,61,55,72,72,47,41,31,31,39,51,51,51,48,48,38,11,1,0,0,0,0,0,0,7,9,14,30,35,64,0,0,0,0,0,0,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,118,131,129,116,121,129,116,111,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,27,69,92,116,126,126,129,129,126,105,87,98,121,95,31,0,0,0,0,0,21,98,157,170,98,0,0,0,9,137,222,246,225,204,217,235,235,233,233,233,233,233,233,233,235,235,233,233,228,228,235,235,235,243,255,255,243,202,168,109,115,183,225,243,243,225,191,134,63,51,25,0,0,0,0,11,11,0,9,47,61,61,53,55,65,55,23,3,3,0,5,45,150,204,207,189,187,194,207,209,222,225,225,222,209,199,199,196,190,191,199,199,194,196,212,202,113,33,21,27,63,83,91,93,101,107,142,142,139,101,95,101,150,163,155,87,61,41,29,19,7,4,9,51,181,209,144,51,37,29,11,0,0,0,11,33,39,25,25,53,73,77,85,91,91,129,87,81,87,87,93,144,157,152,140,146,157,173,189,189,170,113,105,99,91,99,113,173,183,183,170,163,161,178,189,199,209,209,194,186,178,173,160,97,76,80,101,107,99,99,103,109,115,107,99,93,90,89,91,109,157,178,186,186,191,191,191,191,186,157,79,23,12,15,29,57,81,134,160,176,186,191,199,196,191,182,189,202,215,238,241,235,0,0,0,0,0,0,0,0,0,0,0,0,0,246,254,254,222,168,100,48,9,0,0,61,92,22,0,0,0,0,0,0,0,0,0,0,56,103,100,61,0,0,0,95,64,23,15,27,46,33,13,0,0,0,0,0,3,61,90,87,59,43,64,77,95,82,31,0,0,0,0,0,0,0,0,0,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,194,173,165,186,222,235,209,173,124,105,105,0,0,0,0,0,0,0,168,118,69,25,0,9,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,147,178,191,196,194,189,186,186,189,186,186,181,163,147,152,163,170,176,173,170,163,163,168,173,168,163,124,163,165,125,125,168,170,168,127,125,127,170,176,176,173,127,121,119,119,123,125,125,127,170,170,170,127,125,125,170,176,178,183,191,196,196,191,189,189,186,183,178,177,178,189,196,202,199,189,183,186,191,189,183,186,191,183,122,129,183,189,191,191,191,189,186,189,191,194,191,191,191,194,194,196,196,196,194,194,191,191,196,202,207,202,194,186,181,137,183,191,199,202,202,207,209,212,212,207,196,189,189,186,139,138,139,186,194,199,199,194,192,192,194,194,196,202,207,207,202,196,196,196,199,204,207,199,143,137,137,141,194,196,194,143,143,191,209,228,238,246,246,225,137,122,133,209,230,235,235,235,235,233,225,212,202,196,191,189,186,139,134,134,135,135,135,139,139,139,139,141,189,191,189,191,199,204,199,191,187,189,194,204,217,233,230,222,217,215,215,209,204,200,204,215,228,225,212,215,228,220,209,204,202,204,204,200,199,202,212,217,222,222,222,217,215,217,225,230,233,235,241,238,233,233,233,235,241,243,243,238,235,233,235,238,238,235,228,224,224,221,224,225,228,225,225,228,228,230,233,222,202,147,147,199,209,217,225,230,233,230,228,225,215,202,137,137,145,207,212,222,225,222,217,217,222,217,215,213,216,228,233,233,230,228,225,212,198,195,198,199,199,204,217,228,222,209,207,208,212,217,222,225,225,220,218,218,220,220,217,217,222,225,225,225,225,217,215,215,222,222,220,220,222,228,230,230,225,228,228,225,222,222,228,233,235,235,233,235,238,235,228,215,215,222,225,230,233,233,225,209,207,208,209,215,222,228,230,230,225,215,207,153,147,199,212,222,225,225,225,222,222,230,235,235,228,217,217,230,243,248,243,238,238,238,238,235,225,211,217,241,248,241,235,235,238,238,238,238,243,243,241,238,233,230,228,228,230,233,228,225,225,222,222,228,228,225,220,222,228,230,230,228,225,225,217,215,217,228,241,246,243,243,246,243,239,243,251,251,246,238,233,228,226,233,243,243,238,235,233,230,228,228,233,238,241,233,209,205,225,238,233,215,207,209,222,235,246,248,241,225,209,207,207,207,207,212,225,235,233,225,222,220,217,217,222,222,225,225,217,209,207,212,225,228,222,216,217,225,225,222,222,228,230,230,233,235,238,238,238,235,235,233,228,224,224,228,225,215,207,204,204,207,215,217,222,228,230,235,238,238,233,225,222,222,222,212,207,204,207,209,207,202,199,207,228,238,235,217,209,212,225,230,233,235,235,238,238,241,241,241,241,241,238,233,225,217,216,217,225,230,233,233,230,228,228,228,230,230,228,230,230,225,212,204,204,207,212,217,222,225,228,230,230,228,225,222,217,217,215,209,207,212,222,228,228,228,225,225,225,222,225,225,228,230,230,230,230,228,215,207,207,215,228,230,225,215,212,212,212,212,212,212,212,209,209,212,215,222,225,228,230,233,235,235,235,233,230,230,230,235,238,238,238,235,235,233,233,230,235,238,238,233,229,229,230,233,233,230,233,233,230,225,217,211,208,208,209,212,217,222,225,225,225,228,238,243,243,235,231,231,235,235,233,230,230,230,230,230,228,228,230,230,230,230,233,233,233,233,230,228,230,230,228,225,225,228,230,230,228,228,228,228,225,217,215,215,217,215,213,217,225,222,215,215,222,230,233,228,228,225,228,230,233,233,230,228,220,216,216,222,228,228,225,225,228,228,228,225,222,220,222,228,228,222,215,212,212,209,209,212,212,215,222,225,222,215,217,217,217,216,215,217,222,225,225,225,225,222,222,220,217,217,217,222,222,217,217,220,220,217,215,217,220,217,212,204,203,204,207,209,212,212,209,204,200,202,204,207,207,207,207,209,212,215,217,215,209,204,204,212,217,215,209,204,207,207,204,204,204,207,207,209,212,212,209,202,196,199,202,207,209,209,207,209,217,222,222,208,205,209,207,199,209,225,228,228,228,228,228,228,230,230,228,228,228,230,228,225,225,222,222,215,207,200,202,204,204,194,135,123,122,128,133,137,189,199,204,207,207,209,212,212,215,209,207,204,204,209,212,212,207,204,202,202,199,202,202,202,204,204,204,207,209,212,209,207,207,209,209,212,212,212,209,204,202,204,212,217,220,217,217,215,207,204,209,215,215,212,212,212,212,217,222,222,222,215,149,147,204,217,225,217,209,204,209,222,230,235,238,241,243,246,246,246,246,246,246,248,248,251,254,254,255,254,254,254,251,248,248,248,246,246,243,243,243,248,0,0,0,0,0,0,0,0,0,0,0,155,137,126,139,144,144,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,176,147,116,104,104,113,124,137,126,113,100,0,0,108,108,113,108,100,90,64,33,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,9,15,31,33,41,41,45,47,53,61,67,71,71,71,61,49,31,16,16,19,31,39,51,67,91,170,196,212,228,235,238,246,254,255,255,254,254,254,251,238,228,212,204,204,204,204,194,186,176,176,176,176,178,186,194,194,178,178,186,183,170,168,157,152,157,165,152,137,105,69,61,53,49,49,47,41,33,31,27,31,37,51,51,48,29,38,11,1,0,0,0,0,9,30,20,14,20,30,35,64,82,0,0,0,0,0,46,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,134,142,139,129,129,137,129,118,118,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,9,1,0,0,0,0,0,0,5,37,85,113,134,137,142,144,137,105,72,49,69,41,0,0,0,0,0,0,0,21,100,178,168,33,0,0,0,79,196,235,233,225,225,228,233,233,233,238,238,233,233,233,235,235,233,228,233,241,246,246,235,243,255,255,251,222,168,99,81,101,165,183,173,155,93,49,35,29,3,0,0,0,0,9,13,11,27,47,49,55,59,69,105,108,105,69,55,33,13,31,126,194,207,191,186,187,189,196,202,207,207,209,202,199,209,207,191,191,194,194,186,183,191,186,101,39,24,29,59,91,105,109,152,147,147,142,139,101,95,93,95,95,81,61,43,35,27,19,13,11,17,51,144,163,89,55,39,29,13,0,0,0,0,11,19,23,33,65,85,91,129,129,85,79,76,69,72,73,76,83,142,157,155,155,157,173,181,181,163,109,105,103,99,101,113,165,173,173,168,163,165,178,191,199,212,212,207,186,183,173,119,97,76,75,95,101,94,89,97,109,115,117,113,105,99,97,103,115,170,189,194,194,194,191,191,191,196,178,91,31,12,13,23,57,87,139,165,183,191,194,194,191,183,182,202,217,225,225,220,220,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,222,160,92,38,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,87,118,118,0,0,0,0,176,121,74,46,27,27,27,13,0,0,0,0,0,3,33,39,17,0,0,3,39,85,95,72,11,0,0,0,0,0,0,0,204,243,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,152,118,92,61,40,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,137,181,194,199,196,191,186,189,191,191,194,189,170,152,152,160,173,189,191,186,170,161,161,163,165,168,168,173,173,165,124,123,124,125,125,125,168,176,181,181,176,168,123,119,118,119,119,119,121,125,173,173,127,121,121,173,181,183,183,191,196,194,186,183,186,186,183,178,177,181,191,199,199,194,186,183,183,186,186,181,181,181,115,113,125,181,191,196,196,191,186,182,183,191,191,189,189,189,191,196,196,194,191,191,191,194,196,199,204,207,204,196,189,186,189,196,202,199,196,196,199,204,207,207,199,191,191,194,191,183,137,137,183,191,196,199,199,196,194,196,196,199,202,207,207,202,195,196,199,204,207,207,202,194,143,141,189,194,196,196,194,196,204,222,235,238,238,233,202,123,123,143,215,230,233,230,230,233,228,217,209,204,202,199,194,189,137,134,135,135,131,129,130,133,135,137,139,186,189,186,191,196,196,194,191,191,191,196,207,222,230,228,217,212,212,209,207,207,209,217,228,233,233,225,222,217,207,202,202,204,207,202,199,199,207,217,228,230,230,225,209,205,212,230,238,241,238,238,238,235,233,231,233,235,238,241,238,235,233,238,241,238,233,225,224,224,225,225,228,228,228,228,230,230,230,238,230,207,199,202,207,209,212,217,225,228,225,225,225,225,217,207,215,217,222,215,217,217,209,208,209,215,217,217,220,225,230,233,235,230,225,222,209,196,195,199,209,215,225,233,233,228,220,215,212,212,217,225,228,225,222,218,222,222,217,215,215,217,222,222,222,222,220,215,215,217,222,222,222,230,238,238,230,225,225,228,225,222,222,228,230,233,233,230,230,233,230,222,212,211,215,222,230,233,235,235,222,209,208,212,217,228,233,235,233,228,215,204,146,143,146,212,228,230,230,228,228,228,230,233,230,222,217,225,235,243,246,241,238,238,241,238,235,225,212,217,233,238,238,235,238,238,238,235,238,241,241,238,233,230,230,230,230,230,228,222,217,222,222,228,230,228,222,218,218,222,228,230,233,235,230,222,217,222,230,241,246,243,246,248,243,241,246,251,251,243,238,233,229,229,235,241,238,235,233,233,233,230,228,225,230,233,225,207,205,222,235,228,204,151,207,225,238,248,251,243,228,209,207,209,212,212,222,230,233,228,217,216,216,217,217,222,225,230,230,225,215,212,217,230,235,228,216,216,217,222,221,222,228,233,235,235,238,238,238,235,235,233,233,228,225,228,230,228,222,212,207,207,209,212,217,222,225,230,233,241,243,241,233,225,217,212,204,203,207,212,217,217,209,204,209,225,235,230,209,203,207,222,233,235,238,238,238,238,241,241,238,238,238,235,233,225,217,216,217,225,230,235,235,235,230,228,230,233,233,230,230,230,225,215,204,151,150,151,207,217,228,233,233,233,228,225,217,215,215,209,204,200,207,217,225,225,225,225,225,225,225,225,225,228,230,230,230,233,230,217,209,209,222,233,230,225,212,211,211,215,217,217,222,222,222,215,212,212,215,217,222,225,230,233,233,230,230,228,225,228,233,235,235,235,235,238,235,233,230,230,233,233,230,229,229,233,233,230,230,233,233,233,228,215,208,207,208,215,222,225,228,230,230,228,230,238,243,241,235,233,233,235,235,233,230,230,230,233,233,233,230,230,230,230,230,233,230,233,233,233,230,228,228,228,225,228,228,230,230,230,228,230,228,222,215,215,215,215,213,213,222,228,222,213,213,222,230,230,228,225,228,230,233,233,233,233,228,217,215,215,217,225,225,225,225,228,228,230,228,225,225,228,230,225,215,209,207,207,207,209,212,212,215,222,228,225,217,217,222,217,216,216,217,225,225,225,225,222,222,220,217,217,217,217,222,220,217,217,217,217,215,215,217,217,215,207,202,202,207,209,209,209,209,209,204,202,202,204,204,204,204,207,209,215,217,217,212,204,199,202,209,217,212,207,204,207,207,207,207,207,204,207,207,212,212,207,196,194,196,204,207,209,209,209,215,222,225,225,215,212,215,204,147,151,222,228,230,228,228,228,228,230,230,230,230,230,230,230,228,225,222,217,215,207,202,202,204,202,194,135,121,119,127,135,141,194,202,207,207,207,209,212,212,212,209,204,203,203,207,209,209,207,204,202,199,199,199,202,204,204,204,204,209,209,209,209,207,207,207,209,212,212,212,209,204,202,204,212,217,220,220,217,215,209,207,212,217,215,212,209,209,212,217,222,225,222,212,146,145,204,222,222,212,204,207,222,230,233,235,238,241,243,246,246,246,246,246,248,248,248,251,254,254,255,254,254,254,251,251,248,248,248,248,243,241,243,0,0,0,0,0,0,0,0,0,0,0,241,124,124,137,144,144,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,139,116,104,107,116,126,126,116,105,0,0,0,0,108,0,0,100,74,51,11,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,13,19,23,33,33,39,45,53,65,73,100,77,69,51,27,15,16,23,39,47,57,73,103,178,196,204,212,235,246,254,255,255,255,254,254,254,254,243,228,207,204,194,194,194,186,176,170,170,170,170,178,194,207,209,202,212,228,212,194,183,176,168,165,157,147,137,105,63,55,43,43,41,35,31,27,23,23,23,23,31,31,29,21,11,5,0,0,0,0,11,35,48,48,38,48,51,56,64,0,0,0,0,0,0,53,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,124,0,139,131,131,0,137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,9,3,0,0,0,0,0,0,19,59,87,116,126,137,144,139,121,72,31,25,1,0,0,0,0,0,0,0,13,111,215,225,118,0,0,0,33,170,235,254,233,220,217,222,228,233,230,225,225,228,233,233,233,228,228,235,251,254,251,241,243,248,251,251,233,183,93,61,55,61,67,59,43,23,9,23,43,27,0,0,0,0,0,11,13,27,33,33,55,100,121,124,134,139,124,69,43,0,0,63,178,217,204,194,185,185,186,191,191,191,194,199,199,212,212,199,194,191,191,186,178,168,115,69,39,33,51,83,109,155,152,147,142,142,142,144,101,93,87,79,69,53,41,29,25,21,17,15,19,37,61,89,121,73,57,51,41,21,7,0,0,0,9,19,39,77,144,160,163,160,142,85,79,75,66,69,69,69,73,91,163,170,168,157,165,170,170,163,113,107,109,109,107,113,157,165,165,160,160,165,178,189,199,217,220,209,191,178,170,119,97,76,75,95,99,91,89,97,115,165,173,163,119,111,105,111,157,170,189,194,194,199,199,196,196,196,181,103,41,14,14,25,63,95,147,168,183,186,186,186,183,183,189,209,225,215,207,204,212,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,255,204,139,74,17,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,30,113,129,118,0,0,0,0,0,142,100,74,53,27,21,3,0,0,0,0,0,0,7,1,0,0,0,0,31,85,108,98,21,0,0,0,0,0,0,0,217,243,254,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,181,152,134,121,108,85,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,41,152,170,189,199,199,191,186,191,194,196,194,189,163,142,144,157,173,191,196,189,178,165,159,161,168,173,178,186,183,170,124,123,124,168,168,170,176,178,181,183,183,178,168,123,119,118,118,118,119,125,170,176,127,115,115,170,186,191,191,191,191,186,173,131,178,183,183,181,181,186,194,196,191,186,185,185,186,186,189,189,191,186,123,122,129,181,191,196,196,194,183,178,177,186,191,186,186,189,189,194,191,189,191,194,194,196,199,204,204,204,202,199,189,185,191,199,202,202,196,194,194,194,199,202,196,191,194,202,202,191,183,139,183,189,194,199,202,202,196,194,196,199,202,202,204,202,196,199,204,204,204,204,202,199,194,191,189,194,196,199,199,204,222,233,241,235,225,207,137,111,121,191,212,225,225,225,225,230,225,209,199,199,202,204,199,191,139,137,135,135,131,128,127,133,139,139,141,141,141,138,139,186,191,191,191,194,202,207,212,222,225,217,209,209,212,212,209,207,212,225,235,238,241,238,222,192,191,196,202,209,209,204,199,202,212,225,230,233,230,222,209,207,222,235,241,238,235,235,235,238,233,233,233,233,233,235,235,238,238,241,238,235,230,225,225,225,228,230,228,226,226,228,230,230,233,238,233,217,209,202,199,204,204,209,217,222,222,225,228,233,235,235,143,149,207,209,209,215,209,205,204,209,220,225,225,225,228,233,235,228,217,215,212,212,209,215,222,228,230,230,233,233,230,225,217,212,212,217,222,225,222,222,222,222,217,212,215,222,225,225,222,222,225,222,222,222,225,228,230,233,241,238,230,225,228,225,222,221,220,222,225,228,222,215,215,222,225,222,215,212,212,222,228,230,233,233,228,217,215,215,222,230,233,233,233,228,215,153,146,146,204,222,230,230,230,230,230,233,230,228,222,216,216,230,238,238,233,230,230,235,241,241,235,225,215,212,222,230,233,233,235,238,238,235,235,235,233,230,228,222,217,222,225,222,222,215,212,213,217,222,225,222,222,222,222,222,228,235,243,241,230,217,216,222,230,235,241,243,246,243,238,238,246,251,248,241,235,230,229,230,235,235,233,228,228,225,228,228,222,222,225,228,217,209,207,212,217,212,147,145,199,225,238,243,246,246,238,217,209,212,215,222,230,235,233,225,216,216,217,222,222,222,228,233,230,222,212,211,222,233,238,228,216,216,222,225,230,233,233,230,233,235,235,235,235,233,230,230,228,228,230,235,235,230,225,222,222,215,212,209,215,222,225,228,233,241,246,243,233,215,204,204,203,203,209,212,222,228,217,207,209,220,225,217,203,200,204,222,235,238,238,238,235,235,238,241,241,238,235,233,228,225,217,216,216,222,230,233,235,235,233,230,233,235,233,230,230,228,225,217,204,149,147,150,207,222,233,238,233,230,225,222,215,215,215,209,199,195,202,212,215,217,222,222,225,225,228,228,228,228,228,230,233,235,230,222,217,222,228,230,228,222,215,211,212,222,228,228,225,222,220,217,217,217,217,217,217,222,225,228,228,225,225,222,217,222,228,233,235,238,238,238,238,235,233,233,230,230,230,230,233,235,233,228,228,233,233,233,230,225,215,212,225,230,233,233,233,233,233,230,233,235,238,238,233,233,233,233,235,235,230,229,229,233,238,238,235,233,230,230,233,230,229,233,235,233,230,230,230,228,228,230,230,233,233,230,230,230,228,217,215,217,222,217,215,215,222,228,225,216,217,228,233,233,230,228,228,230,230,230,230,230,228,222,217,217,222,222,222,222,225,225,228,230,230,230,230,233,228,222,212,209,207,204,204,209,212,207,207,215,225,225,222,222,222,217,217,220,222,225,225,225,225,222,222,220,217,217,217,217,217,217,217,217,217,215,212,215,215,215,209,204,203,204,209,209,209,208,209,209,207,207,204,202,202,202,204,207,212,215,217,215,204,196,196,207,215,215,212,207,204,207,207,207,204,204,204,207,207,209,212,207,196,194,196,204,207,209,209,209,212,217,222,225,225,225,215,149,143,144,207,225,228,228,226,228,230,230,233,233,233,233,233,230,230,228,225,217,212,207,202,202,202,202,194,139,129,129,139,191,196,199,204,207,207,207,209,212,212,212,209,207,204,204,204,207,207,207,204,202,199,196,199,202,204,207,204,204,207,207,207,207,205,205,205,209,212,212,209,209,202,200,207,215,217,222,222,220,215,209,209,212,215,215,212,209,209,212,215,222,225,222,209,147,146,207,222,217,207,204,212,225,233,235,238,238,241,243,246,246,248,248,248,248,248,248,251,254,254,254,254,254,251,251,251,248,248,248,246,243,241,241,0,0,0,0,0,0,0,0,0,238,0,233,116,137,139,137,126,126,124,116,113,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,144,139,126,116,108,108,113,116,113,100,90,0,0,0,0,0,0,105,90,61,46,15,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,13,19,19,19,33,41,51,61,71,73,77,69,53,31,16,16,33,47,53,67,85,109,178,196,204,212,238,254,255,255,255,255,255,255,255,254,238,215,204,194,186,181,178,178,131,129,129,170,176,181,194,202,212,235,254,255,254,228,202,191,181,173,157,144,118,75,61,49,43,35,35,31,27,23,23,13,7,11,13,21,11,5,3,0,0,0,0,0,11,35,56,56,56,64,64,56,56,61,0,0,0,0,0,0,33,25,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,129,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3,9,3,0,0,0,0,0,0,1,19,39,85,103,129,129,126,98,69,31,19,0,0,0,0,0,0,0,0,92,183,246,254,209,0,0,0,0,160,246,254,230,216,209,217,222,225,215,202,215,217,228,228,222,222,228,241,254,254,251,251,251,243,235,225,217,183,101,49,27,21,13,5,0,0,0,21,81,144,63,9,0,0,0,0,5,5,5,33,95,124,129,124,129,129,108,63,31,0,0,9,150,220,228,220,191,185,185,186,182,187,191,199,199,207,209,199,194,194,199,194,178,107,67,45,43,55,71,91,152,168,163,142,101,101,139,101,101,101,93,79,63,53,41,29,19,15,15,15,31,63,87,121,87,81,75,65,55,45,25,9,0,0,13,31,65,121,165,178,163,152,163,163,160,131,77,87,87,81,87,101,163,168,160,147,109,155,165,170,160,152,152,115,107,106,113,163,163,115,119,165,178,183,196,212,220,215,191,178,170,160,103,80,83,95,99,94,94,111,168,189,196,186,163,119,117,117,115,157,168,186,194,199,202,204,199,189,178,103,55,19,15,31,75,105,160,176,176,174,172,174,183,191,202,209,209,207,194,194,204,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,254,196,131,59,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,72,129,129,103,0,0,0,0,0,121,103,95,72,53,21,0,0,0,0,0,0,0,0,0,0,0,0,5,59,103,131,126,69,0,0,0,0,0,59,181,228,243,241,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,160,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,17,129,157,178,191,194,186,185,189,194,194,191,191,147,71,99,155,170,189,194,186,176,165,161,168,176,181,183,189,186,178,168,125,127,178,183,189,186,181,181,183,186,181,173,168,123,119,119,119,121,123,168,168,121,110,107,114,176,189,191,183,181,178,128,127,129,176,181,183,186,191,196,196,189,183,185,189,189,189,191,196,199,196,191,183,181,183,189,194,194,191,186,179,178,186,189,183,189,189,186,186,183,186,194,196,199,199,199,204,204,202,199,196,191,186,194,199,202,202,196,194,191,194,196,202,199,191,194,202,204,199,196,191,189,186,191,199,204,204,202,196,196,199,202,199,199,199,199,202,207,204,202,202,199,199,194,189,187,187,191,196,204,217,230,235,235,230,217,202,116,83,117,189,209,217,222,225,228,230,222,202,189,187,191,194,191,189,186,139,135,135,135,131,131,186,194,141,137,138,138,138,139,189,191,194,191,194,202,204,207,212,212,209,208,208,212,217,215,209,212,228,235,238,243,243,222,186,186,194,207,212,215,207,202,204,212,217,225,228,225,215,209,212,228,235,235,235,234,235,241,241,238,235,235,233,233,233,238,241,241,238,235,230,225,222,225,225,228,230,230,228,226,230,233,233,235,235,230,222,212,198,195,198,204,209,215,222,225,228,230,233,233,230,106,100,103,125,147,209,212,208,207,208,212,215,215,217,222,228,228,217,212,212,215,222,225,228,230,230,225,225,228,230,228,222,212,211,215,222,225,225,222,222,222,217,212,211,215,225,228,222,217,220,225,225,225,225,228,233,233,233,230,225,220,225,228,228,225,222,222,222,222,217,212,209,211,217,225,222,217,215,212,217,222,225,228,230,228,225,222,222,225,230,233,230,230,228,215,202,151,202,215,228,230,230,230,233,233,233,230,228,222,217,220,233,235,228,217,215,215,222,233,241,238,228,212,211,217,228,230,228,230,233,238,235,233,230,225,225,222,215,215,215,217,217,217,215,213,213,215,217,217,217,222,222,222,222,228,238,246,241,222,213,213,217,228,235,238,241,238,235,235,235,243,248,246,238,235,230,230,233,233,230,225,222,212,207,212,217,212,212,215,217,215,209,207,207,199,141,137,139,151,222,235,241,241,241,238,230,217,215,217,225,230,235,233,225,217,217,225,230,228,225,228,233,230,217,211,211,222,235,238,230,222,225,233,238,238,238,233,228,228,230,233,233,233,230,228,225,225,225,230,235,235,230,222,222,225,222,212,209,212,215,217,225,230,235,241,238,228,209,203,203,204,204,207,209,215,228,225,215,212,215,215,212,204,202,204,217,230,235,235,235,233,235,238,243,246,241,235,230,225,222,217,216,216,222,228,230,230,233,233,233,235,235,233,230,230,230,228,225,217,204,151,204,215,228,233,235,230,225,222,217,217,217,215,209,198,196,202,204,207,209,217,222,225,228,228,228,228,228,228,230,233,235,233,225,217,222,228,230,228,225,222,217,222,228,230,230,225,220,217,217,222,225,225,225,222,222,225,225,225,217,216,216,216,217,225,230,235,238,241,241,238,238,238,235,235,233,230,233,238,238,235,230,228,230,233,230,233,233,230,230,235,238,241,241,235,233,230,230,235,235,235,233,230,233,230,230,230,233,230,228,229,233,241,241,238,235,230,230,233,230,229,230,235,235,233,230,230,230,230,233,233,233,233,230,230,233,228,220,215,217,222,222,222,222,225,228,225,222,225,230,233,233,230,230,230,230,228,228,230,230,228,225,225,225,225,225,225,225,225,225,228,228,230,230,233,233,228,217,212,207,204,203,204,209,207,203,203,207,217,222,222,217,217,217,217,222,225,228,225,225,225,222,222,217,217,217,220,220,217,217,220,220,217,215,212,212,215,212,209,207,207,209,212,212,209,209,209,209,212,212,209,202,199,199,204,209,212,212,209,204,196,194,196,212,217,215,209,203,203,204,204,202,202,202,207,215,212,209,212,209,199,196,202,207,207,207,204,204,207,212,217,222,225,228,217,199,145,145,204,222,228,226,226,228,230,230,233,235,235,233,233,230,230,230,228,222,215,207,204,202,202,202,199,191,141,141,191,196,202,202,204,207,207,207,209,209,212,212,212,209,207,204,204,204,207,207,204,202,196,196,196,202,204,204,204,204,207,207,207,207,205,205,205,209,212,209,209,209,202,199,209,217,222,225,225,222,217,212,209,212,212,212,209,207,207,209,212,217,225,222,207,144,144,209,222,217,209,209,217,228,233,235,238,238,241,243,243,246,248,248,248,248,248,248,251,254,254,254,254,251,251,251,251,248,248,248,246,243,241,241,0,0,0,0,0,0,0,0,0,233,230,230,108,126,137,124,113,108,105,98,92,100,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,126,126,126,116,116,108,108,108,113,113,105,92,82,0,0,0,0,0,0,105,90,61,53,53,46,15,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,9,13,13,13,19,35,47,57,65,67,71,65,59,47,31,31,37,51,65,77,93,150,178,196,207,228,248,255,255,255,255,255,255,255,255,254,238,215,204,194,181,137,131,131,129,123,129,131,176,181,186,189,204,246,255,255,255,255,235,207,189,176,165,139,87,71,57,49,35,35,33,31,27,23,13,7,3,3,5,5,1,0,0,0,0,0,0,0,3,35,56,59,59,64,59,48,40,46,0,0,0,0,0,0,0,33,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,3,0,0,0,0,0,0,0,0,17,39,85,100,103,103,90,69,39,21,0,0,0,0,0,0,0,11,147,222,254,251,181,0,0,0,0,181,254,254,233,216,209,217,225,225,212,192,199,215,217,222,222,228,241,254,255,255,255,255,255,235,217,202,189,155,75,27,0,0,0,0,0,0,0,29,105,131,98,35,0,0,0,0,0,0,0,7,118,139,129,124,124,108,69,49,25,0,0,0,65,196,228,228,204,196,189,191,187,191,202,209,209,199,199,196,202,202,199,191,157,75,39,32,38,57,77,91,152,168,173,155,101,101,101,95,93,101,131,93,85,81,67,41,17,14,14,17,43,81,137,144,137,124,124,89,124,124,81,45,13,11,21,45,71,85,139,150,129,139,163,170,170,155,93,129,155,155,134,99,99,139,107,105,101,111,165,176,168,163,165,157,107,103,107,117,157,111,111,160,178,183,189,194,209,207,186,176,173,165,109,91,87,95,95,94,101,160,191,204,207,194,163,119,117,117,115,157,165,186,194,202,202,204,199,186,168,101,55,20,16,33,79,139,160,176,176,170,174,189,196,204,202,202,202,199,192,196,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,248,199,131,66,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,48,92,129,126,82,0,0,0,0,0,82,82,82,77,61,43,7,0,0,0,0,0,0,0,0,0,0,7,45,95,121,139,139,90,3,0,0,0,0,92,170,209,228,241,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,69,134,160,183,191,186,185,186,191,191,181,173,51,0,61,147,163,176,181,176,165,163,173,181,183,183,181,181,178,178,176,170,173,191,204,207,199,183,181,183,183,178,176,173,170,125,123,125,125,123,123,123,119,110,106,110,119,170,176,125,125,170,129,128,129,176,183,186,189,194,196,194,189,185,186,191,191,191,194,199,199,199,196,189,183,186,189,194,194,194,191,182,181,183,183,182,189,189,178,126,127,178,189,194,196,199,196,202,204,199,196,196,199,196,199,199,199,199,196,194,191,194,196,199,196,186,183,191,199,204,204,202,191,186,191,202,209,209,207,202,202,202,202,202,202,202,202,204,207,204,202,202,199,194,187,186,186,189,194,202,215,230,238,235,230,228,222,209,129,92,121,194,207,209,217,225,228,228,217,202,189,186,189,189,189,189,189,183,139,139,186,183,183,196,199,186,137,137,139,186,189,194,196,196,194,194,199,199,198,202,212,212,208,207,209,222,222,212,212,222,228,228,230,230,202,183,187,199,212,220,220,209,204,207,209,209,209,212,212,207,207,217,233,235,234,234,235,241,243,243,238,235,235,233,233,235,238,241,238,235,233,228,222,222,222,225,228,230,233,230,228,230,235,235,233,225,217,217,215,199,195,199,212,217,222,222,228,228,230,228,225,212,102,98,99,119,141,202,215,215,212,212,209,207,208,212,215,217,215,212,211,215,222,228,230,235,235,230,222,222,225,228,222,212,209,211,222,228,228,225,222,222,222,215,211,209,215,225,225,222,216,216,222,225,228,228,228,235,238,230,222,212,212,222,228,225,225,225,222,217,215,212,208,208,212,225,228,222,215,212,212,215,217,222,228,233,230,228,228,228,230,233,233,230,228,228,222,212,212,215,222,228,228,225,228,230,228,225,225,225,222,217,222,230,228,212,207,204,204,207,222,235,238,225,209,208,217,228,230,225,225,233,235,235,230,225,222,222,225,222,217,215,215,212,215,217,222,222,222,222,222,222,225,228,225,222,225,235,243,241,216,213,215,225,233,235,241,238,235,234,235,238,241,241,238,233,230,228,228,233,233,230,225,215,203,200,203,207,207,207,207,207,209,207,209,212,202,141,138,146,212,230,241,238,228,217,222,225,217,217,222,225,230,235,233,225,217,225,233,235,230,225,228,233,228,217,212,212,222,235,241,235,230,233,238,241,241,238,233,226,226,228,233,233,228,225,224,224,224,224,225,228,228,222,215,215,217,215,209,209,209,212,215,222,228,230,230,230,225,215,209,207,207,204,204,202,204,222,228,222,212,209,207,207,207,204,204,209,222,228,233,233,235,238,241,246,248,243,233,225,222,222,222,222,222,225,228,228,225,228,230,233,233,233,230,228,230,230,230,230,228,222,215,217,225,230,233,233,225,217,217,220,222,225,217,209,202,207,207,202,204,209,217,225,228,228,228,230,230,230,230,233,235,238,233,222,215,217,225,228,228,228,228,225,228,230,233,230,225,222,217,217,222,225,228,225,225,225,225,228,225,222,216,216,216,217,225,230,235,238,241,238,235,238,238,241,241,238,235,235,238,238,233,228,228,230,233,233,233,235,238,241,241,243,246,246,238,230,228,228,233,233,230,228,230,230,230,228,230,233,233,229,228,233,238,241,238,235,233,230,230,229,229,233,235,235,233,233,233,233,233,233,235,235,230,228,228,230,228,222,217,222,225,225,225,225,225,228,228,228,230,233,235,233,230,230,230,230,228,228,228,228,228,228,225,228,228,228,228,228,225,225,225,228,228,230,230,230,228,217,212,207,204,203,207,212,212,205,205,212,222,222,222,217,215,215,215,222,225,228,228,225,225,222,222,217,217,220,222,222,220,217,222,222,220,217,215,212,207,207,207,209,212,212,215,215,215,212,209,209,212,215,212,204,199,199,204,212,215,209,204,202,196,195,202,212,217,215,207,202,202,204,204,202,200,202,209,215,212,209,209,209,202,199,204,209,209,207,203,203,204,209,215,215,217,222,217,209,151,151,212,225,228,228,228,228,230,233,233,235,235,233,233,230,230,230,228,225,217,209,204,202,202,202,202,199,194,194,196,199,199,202,202,204,204,207,207,209,209,212,212,209,207,204,204,204,207,207,204,199,194,194,196,199,202,204,204,204,207,207,207,207,205,207,207,209,207,207,209,209,202,199,209,220,225,225,225,222,217,215,209,209,209,209,207,205,207,209,212,217,222,220,204,141,142,212,222,222,215,217,225,230,235,235,238,238,241,243,243,246,248,248,248,248,248,248,251,254,254,254,251,251,251,251,251,248,248,248,246,243,241,241,0,0,0,0,0,0,0,0,0,230,228,230,100,108,113,105,100,98,98,91,87,92,105,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,116,116,108,105,100,100,105,108,105,98,90,82,0,0,0,0,0,0,108,92,69,56,56,53,46,15,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,7,13,11,13,17,33,43,53,59,61,65,65,59,53,45,37,45,53,71,85,111,170,196,204,215,235,254,255,255,255,255,255,255,255,255,255,243,228,204,194,186,137,131,123,121,121,123,129,176,176,176,186,202,246,255,255,255,255,243,225,199,183,168,144,87,69,55,49,35,33,29,29,23,13,7,0,0,0,0,0,0,0,0,0,0,0,0,0,0,25,53,56,48,48,38,27,27,27,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,3,0,0,0,0,0,0,0,0,0,19,39,74,87,95,79,47,33,21,0,0,0,0,0,0,0,0,90,178,199,183,33,0,0,0,0,181,255,254,243,225,217,217,233,233,215,196,192,199,215,215,222,235,254,255,255,255,255,255,255,235,204,191,173,107,55,0,0,0,0,0,0,0,9,35,55,61,55,43,27,9,0,0,0,0,0,1,126,139,129,129,134,121,65,43,27,0,0,0,0,131,204,220,220,209,207,202,199,202,222,233,222,199,183,183,186,186,176,157,79,43,29,30,39,63,83,91,142,168,178,168,147,101,92,90,90,101,144,144,150,144,81,41,13,12,15,27,53,87,155,163,157,157,160,168,181,191,170,87,51,39,51,71,73,71,73,79,77,85,147,152,160,155,93,93,144,155,101,79,70,77,97,105,109,157,176,178,173,168,168,165,107,103,106,113,113,109,103,113,168,176,181,181,186,183,176,170,173,170,111,97,91,95,95,94,107,176,202,215,215,194,163,119,117,117,115,157,178,186,194,199,199,196,191,181,168,101,63,25,19,35,75,105,160,176,176,173,181,199,204,204,196,189,194,199,199,204,0,0,0,0,0,0,0,0,0,0,0,0,0,0,255,255,248,204,142,82,46,27,27,0,0,0,0,0,0,0,0,0,0,0,0,74,105,129,111,69,0,0,0,0,51,40,56,64,46,27,25,13,0,0,0,0,0,0,5,13,1,5,39,90,105,124,139,139,113,72,0,0,0,0,108,152,170,194,217,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,37,121,170,191,191,186,186,191,189,147,69,0,0,0,89,150,160,165,163,156,160,181,186,183,183,178,170,168,173,176,173,178,199,212,215,204,183,176,178,178,173,173,176,173,127,125,168,168,123,120,121,125,121,115,114,117,119,119,116,119,127,170,176,181,186,189,189,189,191,191,191,189,189,191,194,194,191,191,194,196,191,186,183,186,189,191,194,199,199,194,183,183,183,179,179,186,189,129,117,119,129,181,186,191,194,194,199,204,202,202,202,204,204,202,199,196,194,191,189,189,191,196,196,194,139,137,139,196,204,209,204,194,189,194,207,215,215,207,202,202,202,202,202,202,202,204,204,204,202,202,204,202,194,185,186,194,207,209,212,225,235,238,235,230,230,230,220,196,125,133,199,204,204,209,222,225,222,209,199,191,194,196,199,196,196,194,189,189,191,194,189,139,183,189,186,139,139,186,194,199,202,204,204,202,199,199,198,196,199,222,225,212,204,207,217,222,212,204,199,196,202,207,207,194,187,194,212,222,225,222,212,207,212,212,202,196,199,202,202,207,222,233,235,235,238,238,243,243,241,233,230,230,230,233,235,238,241,235,233,230,225,222,222,225,225,228,233,235,233,228,230,235,233,222,211,209,215,222,209,202,209,225,228,228,228,228,228,228,225,217,199,114,121,139,196,199,204,217,225,225,222,215,209,209,212,215,215,212,211,212,222,230,230,233,233,228,222,222,225,228,225,215,209,209,212,225,230,228,222,217,215,215,215,211,211,215,222,225,217,216,215,217,228,230,230,233,241,241,233,222,207,204,215,222,225,222,222,217,215,212,211,209,211,220,228,228,217,212,209,209,212,217,225,230,235,233,230,230,230,233,233,233,230,230,230,230,225,225,222,222,222,222,217,217,222,217,212,212,217,215,212,222,228,222,207,205,204,204,205,212,233,235,217,205,207,215,228,228,225,225,230,233,230,228,225,225,228,228,228,225,217,212,209,212,220,228,230,230,230,230,233,235,233,230,228,228,235,238,235,217,217,225,233,238,238,241,241,235,235,238,238,235,233,230,228,225,222,222,230,235,235,230,217,204,200,202,207,209,207,207,205,207,212,217,222,215,207,215,233,238,243,246,238,204,125,119,135,207,215,225,228,233,235,235,230,228,230,235,235,228,220,222,228,228,225,222,222,228,238,241,238,235,230,230,233,235,235,233,228,226,230,233,233,230,225,224,224,224,224,225,225,222,215,209,207,207,207,207,209,209,212,215,222,228,225,225,225,228,230,225,217,209,204,204,199,199,215,225,222,212,207,207,209,209,207,204,209,217,228,233,235,238,241,243,246,246,241,230,222,222,222,225,225,228,233,233,228,224,224,228,230,230,228,225,222,225,228,228,228,228,228,228,228,230,230,230,228,222,216,216,222,228,228,222,212,209,217,207,199,202,215,228,230,228,228,230,230,233,230,230,233,238,238,230,217,211,212,217,225,228,230,230,230,230,233,233,230,228,222,217,217,222,225,225,225,222,222,228,230,230,228,225,222,222,222,225,228,233,233,233,233,233,233,238,241,241,241,238,238,235,235,230,226,226,230,233,233,233,235,238,238,241,243,248,248,241,230,225,224,225,225,225,225,230,230,228,228,228,233,233,230,229,230,233,233,233,233,233,230,229,229,230,233,235,238,235,233,233,233,233,235,235,235,230,228,228,225,225,225,225,228,225,225,225,225,225,225,225,228,230,233,233,233,230,230,230,230,230,228,228,228,228,228,228,228,230,230,230,230,225,222,222,225,228,228,228,228,228,222,217,212,207,204,209,217,222,222,220,225,225,222,217,215,215,213,215,222,225,228,228,225,225,222,222,217,217,220,225,222,222,222,222,225,225,222,215,207,202,202,204,212,215,215,215,215,217,215,209,209,212,215,215,207,200,199,202,207,212,212,209,207,202,202,207,215,217,212,204,203,203,207,207,202,200,202,207,209,207,207,207,202,194,199,207,212,212,212,207,204,209,215,215,212,209,209,209,209,209,215,225,230,233,230,230,233,233,233,235,235,235,233,233,230,230,230,230,228,222,212,209,204,204,202,202,202,199,199,196,196,196,199,202,202,204,204,207,207,209,212,212,209,207,204,203,204,207,204,202,196,194,192,194,199,199,202,202,204,207,207,207,207,207,209,209,209,205,205,209,212,202,199,209,220,225,225,222,220,217,215,209,209,209,207,207,205,207,209,215,220,217,212,196,143,145,212,222,222,222,225,230,233,235,235,238,238,241,243,243,246,248,248,248,248,248,248,251,254,254,254,251,251,251,251,251,248,248,248,248,246,243,0,0,0,0,0,0,0,0,0,0,230,228,228,91,92,98,100,98,98,98,92,91,92,105,0,0,124,124,0,0,0,0,0,0,0,0,0,0,126,113,100,98,92,92,92,98,98,92,90,90,90,0,0,0,0,0,0,0,98,74,56,33,27,27,27,15,9,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,7,7,7,13,21,37,47,53,57,55,55,53,49,45,45,51,65,83,103,163,189,204,230,238,243,255,255,255,255,255,255,255,255,255,255,254,235,215,207,194,139,131,123,121,121,121,123,129,176,181,194,209,241,255,255,255,255,251,233,207,189,168,144,87,69,55,45,35,29,29,27,15,7,3,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,0,0,33,30,14,12,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,3,3,3,0,0,0,0,0,0,0,5,25,41,69,77,69,31,19,9,0,0,0,0,0,0,0,0,0,7,51,43,0,0,0,0,0,43,215,233,243,233,220,228,241,241,225,202,192,194,194,199,204,228,251,255,255,255,255,255,255,235,194,176,157,97,49,0,0,0,0,0,0,0,13,29,29,29,29,29,23,5,0,0,0,0,0,33,126,134,129,139,155,155,108,55,37,15,0,0,0,0,152,204,209,209,207,207,207,209,225,233,222,199,176,157,115,107,91,75,49,35,31,38,57,83,101,109,144,160,168,168,155,139,90,87,93,155,157,150,144,95,69,29,10,11,17,41,73,134,157,168,173,173,176,191,209,217,186,137,83,75,79,83,73,57,49,43,35,41,83,126,129,93,67,45,59,87,87,70,65,73,99,157,165,181,191,189,178,168,165,157,113,106,106,111,111,103,98,99,113,157,165,173,178,176,168,165,165,160,111,103,97,101,99,99,117,191,215,222,222,194,163,119,163,160,165,165,178,186,194,191,183,189,189,178,168,111,81,41,29,39,75,139,170,178,183,181,191,196,196,196,189,181,186,191,202,217,0,0,0,0,0,0,0,0,0,0,0,0,0,0,251,248,246,220,163,108,72,61,59,1,0,0,0,0,0,0,0,0,0,0,0,105,113,113,90,53,27,0,0,0,22,25,56,46,9,0,0,0,5,9,0,0,0,9,21,17,0,0,27,47,90,111,121,118,113,95,25,0,0,15,116,124,108,131,170,233,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,49,121,178,189,186,186,183,173,87,0,0,0,0,0,103,152,160,157,153,156,178,183,181,181,176,168,164,166,170,173,178,199,212,215,199,178,172,173,173,169,170,176,173,127,125,170,168,123,120,123,170,178,176,125,117,115,114,115,121,127,170,183,191,191,194,191,189,189,189,191,191,191,194,196,194,191,190,191,191,183,179,181,186,191,191,196,204,207,191,182,186,186,178,177,183,183,131,117,119,131,178,181,186,191,194,199,204,204,204,207,207,204,202,196,191,189,187,186,187,191,194,196,194,139,137,139,194,207,209,207,196,194,199,209,215,212,204,200,200,202,202,200,200,202,204,204,204,202,204,207,207,196,185,189,209,225,228,225,225,230,233,233,235,238,233,217,194,135,143,202,202,199,202,209,212,209,202,196,196,204,207,207,204,202,199,196,194,196,194,139,132,131,135,183,186,183,189,199,204,204,209,212,209,207,207,202,198,207,235,235,215,202,203,209,217,209,196,186,183,189,195,196,196,202,209,222,228,225,220,212,209,217,217,199,194,195,198,202,209,225,233,238,241,241,241,241,241,238,230,229,230,230,233,235,238,238,235,233,230,228,225,222,225,228,228,233,235,233,228,230,233,230,215,208,208,217,228,215,207,215,228,233,233,230,228,228,225,225,217,137,115,209,225,222,215,217,228,230,233,233,230,222,217,222,222,217,212,211,215,228,233,233,230,222,217,216,218,225,228,217,212,209,211,217,225,228,222,215,211,209,211,212,212,212,215,220,222,222,216,215,220,230,233,233,235,241,241,235,222,203,199,203,217,222,222,217,215,215,212,212,212,215,225,230,228,215,208,207,208,212,217,228,235,238,235,230,233,233,233,235,235,233,233,235,235,233,228,225,222,217,215,215,212,212,211,208,209,212,212,209,222,228,220,209,207,209,207,209,217,233,235,215,203,204,212,225,225,224,224,225,225,225,224,225,230,230,233,230,228,217,209,208,209,217,230,233,233,233,238,241,241,238,235,230,230,233,233,228,222,225,235,241,241,241,241,241,241,241,241,238,233,228,225,222,220,218,220,228,238,241,235,225,209,203,204,215,217,215,212,207,209,217,225,225,225,228,233,241,246,248,251,238,147,116,113,118,149,215,228,233,235,238,238,235,235,235,238,233,222,216,216,220,230,233,230,230,233,241,243,241,235,229,226,228,233,235,233,228,228,233,235,235,233,228,228,228,228,228,228,225,220,215,209,207,205,205,207,212,212,212,215,225,225,224,221,224,230,235,233,225,212,207,202,198,198,212,225,225,212,207,209,212,212,207,207,212,222,228,235,238,241,243,246,246,243,235,228,222,222,222,222,225,233,238,235,228,221,221,225,228,225,222,218,218,220,220,221,222,222,225,228,228,230,230,228,225,222,216,216,222,230,230,222,212,215,215,202,195,200,222,230,230,228,228,230,233,233,233,230,235,241,238,230,215,211,211,212,220,228,230,230,230,230,233,230,228,225,222,217,217,217,222,222,220,220,222,225,230,233,233,230,228,225,225,225,228,230,230,230,229,230,230,235,238,241,241,241,241,235,233,228,225,226,230,235,235,233,233,233,233,238,243,248,248,241,233,225,221,218,220,221,225,228,230,228,226,228,233,233,230,229,229,229,228,229,230,230,230,229,229,230,233,235,238,235,233,233,233,233,235,235,233,230,228,225,224,224,225,230,230,225,224,224,224,224,224,225,228,230,233,233,233,230,230,230,230,230,228,228,228,228,228,228,228,230,233,233,230,228,222,222,222,225,228,228,225,225,225,222,215,212,209,212,217,225,228,228,228,225,222,217,215,215,215,215,222,225,228,228,225,225,222,222,217,217,220,222,222,222,222,225,228,228,222,215,204,200,200,204,212,215,213,215,217,217,215,209,208,209,215,215,209,204,200,200,204,209,212,212,212,209,207,209,215,215,209,204,203,207,209,209,204,202,204,204,203,203,204,204,192,189,194,207,215,217,215,212,209,212,217,215,209,208,205,204,207,215,225,230,235,233,230,230,235,235,235,235,235,235,233,233,230,230,230,230,228,222,215,209,207,204,202,200,202,202,202,196,196,196,199,199,202,202,204,207,207,209,209,212,209,207,204,203,204,207,204,199,196,192,192,194,196,199,199,202,204,207,207,209,209,209,209,212,207,204,205,209,212,202,199,207,217,222,222,217,217,215,215,212,209,209,207,207,207,209,212,217,222,215,199,148,146,149,209,222,225,228,228,233,235,235,235,238,238,241,243,243,246,248,248,248,248,248,248,251,254,254,254,251,251,251,251,251,248,248,248,248,0,0,0,0,0,0,0,0,0,0,0,0,233,230,228,87,87,92,100,100,100,105,100,92,98,105,116,124,126,124,113,0,0,0,0,0,0,0,0,0,126,108,92,90,86,85,85,86,90,82,82,0,0,0,0,0,0,0,0,0,98,74,53,23,20,23,27,38,46,40,13,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,7,13,17,37,43,51,53,49,47,45,41,41,45,57,77,91,150,173,196,212,238,246,254,255,255,255,255,255,255,255,255,255,255,255,243,235,215,204,143,131,123,118,118,118,121,125,131,186,194,212,235,254,255,255,255,251,235,209,191,173,144,87,69,55,45,35,29,29,23,13,5,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,14,9,9,8,12,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,12,1,1,0,0,0,0,0,0,1,9,7,3,3,0,0,0,0,0,0,0,9,27,61,69,39,19,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,131,196,233,233,225,228,241,241,225,202,192,190,190,190,194,215,235,255,255,255,255,255,255,225,186,168,155,97,47,0,0,0,0,0,0,0,9,11,11,10,11,13,11,0,0,0,0,0,0,61,126,134,134,155,181,181,147,71,49,31,0,0,0,0,71,186,199,198,199,207,207,209,225,228,209,191,176,111,87,71,65,59,43,37,39,57,83,109,152,152,152,144,152,160,160,142,89,86,101,168,170,139,85,73,53,21,10,11,19,49,81,147,165,176,176,176,183,194,220,220,186,126,83,81,85,85,71,49,34,28,19,19,53,83,87,69,33,26,34,59,75,70,67,83,150,173,183,196,204,196,178,168,165,157,117,109,107,107,107,101,93,91,97,111,163,173,178,170,168,159,160,119,111,103,103,109,107,107,163,199,225,230,225,202,165,123,170,168,181,181,189,186,186,183,179,182,183,178,168,117,97,69,41,47,79,139,176,183,189,186,191,186,183,183,181,181,179,186,202,220,0,0,0,0,0,0,0,0,0,0,0,0,0,255,251,248,248,228,176,126,82,61,27,0,0,0,0,0,0,0,0,0,0,0,0,0,129,113,87,53,35,0,0,0,11,38,64,46,0,0,0,0,11,25,31,23,21,27,25,7,0,0,0,13,39,85,95,92,90,82,31,3,0,48,105,96,81,91,124,194,255,255,255,255,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0